From f2e062ec161661da1f3753859bb22e84bc3eea8a Mon Sep 17 00:00:00 2001 From: Eugene Khvedchenya <(ekhvedchenya@gmail.com)> Date: Tue, 25 Feb 2020 23:18:39 +0300 Subject: [PATCH] Initial commit --- .dockerignore | 11 + .gitignore | 110 + Dockerfile-pytorch14-37 | 26 + README.md | 20 + black.toml | 25 + build_push_docker_37.cmd | 5 + convert_crops.py | 116 + convert_masks.py | 80 + docker_submission_37.py | 266 + evaluate_postprocessing.py | 102 + finetune.py | 517 + fit_predict.py | 614 + make_folds.py | 53 + optimize_softmax.py | 79 + predict.py | 130 + predict_37_weighted.py | 239 + predict_oof.py | 106 + requirements.txt | 7 + requirements_docker_pytorch14.txt | 17 + run_tensorboard.cmd | 3 + run_tensorboard.sh | 3 + run_tensorboard_3389.sh | 3 + test_docker_pytorch14_37.cmd | 26 + ...atemala-volcano_00000000_post_disaster.png | Bin 0 -> 1589496 bytes ...ricane-florence_00000115_post_disaster.png | Bin 0 -> 9949 bytes ...ricane-florence_00000475_post_disaster.png | Bin 0 -> 7886 bytes tests/post.png | Bin 0 -> 2090 bytes tests/pre.png | Bin 0 -> 2018 bytes tests/test_damage_00121_prediction.png | Bin 0 -> 10198 bytes tests/test_dataset.py | 126 + tests/test_load_mask.py | 43 + tests/test_localization_00121_prediction.png | Bin 0 -> 12590 bytes tests/test_models.py | 157 + tests/test_post_00121.png | Bin 0 -> 1622679 bytes tests/test_postprocessing.py | 63 + tests/test_registration.py | 105 + train.csv | 18337 ++++++++++++++++ train.sh | 99 + train_folds.csv | 18337 ++++++++++++++++ xview/alignment.py | 91 + xview/augmentations.py | 221 + xview/averaging_rounder.py | 99 + xview/dataset.py | 608 + xview/factory.py | 146 + xview/inference.py | 500 + xview/losses.py | 231 + xview/metric.py | 232 + xview/model_wrapper.py | 103 + xview/optim.py | 172 + xview/postprocessing.py | 236 + xview/pseudo.py | 93 + xview/rounder.py | 85 + xview/scheduler.py | 52 + xview/ssim_loss.py | 58 + xview/train_utils.py | 63 + xview/utils/combine_jsons.py | 98 + xview/utils/data_finalize.sh | 105 + xview/utils/inference.sh | 175 + xview/utils/inference_image_output.py | 187 + xview/utils/mask_polygons.py | 275 + xview/utils/split_into_disasters.py | 80 + xview/utils/view_polygons.ipynb | 367 + xview/visualization.py | 134 + xview/xview2_metrics.py | 297 + 64 files changed, 44533 insertions(+) create mode 100644 .dockerignore create mode 100644 .gitignore create mode 100644 Dockerfile-pytorch14-37 create mode 100644 README.md create mode 100644 black.toml create mode 100644 build_push_docker_37.cmd create mode 100644 convert_crops.py create mode 100644 convert_masks.py create mode 100644 docker_submission_37.py create mode 100644 evaluate_postprocessing.py create mode 100644 finetune.py create mode 100644 fit_predict.py create mode 100644 make_folds.py create mode 100644 optimize_softmax.py create mode 100644 predict.py create mode 100644 predict_37_weighted.py create mode 100644 predict_oof.py create mode 100644 requirements.txt create mode 100644 requirements_docker_pytorch14.txt create mode 100644 run_tensorboard.cmd create mode 100644 run_tensorboard.sh create mode 100644 run_tensorboard_3389.sh create mode 100644 test_docker_pytorch14_37.cmd create mode 100644 tests/guatemala-volcano_00000000_post_disaster.png create mode 100644 tests/hurricane-florence_00000115_post_disaster.png create mode 100644 tests/hurricane-florence_00000475_post_disaster.png create mode 100644 tests/post.png create mode 100644 tests/pre.png create mode 100644 tests/test_damage_00121_prediction.png create mode 100644 tests/test_dataset.py create mode 100644 tests/test_load_mask.py create mode 100644 tests/test_localization_00121_prediction.png create mode 100644 tests/test_models.py create mode 100644 tests/test_post_00121.png create mode 100644 tests/test_postprocessing.py create mode 100644 tests/test_registration.py create mode 100644 train.csv create mode 100644 train.sh create mode 100644 train_folds.csv create mode 100644 xview/alignment.py create mode 100644 xview/augmentations.py create mode 100644 xview/averaging_rounder.py create mode 100644 xview/dataset.py create mode 100644 xview/factory.py create mode 100644 xview/inference.py create mode 100644 xview/losses.py create mode 100644 xview/metric.py create mode 100644 xview/model_wrapper.py create mode 100644 xview/optim.py create mode 100644 xview/postprocessing.py create mode 100644 xview/pseudo.py create mode 100644 xview/rounder.py create mode 100644 xview/scheduler.py create mode 100644 xview/ssim_loss.py create mode 100644 xview/train_utils.py create mode 100644 xview/utils/combine_jsons.py create mode 100644 xview/utils/data_finalize.sh create mode 100644 xview/utils/inference.sh create mode 100644 xview/utils/inference_image_output.py create mode 100644 xview/utils/mask_polygons.py create mode 100644 xview/utils/split_into_disasters.py create mode 100644 xview/utils/view_polygons.ipynb create mode 100644 xview/visualization.py create mode 100644 xview/xview2_metrics.py diff --git a/.dockerignore b/.dockerignore new file mode 100644 index 0000000..8b7acad --- /dev/null +++ b/.dockerignore @@ -0,0 +1,11 @@ +runs/ +pretrain/ +models/ +models_old/ +tests/ +predictions/ +predictions_docker/ +test_images/ +tests/ +old/ +*.cmd \ No newline at end of file diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..5e20edf --- /dev/null +++ b/.gitignore @@ -0,0 +1,110 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# pyenv +.python-version + +# celery beat schedule file +celerybeat-schedule + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.idea/ +runs/ +/xview2.zip +models/ +models_old/ +pretrain/ diff --git a/Dockerfile-pytorch14-37 b/Dockerfile-pytorch14-37 new file mode 100644 index 0000000..bdca3dd --- /dev/null +++ b/Dockerfile-pytorch14-37 @@ -0,0 +1,26 @@ +FROM python:3.7 + +RUN apt-get update && apt-get install -y libgeos-dev + +RUN mkdir /xView2 +WORKDIR /xView2 + +ADD requirements_docker_pytorch14.txt /xView2 +RUN pip3 install -r requirements_docker_pytorch14.txt + +ADD . /xView2 + +RUN mkdir -p /input +RUN mkdir -p /output + +# https://github.com/pytorch/pytorch/issues/27971 +ENV LRU_CACHE_CAPACITY 1 + +# set environment variables +# Prevents Python from writing pyc files to disc +ENV PYTHONDONTWRITEBYTECODE 1 + +# Prevents Python from buffering stdout and stderr +ENV PYTHONUNBUFFERED 1 + +ENTRYPOINT ["python3", "docker_submission_37.py"] \ No newline at end of file diff --git a/README.md b/README.md new file mode 100644 index 0000000..766613e --- /dev/null +++ b/README.md @@ -0,0 +1,20 @@ +# 3rd place solution for xView2 Damage Assessment Challenge + +Eugene Khvedchenya, February 2020 + +This repository contains source code for my solution to [xView2 challenge](https://xview2.com). My solution was scored second (0.803) on public LB and third (0.807) on private hold-out dataset. + +# Approach in a nutshell + +- Ensemble of semantic segmentation models. +- Trained with weighted CE to address class imbalance. +- Heavy augmentations to prevent over-fitting and increase robustness to misalignment of pre- and post- images. +- Shared encoder for pre- and post- images. Extracted feature are concatenated and sent to decoder. +- Bunch of encoders (ResNets, Densenets, EfficientNets) and two decoders: Unet and FPN. +- 1 round of Pseudolabeling +- Ensemble using weighted averaging. Weights optimized for every model on corresponding validation data. + +# Training + +- Install dependencies from `requirements.txt` +- Follow `train.sh` \ No newline at end of file diff --git a/black.toml b/black.toml new file mode 100644 index 0000000..d6600cc --- /dev/null +++ b/black.toml @@ -0,0 +1,25 @@ +# Example configuration for Black. + +# NOTE: you have to use single-quoted strings in TOML for regular expressions. +# It's the equivalent of r-strings in Python. Multiline strings are treated as +# verbose regular expressions by Black. Use [ ] to denote a significant space +# character. + +[tool.black] +line-length = 119 +target-version = ['py35', 'py36', 'py37', 'py38'] +include = '\.pyi?$' +exclude = ''' +/( + \.eggs + | \.git + | \.hg + | \.mypy_cache + | \.tox + | \.venv + | _build + | buck-out + | build + | dist +)/ +''' diff --git a/build_push_docker_37.cmd b/build_push_docker_37.cmd new file mode 100644 index 0000000..eb1c37a --- /dev/null +++ b/build_push_docker_37.cmd @@ -0,0 +1,5 @@ +set mydate=%date:~10,4%%date:~4,2%%date:~7,2% + +docker build -t xview2:37_pytorch14 -f Dockerfile-pytorch14-37 . +docker tag xview2:37_pytorch14 ekhvedchenya/xview2:37_pytorch14_%mydate% +START docker push ekhvedchenya/xview2:37_pytorch14_%mydate% \ No newline at end of file diff --git a/convert_crops.py b/convert_crops.py new file mode 100644 index 0000000..0eb726e --- /dev/null +++ b/convert_crops.py @@ -0,0 +1,116 @@ +import argparse +import os + +import cv2 +from skimage.measure import label +from tqdm import tqdm +import pandas as pd + +from pytorch_toolbelt.utils import fs +import numpy as np + +from xview.dataset import make_dual_dataframe, read_image +from xview.utils.inference_image_output import create_inference_image, open_json, create_instance_image +from PIL import Image + + +def bbox1(img): + a = np.where(img != 0) + bbox = np.min(a[0]), np.max(a[0]) + 1, np.min(a[1]), np.max(a[1]) + 1 + return bbox + + +def convert_dir(df: pd.DataFrame, dir) -> pd.DataFrame: + crops_dir = os.path.join(dir, "crops") + os.makedirs(crops_dir, exist_ok=True) + + building_crops = [] + + global_crop_index = 0 + + for i, row in tqdm(df.iterrows(), total=len(df)): + image_fname_pre = read_image(os.path.join(dir, row["image_fname_pre"])) + image_fname_post = read_image(os.path.join(dir, row["image_fname_post"])) + + mask_fname_post = row["mask_fname_post"] + json_fname_post = fs.change_extension(mask_fname_post.replace("masks", "labels"), ".json") + inference_data = open_json(os.path.join(dir, json_fname_post)) + instance_image, labels = create_instance_image(inference_data) + + for label_index, damage_label in zip(range(1, instance_image.max() + 1), labels): + try: + instance_mask = instance_image == label_index + rmin, rmax, cmin, cmax = bbox1(instance_mask) + + max_size = max(rmax - rmin, cmax - cmin) + if max_size < 16: + print( + "Skipping crop since it's too small", + fs.id_from_fname(mask_fname_post), + "label_index", + label_index, + "min_size", + max_size + ) + continue + + rpadding = (rmax - rmin) // 4 + cpadding = (cmax - cmin) // 4 + + pre_crop = image_fname_pre[ + max(0, rmin - rpadding) : rmax + rpadding, max(0, cmin - cpadding) : cmax + cpadding + ] + post_crop = image_fname_post[ + max(0, rmin - rpadding) : rmax + rpadding, max(0, cmin - cpadding) : cmax + cpadding + ] + + image_id_pre = row["image_id_pre"] + image_id_post = row["image_id_post"] + + pre_crop_fname = f"{global_crop_index:06}_{image_id_pre}.png" + post_crop_fname = f"{global_crop_index:06}_{image_id_post}.png" + global_crop_index += 1 + + cv2.imwrite(os.path.join(crops_dir, pre_crop_fname), pre_crop) + cv2.imwrite(os.path.join(crops_dir, post_crop_fname), post_crop) + + building_crops.append( + { + "pre_crop_fname": pre_crop_fname, + "post_crop": post_crop_fname, + "label": damage_label, + "event_name": row["event_name_post"], + "fold": row["fold_post"], + "rmin": rmin, + "rmax": rmax, + "cmin": cmin, + "cmax": cmax, + "max_size": max_size, + "rpadding": rpadding, + "cpadding": cpadding + } + ) + except Exception as e: + print(e) + print(mask_fname_post) + + df = pd.DataFrame.from_records(building_crops) + return df + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-dd", "--data-dir", type=str, default="c:\\datasets\\xview2") + args = parser.parse_args() + + data_dir = args.data_dir + + df = pd.read_csv(os.path.join(data_dir, "train_folds.csv")) + df = make_dual_dataframe(df) + + df_crops = convert_dir(df, data_dir) + df_crops.to_csv(os.path.join(data_dir, "train_crops.csv"), index=None) + + +if __name__ == "__main__": + main() diff --git a/convert_masks.py b/convert_masks.py new file mode 100644 index 0000000..0dc7b26 --- /dev/null +++ b/convert_masks.py @@ -0,0 +1,80 @@ +import argparse +import os + +import pandas as pd +from pytorch_toolbelt.utils import fs +from skimage.measure import label +from tqdm import tqdm + +from xview.utils.inference_image_output import create_inference_image + + +def convert_dir(dir, folder): + jsons_dir = os.path.join(dir, "labels") + masks_dir = os.path.join(dir, "masks") + os.makedirs(masks_dir, exist_ok=True) + jsons = [fname for fname in fs.find_in_dir(jsons_dir) if fname.endswith(".json")] + + items = [] + for json_fname in tqdm(jsons): + mask_fname = os.path.join(masks_dir, fs.id_from_fname(json_fname) + ".png") + mask = create_inference_image(json_fname, mask_fname) + + non_damaged_mask = mask == 1 + light = mask == 2 + medium = mask == 3 + destroyed = mask == 4 + + non_damaged_pixels = non_damaged_mask.sum() + light_pixels = light.sum() + medium_pixels = medium.sum() + destroyed_pixels = destroyed.sum() + + # guatemala-volcano_00000000_post_disaster + event_name, sample_id, event_type, disaster = fs.id_from_fname(json_fname).split("_") + assert disaster == "disaster" + + image_id = fs.id_from_fname(json_fname) + items.append( + { + "image_fname": os.path.join(folder, "images", image_id + ".png"), + "mask_fname": os.path.join(folder, "masks", image_id + ".png"), + "folder": folder, + "image_id": image_id, + "event_name": event_name, + "sample_id": sample_id, + "event_type": event_type, + "non_damaged_pixels": non_damaged_pixels, + "light_damaged_pixels": light_pixels, + "medium_damaged_pixels": medium_pixels, + "destroyed_pixels": destroyed_pixels, + "non_damaged_buildings": label(non_damaged_mask, return_num=True)[1], + "light_damaged_buildings": label(light, return_num=True)[1], + "medium_damaged_buildings": label(medium, return_num=True)[1], + "destroyed_buildings": label(destroyed, return_num=True)[1], + } + ) + return items + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-dd", "--data-dir", type=str, default="c:\\datasets\\xview2") + args = parser.parse_args() + + data_dir = args.data_dir + + train_dir = os.path.join(data_dir, "train") + tier3_dir = os.path.join(data_dir, "tier3") + + items = [] + + items += convert_dir(train_dir, folder="train") + items += convert_dir(tier3_dir, folder="tier3") + + df = pd.DataFrame.from_records(items) + df.to_csv(os.path.join(data_dir, "train.csv"), index=None) + + +if __name__ == "__main__": + main() diff --git a/docker_submission_37.py b/docker_submission_37.py new file mode 100644 index 0000000..dab1e16 --- /dev/null +++ b/docker_submission_37.py @@ -0,0 +1,266 @@ +import argparse +import os +import time + +import albumentations as A + +import cv2 +import numpy as np +import pandas as pd +import torch +from pytorch_toolbelt.utils import fs +from pytorch_toolbelt.utils.torch_utils import tensor_from_rgb_image, to_numpy + +from xview.dataset import OUTPUT_MASK_KEY, read_image +from xview.inference import model_from_checkpoint, ApplyWeights, MultiscaleTTA, HFlipTTA, Ensembler +from xview.postprocessing import make_predictions_naive +from xview.utils.inference_image_output import colorize_mask + + +def weighted_model(checkpoint_fname: str, weights, activation: str): + model, info = model_from_checkpoint( + fs.auto_file(checkpoint_fname, where="ensemble"), activation_after=activation, report=False, classifiers=False + ) + model = ApplyWeights(model, weights) + return model, info + + +@torch.no_grad() +def main(): + start = time.time() + + torch.set_num_threads(1) + torch.set_num_interop_threads(1) + + parser = argparse.ArgumentParser() + parser.add_argument("pre_image", type=str) + parser.add_argument("post_image", type=str) + parser.add_argument("loc_image", type=str) + parser.add_argument("dmg_image", type=str) + parser.add_argument("--raw", action="store_true") + parser.add_argument("--color-mask", action="store_true") + parser.add_argument("--gpu", action="store_true") + args = parser.parse_args() + + pre_image = args.pre_image + post_image = args.post_image + localization_fname = args.loc_image + damage_fname = args.dmg_image + save_raw = args.raw + color_mask = args.color_mask + use_gpu = args.gpu + + size = 1024 + postprocess = "naive" + image_size = size, size + + print("pre_image ", pre_image) + print("post_image ", post_image) + print("loc_image ", localization_fname) + print("dmg_image ", damage_fname) + print("Size ", image_size) + print("Postprocess ", postprocess) + print("Colorize ", color_mask) + raw_predictions_file = fs.change_extension(damage_fname, ".npy") + print("raw_predictions_file", raw_predictions_file) + print(*torch.__config__.show().split("\n"), sep="\n") + + if not os.path.isdir(os.path.dirname(localization_fname)): + print("Output directory does not exists", localization_fname) + return -1 + + if not os.access(os.path.dirname(localization_fname), os.W_OK): + print("Output directory does not have write access", localization_fname) + return -2 + + if not os.path.isdir(os.path.dirname(damage_fname)): + print("Output directory does not exists", damage_fname) + return -1 + + if not os.access(os.path.dirname(damage_fname), os.W_OK): + print("Output directory does not have write access", damage_fname) + return -2 + + fold_0_models_dict = [ + # ( + # "Dec15_21_41_resnet101_fpncatv2_256_512_fold0_fp16_crops.pth", + # [0.45136154, 1.4482629, 1.42098208, 0.6839698, 0.96800456], + # ), + # ( + # "Dec16_08_26_resnet34_unet_v2_512_fold0_fp16_crops.pth", + # [0.92919105, 1.03831743, 1.03017048, 0.98257118, 1.0241164], + # ), + # ( + # "Dec21_21_54_densenet161_deeplab256_512_fold0_fp16_crops.pth", + # [0.48157651, 1.02084685, 1.36264406, 1.03175205, 1.11758873], + # ), + # 0.762814651939279 0.854002889559006 0.7237339786736817 [0.9186602573598759, 0.5420118318644089, 0.7123870673168781, 0.8405837378060299] coeffs [0.51244243 1.42747062 1.23648384 0.90290896 0.88912514] + ( + "Dec30_15_34_resnet34_unet_v2_512_fold0_fp16_pseudo_crops.pth", + [0.51244243, 1.42747062, 1.23648384, 0.90290896, 0.88912514], + ), + # 0.7673669954814148 0.8582940771677703 0.7283982461872626 [0.919932857782992, 0.5413880912001547, 0.731840942842999, 0.8396640419159087] coeffs [0.50847073 1.15392272 1.2059733 1.1340391 1.03196719] + ( + "Dec30_15_34_resnet101_fpncatv2_256_512_fold0_fp16_pseudo_crops.pth", + [0.50847073, 1.15392272, 1.2059733, 1.1340391, 1.03196719], + ), + ] + + fold_1_models_dict = [ + # ( + # "Dec16_18_59_densenet201_fpncatv2_256_512_fold1_fp16_crops.pth", + # [0.64202075, 1.04641224, 1.23015655, 1.03203408, 1.12505602], + # ), + # ( + # "Dec17_01_52_resnet34_unet_v2_512_fold1_fp16_crops.pth", + # [0.69605759, 0.89963168, 0.9232137, 0.92938775, 0.94460875], + # ), + ( + "Dec22_22_24_seresnext50_unet_v2_512_fold1_fp16_crops.pth", + [0.54324459, 1.76890163, 1.20782899, 0.85128004, 0.83100698], + ), + ( + "Dec31_02_09_resnet34_unet_v2_512_fold1_fp16_pseudo_crops.pth", + # Maybe suboptimal + [0.48269921, 1.22874469, 1.38328066, 0.96695393, 0.91348539], + ), + ( + "Dec31_03_55_densenet201_fpncatv2_256_512_fold1_fp16_pseudo_crops.pth", + [0.48804137, 1.14809462, 1.24851827, 1.11798428, 1.00790482] + ) + ] + + fold_2_models_dict = [ + # ( + # "Dec17_19_19_resnet34_unet_v2_512_fold2_fp16_crops.pth", + # [0.65977938, 1.50252452, 0.97098732, 0.74048182, 1.08712367], + # ), + # 0.7674290884579319 0.8107652756500724 0.7488564368041575 [0.9228529822124596, 0.5900700454049471, 0.736806959757804, 0.8292099253270483] coeffs [0.34641084 1.63486251 1.14186036 0.86668715 1.12193125] + ( + "Dec17_19_12_inceptionv4_fpncatv2_256_512_fold2_fp16_crops.pth", + [0.34641084, 1.63486251, 1.14186036, 0.86668715, 1.12193125], + ), + # 0.7683650436367244 0.8543981047493 0.7314937317313349 [0.9248137307721042, 0.5642011151253543, 0.7081016179096937, 0.831720163492164] coeffs [0.51277498 1.4475809 0.8296623 0.97868596 1.34180805] + ( + "Dec27_14_08_densenet169_unet_v2_512_fold2_fp16_crops.pth", + [0.55429115, 1.34944309, 1.1087044, 0.89542089, 1.17257541], + ), + ( + "Dec31_12_45_resnet34_unet_v2_512_fold2_fp16_pseudo_crops.pth", + # Copied from Dec17_19_19_resnet34_unet_v2_512_fold2_fp16_crops + [0.65977938, 1.50252452, 0.97098732, 0.74048182, 1.08712367], + ) + ] + + fold_3_models_dict = [ + ( + "Dec15_23_24_resnet34_unet_v2_512_fold3_crops.pth", + [0.84090623, 1.02953555, 1.2526516, 0.9298182, 0.94053529], + ), + # ( + # "Dec18_12_49_resnet34_unet_v2_512_fold3_fp16_crops.pth", + # [0.55555375, 1.18287119, 1.10997173, 0.85927596, 1.18145368], + # ), + # ( + # "Dec19_14_59_efficientb4_fpncatv2_256_512_fold3_fp16_crops.pth", + # [0.59338243, 1.17347438, 1.186104, 1.06860638, 1.03041829], + # ), + ( + "Dec21_11_50_seresnext50_unet_v2_512_fold3_fp16_crops.pth", + [0.43108046, 1.30222898, 1.09660616, 0.94958969, 1.07063753], + ), + ( + "Dec31_18_17_efficientb4_fpncatv2_256_512_fold3_fp16_pseudo_crops.pth", + # Copied from Dec19_14_59_efficientb4_fpncatv2_256_512_fold3_fp16_crops + [0.59338243, 1.17347438, 1.186104, 1.06860638, 1.03041829] + ) + ] + + fold_4_models_dict = [ + ( + "Dec19_06_18_resnet34_unet_v2_512_fold4_fp16_crops.pth", + [0.83915734, 1.02560309, 0.77639015, 1.17487775, 1.05632771], + ), + ( + "Dec27_14_37_resnet101_unet_v2_512_fold4_fp16_crops.pth", + [0.57414314, 1.19599486, 1.05561912, 0.98815567, 1.2274592], + ), + ] + + infos = [] + + resize = A.Resize(1024, 1024) + normalize = A.Normalize(mean=(0.485, 0.456, 0.406, 0.485, 0.456, 0.406), std=(0.229, 0.224, 0.225, 0.229, 0.224, 0.225)) + transform = A.Compose([resize, normalize]) + + # Very dumb way but it matches 1:1 with inferencing + pre, post = read_image(pre_image), read_image(post_image) + image = np.dstack([pre, post]) + image = transform(image=image)["image"] + pre_image = image[..., 0:3] + post_image = image[..., 3:6] + + models = [] + for models_dict in [ + fold_0_models_dict, + fold_1_models_dict, + fold_2_models_dict, + fold_3_models_dict, + fold_4_models_dict, + ]: + for checkpoint, weights in models_dict: + model, info = weighted_model(checkpoint, weights, activation="model") + models.append(model) + infos.append(info) + + model = Ensembler(models, outputs=[OUTPUT_MASK_KEY]) + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + model = model.eval() + + df = pd.DataFrame.from_records(infos) + pd.set_option("display.max_rows", None) + pd.set_option("display.max_columns", None) + pd.set_option("display.width", None) + pd.set_option("display.max_colwidth", -1) + + print(df) + print("score ", df["score"].mean(), df["score"].std()) + print("localization ", df["localization"].mean(), df["localization"].std()) + print("damage ", df["damage"].mean(), df["damage"].std()) + + input_image = tensor_from_rgb_image(np.dstack([pre_image, post_image])).unsqueeze(0) + + if use_gpu: + print("Using GPU for inference") + input_image = input_image.cuda() + model = model.cuda() + + output = model(input_image) + masks = output[OUTPUT_MASK_KEY] + predictions = to_numpy(masks.squeeze(0)).astype(np.float32) + + if save_raw: + np.save(raw_predictions_file, predictions) + + localization_image, damage_image = make_predictions_naive(predictions) + + if color_mask: + localization_image = colorize_mask(localization_image) + localization_image.save(localization_fname) + + damage_image = colorize_mask(damage_image) + damage_image.save(damage_fname) + else: + cv2.imwrite(localization_fname, localization_image) + cv2.imwrite(damage_fname, damage_image) + + print("Saved output to ", localization_fname, damage_fname) + + done = time.time() + elapsed = done - start + print("Inference time", elapsed, "(s)") + + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/evaluate_postprocessing.py b/evaluate_postprocessing.py new file mode 100644 index 0000000..c779db0 --- /dev/null +++ b/evaluate_postprocessing.py @@ -0,0 +1,102 @@ +import argparse +import os +from collections import defaultdict +from functools import partial +from multiprocessing.pool import Pool + +import cv2 +from tqdm import tqdm + +from xview.dataset import read_mask +from xview.metric import CompetitionMetricCallback +from xview.postprocessing import make_predictions_dominant, make_predictions_naive, make_predictions_floodfill + +from pytorch_toolbelt.utils import fs +import pandas as pd +from datetime import datetime +import numpy as np + + +def _compute_fn(args, postprocessing_fn): + xi, yi = args + dmg_pred = np.load(xi) + dmg_true = read_mask(yi) + + loc_pred, dmg_pred = postprocessing_fn(dmg_pred) + + if loc_pred.shape[0] != 1024: + loc_pred = cv2.resize(loc_pred, dsize=(1024, 1024), interpolation=cv2.INTER_NEAREST) + dmg_pred = cv2.resize(dmg_pred, dsize=(1024, 1024), interpolation=cv2.INTER_NEAREST) + + row = CompetitionMetricCallback.get_row_pair(loc_pred, dmg_pred, dmg_true, dmg_true) + return row + + +def optimize_postprocessing(y_pred_filenames, y_true_filenames, workers: int, postprocessing_fn): + input = list(zip(y_pred_filenames, y_true_filenames)) + + all_rows = [] + process = partial(_compute_fn, postprocessing_fn=postprocessing_fn) + with Pool(workers) as wp: + for row in tqdm(wp.imap_unordered(process, input, chunksize=8), total=len(input)): + all_rows.append(row) + + return CompetitionMetricCallback.compute_metrics(all_rows) + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("predictions", nargs="+") + parser.add_argument("-w", "--workers", type=int, default=0, help="") + parser.add_argument("-dd", "--data-dir", type=str, default="data", help="Data directory") + args = parser.parse_args() + + targets = fs.find_in_dir(os.path.join(args.data_dir, "tier3", "masks")) + fs.find_in_dir( + os.path.join(args.data_dir, "train", "masks") + ) + targets_post = dict((fs.id_from_fname(fname), fname) for fname in targets if "_post_" in fname) + + df = defaultdict(list) + + postprocessings = { + "naive": make_predictions_naive, + "dominant": make_predictions_dominant, + "floodfill": make_predictions_floodfill, + } + + for predictions_dir in args.predictions: + try: + prediction_files = fs.find_in_dir(predictions_dir) + prediction_files_post = dict( + (fs.id_from_fname(fname), fname) for fname in prediction_files if "_post_" in fname + ) + + y_true_filenames = [targets_post[image_id_post] for image_id_post in prediction_files_post.keys()] + y_pred_filenames = [prediction_files_post[image_id_post] for image_id_post in prediction_files_post.keys()] + + for name, fn in postprocessings.items(): + score, localization_f1, damage_f1, damage_f1s = optimize_postprocessing( + y_pred_filenames, y_true_filenames, postprocessing_fn=fn, workers=args.workers + ) + + print(name, score) + + df["samples"].append(len(y_pred_filenames)) + df["predictions_dir"].append(predictions_dir) + df["postprocessing"].append(name) + df["score"].append(score) + df["localization_f1"].append(localization_f1) + df["damage_f1"].append(damage_f1) + except Exception as e: + print("Failed to process", predictions_dir, e) + + df = pd.DataFrame.from_dict(df) + print(df) + + current_time = datetime.now().strftime("%b%d_%H_%M") + + df.to_csv(f"postprocessing_eval_{current_time}.csv", index=None) + + +if __name__ == "__main__": + main() diff --git a/finetune.py b/finetune.py new file mode 100644 index 0000000..e8e9713 --- /dev/null +++ b/finetune.py @@ -0,0 +1,517 @@ +from __future__ import absolute_import + +import argparse +import collections +import json +import os +from datetime import datetime + +from catalyst.dl import SupervisedRunner, OptimizerCallback, SchedulerCallback +from catalyst.dl.callbacks import CriterionAggregatorCallback, AccuracyCallback +from catalyst.utils import load_checkpoint, unpack_checkpoint +from pytorch_toolbelt.utils import fs, torch_utils +from pytorch_toolbelt.utils.catalyst import ShowPolarBatchesCallback, ConfusionMatrixCallback +from pytorch_toolbelt.utils.random import set_manual_seed +from pytorch_toolbelt.utils.torch_utils import count_parameters, transfer_weights, get_optimizable_parameters +from torch import nn +from torch.optim.lr_scheduler import CyclicLR +from torch.utils.data import DataLoader + +from xview.dataset import ( + INPUT_IMAGE_KEY, + OUTPUT_MASK_KEY, + INPUT_MASK_KEY, + get_datasets, + OUTPUT_MASK_4_KEY, + UNLABELED_SAMPLE, + get_pseudolabeling_dataset, + DISASTER_TYPE_KEY, + UNKNOWN_DISASTER_TYPE_CLASS, + DISASTER_TYPES, + OUTPUT_EMBEDDING_KEY, + DAMAGE_TYPE_KEY, + OUTPUT_MASK_8_KEY, + OUTPUT_MASK_16_KEY, + OUTPUT_MASK_32_KEY, +) +from xview.metric import CompetitionMetricCallback +from xview.models import get_model +from xview.optim import get_optimizer +from xview.scheduler import get_scheduler +from xview.train_utils import clean_checkpoint, report_checkpoint, get_criterion_callback +from xview.visualization import draw_predictions + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-acc", "--accumulation-steps", type=int, default=1, help="Number of batches to process") + parser.add_argument("--seed", type=int, default=42, help="Random seed") + parser.add_argument("-v", "--verbose", action="store_true") + parser.add_argument("--fast", action="store_true") + parser.add_argument( + "-dd", "--data-dir", type=str, required=True, help="Data directory for INRIA sattelite dataset" + ) + parser.add_argument("-m", "--model", type=str, default="resnet34_fpncat128", help="") + parser.add_argument("-b", "--batch-size", type=int, default=8, help="Batch Size during training, e.g. -b 64") + parser.add_argument("-e", "--epochs", type=int, default=100, help="Epoch to run") + # parser.add_argument('-es', '--early-stopping', type=int, default=None, help='Maximum number of epochs without improvement') + # parser.add_argument('-fe', '--freeze-encoder', type=int, default=0, help='Freeze encoder parameters for N epochs') + # parser.add_argument('-ft', '--fine-tune', action='store_true') + parser.add_argument("-lr", "--learning-rate", type=float, default=1e-3, help="Initial learning rate") + parser.add_argument( + "--disaster-type-loss", + type=str, + default=None, # [["ce", 1.0]], + action="append", + nargs="+", + help="Criterion for classifying disaster type", + ) + parser.add_argument( + "--damage-type-loss", + type=str, + default=None, # [["bce", 1.0]], + action="append", + nargs="+", + help="Criterion for classifying presence of building with particular damage type", + ) + + parser.add_argument("-l", "--criterion", type=str, default=None, action="append", nargs="+", help="Criterion") + parser.add_argument( + "--mask4", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 4" + ) + parser.add_argument( + "--mask8", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 8" + ) + parser.add_argument( + "--mask16", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 16" + ) + parser.add_argument( + "--mask32", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 32" + ) + parser.add_argument("--embedding", type=str, default=None) + + parser.add_argument("-o", "--optimizer", default="RAdam", help="Name of the optimizer") + parser.add_argument( + "-c", "--checkpoint", type=str, default=None, help="Checkpoint filename to use as initial model weights" + ) + parser.add_argument("-w", "--workers", default=8, type=int, help="Num workers") + parser.add_argument("-a", "--augmentations", default="safe", type=str, help="Level of image augmentations") + parser.add_argument("--transfer", default=None, type=str, help="") + parser.add_argument("--fp16", action="store_true") + parser.add_argument("--size", default=512, type=int) + parser.add_argument("--fold", default=0, type=int) + parser.add_argument("-s", "--scheduler", default="multistep", type=str, help="") + parser.add_argument("-x", "--experiment", default=None, type=str, help="") + parser.add_argument("-d", "--dropout", default=0.0, type=float, help="Dropout before head layer") + parser.add_argument("-pl", "--pseudolabeling", type=str, required=True) + parser.add_argument("-wd", "--weight-decay", default=0, type=float, help="L2 weight decay") + parser.add_argument("--show", action="store_true") + parser.add_argument("--dsv", action="store_true") + parser.add_argument("--balance", action="store_true") + parser.add_argument("--only-buildings", action="store_true") + parser.add_argument("--freeze-bn", action="store_true") + parser.add_argument("--crops", action="store_true", help="Train on random crops") + parser.add_argument("--post-transform", action="store_true") + + args = parser.parse_args() + set_manual_seed(args.seed) + + data_dir = args.data_dir + num_workers = args.workers + num_epochs = args.epochs + learning_rate = args.learning_rate + model_name = args.model + optimizer_name = args.optimizer + image_size = args.size, args.size + fast = args.fast + augmentations = args.augmentations + fp16 = args.fp16 + scheduler_name = args.scheduler + experiment = args.experiment + dropout = args.dropout + segmentation_losses = args.criterion + verbose = args.verbose + show = args.show + accumulation_steps = args.accumulation_steps + weight_decay = args.weight_decay + fold = args.fold + balance = args.balance + only_buildings = args.only_buildings + freeze_bn = args.freeze_bn + train_on_crops = args.crops + enable_post_image_transform = args.post_transform + disaster_type_loss = args.disaster_type_loss + train_batch_size = args.batch_size + embedding_criterion = args.embedding + damage_type_loss = args.damage_type_loss + pseudolabels_dir = args.pseudolabeling + + # Compute batch size for validaion + if train_on_crops: + valid_batch_size = max(1, (train_batch_size * (image_size[0] * image_size[1])) // (1024 ** 2)) + else: + valid_batch_size = train_batch_size + + run_train = num_epochs > 0 + + model: nn.Module = get_model(model_name, dropout=dropout).cuda() + + if args.transfer: + transfer_checkpoint = fs.auto_file(args.transfer) + print("Transfering weights from model checkpoint", transfer_checkpoint) + checkpoint = load_checkpoint(transfer_checkpoint) + pretrained_dict = checkpoint["model_state_dict"] + + transfer_weights(model, pretrained_dict) + + if args.checkpoint: + checkpoint = load_checkpoint(fs.auto_file(args.checkpoint)) + unpack_checkpoint(checkpoint, model=model) + + print("Loaded model weights from:", args.checkpoint) + report_checkpoint(checkpoint) + + if freeze_bn: + torch_utils.freeze_bn(model) + print("Freezing bn params") + + runner = SupervisedRunner(input_key=INPUT_IMAGE_KEY, output_key=None) + main_metric = "weighted_f1" + cmd_args = vars(args) + + current_time = datetime.now().strftime("%b%d_%H_%M") + checkpoint_prefix = f"{current_time}_{args.model}_{args.size}_fold{fold}" + + if fp16: + checkpoint_prefix += "_fp16" + + if fast: + checkpoint_prefix += "_fast" + + if pseudolabels_dir: + checkpoint_prefix += "_pseudo" + + if train_on_crops: + checkpoint_prefix += "_crops" + + if experiment is not None: + checkpoint_prefix = experiment + + log_dir = os.path.join("runs", checkpoint_prefix) + os.makedirs(log_dir, exist_ok=False) + + config_fname = os.path.join(log_dir, f"{checkpoint_prefix}.json") + with open(config_fname, "w") as f: + train_session_args = vars(args) + f.write(json.dumps(train_session_args, indent=2)) + + default_callbacks = [ + CompetitionMetricCallback(input_key=INPUT_MASK_KEY, output_key=OUTPUT_MASK_KEY, prefix="weighted_f1"), + ConfusionMatrixCallback( + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_KEY, + class_names=["land", "no_damage", "minor_damage", "major_damage", "destroyed"], + ignore_index=UNLABELED_SAMPLE, + ), + ] + + if show: + default_callbacks += [ + ShowPolarBatchesCallback(draw_predictions, metric=main_metric + "_batch", minimize=False) + ] + + train_ds, valid_ds, train_sampler = get_datasets( + data_dir=data_dir, + image_size=image_size, + augmentation=augmentations, + fast=fast, + fold=fold, + balance=balance, + only_buildings=only_buildings, + train_on_crops=train_on_crops, + crops_multiplication_factor=1, + enable_post_image_transform=enable_post_image_transform, + ) + + if run_train: + loaders = collections.OrderedDict() + callbacks = default_callbacks.copy() + criterions_dict = {} + losses = [] + + unlabeled_train = get_pseudolabeling_dataset( + data_dir, + include_masks=True, + image_size=image_size, + augmentation="medium_nmd", + train_on_crops=train_on_crops, + enable_post_image_transform=enable_post_image_transform, + pseudolabels_dir=pseudolabels_dir, + ) + + train_ds = train_ds + unlabeled_train + + print("Using online pseudolabeling with ", len(unlabeled_train), "samples") + + loaders["train"] = DataLoader( + train_ds, + batch_size=train_batch_size, + num_workers=num_workers, + pin_memory=True, + drop_last=True, + shuffle=True, + ) + + loaders["valid"] = DataLoader(valid_ds, batch_size=valid_batch_size, num_workers=num_workers, pin_memory=True) + + # Create losses + for criterion in segmentation_losses: + if isinstance(criterion, (list, tuple)) and len(criterion) == 2: + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion[0], 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="segmentation", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(INPUT_MASK_KEY, "Using loss", loss_name, loss_weight) + + if args.mask4 is not None: + for criterion in args.mask4: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask4", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_4_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_4_KEY, "Using loss", loss_name, loss_weight) + + if args.mask8 is not None: + for criterion in args.mask8: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask8", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_8_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_8_KEY, "Using loss", loss_name, loss_weight) + + if args.mask16 is not None: + for criterion in args.mask16: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask16", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_16_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_16_KEY, "Using loss", loss_name, loss_weight) + + if args.mask32 is not None: + for criterion in args.mask32: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask32", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_32_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_32_KEY, "Using loss", loss_name, loss_weight) + + if disaster_type_loss is not None: + callbacks += [ + ConfusionMatrixCallback( + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + class_names=DISASTER_TYPES, + ignore_index=UNKNOWN_DISASTER_TYPE_CLASS, + prefix=f"{DISASTER_TYPE_KEY}/confusion_matrix", + ), + AccuracyCallback( + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + prefix=f"{DISASTER_TYPE_KEY}/accuracy", + activation="Softmax", + ), + ] + + for criterion in disaster_type_loss: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix=DISASTER_TYPE_KEY, + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + loss_weight=float(loss_weight), + ignore_index=UNKNOWN_DISASTER_TYPE_CLASS, + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(DISASTER_TYPE_KEY, "Using loss", loss_name, loss_weight) + + if damage_type_loss is not None: + callbacks += [ + # MultilabelConfusionMatrixCallback( + # input_key=DAMAGE_TYPE_KEY, + # output_key=DAMAGE_TYPE_KEY, + # class_names=DAMAGE_TYPES, + # prefix=f"{DAMAGE_TYPE_KEY}/confusion_matrix", + # ), + AccuracyCallback( + input_key=DAMAGE_TYPE_KEY, + output_key=DAMAGE_TYPE_KEY, + prefix=f"{DAMAGE_TYPE_KEY}/accuracy", + activation="Sigmoid", + threshold=0.5, + ) + ] + + for criterion in damage_type_loss: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix=DAMAGE_TYPE_KEY, + input_key=DAMAGE_TYPE_KEY, + output_key=DAMAGE_TYPE_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(DAMAGE_TYPE_KEY, "Using loss", loss_name, loss_weight) + + if embedding_criterion is not None: + cd, criterion, criterion_name = get_criterion_callback( + embedding_criterion, + prefix="embedding", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_EMBEDDING_KEY, + loss_weight=1.0, + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_EMBEDDING_KEY, "Using loss", embedding_criterion) + + callbacks += [ + CriterionAggregatorCallback(prefix="loss", loss_keys=losses), + OptimizerCallback(accumulation_steps=accumulation_steps, decouple_weight_decay=False), + ] + + optimizer = get_optimizer( + optimizer_name, get_optimizable_parameters(model), learning_rate, weight_decay=weight_decay + ) + scheduler = get_scheduler( + scheduler_name, optimizer, lr=learning_rate, num_epochs=num_epochs, batches_in_epoch=len(loaders["train"]) + ) + if isinstance(scheduler, CyclicLR): + callbacks += [SchedulerCallback(mode="batch")] + + print("Train session :", checkpoint_prefix) + print(" FP16 mode :", fp16) + print(" Fast mode :", args.fast) + print(" Epochs :", num_epochs) + print(" Workers :", num_workers) + print(" Data dir :", data_dir) + print(" Log dir :", log_dir) + print("Data ") + print(" Augmentations :", augmentations) + print(" Train size :", len(loaders["train"]), len(train_ds)) + print(" Valid size :", len(loaders["valid"]), len(valid_ds)) + print(" Image size :", image_size) + print(" Train on crops :", train_on_crops) + print(" Balance :", balance) + print(" Buildings only :", only_buildings) + print(" Post transform :", enable_post_image_transform) + print(" Pseudolabels :", pseudolabels_dir) + print("Model :", model_name) + print(" Parameters :", count_parameters(model)) + print(" Dropout :", dropout) + print("Optimizer :", optimizer_name) + print(" Learning rate :", learning_rate) + print(" Weight decay :", weight_decay) + print(" Scheduler :", scheduler_name) + print(" Batch sizes :", train_batch_size, valid_batch_size) + print(" Criterion :", segmentation_losses) + print(" Damage type :", damage_type_loss) + print(" Disaster type :", disaster_type_loss) + print(" Embedding :", embedding_criterion) + + # model training + runner.train( + fp16=fp16, + model=model, + criterion=criterions_dict, + optimizer=optimizer, + scheduler=scheduler, + callbacks=callbacks, + loaders=loaders, + logdir=os.path.join(log_dir, "opl"), + num_epochs=num_epochs, + verbose=verbose, + main_metric=main_metric, + minimize_metric=False, + checkpoint_data={"cmd_args": cmd_args}, + ) + + # Training is finished. Let's run predictions using best checkpoint weights + best_checkpoint = os.path.join(log_dir, "main", "checkpoints", "best.pth") + + model_checkpoint = os.path.join(log_dir, "main", "checkpoints", f"{checkpoint_prefix}.pth") + clean_checkpoint(best_checkpoint, model_checkpoint) + + del optimizer, loaders + + +if __name__ == "__main__": + main() diff --git a/fit_predict.py b/fit_predict.py new file mode 100644 index 0000000..0307e52 --- /dev/null +++ b/fit_predict.py @@ -0,0 +1,614 @@ +from __future__ import absolute_import + +import argparse +import collections +import gc +import json +import os +from datetime import datetime + +import torch +from catalyst.dl import SupervisedRunner, OptimizerCallback, SchedulerCallback +from catalyst.dl.callbacks import CriterionAggregatorCallback, AccuracyCallback +from catalyst.utils import load_checkpoint, unpack_checkpoint +from pytorch_toolbelt.optimization.functional import get_lr_decay_parameters +from pytorch_toolbelt.utils import fs, torch_utils +from pytorch_toolbelt.utils.catalyst import ShowPolarBatchesCallback, ConfusionMatrixCallback +from pytorch_toolbelt.utils.random import set_manual_seed +from pytorch_toolbelt.utils.torch_utils import count_parameters, transfer_weights, get_optimizable_parameters +from torch import nn +from torch.optim.lr_scheduler import CyclicLR +from torch.utils.data import DataLoader + +from xview.dataset import ( + INPUT_IMAGE_KEY, + OUTPUT_MASK_KEY, + INPUT_MASK_KEY, + get_datasets, + OUTPUT_MASK_4_KEY, + UNLABELED_SAMPLE, + get_pseudolabeling_dataset, + DISASTER_TYPE_KEY, + UNKNOWN_DISASTER_TYPE_CLASS, + DISASTER_TYPES, + OUTPUT_EMBEDDING_KEY, + DAMAGE_TYPE_KEY, + OUTPUT_MASK_8_KEY, OUTPUT_MASK_16_KEY, OUTPUT_MASK_32_KEY) +from xview.metric import CompetitionMetricCallback +from xview.models import get_model +from xview.optim import get_optimizer +from xview.pseudo import CEOnlinePseudolabelingCallback2d +from xview.scheduler import get_scheduler +from xview.train_utils import clean_checkpoint, report_checkpoint, get_criterion_callback +from xview.visualization import draw_predictions + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-acc", "--accumulation-steps", type=int, default=1, help="Number of batches to process") + parser.add_argument("--seed", type=int, default=42, help="Random seed") + parser.add_argument("-v", "--verbose", action="store_true") + parser.add_argument("--fast", action="store_true") + parser.add_argument( + "-dd", "--data-dir", type=str, required=True, help="Data directory for INRIA sattelite dataset" + ) + parser.add_argument("-m", "--model", type=str, default="resnet34_fpncat128", help="") + parser.add_argument("-b", "--batch-size", type=int, default=8, help="Batch Size during training, e.g. -b 64") + parser.add_argument("-e", "--epochs", type=int, default=100, help="Epoch to run") + # parser.add_argument('-es', '--early-stopping', type=int, default=None, help='Maximum number of epochs without improvement') + # parser.add_argument('-fe', '--freeze-encoder', type=int, default=0, help='Freeze encoder parameters for N epochs') + # parser.add_argument('-ft', '--fine-tune', action='store_true') + parser.add_argument("-lr", "--learning-rate", type=float, default=1e-3, help="Initial learning rate") + parser.add_argument( + "--disaster-type-loss", + type=str, + default=None, # [["ce", 1.0]], + action="append", + nargs="+", + help="Criterion for classifying disaster type", + ) + parser.add_argument( + "--damage-type-loss", + type=str, + default=None, # [["bce", 1.0]], + action="append", + nargs="+", + help="Criterion for classifying presence of building with particular damage type", + ) + + parser.add_argument("-l", "--criterion", type=str, default=None, action="append", nargs="+", help="Criterion") + parser.add_argument("--mask4", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 4") + parser.add_argument("--mask8", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 8") + parser.add_argument("--mask16", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 16") + parser.add_argument("--mask32", type=str, default=None, action="append", nargs="+", help="Criterion for mask with stride 32") + parser.add_argument("--embedding", type=str, default=None) + + parser.add_argument("-o", "--optimizer", default="RAdam", help="Name of the optimizer") + parser.add_argument( + "-c", "--checkpoint", type=str, default=None, help="Checkpoint filename to use as initial model weights" + ) + parser.add_argument("-w", "--workers", default=8, type=int, help="Num workers") + parser.add_argument("-a", "--augmentations", default="safe", type=str, help="Level of image augmentations") + parser.add_argument("--transfer", default=None, type=str, help="") + parser.add_argument("--fp16", action="store_true") + parser.add_argument("--size", default=512, type=int) + parser.add_argument("--fold", default=0, type=int) + parser.add_argument("-s", "--scheduler", default="multistep", type=str, help="") + parser.add_argument("-x", "--experiment", default=None, type=str, help="") + parser.add_argument("-d", "--dropout", default=0.0, type=float, help="Dropout before head layer") + parser.add_argument("--opl", action="store_true") + parser.add_argument( + "--warmup", default=0, type=int, help="Number of warmup epochs with reduced LR on encoder parameters" + ) + parser.add_argument("-wd", "--weight-decay", default=0, type=float, help="L2 weight decay") + parser.add_argument("--show", action="store_true") + parser.add_argument("--dsv", action="store_true") + parser.add_argument("--balance", action="store_true") + parser.add_argument("--only-buildings", action="store_true") + parser.add_argument("--freeze-bn", action="store_true") + parser.add_argument("--crops", action="store_true", help="Train on random crops") + parser.add_argument("--post-transform", action="store_true") + + args = parser.parse_args() + set_manual_seed(args.seed) + + data_dir = args.data_dir + num_workers = args.workers + num_epochs = args.epochs + learning_rate = args.learning_rate + model_name = args.model + optimizer_name = args.optimizer + image_size = args.size, args.size + fast = args.fast + augmentations = args.augmentations + fp16 = args.fp16 + scheduler_name = args.scheduler + experiment = args.experiment + dropout = args.dropout + online_pseudolabeling = args.opl + segmentation_losses = args.criterion + verbose = args.verbose + warmup = args.warmup + show = args.show + accumulation_steps = args.accumulation_steps + weight_decay = args.weight_decay + fold = args.fold + balance = args.balance + only_buildings = args.only_buildings + freeze_bn = args.freeze_bn + train_on_crops = args.crops + enable_post_image_transform = args.post_transform + disaster_type_loss = args.disaster_type_loss + train_batch_size = args.batch_size + embedding_criterion = args.embedding + damage_type_loss = args.damage_type_loss + + # Compute batch size for validaion + if train_on_crops: + valid_batch_size = max(1, (train_batch_size * (image_size[0] * image_size[1])) // (1024 ** 2)) + else: + valid_batch_size = train_batch_size + + run_train = num_epochs > 0 + + model: nn.Module = get_model(model_name, dropout=dropout).cuda() + + if args.transfer: + transfer_checkpoint = fs.auto_file(args.transfer) + print("Transfering weights from model checkpoint", transfer_checkpoint) + checkpoint = load_checkpoint(transfer_checkpoint) + pretrained_dict = checkpoint["model_state_dict"] + + transfer_weights(model, pretrained_dict) + + if args.checkpoint: + checkpoint = load_checkpoint(fs.auto_file(args.checkpoint)) + unpack_checkpoint(checkpoint, model=model) + + print("Loaded model weights from:", args.checkpoint) + report_checkpoint(checkpoint) + + if freeze_bn: + torch_utils.freeze_bn(model) + print("Freezing bn params") + + runner = SupervisedRunner(input_key=INPUT_IMAGE_KEY, output_key=None) + main_metric = "weighted_f1" + cmd_args = vars(args) + + current_time = datetime.now().strftime("%b%d_%H_%M") + checkpoint_prefix = f"{current_time}_{args.model}_{args.size}_fold{fold}" + + if fp16: + checkpoint_prefix += "_fp16" + + if fast: + checkpoint_prefix += "_fast" + + if online_pseudolabeling: + checkpoint_prefix += "_opl" + + if train_on_crops: + checkpoint_prefix += "_crops" + + if experiment is not None: + checkpoint_prefix = experiment + + log_dir = os.path.join("runs", checkpoint_prefix) + os.makedirs(log_dir, exist_ok=False) + + config_fname = os.path.join(log_dir, f"{checkpoint_prefix}.json") + with open(config_fname, "w") as f: + train_session_args = vars(args) + f.write(json.dumps(train_session_args, indent=2)) + + default_callbacks = [ + CompetitionMetricCallback(input_key=INPUT_MASK_KEY, output_key=OUTPUT_MASK_KEY, prefix="weighted_f1"), + ConfusionMatrixCallback( + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_KEY, + class_names=["land", "no_damage", "minor_damage", "major_damage", "destroyed"], + ignore_index=UNLABELED_SAMPLE, + ), + ] + + if show: + default_callbacks += [ + ShowPolarBatchesCallback(draw_predictions, metric=main_metric + "_batch", minimize=False) + ] + + train_ds, valid_ds, train_sampler = get_datasets( + data_dir=data_dir, + image_size=image_size, + augmentation=augmentations, + fast=fast, + fold=fold, + balance=balance, + only_buildings=only_buildings, + train_on_crops=train_on_crops, + enable_post_image_transform=enable_post_image_transform, + ) + + # Pretrain/warmup + if warmup: + callbacks = default_callbacks.copy() + criterions_dict = {} + losses = [] + + for criterion in segmentation_losses: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, input_key=INPUT_MASK_KEY, output_key=OUTPUT_MASK_KEY, loss_weight=float(loss_weight) + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print("Using loss", loss_name, loss_weight) + + if args.mask4 is not None: + for criterion in args.mask4: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, input_key=INPUT_MASK_KEY, output_key=OUTPUT_MASK_4_KEY, loss_weight=float(loss_weight) + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print("Using loss", loss_name, loss_weight) + + callbacks += [ + CriterionAggregatorCallback(prefix="loss", loss_keys=losses), + OptimizerCallback(accumulation_steps=accumulation_steps, decouple_weight_decay=False), + ] + + parameters = get_lr_decay_parameters(model.named_parameters(), learning_rate, {"encoder": 0.1}) + optimizer = get_optimizer("RAdam", parameters, learning_rate=learning_rate * 0.1) + + loaders = collections.OrderedDict() + loaders["train"] = DataLoader( + train_ds, + batch_size=train_batch_size, + num_workers=num_workers, + pin_memory=True, + drop_last=True, + shuffle=train_sampler is None, + sampler=train_sampler, + ) + + loaders["valid"] = DataLoader(valid_ds, batch_size=valid_batch_size, num_workers=num_workers, pin_memory=True) + + runner.train( + fp16=fp16, + model=model, + criterion=criterions_dict, + optimizer=optimizer, + scheduler=None, + callbacks=callbacks, + loaders=loaders, + logdir=os.path.join(log_dir, "warmup"), + num_epochs=warmup, + verbose=verbose, + main_metric=main_metric, + minimize_metric=False, + checkpoint_data={"cmd_args": cmd_args}, + ) + + del optimizer, loaders + + best_checkpoint = os.path.join(log_dir, "warmup", "checkpoints", "best.pth") + model_checkpoint = os.path.join(log_dir, "warmup", "checkpoints", f"{checkpoint_prefix}_warmup.pth") + clean_checkpoint(best_checkpoint, model_checkpoint) + + torch.cuda.empty_cache() + gc.collect() + + if run_train: + loaders = collections.OrderedDict() + callbacks = default_callbacks.copy() + criterions_dict = {} + losses = [] + + if online_pseudolabeling: + unlabeled_label = get_pseudolabeling_dataset( + data_dir, include_masks=False, image_size=image_size, augmentation=None + ) + + unlabeled_train = get_pseudolabeling_dataset( + data_dir, + include_masks=True, + image_size=image_size, + augmentation=augmentations, + train_on_crops=train_on_crops, + enable_post_image_transform=enable_post_image_transform, + ) + + loaders["label"] = DataLoader( + unlabeled_label, batch_size=valid_batch_size, num_workers=num_workers, pin_memory=True + ) + + train_ds = train_ds + unlabeled_train + train_sampler = None + + callbacks += [ + CEOnlinePseudolabelingCallback2d( + unlabeled_train, + pseudolabel_loader="label", + prob_threshold=0.75, + output_key=OUTPUT_MASK_KEY, + unlabeled_class=UNLABELED_SAMPLE, + label_frequency=5, + ) + ] + + print("Using online pseudolabeling with ", len(unlabeled_label), "samples") + + loaders["train"] = DataLoader( + train_ds, + batch_size=train_batch_size, + num_workers=num_workers, + pin_memory=True, + drop_last=True, + shuffle=train_sampler is None, + sampler=train_sampler, + ) + + loaders["valid"] = DataLoader(valid_ds, batch_size=valid_batch_size, num_workers=num_workers, pin_memory=True) + + # Create losses + for criterion in segmentation_losses: + if isinstance(criterion, (list, tuple)) and len(criterion) == 2: + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion[0], 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="segmentation", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(INPUT_MASK_KEY, "Using loss", loss_name, loss_weight) + + if args.mask4 is not None: + for criterion in args.mask4: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask4", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_4_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_4_KEY, "Using loss", loss_name, loss_weight) + + if args.mask8 is not None: + for criterion in args.mask8: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask8", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_8_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_8_KEY, "Using loss", loss_name, loss_weight) + + if args.mask16 is not None: + for criterion in args.mask16: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask16", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_16_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_16_KEY, "Using loss", loss_name, loss_weight) + + if args.mask32 is not None: + for criterion in args.mask32: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix="mask32", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_MASK_32_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_MASK_32_KEY, "Using loss", loss_name, loss_weight) + + if disaster_type_loss is not None: + callbacks += [ + ConfusionMatrixCallback( + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + class_names=DISASTER_TYPES, + ignore_index=UNKNOWN_DISASTER_TYPE_CLASS, + prefix=f"{DISASTER_TYPE_KEY}/confusion_matrix", + ), + AccuracyCallback( + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + prefix=f"{DISASTER_TYPE_KEY}/accuracy", + activation="Softmax", + ), + ] + + for criterion in disaster_type_loss: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix=DISASTER_TYPE_KEY, + input_key=DISASTER_TYPE_KEY, + output_key=DISASTER_TYPE_KEY, + loss_weight=float(loss_weight), + ignore_index=UNKNOWN_DISASTER_TYPE_CLASS, + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(DISASTER_TYPE_KEY, "Using loss", loss_name, loss_weight) + + if damage_type_loss is not None: + callbacks += [ + # MultilabelConfusionMatrixCallback( + # input_key=DAMAGE_TYPE_KEY, + # output_key=DAMAGE_TYPE_KEY, + # class_names=DAMAGE_TYPES, + # prefix=f"{DAMAGE_TYPE_KEY}/confusion_matrix", + # ), + AccuracyCallback( + input_key=DAMAGE_TYPE_KEY, + output_key=DAMAGE_TYPE_KEY, + prefix=f"{DAMAGE_TYPE_KEY}/accuracy", + activation="Sigmoid", + threshold=0.5, + ) + ] + + for criterion in damage_type_loss: + if isinstance(criterion, (list, tuple)): + loss_name, loss_weight = criterion + else: + loss_name, loss_weight = criterion, 1.0 + + cd, criterion, criterion_name = get_criterion_callback( + loss_name, + prefix=DAMAGE_TYPE_KEY, + input_key=DAMAGE_TYPE_KEY, + output_key=DAMAGE_TYPE_KEY, + loss_weight=float(loss_weight), + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(DAMAGE_TYPE_KEY, "Using loss", loss_name, loss_weight) + + if embedding_criterion is not None: + cd, criterion, criterion_name = get_criterion_callback( + embedding_criterion, + prefix="embedding", + input_key=INPUT_MASK_KEY, + output_key=OUTPUT_EMBEDDING_KEY, + loss_weight=1.0, + ) + criterions_dict.update(cd) + callbacks.append(criterion) + losses.append(criterion_name) + print(OUTPUT_EMBEDDING_KEY, "Using loss", embedding_criterion) + + callbacks += [ + CriterionAggregatorCallback(prefix="loss", loss_keys=losses), + OptimizerCallback(accumulation_steps=accumulation_steps, decouple_weight_decay=False), + ] + + optimizer = get_optimizer( + optimizer_name, get_optimizable_parameters(model), learning_rate, weight_decay=weight_decay + ) + scheduler = get_scheduler( + scheduler_name, optimizer, lr=learning_rate, num_epochs=num_epochs, batches_in_epoch=len(loaders["train"]) + ) + if isinstance(scheduler, CyclicLR): + callbacks += [SchedulerCallback(mode="batch")] + + print("Train session :", checkpoint_prefix) + print(" FP16 mode :", fp16) + print(" Fast mode :", args.fast) + print(" Epochs :", num_epochs) + print(" Workers :", num_workers) + print(" Data dir :", data_dir) + print(" Log dir :", log_dir) + print("Data ") + print(" Augmentations :", augmentations) + print(" Train size :", len(loaders["train"]), len(train_ds)) + print(" Valid size :", len(loaders["valid"]), len(valid_ds)) + print(" Image size :", image_size) + print(" Train on crops :", train_on_crops) + print(" Balance :", balance) + print(" Buildings only :", only_buildings) + print(" Post transform :", enable_post_image_transform) + print("Model :", model_name) + print(" Parameters :", count_parameters(model)) + print(" Dropout :", dropout) + print("Optimizer :", optimizer_name) + print(" Learning rate :", learning_rate) + print(" Weight decay :", weight_decay) + print(" Scheduler :", scheduler_name) + print(" Batch sizes :", train_batch_size, valid_batch_size) + print(" Criterion :", segmentation_losses) + print(" Damage type :", damage_type_loss) + print(" Disaster type :", disaster_type_loss) + print(" Embedding :", embedding_criterion) + + # model training + runner.train( + fp16=fp16, + model=model, + criterion=criterions_dict, + optimizer=optimizer, + scheduler=scheduler, + callbacks=callbacks, + loaders=loaders, + logdir=os.path.join(log_dir, "main"), + num_epochs=num_epochs, + verbose=verbose, + main_metric=main_metric, + minimize_metric=False, + checkpoint_data={"cmd_args": vars(args)}, + ) + + # Training is finished. Let's run predictions using best checkpoint weights + best_checkpoint = os.path.join(log_dir, "main", "checkpoints", "best.pth") + + model_checkpoint = os.path.join(log_dir, "main", "checkpoints", f"{checkpoint_prefix}.pth") + clean_checkpoint(best_checkpoint, model_checkpoint) + + del optimizer, loaders + + +if __name__ == "__main__": + main() diff --git a/make_folds.py b/make_folds.py new file mode 100644 index 0000000..9a19b14 --- /dev/null +++ b/make_folds.py @@ -0,0 +1,53 @@ +import argparse +import os + +import pandas as pd +from sklearn.model_selection import StratifiedKFold +from iterstrat.ml_stratifiers import MultilabelStratifiedKFold +from sklearn.preprocessing import LabelEncoder +import numpy as np + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-dd", "--data-dir", type=str, default="c:\\datasets\\xview2") + args = parser.parse_args() + + data_dir = args.data_dir + + df = pd.read_csv(os.path.join(data_dir, "train.csv")) + df = df.sort_values(by="sample_id") + df["fold"] = -1 + + df_pre = df[df["event_type"] == "pre"].copy() + df_post = df[df["event_type"] == "post"].copy() + + # Use only post samples to split data + + # destroyed_buildings,destroyed_pixels,event_name,event_type,light_damaged_buildings,light_damaged_pixels,medium_damaged_buildings,medium_damaged_pixels,non_damaged_buildings,non_damaged_pixels,sample_id + y = np.column_stack( + [ + df_post["non_damaged_buildings"].values > 0, + df_post["light_damaged_buildings"].values > 0, + df_post["medium_damaged_buildings"].values > 0, + df_post["destroyed_buildings"].values > 0, + LabelEncoder().fit_transform(df_post["event_name"].tolist()), + ] + ) + + mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42) + + folds = np.ones(len(y), dtype=int) * -1 + + for fold, (train_index, test_index) in enumerate(mskf.split(df_post, y)): + folds[test_index] = fold + + df_pre["fold"] = folds + df_post["fold"] = folds + df = pd.concat((df_pre, df_post)) + + df.to_csv(os.path.join(data_dir, "train_folds.csv"), index=None) + + +if __name__ == "__main__": + main() diff --git a/optimize_softmax.py b/optimize_softmax.py new file mode 100644 index 0000000..3ce9f74 --- /dev/null +++ b/optimize_softmax.py @@ -0,0 +1,79 @@ +import argparse +import os +from collections import defaultdict +import numpy as np + +from xview.rounder import OptimizedRounder + +from pytorch_toolbelt.utils import fs +import pandas as pd +from datetime import datetime + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("checkpoints", nargs="+") + parser.add_argument("-w", "--workers", type=int, default=1, help="") + parser.add_argument("-dd", "--data-dir", type=str, default="data", help="Data directory") + parser.add_argument("-a", "--activation", type=str, default="pre", help="") + args = parser.parse_args() + + targets = fs.find_in_dir(os.path.join(args.data_dir, "tier3", "masks")) + fs.find_in_dir( + os.path.join(args.data_dir, "train", "masks") + ) + targets_post = dict((fs.id_from_fname(fname), fname) for fname in targets if "_post_" in fname) + + df = defaultdict(list) + + current_time = datetime.now().strftime("%b%d_%H_%M") + + print("Checkpoints ", args.checkpoints) + print("Activation ", args.activation) + + for model_checkpoint in args.checkpoints: + model_checkpoint = fs.auto_file(model_checkpoint) + predictions_dir = os.path.join( + os.path.dirname(model_checkpoint), fs.id_from_fname(model_checkpoint) + "_oof_predictions" + ) + + prediction_files = fs.find_in_dir(predictions_dir) + prediction_files_post = dict( + (fs.id_from_fname(fname), fname) for fname in prediction_files if "_post_" in fname + ) + + y_true_filenames = [targets_post[image_id_post] for image_id_post in prediction_files_post.keys()] + y_pred_filenames = [prediction_files_post[image_id_post] for image_id_post in prediction_files_post.keys()] + + rounder = OptimizedRounder(workers=args.workers, apply_softmax=args.activation) + + raw_score, raw_localization_f1, raw_damage_f1, raw_damage_f1s = rounder.predict( + y_pred_filenames, y_true_filenames, np.array([1, 1, 1, 1, 1], dtype=np.float32) + ) + + rounder.fit(y_pred_filenames, y_true_filenames) + + score, localization_f1, damage_f1, damage_f1s = rounder.predict( + y_pred_filenames, y_true_filenames, rounder.coefficients() + ) + + print(rounder.coefficients()) + + df["checkpoint"].append(fs.id_from_fname(model_checkpoint)) + df["coefficients"].append(rounder.coefficients()) + df["samples"].append(len(y_true_filenames)) + + df["raw_score"].append(raw_score) + df["raw_localization"].append(raw_localization_f1) + df["raw_damage"].append(raw_damage_f1) + + df["opt_score"].append(score) + df["opt_localization"].append(localization_f1) + df["opt_damage"].append(damage_f1) + + dataframe = pd.DataFrame.from_dict(df) + dataframe.to_csv(f"optimized_weights_{current_time}.csv", index=None) + print(df) + + +if __name__ == "__main__": + main() diff --git a/predict.py b/predict.py new file mode 100644 index 0000000..e8331ed --- /dev/null +++ b/predict.py @@ -0,0 +1,130 @@ +import argparse +import os +from collections import defaultdict +from datetime import datetime + +import torch +import pandas as pd +from pytorch_toolbelt.utils import fs + +from xview.dataset import get_test_dataset, OUTPUT_MASK_KEY +from xview.inference import Ensembler, model_from_checkpoint, run_inference_on_dataset, ApplySoftmaxTo, MultiscaleTTA, \ + HFlipTTA, D4TTA + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("models", nargs="+") + parser.add_argument("-o", "--output-dir", type=str) + parser.add_argument("--fast", action="store_true") + parser.add_argument("--tta", type=str, default=None) + parser.add_argument("-b", "--batch-size", type=int, default=1, help="Batch Size during training, e.g. -b 64") + parser.add_argument("-w", "--workers", type=int, default=0, help="") + parser.add_argument("-dd", "--data-dir", type=str, default="data", help="Data directory") + parser.add_argument("-p", "--postprocessing", type=str, default="dominant") + parser.add_argument("--size", default=1024, type=int) + parser.add_argument("--activation", default="model", type=str) + parser.add_argument("--weights", default=None, type=float, nargs="+") + parser.add_argument("--fp16", action="store_true") + parser.add_argument("--align", action="store_true") + + args = parser.parse_args() + + workers = args.workers + data_dir = args.data_dir + fast = args.fast + tta = args.tta + image_size = args.size, args.size + model_checkpoints = args.models + batch_size = args.batch_size + activation_after = args.activation + fp16 = args.fp16 + align = args.align + postprocessing=args.postprocessing + weights = args.weights + assert weights is None or len(weights) == 5 + + current_time = datetime.now().strftime("%b%d_%H_%M") + if args.output_dir is None and len(model_checkpoints) == 1: + output_dir = os.path.join( + os.path.dirname(model_checkpoints[0]), fs.id_from_fname(model_checkpoints[0]) + "_test_predictions" + ) + if weights is not None: + output_dir += "_weighted" + if tta is not None: + output_dir += f"_{tta}" + else: + output_dir = args.output_dir or f"output_dir_{current_time}" + + print("Size", image_size) + print("Output dir", output_dir) + print("Postproc ", postprocessing) + # Load models + + models = [] + infos = [] + for model_checkpoint in model_checkpoints: + try: + model, info = model_from_checkpoint( + fs.auto_file(model_checkpoint), tta=None, activation_after=activation_after, report=False + ) + models.append(model) + infos.append(info) + except Exception as e: + print(e) + print(model_checkpoint) + return + + df = pd.DataFrame.from_records(infos) + print(df) + + print("score ", df["score"].mean(), df["score"].std()) + print("localization ", df["localization"].mean(), df["localization"].std()) + print("damage ", df["damage"].mean(), df["damage"].std()) + + if len(models) > 1: + model = Ensembler(models, [OUTPUT_MASK_KEY]) + if activation_after == "ensemble": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + print("Applying activation after ensemble") + + if tta == "multiscale": + print(f"Using {tta}") + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if tta == "flip": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + + if tta == "flipscale": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if tta == "multiscale_d4": + print(f"Using {tta}") + model = D4TTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if activation_after == "tta": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + + else: + model = models[0] + + test_ds = get_test_dataset(data_dir=data_dir, image_size=image_size, fast=fast, align_post=align) + + run_inference_on_dataset( + model=model, + dataset=test_ds, + output_dir=output_dir, + batch_size=batch_size, + workers=workers, + weights=weights, + fp16=fp16, + postprocessing=postprocessing, + ) + + +if __name__ == "__main__": + main() diff --git a/predict_37_weighted.py b/predict_37_weighted.py new file mode 100644 index 0000000..40874c7 --- /dev/null +++ b/predict_37_weighted.py @@ -0,0 +1,239 @@ +import argparse + +import pandas as pd +import torch +from pytorch_toolbelt.utils import fs + +from xview.dataset import OUTPUT_MASK_KEY, get_test_dataset +from xview.inference import ( + model_from_checkpoint, + ApplyWeights, + Ensembler, + ApplySoftmaxTo, + MultiscaleTTA, + HFlipTTA, + D4TTA, + run_inference_on_dataset, +) + + +def weighted_model(checkpoint_fname: str, weights, activation: str): + model, info = model_from_checkpoint(fs.auto_file(checkpoint_fname, where="models"), activation_after=activation, report=False) + model = ApplyWeights(model, weights) + return model, info + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("-o", "--output-dir", type=str, default="models/predict_37_weighted") + parser.add_argument("--tta", type=str, default=None) + parser.add_argument("-b", "--batch-size", type=int, default=1, help="Batch Size during training, e.g. -b 64") + parser.add_argument("-w", "--workers", type=int, default=0, help="") + parser.add_argument("-dd", "--data-dir", type=str, default="c:\\datasets\\xview2", help="Data directory") + parser.add_argument("-p", "--postprocessing", type=str, default=None) + parser.add_argument("--size", default=1024, type=int) + parser.add_argument("--activation", default="model", type=str) + parser.add_argument("--fp16", action="store_true") + + args = parser.parse_args() + + workers = args.workers + data_dir = args.data_dir + tta = args.tta + image_size = args.size, args.size + batch_size = args.batch_size + activation_after = args.activation + fp16 = args.fp16 + postprocessing = args.postprocessing + output_dir = args.output_dir + + print("Size ", image_size) + print("Output dir", output_dir) + print("Postproc ", postprocessing) + + fold_0_models_dict = [ + # ( + # "Dec15_21_41_resnet101_fpncatv2_256_512_fold0_fp16_crops.pth", + # [0.45136154, 1.4482629, 1.42098208, 0.6839698, 0.96800456], + # ), + # ( + # "Dec16_08_26_resnet34_unet_v2_512_fold0_fp16_crops.pth", + # [0.92919105, 1.03831743, 1.03017048, 0.98257118, 1.0241164], + # ), + # ( + # "Dec21_21_54_densenet161_deeplab256_512_fold0_fp16_crops.pth", + # [0.48157651, 1.02084685, 1.36264406, 1.03175205, 1.11758873], + # ), + # 0.762814651939279 0.854002889559006 0.7237339786736817 [0.9186602573598759, 0.5420118318644089, 0.7123870673168781, 0.8405837378060299] coeffs [0.51244243 1.42747062 1.23648384 0.90290896 0.88912514] + ( + "Dec30_15_34_resnet34_unet_v2_512_fold0_fp16_pseudo_crops.pth", + [0.51244243, 1.42747062, 1.23648384, 0.90290896, 0.88912514], + ), + # 0.7673669954814148 0.8582940771677703 0.7283982461872626 [0.919932857782992, 0.5413880912001547, 0.731840942842999, 0.8396640419159087] coeffs [0.50847073 1.15392272 1.2059733 1.1340391 1.03196719] + ( + "Dec30_15_34_resnet101_fpncatv2_256_512_fold0_fp16_pseudo_crops.pth", + [0.50847073, 1.15392272, 1.2059733, 1.1340391, 1.03196719], + ), + ] + + fold_1_models_dict = [ + # ( + # "Dec16_18_59_densenet201_fpncatv2_256_512_fold1_fp16_crops.pth", + # [0.64202075, 1.04641224, 1.23015655, 1.03203408, 1.12505602], + # ), + # ( + # "Dec17_01_52_resnet34_unet_v2_512_fold1_fp16_crops.pth", + # [0.69605759, 0.89963168, 0.9232137, 0.92938775, 0.94460875], + # ), + ( + "Dec22_22_24_seresnext50_unet_v2_512_fold1_fp16_crops.pth", + [0.54324459, 1.76890163, 1.20782899, 0.85128004, 0.83100698], + ), + ( + "Dec31_02_09_resnet34_unet_v2_512_fold1_fp16_pseudo_crops.pth", + # Maybe suboptimal + [0.48269921, 1.22874469, 1.38328066, 0.96695393, 0.91348539], + ), + ( + "Dec31_03_55_densenet201_fpncatv2_256_512_fold1_fp16_pseudo_crops.pth", + [0.48804137, 1.14809462, 1.24851827, 1.11798428, 1.00790482] + ) + ] + + fold_2_models_dict = [ + # ( + # "Dec17_19_19_resnet34_unet_v2_512_fold2_fp16_crops.pth", + # [0.65977938, 1.50252452, 0.97098732, 0.74048182, 1.08712367], + # ), + # 0.7674290884579319 0.8107652756500724 0.7488564368041575 [0.9228529822124596, 0.5900700454049471, 0.736806959757804, 0.8292099253270483] coeffs [0.34641084 1.63486251 1.14186036 0.86668715 1.12193125] + ( + "Dec17_19_12_inceptionv4_fpncatv2_256_512_fold2_fp16_crops.pth", + [0.34641084, 1.63486251, 1.14186036, 0.86668715, 1.12193125], + ), + # 0.7683650436367244 0.8543981047493 0.7314937317313349 [0.9248137307721042, 0.5642011151253543, 0.7081016179096937, 0.831720163492164] coeffs [0.51277498 1.4475809 0.8296623 0.97868596 1.34180805] + ( + "Dec27_14_08_densenet169_unet_v2_512_fold2_fp16_crops.pth", + [0.55429115, 1.34944309, 1.1087044, 0.89542089, 1.17257541], + ), + ( + "Dec31_12_45_resnet34_unet_v2_512_fold2_fp16_pseudo_crops.pth", + # Copied from Dec17_19_19_resnet34_unet_v2_512_fold2_fp16_crops + [0.65977938, 1.50252452, 0.97098732, 0.74048182, 1.08712367], + ) + ] + + fold_3_models_dict = [ + ( + "Dec15_23_24_resnet34_unet_v2_512_fold3_crops.pth", + [0.84090623, 1.02953555, 1.2526516, 0.9298182, 0.94053529], + ), + # ( + # "Dec18_12_49_resnet34_unet_v2_512_fold3_fp16_crops.pth", + # [0.55555375, 1.18287119, 1.10997173, 0.85927596, 1.18145368], + # ), + # ( + # "Dec19_14_59_efficientb4_fpncatv2_256_512_fold3_fp16_crops.pth", + # [0.59338243, 1.17347438, 1.186104, 1.06860638, 1.03041829], + # ), + ( + "Dec21_11_50_seresnext50_unet_v2_512_fold3_fp16_crops.pth", + [0.43108046, 1.30222898, 1.09660616, 0.94958969, 1.07063753], + ), + ( + "Dec31_18_17_efficientb4_fpncatv2_256_512_fold3_fp16_pseudo_crops.pth", + # Copied from Dec19_14_59_efficientb4_fpncatv2_256_512_fold3_fp16_crops + [0.59338243, 1.17347438, 1.186104, 1.06860638, 1.03041829] + ) + ] + + fold_4_models_dict = [ + ( + "Dec19_06_18_resnet34_unet_v2_512_fold4_fp16_crops.pth", + [0.83915734, 1.02560309, 0.77639015, 1.17487775, 1.05632771], + ), + ( + "Dec27_14_37_resnet101_unet_v2_512_fold4_fp16_crops.pth", + [0.57414314, 1.19599486, 1.05561912, 0.98815567, 1.2274592], + ), + ] + + infos = [] + models = [] + + for models_dict in [ + fold_0_models_dict, + fold_1_models_dict, + fold_2_models_dict, + fold_3_models_dict, + fold_4_models_dict, + ]: + for checkpoint, weights in models_dict: + model, info = weighted_model(checkpoint, weights, activation_after) + models.append(model) + infos.append(info) + + model = Ensembler(models, outputs=[OUTPUT_MASK_KEY]) + + df = pd.DataFrame.from_records(infos) + + pd.set_option("display.max_rows", None) + pd.set_option("display.max_columns", None) + pd.set_option("display.width", None) + pd.set_option("display.max_colwidth", -1) + + print(df) + print("score ", df["score"].mean(), df["score"].std()) + print("localization ", df["localization"].mean(), df["localization"].std()) + print("damage ", df["damage"].mean(), df["damage"].std()) + + if activation_after == "ensemble": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + print("Applying activation after ensemble") + + if tta == "multiscale": + print(f"Using {tta}") + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if tta == "flip": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + + if tta == "flipscale": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if tta == "flipscale2": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-256, -128, +128, +256], average=True) + + if tta == "multiscale_d4": + print(f"Using {tta}") + model = D4TTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-128, +128], average=True) + + if tta is not None: + output_dir += "_" + tta + + if activation_after == "tta": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + print("Applying activation after TTA") + + test_ds = get_test_dataset(data_dir=data_dir, image_size=image_size) + + run_inference_on_dataset( + model=model, + dataset=test_ds, + output_dir=output_dir, + batch_size=batch_size, + workers=workers, + fp16=fp16, + postprocessing=postprocessing, + save_pseudolabels=False, + cpu=False + ) + + +if __name__ == "__main__": + main() diff --git a/predict_oof.py b/predict_oof.py new file mode 100644 index 0000000..c2677b7 --- /dev/null +++ b/predict_oof.py @@ -0,0 +1,106 @@ +import argparse +import os + +import torch +from pytorch_toolbelt.utils import fs + +from xview.dataset import get_datasets +from xview.inference import model_from_checkpoint, run_inference_on_dataset_oof +import numpy as np + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument("model", type=str, nargs="+") + parser.add_argument("-o", "--output-dir", type=str, default=None) + parser.add_argument("--fast", action="store_true") + parser.add_argument("--tta", type=str, default=None) + parser.add_argument("-b", "--batch-size", type=int, default=1, help="Batch Size during training, e.g. -b 64") + parser.add_argument("-w", "--workers", type=int, default=0, help="") + parser.add_argument("-dd", "--data-dir", type=str, default="data", help="Data directory") + parser.add_argument("--size", default=1024, type=int) + parser.add_argument("--fold", default=None, type=int) + parser.add_argument("--no-save", action="store_true") + parser.add_argument("--fp16", action="store_true") + parser.add_argument("--activation", default="model", type=str) + parser.add_argument("--align", action="store_true") + + args = parser.parse_args() + + fp16 = args.fp16 + activation = args.activation + + average_score = [] + average_dmg = [] + average_loc = [] + + for model_checkpoint in args.model: + model_checkpoint = fs.auto_file(model_checkpoint) + checkpoint = torch.load(model_checkpoint) + + print("Model :", model_checkpoint) + print( + "Metrics :", + checkpoint["epoch_metrics"]["valid"]["weighted_f1"], + checkpoint["epoch_metrics"]["valid"]["weighted_f1/localization_f1"], + checkpoint["epoch_metrics"]["valid"]["weighted_f1/damage_f1"], + ) + + workers = args.workers + data_dir = args.data_dir + fast = args.fast + tta = args.tta + no_save = args.no_save + image_size = args.size or checkpoint["checkpoint_data"]["cmd_args"]["size"] + batch_size = args.batch_size or checkpoint["checkpoint_data"]["cmd_args"]["batch_size"] + fold = args.fold or checkpoint["checkpoint_data"]["cmd_args"]["fold"] + align = args.align + + print("Image size :", image_size) + print("Fold :", fold) + print("Align :", align) + print("Workers :", workers) + print("Save :", not no_save) + + output_dir = None + if not no_save: + output_dir = args.output_dir or os.path.join( + os.path.dirname(model_checkpoint), fs.id_from_fname(model_checkpoint) + "_oof_predictions" + ) + print("Output dir :", output_dir) + + # Load models + model, info = model_from_checkpoint(model_checkpoint, tta=tta, activation_after=None, report=False) + print(info) + _, valid_ds, _ = get_datasets(data_dir=data_dir, image_size=(image_size, image_size), fast=fast, fold=fold, align_post=align) + + score, localization_f1, damage_f1, damage_f1s = run_inference_on_dataset_oof( + model=model, + dataset=valid_ds, + output_dir=output_dir, + batch_size=batch_size, + workers=workers, + save=not no_save, + fp16=fp16 + ) + + average_score.append(score) + average_dmg.append(damage_f1) + average_loc.append(localization_f1) + + print("Score :", score) + print("Localization :", localization_f1) + print("Damage :", damage_f1) + print("Per class :", damage_f1s) + print() + + print("Average") + if len(average_score) > 1: + print("Score :", np.mean(average_score), np.std(average_score)) + print("Localization :", np.mean(average_loc), np.std(average_loc)) + print("Damage :", np.mean(average_dmg), np.std(average_dmg)) + + +if __name__ == "__main__": + torch.backends.cudnn.benchmark = True + main() diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..727e0b1 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,7 @@ +torch>=1.3 +catalyst==19.11.5 +albumentations==0.4.3 +git+https://github.com/BloodAxe/pytorch-toolbelt@038b93d00b10a89b6a89e07ba24cf7fb8f76b27a +opencv-python>=4.0 +shapely==1.6.4 +apex \ No newline at end of file diff --git a/requirements_docker_pytorch14.txt b/requirements_docker_pytorch14.txt new file mode 100644 index 0000000..1c81c6d --- /dev/null +++ b/requirements_docker_pytorch14.txt @@ -0,0 +1,17 @@ +torch==1.4.0+cpu +torchvision==0.5.0 +albumentations==0.4.3 +opencv-python==4.1.1.26 +pillow==6.1.0 +git+https://github.com/BloodAxe/pytorch-toolbelt@038b93d00b10a89b6a89e07ba24cf7fb8f76b27a +shapely==1.6.4 +scikit-image==0.15.0 +scikit-learn==0.21.3 +scipy==1.3.1 +pandas==0.24.2 +numpy==1.16.4 +torchnet +tqdm +jpeg4py==0.1.4 +catalyst==19.12 +-f https://download.pytorch.org/whl/cpu/torch_stable.html \ No newline at end of file diff --git a/run_tensorboard.cmd b/run_tensorboard.cmd new file mode 100644 index 0000000..184373d --- /dev/null +++ b/run_tensorboard.cmd @@ -0,0 +1,3 @@ +@call c:\Anaconda3\Scripts\activate.bat tb +set CUDA_VISIBLE_DEVICES= +tensorboard --logdir runs --host 0.0.0.0 --port 5555 \ No newline at end of file diff --git a/run_tensorboard.sh b/run_tensorboard.sh new file mode 100644 index 0000000..c717e76 --- /dev/null +++ b/run_tensorboard.sh @@ -0,0 +1,3 @@ +#!/usr/bin/env bash +export CUDA_VISIBLE_DEVICES= +tensorboard --logdir runs --host 0.0.0.0 --port 5555 \ No newline at end of file diff --git a/run_tensorboard_3389.sh b/run_tensorboard_3389.sh new file mode 100644 index 0000000..290aee4 --- /dev/null +++ b/run_tensorboard_3389.sh @@ -0,0 +1,3 @@ +#!/usr/bin/env bash +export CUDA_VISIBLE_DEVICES= +tensorboard --logdir runs --host 0.0.0.0 --port 3389 \ No newline at end of file diff --git a/test_docker_pytorch14_37.cmd b/test_docker_pytorch14_37.cmd new file mode 100644 index 0000000..4f84579 --- /dev/null +++ b/test_docker_pytorch14_37.cmd @@ -0,0 +1,26 @@ +docker build -t xview2:37_pytorch14 -f Dockerfile-pytorch14-37 . +docker tag xview2:37_pytorch14 ekhvedchenya/xview2:37_pytorch14 + +docker run --rm --memory=7g --memory-swap=7g --memory-swappiness=0 --kernel-memory=7g --cpus=1^ + -v j:\xview2\test\images:/input^ + -v j:\xview2\test_predictions:/output^ + ekhvedchenya/xview2:37_pytorch14^ + /input/test_pre_00000.png /input/test_post_00000.png /output/test_localization_00000_pytorch14_v37.png /output/test_damage_00000_pytorch14_v37.png --color-mask --raw + +docker run --rm --memory=7g --memory-swap=7g --memory-swappiness=0 --kernel-memory=7g --cpus=1^ + -v j:\xview2\test\images:/input^ + -v j:\xview2\test_predictions:/output^ + ekhvedchenya/xview2:37_pytorch14^ + /input/test_pre_00284.png /input/test_post_00284.png /output/test_localization_00284_pytorch14_v37.png /output/test_damage_00284_pytorch14_v37.png --color-mask --raw + +docker run --rm --memory=7g --memory-swap=7g --memory-swappiness=0 --kernel-memory=7g --cpus=1^ + -v j:\xview2\test\images:/input^ + -v j:\xview2\test_predictions:/output^ + ekhvedchenya/xview2:37_pytorch14^ + /input/test_pre_00033.png /input/test_post_00033.png /output/test_localization_00033_pytorch14_v37.png /output/test_damage_00033_pytorch14_v37.png --color-mask --raw + +docker run --rm --memory=7g --memory-swap=7g --memory-swappiness=0 --kernel-memory=7g --cpus=1^ + -v j:\xview2\test\images:/input^ + -v j:\xview2\test_predictions:/output^ + ekhvedchenya/xview2:37_pytorch14^ + /input/test_pre_00096.png /input/test_post_00096.png /output/test_localization_00096_pytorch14_v37.png /output/test_damage_00096_pytorch14_v37.png --color-mask --raw diff --git a/tests/guatemala-volcano_00000000_post_disaster.png b/tests/guatemala-volcano_00000000_post_disaster.png new file mode 100644 index 0000000000000000000000000000000000000000..e067211b1f706fbe76f3ea630c660cbd3cbe16ab GIT binary patch literal 1589496 zcmXtfc{r5+_x@PYkeH#QvW}s~M;JRX#Mrm8yh9}0WXY0!rxG)=lbJyzS+j4GT}IYH zvX!xVMWX(@96NnK zGax=sR5fAPq4U(`uXGDBVx=M*P$8)s*OvQ(+x*dK(2aVztc35Sq^+)hSk1{iCXpTt zkO_PTIXABXs^cCpRG(7^iI!$%KB?lh&=PT`x|Hiq0l{EMH<3LZXO)a5X{cN9K%`VP zx*jfSXw2D>ALt`fRVrVV>!0QQlfNiyjxnH$uV`7xYpw!YBGIz)GkNrd8M}Q12+qzs z-b~2Ls3k3WM4|mgREsD3?l!D*Y*hC6CBNMM1 zo5QSy6qs@I6$IhYXm!Zr@?xMogeL>v(w4x|eb>QDuwre0imV*<$D7RHhZPeoNb2mb zHixNufi_29$jwzvK2_ckGO7-~Z8;dfL72Md2*JC{n>Mo;y+s@oHcQ|D_cUg2{|gTb zu&a5{MxzDVwC21_b=q*0iTbv5m#HrKY0KZ1l3}+9#v|YB0aioom$5X zVHdmSD+tE018fFHFfb93?hWo?Vn?OwT;^u|fBZi4N2W3KTwi}9!tlwq|KY*X-qMmE z!f~-P3XQhg-fPYcA6gAm)9PORnD0y8h-T1E|INfioNg^|jnq}!CcM8CsWGuR6}SvlOL%T(V52O0A4&T^pozujYoo$+WnO+%b1c6!&(22?&>FLe$C zD&%(XvTlGrN6%2B)dcM})~ivB&X}#w*PW28=!264$Ba$dbolkI;}L?dkPugpN7NJY zs8ogLy7#W*f@X+d|HRR-j4;bv=|e)-ajurVh@??q$2OYM962kYOS*f%?jq}>f^dy^~TX6RMU-S6@< z(0=AuYxF@V-%q=3Z}P*@D}d8wVgT%0|2O?b@|Vr!LiOmdvr_$C{ABVO;w2O=lH$-`+nH?jc|=B-KqS9>X|Z%X z+wW5nAIoSd&X~6BQ1`7)VO9IP8=Q<@wxK*V^tI=D;nH+A*bAt`&{2V<#Ipy#IjaJ3fqJxH2=}J91Q(}))vp4+$ zkjS23YS5rJbtUx*B@*jo`R}<|FMZkv6C=eF_s?ZA29)h{8GejV) zKyI2^#7}i9;8CG1S+`8t?NioEUP9FSUbkCC7oE-UaN~#aWl4s&fLYL@8as`^ zg*I^ar0RH+MGDa(ddMVTgTYJ87Y+1Hw-f;In{S81ZOF7@LRi~Hq)5r$-5`FR_}g-8 zwe?VW`5@?A_3_rcsQSM5q$2M<-<*cX&c^2CO&~V_$UT@8hgLZnP}F6;zy!JA;HV7y zO9?Zay$otLzODYBU_6?1Nl5L9g0U{>884x#l$19xzcK@02Cp!jJ=G$kZqn2sTDcVQ zF?mBgor&G=7i21`Zd_)l?5edyt!Sdbem0{7Qyj03TOumTOnAHy`|eY`naW z{a=kYZV>0^pYvl~vL!)J4{N7%a=x&F!QGSOAc6d~$U6`Kd;0j)GcBI5-r-bidr3Wt zRbYP3o+s63xK8~v6wzr50I(BZ;O6Y7hH^0X5+Lt_b+l2lGV_WmPo=;5yof^;<{GQL zo}_;=A(@!8Km~)tI+)%;a~!TS9U+D?MBmQ0GNkUjbx?)hKsnI?X#bl+(ilS^Gc;f^ z;i7z#RmO+hYjAL8^D~2;c+w7gtgSY9oV0Rvt=9I9{f%oJ$}31I^_f$tR5S>nl!Oc9 zmv4P(D`!}bnn*W-E+#~{0 z0fwBT-fRjS~Ly;iU&?;R~zOX@vi{KcZwLQlu`C}#?J8t{m7 z80KBI0&U7#NND-sS!HW8=j|&9FdA)G`FM5Vf>5h1EX+3oY@gZpMMcw2`1R^cgTS0pgHI`hyA%Ai$jh=ti3SUI(bevjKQt z=P@}8L00A%HraA9?F6$pq`;D@IQQay3ZN?Wmy?qOI&4D}lHn(;W*i3d5Q6vMVUMrs z;0H+R+Bh-iay)1x3eg5A6Q9XzR+3=aK~udSc6ke|!VEoY76K6(E?qmr6h*Td{qLLrK)PU;*$SeT2qq$^KG^Y~zC*YDuyLkJ=2F$#=t z{Jj+TZ*yt+^vL)0Q21n%EVIxN7OvLuP-cdl?KMk(IQ@HRE!$tN!MF2J+uC@9)&7vsVy_D=-Ca7SP7qhgHC>ge zf-_CrFJl4jQCS&B{2j@^Jfe1X-+EG=4!2(^Q=MAoo2}mOb<#^7S^W7IE-K2yitbDu z_lCJCoa;Z`mpR>?zwap3q^ITeYk7Hlp5Un0%W!Qym} zoiXEEOLx6A1i7pBfMv!1)(MO4jGtQ!;RWuAokKm&jhN`=-UuqHq~w{Fi8qz8kXpJ- zYqONjFm~1pX`A0Kh(0(VJI3H~ki4r2k~{!rP#L2+$nfvA;ljy0P+D3Fb$bu%n>n!1 zx7c~Q+Dt$X7&do^_AIxS+m$;naV^A`=&D#=SF(x__P)+2Zn(Q>mC$k<4i;l2N#`aW z)B;6B2{*lFr5)mI$~HXLfU?2oV)M>nMBZ-95}rmZJXQ?8V3s9UuuvH`f~6C75^lNO z(Stlklf812nAP`zVpPIDSs0sT!>#I|rw@}p}vF{+>0If)n zTl$FSU5fUZHBJ0D%9S`B6R<@x2RRnIfa;IUkO*NFH4d)i5fOZ_~Hm-r0a6G)fjyXl=@?Op{gZ9rx60HGo zQ7~jb%6%rQcm77I+(r6;E|eWC%7g?wcl99O^vWRd3jCJrmFfZhVFK_oxd@{^nV{Y0 zZPEB1jr-{er=aIs+Pvgz4H~Di8Fv<%2|H=$@YTiW#8s7 ze`#ni#WX%;3uM=~gj{nF({2M7ab2IcF-T~7AUtAYkYUn!1<;UT9;;&bDp;o*jRQEy zm5PH!AtLDy+zEAFswk*zlYK7~qa2CGJPvn~1hxzMs8nQf^mApj&axnNM}Ks?WYX$8Nd~cZynkjkCzE zgWV8v2*Lr)vuvlIclJPpC{jbbh0Uz`XzT;iim?_}7U)|(7;I$q=PRHi@DGZO$aymD(^$4C}3ie>sq7*j#!Kox+j zcw%0vsG5_|S9BJE_FdILC^Q87<2^TWsijGF8**Dgl;&Am{cGZYSl;D^OB9 zy>n7dQxu{o_AV;}pL-iDdXGmbB;blO%0k{Lzw0kW=$>(__lOv&{R0HToTJJNy0_s{ z2I;nPr7z4^O1nWAv3?aj{YM=ZN=Rd-G>9TM?7z#*q92| zRhUR}=UkE)U-80vfY{nHNw6;R7CX~q$8@D9V)gbX`?hs1FcJvtpl9#`{vAS zk^bL^(*yr7dZ2bJ)V|@bcVo49X;#bc-KFK(whFsZ*c^B%@;fs#IK1r&QtMlD{;T%W zRs2hOM-8_z>&FDV>2tNG@ew9kly#;b*Fd6%78Iyl>ufEV$`-q_Lf&iFKnR_&x6p94 zrUgQkD%*v0KctkgTcP7ZS9^YqPX9vReaDU{4ab<%wvG7JG5X6NZAd#nyMqF;f5nT^G2djeU?p5>>*r2jwhgTJM6QHcP5zhQ+&X=(+R7FSZ z?(Nk}E!RpTZ(?E&maxNnIf*Kt4|V;JjOTj5?6 z6bfc}YstW%=@MUBE2&U0zvP7CYPql)I=pUE29+T z=>yhx2fATTK>!!f-v=wb!#cr1JRGk&snIk>3k%bQwpO67R@-j)fSVzsSa?yY+Gnk} z#QyU|d*ZFRI|)_&IasNemSD@p(W*+-Wrdt%6sf&qUFC9iZ#CkRQ8`RN&yw%C7QjHY zD%BYI9#RgJ&sG#Ggk~cFKlp}W1q)Tf<)r+6ZNiFaqP?aMHdQ%KU2%2sY`a_bqc(Muz1{1UskdF}E~l?9a|5}DGh18J08r= z4grg=`H7DME<&K%mM;#SNfVpjq;JW{G0pw$*tw9Q;wI74c@c=Kog!I+p(JDGUfNd& zZ&mBTpOmF^uZ-S38wnp531>UACf^r$z3YsohA-cy5*9Tc)5!r3gpFALuJ{ni-tT)V z7D~s0uk$hs74ShOozw)F(*|!r-Yx2BWYu{ge=D-QbrsF)9)ElXp?*tA9pG;ob^S2y z#)Y*RCt?$s*v7)lT_nUPi3%QTPxQ)?w7h3#OR~?! zw?gx^$@Vm=$Fpt=OKI40ul7>6_8C!a6c~Eb!enwkk#})4!d4EvAN4Uz`X?VRLk~H` z4z@IGL4_1Vew}B!GqqL-%7nsgTkzvBK7p@Y0s~oNIu6jtSQU|lMYhT!(aLMUpe${lP{~0?Mu5#Ai zU1Wnal0RPe>5)>m{cy2hBWOrFX^DvoHHztR>DsTC_?PALNN;A~l?gpHk*O;ShHx}QO7b!J zU6Er!e&oIgly_W1HgW+h7xa(;UBib@^_MD?c6gT7!6x7APJ11bfgXsU5LPMGCIqD* z_ckxMfuYf?VD+*k70!FdGC4Oc5eJFIBhHp=Aul4x^o-&6(k^8{omhNsLd1bp)63Fs z0mSKkv=8`BtT8NB3yCH7naq%b)vC!08SfXP>3ciW<<%u*T*UP_Tn49gPsBgN5#0A* zLhT%>S6wZd$ekDDwFIW!;$yhH1U(%t1MnCO$pHuHnIGvG1?cghIzvp6PNMG+dbbY! z=fO`MDk9LbqQ}b&M=oPQo&LM1yo%HQnFl;dsY-fg^@OJ_w1lRdgto3cUnGuaj86iC z{q>x6K*4x_b;L<&@Axal$mL!8@A1h=*XN%;_H)^HOtuSrfa*b51A|yA6~%t6HX=Gy zMZ0A*H64A)OCRgg!piKb@VuvcHJYkg4#wqSYB=8hx&3|02$8z1HfdpYdVKoNyflGm zt{D}o;dt5=b38oO6)8|cr0wnX;03igW)#Q7pT#;x9k1^#^D(7zmo|q;M2EGY2lna( zQ>pw)|Et6oq?`}X*Fw$iH%q<51Ky=RV`VIO-Xc&-)>KQU)kHhO)bY1@9DI}&+va@u z78rljn6<2lzqYm%9`r1p>=)_$t@8FJ)V2?KFIv7P7Ov0yUv`eCGv?x@2@^}gr}G=5 zD`amkRKDdy>`Of6pqXa))yW}+nqzUa)lWZN5{`*cbv)he-{?A8qy0JJKHbcvx;=(M zOkig%cak*UdAfwfVjFUzLlFV*;C*K-te-!tOh69wH)4fUluVlzUKDDsdJO?E2~pBB zWykA(Q>zRi(7VbPuq5)r*a~gC^_UiOygk3M2>o&(7b| zx@MnIZd#D@vSc=awZlVF?%v->b4%3V_R;X(N({qhT7W6)I&ZpuoNG3zx6xsC%k<5s zR6mh-h6v(2>9G2gaRqThRa4~cJwZXGO!1=sK~kK2m;jbb`NR46k|_+b`WpmGXiaXG6Wc)D+zCX|LjRRhVa|NB)^*f>1zL)&C&snu}-< zdl0|KY;AMuCXW5v_i)|N#iPolo!`0xVvW?vK&uWyUEUBWT0qE4dT`RRMT|$;+}0$S z|8Y*)Bqx&(qP1R@S!5*bg$}FSt%P=87L1Ke!d{fgcZ>Si7s3BKn}CCbz28H5l}VGy z6{cCkCP5=b7Y(C$9eL^{HM9GmP~+{D@b3%pM?!@Qzz`8+oF)*w-uM za$hii&Gj`KdSYOz8mQ6=nNWx@z4h1Z){rQ*b}VHskljx*J{Fsr>tRALN~}y(ylkdu zm>pZ|W5604W_YXw5t*{$eu+P-2Kj|8V7B(_8}5E=)2o&%x*c_&uilC5^*~7O0&V75 zQc3=YUDPzE2v=%QRGEBiuXb-%Vp7R+8k1HoJmBHiXxdJ8YwJZZh?&CWIE?q4#M-&* zN>6E#a~1LEJ)9+FyirP3#K0i8MABP$!su(YrKSFJmjiFj*{u_9<&I?GTZ9ww}c2#!^L66|7%CaNP}#A925eX^VN7A zDC0#cPt38E3

{(4ADa>Tcj$OMWe`QRnMSe(PjS zw={^zWBk43tT<3+Eq*;Vo~Y>ASUCRbnhFwgN{l+22kAqJ=$=aHd@ z?3wP{s^!>u>L9Tt30syjbS;x8y!u~QhY#A1%-H?0k7!-H;wxnFlUfCKhOM?Xd2e`{ z_4Fr9%?ozVSsJ3MbxQw?_E`R2>Q$O3>mg86WF4bHOIC6saywZys41K5j12V-RoVmL zC=wGlI2e8C75gor;;Ou0N|4zlDKBezWN28&dQ}tRh~MQKImG;QwcvEi&nEilkXUfC zOV|8ItP#pj5k|CgTH3lUUXv|b>!i14kMD)r`C=t{OFAcy{M0n^QYcT=g{FhpQ!V5m z#aXC6_AN8{jS_n^&EtP3M8?Vv^)l0$n&jbKX}nq`oSKj->}X+T5J;v2zD39w&qiRS z94^aF?nZV#tRYan<>g%goacqrT2s6ig%>JUQtt!Q1*doV$u%*@Q!|e3A5`VHEsUJO z&U!idtIafUcgX8=7DhEIRIKkpQuXOS;nU5d@Th3SDMfj)(ktrp#Ld=ol?{}G9DykobXy|hCGUl;_L>n zo)1Bnv3j>y;g7E0wE~@k%uzZ z!D`{kI(I}uPmjGGW?Y(fa=A~p5vs?>B<77Lv67Ndi$Mw(QqC~*O~EEC)m#!b92Q<(EhD)P)j+YO zXzCJ^P|@`Z35?$7B}%WB{~$mxE4^AdrYmt-v}ezX?iIjo7;0J=!FGKxP6~-1z74a0#(_wfO=y$(c=-muD6y#u0)K2%IY69XE?; zSUd_|um!5G|BvHdhRD}opD5vyXkQDVA}?uYqK&~6{&4dy#-pNz?$={gnG-FPsig(x zaRO8tOF#s3zBbV0gI@e7h|>JXkYJ;`N#ji7l6Wn=S<)&m4sd3$vMYL zD&uCAN?<-yfTa4r((jwNBUGj$3P9h+hxj+AW5Dm@gIkvqAdLL#;B z+h+JcNi|Wtt~|L!J@Xo${O)C;*^v=;*~_*jmK#$#lL!3(>3EwzN9`+;ZiZoo zynoCoei7eG329!;T6C?F&WrCEhre}EW-))&Xhm01cotn)gX@B?1J8=M=>tw?%9Cyr zo(9>|^^irA(8p^qIIn1WLX1D~4$_WFQZG`B`eU)P&{r7`=qAZ`D0DoxE%pCd{M$o} zIiDXcn-P!{%{62)xv1D zS?Sfh#cX@mk+ftD4u5#=teDt@o2V=r$a+~!O^IkAL+C zXgwjH5DQ|Yy|Q~5)5e3|*C83us^R*{qum2Pdv4!+AtAGVyASwWJ2QM5pw5JTt!`Rw z=B!cw`*#o+PG9%XkaFQfM$*^WG5*;*hetGm9q}N6>jqN9hEYJ+!?= zXi{Ml$~r2nB~NCi{e6g|=G}M8Hm1jccI+y3QpE@jbpb39>$?c$k$>Dy4ng1Sm0vnD z;&_yc*G*=e?wQ9N?^9)jQv2;KjQ*WbfhBs^={~VPVAQ{5!H2v*oPg~H#ILN(RPBWi zTpPldI1+q+ZCY`gUob0Ak`-5tY41Gzsq(lP6btN^m6&Vp)28_BtU9yax!$UtWwDc` z^-yzRRw?@E!Y!|*eyi9r5AiXzaymXzF`KGn3lg~z(Q zmg4<{V?>3kjL5PhLBSU@(Rs@8lthF0=eh`a;SWT&0+Nu6N&GR_uv?#3;r&bH1X z7$i$_N5RA);SMV#JEsQQvEkzRwT1E>e}wRVZRI+ex?d$MbYFP}W$u`dat}R%DvTt0 zVS58YMVY5v1Wh+S52?H5&+_t=kb2Kn0-tzTIb-d4m_28*#FlA$#B=A}h8btgV<*5qqsv3vMpM%drJ9@wi2nS^)p$?^i=8*KBw8shnu2TCRh zE!V)UY>+ZG08VwsL3~Jctp07=h!p-}E<$Tj9}t;SBSOFFg+h%c0o`D;ikI;dtwk4k znybs-w`OPYMhejY{0&}hxwCtR%?K;QCjmI#bR6EJ`h5EalV6RjQlN9Ysti|wgr0;? z9_c)o+*F!_^N<8b31<|~x8@qB-@e**anL?BXw>UmcX)-jT3ix9p_WET zokv@W>ZfHsM)3%%S=)XDAACzdp?;}6F{r?gQ0ejCY75hg$RWqqI!aCB8$diLNJTGA zgvaoms<-3xd!2c85sHa{N!>5Y{Io8{`l~`Ef**d^bynPX#C!eiwjnAHy{K+98nIz{ zFSwuqNcZ-Wu*oy0`jgW^5Jz^K*dlU`ZeSI}6UGDS-dcbPg>4VpEpeS8^5) zJQ?9{wj?WWAkVNd-fGk1L4TZ_i|2uW#d<7;1>^!ktp6uooP{&Qu`mOO8l{yb1nRz@ zT6Uh@Mn%Z$ff1HR*SK~l0IjO!aB`n4-wu@%Q4_gikvhTm_BEl>7kKnQ7eKD5Y~J~FxaCgnB8 zC|fDeVLJi)s{BLPXpgo~9ih%!5S=E1wer-KuzaDqb}2pM$&6A+dSc794HgZ#D;*zV zwjZlI`zzzbnoSCBe*a=`sbVipUXIMY&Nau#yUR-AesCR$Yj`geuz16o7c9sYd%D+k zGSR;>vk~)exhCdxE3&h*JwN8?@E8BD15{KLVny+_j*tUW-F&zMb>f#{oAj{r8mpDX zfAWIiYC;6>MLOd3w(YfWVeZmjmGMF+J7dCtx6*E?KbulkisxrHANWe}>0^O~ng z7xDWGgz3qq)b$^+a1+ZjMTHunJVo~2h^qaPODJ_4DMxcPEj77P!D5w+`x^^K=zbzt z0Ql#llsI-F9{&mmFeBczZg}re&-8PcdN`lkU$7AKZ~cQzH95L-&W!s*!trvA=Ifjq z^8Sv@m{4c_+BBn|yJm*Gzq#+Hx-qk3mbB3s1&nR^Wm^3lEqrpKM*oI?%g0Rl*nihW z0{Ta1Y^JJuP(;85cdn=Ls=4_EkzMb~1Rk#SEk897k0@7D#@D<7&FbOh=6N47DR;E2 zj*IMb3oav+b`p7oXRp6LT~M58uQ7uyW3|0TR9s(^3E1qkjROs#Hj zDZK#gY|r<^kL156MuuuE5BHPj#;WG^9HUYEDQH@2?ls<#oF9}4O#TJbkWYzHm%Mj4gd=v@#($(F`bv~K zs#OdSK4A~-@m={Z8)}GJ(5nXkUYX3jKt_2D;N;8={ilPGCW@vvW&59@PC|!PsCBh> zZR>Nz#`&A`D-u$jnC@mzZrDkcnH4`(x}6qjPC&G)A`kY0LUu6WRg88d~jDoiIm^jcr9)&NvW^b9p+^Svg$&Zjyp6P-W#ND^>tv1N1yl_!%xr zR$SuUf*#Bek$ky+j_wk6?AK8QNwtSw2|MGj=5=Kgxx{E{)P1OlEehi9Nm6^#m-QGl zsbMch3bGker%{imZz%fH?a#3vRl5yZwwdZu4pvQ?NrRaH*<@m_TAha^<|W+=D<$7} z4BKzvEySG{AVwV*N%PlvgCHA#@$Di=D z!%Za2MSk}du*?Ot2dQ3$;+EiM>XwWmd^zv0;B|wW%bj;}T`9=Cv&jR#_|Q&c*~;yS z%g>&V`d-`NQZzNdTVEC?1NSy1u+M`raZGKws1~`;>QU*esY%Ai`S|jNG}m#5bocGZ zy#G`o;E{Pb)HfL^z|VituYmU*&0d2jB_??XN9_-k0e{=f{H;BOqDWI0z_1G!mNP6` z5?-P{jsM!8wvS1e7?!JnQ!FaUET z5b+d~`$394TF8%N|0~wZFLH|52X7cKqc>}HH^u`x#iE;b++Ubq=h!47&I5vc_jj;4 zxok{lcGd+`>(&$sC7|K_W!g8%GZVo%i>X!E=Uxx?Fx4=&iffRz!x8R7A1F)ra+tG3 ziajCU-;bRbat{6e-C@?|I5I*IF3+DNQFKARyo@s$GjoW?(PNtKt1)p zd86*x;WwH;;}GoRJH$CS#>YN`m(m{i%TxlH+Vqdbg*s7 z0^@4_IRki(t?<`yN6KIf%7wE_SEF!P^e;JG`(SVQ#$^YBAegx!|9RTZM+2c4R!rI- zxq_Tl^Xtc~jMx|vnD`a0V_|Kid3}YQmxk;sPuKnPA94c#=Gi==|n-S zi6MB-_h#XWY)gxYqUJH-f~i0>Q=O)Mm+@b&d%#b$pRZsGeQV< zF1o7*k;5x0--NKg5ZPAKKh8YCU({TP3NTdtoTZ)eRB~$~fqJYmO~b8J0LRPI| z;~eSlg)YZ`daX*{>C|9fVa}<&zNM+&GVSk>z1Vdu@(#OFdT9a_7SnYd_v=NT(Qgqk zz~+}%0r>5#_#{!Wv6f^uckf1(&vbGWu57jIWRLFR3x7#woYnCX(G8DwCvy{?GCKTX z$XE-6y2I%b!SNpWB37;#gj0#L@sgLncf5b}pZ_*%vu~??vwg`nt^YyNl5foEv3b|A zKY2fFv}S{jO`T!1`a~q-cP?G>UQFe7%s$LX?cklLo6`Jucn;8cvPWY$F762E^R8MD zlt#*Zq5=;$ot~C|Te+?XnvfQIoo4jS>pDay3$hojt-Cf3h8OcQ%NW~IAUf7kpZ~0E zE;xLNoz|xcf-N|7;@Ana0o7)N_V4BL-)D}|qgHeC@6R+Pnxi#UzV2F;81G+ipz*$p7*#Bx^S-SnFiBce{@jr9 zZ><^g00VpJK~85bEEXm+$m`L;W$hgi@*Jtj1_l?YYrVT>KJmMc%*zkWje7q%Or-Kz z3Um;5ZoXEL6A_u{oZ@Ez9fgU!)-n;b$oXlwX0@}qT&EQBh4)=V;+zfDap$OYZ+2dB z_n(KM<#vb!_|2lnBl+v5&YWRtpEYBQK3a>(CQE;vx`E=Y()SIrN08i%`WHx?c-KFX zw>mC5t1YYEL#j`sI1I7^0-tgKEK|^0XezBN!dx}>j>*!u+_7DQZ~J`CKL$k4A^qG< zJ`i7ccd%>xCye;S((RsM6!<@R{!oizDVRiOm!J=k-=V}9(VTB|w`shW(<(5c2JoNs zs=#-!X`zpcz`LKp0RH|>_&|s){Jdu3!A9A){osKwrRKxOK?T)rb{1&$ia3MPlwT(s z-ExzL$dk--0FR%+o|;Mq_b*@fzAM6_LQe)34W2}QERsU$aT`Fn@TFdQ+KIo{|1nZs z6v7U@Vc0(xh&DK0yd6nh;|i1%AP^KM01)k!tw@rF>94L0mmMFYF-)%{HmH9FsX~MG?KPp< zB0Bo7m%}*HG3K6;CUDBP)O4dE@#Tzv&i}zR_gY-Pc$R9dl&}5~uoajn6&eY4S;FuI zDHJ3MKG;z#s&V_LrzG38pslX_F8XEYT~;%3XOIQC?b+&!oHY(0a}F;Lr=GCrxhvPS zImwLtmELq0F0GFz-_YamkB<$my{-0cy#(dAet+@t!xncmu!zfb*Cqdrnfzm(3Q2>R z^KUcXm-}|lC3rZOv&PgCjyc6|@Auzl_2E*_WC2piOXm5<|E+kfn_8f*a-cgfzVUA~ z>*gilB|KmeRwZ~O2z)S%Z~`y z!unj%xMySoBf~2C3iao{j24=N{+19rosG69D!qWmr}&Cq(uBL60EOu_@~{;AD8@kVy%_is9Vw}8>7!$5!kRHSZC*ANja!+_!mmaD!P4v0-Fi1Rs{KReosA$bjXHrkMkdP z(xSJ@a;_aP7yf>N!n$#g;QnUcJxZID7AXlgNr^T)ROtDG`GAuI{;Pj>YneF7kv|LBv8FIvU%hNYi*Y58GMzwld8HkMcL z161s{H_M{EUlKy@;rf z=#jK!6aUK{@g2=BBJwK@VWP5i_dE3tlP_bzx;aW_#@?&y?2;A%OYl`bvxdO^fBUs< z#BHulG(>#x@omGL<8a*#Y*8P%!X`{OXqBpX{5A%iA`0t+H%>Rx`WfEG*sf!ZzJX`^ zzicS0U8kvCC#9zcSUTg3q3sZ62;?XRQCPEvd~y=KVj#K`XsAz{P-OVnCG-g_#yp9` z8U1NmjQI=bL=!+ej7U0n(B^@`7-%x2SnkAm;O?_I&x?IZ-phACCHvzl{D4i z=q)3b7%LH*Lm+Z+h><05tMS^{i~yu&qyH#8%j-Wy^Oq&C=?<`yLvHF_Ql)eCpM$48 zliD28l*6%WU}sFw2HStBqtEQF3)~#J7k^-1-zj*at=;2qSd?PbC6GY(_ZX!VL1b$wAj*t5yb6 zfxc#wRN1KwKUX_Eyt{<;8u}z8jP}}>2C4Cm38}^%ckD|RU0}{ug^$zv`$!XcbL&5k zvVQ&7%*Z!lt{v~IYbwYxvAiHUS%sf%bVbUJ)BeL!8#_13k!QoO{QoTdXDJFR;f-?Q zT~^M&>s=Q~q1#TJd*)LK?H~-!e96|d^}|UWZ9e9s==QQ(MxmT5r>Uji$aT*Bh)l%X z_{;})VS$?{Ir&vN4e?c@XMs3wlcL1LVjc$*jT#FTSXlmcARLWH9PcxI$}U}fthcNX zLtSOrx{{~AGyjz~+A#r>mYBDe;DkwyeJ(aEc>gI0(&Dtb{gf@P5y^YO5-pClld`8r zGyhmglYu!}Jam>U6ec$OPxOtCA?uF;v-e*Lze1rBYAh2JGtZZYEpY+@gKP9_fbdS| z&g@KJl58u;SyRt}JeJuUyqBumdZZN@qk$WkY$k)9RhlUgxPGs3_?!H4fHTK4G6L{S z>_ymU3X+p4Tu@T()_2Rj6JdGL%!+c`{LIJx+K&o+#;*F`#7z|$W3!0SHA2hVQ|h7= z7(uO>@J4I}mal!=(gbW4pmIQD9B+tg$!AnyN0zih&dHMdlzPg~7&#Rvy8WtvCKbWcjET=Fwc&xshp)WX*u^*umx7-p64DC={1V2^RTw3Vk z&)GiY<;0A2xMb z1Cu}up0j&U$%Qjy;$g{iB%%)E&MEr&Eh>t$6vC7FM>XvFw>pBy5Mc8t`W5``RgvcD zV_9C@EQo$~!HqfR*|S?am22PGVXCR3p5ZcLQ^!s*?Dyo*VoPpKLjEBrj8V~;Q z-@H|d3s3;0$_}NC32UMUJTzrrk!FVTEZeIh-ew}RAS;(*j(5M#{wa!yj#l%OpIGR> zM{X4?hNiMWG8PBpaL%l~3;HQr$gC7F&S+5I>)B!Oq6N@*0Ur$WD@y;JU0Eo6&$XQ)P)Q`#b;%cOB1@t!t8UN zI_*cz@7DXu%|}Wv@V&+?@nhLPeALZTaXG`A#aY2gF-NH}X0Ul5>dKf*41;_hjHk?b zMug+Z<2w77Tf%eM&U-f1)I^xTOB;RrcP5$$`Ia1{>bDVB9>Q#`1B^%trpr71Sm}=D zYs@p#B^fRpE}XkSg{7|OC|UbBnmQvw{uF2W?Up9Sia){67=UOabOH0n)JdJiJVa?i((n-#PzLk?%7s9<^5G zCPp9cN0F(t&WcqzY{tYrssff)b~Z+|ao%gOFFnjyr%or}zJoC0m4q{cG$aOvZ0t>hS#^<)#jKL7PJeMGf+E z?e`@V9gbcEGr>b&e;v09Y|VPu=Ey&~uf)v{%5xO}$iGs}v6CzmN-@@!|KpvddNt1) z!4}VL2zmXe0wC*P`S9l-mhLpa#_`+>U;XMY9ruV-JSfrt3DQ4SAf*MBNNddp@^Zl{t_3qA-K`HUSU%@c+F4@)gRWCH6m$qSd3?Rm`1R z%;2Bt8zCVl0uNYXT|TVS;4j8Mf0p7lswiu8Vw(`hs;c@=3RiFmZj1Jj{~rMPKnB0T zT*BY))o;4GH5uyHb}A9fJl9A}gpg9OQ+j6#bo;uOOX5KNkkJGT%aWv1&PAM8#5KkAM6`Ljs|55S+0i zL+7XLjTr{sg zio?$4s>T4D+mIOZ_An!&VWUr3s$MVyuJ9@Lc!i zU#h>p`!PZeCgz-+JSX239QQ^{+xzZu^YeQ#8*PNd#HWExAJQrUdNqWX07@GGaJGOw zYy$omG&NtIxXb8lkqg{gFH1h|l>@~R9Oa1!bapbRkM;fVge@h(Ji- zF)vYOx-Qdg-KUa{qox=TV6V+5dr=?AY$_QMYa4{1-TFLH$f5w;n?9Io=nY1}dW0xeU>xwiu#|g}o1ER?`Qj3gy9mo~Hcz zcAHD_R$T=fZXgD%t(TlH^VEm9^y}*!0GP`prelbRFkuLu$VNmERZsDrHd!C@%7w~wAuiZRmJvqJ#TTKAZ#TZzotjv<#Vb zbv;@ibIGcD-;U?&T-(@d|MK$WL)(w{?P%Q$kg$)@MN$M@%mxWVN6Kq z4wJmC`_Y=ImXfx;=9GHx08mQ4USv-FG$ZG5}Fb>*$L1w}1T#2;aW{pnyoQ zuKT_nGUWZo{rlI~-cKGmDB7^+r^|o-Pyb6Ko>FPGrz6;g{CIu8JWXQy_IfA6RHCaafBehmG4$Kt-u}b?_M3?IHlAMQ%X4}8^>TSGPTKJ~ za=Mh5!|S(IRJXONn(rdqLmzXz{n*S-C*SBgKNX*t{cW03xWDf)1}3~LWef#?lCvow z;FnJyf4tqu53*oiK0d$SRs;C_@hQa+nT-GeY90I9Od%#_<~&E~`ut^4gwy2EhFlAKm#YJhh3mnE)SH?zE?AOCuDW%Pv2n=2Z?9KfJgZCeW= z_?+iEv_uaGA-9hhH#*1PGw5R=3p5> z1OtmX#u8o4^46X)YaD319bVCOZj9ArXz#LIi#;~&DF+w!%3O#j<-klK1kdbEOBT`AI+#sM zaY|_}(NRS{hdGXKx|DwOGACw=B_Y7EH8VT5y59Enea|Hl)6>i1r^GTP4(yd@=R$@t z=HQ3Vn8R5h0B&cG(#01$PO9}9qYzm|??1Ltha>h~u%|$INnWc&1R_?~>a#~bhB?qs zi~|8++sFF-0Pw7>A3y!`0zw1>0Q0A@1Kquu)k~}paWrX1_qyB=xgEn4rfXI)d&r{x zDv2oshuIrwSAV>_OzGD4x;5WENtakcUXqVbt&Zsa4O32mGmk11saNp>VcWY7?RA(L z0FI`1dWpdVJZJdirWtvMNcBcIv!rx=3frze%g~-lVjVYR0+dDG)G0!bGe$qfh z-*9^U9|b~yG)ExhNPhk|GgAXX6LSdL$&??~tF(QD$j92fK_cdOhLPa()u$X%iK%d_ z!;hVw&py^_dLHN6F%V!3*>BYW#G`ATlWQnW-x^KQ6i1WMq+ByRLaL*y=UWhwKYeUA1ORYBE(MRH5fO?iGcwbnR3x|uPtyKeT{eDd&+YmPxxpDuF@!Os{z zj+C4Xz#9nyv#PqW#}7P#c|Yn@QmtLY*xSo|QdCVb#2AlSLkObkGM=wW%9O#Z_g-6f z#~Fp-f#CYhMK8}(a&mZTh_!n^0#>~rH5YanR)y%g9 zp2gUY=HOH!ysi6Xp4NR|rt;(MzD$`2hv>Q=zkT`WbqYR_d+x#wP_MVu)8SpD51Ez{ zQj96IIsnYQlJ)4V^<^oJ7V$g0)uy6es^xMQ5jmII_b00A<_Zx7u#kdt4~P&9RJFGO zghV*{@QKQI6y6Ci#+c@;YRA$1ZIt5ao%s0j{QdiDjN$9o?|{%-`}pN)j8V6GI9{WT z5c%oT<=7e%&2x?^n%e!g$rwXKhSZ}@Q&H7=w3L#Fc*mRzPHi+ZGq65}ngPL3p+I{* z=BKjPy|sROzaK|4({}W_Hx*^#*RSuNzdT=-83f2MhX?|nUp^jt%hAiTm5>Oj#QgF3 z={hg>`<_D#98|$g7~6it80KkOrfG=uJ^=8jm56F>gvgB3lwaR(MD(v;zy1C9??-Ff zvH$XikH8Rf*pKSZeNmm4{QkO@DT$~HXw#g>(AGvN@%lX9-}m{F|N7s*hs2lX(&~sg zuJ6ak->yEqaty7G>00)+8NeU^>GL#aiuB=^>+A0;GnGsBjeeezh~_z_e0p`jV4Cu= zwW;LRMvU?4x)@-|Sycb+_a7;S%RKi!n9t+xGL>)N-q+ia=hXe0VajuI`}p!`e0BVYl}IYTk=N@WS+Bo@k0o8Z)uLw6$!kk^73JF zj>mCt$Or&=NiN9wifg*&y0ztHa?d(3-o9;su)Q9>wnp}YF%x6CWJH>-*%z(ue)cb8 z93rAIg;Tp#bC!rB8lBPM@AZ8>#uzDk_bvQ1+NB(cDNSiwN=Ts|ZQq)zr4$V;<#_DX zbER(4p+IiYaV*m4qt)TQlJgha=^l_gz1 zl-`5`B4J(objj`uSFyUa-qh`j{@8cx#k6EcTN*%_GZBT;1NSPu$@X^iV}!_~ z$#hAco%LzBR{;f8lcqj|wXNqljpmehqz7q(nEao1#*Pk+(ff>Xn$!BWh#wJ&NYy;i>-#zbIJ;mYZLf!^ zjVfvKIo14o_hAmsxX2l;v;lx8JJ?lQ$IMUH;`~&kx^c5;sEnoEid4_tTeK^X!ap z1a^9+uk83C`JX7NCHcj`iQHZ0RzuTM#ULhU9Qi)VSrOw9f9A~B9CPqDyH?!d?~&gj0|3C?_Hd$gyzAF5onfAL82*!qqPv&k*kDMauQW0uC1+W{mG6%L_bBO7=SPYPJyQ>=SM=o z&oHfZ_tFIBAp&NPVI9mAiDC$%nsaiJS~_WuYG(dN9^?aPeGp+vak$IGG^f`5mu;_O3T%Q< zLQc^PO36OH-tODW(`70-g?L-nm#0fgvGz_#bIG-LZz>SgAsSO?eYj_dm~%<0=35+7 zaQ@6RXE?EUq3+FJ=l%-x*MrOU&Oki2BgBA+^q`Ez907qIX$|S8(K)0CL)y&I9G)%+ z%*R%zIp5zlw>Fk31E7e75bDuN$(PGKdLJ@GMu;>oDI}h*xg8w?rjoq#rA&#LjD-j-n)Pe8AJ8yWvRWz5`axmnlyiJ z*1aKOnUZv!=fcD?^tV5KzAke~Nr!%VdA`i^Ql^|zgY5D#8+YkY?Y0lG}*L~k=jhRyk$mk`z z*K66Gk^>B70Qs{<?9 z=MTR;ZMQ=K%9KV|udwy}ce&(aYaRrwhhI4f5o#T7A^7lo^?b^8o|*Zm?RMXo$<+bB z6OY<&>&{HQkK1i8OIrSa9$Yu5z=`fUNh5kTu;Nd{%|o4mkceJT-Rm*u4YZw9CIkwtX;|_ zjV7_MinYC)!S&NDOb0AJblum(RcC$}vcaIY5hKTw#zP?m z5lvI_xU;F{DNRdJ(X!;aH?IZtGXo&_X~Y+`hUWs^s}Iafho%zggkVTak(t)_gAo1S zs$28YVjtY4i?o3Nr+c1|nNA11!SXc85C`WG(P$FFdG7L#p@+EhGunk-;pzQZNVMN- zZ<42Yx>*?APD6;CXunlJIFo#cUgvBEHq_<4Q#v&mLp@%DL??ZMSw&Nhp11{rhi-8S zXR4>2kQjR#b#J4J44JPbL>_(k27ri;z4=|BYV)OR_rtFTBJ{g{Un@uQh?j3F3@j#g zo1)Klrw4`!5cl_Edq2vO_Iq`=(wXZZG&3|f)>h_-gek}QT0#z&57Ya%)txYY%o|lq zG^TLZ-X1Sfb<0OCkqA9T zm{K6b=~{Y|R8l*JyGB$D0n!vzOo#Z{vu({^a0bAEDWE&NTOIBwo37c_)^-d|Y^q3j z@{81naKD|#W*1`99P2tlK0`aBDKpxm+rjl(P*8COkvV>s1B)oS`63cAl}ieVdletz zJz(wr_s61-y@}Qj-u>?OMBckg9$mjdfU!XrH#i^mrbTnW=4!LMNw&cZ?%sm-m3O9 zhu~nzpEren`yQh3^D`n6v7R9hBO)+ErkJD18Deqxhnp4c0fUMuxM>g!OcfCQn4v?? zrfN9JMF@aIA+v-3PviH$$BNF_x?`H1vFmg!@&Ilic*s5er}`m8NPOC~LS!OLCCE4< z2M!g?C3v4>-3KxDD)UqJkJ=25wN01o_B=Dp4xd#RU1DZpc6`?8lIHAtEkNYI{N-0O zGc)gVVIm}CVgvK=keZzew+b`=BnmmD!OYxV?{@9LYzBRZ$4?2dcj;sJ5azC%Ks<(g zf4`NSn8}AxMD!%C$0K}=)yF6?zTem0hi6IMbF3=NydPE6PJreRLUhB7|8L9`0(U=4 z5Q~Tbguo)2QYbkgQmyUr?bxHj_RR9i2^t~;aIy+B*VgJYwM$n zXzjh^1OOuP{m1(sfBoz`lNbUM9j(Q{Oq5~>fdf;xqsFqq`Bn3ef^GzfkTWT#-Iv0#dSYI2ygf8GEYPFwjF>VYVQ0|v-|x>B_UC* z4FKlLq$2xPLm*Fp_#5v2w%y-W9~%6%O%E$!nX~iAWeE8Q#uOr}>E&tZwVzK1ID6xL z%j{e;U*ix_OmSb2=`z)$`I5nZE+It!k;TZp_sgZczP^9``}cjTdCD)Jo{a4I)73-6 z2#`xsF*JPncm;)4`{lZ%7;d+=Sfw4l|+OkCC{>7mU*}j0l;;Euiw7k*NvIR825D(83ypb{-=LX(Ess2|NiNh zr!>XmsC|rF(s9(le826bq}%&;tSv-dE|YHzV>&I=+jC?w~3~6=LV<2Na zh9N8;=CA+qnx=?Ey$v6@V+tupj`Z!X@8y!;zpZJGy$>&O1Tg8!jM4=Gr;-qmi5*FC z)OOU?`f$Y4WuB+0)Yi?Qww6;2kw=#y+M76((;sxbjr~>uv0QSml1hw^4k>>P#~hx2 zxz?liV<5u%x`!0(w1bDU0(R?eM`RA3u=4btmqLiBN00Iprl-R3teR4>`;R?Oalbc* zwb!keYm%V==Hp1)I|V{UGn=j%^f9+9+V@NKs_pz;qbADnD)3vxJ0tiH> z^Fu`H-Z-3C)$wq$A<}-Y^R>hjM3e(BPo>qaLy7sgS3k5@@07KZWGY?vdnG#Wav9=k z>-;pqga0OdI9lY~1Nds&%&C#by}Fg0m^>87kr7bUdKHI$s6x!=YMGhVw}ybZ#L?v8 zNdP>duFR3AIl1}DjTCB@r{wPuKOptmV~NLFRTaE3*V9i!dmq>5Nk#LL*S9^-DW!mj z$9|r8%ao73xhCQTZDr0eh4pq2(saoP;GtxBAYA0pQ~vW?P|;q;wB+Z{*RrJB_tn&5 z;=1+YUQ-Fj+DsJzyu%?T&T}FnVmyrvfu24u94Q1&IZT(Fr)Z+CQX^tW!4o5dejej8 zB_!P5>Zs%S)5RyTJVg})g?p3mub$PVQ_&G6#S?VbF5o+gcksw4Ge~8 zHmW1JPk)hHMEnRhnuL6AdqiwB37KU`C}AAq5l|7&Ie0Idsii5JAu+YBQJ}UDLgYwN zAD(`PjUM{bp6VczpYc$?De@HEV>6n16xfY4A#uzh&oNEWAvW&xIBiam0gM>i(fy7N znbnMlTyV)HhRk5*^D8s8I^ZOagNdg3gge!}n?5Y%9*YEYKb1aC@7_x=ns3tFfRsE$ zq@pG!Lv_fpHGXt;A8Rdh@~fpC-SPiNfglYHr~a$jeSHhd}|1R_*Dv;OV`MnLb)C2unv>JqLm(~z*&;oJv~gb3aN=f?wh zq=cPy<3VkFaFg?r+R@7;0RZU9BRRv?07Nuj3KM}r%F)bWm?4$;)48N-Wsc5k3Mt4C z?G|$wRrcHA%|bfN%zBfjkF)Ce@I-Wq^x62PL;25t_6-30mm8SOp!JT3ff*cXImAsY z{(<^zH#|4|DE9?`sU*M00&^eY9-A`^L#Mm}07E2(z)Y=m4&28uuo&0??(6REm%u^B zNHKb{FsE#0jsTkHa@39h^IRN$;;R4`n}2>uV+=&P%+q<>t8UxD%qc|?t+k(-2qe`r zozc655Y+U1={)v&USj1^v>)8e%!9un@OD%%2uwp1J#v~76RNuB=fv{F=*1-wfm&3>*B>swfCoG?qi5ZV4kPEA1yE)N869~bXockQF*>BqS9Ie z#P|CaL&!1a7+!Dpc`DmckJ^aPJ*w+|l$2uN-+#P)dU>w3-PZNG%!n|R{QHl$WuDx4 zWd`r-j)-9Re&14xs=6I@hz91b-`_*v5P7e?OqnBBPx1lglAV)1hOigen3XB37>Drk zFvilU&_1`1CTDQ^_0T$RMywshSja1VLSTmZ3|5I z+vY2HBzk>)_cn&s`_uDMdtbL*LDqe1qld&prAZHoDbZ06AP|*(J<6PV8;sPpZVI12 zzI=LliWH_?zI=T7$G`mX>9UlRB8Aa}5Raq!{>lK*@aeMD)^kjADKW&>oB17L;4~*D zVxpr~0LUq=``(B69^k(2B7wOlv$blKx(kQAJa9rW28Ci&|V$rffNW3-8?-%myp7GI{+{w-ro-|h(UytP^S<>m=B9!+lF_dLb64+=z#>+8XhhilIO(%A!AlqE(wpq}!_7H$ZPQZD z?+~H4L5#krT%M=>UXQKHPy`H-xBGFdl?X=@-%$X74sjGWB6=6E+kXu#B=$t3e^ZX5 zh$Z?MT9!1r;)4_K2yEyMbUF$G5s{Y`#~2)SQjdP@O+?*T z3=eA1<*7`U5(4)&Mj!jyQi;qIBbO<0WIuqJntN?v+F6ZG^zRjxhuQM?c?s56wtLYb&v~nLEKjA?(T?F4q#r-ZC7A+8@?K{S z$icI}*tav^siJM|o&e^++iOkc;Nt=S03ZNKL_t&~=rB_Yk&asvTUs^so=grB8>?osrhf`dm9p*L|I?e={=*4mGea>#RXiwiTFfD?+4sMk^E zEFvKVRZS%#VcYw$w&i&WDR3Y}@I3LE3s0^u_&FSYQbZkKdgg$MJiDJt^7e5Ki~xRZ zfB^zH(KVI;1|klP)qaf8#&JK&k{$DP>H>%^d?2|q=lp%AgSh<$5KpSCoeY5Ua6*W5 zZh-wU?m>|}M=+bO86Nb=m;#gcjTk)^jefXdJ_FXiUwZ$(`696$BPJg0l&VM9GN+hN z`!Nxw6g;Hl9wcXsp6kuTF@=~T|N85TADG;`;*^8arbeWyL&bx$2Ir=dnS66(04}Eb zZR%rz`*U3HkC9b11oou)>Fu@$L;_%l_$l`D$LH%jO(k8X$+Zkb0xv&j>V2db19J%6 z#waD}IWDvFSOW9e(#1SPiKyi4`k2e`M|;e#qGk|77$O{k?=k&s=-3KG@RfxFq+G~9 zX)t)&!4T265PkHLl9T>LH3m*Gh>8K^l(v13A$U;1Pd_mRQ;RXEIv3CXG6V!a^Eu84 z5!}>krcCVTu2S-SI}niwTOT6Q#_-k6ezfmzxBvL(KmO-``p3Wh{!PsMc-F>vx-7M} z5IDxrT1P~Ov9eG9ftR@)tsk|yMQ02#waYxInTlSQ$v@ubr;B^LRrLM79<5)OSw)HP zzV7#Juf1R9X*+6)v5z65W%7O{CB)Xpub*GWkXn0Av3EII1Avbop0@3XF%Wa@!-LLX z;0tumYmUvQzZ07s^1RoY)m<-nu7xO^&oQQE`$(#s_;oS#4v_)Q^1A3r@K;=Gg)$pGfL z+;3}ZeZ6nPWY~DW-4wNrjs$zH`*9$_x^9NL?}ve|w>>5nbLFjA=oJBhCn9=(Ut>C@bs)MLaF;}k*)-nt5iI`mkph%VQnY96ai zQ%F<%{jYETA5(AABsZ32Y2M*Y094h?NIKmkJUlY8q^hMQ7rmD&SS?V#I5zqX>qEs zTTN5kb4f9J=jJJGTgJ`roDx%O?dj90*6zHgcfiA+o(kZkymKKL` zViz=Tm5gd`WvwjYysmFqM5c3yON4I6y1D33WFrj+L?gKIdTp3thvd<9V-?U!8^b~X zu>c9^1kpdHCm`;H-@VFb??uyFb%I{=08g zn9b0u8Eg{J0OSpsP{d%F*I~or?3vg)d9P)wHVAf1Va|K?Ud?zq#ix%aC_=?6gk%n0 zJ*V&;mVA71NOWN7>3!s_cyNJ+)zVmmgkX{SE)_E~gpMDK+I~cK*3!txN6$pyqKa~F z1DOEKRQ9ea%hLo3yNKN0wvhbMHuOQn(;VkZ!qJWSh<~J9p-{WMZNPVmGT=f!I2J)h zY{m59p4BO=2xV`*TiF|YnV55j;81<0CB!MxFdv+Xg7mPQXKaUX8vqo8LMqK6Z}muD z7Abo@)GWeGH0m(3?R}3aF!OSrRHfx!*5ZOYWP2*xEyMqS8xkb}Cf`J6gCNX6ysIk1 zAquY}s_Nbc!oTvhAh2w-AtE8UR)$YLEwPt_glog{R>R~``T69n4`L!?aK<1WYkNO` zT*_8JVIrem2O`N`Z~);$JZWa^cnlNA$YusaVPA92^>~GuxuE-2rc-o5@mR@s!VmDB zc9g{+S(#Cs!gkB84V(i$dNX6;I0qX9cL8YKW@KZmZ@W58rzooHbwd$|`;*AZRxx%X z;t+kWeP4@uMHz<8&#~%+(vpt&XBD*r3~B&*_dY`O+kIC=2-hwu0Ks8o02dAR49;ns zLd_LY5hgYC1hr^MFQH2e&ada$jV57hN{hoA_3k^bf9PdH48 zI2@IewBEsTK}l_9r55k-B#?^qaip}UDx?BLnD`!fkWN*ZQM~psrWEaw9Lx_Dqbg+0 zRh@2onNq-f;{AHZLq3LqvknBO8Kn?Fs)1>tway5PB*Rq9JBL+vt~GeC$7tDF@Aqww zAvl#`#=;e>D6r_q5K&b8y^kp+Gjr;O4OH-Z&WApycRn@%VT>_Nsnoh{IR-cvx%Dm# z^--IqWJa|%=N;d*r2jo9d zeaie|3B+H%y~p5FjC;=Bxi8<|=Q(|RdA_ZiQ0) zQx!xFK=J?e?dqHc@5n60AS&1Ux=iV^%wr5ljBeXDr%+n2t@U9c`jA4LVy%5(i`~a^ zp44fK0V9DiM#(i!0aSH$f|r~NZoB8(`#LYvbeg6)9TEcM(i2Tfs=1b2eem0QToYAk zwcp;?X^Jd@r8$dOAL10N##Xy}g$4%0GiLt!<#n2;X^zhyE~V7ZKYmcBx9j%u;qvnF z^2e{Q)~VNieO<3#*AE{qPtWIho=&IbAxvadVWDl?n2ChM@p|9x>vs8Y8VCNkpPnXG z>b>V&zW(-BbHOa++pq8E^ZfjD9@VB8pU$UGAD&+>mmgkUO07YCD}9)4TVB_FO3^90 zqk#v9nO`oKhfRfqS=CJ`mRcV^Hg-<-T*2dWPCF!UrF!p5tsg%;{pHU;Ue5F7vKSjN zeg5%fIj4X5m%qQg-b$_Omc4g>{o9YX_pOyqMwj!+9~4fGDc5`rE&LbIHZoU%#xa4jhit63qzeWE-PwrIw!enwGneebGP>`1V4pPOM?LLa+-5#s=97_3<36}+WMaJo(scspIbV|oNH?x+ll2V zVHNHt4?Z+>;VhJv;G(O!hRKgMYH6pJNrWL0hCz*pol4p3Xag%F5GTznPJVt$WiKcW zQ0R<4nAk_{r9()gLDdTpr*rVZIWH{iqAOdoL3pDR(e3Moah*>`>`_|6b}e|Bu@DWy z#{Bx_o|brj+j{LG_-T%)Ag4KE-j?^8=Fo>BCGGRiAJQB}HAEj`*w_3(6T&EoS3V&u zY>csQ1%u}>IV6}0R&x)ClM9NRQ9O4C0jv%pg1K;BQr;?FlV)T_z%w{6Y4$Z&8ia!` z&OUF|d51xDNZyEibTAxa5P%S|QM-uL+*rhhwbsGLfz_3c*(bT6t&Udv_MXwFO-q1P z*E(4@>sI$xb0cD~$e{NvrN_xnr>U0eykivz)72}Ba%HDkR zs!~fkKhLO=nHfbhhNFin_#h+sI7eK=-bb7Qws|!-QGuzTm2SfT%&obTQCSP7V(R7g zbxWr>UlRTwxLQZIvbVfe03vVSHgU3DGZF3g0-4t7dBRa#bAyA0i04!C$=jg37i?}3 z$01J1=>Bb+&Iz6n2y9~VVG2aV#38v>N2{YZYZdtw!;JF1j6R?tbY2jl6_QskqZup; ztlaA$;=0x8k|36ArH?j%QJOEY<<87?Z~LvzPm}Z7$^d$|v@<)_a=_&#p4yL&w zd6>~@SlKJ~6{B06e9g^yY2}Cs6DLMCU*chPtAm;9-pbxuZf2Ox(|#{u^45nD`KXUY z++j!=-9RAv58*ViI&tda6mXV`vX7pHL?t9x=4kXWj%3y2LAGHbI$~;2O9G)ou(EXL zkFEe_A-F%G>9RrJ5eHb}0dWq1WX+Wiw*ZL>P}gJp2g3)0OVpw^Y`^F5AhaI)YGe%a zVSgQcOqWED=-)#SjJ%^ZoEQ8~d?ZUS4MSgd4AX~MH>^^7>COx4a!5?&xR~Ueh8XDJ z3i5+(IGieePDoaKbl5h;IbeGU))4-=6_B`0DC2NECiJ6AmXk=s>v?ygyX6))r%6;ow{@m4ssmXfs;t&N-)IX2Cm%b6Oj< zw>}I5e|4%N3c5cFJwT$~`E}cw7$Eukx;qtr#0ew#P#|=JLm+s+=hFKK-gT%RAH8fp zh873fsMH1(Q_dMTFXs2&J6z#X$^p#~#^!`sh7mJ|;6A-Pz2ELmWzRW=fb>f5^uA?S z8cJ>VJ$vt<6zYA{)`wZCEqJ#*0Py%YoQijD*jVQ2{d&Kg7AQNW7{?fI*ZXNs!Fx2A zpy=#-IlQ^5s`_-ETkFth!DW>~sIA55@9UmYoTv13K7Dz8gJEdcc)#6Kic<NrAK9bP-3MxzVr~{n7oK zp+no&y_A|JV0TGWPnS8y@ceQK!QZa;TH8EN-n-v_ef|9TrMJG_^E}5GL&=Se=Xqk| znBsQdV~q2Xaw+S5I|!t$tJjwwE-vcrzHQr1LPiGsPR(^+_kFFcwA<_2a(nr3Q4{O- z_Q&mSfBjSPk&U006B|VrFqUYg}B4Kv)> z=XtrVt3!q>QA)vxp3WyC8a8Tcb4t%o=kwF_^m6)_|MtJ$ud4>ZQ0l+`^RNH(fBhp3 zJ1z6uxBKZdzka*L6jXIvGuA0jFQ@gs5p#_0?dxs77a!c{_S^q@9mD?kU++FS61HLY zZ~Nu*?1ExS3X2{ywbIA1I0vK`-ClQbeEqup{C|8*=Md*mwi=Qnqj`z@T3a2;()&2g zlXo7{_AjsR!$?I^j5ww~y*!(Z*Z13$e6DSp!|i?BbKP!vIz_xoMjwD!!}$$*=`h>x zB`!XlLTi0~N^uUYbmtG&WZi2kgNXKPh6EorP$2n+jbT>SLd@!Aeu`ypsOm^)ea$a_ zI)ezlzU9$}3&KogYc=;)hKfMEK}2IvFJpP0@UqEkU7k|e+WMaHP4SijP1U-MKJr%6 z976DT;g!9%*0*~e-D*8Du*@h;;q%X*jL3NxrwHY`3mT$_i3}z@Q7L=HISkRcICW7= z?s4)g0#gkO_xfP(5W`T^ z_+Ss^hMAdl8)Nj=Riu?;bDJR)7C3b&CPzf@nyb_KDT>qS96+!4UiW+1Z>8=nB)=@N zLe!qT3p%=C-%?8pQ#cgfZ4gmw9lTeZ+cs>y?XdPbueBT*!_bA&p!JqJreokC5^eY5 zlY`22UrSmNijvkk_EEr3W2-OBJ}7jI_qWY?J-^H)S7B~-gy6tzMP)PkXcgJ0Hu~7N z5@W!NueEl%OfEPP5hqyP?DsMn1hK~!%Xw#GgycsbtqfI($s2LaSlu&XG?-Z)u99`ArFwl?e$JXE1>$Ri8j&neO zv@n6mQTAH*hLFlu8di>R3ME(P6@&J&Rlxp3@;DFoTN!<{cK9Mh#W`)Qhv*@(7pL|Z zMuQNw-S?ORhzpR-;0+BQ#pt8t>Vv}G4fz}#W#c=CJvT_3Q0d3@kr~JupN(#z0(5 z&AsNPh(mrX?eP!HW8#iE@q>hOAX!^OvZgpy@Z%v5^1%h~Ywy6uKO(~hM%NEIjX9?&2FwMaj8S34 zvMzJNsnC0eS`n&uA}X!L5Jn$;3=qNO;Z7dC<16>xTkBH{5Z%D#P0YRbK02}v%uGeM zJ$vua>@jl;zV%US4IUfPPDC*VkbjsMU4i!sBq9?Z5;0VxsyP>W$f7W81WXE7rncJ0 z2;SFPz4wSqBO_sHeSj2%)G(*6k6vq65hKH(qK|>$@ZOcuhFMAxYfDPgltffj_ndw3+n&91V+<8(qknpNg7Wn|Po=aN{1l^#tT~U~Ps?m(TPZPk z5dmm51i$6tRKLC5o}bR%IY3|E-mghtDm#_v z9h#PXFXv_Iy$Q1m?t0ruxDT6_R9a_|)`zI<8;A;Gy7?Fx%K2#_I+9B80kQD?wmI(s6;O54 zl>Yeb+lLQNr)ApLEG*u;7(*@n_3JIBK*R}XRP2Ms5HG#==^WK-X;p)^-ooTdF6xxV zP?gh?nB{burYSAU^yfc+di#3oWsGM3`@jAAe!GR}-`;Nj z_y6<%zF+UB=g9>jp?$5(dD_;jqF&wTW0|Mhb;Ab~qA#`WTW+m?{q4Qv>b<)>&CcuX zZNI&4W7u>GfBH`!!|YEVlTR+5eAz2x1|j)g8sw57l;gRJQ}98}?BmauR(f6mmi9+s zx3w633a*w;My0kGJP~{6R22{D+wGo0P}Lax^?rZ7-f`}|zTMU}$LP+Vmbe5_N#|%} z=@hVVAH%}z!{mGGJ~pYtqmL0N=J0ze2)9AxS-C7^Sa+kTml(|jS}Y2DbmABmNjMe=Ih|%iG=_!b z%igvtk_3#22I>G9v=F~Fj?!6}d+R`IBJ^OILz<%t%0vNmq#RsPCaMTdBEle`V@yEQ zN`osJ2!9~+#t|B2DEnF+&WV}jtvC(6XKyZ@xK0;6wZK$hY!bXMN`v6&`){&+VQh-Le zl|G*$5xeN<5m4it_~@Zv3DK8aF)2r$6cH^?laEeSYi`@UfS@p+Qt##-Y|WVb?R|r= z*hgPW6R)BI*CxnzwKNDp(;W7#^lsaA?`=%y2t2Mj+1Fb4>JeZR97?F=5+M~9;oe4p z`n($przx-~aK?P(I>EbQA^N-(Y`UgGRHvYPH%)^f+b3zC@AhnbmLZtq|2KKL*>A6%S6 z-5TzY`I36=NQA)qQH1ZW`+SKZIU}<{eDFIME?|Tc#}u5`IC&8n&BiccabE9ldx(w( z0dl~?tu|)*u7JWEVYy6jH*L298QA@BTr`5sUHJOt{^LJ>G_%o0UW*x}!<9bB2!%L; z6zRxvKB{*3RGBHHQ1${bUVlih>3}gZGhx#x50*bfO*l;Kk4=4h3q=w<61b*!pg+F!$XwLDu zy9aPqn7wzRqQW!|7w#CtsnEfRLN#p8Yuy{%FU-8%vi|KKeuBpz!!{$6hu65aHl_F& zaI!r(m5>w7Qv}|jKl%(J9*@gS#7I8JUmRnMK0<&I7OpjPi7_#-j`ZyYpCyGrG0c)Txx5zO;daz)npvIbw;EYnJFk&M>cJRcnfWYssP#9 zT0@QA$7sDfcX$o=T$s7_#>~Nc77pGc06|r!6l&{l*ZcG3gr9$!(!S?uO7@7|#zJEp z7#uaSDWyFZV)ou6I)_D^N~tY4_vPFBy6t^f@1xW<%u20J<#JkL2zxHKb^G+;DVJJX z!+oMEwRKVX>4y)ub*l}IYEvAns?gsHb4v03b{Cf0ef8ee)}PMHy5;-2ot6nV(4I3s zopsON32ukl`(6qOuX|Ak?U~`$#l8$YSs3_GMx+#KsW3ZYgeG!?kmCjt6%T!O>#*8v z_uY9Hk}q4CPZOpZHir5m>#gj-3t;EifJI|w`~ln>-x0DjsFqf86&5B6-nTYRr|FO1 zUVr}c=lgB@^4shEy07;=PC=cv*5BW6>wUv0i`a;Xg{D*NeO%w~wbc9j8s|e4Tlea{ z*1hky9K`+OU;m_}Qw-GUFMs~=a$5fM`O|rtlaF4#u+X5_w<|X3>$+d>_u&1@<%Hqu z^X1IK&*#hM4(+W3=Z_PjWYZ~>wc*e&Tl160NIRVZ4RT(~*6QBp zbIkVx5DCl(vYBwI*MpYGP*>{_doo5H$l)?0AKm$7ab8(D&1pJCAT@CE8{3g{bi7*( zG!h^E0p|0VS255!HMi}SLv$5W3``=KjjZM-50?%zk~&P7fp2dOTWW(8#0RJDn7v_I z6q2vGnV8{XdCaSr?PFHeEvrkKe$=QsT!RFAq!EEiradr(ejF#i%p)T-2w|ho{FO3o?)xs?X&0iwIcuvW*u z7J)0VAL402^eNKlg98Cs4j#zCze5^{2s$Hc&`)~zE=Z!{B@TAB|o;(70O#DVwT zTSoz@a>qp+-dfmXQF9H^-GuD8w)Jrd#( zj=0+~9y2nhf@f1l8*D^$;EAvYz%OM+VEaBy-V6~P3+rEh`3z^(cbx?CvvA7e_xIkl z-l1wRqdtannsakbYdi8FF$YCWHjV`(?hn+c8t}{ zKtaK=f{*+WB8C8CGDCNi#yGSw$B^F1ece^mc}Ij#oFX(W55@w%q*E!i9_S?^Xs&AO zF$Rbi(aY4@@Ka4w%(-@egZikg8_}LijK0=B&q+n@+kQSRM1)yvZH<|8G@W-m)$jkt zkG*HokuB+?GLDgvJu;(+WRED0mDzC|l$m6d9Au>8h>jy1C*#d$v%!F;~X60 zcfNo8{(t}Ze%!D7eqGn~ysEZ&ABk%4=$;>bJ+SK1IkaKdmAHnb5MVb-$spbhwB^r% zKnnKYtTTBnyuaarXCso3Eyah_sO*EyqbS6f1*?9QtvK0st&twZnyHy_NCVPozpAds zh)|R~y|;35Ks=77*}EKrW{X;*Vb<-?wSrC9Y(n?fG=0e*$ZQNDRd2BF%hYYQ3n>LA zJR?LP*RK}1W4?&_^@kxxfwTus-Bx#BLFi+j`GIekDQcgSYAuzzYNQBjmvFONXr0f6 zU;}P3=R0^Nz4$UEXrl*DBr`yN@$Lb&u#>kCVHyg>IyAt{@EQ%eVzs6r z-C9sqC+(?JvmpQuYRIABZZkhDtq0vHpr2^-M&-U@Ub`bol{<%@pY&%GyE=+ZAy;o5 z{U+SwS32H5X(p{iI9XI_zy%DEgZ?LHE3=S1D50N*Ywp*AkWvnhqK}Vbj0@a$#Av%y zGMKi5SaU1UPbUzIuu7REcgC*R!3xJI&)UC=mg-CH?Iu1(6oEAvYAnhxQ5zLW^Ug$fGC>cB%+tU=BfT zh#0ZCefc)X#P*ZA_%t}>#VfMYt5J$(0%ZR?-rVwx-1rsOsHVKDKl)!sACq90A=8&V zl|k9loqsF+ILtyzG_-Yo(0^7r3xc@Gau=23WB%pjpMv$$^US+&pkUA)s-r;&mfIlf zQlXH(gH7mP7UWP8_B_H{Fr58s;IuHunraXx`dAT#b1Cearr;5_TiAt`s&8*|^d3Wy znOtc)MX{P0%-i_?C@+`GTs4=%JwrB2aamSbeSX_ith-jypJ($otV{(1y%q208l;?& z!xL3`-xH#(bQ%>Q;-}G8&)5ktmP@a5$>>E6vZnKhqod;zG2n`(kNflUgIi>%zN)Mg zAv_e{u;^E%UIG<0GMQiP@Mwv&B989dzGjp#-OOd%%gXl5l}E`x&|~-GY24ozW|^AL z+SgQTdHbZX`lBUMHdFLxi@-&ak!Tl_CVC$?@y{2YYD5oIrDv6B z`XUXBQbn)Kec!xDM||3-Sk<{;;QJmE5tC0H)#h(g#e?%ZqXq|VUVqFS4lRf-Fu1{j zVjK9>*)(@2Uu*6=mQwR@#H%{zNe-3DOr|^qFkbYy1=M>FCgN~Vq_#BWEI{>^dd1+@ zSv>_bCUCE5@wK|bQf{6T@!ObrB@~SAw5I)c+wrz275^shEtY$mT=7A(a8V5~w|D~A zEY9GL&JjK;SyQT>a#NbDYyMTLiT`r(-0c=(zv*fBtEK;*)@eBO*Q zKMqpGoZ7EiILfo#xsdjzWFv8+3CDLW<8}$=JNDu;8%$4!cE+e>_ViOtmXqU-0vx+4 zE7_4SJ4GmOFp!H^8?8&=)si+$e*KW?#*gNUQjM+1HTcnK|NOwNqoVW-iK$*b;bP5B z#Gqv3sjK2uqt}z>;~!I6y*;5RGm{(Tf^Q@7(;ois@0*y?mD|_(RnVVaOvUhOTlP%d z#ddfpYBqfQ{K(ZJmp)ent&+fgVWe^ZOJ32MzF+w7nQ$0`;Q));aa_uhA}`McJ}n7V zwU1*TZQ{+C!I1sy*l^*Vkgd3$>Ke6NoZ+qs%Wm6wtzMrePyB7e;|#CVJa8bRmY!P5 zc>1~?^tV>xD7s_sRqop7dXoCC@TC(* zR1FOKV)=o~a^&LpDZZx!&jyw6OcML>;)=+nDvoFlg!yAuf^mSn)Z>J%xg_5?#Wdo- zyg!M_1}q1SteC09hWgbBSn>ls8yhEKuVrTg&T`Rzr4nyJwX#4}xNV-@t*M z@uLZ-TiI7M`DwIo-Z)VD`oRmX03>c^L~+YWN0G@(ebRXoxcWe$U#s*1_1`s|_AC&T zD4XPLPD+v=(!c~hvZJj?ybgDXXmtI}aq$JbA8~Cwdf}GO2DTV3w6GMlP$oMunkO{f z20Fx02ujvH37pBZjacjg7}>S|Z)FMFG>-#n3DHWE4>ydB>$PuBdYfY@W12dbyrew5 zV$Pn+XxDg&OBMXZY1RKRs^EWlqhXit*Jo^fXS_Ab&t4OpU#L|O?xIwm<7H_?g$;QV zYnXRf9sP#a0M8L@Xkx%+o6=SpdLzJ1neSl6D9nlCYLe2P#MZyktY^6ZzFnMyzpYH$ ze!1!tOjfE-lbeatT`K=6OWtQq>?6Rz(;PyrvDid`K7Wn7*f7bK)&Tz#>+}5#arw1I z%IHoGKcVbqhv)n@fp+KL8^X*KURRQGBq3EVHWXZXe(c3Mn-hEd=R#jSHWI;IYo>yK zEa2t7Dl2o5X7`;^KwM=E@&OsUw*(^wZRuGeik4Qigr|dIqkp2w_~||BtY#7tqcr%l z5j_`#L$2mnTrIJw;0SE6j6FFUgyI|t$n%|}qj8>Lcz^T2tCWx`$}IPAnsrR;rQ*6A z`}&9hpUrmRxXT~EUA=2&WU&8ZA!XyNk*jt?pzz_rujJCSZ^GovOb9~2&Y86(o4j&R z$g^f0F;uu(M{8L_f}*zeT*9`#EH{$6tzDa|c|}>zJ3o5P|FUlvuPj9_)E@-s!g683 z1n3>l8}@d6W#2tiaihl}d1awl@m)2lJ{8n|m%xGEVC+Fy>W?pvmzx_uR_q>=aQM3qIs`WH6F2A(L}?@4 zVoxO3YYxu}G?9j94wd7&{v$Km^>tJ@_r{C27B&uxg3!<5&YG9zLacOtc=&YgI*!q{EBVw7t#AM+>+&6+JHM|hz|<{GhvFsOlDzHi*89j47Cn@@LoOfEI43lY_W42nY`?` zA=%({?}-U5PcHe(BSfNZVs2bREXhZshh?+7@sDXk?CkioAt`b_#VSVAME59+J?+~< z$o@4;XNyaJOoB@Ql&TJ$=XL?;N>)$+We%+SmTn-5fUQ@D?B`%`gDiy#Y_C6p{B=ya zp2M-ftD{lAyR0{MM$y>sse4k_JDe@z2Wb3v?Dl*k5@(qrBf@y3v;CiT*Y+KwXS$| zDxZoAju&6V+yNKjwwj^pt9f}&zLw7Qj-gNq+Di{V3wRIo(<^x41?=dKJM-eBEWZ2n z)acKjck$^2hfD4WUwR#qbMJ`XV?mD{>2`E*^JjgedYthrWSOV6vpfvBcyZun^^aiJ zC~<>1b8Fi;bN2h5_m<0T9h{Fpb1;2K$YXL;MIG-I>;7b*m#Ek|q_>Sf?;fM`6ZE|E zXQ;!fPUpcYga2yhY~qcM|5DtFhPr6CO;Z@u`ISzOZ(gh0kF$G$08y^*?9o48GJS`|vUrhng#Q^IQ`+q7+s2uR(34HTs{-Q%FeWe>o6_yc^dnNjdTfh|b{RQX>; zp5bBTF=X2yDRSp(NMI zv^KC>?QA35UQ%0uw#nMUUO6wRuOE ze|A}BQR~8#tTCbnz8m9I`0$cQr9V`Xk8226tDQW%xF{p)b99AhlYmjZjS3c`_qv3L zqvKarb5MU7iMI|7!+RXPhKI=oESTdhNHC4NJ~Z}u^F=}O=n8VetE%j(xbU8%qxsh< zzrImIC(9bPANsGNSQi#-b$(EMzLpF}OhE~!#M3(+@ktzxepjxFtHPHGvYo+!5QUBq zm`f0f(!aMsIzJ(3^`5#u--%J^&yG1c3CZ_SuuADxCmmGFD7|;4XlHnIZs8VMVxBi- z+jz+EmGKN)Kktuz-dKsc?GzKBHXm14qp+>mL+v2Yav%TVKY(dfTCf2QI#|JB& zN2iT3C;xnhS7vb(m0k*FR=gEkG;Evp9T(FSsPh9A+x%H8#I;^7d3|XMlrB2&d@oa; zfZv&O_wLmIZRlpDR2CQ`cTn(0)7eui?JF4qu%5eyvsbnwYFlEau3fM z#out%M#*C6^OX1w#$dZfD*0&602?6Jv>FTV&KYg^jPn~Y)eBt`$u{84@^W<`H_j`8 z4s^@|sre{Wq!jx&-_(bkT*}KqonPQ!e=+4}{Z213Aaz+78?uNk@Kz>WGQP#12~vqb zK2UNXJ6O}hPneITLzWDlVnHPJk&&V;De6`RWH?|-|>+S_0ErRHI<&-dqfIk}jn zPCk#bvjF4Vu(UH`hLarETZ$`7pQ%p*FIJsJnH}#TxEe1NBm7S`H#glw{s)!X^J}E; zaM_c6v(*2hBB$jN!uIhW6_)#KKl5nNl9O!5jg%!F?O_5H4`!i6z-D`@547X^qJJbL zALz8i&N=+0OgYg;6K&fqC2$O6a3s$XlC)B5CTr~OOopVe_CYZ792el&9s#|~$_BmJ zyw!W;%ZtGm4Jg1TC@Tu|yT?_vwA;p|aM$`KprPLHgwT~d+0^j3VZNJl~P zNF8F=&dT%KM7)qSTbDWh_7F=P<4ESLBB?MnEl?H1A~(6^i$p-rVrz7gXvP5Yu5v8;BA& z5e%;y|KG-9V_bts;Viu~FZ|I^M{_kfLOfiN?^Zd_>Fl41UZJO*jv5Y67EA_yH|w`R zx2*E^OL&E_xVeHz9EzgOr2MkbEF&U|24_H5*I46C9)|XV_4hOiKWB+TrIj`GO2Y*9 zlN8-pzochY616E~oy%NFS8rGFDaiz%en$Zk^bWJ^EiJd=FAL`088|sR7#aXEG3I$8 z_fM08(20w`>JIpiNN0HXaz8aGd>FH%H#+N%L$sb8>_t8`lb?h>;kgk& zxNGO}SGCh>T!ObFtikcwrcfyo*zfi?4!l!$9uFa z$1u&8tF2pTAsd9DBH)OA-zv1nZ2?2Y&v>f9-*A^uSt&=q8%W`CcR@rz+7wms!|H<& zJH%DoIV<&@q5CDzHjnQ}p^1Qd^!K<#3PF5b*`Gq10tw+9qYEhEj~9@2j*d6D&Mx>E zJU0-Bxp63qQtCr*afUUlsQg88Lf_?;ST+>E$03h!Z<4x!_1aJrc<7sRR1+RYH)T-i z78AQSiiI^ySKH4-&BMpTGzZuA#w^YW3o&(p*f8&-{$br_Eti*#>kLBUi;lNBf8m>E z0}{1f<-t{6gofn5W4D%Nubti*>gH{xz`bRb++vQO4KtZ8?D=kV9LFH6(5R`5r{L{T1j~{wq-MDl~2f1a&AC&kSQcNQGW zGHdm>aq{lb-mQ+cpea}o@_VZ0Bg{8fEAb~@V`ikFCTn@^?izc~%cohJeiP;>r*Qmx znyK=FvhHb^%oXv8YihcsbzL>~;WlLcx2>(no6hx@Wl;J~qT?FrI`tG-9iI%wt#;35 zDhGG@U2E+8y>Hp*9Be?45a};b`}NNA#XaV@r4Fo6N0MJ)c+fL$Ig0v`*N-aR?l&sQ z_Qwp(1K-|KQhh#7$xGe)jvLdXGm&j@ja2NQ0$HgEeu6Bx7+St<{Ot}e3MW@OLS-FI zTy_e0#{Dta(>xi)ELp(Qf}s=s{glBsPX4K7ySCDqL)SGPYDgul^^!2p>PN-59WG%K ziI}-N;yVhd6_hCGyo35xp7I9;C!j0Yo#(U^1y!fj>k^~mNhgDQa!s^GcW(60aJSd2 z2b#N%Mv3pUmd!I@San}?5UwC+alBm;aF@vpvncwa&&cSWA?@Ve1^Z%!EwMkghGd=T zFqn(N&%~qgzd}-PI+Mx2)9W{~s}}4p?eD7)!AIMF=eAeQ8dEO>zuR?<5*B^?g~eEB zP=9~@KE{bWO2l*wAmD78mH6A0oWS;Xovh;dsWrF*n6CDq{L_?lhv;B$r2K!*EYH|K zy7FJ(+8uqec#>#F)3md91iduykq)G9K|;#E6q$q{)YogZOMiwSfv?H8#zZ`>1HHPI z>#2c0RL7;|kxszpS1$k7KX1Ru9pm?RaQ$;Z0_ZY>=iy@wHMMe}JzdN!7L$MSKECT? zzhbye|2iW0cQp(LRa6%06)?IOyFu(9Oj}x}K(`mKfJ%QVhr+5W4ED!mr{)&najxsE zr7|7Bn5G=iogn*q_JY9NXwsEIJ`Z|RM7@ucX0azKC+D|?ThZ#wAL;7_w2P&^yKe{dTa4_1#Y?Ps0*M?Ta%i_9wi_nASslT z^40D5_`%Qqs)KyAFn+zqxaLJ9xGW<}~YxVb*Xks~#`CMp?znWuR?eLtlKY#(<2czY)*Xf@&8kPJu!8o&grMbiIrqqzeN7s!-BJes?MGWA{%p(2YZMxQ+V_@k6 zrAqXB`oO_pT7JxiaN1JhaUD&c$o8l~lM4@7^ON;TOXj2JQNTR=!lI{{$Q5V%(A@Y7 zh%d;=M+UKpy{4(&)DhyKkee%XI(gcH)hawcrJ!12u)$J1iCU}^d%Sb9Pb9McE04_g zlzzFf-}aD!nAUA9&vi!m{QhBkc}>O(=Sd2|C4quXSoGQ#cauj2J>+XZ-M$`krN6;a zw#DsX7{P8-K*4FCVt$D*;-3nSi^Ajs%0oVlMkZ1Z5YmsQ_V@oZQB#m53C-ErC0SNa z%1cQy%G84j8hx#J{mZXsuixXRew1WX<`^o0_m#RY$2#E@j{-l}IXZ=!jq{VKXZwF1 z)E}ROoF&H|j`zaX_Ox`1t>JqHG*IRmEstT{FXHl19{~}A`8!QxXuVv{2~&Ah zi~j5~StaFM?dQRZxsuT$ox!mWPx@j4?b`nBe_!JPVb z?lmllB2I_vh5>`nNGxi$h(yawoa>&=wzkGJoZ`-pV_UQep`urWb?6&8Pf2JHLP6dN=*CMSW4FoD{vD zPtN-Gl{>jEpM`v*SI*Ccq8HJUq&ej$RGigVp2(ns z(K`(oD&_R#*&Txbua?KQp`#VW6Ch(CndS;Urrws=uRtJVt=j1lW3s9H{ha?ke6 znSTT@Wd&jmqFR;je?=Z7C7@O9h=yh<}|ajm*O~ z<;wI~3Kv~;{To)J5kFcH6{2ndJii$+f3-g>73*6dJ>&sZxOJxiN5x?0X2#bbnx*|~ z#`I9;ym|(}!)hJfdB6mYndfIE7HIC8E>s3fUyCVJHYVMj}r#I)7w!~85#eDaAUuIxS*vZ#D>r? zmsY!b%(1fkN$VP15q)~El2XytjC$Wa=#z=sfQuuzn7Q3p{XT93bnYbogF*OnAy_?OR<9+IX(UXc8;0!~H7bMJXC zvK~}28|qt{_#fyyV+8x%d2rF+&NY8YkchpN=bz>;2LY6>#@v@pL3`PLzMx*bCWzmo z5<4klptJwRHdw9Jh#8Tf+$7WWzI;gdYDeQiZs|i+bneyRQRlnYwiiF7oKP=2gCy|2fRXrpF$0N15m)a!K-)&ij2a_oke^{$29Q=EBQ7=gB=H1w#$D z6$M#5x?#d?w!LsG`N$F>5?T%}9DbKKiAR$!v5SJT6-nX|GD*gy|3pcl!YaQBq4UG&q(#pQ^>Nk7tCuKJVj<{rW zd`w=Q7|mX4yx1n*x~rEk6=hyBwM}KD*yrc5PV?oOB!p?moe_TgdM#v|Dr@TdCht>U z_R>LwNtewBlHSXm{yiZ89#0y!Modv#E?p9xCsBzlUpK|w+=3{l!>!R3$X2Wi?YJ!+ zalF=5gPU!fC(UlCoRfPoR9LwE25{5NFYdV;rC{lx1zok~J>$2Rb4nltXxxpfo+Oha z7N%&|JQtu4qr*Z3fT=@weJ*@(yMoICR8`(gR3&SZM#J*83+ zTAkb?%M((5=qH9wPWKVV4A}%;zpsZW;t~3nzk9{|mP>iazGt&jEnSbrPDC`#YuD${ z#~$rohL70&l}7J3;)-J+9$)$)8gk?1f+;4#v&c+7NhU$Y0a~qcf=lEVnuQ>Ru_a45 zCD(S>IBzYY8_1gRx$9xM)IdkV11D%p0d3TOs(>QzKmOGq+ILg8SI;QK+-M#1B4|05 zdQ7aZQm}q&S6Sc^S{yOkBNDklDSb8WANh^FYs zX(&8XP?c_3z@S=N8$7`I{GtzBHnHckvF91Q-4`C~obF4%7#iLaKR>E>w)y3uS&DND zI?9&*-gLcx3eBYmWJnU5-OT=bTJO4mvA-?R40D0?5ywTj696PPoNH4`U4`tOClYLX zD`B2K*Pd|++v?D7`GKYP|Lt8ZzQE3{h%SNMYdZ)JYBK*wgrUF}JoYE-q{O{kTIVyy zb(QEjg=3hG4-KUjT7qc(Qi$~{hCc^hjLD+0D_7-*j}CBzVEf331;v@_OzzEEqbxlT z2L~EktUC}6mQ><+kEVBjB+T)-RqQyuGWgD(RlRu}2ibl&asrE3{0bIAVSFHG_CExJQ``1zruJbq9A)xx?? z^^?_&Y$$OFDy+=bj3*}}Mp$^J{4z9-&8OK~Z`K8cH(g|#tI*{C1@>G+1mNhIA?ZH# zNY%S97~X&!Ct=99M)Ys!K>f$A2wTqkmON9^^!u6yi@e>5dg-DAq4_!L#i7&rt#PKw zXuwYIW&N_N8K9od{WPP1plz84X#3-kqTIaYA8Fj%BA#;d7ud!`z`p3Zqii~NN1L>_ zHtWdqd)Ou^!qNCq#C)dW%JWvDZ>r?a7!;Pr(@{Q;f#?*@&=z&W&}4pQ!+SSnA0Gx= zh!Sss8DGnyykIp+NqrJx9C2bbFAS2pj}p5Z1)w6Xf@-bR_TEO>D!ZFh6BOg>DK)Ca zbjf`)a>bus5W(Ton*7zlsKNyFW=tg{9bzUjx2SKGQsc4bou6}4zhEuN2w9)Y&1YOW z-=p4YS#|kZPo~2s^{k(@dE$%nhkyTgdqhgk0?z=)hRM$*{>-N?n!FnybDr(&Fnp6T zw>|tKW8rEFI@blz00>p>jJQNkK@J%fW+_;;LF}%5KSph?O zBWHR_s${Pl90{O#_@~O4lOJ{^({F#-HNCs$NUkX2Ld*xC4ym!xJnssMlsg}ouH#Id1{WCh()@j2h&L}~VSp=J$$#_O4KwWJt`9D7|L+~`fj(Oj5 zii&M@Mgzs7#zQIxexSlzqyfR>uiX|}{Klu~K7K>{n_O=E@Rb&VPrYoCY^kY{3gEfb z+A7og8xC5IW0bV$>&QyJ%rsFZplLH^4yY_NSb_}~%;=gXPwrJ92l&g+rV03EoA!u=xijsqG#w zk>PqNpf5l?igu{G`f<|pMBkQL6|o2a^<}@~_`wHa9kw<26tuA5A_a9_MNSY7hAj0D zL-HvzbG83w;iL|gVIjIkKa!?3aY!aUtDp(O|^i$+3yv6w1Qci>bwr}E=QH#L@h zr9EO}QX7al7UAc+{z#dbYM-L9!pbUQ)D-3Z(pnJazc_v@@wV*ot;65Bp>h{_n+c)v zv2tj&$tv2HBkl0BAsT>Vkcg|=k$3WF2Yt)QU;D4)uBx<|Z4|VXRv<|O9a1+Scnp>& z{JQ=l0#MNOt&vCqgNZU>(UD#yjlWOWx-CF1T_;s?Vy0la*t1VoKGa7_l*T$+gCiuy zpqEw!;&C3P>elausk&ILVGROs4YIAdJ-ccJ^B}JxC^4>rfb#jf-pM(7bgPZ zBjwQ$1SMe6tEQk>YYU{)SLU6AS;F~o>j}+A?9ZU1rCZ9|7F?vnkBw>76yP73xbtwH zqFESHS(pOF+3!cp4s0!)q0Rvvu-U<_u)IJFHgX;l0x4=ekEwJ*L7`_yUtnp0Z=aW6 zd6!WRuTfoyAy;uTnI!CupX|B0o{<+~TcaJK2=iZmxFc+7eD-dK`kYUDVKBXcj*|#1 zgPu8P?YE;c5Us}VhviY^eIU$m)6#|_R`b-(hxuA&Hog+yO7uqhz6$KP(vB#$c7&R4 zg|RY>SLpnH*EI{x>VgmV?sf&I`ym|sJY)+S3zT3gSsV7YlGCdSNl3jfRYh}-UWrM7m3g*!iIMWe62Fnqh0 zoOd`PsLO9WGU|aWXYBcxa$)|(VmV`W79DT4e9F8A_$QBofdt4+Sav>$jLdZ5)k z6_vlVtHt;Ef`3+eZZ$qB?_lf|E#+WAa)H`nEE>0pR@T{w`rbR@tH%Kc$DO6W!@;+1 zGU5ZT4u2OkW=URW1*NgvoJ2Mn(lQ>gT2SH)dUAWnQJnu^W?Uri=cpN~bzxUlaw#Nl z!1z~^&fbv4+yCSj8R73u_&m5jVKGxq0oKJ& zq|0I(*tuV%$-;K@9F~&F5JcJCKUzNeH4qk4^eR~A3H-~IxClc=Hz^{HKIQX=*=%ei zeH%^}&*u_h?0thmne-o6({ke%3w62%Rt7A~)?-PyPp~aae%aFsUn`v`LV!BqQ^0)2 zWp%}GbAD=~wEs&34h^@ir^rR$6B>2X6O?x%p>bGBS<$z&l%XhY&~weqhYv$a=Obfg7kJ}Ylwt_s;LkiE4uYb|%n-p;>#(iEa!yr#e<+0< z6sD}&yOs?No&OQrjL=|z7mMiZew~~P;ry`53h)NsOi34iu$P4)Ev^51@tqFu*hHiQ z^r#099J2EKn;L36M8zI$HA1ef9qM+1j_Rxavgr0=Su19uB1`IDFtHIG#^0@#{P^#B zYMO^8GhbAiJe9|)*Lrw>mSt18$OULuE&GRP)@zEu{j{e1QbNoaf@pdfpVQZhAVe7F%^h5RGA@T6FA1GqLmMvI4EiWP0< za{nY?NTd6Yjob%+2&o70ekT_hjPxG5_3k{Sea_iw^jvGK7WT{@e5I>bq zhZJk|dwwt8EIP$C0k08|JfbvGuJn-OY6p&*s&_WkXsO#hLIr9@kp^xWXq5K*;w?md zT5hp*7#$Lcjl_eMqXN&T*z>;_)OPfbpeBlzHKKcfRz5;g6{-i0h*9Ug;tM$%=O-K9 zvyt>Cr~Q=+4yCt<$1yIk$0sMfa1!WO{p2jnX?5%I&$itdY@s!6rNk%w1La+$l#7JY z>B-P^4-7UXn00qY<%+~sX_Ca9Wy;FYk&zLr%phhI9aj$LlPe;TaVBtI$=n=rl=+Cn?Ju&dA&K` zOKT>TNRCpeNMC{>IAFL~A*u5mvz_XZsC&9{g^u}xZ5$n=W!zI%=DmWu$a-29x3k~( zUyq(q!5^>}BO4km@OP#8WcTRrIOHGCvSO%|I-=;$vCr75VCzAg5I%)%$6 zhx_A7rp(S;>#3!p@f4fJ&HlY^pt4I4_+g=q6~7j_65X== zMbi%nMaJ!{^g9jEv5~Q6ygt%W2b`v#D7e{rB4mhK&tQQ29yB>H1#NK7shM0USPRuz zylAFgE!iWx4#c58Fof2- z?Myy<4prFBzbdov?l5KMVkN)v2go!X0AiKGOOGOTGc~2h(^?Skvm4Qxz`E)dQb}SM zsCStPLdBR(#B;}4GT_(1Ojy(V&aLvCvUMVz6dv`VL2bx?{hlgnNPFL%b5GJDXkJ4D zSwZ^29imbqRGwbqmAfJvCBB}kU=$WF!4ah@k;NxD#0SutEV=l`EJ|B!4F>kHk5ps4 zq?g@=47*hLE)yz5>tzuI&?0c-y@}I%FuNxHOfsL1UVL`PEUwAO7uj_0cU!J6_I>W} zhRI%m4LXK{w=-*Dt`C^_P{IXbgpQP1>Sp>C^^vuy4|i^N9QX zAxSzexHTuUD~QW_XbAD&3!KwGwT|8+BlSWhzyz`(L*6J|b^zYo5-=ppCVQxA!gBK> zj#5Z7*X^=BMKQEZf$6%MjnuUKF{x?&-uS?#;f=ilzpoU6PEsCsfO%S=Wr4gIJ)gcM zODGJx{fwPDld`j~Liee6;2=Wco-{ijcVcdQMuzlTa_gpRpM&S{QjHA9rgAj$Al5|Rvp3}2H83RIivX`TNxE$+$ z_dWTgG`G%ts$k-N_$=~NZ}m}ulP~S{`)Yi0?$x$&s3X6UreXBHzClaPUT7JKowbDx zR9kb)jb3Es#uea~tIvU@M&#n^hZlYBs4%GXSxA4GN~)~4f?KjIx}B(^&{xFngN=Y% zx&Cb#5&5~l@ZkFqDpH>+Ma+JiH6i^>mja54c_i7-$K7J3q!6bk|9v~^(r&1A2#mL9zL?YAxNujFWE?mSOpbnW*#<^}EGS<=(%l$1?v3SFp8`z2k`o!yuZy zK(fs#>NYDn^38pDg!c_5K69ejFZWKJW-Y91kXIUVYj|xOKpkJ>!4Xc^hQ(W2U9^?e z8Oaa(wb^vaV9m^nn_p)eyCrl_dQ+aR(gl@!bxG{>Idz-p24jPKB3#R68^1nE{WnW! zO8-7!`*ko&W*BZ8fSm9iOF3qH51$|hhZ9A{5k z21BQ+;N#8jLz+mkj0{Z$*80m)ZrYj>Ylkr|L4+wgg|+SxKcbJxZzzt>=1V6lte``B zz^ICTAT)$DQPLB-VZlDLPwR0UuHD>`&nPN&Sto9FqJ&h z{Fsea!R{3Kvlc_gUs^BI0sF7!b2iH&-6bBgmXk9i53!;k_e!s7ld`g$@Q+A2|#55i^p{Z zHYDsp3x=85#V%ofcW9vWmS+W0ZhT)M_G}y%ghD{Bmp&&@Be2+3S~{{Z(0jI$rb9T7#cbr0*btO=#*h+dYxxx7=EZ6uyVr&ZrOA{$pFh=qeX4YZd;!V84lIt;p zhY2L(duzMo#&$)0M6P`6I!G~n-O2topfXXX`MW^|K$ji4?V3Rmr+RG zn#RO@c%MPSkA>M76f1A2R(04TgU1=?jG;n?!A@GbUoa_MmXKF5p;WQX+3SE5jUSi8 zbxOs%zq^5S+H(H;EX#L<-u#J9{?@!1H9JSg$viU&pZB%uH5&Y^kpK+QJ-6j7vX+`W|ZpsmkS2Ok%Yb8uDpebZG1vCcjb14Kdn+3(P3?`{66|V zaSHrT_9n}9@Oz1V?+~BMwbwrK0Sby%VU=f^TNDFJ5mtb~p7o=b?qf0d|1NkyDIcA)d^t-m#B7#4`^`z6bn=X)z zS#*r zT-{24wx=aCl_8KXTURFHK%hfXPUgK(N)jv8^S_9&@d|83q%4*ju%E0gz3}BLfjR4^ z|D2l|trmUV4(v;H9JpERSrF~U!oBnjO}XWsD{OG`;y|oOEVeOo_~N-(|44njjAgP7 zlan1KuS*(#gIobgpG8ibvS#{}QD=QR%WQYM7uVzS;Qazp7d+=HN$0P4^XhzcO0T$H zrfW+94VCy0inC*6D62<<{>&oXvvN;rxwUIpkEb-=g8vb)W}ZBP%X)9Q?_Ja_@>aZZ zhi|(S4rc1o>gI*$cn|NHYe+1HwHgZp9 zt&LE>yUWUJOQ`^gN4o@~9-h&niDOk7CTcTMQXE(AgD-nkdnplrTzQIRiCp1U20W~Z zTD*~qx-KU3Knmqad||E{&-?Ooukn}qh^JJ*gug<#f@;#onBRc>N388G4QHj?4rlGm z-Bp)gHn+@sa>_s8^ z{AawgoeA=8LM*LSFJK;zM==L$D5U%#CZ<1qxr3nrX&uWzmbv7am!`zc)1QV7VGqtL zQjKg=(Wrfvo&UqQt;y0F#Gx*j-4G2q+dEzTzPD-#0fnKC7*8L}Yy>tyBY9Z7XjQhT zOeCHbvU>kY9&xoR*p1>L7=O58n1CWtB<37jk<@HMR{l?bk_%(%eT{+gLE)x}orlTk z_8&+##$B^REG6u)8=7vbCBH1UEq4k5$|R>O3HN&BhZMkK%f;4AKVL~j{>hn_iY(6t zsw+#g)*TiV=|yhtf$juwwMUQfB-=4f0E)`^UgIZJO{k1l4vn6U zgA!FlalNoVB|QmZBcV5c^_C3ViE?jH zirc@M%Bqx{-t~VUf&F45tk!E-|2b% zK5c{}SFavN3%n{g+y5(OsZmE`nmIx%Hw*QG^)J!T2!A|-HaQ%mLY}0&(_6bb4N!|k zk*Kpc>iSHDytT&Qvlh#;_}no8!^atp*0uw-b5jOs?lPmvb6UmkHq~Qu#|1nE6@Fl~ z)3d-E$o))uz`mxl);G<1a9+;V5)F?~gXWDN-f-NY70n#LHm^8mQk*@H2{>{&h&Eqy~h6gBl zBm2LR2)SE&;fjBve@gypv2Qhm3Y!Lspw$zjQ!AokXPvoP7AnMbuv}_D)5U{;3x9IE zE!I>@X&9f7=?{d{X10cCM}NK9#$NsX3SVxB8InAjY@+>*)V;QZ46}7wh%^g{%5Uxs zM%AlTaW_rq@V;QBK+SB^%xFx<4ev_+$B=yWOx<`>lYU8k-jerK0n4^qcF_C98Fk2b zQBt^L$4H6YUw+fR_+j<2dp9ubfR-D_Gl*+7ij0m~x&_~_s? zfc)p{PTB?x*p{Hp*v6}E@PxB6>hTcZS7*ys;6`Qw>lDq$xii=FB<}pEI99*M{x+{> zl8yMk5F~-&(J!&u>jOi->1uhq+U-EW$WsT=kCk(G2(VxO9IRe&FP zdvVeiZQ~nLethmm*tb+2oPDjdvc094+oPOV=BM|q8+Yv6d2~5X}`y@;>YO;;C zIjFPZ@Nii)Ufe*Qw$WcH@FNf!KgT}^oiT^B;<1FCu?34|-Sb@`zL@jl)6RZd@Vwz| z&mHZ!=cA9H!y4h%J800|Jl1~K=Cn#Ag9GDs9^e0a0jx%0G60EW_KPPf8p}3DM$6AE zbZXCO*=@&F$Pk)5)hH&H^WMgmv%=8MkT*z}>=<9Ib`j70HGR)l=8LTHr9P=FlI8jz z?RCwwlf7O#az6q-MN`|~&&=I*aw-m?<*DH_NpHprw1eH}Ba~;!v}MATb@3l=6)*WRlG@c_rw#!}H(4bh8Zlj|lCSk6%}qvhi)XXZtkD)4Oam9(B7M8?ALtrjT0Ch*V(2k)pLl+Pg20MEVpbJhT5! zc$)ufi;&yPwmlhMXswzZ>VnEvM7dE2#1=eR_Z(v_@?TNM$bDRyo!9@-bROPpxbOQ9 zRaEVw)LzxpjH-$~qSW5CH?@KqRh!ysSFIXFi6W&&QX}@BMMa7AZV?(p1u=?WKEHFm z|3J=3PR?^b&vjqd>tb%cVa6yeSRusYlG}>93VWxG^032Q*(YTnaQ|{sJiF&Fa9b^0 zsz3eG1^|snJJUO6ZSnp3iyTSgy$X7DIKeJkLZXTPD=Hx50O*&} z-hP;4j!2it7H+JJ=Ti4`m&#y8_<7sxI5Ee#IH>%X>H%-g|ocAr{Z zqCW(D_Z73VV$@1CXB{Ye#8mG7yfCou2a*9K_EdyOaad;gpQ z96rDB1bYwu5Ta(i%5txsbBi;gy*{#oWYeGrM-}} zK$s!3%eKC^r)P$vRM5A?;R)>#Xh+OC(;;NzmuCYFAR@Z2)c7%vF>BP_ZcU(=6W^K8@wNS0Ndj6D6indgyn#EFjSD!GI=HyEo;<-7Hm3vO%*2e{^MZa2OZa*CyR z+P4Wz66>cF$Zds^Fk<_4;$a@fijh8T6Uuy7Us+SYN2_)c(|XMDmDtZ(DZ7zxg*X_# zrDpYdCM-|ba_W)fF;iwg_aD3deV?l=Ymjl1 zFyCwRVfq$t4BxF5`1|XB*lAy(04KwRzZ&&#sQc-a3>jxYj3xMIt;cbQH}s?K>hhnI zH3~Uyt(=E`i%qeknTFWem3#1*?>dYzU97Uop;!F)%!5hID4V3U*j!g4y`Q}|p( zZEv?b?q2-$NhYZV3Oq=}ECu^q_$E&1K_u>!23VLopELupozM=IpYt~jD3jO6Jey-* zyY}5CAo90`@BV7X$3GBbP|LlU9lXXJ@Gy!Nr0^kF$2dvgqtraw{Mi2kKO{RJM(A1y z)qxWU((~281ikw zB}nM?NDOYA;3-L$tpf!<o4-OCN%pwD$6Xf-h1-&FOt{DCYHkq+MzFA z`pX@{fsD5&4NVuli!`1Km#>DcbPOCEo+W^P0%W4(9a`vc7KqeDxY_-us_qY~{>%0p zbj%B+XatHpN!{QwBoPEgfU9VzsPLfF<^&`h-ijlQ)qRpqNqf$YBoSd-mKgb-esv-S zd!xGT{H}+uuevXBW!FJ#2qXq7YCg=~pBFj?lFs(7xA8`KJEB2c0=wC-z)zW8{_aw_ zunYb<0$f4w1z27Ez2G&>-&~M%h`#(?_aQCi@8%g7Bv1JA@34*NWkiw9d?xSI_36cP zegp8S!eDIj%&~4)4XKO$GBbp!bj#KogG3YuX!rG9tUg7`XhAxo+LDAY@Kb95lZK+PUbwO9#5ibFYM&3c7NHl_$`LozQnB7otr;@t{Kz*3cB=GCr9ok%?5u_ zb>;I+Fb;DbOIF{rXJGPT7V}r;kx$Wg)`C_^6DUrNH6a3GL zZm=hcF__89x$pqS&~{m-NZG{5>%El*f2fi{xo^o0egUd%)h|6x;IJPvB<@}xv#W!* z=!%+2*E_4JcX+n0>%V`J`JEqzySWQBI@J~h968l4aLHzvJPXc+r$!6@cUBDj$=)w4 z&!74S(A+ei#M2+M-fdL=W%#CC-j#e5i$u)&0eC?jpgzLf{2Kl${{0ElyPA8n{^R&4 zZ^v(4c;=rsMXp-fWqt^IC3mU3e028mrkrVAE01X!ScirH90uypR*JG~GpaN>=af_F zU?`8!s0a?1Z^+i&$sW0b*B-H4;j98gG)y=T{)X&!(IP*Zp|jz!ey`0w`iFxdLje6V z+gL_Zf6oh}kSJogppZe}de2f2ip@`|Qs{gq}Pqef9*kPh>R3rDAF z$W?4e8c+I$k11YWo%tlolzdPAoErS??oIj*J{`xstxuX#L06F>0UoB1;=J86kJcj> z-DRq?)Tc?DgPqGF_t`9zUUeQEqFg_SiWs=lE4TYeV$E6pL6!!5 zfnQCX21QzM7%cO;OU#gH!kPWYr03x+(D4$?RQkrPjWs3x8C_J91=|$tQ<5AEG5cqA zNb34sp)F!Ewk6YAfxk&g?!OXG+P9{9x?Emx8P%f}_u=(i)ZT)$L(^P9icu4QTjHK7 zp)!s=A10<2)i@G1U+^h^zcYFoeDeJkMDdpzskrYKDCQMc-n5`IeXt+%&);8?rM9HR zzY?>zJiNX{c-s)l#uf*bWGE11ZVgMUyX-mgcKXbMP7OM-%XGiG55Eiciwb2wSV}@T zQ7--P%-XjrPb%V@G8TCE5%FLDX&3K0OWqBA6@pA~DQ11jnH-;fcQQTt_EK^vNU zQ-SxqBr56DygXZvIw1~hXZMDyazax8MkhnDmtVQPh`9Y`PPvJrU3MdZ+Hj(q-Ab7F zy>|x=*XQrZ_>4nij5S?p739f?4c`u@;o1}Q_BUhD^K`Dh6spnGTw(wQhlW@rnS?3N zZ?YxOuud9dKYKr5S-Pq=nI%4@W}e4|-6h#St=BG*A+!W3K%U%syxJ~8pE|-o6=pCB zNZw(uyFrJB`!}!Uoh%8EO106%loMn2()qQ>>3DPhcde-@i&;<)-_QX8 zn+d7WK%&A{{%}5XpMAOO`j4U>4)$GJljL9WE-?v9YX=Sbcld#;mO2){H7M{`vva>O z)44%fOeSFi@$C!l?$KvwE(;*TMUHBcbmcY*$35rg7Oe~FR4j?QI(kFBX5SDU5&ag_QcW_+YSh3VBQ;`}{%glmH%^%1E-%~9 z4yjX?3;WeUS~sYH-|&-3zd+&skw_;vA{TXIW|bcL0QCNnT6W7tMANN-+CLOLjs1+2 z=)16(%`Lt&Hjwc=z#bD(w5+si^7!bP>u34I#bj`inmAq0k?NzJ?8A5cmk0^Nv*Yo{ z;vgYU^D<=>rO4L;dBrdG*feUZh!smip7!+&T z?TzFQXKDzG%d##%#QbKXiD>ikzBi)*$<;~gv=YK?VWXvb!@r}g*)7GhZu9b0x2=KX z^j&8?uz@LMO!U9=;KC-+3%>>E)DE^xW%&!{EEm53wVy?p1H!{m;eY>RRT1&TxzO`r zlG~9)cAO%C0YXRl6P+p-t}c-wF)rl}#He$*VPMOwB{f;g&Tv_20+@0KT0Av}lzcAr zb0I9M5UbnXwMSqU_SfkxW-RlQXp)(?5!fb!u z^vf*QEJ*?}e=JlixwCG@CBrNzAbD&;AM;I7ABq2P;zY?qp^%s`;PUgoT)K_8Qc}20 zR3d-PPXRO!|9Y_FMydLowj+Tl`ycs9>(zE;eQ?bn9|lS_K-zs1a$y_h?u&K5tH?gi zM@50(!}**Sb+mgy`Kytwvr6;FC+z~i_%oRAt8&_zOK7-ISC*uc}^YkMeIqlRyDr2fV`PqbN*`< zC4k4z&s{~^jYm-r!u8Epe5*#jSj{ztUuUrv@!#x*6Z+!k!XIIB(7yL^_S_zn&^M@w zO9m_E| zbSinzPUt;Km$aQ+(mEw3fpPOBQq;!K^jqh|1!|v|N*$U)61IdSXY54X@cV5~n#Yse zXyradOK6!Plm{aG)ka z#5V4uSa0^MQj)iytxn*T@5!sv!e2=yqvTF*-Un52S?`H`(UAs(MD?<7W#l)Zvu-ja z^BFjGKhIy7#_FkGSQD5rXl~5o#FYk{TjfKsT;0v6Jy?Ed z)EJj#d=Ztb)*C9+_X#5RXWuxR#j*x(M;<6=bi$u3)n=DDS{cef z_NMSyHjy53um7Y~xx3gJx7KBw;;Aegvevpp5-W}7z6_9_Bnf74WVYdqN^I#8eexXe z>%qyj^s%pgK=HGp(vIli=}4U{4;?7`PktdJSv$q3Vt$sJ<3$KrPDGu5#JWfZ&pGO&5nV z@>iYWBT)CV)SCV#ylJjsVbY=pn9wrN-TO)Qf}EjaeNr}F`@Z+ZtGO^dOD@%iUwwUv zC4q|cmY>yTevIgRoNyMG>T zi8IBr&f~6}-fRHhQ@=T)C!3GJW3cJwB^%YN<|BUFq z*NO$(;>i{Yqm$mN;$V=OpG`E;Y&q`A|DzXui_zquSFoHfnWp(>zo)W(^0sLf|HsCL zK}TxHPcM9HI9`*XGewDiYtA+9r{^=oGZni$mvTK1nsHRR9_Op zF!dB)Kc+E8;#UrVtUdOPgL92iA+nFBE^*Z~l4~kSjM@KWN>q2wHWNlv93+Uit*mdE z1jU6}?a4P{ht#oUCN1v`KI$m*%7p10(lXH=n6c5SG zB+{bBfUrqQ5bc&+;Jg2Yfh99MBc78NjE@JRRMo4^?*uTf|2d}#A@F79p7XHMA#K#T3^M>D$!Tc24YFxveTN6k&bAl#W z*ne2w>2bn9{Y#pc^iaP_!qJgmwxxuTq#opqrS#fgmM6LKlkj}2P1SxJu4;IfwdKnt zlbRuVSU~yk5TJ3QeBOkX(Yjmmj5_s}DD?14eXzV64_6LW0-iSW z^GoPks9Mj=V#K>jI^EmOd59+v8N2UY7CaGM#b%GI7-0`8mXin))3MYxPzw+17tXIn z_u4-w&YyEQ?WDuQjAj%Eo946B>q-*N4&Y&TR5@R)$g(G?FnnGpe|mafCe$Q(ik3DQ z|M9y{Qd~Nj;x1KeXnGh2g4={FkX=EGNZk7v$k-Ka7wJEjgZ6&OMty8K@L{wx=}5ve zwa>Bo#HG4}H_Aa_*eBD;0u(6yfc>6YzV0eMn06I!t{Qn%UGsIvT@)HLYMT5mWVKa# z;zNG*PcL3OgZyU@L&H07Eg9d_*@}Cd0H%_8`U-ByC41glnXTkX*$$Xe4!a@IB0b?g zsZlK~{dQBSuyyA9vqTM`w~fRd<~+DfBuE~{r4b}sodRa3XJy(`122K(e)k^X{j<Ej1CTd9AQt+JW_`rUZ#T}AOg4p^$JMa4 zSV2zDqdKJ#$IGMPJRes>PZOVqoP^W**4IOEwet6pNUe#Zy39l0U95GdSJA=!5JKiZumc)n)}!xeUK^gDZqT)BW<>aJBwHoCPg*)0a7HlBywMsl#w4}Mpi}r~ zJTxE(@8D8|_t(F#>iV@7#@K^@zy*7v>a;hwZsK&shw1{`o*Zr{@vE)0XYPM^Qk40# zOK|XgS~H%W($`)cb8+522o7+m`#p|2nPoCcTzcjvEgN?(sGhw4&r|s)Exne@UG5Pk z3Ree4@{BOYd?t@>bio_im)a;=ax)7E$t$_QvnkNiv_ZnifaI`@6}U(_JUaZd+o|gP znKk6pki}BFHIMp93}6`ZDH3|ZZ~4x#*GoCn$g-g-%(yKn@s-3$2f_D`3bD(PM1hC@^#-{pejKI%$O`=4Tic zB$7{g@`*vlJ~6VWiK{<66{P6M;(<`V$zCGP)w7&*k^_->jV*S`R(?wBL`{W<3{rykzVoK_H=k0oQw0qojb=n^?R}3|Bg_OWxb0o$( zL5==#6D$@8-$ZsR(knFKP}t%y-c_4tsTE$8cSVQwTcs)M)DP@gw~Cz)fD}R=@VB+p zcd|qFGgTs@QE=JU2m23vr^Y);(EMp&7~WEtk|Bm|b$2^Poq`v#iP)bBSJeYD8vD`R za-nWm=n#~Do$UhXIqr%+_g~b7!eQ(h{wEnHsD$+e_`jnh!@wz$(<;aL^fcfr>-S+S zY}&zoPgJ661?g-);^9ipfPkDk5|%AR>mA#| zhAF5?DMlZy?mxZn5d25m{aP zGM3GSm>r#cdr$x@`u8=Dt%+fjDFEs71q^1 z$RK`ifMFHOB3@Ns9>&Yo`ZeE6|9AV|({hwwI4yrzrZ&kKM4FOPW%+Zs3szqKxhgac zdMSC`AHD6;>97EXU7xF54bMqmL0!&BC%M)rM>e3XfP5kD=B7kWAM^mIjX${6{j{?Y=ggu&;cb}T;x@s?l9!9MMphi zvoGj;JEfKSbpLJn7rUFU4?J9on!zn;$16wj6%ps zFYq>a!xu#n#rY5hZdaXP&Ji@60~emk>0j+3A4|?K_wF`pCWU5rJ_B9M5qwIXX)B9+ z${_eeuy&%94+PCE*Fx?zGUqT%xv#_^hOlc3W8X~G zdtYT5r^nCZp4HIde4Pt&E7QBve)xhv62Ng@4KB1_;hJMF*J^3FzC8^uXsYHS6kG3A zU$Yqh2DZvOXHd(XlS(+Y4~zjd&kjrvE5gExVjO8*+B_OoJYceLLG|XnB>`JVWWdKp zMd4=k!l-*pVK3hDD7d$a_05U~Vw*@M=e6O}uni@S;JvGMeM1fkvvO88a}K=?J+&7d z=0^daIBUfp+pUvc=3P~AyWo9M00nBm}=&xmyMPd=Xy z|25@)TLzUH%m=6EEv6+^>YiCJ6_Jl!8BFxne?@>=+Sfv9M&EkK=!wsGtWdpB58YQR z`abjg?dLQeil>b+jTVVu1?Z5UjhMzj;`ZKNL|nSOA)H>Yr>ID@#AM||x!>-9u5L@r z&Hg)sTw=tY_+*68Cx6j?XB9`ZRQwFDhVFW&mt*iuC(fA;i6|y>a-h~w|tUFyFe8A50P`{TV%bkR(jD1G8=T_sP?L@1rg!Ma) zx&5OKRlCiVu%Q+lxndNXrWe+8Jby50q5DlWF;I^0dC91gO~-8mP4kaXJNVWr6?kd& z&y~IUfomLt>i)85S=s%#vLz9}GeEKytB8B6xzTrvq{*8;#cQ0Li+%eg5vdbiA(t8p zQuT^F>ETMY;{wh)odx~b1%DT!|LuIsEY=YCK&wPC`EUF2Uz_{;#qVknXc$*^Bhk0@ zTkX)c{`nhHl3l^OI1osgRFdw+Hm zZE7X5H7JyWvOHL8Q`Y}}=!X1Yc|82<1}IUEk_g&0M!nZ@uOmBHC3D21ew-Zs8xR8} z7XR+b?^VPuhl^k#n@M=(%fB$*s}tgMMOa4zTJV2Nu=i+2M~trLYxQm@rq?|Tws&84pob!B@kq5jp4B&opJ_5RxH8uB*Sc=b6sqfDrp@ayr`q1GTDHyn>mR6PPJgY zMs$~Z>u32A(D;=UnVWS^ttJ}@Z0}mZ&iUZ%9^Ea9INA2ARC#lYEJM%X4(x9^vbob$ zAz(DVFuqp4(tRI&k$dTb%^a7RWc3ITvRoPWPX}G9dA9Y{mU!M_)bsD5$Gkq;u^%`6jkV+b|(4v4B zY)p6T{i-PNTg60ceJvuCGb0&oFOPMmuD|Ev=mgj$RU04f=Q~6T8iHXCD$(GQtvMO1 zd=E@F%HnqMs;)vA786`j?P;gmBBiLMC^s}>X8`+$i@t7efR@fBri#C~U<;Mi3`!x7$ zVwF5bU8eR{T~Cc(#_O8Kf`+95A-3yJ6>Qf+V&kS6qv3eH=J2iw_uWVF6@%#??g~^( zO+M3{jN6ENvSz*FJvIZ;A9s7`z1KR8-Hp4$6p$4CoU9%cIFrCK%eCi2VUFcamhU^Z z?iA7O)Cp{n>|;|KN(m_qdjY8r&z!+~b3)^{p&zLM_uDLDKm$Uj7w}Et#C7$b*UBtJ2Vvk%{1hQC-n7#Avpll6JMQdk7epEgx^OXNAw(1c1fC=Qp*d{TNk5O@Sl_ z_Yxx&la-M8jBNU{u))i2q&)-Xg|-@`Pkd!0GX(gZ8Qj z!^g@1Ntei#$RPfUFz+?SuaWp_c|i!HYTqU5NIEx`Q$f^~RjJUMm%y@TTvIV|?+sm8 zazY6#(p&jkQ%E@MRhjij8u=&i`Sx%YB7~=D?E}AqR(|Jz1!Xf(ajr4}U_=M}rgGiS zThHFA+na_G@InW8htgg3^ks~sHW$BpX4@I!&O_acDNFw2_-sbzI%z6Jlk$;3!5R|b z9^Cfu=XLAeE0V&#p+_Z_KAtwB4?RGR)U(}O@M47z>2w$>So-@ zgY9gM<>Bb-&E~52$1k<(pfN}JDp#k+mto)XAy=^Lqx=Ruk|3Q9Ql}7X>92U>Gi#)!e0x?^oAzw)7dnSDDR1Y+_0?v6<}}tpIr?({cOX7u?KVHDPhOw`uWVnPyZVI)9!C8L)oBgB znG9~3+J5k<@qH22)!28!M27(K!AT5L+*D7ES?2|I_c=e-0Zy{n&gFP}y7=Q)#C)l1 zYC#DaPdy1uNy?MEwhVCVM!zwtJLE2YPhTpw_efTr?uGf%N@4(5u~D z4%chZXPkV?$dzy+4(||0{J7P)0EEGRu=GpoZwVphz%W-P$5&X6wvihD`o0MXIepzx>PF^_+xuXNW%isStf0^mWn(I2o$`hQz=Q0?;iIrz$hQQMj~a2`Zl6N~M|0 zDG9^{YYiB#b(37PjHIQ!zO#%fg@$~_5I6xmXwn`n6hiNQ(-Qeh32w79v4G2Knud+U z%>gCyxtdj?ZN*pvx;EO65g~w|U*>&2L-ERCraP8A>5psN8Gf$4;!}()*mrmZpkBn- zW59pjkE4#IzdaKbEORa*Z|=OlEZy?IZpZso`HD}@JoVkmY;k@LnYdm$0m%=K+Qdz2 z2{hz9*-}}o=+QA};x6&#U<>MA;|zVld4pBkbQwP{M)r~h1Dz(7Jxdz4EzEHKc1fr7 zAa8Tpq;GCnDzi5@=`ssO?XPVx%085S6<+Er85xuTJaFvz<4mJ`dTFmm%kAvnOXj8B zwU7}Xj5{f~OXlPmJg^b&CPcg1I(Gjnqw+e;ljcO;jhb<2d(y}850qneThZ(uO#hAOsudT~&BJUv%e@t-Kbc-W@g?db8myi=@Ko0#f>C&jJcA ztM-@27N7_=odqsmN1 zB_hOy;%wtL7t>35VbvO&Cqy%(t$5~?Q*qyRXIH+|O;x^uvm8464aGuKZ)m_&tMp0u zir--9-GFu9MxeTYZjY*ZD?m)^qtruU9}Md$FRY+Z9VlxWd;DMJ*HAC0=Tmy5_pQ;l zGz{+OtUix^aBX71&gHdp^MErK;Obb0HYZ1THBpLU6n-%?qyIe7=-Mf9#W7;qe!~;^T z=d@wl7jBB;$~iab!!ghxCv#;8{cu(;`N#Lsisy2v!2sjQKrxaR$_DR>;R*E2RQ^LM zA~I>cm9XUg?YXj&;RPxnzmtp8j@K?aD6^7|III$>mBhhpL+Z?OIc`zz@sachq|gS@ z=pIb*oFP~kjfK)y2iX&=&}510XFqv)K0ApOnQ~3+|Cea|{-T{ztP>$2K*+U5QaFGm z=cEm58Qk`dGT1%ZW5mjPKt@x95&MxqD5AsOHuWE~B zua|H(j)UdvlKQkk`a741Fs-LH-7849QtFwA>D3NsL-K2TcMDAlEs59B_SH*T(7nzH zzlDwvU(7gkWf~T`rc1qgZ*#579tI>^UqIU61z$UOy#*E7XKCgEu`COy4fcGnf|i4Q zL+!zTXaAy53usH%!daDT9M)|V^4g9_8b_K0e}>WkOX43z4rx|KO{e5|7TPo83jn!A zaPQf6;pS1xPra)58Yasp?scdvb-i-rDkd3xBAeEBB+k%N*t;NCRQmJZrN z=766|@1Y?=O?C*eQZ{7$Sg?{?b*`A{`}(2_Etb1^&=?pak2j&E-wsla{T`~E!WUAA z4Gp573dD~EluFmS<8SfF`<2^$jG=JX)aI}8I$A|Mc-q;D8c^H}EvmOfrgE84Jpv1S zavLk50$9dfVHS`M-JSMRB8CPKD#8Npcr(B~`=TAjq679&KXDgdmmG8i1L8s@=f7mJ zlk-`!BOceqEh;osBQyCEXH)+R0Na(aVLeI@+xMSlxo%!eh&K<*9oHw zt;Rxil2D7gZ^i=!RE=a(uDdMUcOs<-e$n9H>MQs+BU2RjOwj;8(Qch z9(p64WC468iw~P?0AOi;2Moy}QXJCS(onX>*sG-??&)xwiHr~Y;!WX=j;VV&PaeJ% zY!OhP@LM7l+yHMw3!WHT&T{Quw|DOY8f|lq|DovT;DvU>_mA?dJhP(aKm;c`uCdzs zW#O`%%eLAn!%-^oc)6Q*YOBE1-r7@rX830ohZtdB#Z5_p~n)f9eoR(cyHxgS(;He#^S}_i(aiVL%8+iB^7A=cs`fN3Cjx zp7!rJQE$R1*?N?yHhYd>-|OV2flo}HG?jmM`s=-fAXcRT$yd1P=K(Ax?C+u9v{$X( z)>QC$m1Xuq!(41a7d6>`%`90}4QeocL^4$vn)**!?dVOBy&+D8z8JX8say?g+N|b3 zRh9lRz&~YN`tH9aK+gkv#DIUP-a8-ipz$t!@Br6;u~{d*g4sL8;oNL5-Es^nvliXr zk`*cCr48StL_l(r>>g#ZXk&PI4w%DXPKqC&Y>Yrn~o0G)o2S+rEe&iz{%&Ii4=+9F7k z?!YRFq@rk30|)!HZYI(Y01g4MCS%7@3{!qKOxawO$xE;2pIV&61sLRM0{~M@zxut< zR03(B@2=Ia#CpnG1U{|D?Sa<+qkCeL5GX;aC)4O5cv>M>2AoU{@W^>)r-^IE%DXeD z9|UO_I~R8kg;o+%-}htmPoM|Q%c;>>Cv0)lHJ{e%1^kCeI5e^- zhm0{@TOZsR;Qo74{0fd_@X+dq79!Ms7B<SWlf!I&I$lO*{dwo=D+SD|Do2_iy8pV7bnUd6U3FTsw#$tzU(Z^jnzAUGwwa+v~zNkXS_B5jW@2 zNp`W-zITn;5M1)6I~xV|5--?LtIwOcvIFz(U!_ZLqJ6i8fYm@f-)b8uQSfNBurYYey0kL;%H^cb zIlEt$j|F`U*TcGI+ia9TD`;=s6KSYWbZrx|v6#p&o_+?wD9-{B@OS+|sb?&jt@$98 zD!HW2Pndl1`wqx`#ZBQUL!danelK_|kV}8!BlyP!aQ0)aKna25dWK|)<|&(yR#IwU(lUY1+o~}o7RRR zv<#qs`h2e~!q(6zGcteXTL0*o;z<*X-&~z#5i7TajH5E9+>`I6>-U-v^8%!n^h7Id zOgNoZCd2OosYLbB$UY4MvvY>~3mF<%VF>im+*tWvxowHki4d~kM%MJr!*mce0M!KV z)8k-k$5@Aqhx3+d%cRPi zmnsZglSuwt5Y#-_p^i?Pu7}~Ha#m5NvlJjrxt{MSfF$h+Rv?I3>ZGecI}$a>5)s4} zUQZ*DML30`8rS~(=W>5}^{r-3KZq=`N%jL1N$6T1F_r9hp3*aVp?X>Hk8Btt4?Y|f zthu}ZcqDp`zmf7wxxE^|ZWb*6LbPdez3jhP`J;LpEY z2K{*DbCjc}Ej0~_&aK4Yvkz4M#lCczsc3)dlKrAiph6V<(PtYMwhuxiXL!a-`pQfM z@mqWrYV?xm{W$+$MB%r?V}k6%z~8^S-CkoSFdxamS`-v>FJqT{O)Z_}lh1~8;;qaz zSs7VCk~0DK^RUlYZG#duj(QhtE)M2|Aq}<53>Q=nPPg?Uso1{na}%8=Kmi+3=f6Xe zJ#rp5&o9~Cpm{pN#A;(+^GC62JhW|f!EK7h%a{!q#@6bm4Y8tUaZdxiW~hDooyr{2 zSn#rr`_{~lKh@#<6+kVVK6g${1_+Q=k1wvYxNz+4x6h1mM4zs9ynLl8Q{~ala)Yqg zFw72mEzkl40va1behmNAxje&niw8=yVp$3|akvkGzJ)MSr`1&;4)x=na{>02>Tsh~ zFv;Ld>ev7XanCrC0Xi28itoHfYh`3xbuyegelN=6tMZ6#YPB+9Rut=;S_%n_{Tcow zw57J_d9W0gi|K1_ULfRC=5#(|IM}cCtM*aSk{m_DL$4+_hFkH{#AV1891YAZt90e^`+w8TZ%P z7S>(-~9i5&Q~rI z;cyPXG(G8;QDW;jGLm}t>?#}wkQ#F2{GI)HP>0H%h4tt=XU)%2i7o2n-iu=Cha^qv z?C6mB!N*^lLCX4f$n5i~d@hOw8>ur*YBgwAC+B_)v-k0z7Mpx#WeU_eF*@iCc31e6 zYzv*FdI4eq3PX0|#H+2%C+{@vUqDyv8=l~|!`8%9zA)VX#3e{dq@Yl1dSk>O`D0Kg zp`%;Z;q>ZUB}8wIbQqAI?}2n6@bQ)r(S2_Jl5`8H zUu|QLq)|R^%s0?FXnQ1@{RW}j715SAtKshu-7O9~x(W_n-COum`8H7MX?#tN1}Ejk z2K0NYLtSPUd}TM}pOFQ{TxhcawnY&uM^$F0EL_GNvf9O_v2@&5`8OzINQO(lxH7W?3%dCNw! ziLUOY?3JFnoye~t+NPadt7I)c^OpUfq`0R#+VMl~WCQIXoVa_PvjJW8=euqNkF%0K z0c%KNSw-gJLMv!|#|^>%fC1!E^Nbpe^W8FrNd3JGN=>Xb|E{R@`~TOzbv*vSaYNP0 zrubh}o#MB8RQ}iQyEc%Yug1+D+!rgHUfkZg-?)FQT6LIJ92Z(+>rZ8~6Z=dJz-v1e zJDklFPeWSQto`B!FnyipseIy`rteC7;Y7(C(PDlyV#h|R|ETNdb5xXr`1SkLZSBNr zf~3_ghJT41WSb?X|5B01RF28>=(-!tCmreTh2J%{kt?WqpVWe~!p)xW1W<$J z3^#a8L&=p`EF5j416zlHxu}F~!p_JEIRw&37e}D@c*bHrA9^^NK4cLezd`y7LPr>R zBif!rHhk@DMf#d#-6H=9^3}Q*i+cYa+VHooIKwB*Q#~omxkc?}`MQscqS=u#&S;T( zXd|$aK4`#h;xlVNjrUvAZMT+4u3sRzj|9a53iT}`uPT`EJ$~5y%c#P%#@)W`_uf3- zuWLvrK;7V|X;B3ogf`s`FCj#DQhD3;_8%=5N7grw>I-9)zB{R~d+hJbHKFz|T0h4S zT+b%`X@#raJ4vfE9j_iMA2A^!>-zv^$L9zP^XK{OEh%|?c&6#W=-IX{Ur=%~>g5>8 zfX%a8Id1Ax^`XMV+~s7dEl%L^z`4c^szru-B`XXnQ7viHz07gZyDyl?CU2}~yfbsA ztvczAOP*kGJbxs6=hF(ib}J9#G{}-vO-}r&CH%Ytiv)&5}B?n+M*&k2>s#z`^J3vE>_-C3{17-q4Cr<8o zC4O3jX1w(6N1R;EC%$8;OGU)h-MAQS*RTE+F}1_{ec=w65g@9Il$YlWI6d3>vBYoj z$gB-CewN*XME)u9gK}l}2&|rwW>7D9Nk0gZGfgRF3)*d6STZ`MV|K|npEQGP3 z;5yd4HlO1*4_gMfMinfCwVdxTYgGpFrp3$wKW~SLf)W@bwPUF`9e??YMGMVwd+2 zOWP$}t>~NU{YkKkNL=K=M)y^eQVD^C4ngs96pr#c7yo%}7~n>JcNWdJ73-nngl&!S9O zVvHtcDm$&eKNaF^fA7sP%2GHD9>_&7+-u&(NZgxnms4_wq=F_vQ0?*{2|6jJTZ3Aw)=nR1B>0 zD?aVzEoxL+)5)ChJDBleD!-rw_rw2WGlE3G^favI7J@l@NH5l%?X-_C4>52ws>J^O z9PJNyY~R0J(rVYRsvgzcq)eL-@sl!{w!2&)`KL9NIY&JJbarv!ZohX{>_U&CbIO<@ z&Z0sn>2<&b;cA-D4DBPo11{5~;a#Sl2f~zARPi%Ui{CJ;9t~jgtsq;l2wK6w4sgVszFsyDE4$|cuXNMlP{eJUa+4N}+yU*L(G`$nj5XH`I+?Uj+!aN({;XJXD zT<0|=4Z_iySj5TSsBHI#MVUv&d#}ju+V(6jL&)U!pkz_?QbaSj$zah$lI_wjLQ_HH z6q_Tmx(cd4<0*Q%hN!ST;4G|-r$EE_5o1m#nWPxuV%yMz{m_%W5wqmR>}K2oCykH-vqI7bL< zjsBkIz0b!pi^LuD^H=_clR(jQ675s_>Z1-db#>ytsqm5X$qfdBsI9#E=(HTVCQ9zE z-XF?dYB5AD=k;dl%7Hzv!1i~d^^CRE5n7Z))Ku8(!z?bC>@h;nw}dD-u-ZnHYk4MW zfHBeNP|i?NR)a7XF%trHgkbd}{>DD`7$DWUYGZ?^#_a>9eJYG)3LJ~k4P zf27+Cehen>M&@GO-~KYo+$G8LIUTx9vO3LCpRUyFp~(l;r>PWK9FAZUlbYDpRnc4RJsC@2_O(@0G)+_lVX&s7JUw|690e zIGvO$%^%AlZLD`g6)aUS7B1uzWFzhVUi$+;^eXt`CDq2p<*?f8K*jF);X}~m! z28O@_L)8ugH?2{Jz|&gaA)^rTw+Q$$dnw2;2~ts%Yskoq%gg6{e0W?N5*!o+X)XoX z?c+VjqX74ohrMZD-+2Fu{3J>#Ul(=)kkMkZ5(mE#r?X?GQK<*3T#D`xN6ujptihM+ zHFj+m{Py=E{5EIAqge5oN4in-GmjRhI6pn&)>effH+lslsWrke-A%}&qef3h>%=%< zBC&3gt5Dt_lKJORvP8G_K$)wJIZlVEF}1ausj0~-N7DuU5O&2QD}~~o7p$;<+&mBZugh0rgOax#0X1EBrF+ix%FUC6DTBw~!-I?2 z)t)#A02vacL@Tqc2?~#b$-jnIqcZCK{Xn0F%ZzYuV!jLV-g+kXfr==}iS+#o-*g^A zx&f`!>7CgxEfcrBQii3Yy`(uTs^DY#w$}Yy;z|>GE9~ZnY53S%imw`&vIf3p3M zo3@zsgelxD_3fi#^Gmca7H(5sw{W;6-pUbspW=<7Y$sH> zm~QQ>%hHsl2#HTv08qu}smVH#G~!=7hj&9LZj=Qn@^djU|NJN~v4}x58nd-il0-U3 znyMQgnp?0HF_!J?(Qp{Cgo-LJ=iZfR`6_mveOdd!*w&FuNh}y^i9xF*T5A3nAanb_Thj1@;h__1D^d6NOsgMqiRJyQxVs!Z1ZQ7htOjY@B3Vv8|!+l z_+!JwT$Ws3Dkaq!Q8t{IY#YgWnl!2vJK-v;!OHvzKUz#j+`o5SpKMEX&lDL*72FX> z!yTztX7?y8*o>%z3o3-&+V>Z2zI=B&idR%U22-csr!hbVhb=<(SW}4+!5GiZnkN>~ zgIzL6O9Ncj0NUf38bwyPb(FuM7vBR7NcpUGv>#|`ktKWRYMKP)uVhR3ybK^udy7-VyBQ4mQkd`LzNy1gaPOn%r%nQ zyLhwv_EI=iEX<~xXoa;P@T*tqivaSk3vtR9o3ZT8MZa79McAl~tcT_o((tqloKunml zsj$l!4elQL&|?HY;cT?~C^}Gt?tqGc?C*-lrb2t^+qz@?6N$?~RF$M|`( z!=rPEh1yQ(|L9^Z_c_P58aMNJVmyjeJ1K z*hL`FK3R`>#(RFe+zW80fs3}$lLN}Ww-~>{LuG{FlVt#JiV%R_kU7PKU0tEa9Uo$^ zFV92kgfJH#{a(`Nqo$~aRB0P)JW7ZXyn%3r<*2f(cnc-Hn z+R4749O(eK6sU1R8;63MXl=u)kTiTiLs5x6?>en9OU|hC)h>FFJo?k1Owv0t39Y;D zARG&3?T`)y32p?Teb18-qPNm#8Rn*`5M13g7Uyt|u zQeQWD7-~U}F&8-NCcB^$>t-n7a@nQ74iGp14<0~a#v$d>S|y9D!fuYfumGKzuR~ys z(~)4Z(fj&tgA6G7{F9ouM^>}mFk|CAG{RHP=V;CE0qDHPwe z5{Osh=|iZArOMFIXT^DUMpg7&N|nMCp@b?tfw8-KwCgfGn2n-p7WdyvEzOJna9(oC z%#N@l-#M?+jDjJR;w#R^|a(|H2DRO-n7^~YvXKyh@bGTm{7y?>A4f0&&s@2UyMz8P8m+R z4O06@>@okVfo?{UbwBO-EmgB({cp<%9n|S|;S)Q4a~7WR$|apOa?3mo^*lPN{=Whu zSW44d2X^*E)QeiaF9m*!(W(uoKDRP96`kf5jSEHw#S1lBNkq*2!*JGsojC`&_C)RO z=^yAbjL)+DGioQhw>@%_*~*7+xHVr)P_xF!?hn%cW6 zQVT}Z(j8vi^tw@w#xfn6n{NT>(!+7an!^Zom9(Ep39;<%4W=(_RjJ8Y9}`EiX66{H zMkox>`ov3f-Fr>R5v%wqJGSz-ueXkOLeFJtuT>O*(}{O)KUb%HB3sA;p3C9#rXz-o4yEatzWrrblM8{AhqKjHoP+hsK4JAg%C~ zDqy6E`N9|71QqJdu%+6f{I2(1GO@7R6DGE_QaxlRb6^hcsIFP${D*hk0gC^|>B_oA z+6%*iJmFZBt6s=ccz}Lp%MxuB5|x^UpX(N=tML(}sWs`yrk8VX*OU{Nb@dDqrm*3J zIxmG(F?NuD07tz0nG-G3(QBWXa?2vJXEBt(AXpHH?*^4J84US1++dynT zvK8**P&s0Wm8YZj(qjc#={_(OVp&DR6EQL{>F!-pHl9H0n8;v;80*gfU)`S5T@!xd zsKpzC^5Q)_AY7sgtE^5|$14yfZa-j0HKz3UFuoe?h8D34cZa*=JA-ng2-Ax<>Ig#p z`kcAP)p)EnKqtStK3I2IIF#?a$keXDxKS0{wy}Jz#ilGunK+&6mRs!mYf8-ttQk}# z^wf(#%6?3#kkQgadRBi$`6G#x($wvL>nfLe-PHc{O`+)e)G6PmE-52+%M${nob@P0 za}VdowDceOm}ynUKXp}uv%_1pCe0s#`Lj$Kbghg+j;)N0JH4q#X?!&QNmrguVVR0w zi$kCd7~B(1d*jx-j+$u1^i*b$k2=zy!+y;m#Y$f~kPF4-w2jCz*8l~D!0?va{e(4R zyup-0A-1ILhJeO}T`iB}tgTU5<1PRub1%na=(5P&Oy4 z{~mOfLZH?nS-wN->syzFH)mI?-PrAu6l?c|0NfQC4G?aQZ!Wv5c$_J6i^A6QdavpW zMUDuPIr>$rhmA9$yjfoS*4l5-{n-BNf??gG@`ouX*OyHhCR%RLOMr!N;_(V=s;!p( zkSgU9 z|4g-Rv%E~e(1Ejkvy(uKZ5xT+V6F)BdRnUM90)X@3m!|0<0C zFI6nl_m+4xyNYfzjHQiJ+(F*rhr%l!uMAq18?juCRxKyx3%>ZDcw%9Qr92f~w@yYr z-w37HR0TxM;IF{uM)E9t%rxk@>CMsls(hDiq$f+ze?#@1{A&=}(e4uDwD91!_fP7K z{T>E5m`xev`?}Dk*>lQ^iH(~l~J3<{=(4cm51xAPbcJ_a#h(CV`={9vS z)_;&<)^;y3Nnan2e%%(175K_MF|U@65vrPebX$<|mv{OdRDh3Uez8C-fP7cEr?Pfv z4mCOn4lX#dQrQ%-;5ez4T6x^@#z_-|#o<>XPn~97G1QsoQpg3ATc!?FjD2;ewnYJd zEPs*?f|vnE8?9En_XsOl4x4>8hi$K-z@7G2jV5Wl^6VUg*@2xZeFH~~yEOyd zkVHuA>`CO^$&UuQ8=BiAtUR0lmcJ;3WCje}$q$Cx#$^T3m$Ha!69w5Hnlg2)>C@)Y zB;6E-NvDdL5|-TSi;t(dZO(0Kjy`@~ZudSmWhN$MOy>^OWWNJ;GT*Vc-dg3Fw==6Q0BDk`EzZ{f=52I-}4Ed280%UvY}7% zdnTULt{2lebvY9WYYoy^D}&cQzaN6fs=YrJQ{w0SZF^=qnMmeQnr!Pr$*L~@sUSJJ zCfCM^dvt`NRfk6H-NKig6WMB8o8?^vmRHayBn&P2hF=Wlq3jvpTcQF77uP&c)$V%`n*{aeK7r-_SR2U?gw*i^nf+Ui&T_l zd+`zeymR3ubmKi+f;nchUkXtWXUx7Qw>|OK#}bK#(mQ9R{UTvE4D4+3#^6xlv>fRD zwXa+)QK4uFyZ0z6ljM};-zQ|@SJEAEspq{ke*`TkuhH)0bMN-OJQR~8QedK=Og}Tk9=UPUu<+hi$98T_t2B4jE5KtNW#EiO;g?+$w0Rwpq z*+Xn@QTH14Z-5uicYcJvaM6)QmN9v4TbW;+0WPwgI$5kwg<%2;kL|BWt?|l9vZJ`U zo-VY&-QaI7tTm-x9rPoSOemI$efdrx1b*5Lgd(pFj{0|--T+-w(-suxepct3+g9ui z7xmptrTvgag(^CqWw!C4SDf&XX>H==@Vrseb&`O{p7XlZ34G^;U^j@ z${0kEm04f|&dEeugW;X*u%5)Kt(*@DyG+qZ(~)f$yAwHMIw$&z`QxJK3lPTFjiY{_ zz_^emy6ygvEnPJU^TS?wCU~2xa40K?0h{f-5J3OPry?ZpgqG9Wm^kQe@xzH@>^QZ< zZrJq^-U~O4_D~QWmmkD?T%4cNYCOzjgu!)(@7rF#lld~c{lDH}%(UXqDU{ zWgS01%K7DL7t58+KW%Ptrxj9_QjT~i1QdZ5_$GXt(pod1+D0rOX>^V)sX~Lf_+kXw zVDM?A+fX!%o`|8Qi8R(=VjF#tY^GI#tHMt~T#`8;83uC%`9+)?OjskV!K2jVLBpG; z+DQd**O#jv7JsU_>4?qttk$-C>;N}hF1qo-Sv+KKm`lg1HfyM(uMu+yLR94pST$pU zpDpcvq_@;=u=aJk3duRN>Xv?rPpP5c&C-b5Y#cC5a5(leD-h|I?4}bbQ`GdbukQdx z1@WiyB#PfsGrz=kjKLdb_+O zcrKt5C>uSRIznV5L*l>8?oNFmpPL-h6FhxKT{^V+o|9+YpTF%-%r34x!2Jqy<&fJ$ zbRlZhLWkxd6YJs(`nmR)1m6kQ*N!LkmSf08jK%I>bmmc%&%evYY%}1cr??YBdj*`> zxIOqy8UJr_Zq9$V?}KtWnZ}qrs83v>%5{k*>{giWjcSrcvUZ{eIG&2TPa$7KY9{m*)N7KQ zVf`vMOPfkX?f6W~b9yHd=ojvMjd9HjnXP09s!~s%jtHiGEF#&yRLFVP*_HxDrnsq+ z!jVor6T9R={y`WUGqtxVTdz_WgIN_DQ*bD(97DfLX?6UqnB6KSfu%U6;7ZTiCVw9% zwoV8wXdgkg_tps`8~RWTI({VyI%J{eW|0kpvZ4A`EYP%U_wZIY}NxfJK>iBfy!RSbwpU?xi^mnR;G{( zGSe2*U;hO``=wqMt9~y;j`i~t?4XcyP^N0nCA~*Qm|z?S6LGDwW0li{)=}^3WmIS9 zzytPj%VVPhCXNQMX#z*|k=oNZgJfd_e%|Mq1o+p_d%9cpmsoQa+p#TnItAOap`bsb z-JoJP!`tCL<$>tlcE7dHZ9h|S*?}r#@62!MoHZhky4SA}S@7I6vQxUG3I>9J?VcJ{Ii9GIFw65>N5?NRce?lKgfE=vqGI zOM9W~TAsb_^Z$reBe3@#kT%|?qZhx7xS=YlObxN#p%Gn#lWUMG(Qbp7&LKlEsq&bQ zFJCzEuAs0P`e$WvFf!p%fPUTTHoG(=eL32uaJUhlAD)0F8NwY*oSk z)CcR*Q8qO;Qkq&!eMA=rPd(Utl`e4flOyAj00p+qPv$RG`{&KfUI zbs?~Vov4X)yWY+p5i7aAIlPazbW)<~()$LQuTLMP)%X@Fq3B1UXg~o0kcbPX=1+vS zb^;4lvZj%9bLbN*i>tHaTC9&XlBs>SiP3DAW3cOJJsp5qDurI^L2gcip+lN*qyP5; z1U2o{#Z|sO!9X&mEU1@vgYUF9TUR-gT@x;{@MsUfDPZ@sbH}@9$s2Z$<}L8-$h7PD zw?o*vJoLFfCJ@4a(EH?E;Q2eJ43~Hv%PNJ=YS;x`p|z{a^meXqG`~~QsOtrQHe0m9 zl{vNrR%J4)a{CVJz72^RPmcn^oRLa}*sN46UgW*H3}VcF#Dx4)QkG#GCSb8|I;^S8 zkcf_UIUQa*E%JUqkUpLG+)RrBHyMk)lbEDpm_W3kj?=CXBy4*;0Xme!E_Rte$*zwA zr>-Z1GOrPl-|ZIMvvoPY#7dL%x|RwLzi2FBky2rW$zjd+ifL#J5axJHY>hPYqk=Nu zmt`YbN~a&{kn=|-5RSFH;Fy_~9*(KE*eRsK;*$;;o`0(knE_N&qLw+YGvmM8oxchj z0}FHxwv`rFnR=X|iyHhx%h!lf{Br#6;WUwO-a2 z2RXmX;u((WZnwRiAQfEJc(1(B?C;*ar7V-Vlij_|^4Ju+w3PE1_8b;Z>yoik#m4*H zI`Z~2UQQiRsZALhHi3p&Uhqt($Wus8;jJGN^BwlO&O8y3Wsi&ch6G;OQa^$4V>f&m zhs$f<5!=%CrBpjm2ukyI_{0N$WTO5J6k<-YoC1KXz<>J;(qJu=X24KCiHKznkPSEI zxzFplSt+JyBIZdHD+A*={Y**05vGYv7p!!vOg+1&vlkg$U5T(b&=(Oo z+BDI=8$i#UY>UyxSUfptPrd&WnoZbhzg5WlFhYo#h zf%e^D^(oi({4c&}BvqMU0CdxWh=TRz&ChLiZV1dD3p(g>&iyLL!4XX-<8xsW{-`xJ z(YjsXns4B%PR{7)-M@T^L>dfhB-~n&!tbQt->ieK?_X;~O21FfccCmR+v=hFa2894 zqzsoTrV*HE_RULirJIH-^X2&Xk@`ZgLPFq-k?WrN!vYHqm|x)o zuaP^+Vw$sTf8@*$JW(l)#uK@lS?q1PQ5IWh;n)&^x1%4G4We_=;6aNwRRjpj*5@|M zG-joN2ha0DWN-Tn)t^YMFa~d5pa!xY6nv=ayw$<*?ZbduzZ)ebA~pr&Li2b9z;J$D zi!)Z8u#I_txOKFW{aj zvS5k&W>3+{7CEL*zeS}ur@h={J4eY)h~MERl2YA|r{eQyJ~v+-@{y^+1LW6HsRnLT z-%j>WN=AW0lw1Z<0rKv(m^9N5D`P*pmZBG+{bi2g62=-#M8R>mhp*N7)-4BU4P8dS zeuy0VEIZLZQe;}B0ZINJ7-m5OcJ{SXZn#Qnem?eCh+z1oji6K)cYu0VQg(aF`QHhu z&bz9{2MV$DEdPR>JYmIpPfFW15^v?_Z?{(`w!Bm#?R4O%AxpilDn0An7Hs@nJQz2g zE~;1o`)z*~-)gDqXU;|9aPQs_e5FL$T7}#<-`Fv`;<06!Q%vI*v7hh&>4%a8z554!3T&hL^L$(YVAly6 zu=QMCh$t;iUvV{GtEdCzz}TOFXrXIQeOUm<7b-Tp*UfugtT)E(AB|Ho^)KFpTpf%b zeHugJ(IDoC%(*IjMh3t($(!g8Mzc%H_rW-l-qFliybdc_oB6sfKZx}Uvlt!ZY-lVO zSa)*?65)T%``BW^(?S^K9zC$a)ZsgOr_b-_Z4YX$E5sfE!d?hom~e9&j0@4zKON07 zu-H;OAB{~WPVt%5{xKN8jk+iSEpoPqXDs<2t3*1pQ)@k#M}q+VvQApg&B5@Z2I!v% zgCLv?=jO&$P>6uiai)Ie{^YbMF_e;SM;)3V7Ko~1%iTrSGmJ8kNOUiursw7|kGQM> zGxC&|*R)bI3K|4`&4Bw4I|muAW98lJ1r(O|yw7^n*J=l>7ctl%gAGs!HHPQr7oJX6 zcN1md0lfFsc-rp{AU%3&x&N^^TSCHH$JpqE5E9zFaB8WDlE>SspQ5>}Zw~w4@!l zT#i~ju=lC|4{xgC)GMnhYZLK=Klj7fuZmMJuWs4beAKZ@Z@yX$zOuiKV|V&J-XC>g zkq$j9W|KBo4AhVBMWXn;|9HZtzZGzOu-=KpSRqHdwt`}cI1qKfq1DZs5(|X192|Ip z9(>_lo2*Y()C(?nYWPF=l?rOd&6dG*F=T(h6XkJ{JNR?$@rvYQs{2OzoO@~#8to&R zZVTu1RgNNS6mqs)e$6$mdlQ-tnmeZKKj@2}aCb-1kVyOrqh^UCBM6|_(%D!$ z$R`D|6AKk}bS!7hg`r_0@MEzU8V5@61@sAeW9CHGZY;YkctMQ{?uYFmzx|jh5{8lc z?T<&DO6g>=Ov^lpU4zntCG!mj;d}qREEsUlri=LT2RZ8I<$tU=GRL8D?=u5|TW9G| z63Z?Y|5r>%UFlp|f2?0`_(+E5kC{AP5dmQdrye4nvZYQ+8E!iW5b-{Q)k+ek$U4fU zLk_Jp_y?EKUN~>se#hVoAMyof#Yg&18w7S@z#!Ml&cKmOJ|qc}Tbg5qh9eKkBU$LE zD?R@HOTE*^rRH`_q$qG&9&pyNb3&bshV_2 zt$01oS+e~+g_A0@Vs>~O( zFom4gey`3L*gU0}#H0J3);=Qh;(f+VXunXBOuayCIqL(`+y32g9Y?$97)73^#QW4j zGiqZd4doNCsWF~U-m!}@&Dt0Smn1MhX>(O{(y4`t!y%}f&s$vqc;f$n_@)H2+3RI9 zN%8pU!BSQUL?S=FC>@##J&4Yw-QR=?Q~Wwr$ttVJn9_PX?1Ago9xGWfi>UUgTKz`7 zBXE9IA}X@$){A7!Qce+NA1y!Q;shZBs6F#Uoy}XScBc(|jEBc%e&J+ZHn|H6llRgv ziBr}u^!e!sf%8Nnz#}wv7kzDq)6G}hZT3lm8hrhwMR$ZsZ_y`E!UZ3mT z!@=Pxb<*@7fn(bZMA|Ge78Jt)sVX(PhdE6;j3$^S(-gP=2PvVTnL($`IF|EqYVkN> zwDpZUxh*GwtxCY(sM3kxK-WR#rJ$FI?0)LymT8V`k=@O=?~j7WP*D_+d*IrEaU}Bn z@@kfhE34vPP2OAdeZ+!xCJNLQ-1mt56Q-RVcFuriamn3_z3b9fvPO}0>7ZLl^gDki z{-KKU0Y#*|e93VKLW?2C9eCALk8YxhnP>6hx-X(ExE3@kg!u+Lsc&^}Ljl5YyED|{ zy@Nr=(&8_?!50ers0FU=GT36!IUzJ#AwTm-d=S7b%9nu}n--_5tgD(Y*CphxcZaJVb3s7}Sr5Uq<$FmC%o5fF^q z3+@@T3=S6Pib(VU-O4nFynT$3x;!BFK_?aHez3U{I9+?N?$(`5ZO3k>bZxT@VE5)J zcbvt!D96hdATvm>egc@=oWWno8!Z>u1m{OFF`JmD;Njul*WZ0_;4j%<_h@ph7?wc!Iv!80g zUK~%ylG$H;7|oQHn=bY)pn!}MjtiTwneC+uH#}Dfgq@Dg-o-tOZPbaPuzp6+-$vwU zcPuthx^BTl+A>`YWw5Zl(qW%U&DOH5NjOE6F8$R!5>i=&YJ2ntCEUF^H6ukqy} zJtmgiIa!d%=a--K$e09lzTz8&~WkuzcLwPj4%J0%${$(VRCV@{rLL1%K|PZNzY&n!jQ3>+i%5DX9B5O zP%A@s;YaWPK0-iZ-Z8t%w(w3SKEBu-*1h}0e(gmpmyuqDjnurBy%QI-o3+{~R!D=d z`)St*BsRww7#w zoD;>omdy&$>R`u?J4*%>`er#j8K~dyW-Eg&6O(DnYnSte@B`!?pYg)TG5Qdmg2m?f zR<(K0Suq)~as_7bkHCHTWV+QuKdK9JP2@+W@8Vpfm*Aa_@VM5|j-8?5yFbugx7)8V zU8haOQQ~qVnIHR8WsRZ-a%hOGAiF`Z@f|$;(`;HPeR_t*Ox#LI_?x!ATaWHhwMxcH z^3jKfOqf98{$;y=JSV~2GD&5rXlw35y?2Uz6Dv~*hgQ9(>ur%nr0CtGirF0pgfpcQ zI1)el{(V^e4&f=<{F`dR1dspkB{A~lb90|=>lE8^;zNp>gJoX&TB|dr8IHd^(#@^j zCX?M&!9R2LeSc(`%i6tc`F5`Jk$quJlvv_BfQ7!L7C}XB9Ex*>P}mE_hCK2X-NH2e za*5{&3ZPwgf1aRVT2-7;u%YMkM};vbx_yUVw2ik5gz|$D#pw*YK!-J>eo~4*vf3{` zg3Vh4TA6+LN}hn%Gt$aH>YXtr*WDGfV%HJ-qZeHvNk^lMTpLfq)^=K?qf`TGTXzr^ zt>QF3-0I(Wz%NPY#lLfY%X{9=KXM!|@IZGc17+Js^2hy$8tUtPez4?oqouzZpywhS zPM#g#S|&)J{<-^BDl_XvB(+?J`ExS{jj?_m&HkfWt3PCE+{LNmv9n1X{h?2sB$fCn zFkj`)e^s^a^H-f*dOx+G`3x*%89CDKKFgH}K+)|8lRSI~O_J)Npw=r)C;RS0@z4LT ze=*D%mTLP|Q`LEo$0@qDr4G~<*kM_mt+&j_csA0N_SywnI~9}jn#GAXV#>r=f9Di4 zTjwF7PFBPplW5x8+Wds~nEqeq(!tR@367*vpUbAU!L}Hml7{fri59ayw&IWpAeB-8 zHkil@=EhIOmTvo;mqi9_Ru`LmWQ*bNRMaZ!u`4rgbo!wSDQ_HbM9;pkoO1uA^$`^BNO!}(_p0GOR^>HAM>aFIo}N`<*O^fPjUY*P^;#@@ zaiM_#ylctUJb_2F!QA3mzYGq-A?5R{RH{ex)G}rk@pj;~%`iyH)y*&g@{4EFF$btc z?-bJ&v=QD9u&%YC=`%BT%aW&_v~bS3#GxWn~Rg-n*%&o z*!iXHaB1z7`Qqv2GGQRa3rXX+U5^!vHi5W!B-nnOoGKG6@tdEQ$udVbVKEKicljIh z$|5(Z;TaSr3dN}>h%%tL%q&j11wR0cK`^uO=bi^`X%Ruu5HHtHUF@Iz*6`6X@^g;?1G`5PV8g9dn`76p|=rsZ*BTMyL&e zHiQN?S@#S##+cQ5p|osxv~Ym>YB8{x}l5osD#Jz!$Yzn6N~9ad6ZP zkdQ^n>JX>HBGz-8JOp&T_mW>iIrIWFT(-V@aynfY_IFXL#QTd`5)YZ~P(?W&0|9!O z0p3lS?lAA+X{cPj(}QR%D&&8x_yxQ$*I$Vu40)Fh?6h5bt|r=d;Hi3{@50pKa#?@K z3(_#AhTqTR0s^G!CjrwhL_`Rc3Tp4pDqFg0!YW-~GOLZmO3%bKT?cg<92|Q8qLWjR zC4ag8%{=8#>`3$Us9TwBQ6mZ~DkxOx==RRz6CdTyXS)}FL$bft<_(DnH)U|XRmxwv zD135_5WU@^%w5Y}EEd<(xwfG8K@hB!0@he51{`K7mJisvcE)xrcH%FRcu*(gPCe8}Nvf34|8(#b;HJx23ZggT!@#r%bs2E;}ndGdgy zKJ~>BNJ@#{>Hb??_2K|iZMQvtFU8Fh^b~q?aAj?r(PH;MuD*d$uvc-$l+QNwcr4cJ z#~T#y>t8z=SHutQEhCk@&ML(lOk`I|zpcgpi7h8nxeGu2J=I=BAH^Z_y>SW%#MGg` z{{C+pv8cV^I{Ua@oVOnOW}GoRD@P|SgKoox4G-w;-pBUOU!TS>tEP|d98H<;*&2YJ z@mzlpxP5rF#iR}xA2*1`rTU4PA}0F8YW_|I3nzCjzwuG-TupXGAyraR0#zK8c6T9N z%&g(v-CClDtr*d{9!TfW$VK?iyrdN-El#teJZj{h<7hC%M4E?C2;EQb*Y2mt#Au2l5urjZ21~9RkUj63uY(3cTg>^3W@+REpq zxg?2d*MiMf#1?!x=1>j9#y`BH#n6&A9+{XkozFNI1mHSn*80+kY8+? zj1M1gG3EQRY8ZtWkVl8Gu)?Rslpgt2DhfVE{f#oY*senQ(e~gS15n9?poqt*aUo0; zN2e#>JY*akNK0G>go508b=ag@7d#=h#LBd>c#a|;ytd=@`X*e#1 zu>?6}6}+oS`u-=L3QPIti|%K#Ex1xx{hFouwpb7mqdT{tn!T(;G!KDZZDzZEy(8fJNwS18bsSs8OSZVWniyW=&%x95UDiv9=KoI z7>Xac6!-|%F*&rn8R}180Y$R!)>S@tv+vJ|>jFV4fNQ*vlk642PVejTZZ1zB4=CN7 znW?Mp1D{{tN&h|l-IIvb($q(b0Ks_7985ohz|Nro0;SzHNAU*(G72=~FKUED{NWoKhBQI}GL;OFsReYg+rRV$N1K0TqFo3JZHhvuBJ2 zv;Bu8u;ZrLi{`kG{rR6cndoDsHEs?FvjZ56muPvCBJfS!9I>aCkZoMm4}0W-xXj^; zeBWX=(Njr*SKmAb$*=CC9^>nuF(XmCwg$|hH>(9h#4mi+qZ;M;T+nF(W+j)34H38B=&VMZ4vNmzS7`A=6zTlJ}JY*3Gb@Pdcq! zHGg-CmFcbV-wRym6>0$x*^IE71OHB5V(%(YZK|W)C@?5*u8R_f}tCT3E-xS^dH30{7ESlAw;eJx}!hN6h6qXjM2;`ajFlen1p#EUpl$O z|1>ytT^(UvhfPd@xol6D0??o}XY+`hN!SLYW_4f2IYX1w!=UNy0F#(T%I6K3swN$Y zq{K8TV)x+KWy^z`&%OEe8V{xk=0r*-kjYt{x=JifFW{r>zQ5QwMPM?W4<2-(a;nYa zqcyTI7R{!9VH+wf&J`uL6#4y*?!r}lsvtQ)jOXr-y9G1iP@yJJY@_-s+}nRJPNQq{5cf&lTE0zM`)Ux2+KAa z@s|WpX5DO|2g#NMBjof zyV&+OW;<>7Pt)%9c1*#$hP{v1;tf|O9f_%x`s0iP4Ce{;?@bUY14Hdy%4>Ovf1b6s z3T!b^pp!gxEWOk|7YWL`pE~h2hGd^YTuN)ClPgopY1pP3Jf?m2ZF>paJQaM%rd=1x zAXsJ6GT+$x$PE2#8s!;2>>@rTHHN&I*$D;#I3VXA?!48M7uHrIeJh+_H;|&IVNo5f!SCn$kwc{c|ea>lpL*JNUi^7B25pPMJ z8<8%00P5H`aKbGNRZm*1**>eP@;8$D<~VM37NsnPSE<(IQkPRkB`372KDz>vKwPgk zNh9vLv6^1M%RSTZUl&ck*ch#PN3Hspie=_}Ofs3;PXN)oRMNJqk?P(}`pRxo>r#W~ zh5Vxu@Hg8;F~$51TMAGx9EoEi3b=I5#b-NHLhZEXL-64rqpFFMI|7_`5Vqojt zG1s?FTq!m-q(iYFJzw^Xjj!2pKY>2l(Iu|q)J*&>Vm~(;e_c14I|6YR7H)daIF#eT zgM%xQ&Ocs7MhOmNMdg@b`uq|c<>)mdSlI7KJki$L^2^nBLFanRTwHi)dCxo-qfd*Q z;q#E~bap`DrO22KLq7TjX?6ESrzD!}ZIf*g3i?MupGku1Pc~2h&pw8qEeAejUG>Zu z1|J+(cQB-apEO?`NBVk-oNP5VTH(ab0g!tDiZ4y}%toDpR+oqURkUk`vGJ%;ts)V_ z9NtG!*kY*8sOMhvTCYQ7qE`B*G&&h{q#$Rtlc zVN@1+es*~p4AfU%Yh-^o?=9_Q^8E#nKtu|anuW^h(t{gdrL`CJlT(ESI@s|>Aw%k5 zl!qAE07J-#R990*b_f?=$%y%D5zSi9I*z+m4JeN+E}dM5zP(40H&yD%Ef|s`5@XJ0(~vUnr!`y%bS!?F4Rj!?z&l8C2XePb z!zcTEY#PPBdeEu!MQIBC!ViIOZHs+*>y4seAU{auaDb{>l6;Q@nCeG5_bs&l#^87)r$U(pNkJ> zsjF);`NqBI%Y82GAn0qioJ}eOjUx_xw9#nQefK%-w)TgT^kGbL4k*wg0^;jI2;mFY#bc-Pk~F`Q-n@EX!*aFNO$$EQp6mWchh*dYxj9H3e+{ zjrONEU2TKozNJ$n3fC%2&qzarZv8Td;D+&MP{@(0qu*H(d*8TmHa1j;XH~ytO;s0D zNX)EWiUw7`RV}4%CjK+B^+KM+E@m!7D|=>GxlICtWqBPPM54v%T*J%In(=PKjYpBe zJPhu82I+eBTV5h;|9p_|_e~CA?I(59+Ynh(VH@y=2P#oz|J`j+@8w^Sx&?XqDY{x_ zMl|ItUNT0Z^R*>DwCmf(M{IW4AKWckAEzl#shtBToy>-yP8M~BP8_z0SQ2_s-tjWY zI@acHmcYp<=}e8x$gff1R}8sDXryq~1C_5fKP{eQS#HE}z1pbU*l;QvWeIunSgb^J zVh*!x<7B(bw~>t%NaLBKRC%X%N5A@K4lDWf!3S414;*jA!>v$(9fR>t3*|q9%zdpG z^_uC`7J`-hg7TM^>%!1F)6!`)xNe&w(_0K&NaiAW3_e?J;B5ipftgwiiuV3Sh+se5 zM(^d_r{q&op3RDSBzX68IbEBA@l)@YZaTUT1k`1`-nZXWwqC3*LhsowMe{^qGP3kIjKVHylx+1~ zWB>QQ$6B%*fwC3@N%6z`d48%4N9o@(iM41HN*lT#ZRFaiC)}-!{zh=ye0lPxQ&cfu zv$B0Y+J)NwJGXd2J3B9JD;r|UOed)s;iU6bntL$-o>L9h7!V~tg1YMi<{COJZ!jezKHnnr378q9%!%XhEdru6Xj}CT&bcJGi zU970Cm38J$u4{Po(G%P@Zg7SJP=Gu69X^%K%dgShIm)rxWAQFl+PMaCMQ{4^Qeiak z-2lsGA(ZP=%3x7L33%S!w(HaGnq6|&tzXmkj%5NR{2m<6op`x66O1(++)y=YsFf-)L*W=j0ocO)NBw~npLwfBHJO_~-R%o0;2ql|;gAm^>AU$IJBTksJ7|0#bB&T<7mjwWTv_vfG*q#Z;Uz@z1V9Y z*bjiCgFQ><6;sab8eLS)cqlo$!CLzXoP(@eg_z24%BEn`flZhUaGe*ZOUY*I5Rk(R z^YU`U;a~#(k2r%E>nK1TEmzl6#N9zf5Lf-=Jkki()#Zdgh@T>NNz^ERJEZ4+*g(i% zMon&L#USrHzrLGN9fqMy${ zgBd-jx_D6I?y|gx^YOVF^bRx;f3}ZUXI(4fCUthg$q^vq#`Nx2Lmp_453MDTk?P2i z->=9*!r~0ww+x2uE+qdxhy%?n521e2pagl_*+{M@gDJE5hh8*Y2x}z@W+YGtalDb2nPF6r_oO>}%toT+ zs~E5KyK&^wC9Fk{0}y*^B(S#r7w`dasAn}zX(^x0E;x~~f3=-qS;ZIo12gOxQMFgQIRLq_h|fkA4NboZ=dW# zi#72`MlIBxJ6{5fSXSQm#Q#-DJ@n~9!d3tR8O^fi8@y?D-NZN;Ki1WZA-=!1@V7XF zA$}D5Apb9SktqAAbS1f?BR-1p^5jHUHIexSCH}oD?6Vea44FGfn@N^V-_vnw)eHV| zkY5<%KF7A@yP83mKUp~0)tcZZJoBHDUgliw5pT)o{EmLvI(@Y*9?DHAerxb&3{{&A zv_5DtL-MPnc^m~bcMt2DMsuKXl(7(XFgH7crOK=Vns`Cy^x3|lQO5w!=gFO=mJ!=K z6>1th#9U)dOgw{SR^`g{NtNbd@;|XKLCud@ocO6IOl2hNLGnRL`u$#qJy)^)gt~oS z><=+{(YTIPkJZ9Ggxt;VR>fSX7Pq{BV(53_A=&Zpo2k0l1lW!YI=7=(&j11BO^-_@zl#vD6EO5E@ zWxu=STzM$A^9WJeEy8mX8o2@)l+%x-k;3jp@XP2E;gO@8Sd&X7W$Vs0e)!I`l+wE(ZHUI|$X-K@dZM|N z*PUWIrjAGcuA1~N4Ah&?+t-9YCg6em2e+A#ig7d)ZLzhN&fD~IwC3508#Pt7q-;RdQYX}sfneLACK zp764*5xz(9_h@D;&op2*mg22BEZ?B_#pbBpvzLF%;#0 zQkMT0qac)4`x6H2kXe&(0Zt7Qxx@PE51DPa|LMkwAW}lZiQIDk$vE3L1NK<>kTo@r zY9**I4X3V!e5UkKeDIOdMtR$&Xxj8eJH~GiGql?7wAVCxnBu{l1c=Cj8!x&Lu1bld z^&T{8yee&VhZyv(r?pvn`~zr;vcl@Ai{v3#ziqiqS_?t-OGNbt>~m=DEbb;Wr(`kz zEBB1Ie{6a@gh*?|aJ}XRTtO$&jFNv^U17g=%}CnS;|CSz+_k_U}{(R^+$uC_W;0 zRsylHk|!Q*L<5cx(bl6`szn1EozgY=L*^RG_?XrCVIF2?gBZECs@#$mpPu9z51L<- z_4Gw)5dx^f42Y|b&z4h#xvg!q&IkVi#FUF~j#VOp=~d6X#{jC0TR$gDr#ON+UjN@l zpIizv6h&O&4+m~T{T{G~pZsV8+N-aaCCJWpF1CDu%7W)vM<~8_&eGDa`3-w!N}4K; z$p*d|Wa5qX78$Txke92fz(CeSs`(>A_u9WKGyh^m%FzQ$oKnhCK=_349C~(YX3M~9 z(lir?$!shi14^nP)EaDdwf zfZ(?-cK4=WBi-0DD9T8YWbPqP+voA&yldu%mh8;1mWgCSKmv%?D?)M=((318b;RTm zqr>?bm#XU|2mM?RN>qK~DDne}MEOA?~j z7O;;q26R-J-r>VaWJ-5w-;s4a2z^zfxU`>raG!!_)Y$s@G8dT2Th3?XY$XLPT_Wje z2L!1wkF3V;lF|<&Vv_T79?8G&>RM-6Ka$VQilxf6&g+M|zoEaZE|!+#k+6`v)%^Ko zRQhtpGy2n;luEgzo>1l2S{7m!QPfQ1DiP56e3g|edAcXZvxiwKK;~k>`+@&~SCdEX z_tCnve<9~$R5(sJy3HW2gn3P5NOCI5_jNF^&5uQ5;2#5Fmj$orhyl1?3r%!0tc;i; ztNaT08FEMW?ZB!#-IIfvLs_^5Lc%h&@wXT>hAg`+1EVT-XomU&d;aL(gz8fFNx-L< zvsHrcy93xtRnZ+U zm&BKV*Ozys@)_A8*Cv}&xISi_kpHINl~SYffjFk~DU}t!O+laaN%-nB z2kD--Iw(fOIKon1tT|{bx*2eR7iem_;T2swi$FquCr2cL;QGJY-j4}pF_pB<`1#xS#Uj=zg4c?q) zc%x@10CiSXm6S;?EdO;Xoze>VG66ZUaefi6|rF4XVCcj-U`iM z$dnn=vUT+%<4ihjK^3lJaC3}tNwapY6h7>MrCAFRyAMJmpbNh!XBlG^kCS3KlNyC& z%jr`F-tsj4Z;JF~8`Y?ux2y#>jPuaMVTXrZcaAXY0Q7f%1$i{%5dt{aGBfy`v9;i^ zgR|zes;T+*QS|m8vj+u>L=-9IF#o&@6>nM#a^d{yY8+k_G}$I3?7{d4PdS6ttNirg z^QN>fnzmOz!^8KUmN4cI6DK0oJ?z1+N%Tvy#%W>z2w!}jwnsHxey$Z3ZvVI+s!H&F zovkhlkL#ily^ z<&XSux#y(LQ6CE+vlX_uKk{@hJc}Rfffkn2Jx-#yGp16sm3c zqw#Z&?nua*01v8=t`5xpfLaghe7ELZ&cEeCG92gp0c(bRdrAYL1zBq&9upLZ584Q2tpw7LKY5(SxLxX$Zan|uFWoyD&@FkbHr!9vN0j0u z^z7cBLYjE#f^h7j72ZT-Da9w=UTR;0 z@)Vf+@Fhfe%9nijUL;p>oJ!V+q}t3=oIMvc2CwDkL-N%NszjND|#{b6$E zhzM1-Jw(gJ@{0((TZ@g1M)ipL?4c@oFg%d{aknBX6Q@%iGr(T%Q0llOMyB*_HR1M` zqm9%xA_lPljTso$R1G>Zqg)Vs?(#NzNV=#dI5RJ*(E^Lz|A|!#@=O`dUdd65S!zO} z2*cT@DfKL~clU&*Dp@=h@6NhY+4JoMe|N%PRHpJ@?1|bYQnLf#JO0%Z#derP3RVg+ zxyn}`x=HUUjODs_a%^9O{2Wf3E6*W#v!d}qEi0SJ7S2&Wzn}+xzV4yg z+0t$lDudx7DJo)_=0Eie-HhKGCq+Ig{kBS$nU<%Aa@W7I(K5Xe+?-q=n={TJR|%w_ zekGt4Og^W}iM+ldnbl#L$xO`(Q^Up4DNM!K3*Bmdj*hT{1L=)}`a*d$ns6kHjy4Kp zx0%p^zL|7vd6&WOR^Etwc*8hu;kxjhK7B8iO72cci@$h8n1#&)D@iJfu=$KVHOYY6 zBcq9(^NcK_&+%BeF<4BS`a(&(4nVd?(dlAisP64!>0J5C54Q4#bI&;okzD2|47m^+ zUyUxs`5SrBGQqj?xFG8hz6I0ArFUtmA>5$aV|eXC*$OK!#OdNAix`?vxb&ZkX<Z zA4K-B8ab-hUNy1P-cdC)BqcUsRSj&sn!ugUIK<_Dw?qm+ifym{w2Uk+;$M9y=XEd* zz{#zo+dLb#4q?Y$$@j~Dm(eam8(oA#J_H$c7Uyi!hz*j8+|3#^)gPq1-^~dOkeRKA zO=Kyb9<*e>eKG5A8sz{R&pJURsb{4zTXK0*FKvoT4S)m9#xS*6wxKbMKIA*W_(G1) zF-nP8lvU{(XnCll>}Y||*0mVeR&iXaiA+K7cK0E0){6;#Ia-L!v#WOQll5c&vNmK@ zHAbVd@_PxZ71iRREHN-1phWxI%VZS&>VcAS(TZolhg`F1)@8g4{x8o-VH8(Te43Yi zIsf{Oq?wQg?&=2++rTp302~YAsC+u1@BYkZ174!*j~|lG@Y}hn6|_+@Q07C3Yky(M zr|G_r3sT4%+qw3=X+p6sEaG8ViZGCw@RR#(CaKn$<1ygT2^4BN8g9`)IRx_N=+26P z&j#QdvE5N9z_1J=e#S(6+;gh1@!|>`2si^+RqqfwevS%9_FMq8g4w+i+3w%@G8SBo zW+fh#FekO=?um$noNcN@F=@B@cKvczJQ<5;&%I1B*6oXp+QOK{_Kt3S5$*efKN7Il z`whgGK2CC)aevwjbyE8FHCZunSqF$meJPjCZBlZo2Y0}jNrAfRq>3}?MfkWlp-@}y z2v>RD0vS;ny3f+7&8!pwDR-%uGh-|ay7?weP&+_!cz*HaKZqmo_*`sLYwBF6%AL#r-H?sT0P zTE&)8ggo13Z{#f8$hU_xOXj_5W&n=B{M5lOX_=Gl44VF?I+FhRbU9&>s@|``Q)1<4 z(;mdWD~=9PQ`lpYUULjONl|>^4rN{YX*IkGQ1u`xgZBh+=Dh9x2Ir{h2Fl>afA@s_6-Lj-{ zjO~;?RmBz5jMOYAQJ|pPYR@)$O;V#wn}%%H!G^x;UFoZ)XXl-X7~C1hLN9G0#qxz2p18p@y_Bgv3}Z>896?PJxAMYY+p_0+e$o}7+ig|4iw z-}2K$wSBg*)^aVheBsm@CT8(aug(Hhxe6-qi;U5QCp4Od0B1aF+U z#XFZev>D|XT<3{f@X$EBQ#?WY5@X^)ublUw) zxPI3wtV?uRFEjFbOiNGh_8pD)?qT0LoH+6aju*7#D9_IA?N$F<+Oa~_-2On1(R$J1 z<>3+gF;;%O$uEajP#df&!Um2!J`B8RsLU;qF0Q*GB>!Mmf--u@SKYk&{#F&kMkUYV z&U>$GbJpeV3O2Z!#1jhWMsJWqh1TL)2xh9%jjbfBil-MLr@cB~l@W&$h*REkMu>>! zaajXpr2i}n_zw&c$>qD7*($wCbhXpD=v`_RF8p30vAksZN$(D9) z-|3%!;+9Nm1rx*0bM#C7(QU^$9xW#K*vZ_b96Shh!buzU0j^B++_QDhJJIsKWm_Oq z9*4Gdz&uCeQ?)53mIy%|wIJDD29H57SLcyrd4`w4^Th`8Pc$ETl#pIKQtIlE+*R}P z!tX+QejlP4zx`iH@q)4}x2>AZlFw<;^Arj~O}$##Z67!hTjb62l~SFN6deFI1qY@l?97ogm%c!`+;Z{tX6!*%e?7^??${tmm-d(c#?yI3KW0|b`JHco!*Pz6COg8tk z^CKGa*c|xyUC|nRN4rMi5JIA)9|n$Mv^FX^wjSaCT1N7MA})ba<*|MIN87t5>@lLD zUtUrWoV7vo3nzp{=R@PI@#FiRl6^5?n1|n-kHIj%;zg0vZUUXp6edlg@2^cI0jxs& zIH&HWj!tNCv@UIr{#(`PdAECdW7ekbBgAh6LP_1`!xINC0fd~L`#rYKDM_AieF8E~ zJzKoq#HaaPr!BVUw-S4euFszjY8N{?y6?NURji%t>=6H)xN<94F;Nd-oH3810wU?^ z%-e(gwoy21P4GPME&eeYCrWPaO2FW5y=`lDLFtT8U-tyah7h^7&50~uC{kH1WzNm7 z4@}cFKr8y+uFvo{c54YcYGCGlE4jHgue&xRbU4vvl|RP7?y<*tR_v9%>~LekY*r;! zgn+$xX8P$zG|#b}=~Sdz>C}i$BDdyl5XRe+IQaUG$zHX?VZ50d8CCjh%oy>H|HfApT26H|QP`a0^+o^1;R?g2&?BA*h#l$IHkk z@7%=5auX5Io<#3VkC@G0K+Pvwe8L;v_lN}mI3iyHD%Gm=D}vy4;J2)GS&FIaK{q$8R!nq{*UJ%e?wul zFw32?Oolr;v-#_6UyCZrID)RkN7E{#_-MdiHAeU?RU-V?vzYQ9&^*$1-xcZ+aGG*< z!ugGm+^EzYTmP0#RQad%qsM+k-Y=Gm)Ry956nm=U$0O%vm=^qRzqs=A-?C=yLg_zq z#Wd5`>f6!a0rB-jzEwssMY7za9{xXWM%(}I1z06x6YAwt%S~CwyGzMlgt~iqe$rW? zb%%W0cGqgNr$Rja7&DZz{ih{{?ZxH3oXNM*V)1EHZVsHmVal%^mht^kKXt*tkj25Q zrOZeeRoo}H=|SS!|9j#{8@dvKmWq+Fq-{%B6;*gn_J}WY=*-2R`tJ)LkBB=~jxvAP z*@Geg+yM9*KM{!gxcNq2kZ(PHg@$U3c$}# zT3++N$c!6^P=os+t6&jCePxHk?_U)P(9MzOEn z1dwwggC*2j7i-tLcKZNFznW$GxoC;(f-YnKY+FV~d+|<=Kti z1xCjdu@5FEP4q(Jx5x|9-`A6_jZGmm8kYLEo@)G-TGOz9i;<0zVk%~JT|>EELV0M2 z`Dj<+bQ9pc7JrO6va5LoxaP`lZscqUbqlJm@_BW8#SG6Jq6zWOUeJ z9Oz~ITR_Xh95JUChd$yJVOrM5^TyQF)Wm~D2DKqmvnPe36R0cMzIP8f!eh^=bME&{ zSkbPCDN@ir0yF=yihCtaMnHbNGohGBEJa$ydLzU=FxKino6e;-%73|fO6oCjk=(s? zUm3~wgC{|@7I1LIP)`r&wtIOc19JAk(Nl1L2ARI-${KMT&XudYaOHHfrRBm(&cTr% z1yI6WT{W}?NtYyd1h-cm_COU@>|}0pmt1(8OrJF_E?Uy6wSenDi0R4U^<9jeo zibJTD-pfh`yQ()$D@Wc~=!)cnwap+o8eQkP>`TJp0vMNI!5x*w3?Okmx)dyn1;IRi z6(~a+@q~1%jNbs;ue3!OO@~ne3E1F}#q?&hU-Jm}C6!a?`l&u0sn51kUMs8kEdg+( zvMzv3Q<~3p{npLt3AS=)XLZOrWOBzU&WDTHw9vK)T63E zh<@0Rc$*nU@1a|=e$g{sn24;F9=LJAD+AF%41&sHF-)#X{58{@S=+-(%x;%$gHj8+ zn_}?5=SOn&L|;@|VFRv(WL+NE5E1&^$#jia2uL|k&fS{@HK>@CvebVuoO`y(HgH(h z%$^TfUmar!IH@}xcvIxJ?6m+-vXvBdt$@m|z(sGH-SR`?jSyQJ+%hpm+$8rm6vU4y zEKWh_UK4JXZ+@By+Zeu;GgfWse@V3x-wf2@RCVHxstV6o!28hu`)Uoq+Gd^M{$8T+J^i7Zwt(b_6t3)Ufq7m3E>`Ku@Ffh3);)#YN7L(^cHE+e$LR zUL7kxmMgrlBFzof?4R7?$9F$L^O^(*tSl!}tBVMJBhh*mg!lB$BSW}WPU z)dqOaLv6xnDFbonIGB0$Cw0}kp`ONl4pI2Y$ZiaX^m#r~gKhC9S!LRg&tCm=4;0BUFR5wBrl;TV+To z9ZvHwB9X*uDP0>Odxw`yEke`DA0$g_orMkP9Z8`6I(LV4^a$qYq?GRDJIJH3HJt&{ z^c6|U`CC=YUZU|>BWHRN4(_9ZMD+ildOs}~F_s>tq6i8}A++5xz_2XFTeDg`nQOF_GZ}LUZcvJ7_GZ_TRCfwx zb9F^+DpnaKI`3A-$aE9{o_~`=z0 z34}tymtpJ#f1<(OBQy{^Ixy)$U-*riN;0cufRTJKJoe8pk?8QIRVz)@oTiyYFZ1^f z)(|i8^}WE^8L~agLl!)Nt zNoeFywn9xe637ign=CRjpK0)uY|8CA86TqX2}8Jwpq1pn)0e7QhC;EBhC;E!jeFNe z>*k7ytYinST)RbLgSTk{X}Bk6)wQ^9)7t)ZVtSvUYp1z12Cyl9ztNl&8#^x#^~ZRb zame;>owUNs{)mX>-K(&fxg{(;pu;B&~eW2#}T8Tm!jZp)dC? zy=idV`Z+fOmK1fLkH_^z=epc}@2j7<`B z+#-6Qv*q?*D|>E>4o+!9zx^96FhlWYNMt(@nWC>7CdqcNn>^7-cpJCB+}?aqlccK# zsyZZgv~K!ht$36^W1KMZn1Efb9ofB}p|828u##3??Hjqc;8IDjeq0(a09s|0+kFvc z8FF>a6#mmJ6(<^A`@vK=&7Su4RC-wXaY<8`xtw`MFclqlT5&qrf`cWQNUZ8-7OWG`zRZjNLCG?GS zVxMJo;ZzSFIOGPmEG#sb-7Vwg9{ln8UPjvQw=R|Qc&v09W7kjEu^mpz9K+v7v=>|^ z|GsY@oh~?L2q|9hGP0qlyWU@~mJ2$Y^p|t^HZHpY`SFR3#7 z8(SDcKIOwju<3gK@|AZr@pck0IR0KWTYG*9111&Z{f&?;cFV1x%L%#5vXgcfRjp0j zI%cTl@*L}9W3<+s@)Ljezhx0%x!|0CG<=`-ucc)eeWD_5cb_YNe$@lfR!LPFBQA<9 z)5Q*%*>U5kg(yBwnh9*#nu+;3{x5rt9P;M z3V4Lw6I!K;qPYi?dHJO-n5v4fpc>C;v|D_T=9rf}DSAF=|!P|5svd>AGUpx<6$hVU(Qjug>khUwCWHH-_i(Z?TKy~+60dgx(j{m&%1 ztSpmF)1z;Br|ES{(o5ReyNY)#w+!~bok-Qw0koMYd%D`_RzSx}OIUuM2=3$nmvT*_ zxKrQ1U#9qwjhx1J?tCwTnY*!$RyD$aZV!?QBR;#$P-^bgH;o zet&B*%9t3-cal$Hh`l40Km6bAp7nN%8jtkmgb8t@wOX^$K2JgY#6B+xak5ANypo%p zrBp9|X~sbc1Nb!h95ttK>xH4MyZo2L#*BRWuZ-vPw<{V+YiQq-ozT5-im+{>ll%;p zj;L9Da%sg_6~U^=Sm}Qz9_}Ey`!&*SmfHyx`e}*Ak-Ai*!hrE>vyKpTykE7|g=GEK zxs(%7)u@(@qcJY<4m6~|y22^@)ncEBlSaVN&z{6vlRX*Xtb8$@H{sI|HhMgbtU7hF zdzZ|k64#4{C3u_*nN0pP@mC5M)#wu3)e@P3Io4Xd8u_ai@rM2#ySN$-M_b;3j*Z+Z z92RC-m_ZR_G@0r-$CN71v$)*^q(?!}0S{5+&!S~By;$5j(P=wpNsrxOT+5Hj?Ap|w z9-U~WDF4L}nvx@}?8K|>=IQu0VfBL|N!EYK5qv8Yna}ygrDn%H;3P~RBm+-27y&^M z0)BB`7~8@OLitc}1lRi!G%VghxdhRY05BkFb2x3hIeJvFZ94*kAMh^fQ5<(x`V`T? zEsFW#%ZWQ_u{BY|OwPX#l5Rix6rw&pLu{k;U$v6NcAoBIg5AM+wu{FR>=t_=lm1mrb^GV`DXMG>&P6lVvUy5D(5BoIv_{1h1;HvhPE-Oo?FZ!Dm} z+o&Kc5bHMCAT;5XZ55AiRE__)He{k3-*qsP0C+#rT;@I1*3kCMqoaz2MZy661Sjn^ zwNpy8^vDHY?Ogrfc(#otVB0ZHj=QNEx>GnW88{JvC8Znp=1TvrrJjv@UAp2Rc+}{d znb~Xk1j!Zz)BH=X9!AD_tL_-;mAi?LZPfXfct;@MP)fC*eHk>r&>*Ybq;%c}?G^3T zW-s!#ZyM9jrqfn^CmFly--qgU7DtuyB)y8JO9Pw~P8;7`u6G19R~%-g*-OnDnLPeL|WmAhu#dpbj%bfEQYt2nO6}6RU%hx_ye-sHvJq zFUUHZn^oOlZZ7b{ebQfN1K|61bkiZeuhB9*T&1`n>&+kvY8&F&6mRd5yAj6kAtL#3 z{2cJ?gW#d~=piwswbiUTAqW_Jz-HOi)(OZb7z<1RvAZXI)AjNDcJ}M~r*rTrwXegH?Z(ET2mo$My_Pvb~J>`pK z5Ky@wyoJRA8O6-NU?p|z4}*GDi_jNv-3QA8{FM3De3K(~6CLD3;~Zx6{|$^ZPZbJd zKx^`_HD{ai5B^>4OS{}O;79?IsXZ6ux6eswfC4+V_(y;Cjwd1zY$=a?k;W(^r!re; zIti7q06k)%LU8}w-r0$(7thf+mXkiA6y%>Gi#+9Kej2WuJrdIwE!re`w z-3OfROjN{TU-5c`whOZB$qUkwVf5fc+wCQ~!^dV};l%!FS;S6Zl)%ss>mB1P>a6%y zZAXxXY<{CHFL&XND9Z_^ECNw8p?U#f^= z><1N7X_7LwjZ-GAXGtl3h-PXI-GBGMCND-QW%_o_V_%1TT;jwJiCA0h$XwY@kKp2t zvyM(}qm{Y(o7-#=ScQVnyDo24tzBR`SXcM-23%pC!oT*~ZuuF#(W)$kQl#gy^k=nS2~rG4ypLcUXzj?v(&?%I5>6#ici zi@a9&S3!lbqa$W!--LUk2<0##1zq~)qBmsq2gl>sDqDMb>DJE(359AvT?AlGu&<^A zxDt4hR7^sOb*r{l2M=ACb8@R=FFc1!yyxEL=u)}Q8Ow=NSSWNR_5XP($jmoN6n-Q$ zQc{)yvV8)2wM!GpPQGnKGxLG2;=S0~4xpVC#qe*2?9`*vU^|YcIT0M8e41`G{Q84w zzlY^RC*m$B;_Po_PPK9bsm*+c)3cxG&HdmaWD-OPW>SLvx?Z*GmfD1(ZP z>KU6qVq3lrj&c2;e$5@T0RTnl*+On-*Rp7Xrxp-dR&l$mH&Sx}>iL|NFzO+pk>VHm zeWhNVJG4s?F|>6{eLXWQp@lINK6t5^=7y;KIkay4BMlPP=*vH>Y#V;%@StQ z{c_x$u4-Y87Yjs2$JVauj>7v4gj4m+HPOGxoldMZX`qgI&h;;_8FXLGvfWw~&o^L2 zf9;4}r9d7XS<*h z>IZK=Eu^^zU7cG+gv)yFR2~;L6h4#oUBELuq+#C0!jFd1EuGqMV-pnB*x-~bM@MWh zJF?A0SfHreA`~jycS`8EME5{S7!?Q3%!4oJz!KdR4cEa$8|vy|$mx)IiSC+c#(kFO z1_oaL{2m8!k){8*T+TLHKeKa+-{15ffUE-+oq>B5trz-(+S;_vpO;qxy~B z#D|;>#5*|3^ZY&11S{&P_7E<-+bYmM@hEX^l$#o@1Nj3*1O9>pY_?HJbNvF`cqpYY zC;?KxaANG}(tUTPFxK%M?^&P(9f6&U7#1`=AU?JnF;_ zc5r@HY;cu(gSuJjxWQi|LI~#9jW@WPlMcyoH*t#v_%gAZ0rbSScP#3oE_Te^9ZWrF z2q-spr&bJDMdsYQn){YCpFfcC>Celbva;~nwd0}f-3bW>FCgcaB9MZ`C`@U-C5eTi z3_yu%BTpieNMzQh`xvvvk57nV{d6@x2U-jDUpBi4uI3&H1PPj?0yM@-&?)OhK`YF^ zl6n7UEiC!)rPQCAmM==;bi=47>3j)Dfn``p1$qoRKW!-g2&GsUSkh z?t81tca@_%SK^n_#G{>@Cw!b_35`p$chx;p#q!9gAKMvc3pI1ZmC}`3k4dd)vA_97 zUG6lj$+1D+m9jPcvAb7Hm`a6;T1V0~<|BEvaHKM;wG!h2IE_EDpDH7ojnq^Pos1CR zDOtcJ3b+=ofw-m0fTqwcF>kUx%Absd39Hs|5Oi9BrlzWzf>%#Jt@&}nSm!z~LrXOf zzL5TlS-=pqQIwVj>J;Q&x4S6({fR0YYK!C4Wvykv zXBYj5DZ&f^DBf*@*>B7^-`$pa_i!bwUJ3K0=UoJvg#;`pI+;klv}PmwlsKV(BX%s* z(O_-lkMTvLj4#|qniFFBRUuEF3>mE!)EH1%XgqtP7<2C_fywEb{u8IE-MBl;c%%>+ zFR3;4w=`?3*1^q+K-m!d_H^=FbwY459&yWe2Yxy zbrx;~HTp1ZPG>ZK*r{`3u9}~2VNeyuHYvSsq2rQ8&0`Yu1!T$GAI-p*UU~PO3dWIn zMC-1|=#y}izopcpDwNwZpH?y2@<5sO z?YkD>Da-Y~bKE^H5G+q)c+TZ%{3B3p0@V0B6rBk?3|8gX)iV4L+z%^ydB|N1Np@{( z@KifXA40y_Ts55M`0Oq?r!FTmJl}Uv>oB?Mhm_iy4LtSCig_8yZzt6w-ECg;_NVa= z&lp)1bW3~cSr#$G2OWU(vEt#Js$8f@SyA)%q2^JupYx)0x{+3yA)8gii(#?S>Dkl9YbzUYUgD?B z`(n4ImZdX}XN`OMa($jWmW7v}`++`=x;7Cai0tSDuX$Zs3^rL$8fc62mPMmK%-fv; z+9d8gMjCFw1fILP<9O%T%wlIyGahYSuzJB(nYI1E`h_19+w+|$5)2u204 z?pH43x8z3s{tSfQs{p0CcA%ZsVal*S?Js}ZHFn;|5gB&0=8d`z;rH$^+$}AOf^zEA zwSSdbf8R!|kMlIMffmnQDqr~F;U`(^80?vN9n0auXVKe1mq$`_3={g_vf*N4>#XC_ z$Mc8E5gzKu`?Shw*z;8^sn${xmvk zxrNmo2%Yb1Niil8I2;lsmG8|u1Q9XXUqLWI+Vm^jDp9g{Cbsfczd1!6Mn%;J@KA5G z=0@1$Ay2x+i&+hh8i*7vR!P}!RBnzpfVIt}3KTW5 zG)DP>&0mT$_-web7zue~0~X_w97Tm6lO_#htAF2J9_~Jq9F@CRtyX@YdC-bLL=%A!GeH$T<^!XAiFU#VzMDgW;|HmXL1m9zztjx^{A>?TP?7sDL zEuq2g?8xYg!x)yL3Ot0YD{W6P*3X)K zqQW2>kzO7TlnP7OW6r+i21#|u7;{+H`Ixr{5PDmE%mdF{Zhqx99WGvBZ^m=4wsUWW zLXOw*i!z#E!J)9=WSdk=z;2`0FgT9t&V1_c%&(TX%7)nt0Zmc|JtLf}Loa8$q}KWz zB@M697ZX{*v-D{U8D|Uw&m#bF)Fu6`#Jfm4Nh;|T&%kt%)2PxRYu=Jko|c$Nq=I1t zb(3@DTRG{K#QG`t5agZk--zwfFV~QE<=qH>VXAh!_}K{wxc(*YH`^|Qph>1K@zmW!Vf6;wjaDLQFvcZbp z+TK?ux)WO&n|Qlf#-%lZr;LHHi*wv`DuS4GU`Y&#T|VU=s_TiwIhQqBJN=g5BQIYy zg)sEG{-?+a^2Yy^Gu3|oRH~B@pbGbkD`aSS_AQ+dYIRsr0^z z*)P5O{X4h9P}iRPaxa;#hSjMN#9?hchc3B2K~tZMbQCIYTr*F_9VQ2_J`}+S$*OlN3;3r zW7i^F2{Z=d2?<|}Y%L9=zB>9n^`qgo&$MiwcKuIKoKpJ72n2&cAFzzTKPvX|D4rE(H03$Tn?};*<}y^xl|# zDhZ1F?)aiTBUW5~I13Q~ zMJlS^IJM_2x29*$;2Vlt^wq&V@NfrUVd}G0=n6PuI^HNMfz=AnVfc>VrVaD|{uCiH z7fzLgC`B65?rN`xU+gV))qY@ug4o5nCLKPPE8L=8Z^LolDv&|OCuPR!8|;m=p!}zG z_2ORDaXsaY{7_j|o*(NY2@sYfTe5zP)PkV$IwZa&w_A?6<)gHt2f9y)7Fuex;YFD8I9BxOFC(HXEj1<}~=jC`2k3 zez>BAvF=9TCUD2!2`&wlaeFPPUQcYU_Ln4!kLo&3TQc@X;{Rz^19%WN9D49 z;3!XRqE07@#dU+uyG-NzFeI=b~jdIOi6*`pXtgYFe9wmrbqW}fWPldP)31PaP!mZ#?|$X z>$O$?d50i>NmFMHC$EvS0Q_QefY==ZOxhBe_hv1tk}&-_a-X-?X-iVO(fZaG!m)oh z$~---@@G(BlOQe)zt|RVSW>^X3*m2h9s7L)aJ9Kanv26Z{g_7BD_;K1dFamQo>p1J zssSRdM*pJmvPlQxwz}I_rusqg&d)|Cy1S{HmJ|vn&yTA+`12D}rra#NPmE_9^r^cP zCm=vhcT>8453JO04yU@alxfVr@P9?beIWB=%=yU$19zm)Vt{|(#ourjOabV6zT+79 z^TXoh)y+Z2>4e-B%4Jd3$g$DdzLIzz+_f*_Qd|UZbgGnK@(XS@6LO3<*03VZ@FEB( z@#waKm_HSx3}>g38FW4vKuw-pd&V?o*0FK80plMih5$|WM)|${oH4yF^?`4@Y)efq zYi*<3N`LI!Qa9dbw4=F6@9D`}0D|%ELjgL6sk{s(9a#zrV3IH`geyP7N7iDd{cWGz zH?a3+PL4iM#X)zsl(r?StA{sl3?8&8Bv}>dvy{yD2ELV^rA+FV0QG zw=NThDu)pj<%So5u$cDbR*GLjw^ULjZyAn6Q#_&#PB45S*cH@-{E@~?t7@VPRUsHk z>8jYr5pF3rI6P+7>-Tt{WI>K$=6O)K4uQ*-Sl#2tow!p%$X zC@M{;wf)RHSabwD#<{S* zDnrO|*RLX*ZaySE?|hULh?4p&TLExBPVBU#!RkiSS>|XD%q!_GEYk?R@cep0zozwI z)mqoT@1`CNg`oqM-~KsyIFCL2KL83r^}dP~ zoDY}4^EshFcRIxNwc!4PCAx;9qczXoORzFrId*_ib9yyZD)(7IUN z8VesDrx5S$D8mVf=i2ijl*L-H`JC6+f-tlOsq3CsK0Idcfb)*J857YUA5^!#W2tIq z;`x}COLh18G_AKf9nd^ z$L-+oz>r;AegEd^+mFwxO600)chnEM1rR@gS7(ed#jp>@L@DTP-Gm9@eO2z(b5tKg znN@k)YH9T_C8!Y}zPp4V$2pH319vxT!Z*@~nW51vguu+DSx_P3!@;v9{*JTQ|p?M3iELzDqDrpRUzc^B^5wQbYBIAFRaCCG zB?g_Qyp`I!i}JE=F+~<`)?q#&=JWC3MBlw!zW(s>+fSdax8;ksZ%}8UDt(MvTWK|@ z{_$V^$;X$Mm)kPMq@r7`HhLd}g_mu6yIegT$8%HMq!mSh3O%uDKPWX_s`z__T6T6q$vn|Da6~gVJn8LysCy6TI-_hd(*au zq|+&fpilv=?%7{a&c}oS==!`tyNo$Zr=%*wM#xIURys`o@L>2LfM0NUGmDBK!4EYJ z!D!4qy*plFIj3%@k0f{{VZ$8*X+^K40=$j9rta0?cJFs5%oE^5Bk_e@1E#uG8{a{_ zbu*OC!r21THJls0Ve>oO9dsby!KTXhLSg`6(iE|%q5E39l@1|%@6)~eWSCjw{w2Bl zwp4d&rL)R*trAr3b|Bp$KTsSUc41~3w$m+rxRpJRv9sripzbr1D8tz`9a1X|*ER{l zvTI0nYoe@CQrSoA;&gZ->EgvE?*Uj=F)wM~G5TzA6K1{7z%zN}ggaMbt ziAiDC3lO!qN#_Uu0l(7jDQ0 z?JQ2-4L|rc0sq+z6S$@9ZkC2Z-{ zE9OpRspDSOi?+DF=TP@5aokwS(&lr9M+Jk{XMh+kHh@?9@Z;k=`iN5?Cy9!IRRq1= z+-pbaH8aO4<~gpHnsUS)5;5Oi$LFkth}5moUXet3it{PMmxWyfu3_M3)U^_GtFU(Z z>FrDepqa0)m5A~oYS7EKim5i{mvald@ZZ;0*48ZaAdF`bi zpXT`?yHlLP@oC09FuJEHY}damngpQ)cN=Cozn@ni$nCipo>TPu2TeuL)0tCRwld`e7YZ7=;Y-lpM)mIv zT*A!Fy8KoV5>Np6cwiwo<-Bei0`g|P_mOjgBA!yj3*s-Y0t9={2toJYvO5%rr^i$8 zopvmGz#WEm*`R|?h{>||0nkkh;y$)gyIJo;gj%z8ttxERp_|^;O@-I33iENwwY9(f zH-7pze)^+7{M{e??AIS^voSnH9q5%ryMhQ1J)od6^KhSX7SI}?jhUertkxD)MHRaO zW>(R)6lON-*8ARU62oDhw^D+tjd7SK>s>`lts!V>ZOU0y`{+ov^)XuSImWG25l$&? zTVY?)%=OY%QkHs)66UKa=J$$LWx6m!+Y_ zjA%L}_uZcZ79Pmfs_KJc+7o+x&tv5&;l;OH*F48otXpSg5h-iUhja%Hx)XUHMD+6U z5>pi6Pv5>gy?aPGZflkMrWn=kvSYH~U7=b`0<*FN4p~DEnwXT`2dlK&ZnrgskW<1x zl2Sl){)gZH;@z9aH%|`@xG4A5`tdL=>(nz^YO!X&oC1o4l@y< zHVz3|VOh6wTh@=SuXD~ZhTF1*5K67jub1xbRIc0b1?o-ay3=yEm)5%7EJe{^ua*Cx@9JkH(;_iMA^r+}sVYuS!Z8;q0 z%jMR6ynX-p^*0|%tJ5L7cx?@VU@UoBYcSr_)hx2iM zeSXb3Miuf7p<#>>WBlRwzPK&hG{x((GEvU)t1sW=9GmrZt-tfT@AtCFYDhXVQ#wTK zj$zXueL%wWL7?x^@RY-JOsdjLpN^S{5SGnzEUTqC-gn}pL0a9(LcNb#Y&yj07*Rum zV@#ujwATP@RE-ED?N&6tbF!HU-DIMIg6$9k46Fdv33EsxCT+!9X}yn_(6ZvNVq5LF z4k1*hB0dOlQZ%_jhl??^+QuDeg5x))Ai~{xo-;s0&{n#2_)JhF5wq?e_BL23P0?(W zwc=<*TPhS;B!GRm)qZ%$Ryz%X01Rc+-9@x*z1-U2oYAA?gK&xiVs_V_JwyR^UR?oQb24kr<&ovMsqO=o6&U-^*sMS+S05#b1Lv~#O{bO$#x zrexKC4C#Fkb1jDUv2ibk1GoX{5oc1>ewW^`@4b6I2^W4Wb9}gphN!zehA704C$!y- z7y~vENIdUOO$h&kLz3!#ZGj+5>&zf+u!*zL%;Cv#$spFd^Wwd6zWHW2V2B5QpZ z(8F@4>|@9TdrF8LuUSy7umq5MPX(dD+MV3%QemKqQ|va%t%9j=rx@^dt0C(7{b9S+ zn1ZMr9y2EX-bQa7Z>NyLX#Mo=K*N1_o@1Kh?RmA@fgh+Fejs3r2^Ior3T0`&GdpS6 z*lsQ602fv(U8BI=cYE1jdPLL0wlw|8Pk!h?9EN~_75h{86mheRAs||sQ*=UlbThye#b29Dl)2qB25YHOw<$9bv{o42C6iz2U=MTLV36SZc~ueTUf znBPAh-<*$s>yLl(k$di!{qa=PBu%WZ+tBF0c^ zbEi@pu9zR6FDYnkeGGrO++qmslv2bmJ;kVZi6W@7h*{rC!+>kOpO5p$=gawcaQDk~ z)u6aWmS!j-xNRlHz#`}4460A9tu}i+9bPXBBIdo1+AQW+OMCz2lc;LYoTCOEW7O7K zHN4FnEHEFylEBw7#=uV-*8e;w{FzA4q!b7dk-9_Hkj=olHpJkA#u(kYSzoVZy+Wy_ zx;2)4WeJsBLTT7*JYF#8Ez zcu`d)9b#P@IpssL3h@OgVGAjcum;tr=V-WAg0F14>YiQc5Uia822(5WaDMxpo zk5j9A&Icr)<+_4e1C(JaEyghV;J@S~y1O&+bjXOwz#RdzAEKgT48(-+Uy#>#_Yeal z{Qb!5gHYkw2Lh@25W(NrE{&Lh3PBzh>maQDAWZlem>BW=;DRK|F!1cYl&lzJW7ZJV z+6Y-=3L<2!Td_FBwsm3(QR`wvr1t|3VbtD6h>}vUVl>=r00jdPq4&EHh%ttOf|tLi0`y+D?6gORQSqjNq#NzYC%PMI7)dIau<`IaC_T*BadpH< z?%^w9ww-oALJ-7@an;B8P6Vs41Cj%weaEd@-!mt}-8}>#=6ISDGozt}oP>9pP-})p zcHgTfX!Ma%bjOZM0bhb|f{Dsn(MeD48ieoJNd3&H<$e7H2BW(pG!Ofb-Gd6&I!>JZ z!A?P=sH)ss+d>Qy1dqqC5$Di03sH9MANQrrAYenf>=mup%1q14wr5*W>6Nv&4uKz; zB2b3O$p?eHnWoq_gWJlTreg+g$7;`qy$3p`h^2a-Q!8ycWNUpsWcUwZki!oD{QiKT zNSqKk;Q5^HcMq`I92yNVBV_V99I{>u5rwSf)+7k4#JmG%L(;M~QMTGQB$eH3F=pJ@ z6*@A$42_!Rh#$VAS22p!-b$Yzr}-hLL!3^jF10K*O)+GRdwhSO{wyC-K15Z~q~0Ar zL+r=OVx#-R`(sGDJeQcm@o7?(R{G&FTkUnTIEB6DY&Uc{DjL!3#zdkTlj4pIk7c)k zXJ9(!ZK+6i#H3(1*%-Nx{(R5Qyl{Pmyy&S_4kdHU&(zWV;V$3OVdS5pk% zd;9SFKm6kTV9S>6q z;e0%7rEaw{(_v1{jEHKpIYlgUAlv5@AC8B0Eyp=;rRE%KyH}Mtu}BP|Sy$m0;Vj}( z+n4Viab%)k?zYvfwAyT%(&PCMV|Y5BzWwgye43Y~IQcxm1Tt#1kU|LhmK2CB6N8o@TV?bMi3pwXVEW%t%vt}WNZawBm#4jH%d5-rDX&65C#_K*1 z>vnf$xliH#=8K1r6pNm+)I6npNU9oBgq@6tSOnzeZ7Fb!J-j(W-vY*=TL+05L_(Mp zSy&@)OX0|a-N{jG1XqI(4G- z7*a|i0*{}FSnmkkg63pq%euuFVo)GHRRa^94hIod(Zigbd|gX3t7coRTPdZr+q!=I z?)ke?(3Uw!i}kb7xLTPb~vhsV>)>t)?G>s^9u zTS+Nmm482ry^mgdyWW$O@vEamw$^bU3rXj5iaD0e zfM~?T6LUb1Pq&e#*y?E2uuLeW`WWP6o>E)4<$80oprXQud0MtgLzL z=bX;xSyeuKe6`k>TbT|iPQjYBV$3^85q(}TgdnckR%?q95mw=2_;zjkoA#c+v^wAz z`7PVV$WuH%&ZjrC$eza?eE_J(%t#>k7-em+M?=WitDtsdCnBoW+c=!_=Pwd3KdAnA zlLyqbA_Kq-HpNbCBZ?`kH*9057As4MF+h^Q-b15?7>GEgFl_jJ&8h-t4m%OnBdyw9 z$r?n&!eey0qf0a@^gkcYOcJy=RG+e{)UAamRt?`{ngU95v5CdPy=?{?@lGoT8~jTJIx7 z(V(=;|9j^Y3u$0xwq{7y5)rBfu%_5!07;Gy)3!83#z{H*Tol&08< zje8@+Fdu!V1&GRg$T)m)RS=bw0=Ce+C%IKbYO&>7M0i_@2xEqZz;=!2Nyl*8(Yh@j-aa&{k)b~C`}oqTsM*^XvsL?FgMvw_2_47mol zv%5IDKWx5#dHWxYA9zdw-nQQQZs3^{bYD@-mo27%@rO)RC3MU*W-CUTL z*J8B~8$Kw_F=Q2Cs~uTkyjURE!wP7%;|+$&aE)4)8j`|t^ZC=tv?CMnm(wZD=giC~ z5l4T>dMz}_S_ck@o$@gO1jNj7in|blF2d5MQzD{Pt+#Q0cPMLvAAyGDc7tI zA4HsD_?&}ucPRG=?BWtnOr`=0?|VV4r}tZ-_o{Hd+*q6#u!Se)0FV>YptaitdAIjlOLza$y+mbFI!pG4HFM$ z#J}_J{I$cJzU7>eSO5SZ07*naRQK*72K|%2_T#VKJiL269i}v;IOXvE@feiN`cle2 z{3rkN&wusJAOHRje)jdp?|t#~H-Gw*|Mq|U-yhG1J{+M4-f!~MtcP8*@!p3MU2p4G z@87Ol2{B-A7-DF(0q3>pcX`X|HTsw=%|<=V_jDOrh5La5}VR59h<>x;C@(ae{&K zbeMxG6Tf*p%{dSEoYV8`4R<`;+2(nAx!mR{1Nzylqt&R75rRHnmN~~M#Tc|So2NX+ znCHCJdOXhLzSR~)OKndNMmpK04KYlIL_`{Nd0pMTmBzv;LCO_ty%yV{U_?+2YiTTUI8Ak{?v9xN z9fbHuqX-igh2^%@Ql~>k-%3b9ghC2t9UuN(i9}*vg@s$~>ve^2#md$@GaVlD7*4{X zO706l{t*)MiJzafW*Ps9D>v@`($$G!8i}ilF-twJIbeN|UkWiHXJ@9-I}w@L-ccabx|LSV``|(9FE6(^ zh2>g+?L#RW);<#1-S3J84I4;$u`o1=fnwbAVQ{PO(W z^X>I|Jfvuic5^m&NHKD(OqL@?vow5z=K$^G5q+HF_l{F zR)@8LzUTe#Y(qqVupHfCDd`PMFV1s<$sT%P-K@7BqvE_qd^tooyI?eO90d0`-#*ql z(XgS)ENrFU$2B$wHaSRG=t3AejoIvommL?cB zMCd+;OVC;xzUB2+j*o}KY1%J-LAv#rBEE7B$|OLkLJw6{?0B(<#C(ru60vnB7e*r( zo`E61wdlaT3;Qv^Mn}KXK<`n;-uf6Lrnue;Y-xL_o(K;Cz7K3Fm}T^SpSG|r+sQT| z2FR@gn}k7kgN8sU3qfK1M;aUH8hj;V50UR~Sggy2jp>;C7*_1`_5e`;9yuShzEmp~ zasX&pV}SRjuI=*ircu|+mgk6{NpHO__2KOa$(-Itn!<3xS{_GjYdxs+-a}LglBSU6 z-D`jo6VED)3|QKu_Zn{)JoHw3+uD4}#5|uT7TDe*s!NC{P0@)o0OdK3PxEw4X$q+9 z?ZZWwgnf7|EzODU>1`r{H;H&RUfuz+j;jR}hqg71y1o_!hmLP%tTmwbp)#46zx(;i z;b}@!I6O`o!nM_t?LX|~#z*9``_ zy0v}HWdna&I>hVqN<_f25mQ;3{`mKPfa4h`ecK0a6_H&t76xM&j(l(@o7osXKfJD_^A; zO0ECv|M@RpuIvB(FMj@~|MbuQkAL>FfAMd=`8QvG_|=E!|Lb4<#d(f@>yLi?AOFc8 z{)hkWAAI@#@i(7ds&y6lJAeEK|K0!mk3P4tVyRbZ!-u+$ohy%CBvtv%hfg^t_}YW2 zHJj!PupN{DyrlR4PK=nW+_N&WD+;`B+dO3vsm*fEF(~jyt+kY5@3w1iL`;-ZT-R+% zsdYOYXM~L~e~?q_{dk;i%VvEXk8=#ciO~4=tKWQFmh#=F*Dv2atffA`+@>6fXtzwn zaJg-#d17Yk1IZ9&)}UKyLBp~ZVVfVldH(N<@GiKmWy)#U%D97KU$2X(#1vDGIVW5L+`YAKW}-6OQQ4*ey_=e*h!?9y1q3>! zz#@R=2B4_WF5LR{bqO&{bAI{oD$1|lU7h^)x}e4t;V>{j0R4n@W^|v3_tz53ly47i#F#4}sDW!%KOD!7Ywr-_X7b>MzGq{^# zM4hFGaJaWo;_AgrDMn$s+;0EhpZ)y0tfkgkTdfswe^qJCuGb}{_~!B9-J3_ho7rH! zV3ywdZCQ`U!#q#DkMDo+{(L%KZ_AWZH*5mN7`|@X`E;Cf9({D*n?Q2PueU2RyN}Cl z89pw{ty=4&Z(tITqo*8j-ZZ6@<8oU=)KY4U*fjQP*1DNnX|+=~H}gK9)ANU`Ce268 zj__SOfg;+61kQ&*%!FvEjdE?>Mw<4Dx3aW{cPG5@5m$w%Y_;~}mbF=L&8%5#JwzRY)?0zg*4@2(%E3x!VPrJ( z9NT86r%6=yg2`2mw+w(ddlC=&$ZcMxSe)(=$FNH-!c4Iw8w6=9k zx?L*~8$xwaStO(oQkagpn=`;}yp#U*zNca*4H`m#;k&nCFxm>ke+(@XcXH&3A)n*i z*nKQ4%!Jf3Zs|CK?mAzGnht1Ns|LA|?|^@Z;!ciS4R*78PD>?Ck?3>p7z3ao!V=V~ z?R@$m=#dR60{;(B2=EfV~a4<#h}AApaFv?Rxo(C$B9t;n65a>^ww;Slo{zF#74)c}3> zK`ARag(!73B08QEX5usj6y<7=Z3Z zE0$osbRxeOQ!q$+!nh%P_G;tt@ImXXAl(a96+cWICGPG-s=D3^ZWqAj+34XT59djvB9)G@9)@Rl%3uP=0f7+XxcegzZzZC>Q*^>-7F^%+8;&*LZq|2)VTtap z3K1Unv@{ivZ(dHoHErEHoYS=ff9l3~Sw*(Pz*tGco5mVbfx5FL=Q<5)t#d z8g3~xyln>cftkv!?SX6ogkWgYGzYA?1hsegU5~*+8byOXe{;!)1ThhvS-AOw!8-cz zLAU3v+ps%b3ip9lI`jTc(301cqp~13IrWE;~lhS5hem86t52Ey(k`TV;^YfP;v(e4jsnNGN(mc}t<;a7E|2HqvK6x~Dy6i;al%0}?%K9l zKOFNIqcv;IG)V6QB`dYETs5|P&0ZCU^IU;Ogpr`IvM54UdChlm6X zImMjQl-gRi%k|c}i85}3zx>5-K7ROAOVgll-aM@9 zc6^vpjuIpvk`H(CQi^r!-Ze?7Rg%Ox^wD2F-85;KLbnb?BeADLv}%Y#;=QR+Z!cRb zeL6-Bx?OAAIua4f^CrS+j^$S2duDc=D{f|6;oj@AJv|;2ccK2pH3Q z_f||*+Gg{4>V1Hpo#wb)wqcIRd-M?!&agm(cD(eR?bvM$^WMhobxS#ER8{S@YYZBK zRkX|o?`{qJ=|DtnHITK)Nu#7W5)lg#@m;W|5L87*A65;%3#gJrj>Kfj5ur*S9&>~` zzE8bDyLDy?F%mOk`T$Jh!oYWi1SV0C<9mm>IXb$TltYX=l|Klp5V@*Y?Wji`=DU@7 z5Ew+zZDZ70ETsTP4LOA%AqI^)hNmeI({`;Xhd70Ds~U84k4Z75AsGkR7?(iZvxd~$ zz^lNA*R^3MpgXXbg*gOmrROQS!~TJ^D&MIfgLjtb?xDrXXpcy_iwKU_?NXrxcN=vz zBA<>CLk0_@kReSWboLOis#U}z_eos@EdjMOJb|#>5b@rPb8kc)-F*yJ!37e3^G=hrj>-<& zmou10`SbsXmB_w-AYx_>T1#VLtF}YBip3m=T!rz8#{CNREd*fpr`^W$Hy7}Q@C~-j z%B`d+#VHKybu|*UVj(Lzv2tA+NH}<~@8+Tb$W@wEBZ8=?yr48k??m^jm^)cD?>?P! zE7qH>ubV1dNt))cU8}Vor_j)HV12o4qmP)vb}Mylyq7)ieH~?~g544JCB(oI+Iv8dqies?cKe5peHz&{8s)0 zH~a!5?m$RLATbCD#1R+hK%eeYdskLwM7W#TH>|a|SmwFUZB|x>hq;-3Yk1%1?XN#y z-2>0hP%*HX7*UCcmT7D?R`aaj!8uoMm zU_r?Y2FJZ2Vk!&(t`PBUeIF^yIA&S%7&BL)r^Fy01aK&qj0pS>|M=HACB!r8i=OF> z+kU_qkxTXz**~^JgpsJX9>Wwfn<3GOoCP&zDmmFRb|IpyQj&dd!W=QBG4SqVl#-95 z2fZiQZtGHm@gH`AaMcjeoG0P&x-NkR4T{U*{k{>=arBql1rUy-my(uRf@B)t#ps~iA%6YH z(uyu(PGzDHLPiN#GLvAoeobN`}x%%0zl5GPaUc$ zNoymCJhoPH+Vy##D1R@Sk3;pFiEUy)o0##e&i+B2;yZoBV!6>GS&Y^(pYR z{eA@LdA%*MdR=d|E(HloO~my5>pK$mW8@;E&(XCkxgA3ioBHT8<+R?GT%=x0U2>^8 z{w4tQp>#sKCD)vCiqwJ_dyY2Vf4!@kPFrs!pyQ8kds*{1X38nXv1$m>uuQ;p=c z<7kl=G3JQey}&gRQUElrm*o$?|J|pTTkK=U)GWyXa!w^>dK$#(DM1KTt1$ii`E%>- zzHMtQbIvj6Pp>Z}rJPdEDNA~PJR(Kz?c*al`RzFV^_M@TERH_LM8bVP)}?;=^7{9G z|JUtkG4!2kbuA7qnIk1_jH#xnvJ(J%T4ky_IWh4wdMSpB05FbW>W^=2dCBFH_K$wN zx3cDXO*TBHX!~0;^ZmUMQ+xDs$@@pQX|6V!BAAYe?l$JzpFWl%my*aKON6svYm$I$Qq%QXYfWJ{9K)DTn`y8hBylkQiD(>CGA}PB zl62Z*jIJ?sKkh9w?lFB_UTV~22(aF2us(Iz?52H2yIU`L9Fv7&WZNFyrrEIGW+{1e z1wid8NlrvYSDR+jqx$T}9DV9k2Z#eZiixQALREY&qv4#2nR>|Cb*hMv@DFfJNaRmv zr$H_$`W8uY(le&n)AxC9QxkX&s$}=srk!cE^E{mh^Admw%4-T| zMK~x32_W*$Jai^yk*I`-G1t`h9 zn^Be|S%}C3P)20xr6e=2Ye^-8L#Y2HGltR$&Nwyz;1u!9;2PCBLg0pI@24@9Rd;s+Q`A-ht=x5iwMJ{el|jhnFt)hfR2bP6fDJP+W;{%RJq8X zm0;&^RL9UcQiPfMKKe0CE!T_)ZZ^B-HMMQzHMs*4j6-9rZsxAeiTggy&J0>fWai6D-9K92 zCo!cWrN|r_JMelr)$q~Jtgkh8ChM)1H3enZ-EBTOLel`CUdnOrp;-!hM(}w0)?+FW zy(q%@>Wgj)+-*7{%%)EirZbZc>-!jOs@n2W%O!_}plzc)x(uP4TloO4L$jpHNV&W$UDJtolk_24n+(=TKMA-UV zmZEAYB_=kvfTGel83JKewbuJmimH_)<`K)_%v4I+kB)dYW=HFRY_ixxAQIuX@Apry zm)m8DAe^assf7v6t>nbaC8cnE#0zxWTeLdDfA+Nf`t9wf*IV2xt{O$O+?JB zjrsd8pSIRM-LAiWd;i@}ulvzkAD6YZKKju8=tR`U4Ec?_&#B8&YR!GleQ#sTP;CO7 zO@9nv+RIhK!-yZLRk{iFxQ$_ul)Mv#zDJE}4-) zP1U`R8KeC`qX0s!+1!uT-ObeA-ydT{7?LL@cRyM`juv{eoRhg<*5&1PafiTjxj7=$ zQV=mENh15v%sl6mlR)@hm~%K2MBeZB#N2xafSjcD(MMmGg_%pr4&KMSZ@VN`wJ|3P z-ye@{KTh@w#hXrUx69XGzrVg*fBN$J$6vkzfg`BudaG~W?q=3nx8Q9t)BO^_r!y8w8V=2+Jh}n`M9R?l9ZDep=er^SPWIga~TZ z^>~b>2m+KOt<8wzysULh4OMi!=+eKT6p5YecKNvdTht_QW4?U`*F;D>#+fE z`-pXuWO4U^J*S#RoBfz!tVG8B-g1??ruOJ#pB&Q^#=ebI#LfCKQeklLz-V-hNt-0@ z$ILakK}rk?y^V3GBnhZRXpImk=BzqhguxL3$9{$-5n%Ku00800)UYE@P7Lm*7Dm#D z2qnTOqX|!G_$howG_yHlltb}g<`U*Mh}_mx5;8eJpjz9}qiKi`-P}%95g*4V6pGhUU<)c!7Hu z$B8g3t$wyfn6gBjS}!%OL)&`z5CVyVcsdagFmh31_5prg!^jZ}^E z8w1OLFh))=GnYj!FGUg&6B5uF8p=`YYhYM2L%_9%ico|MfQQb;2}yEvgMa`jORjQ) zeS(M`ocpKDHF}a58ivtzv;hEf8X`o`5b0y!UN0rAuI@kx*O!HbN{#OYqC^gZeq7sF zw6dK4vY(J2kMs1$PU+k}5XIYcYRZX|5JId$03Z^$LR1Ebkq%aBigg*n8P%+69&yeH zZXq8f9eUhP9$g%f%cbO+mRpJbHZa+#3TGZ|BAo!3SQ^>1RMYl$!{d~}h$3EK8<4Kev@eC3Z3-)8IFH5{D`Z2cmW9+jZ zvtIwq96LU`O7)95f*v25|a=BYP|8pFxIrd^_A-hlS)!r=GPn0TM=s z5Pd8sCP5bJkKyKd&0%H1NVswjjnML1MpGTiCl||g*y~?jO`S6n#YfWZ+g@)45mMpU zbw`Xb5|U7ddKtkdnmHMF`>9jhjB+Q#v)wpkWnA!ZE`RiIIqmsYzto`MuVX$DG0x8K0qqi9{!G zpHrXq8YjTeftXo6> zld-76Qj2_kSw9}fAHUtdd|JaH{c^3>wJ--x7>Q^M%P9r(2N9F--bT%-Wa&enm8+GM z9{WLr4iJm}sai`CW<-n#1ppwVG3V52W~%2!1AvmV2#={b$(UM8>AeHuGgsl147DDi z$dFTNy+?$wo5yUvk1=Clg9PA58#xI?;vgUal$?$>e*W@`2&!6=jH%b9eE)d7UQhif zSpWba07*naRFtJGn&%d%VkC^G*L?Y zc;5pE9YV}pQ`^tzleb?#mTM7_ew^@fI5|QH4&Q%$-|okHtL+#79;>P-{UexW^bx#j z5y>?Xk*f7$TtBTJzupn>{(TGFL^!e9){rTv|E-M>^BipedQ7?cm}(OVACHZM99_*= zXxd3Rh^#jUce8CjbZYO@%q~k+Rh_!Gc3bOx+ZhQFO35Xs+x24Ra~dMescT&VDAami zYYpa4Bz5#YV%N9rM{FA1y^paj^*CBB836+`1px2&M=kkr9PVCn4k{=SwcgyU&-wOo z4`=ytbiz{+x~_FyYR$#K0O2?q3H3guh$D~?AV_9leEW7^UW%HHJ|Ay;NDEwj>@)nA zC8y<5#-Zz_+&(X}t9FaP(a^&nVB|`f+Gta|#$vs1H&as*Eoybl#&bH6{frIs;f>!Y`!X2;QPmo*8`IX~XFufKi#>py=F zyF@!?*bo6BSbpvh&fo~(M8fM&OIdTKLoyy}mQ&6F z5cp#j?)z|qXB*(p$!mP1P?lRr^N~U+4rYdDwRF~MERu3^b4~(r8#_d8nX>o^zh{h8 z+7sl3@t8>Avp6OMbLPO9TBsdVE$1_#FGLzK)K@hf7E?wN(qTF^Wr?WrT;y5ldgRK3 zdt}7MTZkCJ0Ni8s5n9$LH=imCk}Sj=sN&^Xqa+QnP|Uh7w^c;W@PVh0CbT*+fezVK z)U_7M9P`lDyE&YE()ds0?x9gkMckeE+2}Bah9sQLFNS)}^_n+$p zz_1v_czZm}wef-Rg!7!C?B@pqFf%=!wKz{G|ko zE^9(OH;Q>ll1Q?&d!JpGTWwpfYu?@u4OE|6tW$#4O-#Awaf|>Bjbom@v02Q#>$NPm z5?g|@9fVf|>cZvzlU*IXs? z!iX`|B$+rfr)MW=7Wu)Uhm3GTDa@Jow+0B8PZbHaZ%3*k3Hv@H#c#HGyf?tu;4uK` zFzxCN5hD;tqEw|`3lfCr$Q`zCdu#x-D>xuQy_WXqQe|xOIj4sBLANg}oTz0SO`{vc zGid~+NZ{Z?r&O;608?QWMv8=-NrL?M|L|8aMZhzPD0YH0b=I7Z)?)-Srv*YD0o7EP zLuh_ZIN)UWMlwKDBuUtVdi7)%GV#&62v0Q!U}C^itgq&MbV7{Co|4l2vCrV_#&p>| zrxYy&KGT>(&?)H*(Qx-tLhq%uB1S|97;00sjTtJG>souCeJaL~0O@p5BLbYAeFzpK zvIGFlUDYB1fGB1OlqIPdA*GZsh>9sk9Y5yG`J8?cqIooLAjDIx)-uLiYDpr56xP_* zNBmN1ezeZ#92LzxP@#zU@i;DPeYq~zOa1!oBdDEIwI<0ay?tyor*nb?5Ycadm=m`) zf^a&f#`n9oZstj-^&w0pr`87{)||h;KZa^8`TjUmt3m zQXIVZvDEVQ+xzGv=M>ep10Vr0_v19Xn0u)y(9Y|vvQXRF80R)1)Sqqdv+Mq7Iuy*~ zz;JaI8g0}|t(W}r`L^%P9qO8w>k>A^`}YSCMtn)VT3ORPbL@?U0b%qhLfif5t%tI+?;|FTqbma3KCSP+-gC*LkJm3Rfh#^o zszm$NBnLeMBauVZmRmjcHq{&~r1OB@$5d0t(-znJn5vR^>KtRvIZxR%oRtO4*6CR01H9%zWMt7E#BbYKkj{uxBLC$u_3~C9HzP*ZQGBCJUjL_`Ya^@psAIV zmZiRZ|0pFfb1}Qr!1Rj{TT5iS`qtl$p&v6obSRcmN1= zAi#B9q9_0Q?JcJ?<``qtoc_ZfzrVk4bx8ppQFAk2Un(NL{(QN-)PPI}Bk1yZdHLP- z`!DymKiyw{zHHx*tLG}SX`C5uFo%WUC%80mXpN?`D--H)M67Em zONmNoz13V(0Qi?{4L6>dmnElkvfU&JfS-X@dIGf&Q8NE9T-vl!^I0u1Ily{bBIVal zSe7$W2t)1Eg##i<;(#W{P7Lvkyp5}hM8VO6Cxffv#VrokEYYXeE(>OkQYIO?Y-&HvCp_+qJPM1ik+Jd zL#DnD07y%O?s-~768C-deFT}*)KV4g%9-1}$0DWPN@TFa?=qW$gG~c-0GLgq&5r%8 zyGxPn?FhjYOGs&g12*{||LJf28UKlh<`(>!(~okRV0g}%gnx8eeGL17^@MmGgPIef zn!0&T5|jHe)lM6Y1(X^9!>fuA!-&{8VF=s-fQj~_g?vbuMWpu;^vd&x`_(fYcE&sQ|qXHQSE{2(8a`tvMw`T52H#inkJAPT~&JY)*5) zsXnGTP@kGo0>D1?dRcxji^iNH@_JbTF=YBkwCzX8Czx1GAKP9^(y2KoX1=aVgq_72 zVX98k*tBj(n{$RkI&1?G$~I?go>f(Il5j|ydytVrE)@bKVQypOoB$z<5aVTCLc0>S> z*P8dEPt}srWvvdr?Jc}ddr(~5`}u<7sg`rv_9KY^`padxtmUyCVS0NS80`MOo%bQ3 zo3~?_8z**v(PnRBj0p&;CP}U@%N+Xg+x_ygrX<__@IS-6ERO0@(t0h&*5aVLy{<^~ z^7(psS&zL({-~*qHtz2mGcK1BvVMu>_|(zo%jZk%bK{!SwS=@Zl)mw4b4^5;Yno%G zED;x=W3ce{wnb3L<+iNXY6kJ`oc}A+em~aRa@==B%voYAI>$8iIVbY@Di6>K{fH=nJeE?z`BSuY*Ak5o-h)77k2q8&|eCwfVYD~fJra0O!%evIsdcR#SOD$#| zGPyBTn2+9nh!1PdIj5XcO7e2Mo})^@>vc7=F{hfAwfyqSZ_BkJqgs?bx_#_icpSr? z`G!QeeLp_FZlEAZ)}?|vIcc+>zkIsh)?@4FSeEPtfo323v}vgbA(SN{!1nEs#7t1C znEFqDakHrjIc4TKEi;!`X%VV9qR03@aDWk0m{SS@!TbG@Q;O8WsTyu5 zAPn~0axG<*_g{C(ba}1r00d>pY92|(fUvw&omOg!c+Q;JrZRJ_SrQ+Q9-@(4Q-trj zgALPZ^-|8I*)%`hgd|By$*Bk;r7WEI)0bPAO#w0I1OSNS?(55Hsw59q7z{B^LIk-aFks=xOr70`gT@=`6=Xtlh*~6ecfFlBDFifg z1P{ea4D2b;KtaCOSbzX$ju555Jw881sGK735_8_=pW2n5}8@(olb!+ zo&?Mv2>IBQ{&)(a$LMWdUKfw|@)JucSP`R?gP9Wp3u1D!SkVLlW;6{(>S#0A7^c2|9J4Dr)HPqOCFEo&OB{Sr zkj$x$;O_gQ$Gt~{$JQiEOi3KzDabju!J#*c9}y0*)8~yb5r6)U03v+8wC!A5<&uBI z13&N3xcN>e2Az`>J3)UA#6(E@2xo}M{36inGiU%-T|SOl7vf6DJ5pE0qB%K zjJmmxF=JpB?@eYlLvu)y;+-7I{Fj&OoU_&vILKfWWJyREn)pajh$bXpN=wb^-urm$ z$GX;FsIO~9fTMLYQ`4Gr?*kEpnT5^$a#@3Sl#)!Hsup8=CYn0qbE;~H6i>+(fIpWZ zQ*~L&kA#sC0Bkj3LO>BNCFLaVA6qTyEI8&YS==FXO2Xt0f$o{AQ}wdeIrY9Bgs5(h ztu3WQKC!u9mh%1mu`cEN`{VVt<|J**$9D8F_q|DyxA(`kH+5K+nj~G;T5=8}Zz)Nb zk3ROJ)sn{4$JRt>skyb0a@w{75ax(rX+Xldl;8gJMoeX`%#)V3YRcJw|u(;Nd3dp|7)y@y^%&5Sd}8j6CPn`BO9;+N~?4}bCH_g_8} z;!^9s{P9;2kqCK3xLq$%$1JtH-mXinp|3snQG_A*LB!U_`~9)jvLDUOYboY_v?eTw zC?aN>gx@|M9EkyDM@WJ7Jl^8K=7_dr7LnWS!o;`RB|6@1-^Z8%|G7VQO4!FhK?8F? z8>H{Qyr-H%loE1_l*Olmc@k+K-4#IbcRznhoUWHOr?h<>@4s!X?$cjBuZSqI;XSle zNr`in?d{NMDf4nNb zY+8h}o#w;I^bC&Q5}u=Gqi)$K&%6UUq=5>n-y zrV~mMV&rgb1}hyfD!C9$$H43qNk6Ob2m!!nAa`se06>Ql((D?0Z%O@Cn)S^ehwhEM~_)`jQqi#XL!)rHKy_u(3n(GXe8(dB8JG+DF&_)Xg5!d zN2xiQC1O-n$wFske-1D8918G{iAijm0RT_dEphDX=`?7E!6rthxg-D#z`s35=Fy@+ zAgb-`H1LGyu!w{?fr-ve13>Mx3&(*-XFM&NTKpjZ&M`xT^X-=pPSo2te>77(U%7}* z`}F1d`RD6t1b+&3;5-4%-NV~Tj7Vr|kqlsJrRKKxi2Ha7$uJ7mA7#C&r6hBjs+E#M z{t=aiWC^R7dnBn@XogP;Q;5?zM*fIMN9PcWrn2O^7C2@4;1;p( zNKA39VnG*n4(2excnms&_8Z?|_*_qa1)i7sso^0vk3cJM(4loLQY6ktV%px@a?63w zj|V@}&5$rVxcBe}g8=|are_SWg@8~p-GAFdhsKF6uN55jkAD5U z=+JP6NS3&5+|12Kn{(*c2Peukxr25MSqc$_o-ic=^wBf~`pY#tfV;nZSy3nz0R$Gl z{It+h3m1zEN&NA3%T<M9b@b@~ z3jKUAt9Xx?s*jwdVD)#1;4yx0GM6tHIFuRC?NJn=fqNF z9y;3$oijZtYV(*xgpASuAY)!6#u+S}tHeO(j89fGa~5v31~Vs-<7naKk5pGA zbZ`WZNt>N?w$o)Bqu<;00>L{%9AkubC5!>Fqr@lDDyP^}V=UvQx+5l$TI%EIC1*+U zSHJ(+z!S@SUOkNfKX)b$B{Xwj`_s`nBC6R^OU~&}zkWx=PcPS_^~ZiJHIJbZFKa{q zSZaATBqN2+)g1tWgQU+W5D^*kR0oDaG1g}<*Gr6WL?|Gw!UTvhmA@?I<+?uS4Di^F z*V~#!;5proFo!wkV{dLih^?P)3U>(6P7(ot)@IHE0GD<7`u(ls6b^4U?_*w;+Q%GI zV*vW=*SFpW08Z7M(q&ox@cWdd))Twst z{qfkDSrUg;6bajYmNhYht4j_($>{Ug+6+SI&@X@asZ_at-w;ufjG?ceFG$#qk!z|o zw>A)wnB9H!vE2`yryA|@vP9tD8EpliYIV&Y-?xgVS#pI=`tu_F8DfBECb{qgzr_S2`A|L~{ZE^F;$ zPPLNLy42hCQgWI)mr|aAeXgbmIOixit4>vo)*^0fb6-k%Hs_R+F!Oe_(6+VKqnBQn zx*rE1mLx%8M#ST2EWvU)Gd{#8=46ic@fBg1{R2mi% zqOp&X)2E+qdf2+wPp`MX{EMG&*UQhJKdq(y{^y@+&9#=%=k|W=?@ha!dM+tv)}c8| z$-KY!B>d^8by>2j?f3rvbwh-lB`4NtSy-nbpb)J!uO+WFw=oGZa0s#W%1Mqk%q(DK zOf15;>uTl^>fHLc-;Z47`nn)ThEA%Nd~6}af=I4SMfQ)bU3Hjb38}pZ*Cip~bUnnPr5@uUFI+cASBK*`_!R%$>1>Cgda)+2UROeHnp;r z5JtNh3&%MWcOxRsVF(Zs)hK#W&F(&j&S9tY9ALDmQ|HuNbL4LzQ9xPTr*VvvAh<*4%@5CMG$0Z)VmM3y08~BYsH7zrZqY}u~;nTeSZ!R?&H#iT#Fm#AhuXhmU74x^M=bVu*MKHU9ybV5v-!_f!;L|AJ2 z^wZ_(aDWK;igPDk#cmcOLU(xk?GbaX=edtDKGSLY<7Dl}>EPy^IN0_<&5w)OkD)`O z(TegQVDKzF`}omV_M->IDChJe+i^|}D6QL>1CUbctxFPwGtDYRm!7WO|1& zCOFJ7Q%a_1^Dw6Zpqnq(0#87QsUgA~(<7mrDFD;CBuNtPUNm^qe4%=CCW@{-(rb`5nR00y{IGCwu?emwemtD_BKoNdPAyu1_^np68e zBr_lcii!y5n6YS*#PQ^&MYP*!GcRfEGfZ5UmnAy?-lh)KVe3mlf;o)|O+7GZaI#I6 zg~}xXLf=N)x=lSkdR~*e@9%AY@6p!o9~}_tO9_un$o=v8%2M@+3m`$MvcCnc=TwR3 zMaDLfuwL{1w_T^DBKup@uIpbU0_mDcVqg$99DBX^a_~lYsF>#19kw_WeC#IKrP4L;8}_ zk39eYOgr;y0kPy9tk0mu##;BBxFGaCm{84Q3@jX?BT>^ZALo2Ftg(AVB7MdchnzrF zgUg0^f{fffr383>od6J`0yAX^hAv6slmr2pC&tW#-sx6OkG)i@75)Ailm_ ziEv%&_xHP+|MK-)XqH0N5PQZ*B?H7UW+>t%JfuxS!eA2X+O;uRa4(3=KGv^+Ck*R|fa?ephXW|}%3e5$fgZzE?(Io2E~ z!db-3$C&ZGFC|9@`1$1`Oxxc297)*J|MKTgAKO8QFY6NNE@2KSS&r7#JW1dbaobxd znGhfQ@%i;ya$=^~&kA$mSV15Yn|V%YT^B%1B7KZ_`L;1Wzh0Or;7)(_yU!^}tWz#a z`TM{5{p095b=zA`GF4j}Ij3!FU~X#1cC5E0CP{5?rl%_)2yyrC+wIc@35jvJl;v92 zTh*cWj{^XfOW8h-0Ql^WzTJ;p^XzkfKXmHLmutMm%92$T2`L(2LRG)NZMldA6M*U1 zJ2UO~7UsEVgSU@8M7R6L5iPqUu4|b?b55s{LCJ?Pz0+m+K|oN2fjAjfmk{f5h(pvMfjMN#xu6hdVsB zeatz=5aHg(vee#(FyZq^PD%E5C z64bx_?Wk+nzVB$b)N)_NT`@ zRGX6fm*3yUK7H8R*KPmkLKsC!T@pH6*CIr{%`6-xlshmXF*0)mm>?wisEz;tAOJ~3 zK~&L~&$q{R1hKUBalI_Bw<`ktyMO*gP0jr6V;ee=aZEjqVSY}XB}*zYW2bR4Ua(&C zY&wqV;MT40BWGcuQW7&EK;OoX$znh@0wW(aXq>P3Osa})KqyiIEh1UWe6$e?pUBjU zWmgp9v1<+QBMX~`CKcSlX2`t5XF{AbOv82;Cd;_g|d{Wy+W=X?H@i9 zSdo#K!c=OpaGMHG@z3mv2>PtFM5JvUBZe(?23WJbiGEWg{o_CCC`01^iu)w=&9UJ;L7AcX;nUH` zd@^mAi4&1fK;-aw_~MhYA07#arNa-I$~j~55EF82SDs0Bi1;7--Q)2AhhT}M!pu(@ z#PdiFRUb2jDE#a|!c!R6j?S$Y=TrXf?nn?z09Q9v1U$B0*POBh%RDS8F}Wi|a8K!! zC7&M?K-EIMZO_E$SOLZQ2qR>=tEolSbu4K^_z}bMXfWJi4plW~{;?vk=_w^uVT zA~O3#fOd2QoLvJN!NTq~hl-rwS40Q`SomjjJeeYN7I~%~1E#2*;;+qijJWc%f-?sSDkB{aC;9l131}RHk5;1{eNGY5!PS4ma!nh>EbDP%=DRfpL;rL_A;uh$&xOTaT(+1*p+*|j~I zskLoH_HEzi51+TIk7LGrj1!ys<+aXXq3|K5vgWY9_-ULqI5&hg+l>6(a!EgoMr|9j z>Fvu>)}$jMhHQN;!Tec2mCL8%Pr_uo_wB7o;W;c-uD5LFVf?jeu|JG-yyLxbW*gSG zk(YG5w-D_}=IyPeL^@T6&aP&jtAqj&F#;0?AaZ6mmn@Mg7^|=|9${Dz*nXJS`0xMW zucOxlfRgjxdKhOP`{53K&XUv7hcKI&hy>yg5zCXf-`c3P%sJ1MABJqkYsqdNXc}fF zBnODZfcYeUIh-Q70G>n@%S@`;`wS;>V1q;F_XEQ9gOC%m&sy^De){zGe#aA16ch$e zNkR`3>&uiR7S=%xB8(_OkHa`he?lB{9!CR!y^Y8bR1JXyyxgv1>g(-tyDZ0;_ic|C zQ_Tqh)HF$IeYpA1d0m(IO~;%+e}2t5{r>aoFJHe+)gRP+B1$46NvD>ag9!ALGtSmW z=py0;w6_+D|7bMlG=>r&jjwZ4@6SHJ(v zL|?yu)RHf2QFAj3iT~UCcHW0I9eYQ>5b8*hx33?jy1nmX=>EO~!v1KvNUTJAn?wW% zm)kYkIuz`=gyc)L_p& zO^p^}A$39;LrcwJJczS=jA`l)4v0EtDniVm0VRp-YA3{F?+7r}g7MPZm{VKpNLWg~ zUDr713Gm~wU)LH>R#<7|^!;;C8WAa_G<05;MJ?&;g!B2;!JiRX^?zMBMiV z0CP??n{$T5`OFCR$k`ZU&Mev8V=EXdM>A!ny&XquKrl^@)>`l1zkeX1fgvF>I>0za zp!CK*Z!aq|Z{LrfzPv8AkRc2g_q{nzj7Quast z^5q&xX;(k)C_zL|AiLPG?1a>}^b2Y9_)l z%}*J3x?Yyn=h52jy5^GlnCABSx~`W3=w(UEB?ChI{n1ns0bryH5uXQGz2rFa)>}zg zSSTd{b3zNXvp+wV;kZU^keC~je z8GO#r0f2>~c(oY=_8@Yclj*3;5HRNDVLlEUKn%-+_YV%St8oKB44P2N(vG3iEpqy% zGc#w7z|`;x>r_r0gnJ|uA^o9`!t*Kf=Y%`zHab7pxjn;^o6gZx6Vv&NK~Q%vhRtCh zMmPfm;(!QEQ6LfNiTz0_veHO3XZyG?5YLn}g&rwf2ARBD$GUb z!eJ8qUI@2N_63}K8w7AONeK}o2_m+wML(7j+Zlu!>c#jXToQx3WQigi5ayiw<6!2x z)ZY4XS^6Jj=M{T#f$(M>m?nJ z1^}E$%}3L+W^gD=4!39&rau(zZXWptk%N2tymDe@;-`e$-NPIlCZFx?SYAq5GX?Db znC^aj9FeiZiBwOyP5|%o5+odm#~rrBtl3SJcDt}am=XhLYov&f!PD{1-G9s?a|$Q4&_9B>yr5ggeIUD zsc^K`+Liy|pZ+F#-_SHKrOY{rS^j^f-lWNuBuNufHMPy%0Yt=mxm0F%Rj)ELkRo&9&*viKNOxB+xxN<>0Nia;<>50#Gfyd%6#)d`?xy;!;*QeRoLlP{=N+q1HMOjmbP7xjkmo##mB1YV%Hpj-kd(eGFzo&?m-v?>)djp1^hxkq|uC z&oMNoNMx;d$OnN+B20_toyN8GVF-v&5pm*DjQdg6CF7w0olH&%S(&ih9i=WQ$)hLy zc0a~YRZTIV+*j4sC0|Zk>ljDm<>^veH|9R(yb@z@&Or^elkG%#faDX!1y8VhY$*8ZR9gd=Z9JE0{}MER?zmy!zY(>N-5s=f(A`P z|CeKgvcEi?`xyICy||&;`@oZE%_(>RvU0SpYF^~G*Y_X3{dCkCyyO(UNRA$5F58lF ziukf>AGLOj{&*8GX1w3_@4tD5?kji?MfiS{^R^Dv_v?{UJZU;!G{1qB8BKvjygu4oi82w!ZEbm>v~yWz-nzAdud0%eBN+RE~i;k zJi5a8j~!LSr6r=%QM}lgwJ%T^5>Y)m`D_xFAB{sOGlL8ht0 zV)TGo-@aV;Ye`FZ|9b1a_cqu~79I*|ILTB;D-CE|?<3_9QmCa76ZFtZ#7r}x&t~7; zQR}uX*hobr#sE?N{WvB(W|mXL4)48)llyT5?{D`zA}^3w)%*DR_MSpKN?n)STR&=n z$s2k(fHY8%d6Cv9Ju+1L7$P1KD?^8o)!tJMuW#3VKU(iB9M=$+5Z8#QqLzk+NFDa} z%e#2D|kw&XC+3Jj#|Pi*2s!A`ye33bUtTuk(>tE?ddv~CGAX4TZ*M#B$a*wnr89Gc z*M)hEQAS8s#-(c1JI-nf2Psz4{>NggfrVd+&oMVr~nhF%ft$=4m8_v<3;4SlFC%EOTsSW}N8Ev|Sc_7iJct2ZmSonwA(+fT$0> zKQ18JkMV;rabi*j^$++Q;~GB-cSG`Ilb^vprjJk~=x{{@mbTF*rVfr5<|tF+skS1F zTp`W=X&qC9gM35m16ZTb)C=AA7?3g|goi%H9q0J=cKrTtZ)piB1r%9;^LgxM=A-`z zdTO;Zvv>zYlZh}8V+#stR(2qD1L?`)g_$m&Pas~52ws1bLWB^U2oc&0*s-gnqdM3g zxinx8kk^Ei9wNdgX8KWhN1&2M>)uN(wd^&fSX(o*;60YDykuzD%2D%@#CzzLd+RVT z%oHH+L|nPo5CaUUy^Ya_PqUf;Qy>f^t#l^Febj0zdlfIe563R8QHLJyh1umb`sjV~ z%PC>x$XjYhGqsR>NFIVcA0#ayZz*OkL13Jy$Bc2eVXgN0OztXCP~V2Zqud+5n$gt9 z5Te&%y>vkug5%>}Qw|b^nT}hHiTOIY@M;&nuX`2!lFlMUS>uCEJZLsj|_Z_)d5~a6c!%VH- z+Xr4CPJEDZZ)pvr06mU&a_Fze!eVb0WBbk=3K7Lls0kpi_gE1}Yj65m##uewNjX2m`~f% zT34IvhhtW=6hm#}Q48uDuh{nj3Etj1fEuIrqzN zU(9G(Qmx%N4&F0y4F3IgkHPCBTC0!ohi^aE)?06Tsekv!ANS)(!5p3NG1!k6F zI7)HM0P@vzTbHi7mx@mn$m>xXn9yy>Yfis@eZQPnh;!N)&T$Mr#o!#@kFw-^l)9~% z$V_R;@$35yLGL-nukW|}UQo`^`uO4dZ{Dsq@8z^Ey^kfu7y_A0>+nC`*vA;kP!XT=aY{>xeh0M=N{v zvxBf9q=?yJ?*;zUN>kNVhGPyn(8I&TOyYf7LyR8m5NvaBMotl`s;RB#g&n6gsj39$ zgWs=*!9+F#;|NrBZ^OuZ@a!1wdKhc92NJOq>&TA^6sMim{L3 z#HA2o@F^yI0Xap-?kIIXj@y3hrC#rMBU4jxa@+UQw!Xbzu>-f(VhAAw=n0J|g-~0= zY=w&uBm-o!lcN`BWTn=l)M1)(+>i45_3Av|uX{+LwGO%Q>9TzN=`Al2CWjb<8#0=u zn7;k)^R}+rx&-fg9jA5m-shOi=s4=PFE7Vlf=CcqQap~M9-WD7&}ogq%hP#TLR@qH z^mNH7|M{PP`}05j{^`>t=jgqZ($Q>MYTwpG%zZinP0gH$bFTH?`%t4kw6vB}+DpYF za9L9D{>$6jUTeys>-3Mjez~PJhUkyI0RSGuAQACVJ{+#vjfrCvX0AtnWTL>)#K=2` z0EU^r|Eq5?A3UXLc;qf!HCx(*8|e25=VL2owW?LLgQ%)FhK+v^>nE-5E= z4y;0mq1V1_i+IUv3MhW@QubnMz~ddekU~tc+zasX=`FFTf4~UNjzbI~_!vA9x7vsZ zg&yqK2ak5bw8TCWwWk4h@*CpVc*6gWsB9>kVU@#Lg<+K+RZTPRa5l9= zLs7v-Z1X_`7lKWFJQ$Tx$D@yB+}{o#d`uo$Roi8Ou+|5GsvCL%D0$q62?U`dUV0m2 z*gVJ{%)bsDecaxT-nyx6m&FVrEf!*MJU0_0L-aPpi8%Lg9ZsKBjG>kWk8f{7yn~8{ zptsQ(=Q>#erqLB&Lpf^7iI`e#F$L$`ag^T2vMuE(W+wh|c?c7+_7PI3rHm0m_Px-RF0 zj*gIhJ30~h;L3H952Na2mTb0gNr%%D0OeG4CsZnm*peHsFz_%`4qS3#W}7=ciy$5gKSKTPitsZ>pn%= z+ouJC1etwk%z9OLFwoU4QN(jQhBn>biUbLZhuZ;5S4bf(0naF)25jUUhbVCgqieZU zGYiQ(FQcnA#qJ02we7vPK}Pl7eDp{!05e>!rK9IjO@bg@K>qIU|5#gt+8)r|7z!&B zZc;CTDqjdLTN@#G$2{}A`cTyvy^)PEPiXguA!~hzn`)glMvC!6d<^)c^$zoZ7Z*Z6 z98gE3F4OF;Vxq_9tz)obajuO4^$sY@7(8Brj8H?y%pQ_`W;ptT_eK=Fw4q*HZ4DdF zd0X)RK_Cy!;CAQ7W-B;`5`yirAUiZ9m-1!Y5TtF}_`IxBGG0)^9&Q|I5$6 z#Sn&$%eMXe+n3h+m$z$9(J{Z@_7vh#N{rEn?nl{{rS*Z2`hj50>>cO0)`pZ+K1^7TFA(V$I$oNep;8)nnfgtfc7~`eZAh+ zB@eaJy0CMoMD1goPwU(DModh!rbJ|GPS^Y1`gnOdUH5&cwxPZ2&%eK+dbz8ZcOgRby*T|6(E$7@pI+^y` z;u2#D&apV>yo@%s^K!c$aG4Vm3*X*%CrnH}2r3bX3GNiIXJ#Z$MC5kg`%qKcmRx%e zUc3nIi|5OwwWekv1k`=xoM2gV%=f)`FKP-Gfry~z4y+(}JyRoQ$1GlIYqQ`Mz&Ri! z=Z;d5VPb6Txb=R!9_u;pw*yKKFYaIepI`G~M$0>C-bAJ94LWJuPdk z?dfy^*WX*eoKCHE$QM!b?8W{3^Oy6MwQDK;`c~e)9^Za`ZdGGQ`_VtYJpGsd?SK65 z|GWS6uRs4@`&iaARN=QqxIk^gd$-qC+b~1Fl??>xF}FVY7+(DSek@CBy{}uo?Z=nb zD_m|JHG+K{_a?#lAgvDMh>Mqyy%Xo7$M7K{Hmo;b1Y%=?!Opo5d@bF3uV$y`^$&mg z79RTbvf>Ooe>$BmYj5NFdJl23zDxx0wH_4$1I$>aMr61_MjOYioL@EwUCL2I3^1QK zcEsFk8(kr4M{Gk(F|8S*btlt`fKiNzuv8OK?;Q_DAA)l*EjSS|RBF&1xIYBkKFEHn zfCFH^YjwZ`jCoF+n?jP4mf1knHNid~gS(+g^!XN5OowRNK0PnnCCBKuOHNA^?_%;0s1TEVlt$a^P!sQn3~Edw>cikfpYO|v9w|@E z9HK|LJ3bzCx2c*BUdN2z!6gLK)O?rBL?~wAkV3Cr9u7lo8bd=2lNW;W zN_8G3IjCw%G3Ic8zl)dA26PaRc8W;M0Z2S7G0>IeHA9nz#jlnQnNzFX2QN@>mOf=* zX5w8t8s^|~tNN&)yMDdrEsr+xmhP{I4uiqBcSZLlFm+ru$9o0MI5TsM$S7oA?iHb~ zfZ4esoJQ6WrppB?13h*bM|QM1?n$e z&Y#y1earzi67V7A-c(J5vFt6ERBtV2AJ-7GA5GtWy{S&E4*U$_9Wm8=hcVX)hb%-a zLGmeTpTaQh2G2>#VUmG7Yc81CCn2(4Mo6+;(&z}dC;Z{gi+IP5>(ScLMR(#e;Qbf_2O)xYaAP9POR3PA;FhRuCIfmeN2yDSwRfZG_m#&` z8zboT5Q0BS!99-^Rh&a!wK(378oc0znAnT#rDF6nvlIdji7`~fi+7)%&ac-SGuPIU zd0$FJNKR`##_;>s*YmpK&absSUrz70dy0`Ae|o-5C0}d5zrLp!ueUpJQ!^9ia!es0 zbeT(QriS+xyxi``x+I+0jz~nHgQADUhi6KuJL-&2IiI%LyP2gFZ})vR00e(Iuln#3 z^r73DZ}+2*aaz~k-`@MsoC5scrS{%6L|mv4V~3CXuQj3@-35dKZ+qMITZi$MEuj12nT3V;l zaI^;RwjA6lt=kq1S^zG+Q|K)%A zpMsCSzFwC#|M{PP#x@0G4{BLah)V`bBU(X8m5`rkMsL@>)|PXuwWSn@=_vK6b(pee zWpmzxN=r**njLnGyn#MO8xuW}iFAJ8*`U{*xOy~jVj)FH-At*KhD?=^f)3R& zaPErt5D7Tv5Orm$K+A~;1)|~wwn*SdF$FL3aLh|<9qTLRY4E+R4$SDI4d+GGOvy(N z1(AC!kifZcx|HW*_-7@#`{U8GLL`|3gK&O4krW)Jb8PdNpwR}3X+4xS z%%}&(Crm`%qpWj=kCG8VK{OOXZSAwF8SgD5kC>OKDKeVA%qamfv*EWV8dl_TooZwi^YYs8YLD2i&2O!bW;hZz5 zZor-DP{-VkMoijt3>|fZ?CaipMI}hkp>d73FS`@xvnN9Fvy&jil-2;jm~&kB){fyE zlUhi#7Zt~-zJ-v4L5JZ@moaeOo zcJ$+3oHz+if}52fkMkN{zK3anLKIcgVWSQdemU2W~^v%NxC-+(?~u?)#eoDI|L*ooWU%l=l8(b7UTQktnA!x(zJrj8lD8XE@h4X_5}5lL|6*2p<#-mevo1w@TQ1+<(K zE;bPtvL8)j_Q!igT*T;ebA}K=#K~X(?T=pRjv$)R@WC?w_W7MgVJ-?_p+6DFOUja_)VA|HY00yAnGtwFd8171rbsJhPj6 zBsD;oYUbEMM-)SV<^*3;%NUPaVT8^;~z1|OEs;#4fU@w&&|MvCWG5^&M-@RUMBC;$A%NueJ zy_4WwsdY&alCv?i>mZ^ZzxzzY%aV@TUf=H9n#a(+w4t^vsjHTwJ%2uX?^)P`lVuLc zKYc!j9YmUzFGl;W}_Gt!|U`aULJ ziw(onj(btGz!(7~MS|Y`exw{=IY?_9P3zvAV>GQWF`6k66rvrFn4F(BY!M8zxL*(FU5Fkdc!;6*-fGvOm-E(JhwQb~o>EZN+Io%=19}YM{dyZPZ4()@ zsj_3J*J2E{R+wi#By*tK?a?ZT4n9CWW9U$gA?&3(k-b#ZhXX4;omQYwJ_txHGm9zQ z-}iE>=jYSQr>Ee=O9=7_Muyd=QbrUv5;I~P+VB8bp> z8xlO^ZP1rG@8Fq1tV(*IA*kAbeFF0|W)X;I_)(_?X52X$k7^E>2OLIiaUaVP0Np9t zA&}++$~q)m+e0&B^OWMLtKoT1`RE}uVxEpe1cKqugtre&#oQ45gtQ_48LB!IX)SKX zJ+pIMOE)zUA95t4(Wh%}K9^=EI#OIlt0SfvM}tZ=nlVAMyo?a|;9- ztJb5%9AHNJa1mhYP(#ovZgXJ#;6nukT3{u1YOXseBx^OA5~K*v9EBA%-XOtC|Cb~`-utF5+H z5b8>GuTX=C7h)<$bzWL+X^Hq|2|N6nhzugbUb+P5n2&4eP3@!jS=f0u+Q4VxgLmHf z=tq0h)hBOcI@EdBOAn8_11CJ%h)XzbRfpy+eULx+wMNwI08ph}d+8xdxwTOTISx^J zRj7AhD+d{}U(0$~=GmnhqK8Az%vh!oJT5+;lXxe>YE-TjD|fxOxCTgQK>O%0HR@%6 zo+6`q44S~GVevp)mUg?p6(U+ru{SOE>Z9~Bi0Qc1^^%E+)R=jHD`tjk+k3(D3Qt;g zE-ir_OK`nvN0|&FYjM~El5nPG(e0Lz_o zBBEw7_$6n@{LAlO`WUa*+vn#C=BHBXQOdS1&hb%e?*l^Z`(D_&_uCzWL+hOgtyu0T z<=aosj=8mtC%US7@ujur%XwRu|MwsM84vUvQ;K0f4liPawb`iiK1bx332VYA{(TKd4G@W-i+wc4KDYbWfT6=4&wPIC_s8JNPbx;(w ztG3z{wW^`53K~@uMS~)Cs2L-um8jS&h}aRtc=COYeX&hFIs( ziY7OGFx7*lldu;jCy`p4kOu503VH_YK#qma*Z=qW?Ye8fr=0=-xe!m19}+C?<`z&F zmn@Vi#gHl(%zjCpN)|&($IaSfn&t-QFE)_AAk9e-r4t9jy%W(O~k7CIqe)n6$gUtMH8qTyq}E1%3F!H6E%ob4NwUP${FsEa0_BBqG<8LX@C zMHZ~M;88!2^cPKDemvkHuD^*+@p$%`?QTT8M)*WW=wC=8BURw!`lg<~@RG&1q>tohmIm954O4Zc(FQY?7OY zrU?jAu+qGvxGM7nv0`OCnenn6Qcb7WCA%1JV2-$v0@#kQs6Fuf0OF|4>ES`UTEM3x zO!v-1?iI!4vt%RK)#!LTQUh%v=eMh8D0lRZG`Cl`AN>-zCffZLD5=Qj^4*7Kt-i>5 zhqnE5p39Q!Lm+b8Ro%WG`YD4MG*vAy{$@UUS@QMZ^w+Rk02J*h2ICD=KK^SvkA`P* zMHvD%{|dK}*9hTw7pfnJb2<NGGfN(VDI7K-}ed%z3_*!v|n*9p(s&!L%RmkuR4o zPw68ld@L%o_u0aUslG8As^2c&8fcMJ%k2OO^DYJRhN29hsFh z`Z9Q}YH9~%5qz7*Z z7=Wt1-0p>A*xWZWyUM)={56cK{J&DgW^f1{D+SmJTtt=kL2C`D+SwhFdU@7G`4V*Y zX-oh%V$QfacD?6CCQSV5!#BQd6e?DAQLE=Gd`5mhm#2F1=$%R2WsIR#r9WJ1D0S5A zmaOh#Hz*-nTnu!~84B}SFp1nnd_b#pQ>k(H`yz;$ao{rTTw%^nvLA1&NxQMX65@)v z_usQMgf}_!BWf!D?P$`Y{xAa*Q@4DY!>nC(P<}8#4jA1?)T8S)d2gm|k_c7Eb;@EC8RG(cpm4XL+z57<5l733 z6s0gVg-KBvw)C1)1?MoX@eNmAcDGjpoI}>EUzm%EsJl*Xi<*@NOvkaR&lw@!?Bvlp z;dGda%0jqbX9o`V8UTcOzmdz=T|BRP+HzsmTk$r+B@TB5T~i6}MFq zW9X2%*KhH$E zccN6C{4MPa9xptP!%YvNpw0?~=oZx{Mnu2Ha5KFKU_h$ax8zn5+-&*8bI61ZA@p~6 zjoSvsE?Jl(8Mg*bqT6usLLQvp@&8RDK}uIIv5mZQ@|u9UU?=(ck2aX3PhlGuJIr**!Bs9r8oYE40)0o-mg1u8+^JUxux zrb$Im3^7^&CEG()OnVJxT!~P}y(VuXSOmp}-!BZuilg7ND2BA|NaAP<G@*?Z-nEpw^XqGtts}DC%%GwKMGFIaqgU9Epu|%0Nd+srX80@r$-pAND?ue zU98k63_+j_w^FRbwgG`1?W)Bz_F@>jG)27{Jj|Ix>eTZJnNL5cSIF=#Tz9n}3mXKV z4B}go?E=+cC+!y}r3FVJ2nZU~u3KGkyegct`dT^_rb7Ws4WmG`#(`h6hBEr;E&AO(JWk7QI31Sm883F=y6(rB zh$JrVZ{-dKcZZS%T5^V#c&e?WSb1U$sSi?<`I$81iIqzhQuE7v&xAy>%FAZwL%utM zRB`rwZD05r?stOvqwl7g7K6;CVvRgGky|eSNY@;fmunQ$C7ZWgD-Brc(T#ZXG`e)^ z{>z6O#Pe`qzWgV;osWbmvft8lqz8{W2z+Iwtp0*irx`}6+T}noYzgEL)u4g$#7~q= z?8J;fw*WhbxO8KOEa*FlUPGgohe069E}Us;<`|a9r>p8?Z0fJYw3OZ+6&BVqYqvwG z@TNs8P+aK*_Ia zZDA|+<5De16SwCP4cvxr&7zL%V8t?aAr8swN71d3f&Jcx9Y}6@k6!NG?q1nN#4B7+ zM2FvVV?12EDko)N)S2n2!XyiI;{tNfBFA0!1M7RK`Dqa4jR(C>(?ZH* z{`zn?c|UYZ0+o>~Pf{D>O37o7F8?wU>A56j8hcYn3h}49pXGfAg&=z0D5c&Tw&kjJ z2|bugFPV!FOf2NlknHZy78Q6^?%9u^KqwVHv)2XQt9-t_hu$q%=%Yi+H;CUe9=C3F zao(%^FF{($@|}>b;<z!UV zWO)wXot(W|!{l;uWW9^)l|vBePH*kt)^GL2|Ge?v9|_H0tc1yryO@SA?ENY?Bo{~_ zU92rv<cIl{UMi{)mL)_-3GClg=LN+2fIYP}Rip3c`Ds1owAU}%rse)64BS%b6vPe%DC_nQTaV}iT zh*flkR5X#=@$-M;JPwgL-b~?j!sWb8UDgS0F$eqI;LGv(vr!;@zAnRDGI<^UDdpsL zPec;|>1iK#jNmqG{_R5o2?VmV)eoBhj#cQCxL(pW-V60D$LHn+Iy%lb`1lV`PU~jO zx3|g|$DR6lHAC$z6I?nXv`&xD@eyfGX^RhziV|{+|Bx+gh0U=0(ORgjh6emSv(l;t z&F~#4IULc$@duISgw4fBBIZM!)qDn5>+DJ5J=Kuu@Oy>pQH15&l08pt2LaFP|KreM z`Ige&=BT}>nTH`;XlYXTmD3|aDNfE8V~ee7Zx_mlNwe^_GaJN1?iTJ%m;`62YQXyZ zLB+&Y9^S1{xV5k=i{ec`^^E%&Maz#lXu_jrbNU%EMY@j{^%6HJkEg!Bzv#a-h0;D7 z{`Y9``~RRLiX{2@ZX}D-xDwf83INZJ^i6HG2uXXGmy8+bvU-7w+{KVIt5R~dF}iVG zL&=K#C+i}XB=2{(q$S$t*~9}nK__!=8il+88g85OKW9rt<~aFxZR6Y*9P-|*I*iP} z8U`#W`-c|2FfP1jMO$z*=OnaX@bTc2xN~BjDo0|ePlxzY1Lld_uoQgG*i+1zUHole z%@1qa_kheI4vXC};ZSVS>`ypYq5@DyjGoA~GLo7leG2qKV9-twE$|&N&q|N;3GhLQwt<*OedB&!m>&bJ9ACp7( zfOJ22K96F_ZPFClY_9$M=&P?*)Li}ey?oI5DUo=aNSVvZaBzg5uV$Jj3w3+nihC zGGUZAyGz5VIlPCjx~I?*Ik!0{?|!HfnF-k$ZVa7RKikN(3=#uewGpf3u(;z6pc8Jr zmb6k_^Q6yk08#FR0?|oW53i|5Pdw=n&}GuM2B)q(QhgrmvEy=T_6q$%xIwq|hk(;3 z(Za{r8X0}7pMqA^2Ag2<#3v3(HGwbPj9k(z@DnR%9*4ZH(qHuSkQ^5}AGV zU(?)wQ$DtZwAAJUs6I^zWkTvQul9%aupZx{{=c=4BExSoJBd;qRoV0E`@Is}*1q0H z|9wDYs-V4dpTpT4PHgQJ&`o=(cri$hwPW#F-7-vojK?j>GjRHM7N+o8d_79O(@7T9 zb>XY~y#nPIO#gu7-rr^XvtYu0hlWw>`&XR=in8&QK~XVa^_KOk@9Jqev%f$K{h!$t zl^H(rH*&w?CecloHhgSg$bt_wH>WVw(xiEqPmN54eyb674wnw6d&_$92axtoxSgK& zB>lUkGU+Lc3G0mST?7Vv=Z&V9rX#J8|#wd?^=E$Shj+W8rgXKy`HkEiBE zB$2h;dj^Rtm3FX*A-iq{a4qEv=$UU9a+?6NX_={?CM9#5Bg&~?g`l`*Jh~D^6L2Rj zta$6DNiz1grVN73sv@Guz?{C-$L;#3pZ``0Q|4k?kTPi{{;V(lqHfDltK~nYqvia2 z171W@8-M|K7A*h3-o$8{=0Cm#4GVyKN^PlD59UZ^REBWLdHmnE`|zg8^G&k@SUZMeQwR29p> z0Q;2p-trW9M&z35WY&c?R{EIVb%~Mt-t5cZrD^N9 z$4M>}3?ff9<`gf?@ryT-$3=AwO@A=qzHG4pt$>ME3cWb%3e;8?b19v1Bp##7i%JRc19plSN9%(Fw87{YFssNvaP4<(|78 z?}c5udAxl%6o2v#_!C6^6J5*e*Pz}}KNjK{XdAUxHX>6yAeIo>SocUwi3N<3#=1OFfpY zZWggudhj1S(I=-Nwg;L2g3lMRH>&L=Hr{ z&}<=q$?fA@FA*;o{p;M8a_1#Wc=;DzE3-ruVAwox{@Y@=Wl|xa-qlr&pb1OwGE?XQ zcr-{c<1?WZl3jESV`OK_*rbm{ByN2)aW66SzRJK*M$7cv{cl2k?puczvrp(uw0!S< zZT5&tgTQZ-X#y1msnK_swlOpk$2Bh#%*&p^KJ;0pMM!~pdHtnIFeEIN%z7Yvg{EGz z>)||-1DE0T4n-yBv2Zg@8OFX#he$7AGRbsv(eI*2eJ~j3-uUVkVm@m%ayt5Q-^*z5 zlN|x*>W29mj?4S(`V9J6vdV<=hkfr0%fkfQ*OXTRQv(0EYXxwft}m@5`L+SQX0rt1 z^*C+L38aR{WPC9F+3^jnGbejAh54GLB(7?m54I;RP{5*K!X@eQBz;TOS5&r8&3V7* z!}(lmqa@O{Ib+t5l`Vn0V^i!^AR*qZ)n(B`H4+N(p!sUjC7$P}EOE|TSxYDcmCD(sh|K8DtBm>txywvnj7TwFw%F}DY%Q(8=X-ST8VWD zQF)bkRUNaLER{1I8fmU-GH6lC_E$Z3k{H{pJ!g<%qBjyUx-UYf=$$y zX+=o!^K#O3wjlJKZeDV-#wR;eM3U|LM#9l;`vAR(%@@cbN(&EPr8Jq<{b{be;o`E z4Wo1_N`i@Ux9_v`Dh2Z{g$v>(@qf>4v!4~#6_Hn*xal|(mzTx)nJPHNHkX&8c306U zO_1p4{73g!w7-lASU$Ij^84v<6DdZqrZ+`O2*8~xW$8KK&DxB}Ij(xrW8}r-?1!!D z4#tLUGuS@b8xh88k{^`GxZ)0el*E=tOU6r}ju`2?(3@>m3RII3?L4eY7Yi%JNb zpfq0{NgcLFPIE79^h@Uie&3-T5AdZ)zp}vWA)x-6wS6W{f4uH$$aB)L9+#$~T?0q! zjVIe5+|`kF;$m753N^lPEpV8qfHr3Pr`WXYV4;=}(i2bxpchO;6`y48>YzZ!qc+{@ zoC*vK?tC?8g!xO0$t>v5-vaOQ>#cR5D+=K$)tpCwhFwekb=zuRht|)$)ys%(4%>VX z3#!IM!@39fGTxi+ApQSXfMmlM!%%N;e2ps3$Y=dBZot*(a<+@_KN|F>g0A<+3kZ_e z=e$_!C>A)q`rH2s>pj)4bH*M5ANcVM|1Ou6B93C9qsFI1g00=46qw>+<_3m?^1Zx) z#gPB44ONk%?6a`vLM~~dZ5oaj2QkNX>AlRzaz2+AOXs(Z!N4AL1cMM=e16Qir7g4Q zmO&Fi-T9#t16|rgxD_0Y{p4IGL+5B~EQLl}9m2Y}d*H$8JFA?JG!s*o7gk$gZV4~8 zGOv`#DmL$2eYOlE1wV4=p0H$+N|2OP@IpA&e@QVl=JKaFINZP-Af&ON?DsYA8$Y7(>CJs;SMR(Am9Nj7Fg zN=+KX#LPRk#auyzM*n-o1DG7!tGn_LSERaT8;){%_BmI_<&GFuvgnvM2zykQz}?FO zV)|HM^2RwCoD&wr3QSWm^r`cYnB606krdu`BuQOuV2^xTJvKJMq;AD5#bf2LztbMs z^NcKSyhyd+Y2r&G6catcZJ1%3%XSs4qbF@@(?cH3%&z0#6EEhsTu8ST_8DTE+ z_sh!WA7|aP-VfcVPo6_UxdGnx75r!p2Tktl8~F9BIT(LE zT7)(^u^`?f?!Hd)CAD@uo8ZNrwDsl02gvK!vt)Q*r8zc4;y;cgtKzm0=-euRM`R!p zF8{Kxn!1GB!NWJKt5iE4XA|Wlqo*(YVjf06Y?GE z9iz{SbII?uA}?Ef+b>t|IaUppd%=mmZKwOQ=>1-?&+n z8Od>S=>LAMwkRLbq|rWevGN{i#j-RLE$|+q{0@UX3YZNz8lm)Z4?(}lGCtf#qU$k5 zuZHM5Dm5gu^@w%((N~fCGYr!SS1@uKdJo zZ(nNawNvU!i@t<}1*+9g+tM2j05M5Nm9QYUfzs#cy?SK)sQ0A+r=gw+iyiZ$*QZJm zb(Y#a)J8vruIk)KQj2eFkj;;Ol@otsPw1!dSw_O+1jcW)IB2=f%-IvqG|qyoPU(X$ zP~U5xfiwcB9Ptn;!$URa)VcTK;N&{@UTEmFm*?yM%sEtXotgyi!b8CeHK!tSPH24F z;I{i8kJKQEvpAIVTCys|q?sajc&gdn*y#uUO~PCB)RHF`+@oR|P+!?KH3JJP@3aCzsbR-KzGML>^h{Hhx zReoW>3HHrNW$@{g8UMQ=L(S9EY+a7M*y4*-jy%R0PL~l6g^y1S-fXrnhp8T*^uAj8 zRfmk0f?X&zeTQ0kb_T_y zR6k8VGH=m)GpfEK3xf)A32K2}>wk({v_-*OnQlxffUzAR+mHx7DSF1fP)|_ z#EyHO-1hp*+fgNCZPTsmAcwnRA08a%0PSi@zNteHst$HUZ?bGX z5`6Uj{f0RqRYgCEKkBd?!FCiG-I7*f-lqLQW%EVBDDlYO05y{qV=83*ciDDNsdp=i zTWsHAfy2Y~7o^(+7NiJ4o2Scm8m5N~pUCUZFQk6MceF4uBQ1RSAl1*EE8_cP(s_L~ zxrXY~4Y0`53k83+~$_&Hp&FSmGJ(C@1y#apv3<;N%2VP8v9g60X-K8MH$H z&9aa*dj4^!zP^o(F$q2To)~+FPUco|Mj%rM z4thixOW7wOSl!*9omOcshYPwpv$3on3efuFHPnivF_uPR<+ z6~y4PoM(=7^-kAOHPU4hspHp3kJ3bopL!`PF7yvI%}t`Bk9x2W%vX8(7p^HnBez5h z-iBh2bd%I-eAJID1xJy%yVs~o&nL-pbBHi&E3wU}$k6EjzhQ9MKhl0m*lCjtXunv+ zV6bZxwkiubxKY1@IwOwE5e!m9nGTv|VI)d3w2b};CF}>^rYNe_nAG&FWUTy#6kNRI z#*HR6X|VW@e>OyB+)|U-I6?#>W&Ryxw6bC@Qi^;Q;TW z-5i}z92Ya~^A!OV0g<(b704LqH~F~`}?sxrXD z-L=I?kj&+l<2g9FvSE3(zC9v*>S(!w19Zbx~6dlcJ#Ofs9Vy^E~bO1pmkcS)Bn!n=aW{c@nGaf`O_tu-%HT25grlG zCn83nYxIvQRb=fuzFa$#ev_>ykw3QHZ2v~T(P0-s+@R$yH(>53q4)TbRxIvuTs!L) z`S?y?EkF?c(jCSo991RwyV2^MiD}EHmRn!B;trwZ9r4AaDO2cZBt$60<~r6ddl0&i{JHs-)5~A~n=2pv&*n+8kjE3TxXhUn zZpyBS^S(#M9id)=HOfxrm#MOjQ@0%s{mDi{IR2e z1P%9m(W^%RGpVR`8h!6n?XniTW&;AzgRR_>1 zI)FNQ*TU&MCc+Kgs``4bdvB-YjNeYfk4?n2zn8t4km=FO?t;;qizwW9N`>!5Wvi|k z1|}~A{bY4r%y^-a*Up@oI!vuf<6TowlAkOTD-Ga$GoHx&1!$xuVieiPzCR=(zgK6U zxWb7@7&DlBaT$M@vxZ|d62DlrDyOM_xZ|~%aXW2Z@XmYBTgu{v1h_y$NYYJ7W?jsAWt zHsk+2wTzF!6cO^XcBrXYIUhl5S{h5^6Lc+`0~K}sR6Q8)@;btRX~17*P}f%W_bb*Y zwmPs?;aU?!^cx<%zI|L};9lTh@KobkvGN2W2WW%MXXd_pk}2W$FPCSBmtMU(V<4aI{@OSYKz-_sRDw<06lOf;e zMbvkM4{Q?sx0lm`Av*0XSXk{E=i8gOI@usClC^Sg@@26L>Sq}!z@#C{F@SDYsAzcF zc9{3#OF^QlU7AN0)SW6RkZR-pVY=UZ0bhKQ&E4VznGW~m8^g|Sk8Qq3yRpRv4qF)g z&b%X*{QDLBs)@O^)h;{EO8A`2o_|!N8Zc6Ij}tr!8JpA8ghEg#gEGgqh=X%8;lNZ1 z7_hoZ>5-Ldx0uYo+A$l-=t)0MBaKC*bABAQ_6i*K zA@AXRqmPdEuF$O~K``SAmwQPE%_~#3jsXfd+0veQ8D%&zstQ2H;+=-Gtm2XbTec5# z2%4Fi?a_^zZR*QjzCO~p1Q8xa1*BmoD$Q1SyyJ08?!hRDvW=tHxW(GTY7{A*>96*6 zdUa#Mj((13!q&~16UQQ!HTc!aVJu*v0mnKxPOOOy4vp5Jrf#C36tpG_Yqrz)}e2QFh;`4>q23#p@RE5clUv5>K^|_2dGL;*V!(l2ma4 z)Tuq^<>l$@?CI@5`T9J=`>{CasID*Lp6S7VCk_P8NvRvH6gK{QJgt?$@Bg zsbAo&<<>q6qut2N{f*VtjB)>|iSld~noO ze^Dzp2S?9S(l#PO#*GcrF@*8sni3FtaGqAGoYHX=|II|y3*Ifo$=odiv6rJkQYe7 zgt}^EVJgrw1e}A0`2*VBa~rDrYZ76^3}6#HX+386hmEpF8_2Pm3BF?Ip{f53wT4<1IFA-FNS!tuHuue=295#nCP;4rC@e;9vGu8OuO1BPXCxkuj>q0 z6PxVemP4(ot0x++dsgUfeXBdI8-PeE{(kz#ZTMzzZ1Naab-L@?933||0_@7Gpm?|>c(90m8^VlE?{1vD2|#HO^7bJy_6y*lJ@acu@_aJ*rTdf53&z( zqjp2+S>e;>krix|r1*am0+DRp`ET}7aX$BD{=-V71sm{(4IzSG<$QlmPmB3PfzRV;!he}4wkXdDX#7tFjge5_JY-r8YB*+6L`ZC@A0~=BM2(wgF?M@JX znV&^Nm-w2yTSmZ3#g9V4iow}61Nd#HGR=I?0_+ySwl}&;(n?GaX5$d_& zwX6J}NfzC;>=&U@hGiqT#;7}=AGyEQzm|=+S>_u(S$_CbxP~@lO@G|M0A$b_OI#23 zEs=#4ycz=Dz{K_jM*vODfO*bUg7Ke5gUNNczyTb?lOPj^IAmBdty1eT2QKpUi1|5Y z3}EB`dfz?oYXPs`utB=ykFs~S^nJDh0WipJ7NL9AF#G%UUxCK5olS8DqFbZ_!U@u9i_AADKg(AD``qg2Jxf zB+aG^n-J@LyoVdGA({JMwNBPr@UUlyvwy3(;;F_qu1*L=-M){xz`z$3rK;_rb<_@e{fIEN`JA^?>Uqcl_adCL0Kid!Yn@+-aq`P^og&y9OqAHxRSfE2`T z^+I}!4o*Qk?Y`vD(bs=D--&<)>fK)4OuZo-Uw&mY_92ZTO{7pjWiMzu;zCR=pUCV&Rk%8>~45$%iJuu1N`JFz5bz z;u!tU;Br>D?ZGbt7N@kgWeLe?ql>iXhi3r}nDOQ{?q!J?I=TI?j^~?I=l`lMcL{IY z61%9KEL~XW-DAArkA=?;4)CAGW@jCS@!_+S{_5q`{k>J!>`BW9s>tIO-Tu>mdihKFkotX<621Y@D&=N zkXOV((oWVvKT=?y>mWdL+Aj!{f3ZuT=M0PbN5Wcw(F4ie>u~QU%1`Palh9us=DsZ` zO4&t(Mu>@V9%);G8$}(oUV~12nm5@m znit{<`yCSG-U+~`3-aG~^0Ui`FF`!(ge*mpGVf;COwHmgaDBXa!owt_ujO;o(jFlF z&n_OmKo*DIYL57SKfaRC&fxD#zpGhoCOP8S3rK9iQ1)*LyL;zYnQxAK-&5i6Tl@TdF`<+f#y6|G8vb>ob$k0wQqiA@wY7)YIm=x8 zQi&^3yU51_j~~vg^NFQR9CS&D-44a0@oZ_I76*G)uY%`2ik|ale)y9HR@t@Aex`m( z7`O11dC54MuA--xbRvP`hWI@n+|Pi2Et7$)^nEDVeVG64`c_qP->vlBQir5a@V_on z++IVA9G!t+t+H2qj-BB2e;{ah&=hdD*JZk>B2Ux?Pa+T2}WT{f1z`85Q$FjWh`n(?vbdJ+ADe7<;{$Igl-g zoBOo7*yXdim(6&v{aS(Qz5K`I>|H%+*5qWK4eRo0ThfvX3*076)6QFzfe*eA1tSF6 z8kI@u|59$Pmfu1CUW>%O!OaZf2`AwZs#T6{QJXFk)6wVes}?Pfmo^rg3BU(dQRHL4 zXOOD)(1QTPw*W5~AtFpeh8;J4Fi4cUIF8!g4?skbm+75E0~*dn0@5Ml7G4~eU8T5| z+cT5X@i&|)`gLZF;uG&dsjTS~p7Tj1m)XxF$m%(D0o3}MH(t84vs4);fXvoG@k9w1 z!ENoL!YQ>uaXIhDU;tR;~&IV;=%gj{i6ah`Tn%>8OLIv`Y`DZ!=4B z>EEkcf#5H?C^G!%aw&!)q_46Ie{wmyz&K50d>$*50UiJ}M* z{`6DLsW2fzPwuOtZt{0aH0NkUUoH`emq98b&v zd*}3u-;`KeXnhO^0uAR-5)8C(D-Vfo1w|uHY0D$oZ_Are+yYLq^yJ%4IgB;0(XvX- z?<9)KCDNsxoad^N(vwAaM2|VTK8dO8JO=>xh1_fTy*kM2=h@d3wsmuOg_bO_%_|@} zP8`n%XgPJ?GL$Bf_xW3Z{tktn8;zHT*t#&lC~grvD^SRVcBg<{K$px@O61n@17~GY zWT*Ly-7f!3z?ui4+2{7T3k!k-=(nwx4eOWcX%wXAl%b$ofkwFTQ_7{&Zl~1s-_de7 z)`U>EwiA8E-5R;Kwl|gT7)f;HK8d)*XoW{d{{}!kUwFYTFVeMI+qN8|Pj(4AAVj3v zT#WxPfR!1MR)w7-ob85!^0nG#y2-9Xa&q@}c+G+CSv9xZ zDB86_-f!qqc)!bf!0@1?u-&<|ET-~llSV7B!q&thDGRY!%?jWMyz7H{e#@W}Q9t_M z+BKFxR^aL;Hq7a^??@2+!!4h06N>1-Zj~8-)tA_cX<4av^%ww0mxaEdfy7NXO92BqLWVqFv zV^UiZARYIOH-U)$;6R{Bi>=lo+n>jv~bI~}nd zV4VIz)~Zw+uNjg~`0g_G(xbecTf(CX^cwG~fj^0smeQfnhT7;CuEI?V) zVCye>`Eq1e0#(aa?@2FMbl~7-bYrN`hR))}^?`&bPuxvM58L8f@~pB9Kkofu`sMdB z3sEAuX0_!5mF4Yc>APq0{>`vYmFxEPJ|dGZm(D+wLAyPBvoQrVb3yg_Jbk-&Ffq2L z8jWTUWz^moVC83O5_z<$)lxS9x2~ImrcF?TZtD9HnkM8q{9_=D=sKjw?JTd1pf@@e z0X)F5Aea=zJ6IhPLR(E{DD46+a^GVY;=JM1c}u$TU!AV-)QZ1L`M4;r--G3j@}+Sh z6RwsXW_l9K5r-LT3X6@8{q_vT8FNIOIgbP&>!|fMsm@xNPMA`u>C0&qR9Z>P^tQy^ z=C9XPZ#K400dEv)y_U?sa{tQsS6P;a=Rb9mYH*EoR(Mx|s;hCrXJSNI?}y${wZcjd z9aTTjyJqDh+TEY&V%oNz!!xJZI{SLycUgf7?jWW#z>6TGg^)u^Tmmv271fq-a-FgO zHSSQLp>+FVRwBYwVBFf}v!bGK!aG9-z!>UvuhfyY$$Dnr3}N{<=%u`S9&n)`LNIib z5+6awV5nh+s04Dw6|vVBa?s@33aXsGY`>D~v6gkPfAUnefyZj zeRhCD$J~Z9}nwR07}R|sE)zaR)xSaVp2Yc2)O?ROIoh`Aqla&u)BOn?<2;JB# zIsz=rKLSjsh-gTPb&J2iBExmbr!@3)&VM?lrx30Z1r{(9P@5GYf;1)nU@_0Mop zFwi^Jg;$6}ATI-Fe6w{HmDnwgygL>;9x=-GD1!^~nQyf58;tRZh#9>3IPx1a>P7Ou znW!WCP-p4|8WFFsCh$8$+*U}z%)Ulju(Hc9N?MAuHkUEbl(ESCdpNGVQga zS(<63N8{@z1}Z%aM*x?CpM~!L62_ZfBNw6Zi@5Wa24PTisubI#WU=MuN$aM$lP3bn zvGCcVb~H&GL;eXDH28NEC8P{?W--_39C0t{l=c%Ycwuu@i%FklOV|izY#MX6XwW#* znk*kNLUDM`jz%t4@D1sZm~-qr#PSl|PP%uw>U&8jHItL-^GvC#!o=*4T)=ZL&MF!j zV3~-Xbu;5SClhE9yO_xqf?YHrJH3Q56{3k1j>WF$7t4chghA(3m)QA})vC4>z#4Q? z3FlFQxaW+S4!t};MyB$d%=jlXgI2pX?;80DZo1|ca341j4X;Cunw~d}HVc}|r3Xij@ z7IfD$y}&EH`PT)TgNf7;8-KW0aj|5MmvB53`4maT?T9#)yyl&MFYET}B*5p6@)8PlA0_3+VYnEQVk8CJFGz}XU z);Lfl<^I{fG}aOJiaXPxnSrPk9#)jV_R^U|AtgFyXXXvgeKRX;q!C)J_s+Qbo^tR~ zX$a%T=5AHLjMB>Nje$t%heKdHN?+)y>T92fxr5Zd=r!mdPC}^3)oRM>=-K(0UnGNR3W~N@ezMt&^YFC(H`sRsi4~-If0Uz$eDn zI9c8-0OIYRCj5poh)S1Ai-E!gCP3lNiTO-EgxO~Rr{^B3R;jAL{*0vfSJw0}^HJT; zNw)*IC({e5)noE@H2o?x*F?0>H1DS5Sg=hZw3BsoU`keZBYHIWe**#ZL9a8OOxs(s zdrQ@u5!SbIu73H+IRg5NQr)$``LbHy}lAh%zXwx1o$$F!_u zI#bSOD}wmd%VWPe(tekjunPk)+N~nfz#_ z{Ia;1hjQx}DgBZ%T)O)6zwHJLHX4|p9j2ZNJl$LV-w0fL_#<2Z4*zH+U@vIFP(ZA7 zE42b0ZGQH3E$=ZAtbE&A;&OLTQe2Snn)XbL=+%i1yi|_>)wEXS)z6H9+d=(EcqXE= zWqi|bZR((O#{q0-p-d==I`#105Ivn+Sj7>Ynp%N90uU>Q;gsyLPv5j!ODK85ws<_S zqxsG^u$`2_egJ5%d7oc#)FJ@rGrrltg+5$8 z>UoHLk#qbpBrT&PpZzk*^rHGHX)F8bRHD6>z$*IY$S}0b#jNNqGqtJn8nk)vKcyIA61r!Y#43rV9HJti`Qd}^I^q(W1wbBG8QYesBi@!*%0kNFiVnlg(5 zO(%6&rhPQ!kdO6+UFAv#HwC^Fb#t#heP1d>6JYgM!hj!8OlhG=z5iPt=qBCi`4H*g zRTlP;CnS-_{I8?q>+Xc`86*n32; z6^*IK_LcAj^0>%Xw3nKw3fNR${X1_$E$(1ISDh3AH=_(EBR# ze0RV0u)p>+WdppPo`~`p8WhdZu((}@yarP!jU+OxJ+0UJRXnitw_A#cj` ztPUQ#cxVl}`q;0d#rcnX%~TQ$tbEx;Pv7QH8}jPaXlR;V6xUb95V%UpR#VPK(sWKv z(_GLFetQ+DUd^2F2}auWBlEMyUNfmREK&Y-?;&^9m}GUGY0!A4{0^$`6J+t8CT?^5 zqurpaJU^L1y62dDP5!vX5GP+@1%xV+{ydLsy{?J(gG_a!bqY=9rc1FWg7aqO(`PiH z<^jdYpZW3lycAGgR6zVE&8Gjv6!UtbPnzk|>A+U)0Z&#MqTBC*n>wc_CK#A$wPHy` zgTZRM7eA&h8mdku?9bL+@M%1k?H~>S*-+8}MWRdyV~Cm`KD6}@sHUH|&+*5K)#Ic_ z%l2L4Dvy|Dzvlh7Lz~)>QvY7)7AJ-zV4i=HjMF0+Q=*S2J9ut;^3i!FnBqlQRuF{{ z8JOn%XzCx9R1TSWKiGT#r)_qZ1Czb29S3EA;4NS0<>`#=1|2Y)L%hQ6ARnT<6;VRl z!CQxc_oaSa8Ml~c+$C7rVrSavQyZ;d)wU$@O9Iq+$RdP^I^Em>8mSN!sAXg^le1^& zvVllr|0ePrbdL>{!JES*8|&`gqadA!>WQusafJ1MG|A(PB8y_G<+8|=#x$oe>)v#R z-JLC6@29BMq|irB&V^saVPiJi*Q5pB%3R8dRp9d5+k;!%LuL6g{L81Nz2*<6+M1QZ zf+|WqGy_}qHguslq%3CR2ip@Z3{)25xM8s)tA=_OkX;mqR!&`T)hGpN5k3kL$ z9#!&Ew@9%2A!s37lfG{x(xQj3dR)FuL!I$4RTx>vdxoXJGE`_%jI4zyV$% zPh9!*JZ0YS><_0HytrwnDg5HBqTvHjWNhX>D-|Gm*!2{hHLbm8y;i<=+FI-0BT3)R zyi#lu5~W+y)Uh`CB9Iq^XqjYc_X>r+=DG};e+`9Na?P9Nb8_9T<<=_4R3d1nrmvX2 z3I={7O%%Qb{-^qIO4!2|?Z4VzUzvi7kXFT}w8kZZ>iL17klMUly7?d+QOg=F8l#xw92 z6lI6vn3Xob>4H~#=Ay1GC8vNvX|3h@nXxSybJ@CsAH7U}7$VdMBWs!oU#e@N1r80r z{%{&g1^!XY$%qLueapm@vTc)F54YCn=xc41f2RHu_5o>m`3%v$pP-)@;%ydyZLE@f zsu>z0J4mM>S$WM!G)EyuWME3p6VP6%GTN;zjNw3|d-2<>~G0 zoaPWo-T1P9fzGke!YBOZxrKx7&PE2an4j&9%eZrZ6WfAkYFu-F9mhM+*|6 z_Ylb!U`Q}rHJKK2c=<_Dsk-d!()HL{RR68odyZhzE&eibrGITl#&Nf$TCwUy zad8jNY`#7X$Pv2P3(kr|Ov8ZSm+qh3o#xNDQPvsl5-TazLVpY;jOB86iut zaC?m(J(YMWcg?QqH?sHoaml>r{|OV~txlw!RkXWIAqQI4aX1=cts&!Viim3Cks>O;4@0F|1)%X%91QO7Rs%t!jVW@*9;gSpHSP;O~M*~ zxPj$sI1<#cguHwlImR?i`}~`d+XF_)Mw7q6P#R-nCg;f1DV1~!xjAaxA1eg0g(}e@ z8P;UH$D&?71qsEo64^Nw^IlV|A{gIyr{A^rPFFdNhu~{z_Cm&;qCE(ni}yaC59m}b z6k8L1yMVJwd!d_ulP%aX6v|f%bILV)F$7-xW%E3jsgWrW5O2@sIlZjL%-GN3V%bCE z4UW*t7vyh8Ul31Uk#|ccF8h*rl*2Tyc!73Sr36V0)E+2 zUwvcooe<}CrD(?N{g{Fxx89jFVN~UflDoUSnLF>AWDNzn{7&@Bt4h zZkk5wT0WKRXVj?}ZDDC|gLC#|tfK4;^^7(CTh7>C+=vMyf45rLo2{z%+e0Z6W~@6O zMrVla1(uVVt7*HUCFT66&z!NNMDfGvl9D(y3=B|nNq`KEts|F}*;Iwe37nM~vMr)b ze(r`?Sa>*}`OM=V=loupv&r?MTNA^lLGx&7&y}o>pJUlrcy5DK61l)Fg=+xS6ru4B%j3FSn#Z;pHzzK< zpa)8O3SWPI`@I=!)6S8k=s-Q2T#?mi2hy@4ZuyTVwTmV2-`CT~hs`#bx}KuznHkd= zppc-zb{LdD=0}!~Mdp0d>ZF`VU^)8iroGyO+Ri$QA7f>4`Y**Op8b0?-R0)Yd~6}r zhf4?Us>gJOJP?&ir9ANI(-9W28;Z6HD;j z$Lmer)^ESpZis?>8y$pDf5yKit{-GxSL4BBLe~cqaIqytIZVgpzpcBg=i!H3H*K9A zuzKc%ZW~-w_U*w<9BqO1-3hajWaD_;hY^4%k5y*1+ugkXkW1dR) zc=OW97~YI}eXu#eXt5^*&*0NWPOPg*ohk@Q*bYZ1W@RrT zpPY?n6{DpY=Cl`^iF*>!7G8O;3G@!}P1e3OE!P-|9mc21O~PxvlTO16_jDyWLXfT$ zJcPk1!Ks+U1r%$!HNQ`gI@*YANXsiVzLh%xuKxXL`Ak=>Je)kxhvuQOHA53X zTz`ipdEp!0c)!i!QBC`)GIn#Sf%9eb?ATN&zUM52ctBALRqXFQqNFeUR`IY!%`A=x zQf8-L7Q*$&%TB=%nLH+OS>d!TM>`S~ zku;9nWEpK4A2{>*tH_G@QiBHz_Mu)F)T?gN{!VS1ALG6k`NOG`NmgT5FPXE_uZm75 z8H6ApFkk(3Y^{=xXV;BlSRIHQGuto$vOdLUzRAz}@^{eLEgXxQTbi0b{N!R%@q7z< zj+ru5uJ8{4_0bwvV+CjPkfgF=R?a!Yscd)6-cY$Lo}S{Z)7~b9H6O%d>O%z0u)DX~ zy4hjsvn)rq&9vXZJ_X5P)^0xMXD72z;ru&FIwoElG_w(HRsFlaw2pXshy5rz6JHzuyOD92c zEES_b>eD>%53GP(a>eQ4dK(DXj4rlF8#%s4MlY;Axf(a_P*W_OvN$51%+h2V>WpIDi9# z!xwG%R7Uu*vYOZoNA72jrTERJthu(z{LE_SnRzqISEiWVc2OXFx|KZq=GMbwG0hUJ zjn}U1XqFn&i$Nz18#6miYl$)O;QiI(Ps}d_r8yI8R7VVsI@-~w-LqC38{BESYDPl| zUX8Vn{;h2@3M^Arp{t8L=v7;8D@=1318BbWEHC4i#i*RnAtLWr;(th_#zUF~Gvp+3 z6&GF4dh*XKBhr>4l66Hz-?#0#62*QZ8O2PxNtUDs%1C@Q3_UvCoIeJ&>WRsFv%Z;X z_%f=}j1k%RxL?Hnk|;_>Jl3;TvqSC72*;G={aiv0L;iu3DTmY`^}|W4G-lx_HHZWG zfuTcxXuqbW&1g0@n=OnFW!_LFKL6YLvUi=mJ+Z8NcxU+R#9OrS6XdNclGYS^gLe^u}yG!2z4K($P?M$@^w*By0HO%AkkYI}GUaJqZxt|7e;xnSTxF{2nmh=H->PG|#K z9B9}`%cX?SVRF_TNsANdA)u4|44#(%{dp8Pb0-n^7drH554STH|%bXmqOpl7@at8D~4aK4i@9-o7A^W9C$C((3nKy z+IqdH%5}jFS@`Ow=U%sGOBYI=x7#;&W0Seh{!6!h9pry5fInrVK-j5X({V>IZN1tQ zu}R{6NiTXXwQySb-0CDUgGnaNQ#)78`0#PVxu}`B6{b2=gP~a z6&Tj4nZdXf-F$b@c{_Nwv2>k#x21G_6@I03?SHr0dF3B|e&c1cWIe-J^lD`*Pj|8n zyn#=muOTJC7OGy5Jh*RyctgDD~tQ>r`i)JstF!LXF4hjrDJe zEUTI0$ORZMnKZ4kC`&Z>ML+No+Pl#(e#s( z_ab?gE~sil_TO`euJUCxBmVp|HgpID4@fu6(UB4AC4;OVfGtjr4OTu?cB^o}DhYxk z0kPcNx{lOPm!AU;`yg8xP>$>~LY1RUf|x*>A~M2Q&fz52fxa`be*<0k_AJtO4XGca zd)(-eWO?}vbmXXv=7C?uV|C~2jGDQr9_0@pGKFIreG=wWMUiXlm^FY6Ut+WA>>#l> z@an{R2c1gr+il6KpA>gJRr-#f@K^t?EQVQcFb^sH&*mQ93o|^~3fON91)nXvX6>NzW5_hvZ``=onSH-lbN`6PN9H>r zPnhqEL#oJy?a2Cs9}a@LzJmWCfypm4{$^(_tVG5L#z6CCd}{6PBa?3|tbD~8KGsWL zmhd@Tb&*^|CD^GkG7J3jt3ov(H(DEK;Z$rhzumYzyVWtfpfC7e20S69G9wf1D-nZj=%4A@6Qp zh%aA@RX3j9nSg^kvQE?MrmzTAHZq*f$jk8ay=Irow3Cm;lkX^XJZ?hdzF1_t{?!!% zX&jLF;)uIfOw^~605F^$X+@3qpg!Isq?eX0jG)E7aaW8bpof4txvCU=qtQDJvzJgZ z&?dnHpr7|Gm%b5G25IT!M62>&co8&zxm>96A9G)(wp!$IWsZ&rLRe?V;iaLv9^Jw! z&d#~W=u!I+;uKBhwu9F?C&#?}qxqM7Tpf}D;i1S8SDVlPh82f3eUm{54;?*;A#?@K z;%Rw?Zp4??!1*IK3+!DG$WK|yJGBTnf4NH{9&fEyI_>G~fbx5Zzya{sD<7d?Q99EZ z^hfIogiY=IUMt`@bQloie0#o9f$Q$e@>>KSq9qS8SB>s%liS&>0p)Dmq9m+v`g|+08Bynt(Du74^ZT1d;rGe@yy1u{g&oQx4%v3`PsxE zaBsb}pH7V=^*3WLCaX%$0}&pG^e7FvISgb&4C5#LnR#S}+yH@<&zsfL4u`IdybY^K zdF3=LE)l}ZFxnCs^T%f%?PC>LNpMX)`J}pr-=Ftr{9OOztN-@`&{Hvq$-G21{8|0C z@}S2xuG%joHnsa}h6$Ya`t0J#ui?PLs64TG5n|HicC=UaP^Ql1^@L8xdTltq1@_&{ zE_1WhpRh4*e%y4PKhh5){dmdemB1Dw&x5{%1%X=YRW=q~5y`(P%5-w!avT;Mk}fLT zMEBIY1(Yrmb?5|sKg&Q=d|qb{;s60tQ+Ci&Pk)gzF9N>ye14Of(IqOIW77Pq573{H zd}}vaQC$E6CE4joVc598IN25Pmrl#GW{>czcd=UTG(N{zCA??zz-KR_qFlz*)z7S8 z6LdYW2RDw|TgzWKtch%Xz0b`uf^7N#tDXWXx?U~MZ4R0R>DA5!rSR+m;dI>06lfee zn5+BBfBQXRBp5#WqAaCg?INUOu^DiW-Xl1FB7by8>E@z#Dg0(-tN!--!fF0^hD+>j zUgT(X-<+^A4}fT2R+fFhd}^@T~i zE3&$BJIV`hRT8$X_>eKY|Mj2v=WN>BWuvTE29YxIa^bW+%VeDrvT{)0@AnVVGjRwcGPo9HFDY82-|(KAs?q@9PIc(BT~I8t>(0 zm%*6Fdfij8jB3$@i#Zh*Js^N-4heAisO;&v|-9US7Tp)au!Z5u-dFQE;&6cb%Nq{dCF>^EG|C3pH=q^xtNg+U9lp zatoyped~QLc0k-FrhzW6yjq{)JK%g~Vyn=3>p|rgK-ux!ym&qII@p~sPSk=XSCfsH zt)<=6*-XHx_I&7?m09MQoAQ+U!ed@LB1X=db33FZFW$zh6dUpeLIo z?{Z{0{g!759$5=JG*Gan$W8HqXOK5OZ@>6dZO6oi`0T_*JJ4h?d4BWp8s=vgDW{k4 zf3I39o!|or3)OBGySlXd&z)t^*a@OtOZvLRnRi>z>AlcMH-mAZAcCmWGG9nyv&Qc8c<`D7<%MsIX z+*K!dKVsjk9~Op6GxFWufGHDmyxoJfnD9~Zu(KF^!CNign5vTVXHCnQ5gL@@0Kci^ z{4}ISprsiJvCb%Z)yKRgI-@{CvN|ny?mH+sm5#UGRMNQqjvP%+$tZ9P<9AY6+35e{ zt&d15MTK_Fm%=J~neWGe{gx?VwxV~pS9l)8Mpg3;qG3SI^GzEeila*?dbIuuHLbz0; zqi}I2;fXB7X9Q3G;PYGbv#u`@GD8gmFxUTpGt=@c7(n!NTlQkpBJh52LAW0>2PH5EpLa%#p*=MDPRPo_{O@X zS#bt_ytN*5x7|B2R$!wqq>_#vRAyqx)Dj{wo%Q)y3N+;dS90ZxpJXb%2tT=gKr9XdM>2cmXN^EU{C@4wUBgHD~1;Zmu>{vpE$=^mYsqI zsC5YbvVf`lESlJg-frBqrhqKB40>#1pARPf#L0Ntd|)CXC3;t7cC~xFslYY#ss1@L zhf1S!0aC^e5AxPFC!zvk)o3sLw8#uSM_s{}YrX&eu-*Jqx?4|*nZYz5odTRKwjQUD z6*z2CsUG23pPPTn6J+h^tEtRsP9h*B{E)1Zn(MGJ*XPCpMUjhwzZhAXmK!7a%#V$FT<5r|4jKsSK785Xm#}-jR9) zJvdVU%FkTO3vOHd&GXSo%~9tlSajSSyUKNUfx&iM99*0Z@D8vShlhbqfz2YF9Sf?y zIwwK_ym+_(G3yr@x8|Kpo*(a!pC+*3$9wBOdVqVidQQn_hg(vE-n_pS2EU~{Z=A9> z2frR27l7+&J`z(}Qt{yl%KZ>Nn;qC-h)eGNj`K_o?A%z-P&tr(PT!(X04ZO4%G<~; zLbsa|FeiE38zRH$Ues$B>&VZj>)ceGmaTelrC404;r~(%d6u5b3d9CKDldA+=Iag~ z9gh>Qf~0i3D{W3@Fi@w-v(ytH@D2Cj+C4GLzA+zKu&JjKU2n_=KZu|I}Cm2``zSo?d zS^m_?9eIDvUj#!k@Dpa%WIrg%yrzuzAj^2<+};i@vFB=IE?FEkch_M}qV%jrAzB0h zIWH)QzDl%H{iRC+;Pv!Az&&;?G?2HlktaGad&ZAG&FX0NFgjS{z+O#U53knVbi@m4 zsp)9zEw+u2UYzMY>@5kupo|-MP9j$~7~7(lu*)6!YJLHX3@33oY#rr z?!bLhC;>J4e_eusLs24G%Sbs9k4YIwd6N*YP(PmB*d#O1Ku5&c3m&B-X0Th?hB`XT zxxThgT7!27V<+X+U6|8Iwf@8}tq7Rsc(IOYCZ`rMy`RxjMxsG$aPD z&wT@1(5UK^Z=#3o&$_n)U*DY^*IJ5(>N*Ftq21l_F5Lm>*~(Vrz_ONSPA^K^-Cz_r zg*1`;1PBRi%bbq#7mEGEMy_QO8q$irii00}47=okcbqkJEk(WkW$`_rTi?s0r4vEZ z$B}=(-sHpw0(%>Odf$q`|7ug|Kppm*i9+wvLNY=YcRq~tq23iy{-ey)s?r-Vu@7+!RT<5mD`DVH#6ICWQz~ z;|pS#dX7dn9RCq7A`)J68{{MJyZBkKejls5_xOFX=QjV6c57cq)pz{}?u4y6fv2DG zUtHir+yUh;!Z^@bPuDF=zjP0W41RphdsRzGeYb0D-u{%el+G3c14sTyVRps8s;DEN z$YV=UfCle9aoabU4$9h&YJhXbRjDdOVRCp_P-Wv!`k$W5qz*~IpicDj%@O+ptQTd1 zPK9)|IEEab_|5}2N|TUxUH<3jk?8lD`<;7e^zzi!bDPk2NPOiVF7y*wR;UX5kC;qNI=cx zD+Q@53zb0m4S>XCrnF(RNg$-;XZaUrjZ1^-Q9GU>KQhm%X3$l2L&5Rqo}`B%R_+ZQe4E#H@XqobsgU5DJ$Bu&*G9e8E^GsI}lM*9oO4|>h7zr zPpegQ1>2^C80lFyc~c<}{LXWqJ?_US*MsiZ913zRDMRS*&d*2j)Ns&k=1Ye{I`)mU z-9L}ib4nCBP+u<642)$v zxfzr9m#tIpCXh~)Neg^Tn+AoPFB`VueWq^f+|yA5l7ovrHoUnJ-eSwCRBW%=bZ zhS9)qD`GXr0kATUvmHe-M@1J>|J)kF;t-abiG3&}7!bf6Lz!Dew?Gem@wjIbOyf@i zw&HbBIXh7K>MbBwL>%;JII!D+!k#ubI^+~&MCnwEIHe1jrAiRVP%S?)bUBqFFjIMD z>=RRq!+)glN#-EQ+lFzAUVf=d+h`5RDrS0-;5;zYumkIwY}Ij&=s0Jgg8|r9`zEXlFb?~^?=dOVGw%-I zGpuR(^t7jPNOnm_xVZU6-?}y7<;hQ=*dbo;`d6}_q#p9eP(YHLJ*=U{x`#beZ{-BG zjaKnNj?8+8wX{AzWh=^cjtlp~ZZRhBcw?QLV7)G28e_5Ik^iD^;aP;tgp!RC|F(C` zrsD4lTlN-t(me7ja(hKDX#_{!U#{m~h-{z^X31@`(Xk+=|AOSX8w6sak}iCH^e?@jX>6q25ZYf-GlUpWWxUHX>xVLi7#Z0b^AuPKL$6^s|gb z)zvkyLj2!<^0qKaQW3t9SW}IH7->5)+7AJH=dRB_kh-pgfEuSo;SVI0dYni@h(V4j z4?a`pHi^2Kg ztF{=i(yh|Bede8D@(rm>ytTNTq zdhhKA`jWOx%3QXp^$D!Luc$-==|viIUVA8#6o6k$$Aj6TI+dCG|Sgv!73XVH4pfXlcY=Icu zC`T~-2W+G~NeC56UAJaZ=fbue*EAhp-5aH^fhukC7%pvUe^_wc@lefv9g%K0vUk!j zAYJ||YTA)0yFl6a;AMuntQs~lf$~9BJs{gqM5Njprpx!Z#Qrv;S%M4rqi@n( zwU|_?fL7GYsq-OIvd(Vk?+9UyM_t?ec@r+g0@LiqCWbLywSj>N&QfiDyC0$^2-?|H z(GF_or0Wr;0Lc(d;hTcxQ8WK9Qmn zvXggrv3|KX!*zE#%*<5Tn2es`7tgK(t^k6(w@r%t8$URUHZEd;Sr$I3uk_WBDdPj> z#AljZ3t633b|;lB5{DP{%Q-I|(tH{QbSgo5wfx5|a(PBCV9=E8{SWggMRb1G4S;(u zRov9QZhWmVFfW@L!KMuIql&FOF%7sK{h$>5HMv?BO$ zymxf?7t+s6BP{b+PJ`?hQ65D;4?@b<9?6-*G&v{Z0a_R+x5^$;_eVw3;>74VZndNo zMung~MMNotiU|UY56bVuXRpu?^_|jG6<&%zKkm-#myS{v1k$M*#{_d75Zh|e<`1!( z4R_I!a?@_lp*LKJZ?*8ToV^3-QGou~&%`6MEaR@$oGW&|nw1ydfsqE>-jDwQ z-jbuacQg6)pfPU_oP^IWF4E*D=e_kTUHf*Ck3vy^rkxJhXSor}|8%0ysyA9;42t$)13L=Q`GbZ>y#fGmU-FF)TsYXRzrZ6oz(Z zUhFxqe5h5HG0ef!E7&|lST%3@PtcyZ>B=Xx^#^BAsCn1Gi_h75?@tC}?$E<8b0;)d z#gWUj3Uv;pS%rGRtZMC@kq$gEh<%Zzd6%f6$ttQjpQvXOLqVK=?!_Z@m#HxNB$+HQ zbmE$xoBLqkd>PtLR)Bq2#e(spVe1Xz_$OWRai1~tS*0fAD{2T5>Z6FOi}tsmpPREz z9%T;@bq19$^?1u2t`^k4l6Y$QW|ZPhf?Viw)PKlN?t-PW4X5?C|GD(`Fa*1@T+hS4 zkI}vHIzC{f`9b$3-g3{C;;idD!F$${oHL94!52JZC$+4U-`ZwhH+p1y^8r!BI!yeJ z{d%g3@Xgl5e|fy?_en_c^HjL^=nLAtNxO6@4JE{IS9(>W>i$wIMT_@+W^o!$cN7GXVVu&!e`Tqz(H+G-vT?a!3hyV_K?y^{?fTe ztf%OdJ-+M3Ai*c}oQ#oP$X?}l&S?2}%>YzBSoxB6b{ZcVyjwrrTRnatr6k1uhmSWX zuq_#=FSPy#W*mI-dz{REA1n%B`zH5{D;k1HqY!q;NoWAs@<$)`bLyI6tVGw#U%@`{ zh>t`0{>LU6=5aDxVYz-xg@!Y_xpFII7`Z>fzt~1&pzb@RoTv$y&Q9nXBkjYWd21W5 zopfdIpjMckyOmKpy2&pIb4*DfJbhwgU9%K^wdG^&K#s#7elmw$`!%n9E!59j_W;qZ zG6S0q=;oWNTBXc6h)euRh(*MaRK1OjO<~LR(T7t#o-d$UswSz4-Jtmyeie3I-BDn` z!;YY^Amn1&FPQrdGIuScE1cO{z#(GbaK7`}4 zIOY-7aVgrm@9!7A1LH%ATyU{gn$1YM(Dl?!U`ht-c$5he#D7}!^s2EuD}WL=gX&vZ zn@4Lt`q!tZqMY5b;HE%^d3XUrzT{PXz2)$+)&Ili!Ha~8gjb3MW)JySH&qX;A+@-+ z`i}=yK`47;NNFSdI8b=K0S}&LqTr!Bp5J@IyLtWX^JB?n!Y0@VszO)NP7iQ~Hcr5K z;70MwL9x8gXmH#K?YZ4Yf_wQ+sEg*Uda&T-dLB|yBY~&%JQv&Hio}<>@E1G9>m+zT zFJ)2cY>(IW&d=U}B2%XEMZcbEm2SE=XwTkvZ_>+QdRtq){~;^0Qca-Ro_E*qvC^}- z%N@UYoZLH5-t?GP^L%FK#da@CF>WIdmQ`0`;L}9$@#1=80vx*@4;j*fPX>F1lB zwZPp%eASSV8zZP18&5z?L)l*IAb;156HCT}<~e(62VH0LiF?-5yI!Qcf4Nzr`Wb_F z_-8_ghl-58po1WsH|;*y%VKDm1-$N{LJCX9T9{bp*|}XfjUAKY4@H}Z!=a)b52nMzSAa@Q$8z3C3mfw$sZv$V7#`8 zXRBSOa&Z;@L&+=-qpsVFVPc5n5HZB5nWeDD37|DEU$0AX#lpVGV(wzg#AjTyh&A8y zDwMW6D%#zlQe_hGP2YTs>e6!PmF-&ppL=g+6dW{U}l%8)}>Alzc9zm4x^CN71yn>InagBg?Z=DF09 zAE0mi=6dwMIZZh{P9&D|2Ss-R3=-pMn3_ZhaFDtZ`rHkZTCqn*KWO+d4L6yXy7WhE zey5i!xjI;6W1;m|b(CdySz1i+4xXa>NobSn_8f;eV{vdFq1kHB*Vil}scuDCX~&49 zKvWK{ti#T4bHh)smTr&mQ}y2d|L(g{xO29$>{oGr-_TQl+O55I>bcVznv)3w5mR-J z?8FiFlq*x;-a=&ySD5yS9Uh4f5-15|u{$_sqREOB0UKTj`tP%j&ZaX#e7uT98V{RP znB)*TiFQliL_4wd;T^v>3=;18?!Ovm`E0Akexi5+yhUiGzhoQp|C{axb%pahD>fAD zda(|R6yG!vgMS7mY%cNh<6-AEyuW~O7O2aAgma(hZbFA0bldS|&jTN|-sDaULAN^a zkNd04L3Zr7?sD6j=C-=_`A%(DUMrni#0&a{z5{$L(M>HJxA)4%+RGvF&n3%e^?b3n z4_nawKMHV0AW+^FbSE7mI3S*+w{sK%M7A%2KyT`?7$Vn40f;iil(ocvglyt zXzUeW_GoU9VEc!Y77sDa$NDKV3kzcH>)ALt*TzBVzYVeE%J66HHefmRXC9e4ISvxA zm3uiPEnj7R2H%{*UolzhecPC}^zZhV;rO)$*M|dLlUcLG2crHGXv}ZpW)e3)hE(A# zy7%ATZ_Yw2xOX@+Gt#=h|KpDPN&G7Ezsi(feLNQ-!*+)v{!or@12I%|OoG&@%fYd0 zy#fL%7iOWpcBfzzUt8LL(eXn0Dg14aNhBY^`oS@&Sf%cyyMOoTT=3raM;m=S0a)ZK z=BUBRxI}FPz6Z%_6c|nL^lv)D26=6>ynVadBlHDYvtY5JcW=Wak`@>0uz?P)_!8fB z^>%}$w+UM*=OHST`G@WaovQcK(8R0I;nHZjuhz;J?ixqU;pd^;avSDZ>la%`z5Yv? z7U7o{GgtXK2yezUBtc5l%_GV1o2}mY)7bJ3z(D>m^g#yCcmFHP|MvoLU8i(jwP8E2 zeC29AsF_3?lYs7C4tfl3h$TGT#L!*7c58LwC+hZOMvUj&FMd>r9vcj*{V!T)6mUK* zM@5F6$;cPO*w~<_`SBi*kqY$wRbgxn?MpVWuwsC|b2l*e`ADoIKSJRQJ`xMQeVj_>9v9T%%E?= zEnQa)@`=Gj5Ble1k2I9|Y9|g^KH(m=^=Hxz9CX|;d&Ci#VS^HZ+enm z^_Mf{f4x+-NX`CKvpW@N_c%c|8(hh}An})l^EeGS zwX<8MCqBFuw-B!P9T?0ZK4;$;cJj#FL@xBz_Gi|o;;Z53b&tW$rE5t+#D z-;tePnuD}>>BZLh^Z2NB@U#9m1BUwl$otgQV{|wKp0)E5uzJkoeOol{-o%}R{Nqzw zSWeJj;G(Gy83SFKSwafGFctZCJN%3qBSasX&BHRABlZ6R;bMjjvJiLsZt|P&2mz#qt!_~co*osnF*q|+tZha=n52mRBbVe z|GX#Cx(=Fy2uDW1lZt8WoHq?ehBm(S$%kq=PYxf9$MnOcpXq<9JCW1KwWDxeiNWTQcQ%%UtikYhvb$A zYXYrt)5ixt0mHCNuZNimyhZ{jvd;2_D*6iXqvvOqjdsWpVr(IAkL!JD{~QvK#PTvI zfbPkpP(3LpcP&M;oRS_h{R@-iTdKI4%4ZnJvK@i-H-Trt@=RvqNiwfxNoIB+=om;^Qn66;0C}SC_^KhvB#ScbcMKAm9r81YXD@NrnZBW*t+cvOazy zF>!p%pY_kgN2ok8UU@?rL z<=}>1%gWvK;R#ETh4u^DP!M8fJ}DlIC{A%@Y!_aK(ETd4yQaoyAB2GZ@v~YdB8_({`r-&S3E_qyIVnP-jjx9oc~K1keu%gtuXLT2DY0 zT!8bavtR8V^1JEWRO^wnflYIXEIVwN6CdmMX#AB33DzQsuET4|b7#Do%JuEmSn|Wg zv!j)Zbo-%F3Bv;#wL5$@9DZxy0N=wR!7WYvrSl!(fo*x2Ysh(@0i&X%_e+wW`j)XR zqJU}8KJe}ww=^?-cLBGVmX0iyh4YYoJsU+ij2^dIVJ$uOR^xQAd^2qAogVY}a=%nq zAraOAYKSd9t0JLem~eft{a#MOZ7JSIwT>N z7*v_wY~=Iy3G)K`_x<}Sf6U~hB9W&z*3)1My$b(#XYmk&{V2jemdx;Z5r-#aar{O9 zP3~Mw$YD;p7j67=2cGKN6lfG+QmV@Pz+JNgx-R*c1~WNMLFZ|S8nDV4ocxn9rU6I6 zBtLZTy18OcdAUgN6Q!`jDSTfG=g6D8R+KC;LcPlkQqV7{#PdSYn7aJ7V>aF=>^18h zOTV_-Cl|8&gF9W!DBYg> z0>i^XZzgQQYLK-;d%!9eL}SxES8R^aj-sr-8i3@X5aJA^7Vzdl_RY}+sm>65cxy)N z)o#d{l^gc%JVhyHEyRGqXmCtlhy<65Rf1*8ZiEERqdl)C0-aVwvW71*>_2ixWM2{c z^rD2+d1t{wjTkEypKhWOp)uEA3RhO?Z>duflMe#vWf(G96j^0ecBAI8PP%O&vKK7c zuA#cQpCOiy9Pki+HP?TRoftkNoLy*FJL@(_>f-|wfCN{Fh)79q?tbJvmNi}&JnHmj ze-^F zrYq+mFXgizw7c~T*$U<6;*V3`KluG3k2Jh@7L;rVCKfK6;xy_4#0)Yka>E5j zBBZiY+UJXj=>frXC=)C1;;|nZ?LF)hfiqWpfpv=ZB-!QxC-Ge`?3v&iB$X8SDgXOd zITN@HCasiG`Wkj&ZMn6>e=5`W^WA5DsS>_8J zLvcE&^t|mQs3Te>Y*=U*xHq!}L!O!C(AMDI>t>k#Lc4jo-tTi%!@$=8W4u-j9@y_A z0hEGe<0#2*RC>s>KTA8#l5Bo;;t%+EsHWWH$Wr-3ec`mjg`qBz&msi8YFS6#TJ`L@ zFv8Q4K(?=&Tt)nIn8xh%azmRIR{v=}q7@Yx+&pVm(U^DF_%!U>E(R?@Wz+h=Q)i})X|@l_Pyd;?BbGugH(^&}_%5_7Um%>(_8X~KISxHY;3$XjvB=ulqiHSm z_Z*E^4Ccy%*viKqzEXdUzb9R%oCDNKPRn?Q>ibFEWgH;9iJ2T^b?nN@xDQBoN_Qa^ z4v$uYmO3v^7BJV>|3}lg$20lAf1D_i!xWnHxyW&m%=xg8L=i(*DOpU(`*p^qZx zLnt-JOb$~HnV3`9Fy?GD%z4g!`~LBJJoe}A`;YCuAMf{dy2ta~va=U5vwuR) zx*OJqrVct0LnzohyU@10w`+Ur`*^3H08WvV=K<(-qh;M9`o~t;B3CW{2X~A(-Ggh& z5dwB?0;V)nx{Y9AXaBgOe^C2YqZ36*gyXIer(rWiV(W(>Uon+6b0&>U(UPLk!qNG=WZ^KsdE!VJoax^ zBGw2kP|p;|7!J)%a=Qep2j5iU^doY-%L&`ysz0g|B_G->f&C(i8 zJFP(TyP9N2aDH8Zx1@pNo4)sA%Q6Y5(${zDUGIahgS*!cX)4^alWm&5tLBZqNp;|c znfB>kZngHjmu=QP&^ol;095wUHvy3T3WL=?+ehrU!;!S$z~K3Ag|(i{$sC&R4tqI7Qx|w(sNy|0qHS$_2*5{DJ=qy~AIWUCJWgB+v!*7iH z{k8Vx<{5K>9xrAW&$@NlJv(}XxExUf4bZw-Ct?JAg?e|Tz9=;M3!i4x1SB-Xk3E1{ zWm9HEnZ(s-F>&h(DYX45o!gs-`X1jZ6}MhaGvPh1EhD_LVO80%**5kEz;IfvgRBv& zn=O))qs86UKd*8&KIR}4ay}|xV6f4bwtUc;Dd@x&b7k|{T$LR>O%R(s;pI<6E z+$eFsrVKRdKAdB@2#!irw758Gl;3*gI{>QD%{qLzvW?z`vfmQ(HAz%F1mr&CT=h@9 zMYA9Iq5FR@3Jb(AD<0bqe%a{9{=K^8kfIeTtf-=>bXi}3cKl{5YtmkPLrp~;Tap-W zuFMS)5US!HrPAQbC-B+cyNP8EuSx}rAD~rot@k^aJpOz%hY6m>*8Es`4R)s2>ws84 zh+WDO)?|@Sp| zEiq(@Pjv;UVU7Ee(hug2e=iF6i1tITwwG`rf^bU71?w+rfAB2v|5kjJVP%NfA*%~b z^;(kG9f%&&$43GbTIMw`m90X%r26#)V)6CSwc#}-S)ty$Vi6U%RIPA70;~Y~Zg@Mh z=Vj^yIeR)UQ1l2PsZX`jTC5Jwo|x;^XJXI0E}Yxs*qkOWk;XmK(lNBW2H#cD+a=tA z5+k4Vrq2CXL`JvxhEC)MDzlwjy2ljpB=!>L;o?DYnTEDPgWvaWQb5M7xe(bIW{`;X z*%p(tmP#=M9XR_JBJul|$qIA+trN+g$Nf}q>am&j`Syulgh`!rT#c;z%ue17S*eWS zdqT;eT*%_-u)J_PFZM_%Mb7|&<`_B>Ix5u1d^1GNbMe&kwkkAe@%Z(~XNN6X1F@w8 zO}2K@u7ulL#p08w>EJ*uz{oK3lczLIXMay#B_B!x768+m!(nGbG9L~XBjTEb5UwNGy^ z+gn0pXc1J_|BkbjE}i$0vi$FdN>kxZS&v~YdDlq}WX<1FV&Pbzp8QzPzJ&|j*kfCY zbcnew-2`DhLQBrB3cJXq@$hJ_rTW1aWjLXa7SR!ZXJYk%E8q9YP$;FXwe?F6g0us? z)&_UJOq_1iGig7z$o0+f)y)4ps2%yytzDhsApJJmmfx&!fC%$;peYWf992>>!d?;X z6w0se*D<80k*-^JLKs7z$RWpwK895uwilRRzP{``zQ&NKSr64PGZ|37uKX$LfSdH* zYExO*a6&m`9g8(avzk<fWQ9w0eCOb3fZ>~6k zmG34Z6pFU;aPc3rfWBW0zkYl7fO}Z-o{O$P?Z+>^O*oomD;zsv+d{mn^baZ$!+z(M z-+9T=*5PU!B>_^CoSfGh*m&IC@v=VJ-FE=G5yc;t3QhnG2hN23=b~IUSY1tp50<5X z2P^zd`F+!$BJU(Td)_W6-SempYF1JS-=+LK`nMDSM^cA<<%!3nijlf<`&-*ADJE6` z1sx41N3Yx2T|s;r$OKSzq)DwH|N=H9=F5!Z0FYUza2^B4af2EYlZ-ETNMZ%tn44HyzVs70Fc z75AFz@myfJniOYGCtAtF&6>y}i4UTe(7wQ-6MvKLvgm`vn0pslm;oO?^D&{4eo!UU zpZ>}7O&R_V#~&Yw6?|=M_u?k3>JDZNEqQ)^3iDS#PCcDT&n{KCBlg&{lQrbMMwxBS zb&&oYZN&gymB)7y@0PA+`v=;rUl;1t&7&!o!R_`}A{+2?}WHDW6*b z$2IW0W;<|yBGu=d{2$bSRlPie>Def!dLVvAonJo}HHlz9Q2z)vaBmQQZxS<8y4zFi z8E+3{l^5f4yL#%^BYOG96f%I6ukz3`iY-HPq-Hfc-&gd{jzab8WOq~0?{GcgR?e{o z#c}KF|EWfSnw?$gPo2G`7zLH2lDi8)&oB1>hb^|~ zGW{|pR1tMyqm4my^UKiUGao11B|$zux&0}^F9R3h`1GB5XexdD8IdEm(qsCRKT3Zb zxMnZ&Hbvx&SB=ifu$4|(BUJX6LpseO(9BMH_TLYUtnAbhr2S@t^yNC$AYy8QRehq4SpmJwE< zg3CAV9n;|Zee(|n20PM-`yE_#WF^(qf7zxKIMS~Z%&%mhir{MmM5z$K^7llwp7pe@iXVY z-(K%x!5@&;f7$tCa}5aJTiIiTzPqI2Ars|hLdE<33fE*J9R z1P`9OFwk}z_ugNxJ^q!n@kbVDuFn@Y*K3_j6*4!JzJxVQ{Isxbv=&F%SJ!ZvM+IeZ1&W+88^9|>(Y@@?YTIi?_(Y5}yxv(jZb#!4G0*M1G z9`3~~ct5?{6X!v8awH0wVz@eY$ag9>w*#8w?A+G}BX>H}gnufwR3I#w&(`a@fPN{R znJ(#YnTk$7JC)~K-Lr*4gFj$)WJspV6WrgH0WehPqf3yg5FR;->w55IU2zFHO1l`Q zeqk`Qs;m*$h;-?7F<8rke1VZ2wuTb*9hgGiq*M zU*g=e0@grz;}zLuo&x)EDWuh+e)Okzgd5n5jIuXkPrN(5oMLndyf7BN5A z742K;bT)m2nD)K@=UZ$W9&ugxHkVfU!|0paLe7+94_?dWk*!x~B=k{oF*(X?IVd~J zUmfcUa2`a%m^lNE@O^teXcVsf%&YN7Y#HVTMgX>egpV_C|x5q%9DWN8YEOWG(7mfM}V5c#X+*~Gr zZxC1pR~&2y9L}|HC}cfgq32w67PcBEFWs8&6Vm?XRyw-eg?xZ4ivc@R6NmSjr7W1O(kyS3B1btW!d93Hg=&QRqzBv80ZbFlQFQ7q%fX)z zE#Vh=rn5=$fTE&Y(o~CDKq~lQEqQak4_8y^lWGSq2!x0zyB(}11qnl1jK{&?Um!}b zV`sMJcP8nJ*~^qWEV~#e>l@u(T)K@hM4##GwNkS5GhG%FrM7vLm-Nl`P#CCts0zgN zEnYNGMXW`9^XI!C`zr5?s{Mzg8*s1f7xhiSsw5ru-}&5npY86{5s!$$Y9m$HjQ|G> zQ2OGJ^$B%GMR3XRdrywb7ZA^KM(D~i1z5SA4s$=3*{+6uf5UzvjOpq)F6(R&lXpwH zY)K29a`ugDVm4btgnc2EwY+lphh4O$wl!yA`Qr!q<#CNqVuZtggi_o3x{6EYrWK3= z?Oq`TgW69q4`%TbT6SeE{Kl=*Nnw6W{}O{P>$!=Buv#`YOx6q==5&yRXCD1%tkmgG z&qzGygH?vdCGK~A0bZIE2Fx@M_-BcYaK~xdYfIF;>tc z^-oWCfn|3~w_t*|*mCth!n8A*&HrCVY>HIJramw!v)d4;LUlD{7inh^BJUNkjk?b^4*VJ4r{V%>WT-Naf3 zftWv^@mfdO!Z#>SOAt37wGe~l0*AB2U&!Z|Fj5#A%fKZIBXMkWybmiFRo`3R(~44g z`(I{R`?&1~mZS{pvGPg37VBN@(oWH#a(zAVQDc1hfq_I&7qp)=WjBaPK_P9jeW(0P zuqpZ`#|Jq+Z>IH(T%tC}<0FogrO*N~A&s$NV~+c_>%pd#&Gx80YdkDt)|VZW;HX|d zqVnB+LQTS!nODLmjglIi3SxnTqse|oS&fo|pnj0>wKutg*TA;bwA#hmDtDd(W*Ot* zmA&H?Z1-pQ(az7qQl~Ot(i-dwCo~Ew_?DhCIABIYvmgx-Ndsl1Atq{beQ+Qg^4Z%| zoD<|(c#kv~Lt1clC~m5ltR$8`$HAeW#%pr7^qV7W$GWCQ7QNbi?!`v@_ zuw>L?D;24NjTS)zEB&-jF~Hg0FR28$W??GzZCv=lrhEcG|4AcTa#8hsXuz5PvTWnA zVWyMYld<+}4oyE=M|RRUIww6}oMgczGFaotO6Aq&xzZzg!%!E}>huAb`N4NhEowl( z&5YxwtfaAfr>D$bm|9V!YCikg)DF1}7m)2^yw%rdmkeTjy=aU~~wvdhc@_~_4krFv$MBl88N6g^(I32uY>W@zqoX$?tB2)#+`|83XBKo9J#QahM`~fKJ*v|m| zU6y~KEpJ|-(2=NJ;G0ZaSZG>wqISM;DyEZ$LL?q@b($3x9BYQKCbS0k_E`fCVqoHC zoEJ6Mi?h|scU~1R_iUDn#%JnJ=Qy*ykT0J_E5P1>jR0Z(|3HE157Q>TFu(0%M0yE4E=F7t@(|!HAD4x z^V-v0IC;__=K>0wUNVZ5qdhA(RvZI(cjeYDnQYr} zXettBvURw}b_GkQyWP@A=7yOa9ISd>Xk%ip3o6uG(JwTuaPKw9ED@>4cB|&6qRE*% zsP{W_B4Pua4Cac8y}-(aJs$$13I;AB!@Ma!t+2v?}^B-3mZ((lr4+ytm` zazdTc3B^+)+qfd;dmvd zT%vstlcXtbL%dQd>fRu1S`W2pOmOBi7$(%sZDMxSKSd4SFL(qf3Ldv3gDw?_je|g6 zbIKX6PE7mw!9H;wsg8@pnmi>%QQb}QR zmy(-ahl3+)Nc$-_ii-a~3xFfzB#gBr7}wzsoJpx^Oy74!S=R9C+*?&=n3J=!?n5FM z%UNyOwVSuW>fJ|Vb;0j$)Zxn}UraW=k*%Yg)cZ<{s{DHww^-o297^CVCL+JN*4kr2lP1+jQ|wGo#9@%}h!Z zmO))9IYnJe6*SV#1HsilTs7Ju(hbUGuW?CQUEjIGIJkx*S0YQRy~_GAQyv&9IW|qY zOCVprRas5hsnKA?H$~zo1;2HpQ(GHeZJhX*{(aED&V`>arGpG2L4;k4jIcXlb^n#Zs>{}KL#&5HWS#mN57VX z$1I?x2Xymn9%ZEoQ@`I@?X;dpTjw%Puq9tePheQSqE-kveZ+Pj(%NBiZ*e^QXj;i+ zC!Ac$@$HW16Yox?3a(yU>#OPJfPAxwOCN{lG~9(nU=-Zq-|?2!Y>D1xE>b?k+-kiP zK8--jNswBpBcd}+B%0lzgR1CNU_m)T%tR8b&bO)B44!^@ zq@Ba@W2pu)X~Bxh%5JWNR9A<5=&W?R%&)(6JEPNB&;PQmOpl)mBpVOO0Elh9n2(<|Z zZkCKj8T!l|6$^?Zpcv-o9C*Slu}0U2;NWH2)RSJSPl|UI8Mt5;u@jp(inAL*?3i~6 zm#_W)8A;V~%ObzCXtmF>_?o(PHodUd{BB}SF?e}0r*cW4&`EwLvn5sfrV_t?ekpBR z8GGOypf;eQv!6NQ+)Vu7F9ZHf%6eckZG5`Bw6_%|Ar_`q&P9_-E6drne?s}6P7fA_ z3P(~0&sIog3P}I;oD!_GSkW)61uOVoy|Y0BO1i>lhR)M2TtgT}cKe|B(!q|BYEPa9 zg}U927WJ3NRwAx*W!56EZo>eTA7dncWl=d?HlU44o-J&H9^$G?QZ8)Q2&pYS+$+AcwmYbZR@1#05=+ zNkbMV^iiPh&kgs}xx~Zv$Nl=j@Up}MoWDckWKN=p!{P#F5KmYSK}Vczmq5eL*AXJO zAN#Wo4s^eQ=(eV2SZWL?DK+Bqd@W6?@i5A1ZUx3R7aG_^eC~9hCZ;CHjup_be?QPu z<2!ELWbZu=WgWA)b?hMg!)tHpFhTQ@`ptnfuMVwb#(DS`1OUllRy8)TsFi2h=--0m z=Uf6p)Bo~=?+TYAMpk|7e3Bpa^Jef)f8f5DMs0o3FciV^8(5yFR#jDn&GV6M7><|% z3-T$M1Q{<5m>G)MR?)U}QmJ|@n31(ue3d`kG0fY;O=RZ5CUTdZjmlnlIGJHPZJVgu z5|dlyP^=tv#WE&naKP6a{Y|nfYVDCy3ub78GU}!BLtUhwRj3A?>?02e4sF6U#I$o1 zb`E8b!qV*K9gpW!XR^B0HnwCxpJ(&FAzKr|bKYDm#gL;5YHTh_eSaT5BPEt9Sg$Y1 z2Irm;e-OCP1$=IBY%x$vA|7vPJlGV|TB390b-ZP~{yNQW`B?GF)qem<;oG(w)^@$1 zPjniRDBfePiD!vXD>HLU?86;GIth}fwM(MR5sDX?rr+&P4>&&1KV~Gev$Mg)1;yq~ zlZ;C6S|aRSY8TWE@;zn#Fum6)tAwFpMF3k9@@teQ=Pefjf1Q1QZGZ^-6ycoYL4`F9*dS_ORq zXg5Izh6e?Xg7nhEp-QY-_r7X&X-cxaX#rmJW;CEAmS(75VzGP8x!)m5LCepFK4eOO zXenkmXe+#1+>H>b)Ka{1{Hsv`mLtZy_jg2~4~eQ2rBS{@CiH0kYF`DvZ7R9K&S<{p zt(JhgaF~Ow!t|9vj){ba7{4$hX`gl9*(oJg$%a25C(lIy z8r4^+kI-%L9#2#EDcY@}30&Cu#pu7YiQ8pejq$TGG@UK>oAQr3)Lcr5X8REY{_RTW z3Vpdtk7)OGvctHCq2=aJkEv!2k2PkrY41LP5I=z|tMP3lBp0*Wa!u5$7}!_|A_F;p zR&iqm>gP1S-b%GeLYU${@dWCf1?#**pbEaA99iI%ikZTh}{64Ec-7OMIi z(6xi0atyinr>J3m$Pq>kgY0m$3%{%UHi7_{gO^=p8uo*Y8&JUK6UhPjmM6R03B>Mh zx?BHp1JiVb-0?fBuk2722qgi*LMNgkr3$U?15PLpQN!Y0*A?AIFC|Ykf3W3GpgLb| z%ykhQ@}KlW)1vnTHO_~KFjX_a!ByIp9_=Od^1ICV9W;5nxm#k=zr_j|Khb1OXX5vK zcRy^TT=iQ2%7Nl(a9ES*P zlGKiHOM9b7RF}>+2ai0)hgun>x|0p>Hv}4xWzs^zq(+6t!@Q)aEoXUHXZl)*13TjI z@X$xCpKJ|aJ_u;ivqin{I8OQf^`G@uMQRl$c+&Xy?dcShMKRw@al9?p*DIIh^8S1sb|E&>a57K5zP4_4aoTOY|}9& zEDWuonTMN9ks@)$2&6F?uHEx7c8lu-46grZxs+st5h3+V@9`H17n+J1_o^RjOf7s| zH6=Q8>u{+sL9vPYR(W9io^ z{G2jvDZ#TZKVL75mgts&WrpruNTTKQl9s;rl-w_cnVQQr`8~ zSPsen8b*g41n&!2d8y zFGa@bBb5Bo9t1)vc|`03;)+?R5C?Ek7r)4x87Nub+@KmieHf)Sm=N&97JHmOn)=#1=R(+F>a^*^RUv4X z6f`B9q4tWRCTUjSH4~`urny$OstAS z_4-O%@Go_*&R>%;|3$EFM~`q7g-D8twS+$<`F3-B%$I3gj&}!gIuzO{Kfse3u4|$T zIY`)ObLU3n@$5sxyckBO4jXw3Ta-9}QWd(2BKHCNExVkN z1)BW4<=&z!U08i?yE?f0fcaCxc&E+}FQg3`{S5(aBfD`z6kS+~4*M}0*hKpRG3Mgu zk5LH>V8~X7=w+tr@Gh{{`R+1<8HUT^vmF`!?8FJ5V4Jx_=F(3~V>*8kd4}*Y+!l`u zn@$d@LY^NTdt2=}os3cZQi5}AZG1+pERBsun~}Le9P|mk?A?4~eAuNS%^+v6)V+XEA&UG@a_KsvRyg;M}bIR!q- zmX_cZi#a^%JXC!+qJ2y{cgeXyWJu#Sxi+@tr-g2HEb@a~p&v;4_>lKAeKSMrt0#)} z6%Metq&I2iw!%6+sm|m}%>xAm``o)Q$fUa4_*FgAjKr!&$wXzVb>o5XAnNYY;hkma^=???@@ka3bbgAc z5Y~=39J_0#;yLXBU*G8?^ew5B?Y>fLbMzuDMDHi!wqE7H;0k!xfm;855Z_aBetwHR zzL7ki_!vW*VVeu%qEwR;mdw_}v&#SpYaxZSfm&)M6fKtirj@j3JBcG9zNvlx3~7J$Szd636%Iwi zUB9g5e<=gcKI>Sjy^`|s1)tvX_*WsJ3gvq)_^-zAh-%RToZ$+BycgevIq+SspHS zowAA#i{XO#m*TcnL1f%S%TnD$O_))ldl#D6(k(4^K?9O8TOsWIXsN0@-sXGOdx4W%- zDUl~-C<6mL;hn|N8G#D^4eDM;6=@!yEFCsRZZg!%G;{+8G5Tg@>{bhcwaw30y;F7aLw0eLcD1#N@JvS0#GkyI{@8)>+&7oY??F}&7pa@ zj3G!Vbrs3MlcT!i0|CowwfJnw6B;w*(_fKQEH>aB?%r+@5R zi*{{su;I*@<@^v=Kp*`GEz<_LQ7u*EY(uy0!y!v}uMLQ?e45K4#1(K*k7mZ^05@TH zz(tD)Hyh*sW+i(>j{iLo_c^#F9dFD3s{y%}d2u}Ga)}z`lWc?4J#6~*LZ4s1m`nDH z88&(M<;!avZJynyR~h$mWxWEb+<1qiC$p>j0I;l6u0v8#x!H|&wA2&O+|{G zopgzDzQ<~6>vrJfA)%`0JS7;ARQuPB<$G%yweYCV->SG{?>)Joc)~u6kVw~?1Dji6 zHjY~9n8^&eAJf8udXQh%bOCYPjGr+t{l|R`Hsb?R^Sh>ZTkWoII9-re02<5zes#*~ zcGoB~z2xg(|G77Yie||AD9H?g1)FXicRi0&4@U#F< zb1R=uf+<~S-meX1((G2k8jBvH%q;KMtvzY-^%=V>)rY3hxmwj8i?A*~1 zR~2M+B@`W7KbA@Fm6viz9Ck_1?eOc38?tsj0Y=|^@@|TEFEud_yx)?f*VX9}^MyX@ zZm9FAV(wD~P2qQJEp1h_<~1fnPAIx~EgNihj1!EPQty5bD#~Y2q3fX+8>@wLZ&gns zn7v`~#rFP+5_XlMeSSG1R;|w<4L^?UbRhn*?zsDzsu#~Okw;8aC=BrHk7y1X=TqDs z>KpM&3eus)=!f^EvOTS(l-h@}Gf!KhvnY9$E}xXU6-$U?FYiw3-K_Bz(p-4sV)8c> z^El|-fs`H_kXAm!;04&eIAxepoXH3MQK2Xz7q;@~Nje6|THsFE(U2qW2Q;;YhK-|c znar>c}^-l}t=`yrP-5xP zT-SVqjQzl|&H%WgvJd6V9bXmzV+$N}F8JS8Rl%Dwqj}Xl*?F3Frhc8^Two0MHSJ6h z&}CN_E*EJVE%0rf#^LcYLXS*DTv%tqgF>i5H|i~NUQkbb=piel!k;H6TYb(2M9sWs zGbi}7lSU-U|7+^XLe_Ob@u0RT9?D?|L1+-MppitvjJ%fHYxZ1QY4$`&M;>p0x?knp zqzxLhI#vx<<9D2sMO*EwK9}A*p`CFQnqoxG_L}q3b}~nnP^ZiI8Bl#{?HEh{-_=)% z=8q6biOgA(`T!qmV@oUXknomN=ZB%l)2(UqlF#hoxyx}Quh86KM8$of&VRUa=p^ju zFI^v|RjyxD_}%pa(?1E*ZL(z7E5qs}+=F4zxVeM6Qhx;(wZ5AKz@F#+9xpwX9}d>f((sTtj9}sz_u%BX+C8`x@5&y;;FOi0%lbH5GSA3WHl4A3{|HYj?WLN368NgP)?-6(0%{(Vd^y4)>6wIhFv0%>k9M;9hUM zo$+vwF{}Zn^|*D^_FfoE-3KHt0FC^t_ju1wO^Cx6KZiDx?vUslAc(x!JzLdn&Hnqy z4!^y%K}kZ;W2VKATh?M`eS{CCne|PT$iD#%l@qK7GTR zbiHUU;NXwr&YZz@Spi0dRZuhgZ9bKak&)_8cVg(&7keqsn@!T!YK zH`na*Uyr_h;}$>HsIYEXOFTO59hbCVANG9cqEiw5^lu1Zo~uHi1++Ukl9{e;ocf`W zn=D9TmcS9Y9$eyDfiOM<8+&jGK&Rl3X;!55#MT#ZkI2#E@`Um&iioAx4D8$IoG|cBsVs#zblWstr0|>RgE{q)WvQC z&DRQsOa>YzXV;$Zr+|{Fr83FCHKkvkpPQrxh_pKb9~IPJ_fF7Es|O9)1X0Y3{;Rjn zfq(>Ekyv(~V3K_vUCjqgw}JI%yzBqQ>1mh^fX72wU)xoD)V|v`UQw4DAsFod8f?9!+{p)AsD^a zrSFkX`LT*i)+9t8$-$F#la;efN}tUU!bK;2@tYOoq<~{Km{6Iht%XJJYux0iLN2Iy zH`FVFhpLKhrce)f87+6M#3bNhpy`toS1RDY>T>$ZIEMrf;aFc%myF7oHGhHv`os*g( z0jSohagXdCNdE>L0S{(%S)1R-v?oq%uIU5B`=rIk5@?c-=PC(eMR?C2p`1F2%)FgV z`I)cGB*w!b^G&e8wSYQR_4SbKimKRremAuLiG*O$f`Qv;^QDZ*P=K@BbDOP#8Nn~KNU9exj3aU#oSZ&?3L4(p0$%D2GzDsF{MxJ#eDjze`qC;%>~&U4idOI6 z?7)B8U5Rd)<%;8Rl@@skHa|>P}3qgHh_`#xX z`lI1YSWp<+ajd%;+37jHGI?)tE=;Us38hMMVSe=3srv4|P`497ko{JH@L&Z3ajo9& z!=1P&CZC+`!?2JL4KvG0RNad?@IN#{gwQM+ZqSPL-N&X*S*u`*`V%v17ifjx-(mu) zmZW_$Mzy1jk9MpLL;oArAh{AA&Gqj*Hr~TZcOx_Z+Db3w268mIHpvq*=NpBINmK>z zzQCC_+5#0!;n?v*Bi(o;X*m*81Opb6MQ(nNYyMFF^ZaC6`=s!k8hL7VhCkodK06L* z5wa-R+tEIpIZsQ=A}@>tlS5>zAOje2msnzzjg+!ROI5Qczim0l^Coo$%0r2p5*)KI zUO4{N=qcIt=)wEh-^c##RVmm@MP&eR7%HqCTS{U-P?~YlOf~mXg3Uah#INNwu$~T0-)(zj0d`lj-S{bix`eq6SHbr zOC@?=bLu|CuC*ompo1_bi{+gVgR2bc9YcnYW&J8UZceE%&!15m9W~}|M%akCbEF`T#Y%RdZg8eGU-!wgvDkh--zeC%QYX?&I~m7w)7Doy z+rB2X9}?R7)>$Qd)+CspSDkIVxpz*t=VYWyd8I8?K4dsN9nS&Ef?j|3>oUvaD*h;& z`q}j=eVb?06E(l7_Jo$c4)A;^izryH$4%y8Ey0h*s7$(^cFiuv(CTIf)~l)F(^n7d z)rxcu^O!=@V;Z{Cdn2FDR8I_{YJ^Ey@5DP8PUm#xN9Y@%*=~2l2ib&y_w66}s;Bf! z%sji3>Krq5dhh?U05u|C`4aC}iqlR~S`QA>AGjyPF-T=Ym4fw^A)L1v9!YdRdeBMZ^jtr@?D)h#aCjH@y0sHOm#BC3$9TU;|732u zvSCupcEZO$vch6Q=1RH3b^G);12y96zOUQ<<;o|efAT`Y9WKCx34hD=D`ByB1DoDw z>*u(bh`HOufCC5(E|06jXZPE4nDts#^S-;Q86*k($6CK<(U9i6D85jQM>Zn88<$%j z_$oFyhE%gWpyT{4pa}>(7_APORHg4`Yz`a)5Z<{D?oAu6;Sr=Cpvi0oN zCoc3s`UQ0oWnwI>g7h`jwo(j>_*TWnL1(($IEbfxnpJ9Y`(=geA??()$m5$ok8)&8 zA?=}Y0b{mv5YEf$SN`L54Fs%C!q+&2Kb;gbp^p3`w6U$s*8ae_8mQIYS_mboVqW|? zZT5@qTBPe5ol;6TMiJV`giix?KjL&pJIgXqQW=t9Zs7GN1mSEb#j!aMaT*{FyI8m z!KYp4C#y8@5p4u-wNFL~A%Xy38@BZrC?4IPJB1o=O^?J*7)d9H5L>dcuGHJ%*@{&@ zLnBUBN2oJx)eRI*ci10kT6(vU@HW3iF875{r8j;l!~y;43tVQ;FFSiW)AH&UhZ*@s zuGqvu>F@}2=41%IJml$zovope^RI7<=er{nr2pkTh42=BDgIw!$S0-Oh6f8B zC3;>Lpe9=nI`i0Mttw^j-^Id4j)kLv#woC45CpF zGnk>Q z9k5d9_YpvN!ipfLm_q{l=KZMU9w6wF=C}&!RMF#R!Pe>a_7}@23)t zB6a3Y_y;0UIV!Y|Hu%MkHiOP+5saC`evb29r?ao;8Q2=91>K|#Q@UEI*_#>WCiGmUDK^iZMrQ>&sO&oi z+_-%MH-L4~tMa{mnP9EQdi5+v)r+QIqA@!3ST;-A=R2_eUtcYQ-ID0v?+(##)MxzW z5}MKM0(z$4M!SVduMklabSpKuZfpYzaIyAky208(va=Lmn4z)m+6bCt&9A}_=ZM$Y z`32G0<=c-#`|n3oG~qvR@ao<0VT``L3x1>@&(%sLSp3Zc;Q?Fj$%@RVI`YBm<*3Yy zNTmV~`yXxz^f<>88NzEHPlF|E`-p_aG_udfTji1yyBBC}| z^h?(MLh77DkC>ok&n~q}TVKA&W{Y3TZ#8B^o@h~VA$*8}Qo6@T@f|J_?_Y`odO+X=v6)3xcPL!J^( zS}jm(8DrqOLbT%}TK}AR`h$rZqg788An6!{roZBMXVD5_eEVN1D4jX_o0@Vr*MDK* z3I@W#sj>wrdYhA@OqZD{v3B3~ZTYmWOhz4DP6^L?ktAd-;3Lr<`sq&8za8sZ&}KWe zWYMz))x1A)_u3Vb{!5wLnJI}bJXY#IwHKl9X4}EVKMzC5P!|X$aMOMnXO2 zIrBC2Gco6}+DF7t9tC6rumkSkYiuX&_-T|yZcnRc1}+*fNGE!^4*t96*uF_;;|t?A6q$WXub- z-;ZE~3N{GV9_C81gUzE8Khfq`~Qt;pl_$JX=H^SkrmBRyG z{R-)&yynX5=bNt*torg=?7gAD48i491f`9}I2|L`b&JfOqQ=~fY1!EVCwbMU9xzoe zc1sr$QNEG57nI$m@l!L8{pZm}E)qo>tKaH8#^ClAFbbrFIh0pcqifDPrCVjF@+@+W z53?B3pQ5RxEkF|44sf6))`UsY4DkgnqagXlv7U(2X@skclcR!Vs%7#>W(0Mog7PyQ z-y9K)rZw>4(%y}d80KKJDX>|z6oJShv+?7M4Q+XbbdH~OXYiIuCkXWZ6&PO4U8oXMtaBDcEVO*obZVPoPy3IW zO3^ialq_sIvbX-h=LueJ`JfM@aP_3wYtt}ld$h$11{NsypSDPL6YoAa?5nS=3xs@^ zB`ESk?W-CAVvs1yfj(;iT3`+Vz;akjo|%XuM`G8N3p#umMAH1STw==ZEi z&nL#KeyU+-+iQ82f|Np`dlEFbfE={(F0GaD{^;Nptut7eYHK%eAL5fdgO0>o!C0y4$< z=V5=flT-El#U95Yq6qb6&B{qHoVA`!#T>dzuI? ziNxz?=O06|geGviCM)Q$EdQh)EP4>^|L^g82iL5=_;%~QCqw0&iESdFXWa_VSbiqZ zE0w1JGz}7?B`3Y&;+j9cat~YxAozo`(1C6SUAE+wHr4`#zXR>KVe93I3{F@$IlNFt zadqyt@SWQR2CF^kTA`G3uzbbE#AOXk-j$x{orOP4Kl92n`r}RS>OYjYmJxkl>5Xq( zlzQ21Im^4v`U}u|k+~xO2P8q;z9DW#e2Vi9FT>2J8<14HgZGeJPxDkuDWw7x!uQC1 z;6=Fy6dLue{6X&7*cF|6?^-u?3Vl>>U6jk;%9pb@S8?zm4zE94q|k5lX4VPbXw2fv zdDfsgmENFNG3yqmC{Ah~5sm6}UZ;DoPw%ybDPn#ck6;m?z?U*xfL7R9s6) z=`nl|wKlzr;K7`jSt5Jdct5&+jnY62#t-t4X)8^r<`$4B~^ktic8{n!#tDrP2Q8_HjtxE$t?QyEru zWxNdh)}RrvUbfobFnBZ}n00KScpTjI6oiY!x|KXyoPE50WC zffB$L5gzVLRBKh0F#DGe*X3azldec>eOe>xd$H%hbX#-F2aKVzJ}y{aT}^~&Q+9iD!uoYkJmVdFu8P; z)*2{T>-PN3rPsEc=iV*t#e1DklRAMP9S?M3)}Q{)Zv^1_-s4~@wRq=BDc(EhT&oS{ zNE>w+ffuRDW_%Hk7J(V$m-5jRWNXG+djqEfUDVC zr3l9uRP;CwjP;05fFs*F5m^Yn4+^4shXOW1>8yx=!*ZfS=TpiQBMVbEoCP@VXykP= z_*qpwjub*TQUVuINHIz61$(>gt#mtTGT@#(x?w}XjOF7F=KPtTWSjtF^V;nOl-x1EJcZE*@t z_2s(N*5(+@=;`tFcwV+WAF1SAnfbIXwYGOp=gV!sQ={#2+njT?)peeK_4Rk_G7Iyz zAHg{zL!2nO>MpO_v`)v7oOdaeFnMu8#Lnw+OX5Vm=A(Z4?s|G$=2HlB2y<{j57ZoD zj_tOr6APs+`=I;fm`@?je!pehF=nP-E6R7B9$U%>l$WDThM18Mih8f%5HdQyU&qtV z%Y2&N+VmH%>yD_QnTJ` zZgLN)?5)EnmTnb~`I;K63(jj!wRiJT(HZQ59@hk{*H3Ol_%Xp~g%WiDa^S*QS-qNB zIZD}!n|$v^LLz!>DeZY)V{2AxtF^v=|1eGA<>iWW(o*VvB&bt_`I~P(%<~+*2RV{+ zo~Br9-ERB!dNnie+%(0M%j4r2)Sq)Mct1^31Oug7YPD{++wJrB@240`sUZY1`t<1~ z#;~pnLH#vPDdqh*oO8ePo4@(t`T329JW}$`F$=;ynOIaHgSu_IkzH@w`LsMfoLg%- z7w_Elwq3UkC;0R0RYZumwhnbZIzVCwU?wp;uJhbl@4eUBL-3{br*{vfH6MeEVLdGx zf{Wp3ZCdBO6jE(O#+*y--Eu8JdFL3R+m12B=&##`T5%BxUeOKbd_X(m!^6Yrd{TAa z``+i@eER`A0GWOM{^4|*<~g3u^S&M1ZTH?yGa6(K7@>1+S|US<;kC7fwHZ$=U|kr| zM8!wXM3|gFrj0SKHb%dD>%`=}C!*f^G{;f?<(>C_JuL(BXU0GgV{lGKs1Xqn)!MKX zOiN5hS|0I~+=R7uRf+RNWY7`i10lbRjQqDBF(PK3 z)`01-O=N({9lFnm(_S!}ib$9o z+sMnuK#%uRMZoZknOo!ymB)~WQ*JCOLq#?~U&t)2nUB8Z2Ikhx5LAjX6BG|)svAK` z%<45CWoVqthzR*nU_twR0%j3hy-0fl38T)LSp_Q8MqsP=-h0QwA^H%*z8$EKKz0^0 zZPyKH$n!E;H}71nwbdS`Q0^BP-`N`|TSNrL@yE~3y*3wJZ#~XoUMCbspe+t-C)qIP zOiL)arX%B715L7eQLobyhM?RH(Uf}ilj}w-oR0!yY)+M#<1!*m#Yvc)8DW3OsU5cr zDt^DET6-(q$ZBpzgg{t4Wo(c(1|=c3Bj=^0T2h1CxTc2h)S!NHF1q<4G82?eKI(i9 zES!(3PWRV@7`i*zPKIDvC!&m?JnUxHt(6w%&`K32W7BJ$$UG`UbL-7&ZeYU67&pRj z>9kQZ*J^L2L#xw!M-C6Dtq^_dgUDj#>!%xb46}|0E}7k4k4C)|uxe(;aT>{8A$Vlq zLjP=L$Ci;8IiDivg5ob&-g%^3 znDyWTqtvGL)|zuJMySsTX=phkgs2DanFvw@+#ER<5V)l_=lp2E{V!i>c z>*c!5(^P7~t_-9FONa`S*)+xLZM)ufVL@S*s)ESFpRg8y)!mPb?IM?g11OI=Mgb^w zx!!>HwAN~?{!XMoGK5>Vo7IL|G!o&`+HvIGyHoYfyW+3{QO-mW!n!C5teP+ zfBo$z=k@dVPe%OR$7jfY*Lhmz`0@F5UFY8VJWnx(*826fJwB{4hEnS1?;po$ZnSMj z3_h0@yqlLePch|^a$Tm#M1TFOZ=RkWa?Y=p+j*TuI)fev`&ui=bNab?f zfA*6fe)#k%BDd|RwV|%{!>3o=QS%gEE;p?E&=jfD^EwmJkxFeX2LH{6=iq%V^{X%5 z=Te^@PV*ddY3elRx*hqm_m4Pn;n;ikcqX<|>gVqsQ6td$n59xK=;dbSQY!e|-ulz$ zXJTH?Gh~Y;RU{aIN@L~g^FE(q@3vnK7Qx(rq@9`pdA4*^08T_yOY251IJjy=xiu)q zdMhm-)p=dcu{ZOm(< z(&OS;ScAgxMnohG5oBBf86DS5OrSD)?cx{*0vO?UUp*paPgK&agyI^lho z=c%=}%yVfCxh6z(UKbI$ZQF>ynBot=`u_9lWtpb&H}h00&N2S>+ ztsN=9UTu*1P@&4&Z`Fh(^DgfzOxS5^KYwhNzSj;XdH>RWYR4Y5(b8*2xoKKhA zURzt{*{eG5Qm)Z^X70T&)AZrv^S-ALoDBt|Z{1om7A>_+(@f00*=L`J}L@xrIkn}E_Az~&*OMnRHTp*+YItH_BtDT5Su2>_& z6s`BWIG9EF4Q8sP#prA8wNw~7;f;0yq9%hG08u1hcWY@iH)4u0?6(6VlTvD&1KuKW zvRx0ry7%E5>Ye7C`rtA=%_4ASx7zZN?N03DyG5ktD!}!eYqbt}Ol_*5H_%F^wG6vm zYv6&1iG0*_6aZ(C9Rh$yU=E~-u%Tmt8B@CxM3mCVU6m33qZ(&lQ$xovLPfzI;H*RQ z2>?`LcEJrW*lZ}cyb@8Ez4aluNAdw|71I*1B=p)L#m-yt(GhWo9;i0N(?EPNPB_#O z%MeoHlCW-&`-_Nr9aFCgBL6i&Tu#>Q*mBwv1A;2__b~*gAU}()cGFY8cCT5kimpF%T?-5H!PFsn~807L^#ECGY!DGC)4w`a9 z%Va((&=3$ZHCOnmp^S}dFth!V&=Uuhmm5h$R!apw1=m4uEpVE|+r=?Y{ZPD-iM6cBWS0t?Wfm|1)8NPY-D zh;lB&Y>F$7nar%W9;5&F{@~~T;xGOR3-LV1a_owgxlqNHAtv=82d}sUng~A+r!XYN%^#&N(yz<6+P`DrQG} zpOJahH$N7>*a)iq+ieF9g^bK?Kg`HMUwilRV}X176NthAe}$PD)!s0*n-Rn<-nl8p z_fO}S%Z-^&r{#9rA0AF$e*W(3?>>siyv)D;`n&UKHM7Tu)3)s&o?juFyj*UGLa)82 zROTt(w%s{xwRP*4%T`J|pO))wcTVRyI@Rw!zRq*pww;B&(}&Z7Xo9DQ(=WgN&N=!CwSekSVPY<&e)jZGTEhc!j`6h2xzxW6HI>>ve0<&a zTx)|O){H>Cot_pKJk-E`@@6zG5lPsrocH|l-E~^ya-NS{a=~pcI}_brcC^Q%+BP4x zRm(?pK}&9a^7!0ys?!>-pEhf~)i&yW;I;%juezRRRXMh7WU#OGZrkOEs~;kWAq*q+ z>Z8`uto0$KfUFi=G)Ssucfm$aw;~{y&EP#6VFe%-jnoUE8esf@`d|`(14(3rd%BAL)Y0jlv_ra^v^)#!xWuA^B#Sj3}m)h2Kx!v~1$CH^k=Z=))6h*X@vMh7X z1+95zhFr4XLv7WFob$c6;eBCN)yr*D5hC92v~Tr<8j#a=DmA7(zEw5%2xSm)Ebp{NlW>h^|sqoJAlIwr!uMxX#lz z-+rvM1@BRCK}5NBAHrojO!z3(nD?Ar@T}6hiF3`2S@x7LlH%Fm-GJv~@V9+mruclh zqR(WRV{KhTSv1CpSj`A>k6-@s>-X>9_0~kFv0Nbp%Rf=8}`iJ>}_NhW;2`S2;DObh~SQH*L|Afa+;A@kxM~btc{hj zGqW+>DQG1c20`$v&}?*o--zdD0{#Npoe`#48?2B>l2}hmPDNFmcgtxRCo?A9p?kTH zA1ZIOHe@r{3m~9}f4Y>?TAddZ)HEB`h3>pVu0K=_xXqa<9|ZtmZQUXLB6?(d;~n$C zb>sqdjM06&9FLzrK*%Vr)$_GVF-Zf_tx+0Yt^xh#b6sy$#Ca4OG<;oh{P4p?$X2n)cK?UIz8n#)Tmq z=h$kmwL+lPTJ5c?h;!O{gW0kpycNxikc$YHRG3i1;^P$3QF`ykmN99_$W~&MIukSI z?~(eTf({uYs-;dR&`n^R@N_VIUW`W%u7qwP1a2Aq%^<)vXv+;Zh^YF>F_Q}}L?4$R zI^w@rm}OLjAWp{xcm24x|q zpsc;CwTCG{L*5&qSisC6-LYmaxSD&-b-z8>p}GJ7AOJ~3K~$txJDOh0QRD0pFx5N7 z)raW!*Q2EN`1#3<`aKZ{sR=l-vD3bN`jC;MW)$x;GyK+EON(m&kv^THpVUtdm7T=2 zoZ@_nh(f}}kLz&c6w`3bt&Vs%b$w;gOiYu$;KR;Lgk;|sxo>wI~=#u&E!@Xj46;q5K8 zt?T^h*8td5Ymk**SSSpMab_oloBD zcBI}rk=^$6?r|li=hxdjhf?c)WH3lCmm6vUdhfZ`;9RM#cYAtzsI5Z?=)GqV)Rf|s zoTrGCl~$W`f?-aWuiJiF=5?O7;{b`2QucrIq$kLHORm!rpc8GiAsvr}eelOEJ%4)v zGIx8~-3a!wir715g2s^u&R{~Ob#4{yfK1a8YAR%O`MC9F)8eNkxS&ML#@(!D1YkQ+ zxqP~X=us>X7SBx6DVSNS-Fbm5l6gG)Tj{MdRVhcsQ@NIrBEokR%6Ug-fHdGp6DRl& z=UvUM)t+v7B!n=T5#oVMs?!=oIPHa)L1IF!>!Rkp)>PlJNAgi&;{!8pMn3rA;S=ty z_X-!IFmt<$g4BthJVK+x98kQas^us#_~6_WLn$@JU__=STDE;(rU^_}>!=bouMS`bSiULvl#3Bk zEUDC{D(gI#)|M&a2Zi~3TB7q`fA?YA4~!`zby2mOJwBdG84&`dR_8n*Tjv~_xu65i zr7{tgUZV(D2~5sI|o@M1&ud0YU?Rv3nyDm?b!6;fcf(x8D^n=w!w0g4ctg4YGCh4mB@h z`WHq7euzO;)hq6FRdvB1+ksRXL2}Vu(!o6@a!9O6%!TV{6ciATnE_T81 zx19&6K!`knAj(HiOzFtOt7=wCLpr$k8X~fKBt#$Q0NMKKX@S(r2S>#DC`Kb@Lv++X z5s~u_PC+wU&I=B`X^OQpB2$%|%5s{gW$O1EyrjZBI=_I&@x4rtnC?RS0pwdJ8Og;A z<1Y)l;JWqU((6XVkeB460u!-&{tv)=9ADOrRRo~sJURm zK5of}k&dq_-H`IEy|vcNdAVJ7$Wef}qss-7yqs!D1xoigdAt?1HtW6jUQ3%!k%($( z#Dup3)4!_J+-gSXDnU1ekFs||(kL;t(vB_n*1`V(NrnU$H9O;#cuhwEIlNsC7EXJ~ zM`fntl6-U}SFBPs*Xze)d5p*)_5lSHT1$WY{wZy_95wItZoU^_3dd^}m694bpK`QT znyUKfrzNOUYv^pHaugkj{!P77Co>|mR(qHnKJK`L{gT4$eFOy|VB|(@#@l5q$fX@t z5EtCBXKa;29i$AopeRqLNK7uO^{zonuDDrPj+y~BJwRKVM-PZGzj>1An(yyhy zdBKl8xu`Da?d34DxQt9cW)9KS(vMrpN5w%cPUrI!=YV%CM5ikHli&UUM2GDzR<=9u zgQ&_WhU0*poV<5O%2SLG-axW~@sWu3J0CHF4J5}$8iQxV;!Lil}-S5n)6o7>o@lVSPBi-Zqj3#5SBr%4Z zYsVT*bmTn6D8hS6Fq@WEQ_c{0$XNP25eW^9qt@;nWRzq?a}23e{0;gYMFhT_H(vxG ze?&oQL|^Jg=eX}_nPVx{JNL`4ze~Bm z^6`W3eRjF+rB?4WhLBQ5x#@8vU_Y(()6>$siK=>shE67~rS)bx6$7^eV`8`YG}TmL zZA7UJ(ujdJAxkc886d%NP3b7dH3PVdbMVo%0;CE}nGLaG+w0-Ip586%!K+H)^^?$yqxb&ipZRFq-xBS!Aw?Yh_6gv6tZ&)&{1q&Qt4cj`4ck<|!awvet@v%armIqdNC+T0g$LeE$C3 zufO>Y*}ET~Ut4Xbbv6{ulnS`PdSB-$<$Sr`N-2oY zN-8W2T`weUIB$Dv-7I+bCPcaG$}FdHdR$8`L_?9nqqA&axsroz_Edv|P^jhxq3S}BF^##5p(i2LA}NmYPn5z(>31j6uZBITCv zNk<|At^h+A0AH-lqok}g(czJWgr;``5#2}RJd$(BIR`Jnknsrj)@vQKfU1aUuLFlR zGf}}Qhr}T=s-?v#8d1$vRq|0r?$%I3HY9uQw_{qO^S-sF-ib=d#W@icvyRkkB6~|p z5j5UlH((+n7nF?0HpK)4TpScc%*3trR=N+a*VgL@@&*)&^x={!1`K9Kk+8TSy|UpW zM{(EyRuMUh`NVle7AI@~EG$k@-DRU`VRVxLcdw;eM_LrAs*lb(VG6&$$c|H*?$OCu z9>&S+WH>vG%28n{hQ%D45-3VADs6~B=zhl$T(f3|<;w2eM<~Pq8>1>nHSBGG&_4KD ztFX*#1dN#Wbleg%hsk@d8M-MN(uvl3m_kXVcO#~GiQUWvC(J%L#4Q?8oPC&rC?m|i z6M@8iS{+jb%!|cNBdbPaQ zr*rJp{Op#espf92$0gL<5bU8&eQ?x?nOpA8D|I5`FeAAbfC7^HXdlZ4#puj7Vv$x_y5-rrH|1mW`3FDd-7h<+uc6D!Czq!$(z>*AKUnMj$C<3(LbC z*XX>4$+0p7cr{f~*5CT=A7b@aRR>!#k?JU`QdP*c0jQ5`Q0uB1yu-uWdzW(|BTTN# zGM9oV9%Hg8`drFso&Jk|_{abHmtX(&*WcDsFSq^i;lwO;gqN~9b)wxm5kNck&S4^7 zm$~;|N+zOlpfJCsKTI*I$ir#H-h`naKi+%WkAuwKJ)MEriHb1iQpO0ST58?)goL8j zn)QxUA7FB$`dc^zkI2#BeW^8i53awo<`r$xtfH8e0jMAk=ROvr5n59&-YGH-F1Kxp zL7j7|y*EVt1n)n+yiPH^-Zl`pj}PZu%8$PK;>h_|-+b8iW1goEA77Sv3c;`Qgp9E3 zc0jsgMsSfc(Y7C`M*izxd~-gnrB-mPXi8Vn(>li(K7D$9dA+`Wcg9PN-rctSw9e13 zS0cJxx6`@^bL;JT+oN~A_m|6Uon!0mdOK8+1IxM8b&l8`LvZ_%nYp$`WaoAE-aWtG zM7W#fT+gSa)CPe>?-F|wavh9OX?D4~5*r`*SN5V87vJ2L<28 z113xX$N};Jg}If^L^Y#a(Bd3?^l2;kE{fe=_jDAb429^8td-`19$N{MQ>U%;nwxl0 zFRk=2d$S(b05si3mPH?hh0(#E5GIdcAG|y!YWL^>u)5ppaTnksBgl?huDO-cLi9fB z?d1rQYqcY?4JZx^AJ-gaw>(bkD`dQKTmPrj`Qh+?$zM^+ld4Nl86Ai z+HObht@r-MtyS1iz4wUliqV70!xxm_g!zj|MAl_`_waDtwm<)i zzqH<8U$3R2Nzmn-t@UM!pS^qd^!$2Wmr}BILkz&Srx2WT`f|CR*SWTSy=@<#Ury_? z%+vL@{o+^Oyk4(IO5c6_)O)|&wofmwa||N<@%a_&I<{O?n_0IhMg;6Yn%H_D+-wM# z9lP~;nowQ0A4x@3wUdS5$>_8$M@kQ;<+^PcKwIlZ9O5MEe2gESpI>j6Kl#%?`S1Vn z|F9p2Q<Vv}F+*Spq|H zAjq{G-ag_X3hE6!64AJ=P%eh}oqS{?LRSDX6KbtQq)t%?09zzL4HV%4cFDN{xFI-b zfi@$}#!OUt>0$DC%%LO%(VxuhoWs7+YOlF4^EAhj3z~_6pfhu+t(Mwq>t;+GVnC@G z$}xsd0P8HXs&2QvwGNWG)oS-TPcwtK(J-aSfNY#|*oeGWqcK*^v<+D-EwO3=NmK%y=X@ui-gg>@wch4>izN0$@XSI*MmIhn^ z5|rLMG1t;q#K=l+#8_%I9R&gezPFnpz^B(vM!k0R4#VhO6pS06%28J;=Q(8jbCzPB%< z&Rmp7Hm=#UM)i7o-hA}vw(rgIURrLW;&)O6MiWsy#j@9Uj_S2H%SXvu>1J{9ct8*_ zo~Nx^*-K3|9|ft_z4nspv_^>9S(%yQ;{D`A8A^I_GMytxj8@Htx1L$pN3FT{(h;^% zkA|*jBsUN5R2JM666^E~qHi+)Ap`DdwZ5y^3;}94gFwP+~)& zL7bcsk&K>T1R=8WbPmqx?bE(r)3nAgxoM59_UR$UHO!|77c~!m3t6`?`Bs|#^ml#( z@#+|H$jCbcz$h@VDF#*Dk0kdaEXMf$@!@j4?Z<&WVDCLp+u(icU4)%#x2D2Oz1I2% z|JILx|EE9t$N$TpeR@HJHti`xu)FUGz9R6*z{4>8_ufk_^&ZfPp|*Dm-s4>kA^hm8 z?>(GOrPMgZeNRkudVjelv6729#5Cs{?i}-=(g|PdnZ~-UDstlk|30=KrSWN z!A|Rf2hx{cy!*wkzuk`Gocr`PRxI4!MN zjQ)1p(Pz+Gdw#vv+Je{HcI-z{;ouZfB^61zJe?L|Dz&Y1tcXbK*1P4>mg zVhp9W^Sa#jW12$imP_@)pOzUX9CTlwzk38Vu^*X;@X6*}$*A>~OZnZO{OA{7f167^ zQc@9APe9-ZY|;lOs_JCF9+yuyq-ED!RRltI=M+R<$+gvvfdJ3Ne%I)W2yPJcee}|L zwVJDQ+DaAX-V8oq5vi#{0M<%trJbJ^I1}<-nAruF_ndCIq`JKvr_UD`q~(r-z>HdH zKB^hPuj8Wcr7?3!%|{<*-!f7Q8b0w>n<#oh$&6aXkK65K$FYbV0J+_#r&&~eaK|mD zJB#8v-A!1y zSu0IRrr>+&r)3TZ*l8BL`|jK4X$l2;<7vMpiQd0nF4xOcF3|KNIi zeSLYYtuWbnogdH3AN||E^>~`U{_ygvZ=Rjkea~@@`<~}@cEPF2dR|K|y>)8_PMMey zEiVHt8<~==G$fsmCpR-*HsEAnF6uNLnFzs>Jd#ytD8d0q!+`+k-3Jd{J1lg-IC=EV z4_ltRg|;+&jWI`|tnT?HtY+Ys}y2sxs#-?rt zzcqreAup+=!UjXey|uTeClU2-qU?f$f*<8MNZ^I;f{0rMcVa#U$oWLrdzVvjUWr*% zK?USgATh_eiW?SjlOyN4)LPoKL`+U47g6DRcn)gRVFeZuDBM8%U`PdCPQ*5nG@A(5 z(&Fr)7l2F)0XW<1F(mSYiAVVE#=e8r#=@%H(O2rV<~rns9rja#jKs`DH6PW?2-51H zod$h0;z60i6vW8@T+FPG8V4RTh4_2U3>i3iYNgdQ+7;p1g`sn(hLD2V?`kOHT56aA z-aWd11G1ZHX=s?@w>IBFxS_RI5gcc&m(r-)Pz`iywOQ{zct02nLr6>76GlDf5!-KZ zj&Tm)2aYZG-pf(ciF2Cw46B>-&WP6Y0`Za$9=;tI_t8U#rm*9h{p8IIRqmo3CXat{ zdp&UXL7v@88wP9PX$@%~Q+&#d zuSYGdq$bMh)J4}yLs*j_gw(9n<|oI(E@&$qbVuGR5zXgV^61pV$>5^4)S(0`dqEQp zqH?D>;=g_HM#D1=`JD3(pAoW>tXV!XR=)j`psHOS=hM3dm$!3@_u-8M02>ed3!E@C zoJbwSV-fpv$w2)Tuq^!jL!t~S#fXet5HwQf++f7On+$QO2#XW-OhoFX_fA5r9M@1v zb3q~fSFh{i9A_VAUuz2!{4nC8L;276;GFX47;*a3-}z04subs1YY4=^0p0IXq|%xX zKBc^_b8BsiL6~!?GLpp%MV`GwMl~!+PKAkj@6Pex|M!3YG{^t(fBv&6`188FTz5sY zCQ*lNfK1hS)j0+xMg<^HFm#9ESXWi2nrn6He){7do!7N@J5v7gi_acTr`xvG)|^vF zXliTB;+<~$M#SChIMNgXSVE`jQN&Fo%ty*kk0<9e9T{@f)?lq;9HS!QROk-K;o0B1 zsYo}&H=9|v9(|~-#t<-}G7%FRk;ln_U{DzNLh#Se7gUL1r2#0#%rS=ZY5C%_Cxq>+ z%lwO9fBVJfPq%HqZM*mWw(Z`z<4C2BAVOhWh~}I-otDwJzbro4+B<9!azRpoqWArMLOA%G)bh{l;m(|u)_3`0!y&XUJ{ukZ)6#VtJ!_>I% z2SirRx#!nw&b4=gnj(0Yaz3wfsr9;T%M`x(@Urh&gmbB|*1gF~jy?C<^HH|fy|*?m zv83vpmeN2h#3hEwmt55e0@3;2Fp8U5RhbxZU_9hyqm?%A8BpIHRHl+@oB|OYw+y2p zHhX58&$DxyQ<;{qUlRHhYif6!xB>iVwU<=m9Eb+VV4ViOWdx*+%+gWF%z0GV8+cn} zeYVnAIZPgM%$jQ63!)FmxE!_S3c2?BG}l^P(Bqcwp#j5qj8ROy9JieJsw&fYy2~zy z9;wyVTMu&pW&`%wISs*k?~Yq`qP_HWopZ{|Jh#%lx^eOdbu6PapWS*+rDEGy>0t(q}z5_ zx7ynEwv|%$BYpebr=S1q$1(V?zx}u_)646vl)A1n)GxS%N^1`fr|WIQbF1}U3S1eQ zQU;ynoI9V^%k2gxnuwe_oRG(nAUS`1y^bD6A|heY+Iy{SKaSu3{oniV{+s{yKl;0W z{O|t3-+A}2{K=pGX$+p3O3kIz-~Np+|LmXtKmY14f1Pv9rHd+(uS%{V`n2bJJUL_f zv2H3-a>Y}bXvkH2?TAo=tXbSpnE2p~2tIp!LE1ioYf=GRVjY7u0jhj+$Qao@R2#0l zrYf*wji<6O6YYC~h!l+OcHQF?m^lQWjzUJ*n7#L~CX2(ZF1_|?ju2{&XhLCCi6I{gQB=_25XeV&ZwpY~y>EM?HH?7)tI?R(iCS$nHy?eg9ro6mn|jxgIC)L@P~ zm9poz!#}6YLZ^on6~b|j!V;%2uhX$51a8{B0Grt6bt0m4WN<|N9<0=R@6FUphEN$iP#+x$G4tvDd|dN!NoE$J1I-erfL$~nC<7ijbDvk z+TGD1%0r-qI9(zZh8*ZESHMSyCXJdZQgHm_n0Y}%HldYe+|;cCr(pg54?l-St&}nn z14NKE+D9(F#OQnPER0UgeNVUjfB_(vl1h0i+!f|&jwz*4XHB35^gsWP|LFhv|NiQK z`)7Y1g5UPkTJJ_N2B27o;}DVF8WE|;z8@;$RlO=u`Pv$CoxS(o`FBr`-~0TtZBJPB zQ?6#_R4?0x7H-t{9x1zf10vFHJep;7*^NVjz z>jFlbiA$-*j6|c>`cHrS!_yr9>Q~=9o>%9j*0vw%{o|<{Rv_KBBL)ZHYTvVWqepYU z9l*)FbJk6mYwgQ2)!HM9fh#H@+t7OQpc>zxH5=Ko#A5yS3J* z30fKqjmFHiRqs6$Ip-FvOAnRN`=w{7<@*P2;3A*;1AS*bPU+-f!J z&3ew|NU8N+O3tO^oKwoZ^=;cP*PC}r1S6@E+2yi5J)M8@8(;n6SKrJrm{~;QRjE@9 z#N0-RjhkY)Z3kj8vBtZ5ffPh3wKX6Sz@h*4xuhc3+xD=o>g4(P;)63IKv$xUnNR1_ zzx?xm`Fp?jyFd8emw)-!fAJ@O`cMA)7r!{Kb1gOJ{PJ@BpZ?_k_~qB1_9GjSb55O8 zr=_&sZQm1%;6ifFSvMcNsBG6AoCFUlmyJxFsn+KhO6&YQRR4Q<irjmj=8$tW(BxBhTR^g84-oxV916z2lNFCGfM~W#KQNye1NPhg7&W7 zIuSzvX5E}uL{h?CfXseXM?}tRI!3t?PA63fF^IBrdU?J%r^l95B=6a}4GhkY>Pb;n zFX9wyYM91(B2H^5*3CKRM=>p;Ecgz%5>7wZG?5c3%0`CtPix(|0T_=ns*j8&fMdzIm*V3FK zhP67C-mRuOEfXSAoO9TIeegua#3g6g%o;qelRrP6TI;Pg7j)l_V>*IKhsM510w0eW|IMQJ8!!z10S?orwN_rrxB-wk*lcGuvjnIp;R+uZxK6s#r;~ zKu*+wpdfM}0fK&lpn*o3=m+Sp5s(UysF{X>07;~ZEQ(aI$jT<-HSYJGX1AunI@hyu z6!`-2{JQ%&dt0;CxAv{5*L^KSChAz6ddXXL&h2Z)&4^ACwt+Wa%7IC6Ji67=%UX%4 zr?gtD}updz^z2g~|6ih#A=|HFqC{hhduTQzkMIYi;M#Om=8g_yKBQcBR(Q$6*&D@<+VUc>jF< zqo05J^MCzU|Kk7scSMwPbIxJ-I*fWB;-K*EBGP*UBOfDy`?}#bx^8)xc||?BD`i)(zs8QtOmbskQe$r5N-e4?bPbj;Xf(>HSk} zt&|qLLX19!JzY*-)yRVPqL^I%Vek(wIJE45gpv`y9Yh`FT*t89J685s;;TyU)>}_8 zFq2nRm37?|h78rylya`O`}+KJiNPE3zx-E!Ii>jJ>+QP_@4Wh)%jJAt*6nnfgV%4b zcX4jpa_fCc5o)E|eT~6ydj`0gn45-Z2N=w%l7QrLp7J`$}|R$ojD9;MvKym*q6a-be7-`tU0EWp|F}DKYbu!u#iI zZT)&V<$`H6)c+1CcQ3bP-SYF(d098qOh)F_?|a5hKY0D?-~M=Cw570wbR>h}Z``a^sCgA0Y-W$56`5N~wU{F_TkwdYUjk!DbUr zv=gX5k8d0>W;9*6s@02l?X^R?4f@l&@1LeQwbqX8nASl`-tK$ZYn*}x@lkr~r{`&X z&3@9}2FTe*^T7v2B(D{1i5(znM9mXy3}XP@FrdjHqMDD8(fwY|?`A|4YY>b>$jnEd zPNC+O*BT~&{dDqCTW(?U_pe(##m5ClHmtQlMoyhm*YY87bk1p%IES*e{a(^3VEljk zyrwCLbNfBdbG$yCm{^=k!3Xsz1aWSj5-5{I{KI!2=9IpDy!`rv(QJq91V z$E*<=Jm*}kZHxgv+9P9|Q;e8I3^Q?JHd?I(WsNvAy3FjD+ZfBT=3HV7Q;PeZ=P9+? zN-o>B6OoNErx?74Uh?a=m(lTyYwCF0v#Lxf)YcyTK(DPLH+SE2-m@9S01Q_jW7O8r zelydu!2w0;wfDYnIRxMOXua3gLJZ8T-p}*&dRyLhDHz9ybLtgZW>pzB9uy$A=Ny9f z>Y4d|U%tJ(F6$17qdj<5FoM_CK7RV}XaDp6@@N0+Km8~F)1Uq2U;WkPG|yA$qmR+I zTv7^H&<&$LY~M?W0g*<|xzR1}1r9MEw3SwC3(<>8Z)4x~kb;OXyRw%s1sprrxgC2L zIc}qapl62{7G?Ij?CKSOQB^%SKx2g9oj77DxrP`@uA=%_AozpcHU_34s*1g z!Ni@8QYI$Pj$3J?4ak-bZDGI%abpb7;hb}|v_mQ+ZgdOL_lKf`j6(E`XsSMZ@Xm?% ziWzm;s}CMIL?Dx*+QwvEy|&Uq^f+SPOy|7~@1^X;xj)P-9@QS9JrD%S@*!ddHwG5M zF$`-`gnwZha7ZW}V@WdX$nIt4j_;@q&^hs(W7r2pKGM60ALAEh8`cW;T1Re|8RIL0 z;DpMI*^x0Y4{-`Lw=srwvtev-FF@xhY@|T}f`bqUHEt^hTMs{q-iLaH3ZICOga|NE zZ^H*cpD$ja3m~EZHO}5NsAIP+8xe^Ji_2R^%mS_+IAP%UnokMx%aUs?EyO@X`kSBph$1JXHHO?N0o-pb5lF{GxYCifH!<$g2 zH#9bsw{p79F=~&u=(t+@BGV{J>@#2JQZew&rS?{;q2gRJF?k!E>P|6wYOV;Sg zEJR;&6?J8=5(K&|{Pa*%pzl@hu!S}woR&5SwFKS;>`(SvPUq;8Xb{9@9Hd>NgP?_x zz8OsIy^Zx{?`>E&Bf_@;71qF${IID&IES$IUi);8@~c1o0pdS2rU+(23Eszu!H;33 z78NC?+FDS*?b!$K9xA&Our%;H=K0qMV}SzB-7T{LfrR!InOFG&nd-tni6dOm(!d} zU6vIJ!Ze+CIGg|b_7z22n^x>qvo&J0X4LjUsoB;hXze{?)ZU}5icPDwpxRI)M(tX) zVx(dVg4jWnC*S8de*fm5pag_0Lt+Aguva|3qauENI*~cJX*!NSiFMJ z8uCdbK493kqr;(=a1^S-qXTh)Ly>5G6!9aQaleCzapD{ZuWu$SSiU4W&j`#@;fq6W zUpFHME@a>fk>@92wn4Q{Xlq089P_VmROI=&QeT663w+;9*W+BayNLlj=WFzS>EHRO zuRH>6o*?R-8a_^RT@@IZCXJp|owmK4{)?aeZR8dL&=;OWp?_$cS z4JWCyl5=cBU_f7IQqcAkSIE0&_Vhocp8nqcsol9fmWsBfEO#Ps{BZZy9hjohf2n+J zGrTq&%RMvk$6uh~{XmnuUwjpwX9#@4 z!YnJ8!CvYbp;$bMO%34e`0P;wz5@=bI3ZSCHHH6re5QH_(z0kmMX(9Q&SEeAwN+p$ zhNn(f5vzEV1>txWzEE14^#G^}oNu5;A;ree%*bN|b#2zE^H>!M0)}m(8c%FHBJzz} zC9wZG$Z>8p+I0WXQ&2rf73s4$sxahk*KzwaLaLjKHhMXOxBpMct`${LAy^wE>|H#PxVx7u+}|8*$I$Dn>)3 zhx*^$xfQpNe`6f8s<{ONJI5d1eBP7)dIPXvaAZ8wqT1-$cLDRXQ_rl+nXbe?HY7Ua zKTPC{jgB1Igu0QPz2F=1%=i_NlVKCH4>>b}ard-au+`;HC|rh^xzJQ8sB@G?GvB{? z+Q0tify4Jpq#gBlb2jM;`58pH$jbOKksY(x#*Nz0^BR2f~C`LWP_!OPdXlgo-6)~05a zY)n7S9(C^+sW0}jzpIg`$0T^vouY8H)Hr*5?B7~Md;yEApkv92;dcCNqvr;f$7B<$ ze(H^8QJcM|=x_TS;jgvW=O8R^oo3^2`4#kpJrBNpWL)smoQ*YZo;wiZ`IB2#_|MFg zz{R?oXUL-$Osc)Me)m4&%1)mo0-ircFIiaFxIKc+f>ZC;)1#J-e})C=N&^c@cP-+k8`0`5btp>ORE}u>ZY}2}ie?hMI{^8PK4L z9`BcS=3 zsQzY5!icgoKcW62bLm@5^v4{%n)B{vba|F*lz%D&S2isYXO*8=!gXqsE39eg+>*sj zY>W*Hx_EPQwB%`NG;{1?e1AZ^@0A<22k_T$f-KdkoUbC}E*jNfVadMsW+|M6qB|+S z;y*Jt+(;N`RA*iv*o3ZNj<{KyU0_4PDfhcZM;(0ixWJ1nv`c33Q7YO{lxJBiq3X$ zn49_ibIx3s@%yL3Oc>*^1H6--h^OT~q8@eaYiW0fo?-n(9hP=r=rnA>Hv;c}akMuB zNdx__rdt9!MXe!d$3i!e#luYkH5Um$>4}^MS}t|ANwpDMSM?E=FwUQosPNOB(Z^+p z$}Eqq#@>U|iT@UHM7Z~O;yrX#iB*V%kYq>|MnufA$k_CKz@yHqm7ZabQTT?jC3lw= zkt4FsQEwSRtn?oI{3r#8M7r)B6JezIfPdFh1mf($a}#~G<*Q?U3r*om-(TXVW?%lj zWkOxwd>{JHC0YM!4f>LgR@HUSJDh~;HWTjytDY_=ziI=s{s#NC6D0!AW7@1c4x-p7 z@uKnfx#~yF5-Ak&Kgjfj4c`YT#v=&9ElR}(v#fD1v5T#|*V(yhlNSZOH5sd=`)>9F z-Yhl+7u!+WU8i?IJ~ch58gq%| zeoD#$r_o>{b=h$4M>?9)*=sf9eMZJ_jX}~!mdc3yXWPl&DL+#crutF)z!L9G^qj7k z9e^buWvV=?9~g{p8&=%mk6%!bt^kZ~MJ$yw6Zh!dOSqI=I0f;{71;|hn=!^topOM6 zfL&)aB26#H_0z4f+WY^F-KKlu+%?GJm+Et#2$Un%P$~zrh9`pWzw~WcoSh&L)najH zJAJOgSef{+jjpDpo+A+s@(5ndA;OJ#8vcU_vNlFtWL?K};<2-Y%P?hIiQ`k>=%`Zw z4H8KZhRrV6c;b-?z{p^{644~6Li4?T$)-ZY19Hd4Og8?Hg^*xuY~o~nOHt?m2q&u083J=DlaZMj4KL4M5-8=b zPzggJ>g5^kRreo%fSMYCfcPo>gEuOF>z=stte@s24Mt)6YFmTsrfA59H#)eu!kwor zUnQadBV&}~8gPHp0zN740XEfhI@X7@Z@8~|SYkhu3^ACC5<$Yw+c`w8+-VM<;#i9V zAmb)0_wXS&&DnXmYRy8PG*p#DDRnb-Q6e>z?JFE@F(AzFP}g4=78w3@W%U=W>e8=1 zQ#vJi?r-IfxhR(S)yCwT+v{ACoqx2~eK9!wGxzM*@AQ>3ARk5G=pmVw3sEYiWqf{o zMdGD62)5ciS>}BIJ|0{w9Um7Q8}aN%O#KE2cqev&?T=8RYd=`r?;$z2NCRmsGnL)B zpZCpjc<5C&P~T_l8->rv@Nm59;{^&inimg0SAj89h~oL+Wv9bC1>nH1s%y;WgI$>$2I z$BXs;u^1S5R@4)SDrjxrAP$BAkhOC^?F-H>DM@NT8a>&eeP(6LSpV^5%`erNpg3OIHuR{Xi7bqeryV@!;v6 zuYBL~%%d$r_ajxN%}RJw?vKR3(C59+frXoQ_&#|IPh~YJR{-#cf^wHUVmugs7)G2h zBmLp??X!ed)vUje&ZVc$qVWBeWWQ#@lm7Rn3j?q4sl``Kd+;as?N>d?X2(N{bgR+_ zA>8W0!>!ys7Tnz_FX!>0w$htmzvS^*RO z3%=qQ6Dg^B(nV9;A_Nz84&V>I3AN1mc}mNneGqC%tS*Pk7JP3(PI0&q`>*7iVWzwL zmRQGBFQzG~+njG-xy9tR-_2eqGH8`~%Ydl037Gq>6 zF^m4`FJ#}opqUiaff740eYrpC(P(dQ3UR-A2HtIu2^q4C`ZSuRd=T_Y{XzJvX3pbiZ0Nnhi7q<&Mn$tkn=k;tzQQ;a=o4as+)bH}lH-_Y;S&4Kl zOttTuS6d?Z3z|)mEZqfl28FVRHhD4je z+S0#VTn}aLvArfNAs`(kVcHE{S*sgLDSo`?^zAPLe({ld%|PoVP}$8y)xoXO*-Kw8 za*D6vNyAuqj&05Cb0*6 z+yZ0Z4>bQ3CAz`jlcut`+ZHA2o~4tne*096AW^$Y;q6RPg+Q;H9iG_KC@6~*FOhK| zZ6a2N=lYOPKp|};wIk`5s;W`#nfm!CF*EX9H~e6P1of0s?S0HU4Yd=OWK=5#p87}=$x|CVwrr8lem2YIOq1iq7j)t!6#w>CeLmip@- zCbiF+EArEt1K+8XL}zlOM(vuhE+PpwzA1h=n>r&B#khn|?P)Rlk;3;l{Fz5$6`5_b z=me`iKjWs8SPNWAdNmDSFnW*?|8|0(m$sk!RLUYjnT#XnsatFY*P4NJBj`^VyRXGr zpyPc-(Br3~VoyO=S!6V1MKTzUSk?j86<}n*2r68iDe)80RpBmoqT~Bae(3RYpH!a+ z1y#M{tL>I`#*Yc?00&r}8|-;ZI1JkE|Rf4mAVJ{Gs0>+-`$ zPe5UJQTC;S`P-t8FC`xT^;Lhc9=H^BFk2EL221~Evt#qwb^+SHuVAXY7uiH^J@B$FnD)tSjr< z(t%dZHqGU#^FDb!VMVF1Pq*;$neb8?>9%&os1q6@KNXcs?Ht#3k%1AAh-A0plgn>|0d%fn5w~Gy z?aYVbf|^o`M*)gz)YPub4z-`t{@h9R6ll(d=x{02UF4lpaRpYAr}umu5{lI4O(Nmt z;k)=~dsC380dFpf9&pL`yG15Ke`VMW!9;4eqP-yc_n{#krEnia!6;QhGG;hr{I(O{kLqKY#q5B^qvETH@d3F9 zc;^RUJmtd|u>?aij^m}>OfbYM^kzAvc0-Mg{>>si@iUNI9dtCQ64zK*{;3|=y zJcwVJ{XZ|jl1gM-*;aAAkZ_VE`|Q*SVZ6RN`9+b(BN#p;S*J3@@2{cB7P$8$r((Y> zD|wQ9_$1~v@pP!eDUig*+z)T`o@#K!{^(dBm*JVabJpg&#{2l##N!D(5(=ex`ms92 zL>QvHiPa}q6j1%7^ghhXHAJ_@eSLMYQqLAXS7KpN&u>taI1BxElC{jI@S}-NAwaB< z`g4p{?~b)t!rS{03{uOB^QWPXNY_gv36xturr915C@tznvrVjR*{0U}-2OnSQB~%x z%-1KE^jT?|0{wO|lK0v>AM=Jf2icx2D}Td+M~GEoF)VNM9H_2`n_t!|JpYE@MY`PCk?es^`xVaw_h0g6@lyUD6wfEY8lz*X;pD*x%Dw;ysez=Z3neI^B&} zIagc89k7-nE*;3`_#c2i`(Y`wYS%#Z=z8A zhQHOuKqNk-$U^ZX({NVWoe?4qm>e#BTnF#I3*QTwv*Y`u?m8FR3^XkOKfwaYaT_va zS)|TGgQ5Wjrr{!=a#Y2&J^_dzn14MtCn{(^bkk`32BKHQ;rH!V9Za)s+}c=sAcc`g zOLSzM=12VRbW83X_$*p zDht6(OzP(3JdEZt&in=m8+gE^N@jQHyXS+z4Eq%?Nz05QPIGs4ukCnF`ortW9PVsS zt;H~Zxr`X*n5*`uG*SvKFAgQi?{Sd&+$AO|Vph5H1L!lS@9k^@^vr_c zbX=XeiQVT7At>YUkNHAsKp~laN9GoL4fK+JL$c3}P7_n7m%+vjZb_Byrx$DYH94Qn ztrnP29@3%fy;K&v$Y_StAKbgZZilEjur!VO9KlZfY5A!C{skc2mOKTvc6jcBc9~-Cd6qoOu~SJJ*t%3xR+YX^h_25 zmt&Cf745>Ephu}SOr?6J*fH-ulr(cyc;B=xNQPBxe@Is?=g5)36o9KBqn2jMp3kVd z4lXQRzR-Hl^?27a8mb~n%(xcAUie>+wU8Ze{B-vSpVx3w7+9+PQj%4}1)HpB^t}cbe}GY9Pl#IJvU!rQMqjMa_1V(JeTFKY>LxG9K7vTG zr1{i%1`kcwVeAI#S~q zQtZ&XfbFQQWHhD@v}+%Ptozd0wI9YG*bB>i_0FH~fKFwZ_VvF)dgubn&cl?~-kqUq zTIp~_<;;C8SyxU)*C$^8e3R{8H*aNJt>QpRDL;dt-~IMCI;wxS4GRR{>^0dXfXb#r z4S^tQgK%o{SbHVb_SJ9aXTEJV2E^kqV#G^t=+rm9b#WF6^~g77es3RWYc4(9l7*D~ z&-fE_PZO@%SeNNN^0IaRn0ewxZUBwVzUNsBP^%KVO(&vraxF~R2eZ6B^L-1vrZQExigNK zjBbqa(AFaH8e-ZV4#ieM9g)}j|BjnyQA>o6w#1(4aTSC_Sy*sKK}E1F-Zm^WQu(WgR;7FIRoUi~~egKj70rfVf?-M+Bh}(Wq zALeiLQqK#P2FlqwQBw3_lM%#~zWmhwax33suHylFJQJ_i{1EVaLU?kH<^C!$J^MwH zk{j-RUylNtE&grSqeF1y%Q;m6WzcPlSF|6O_HWPW8%jL@z*GKGBK-O3g_-9cO1A<@o(GSa0JJYHoolG z&y~Qe#kkHn@``En>@nH+yTnth7 z@RDB<odwWM)Xb84dR2+s7F5u3lk3fXK9gi8Buzgy zgL+ZV_dDb09`)12CrN{spGEI%d)Jkka*`L^ocBzpiQq22>C2I0wV!%=M>9$jUs;4` z9S!kRY29*n9*oFTOi-$Mh3pcX7VZ*}W|@t~z=S;x(_ zyjPjKX8W>bqKKXKvw@SvRc4|I<+6d-27&|L)+a3TcinR{X7KJx0I2~A)DIqTr<@F+ zV{&A5=0!VVnFe~FRPNG%sS?}mQF6ZJ1=3(6m$HN*rqWYV$Jga1wJmA(+Z-18GYgg*h(n&jqd#V#9zx0Lq0D%Q# ze!*9HBb771$7ZM%YHO)MVjX15xhG z7f7u9su%pvrQ7WhdPOR(aCww|Olgn{70eqo6*FDpn!xzrvq+`QX5vT9Z7| z^vN70g#&ab&Kt!&9ktigW3Fhu8ulMd#+N$mf$+C4jqUDWYVPp)WIES1`a^K;yST5B z%eva!0xyNm?X>jQdD8f6&r52_Dn92QQ^pQMQwNQ};aJ_z=A+#urlcWKerl z@0&eno1gC0lzckq*SZHiN6%Z{gVJfLzXGMW=oTY7@H_c{qhXb6t^tR!*QN~>b#N&r z9jWw?#X!2#R7G=N%FXP`(|D7|!Igf6i77S%TNNT#`xW(gC&J3q$Cvm4mG+x~o0Z~- zu*iSVn=I=emHB2G+>SuD0`+?NCn^~(x z8He7fMf2M|psj*@6GtNHuXz?C?vxDF#1&*&Bn2-WdqrHT5fL=XvsTz9s4|P0HJ)>` z36`Y}pczbJXnF*skjg91(KGwRtrB?;Jw9b>c`OPMFKfbHWI4R}G`?h0RF4s3aWj@ zTQE;(b=oT56rrdm?zFSA13C*f7cMLCv-a6;{F?xozJs4AD%Yrj)MLzlug9>K|%D*_6G5RcgJSFMfoM)^`&pn z*dkP!ywDiXb7pnFNF_l)v4oHwmp~)5TM(mwY)!MD;`r9Y1>^peLG*Zd+XVktkyysn z)b)h=1SO;0^Rjclx%k@UwoVvt`wFdOzHH$)rs;@bC z+)6X@AO&R96lZ^$)J~bc48%RxD$Pp_uFpZNkjMTTQ;yzHy^UBRR;s|T9T-OSpNlUk z%scVJ8`Bp21Gb$VMFu=>uRUm*Sa;zR(^h;r_RIg`IyKEKaNf8Xq(Q}Yhv$n=8S3&1 z#s{dTMI7E^Q6=)a)vJvKudPDZf5W{*HhVrbJ1Y_wFb+!#7#>OIR8c9^!%E;!hld@s zBL5L2Y;7J8iwg0EOOc_G^2PlCQ47lirO6R`C(h{c7I7@-`8Om5x+{2a74dQ~`cA9^ zra{rcfj^}?^50pWUrQ0j`0fVX&iUY~iNKw<@0e2Jywaaq|pY)l`SpQ%tG3x#$iz8XTXD-{2w-2}}Q8`O-{O zh@61BMpQpJYj2Nagh;0W2X)%HvhF9i3yMMnz5uC(@e`o~>A^Xb1$BN@7J7YCTCsKz%N-Oaj=6JeB1KSDBBcW zwVNxWY^OUYvk?7|iaFNM@U0AnuP<1TQKnw#oY`r=m`~$xMQP!5JP*5TsGf|k(qiap zXJ9g6)yO4)hhTiieI@O$oa!*vw+T1@RAc0-7>7RIG<1la#Xy7{pv914%bmAoO&C>LHLRi>tU-? zRr}B`+f_^X;@0AvkC;cR2K#1v2^f-DPRpK3!MQirz!}XgMRlv-r-keMBddi!0c-R9 z6fs|VTb?EVm|nnd?o8C!@uo7v;U42tS&|k^7}ve663y70 zXgX9A1n0AxEJqU2-iky;-q_wiBX7KJ4!o`xao0mC|5UCIRnFTYu>`u9Es5(Ld^4f0 zTI=x_tq0+9f{hxxRtKP1di8hjor;X9S5Vkd`B}nXS*rc2Py_C$M^(^`s}QdFeV-X==>w${8D8UeH4(Fj zY36oCN0Kwa*H!SmTj^cHP4f-IAr{C*h|dV#NxD&900767D!NvPs3kwwfMon^vguN)~V5NbOA@0?cc*=*;R@e9^}e6I~NoG*A$hrBqy&CC5kjpn14Z$ zz77wU53SD;Xa~@=l%nPHOKxN0%b$h`4+YJ)te@TGG?KLtX<_vm975wG1468ub7@Zs z5^09@?!Ujt(kS4^AkL(;*j)^?V{>nP4*x1rlN{;+8?6``?21SN)}o#yy1K!dt&%B5 z%Yt)=9)Ii#>lQeeAuvbxoL`-?@jm%rqKVnxyV$0x!6w|Fo>X9VKzKOu72MQHWMj7T za$cf?;GO#+84C*uxY?Dsmg;MG^ANdBR}7+86gnb049rH$i2Lt%Vq+$k64&2v)=xV; zAzG)|#xDrh#5Q@!6SC58n07F;FfUG?AQG6b- zuh!rdH>=>-(4pisZBvzc-CqD8npA&iOyunRCwtN$6}>+5-xqacBaQWtntv~TaxJ(~ zj`47GEnB|(rWpU86^oIFxwcoR@qYhGF8v#wOx1yL9JI_=-Hi>NO;isDMCfJ zRqnQwF)ox{_N8X7FqLRL^bjbhBv?qF&TTaT_E*c=d>j5_0pi9G7tN|PmGdg0(x5NF z&Ur`Hz{mPY1>*;t#|TD)j!H!F4e@N8{^D6Y`3#NwL;BWKex6iX3)&`O8}wcNEL(66 z&9LR|bB@S2Xw>0uRIIxH$Y$CrjvPBm4PqI3NuC@D$hkCQJF8@2hi>@6=IC0crN3Da zq4fuGlQ114*PF?6HV{hLN!n{LK~jIULZi+tmCB(Ci_)&)-eY~}!O6?+)wwFCY73$l zc^4T^k(7E%sxhHhmm>p2|KN>wH6wRW1_Qma!McAT1RL^bJ8N2x7(6|L{Rr)KO4O-= z;c49?-IO0@c+#lToLZbI6!Vpwh73zaelN`;1;U#5x_+~!0e{M4JI9+&@%`&x3!+KDD1k{x)nc07gwpJOlH&)V{lHJ#{ zch0HG3F(AhFuwlT%r6lZJ_o>`mW3gb}m)4#ieUOJbblD)HLo07y0r~s!eWhLHTr0+T=9S z@&QjMvegW%6e!tGp2q!jayzF!cyY?F6kIvm%u)mI*7#XI#ev@9Bp^=6!g|54hDWRT zH-{6LfHA5+7X6gs8k-x>rUU#D( zCQn_bHZsm(}biG7h+)ewBT^iuwD+(;Ar=Q zPAT=txqqei7Urm)T0nXj0uu-Kng;oiI~}_fBFR6ulvjzHWl^&Z4I~A>Mle>5)#p)q60t%gN18ZG+Vfit>^5fW6 zelGhs@CX61Zncy3rJ9VMrW?WM`TBn+Apwn_r1}#l)~@2t2Y|K)Q{hq1ZUA3?Q1pk? z!!VPZBCGmKXGi|>du0v_O&HSEUKBpyYiisJUFGpP_qSE2+rAE)#`$IG9N8xpH2RJrs4H zMga<^TUuq=A5@%cy_V%C5je^-qO=>-7^&XrUBqE|d`B#YAY-6Ve(A<1mwO$22s5+M zEt&By*mBuB+xDP#C+fXX$wzxHo{C|c_8>R}XZjrNFfJ=PZNdTq8n16g%|d5qQU97% zB0`9bD1as_wS!)z=T-2-y{4;^(=s{&_jMcbPqYQyOh`nWpK{;qK#6kXDUli8d1D(H z0UGTU56*b^KFDy^W1OfskzNu{ab{-jbEjbz&Htnfhg%Vm9kky?`obkzro$yPet5EH znU*z8C^E@!8oNboB5$;;w@bD z$1_LauUyd_HDzZDp9S|ka+IY~FW)&bx9Vbk5|z-je_rUoGiU=dH@KI%!AO-g$~uI~ z3wsUJ68bU~(r^7t`5S6IN;i2!6nm#CCwRL@3HHY^8+X*QfD~G? z&PdeCns2(L2kL|U-gkRO@-Wg~wl8yRi_dt$@bmowjc$Hv@rMDYk4#f_8 z-0q%|H#d`N?R;EaxBF>um3gG!7sbQD7JdRWwaWYDi`qfEy39!}+M0tZC7#$$9yJhs2on^F%}dAK?}!n!mFZJ$at#}) z$6?zX+E4jXz6bqUjY~SR$(0}DGLv!Uo*S|wA<`=LS7?LAKK&gW89cJs9F7&Xoh$H` z$;>6cgqOVuFZ&^7H?7xL(-6l>YsOh@1RwW7&w+^%|Se z?nPI$gnYM`%H`9ne%K}X_}*=RO}gjlD`{#vcQeCicgkdj3Hk1 z?#KW)*r>>tT({TdPI<d-vm8(ZTalnp2aBf&|ss$VS*_bslAa}Az5BKHk zvv{WW$DZR(C~5R>Y<4}?#x?xdJ0o_7fPpSs!#q&;GS8O6@Vpd}>y)+kSs_&jIJJz_E^zgDn_#!ejHo^XjSa8YhRccd%Jj`8)LKUPMK0*&8$X=_z&DkBD zc}AkC_y)p|6QbsiM1{eKghew(UG|*QfVcJ0DslR6Q}2kR)=g?^+J9V>a8l58d;Z#T z_<5d%+bo@>4VK=ctU^SA>`_xMv&9}NU?2v*DX1QHQYIspN-6SwRUd7ZSd~$<38B{h+koj3U^;T@il z$J`Ou6Kg$f6>pw6=L%)H%Xt<0)ngZ3lHGrrZA)1&@$Ko%^qAhEHmU;)|FnruV|)$P zg;j@wM#o5_0%XFhXJ;h$2wd%~d|S}^ifR$|PG=A*m(p1qp|FQ`}on<*x z!G4H-3C;>&EhF+=dU#*VSfF0qu4e!ItfA=t6DS$ZXB18$CNy=s3{3{c&aN5NY!8b?2; z+qdmN%_{Y$bPe*sJ3G~`v_xH^+GsdDwwCR_f->>86uJH+Jk zpCAiIZT=>Y$bZ9}EeGa`)S1<>k9z?Ny6OkB?-1oD3as2mVzi9f>9!f%8Fzj~=8-Xk zctwTw8cI24a^0iBKHjtlZi_mc_{^)|P+AT8*=SbT_v#_78P+b_4t&d;E7*$I;v=kw z^NoS`1czj1WlCt1f81KmNdv2GShT_WZ!1#tiTqd?Hn-dx4xz{se7VE~zp$B?U$7dhXq@8Mz^FK69pRImpcOzQDDp^ny zVMCw`8^s6A{;}P@uSR_v5XZ|l5`x9Ccw9fIGRl-UI zl3#gGGL8XUqWx?xlmVRmYio{MG$URk)5-1?5I_gj>NCr9-9?|RzPO} z1|o6Gz{s^f+|f_njSq6{>ad<-6#zG!NL)zKnUyP6U5m;d6~)eCCe;kp5I4KO`KZ(L zb&|ocmF2)|9lEvWc(khUFWD9P3^!#t%JdaXaR&?rzQ+(_@}&ZLpScg)l=0c*E=&(b z!}o~3=9$pYAN0Vn6AV_dWxK}8=lePcSMVLFsI76#YYrM zb}!=v@GzZjXc4_JG7{hgx-@5F5dCvMmXai72dQ>6CGsE3*E9x@;1`<&+Gs&nFFQWL zUk^2!ZRNKX31!o;|2~DmWMuj?%YzlhMQ*>Ma`Sx4ZdMll2$4dErmWCtxTnh!#X2Dg z9HQrIMDDjxvmx82Tu7w{8mh_^uxix)5Bq4z{{WID{}b=C$oFHdF3a**N?Q?wVgqQp zF$HO|>gzwgdZ36!lk123SF@4$6l_3Bx60q*oDkh_ffuJwac&=pUJmHZMdalni)|PY zl+}5C9C=9WP5T%2dMV=MJf*&a3mlBq7;sw5or44^h-s`Bu&Zlmxkc;CGl?C?3h=)8 z+J7+RBvuxRF;3Qha5i>JOrolOq_DV)ya}uFcpOGnSt0-esWf-ga zC)b*>c{HS|4`4H!maAKL{TO6bvYV6&&{k2z8`y*nCR1{vNHuR^u8|)Qa9DGiL=2L(tQqU zI1`IV3JzQON!p~J*bPXTqLs!V^i8ONS;h(JE=8>zGhqE`ivg*-?}ggGLk9Sr)`4N)W&PV0(|=jNVK5VgXp$o>;>#18pEL=;&MuTr#Q{8tum9uq>OS0vp7J44 z$oN$sY3JJ5thzFHwnS}u(u(H^Kcy-;7-j=7Pyz=;@=Cp@8&-xBWHspg87a=gM&0K^ z-u&|+4MKm|xom`Zxw#CK$Ll!8ZhhY1r-0SpyEV5jCTipp$gZ#)+j}=UldS)K+-2v> zBJ!m#tyH!{f6UuXA25H;*H`pL^Dv`A?#V*aBa^r0gc)`i+_rh+)R#DQ}Y|$dVe@*J* zV2T*mZIs?wcQv&Gm$gQ}FSH5Dd8bY;?lTp;cm3+eX0#k`j$WK%@D<{}4&-)0=$;QP zL9hSibKU-fjm6&@PB0CHc-{M5*VYYk>{~of);|urrB!Sd*p~+<>;L#Gw5Ff879rxk zbrb=8V<*+W_H=XjJ&|DF%7}15|YGHN&^$%k{aO3r`2hO%hyT92PoqeaA{NTP5pm|0B%<^2!jn(A_F|G!`ahQ5vZ zl33F}fBfxBFV-RrK3IhHP`=$}k;tX5qEzLd`R^#GgYtsA_zkhODLp+ky01Ej+Kdx` zOd4dhv^++K;L3uY^uJcrhz{a&p#HQ_B!Rs-Sh|72o6#E^c}ssKf`Tf%Kvt2bqb9_e zao^b*5R^nk9V~39u@KthM0pg13s3wCaCO5K7vZhYD#}n}6KZ@A##lGmXYr|^>p%J? z#4$1tKxSc)!%8mf?2AmSmaWw-GdEZJ24o-><5BYcE-M;Ofp1=HTzZ47n;(P!7H-mw z&*H+5-rIN7q5@EURerjbW5>i9HLBbXp;?;h?^(5 z)9MkDJNZq0y;L|qL)=k_PY2H^O;vrImH8h4?9VEvHhAdJpnG>+K>9Vp zQmVFpFxg)4U3F-rMU!zqU>2M0ur)aV08$9vB_e4`QW815Upb4G@dDDb;};0e1wNqr zEQr5igd_boRa7Lgb$R*yriP)n$G_|L-etU%FKmSRhU6Ecx)$~I$L5S#vC@(S;+}~L z4THEKY-bCMnOSundA1k;k>Yeg6_X30i?f{XvH5@dm`kC+a{27ZFkgFL`hfI5`o7{n z3C$I!PIN;{h}Vgx3qM2R#M~8SWWJWDC#?2WZ5bq(M7B9@VWD)hHcoBpG6NS`XE1=^ zw(i%-UO-*ht;-2rDA}%NfLFae*~6$mDYW|%3Tx zH!qeQPEY}}pW%UB+YRuKI_Mw$1Z{qYLua4W9w zb1EI%I=#a~%3ii(Uj(VC1Ru7Qj#GdIx47X8NB%&@Q<3^1PJuE|Muei+luNE{9fT>Q z!&CR_+#BB`p#tR|1_%)01uD}#s%;8-f)JqG%S`6D#od;i};7S^>^ z&$4NxqV$Hb>5SrRD_}Du8CPUua6C;C(bAF$4EyNH5^@~ejEPR7K~Sn(7mi=&M;;Yl ze^L_RHI!VK?F9#hvVfj z$*{t2TA%j0498k}%yb-UHS-@*{CsJho0#Fc@);1BG$>zEM0GL_q{!CGxd%>ew#*;( znUu5WHyzThS68S0NtYVd`Alrz$tt>Ezg(R7~CZ2x~7*HV<&+Qwd`)mpLlR%)** zQ8Pw~y*IU~QLWlr2`VT;?b*#lt z5-gID-G{k!F$X=-r3u`D`v7WXn@?@+i;MyW$bOlv0q)%GkT1yo z7V07Pc{R}zn46VJMIk&tLNS=FpG>_at^cDk2I03-q%Cz6%tsP=KVvV^zw-rb7?iW! z_DI@=^-|kdw|0wZ=!ky*rDy*tTH~&$pP33^_!nC#1Wfs5@<)Oa!}>$?kObMZjetBb z$o1wb6-cuC&@K%ZH(BhEka7*&8#djlq%c?ZO2~K^aV?M<+mK#s<{6vBE7Xj1fr)G} z(ItK34}26)^5Ovt?(NFrkl9BuL&#Hy{9!5~zN)I7oYn=eC-{!)z98s(&z7hnE(Zsz@x ztag|U?3|mMcJkkuO3nNuQ(RbmLSY;95fLHil<*g-x4Pl-FonV};WvSG^Z~^n6*Y%Q zHQf}hgT5MsDhsCXcpeo#Q@eVy3- zTIjXT-NAY2MNH^H&xox5aq|5#t{i0K{!Hh76;`&SYl|fxpxt)}%n(je5v7>|lhy6w zw%j*qLgOK^99#Mwf%lBX=fm)MW=K%ehXFl3Cu{NXThQ;hD_Rb2?;S{4ozas&Wu@!! zjU1BV`&jMe)#~~Egxu1ZlF-Xb7>hZd#It@6;yY?8^D0*s?2?>?_Hkrroo7;lR5MIZIH=-zzs7DYnp2aczy!#zv ze$aqQOjEW3y5`4L4R> zDc5uf_;R9Ti}UQkr=}czA=5P{af><@1DPI^F!E#5bX)Yc5=li&v?HKT zVwcs9{$Y&-sP1%F^}XkdcNnMH*M^O03<9)l0p;VSEY9LvX)S+i9(S$GaA{S74x(K! zAp`TcKw^o+)Of(2#4|esXaq}GMv3p*(5N01(&yAqWTCM)9+Tj&Jv?{XEM?!wTRks} zBxXxsi|t#Xdni8B?0lW)IgA8uPashIp$BaPwwzNLihmz{Ny8cTNV?=K8eP#cD|nY@ zLp`^PUrT4e6tXu*7@V{3*h04LL+DL0f4V>WCJZ*vu(7;s#UQ_L3`z4BL{;J#`Io$C_bp>ChnaRx$FK_OC)D(H zdQ%nq4zDQhR(=POceE%fOoOv4Pz$ML2>eM7cK7)HQK34|VgG00SS@qXiUiQLQIH$^ z!QcL$rO;f&*%vd55`H&tkRhFLp(48i@5}He)Wb1+sBGTu0cqkV^B1B>)MRy1T;2dvh#v6d!!+*QKj4^hn_oTbme57mKEJfF1<^q?oDNXzG$aRiCiV5RiT+ zV0diTus_q+-QOE+x-%F9A^Q9Q12{`lBVe9olcZO4k)>g5B+Oo8w9RE=ANK!|dH83Q z*dD&8C4g8sVSN$%fYHq+;zYDGl#zj0(+jGWtU^Gw^84{?s#kwO#OmM0AK8%`$cz6- z3yDn~X6*^<64PcQfT@BQsk&N2Y*J@4Hgf(mva*V4WY7U~DvC}XP}R%GPX98YALI!Z zpc>Z-lOP*&$K<@pQ15eV+#{f>Q?UM&T0c$RxPocgxcEiEJV&M3rzxl046s>JWs#(P z@x`d+n4FCfqS@!$Pqg$V2FcAz0&w)FXAnylqE>@Y?{DX3vlClby zA=gU=uD&L2)c4jaPd!MbaijfxV<@7nK+ww-z$qy>vC=}L@{zgE`^Lbszeo*ONJUqq zv_=iyOFuWAW%xB`*$AT^S>duQum2^pHIYph*ktrP7qUnX!mwH^atr}El&5QJKu`bv zf;TNId3n1I2QK{JliVUR#ecO31UE!G0QrBRCpWrwfToSMunm|78Of5#nLc-wzL>B!LyzPV*a^Q-$BwI?cb)N#a}HW{JiUnyIy!JK$Zv5%Ot1CM zYtYbHc?{Y_aK4KKCO6)UIXNRKN zjFc0)<^-gm>Tqtx1o1OSY~Ei0Ba)k?rLl4=8whwzx0j( zonE9kw#!+ht3{tddmKj{Up#k8WP1mtgPPcrIjzD^B}y>OWK6EiSR4dv@vQKbnL6Bb zSe!Ybko%2h5Bq9momc@sh=QraFpA=9ERM@v@ED|5<(#+bpJ@OnnM}u=ZLaL&1c~#G z8!hkQjj$m|MT4u^DZ;1>#{~XL_s?8l%X#@NyDuVK&L)O%B z1$6wt@!fT%r?;3l?Xxt2TLd8%_4DKf#GAc;r2@K z)0RG!xM%wAY$wRsK+0gyJ#*r{z$oA z7R%^Llt&f+cet~eYpP((@bF-HiT06sW9xePzPh)&;1w))vbG_{>^hWl#LmVXG zJ+d_!O_baMStyXNkj&@WM)|)6MYB&U{Sh{_MkRcp7;V%(u(%lLAT-k~oW!Zng{_(L@N3 z4y|0eql;dat_J{z6jIVwa`8WFl2^2;w9^@IHBbi45D+gtDIHO8gsa?k10k`?#(eCf z9bF|6+@$s}aPzS?A!UH_p#N*OM-htDuE$0RR{7Ewh0ASM+nN2pix0!d`qq_BI{zgU zqUd8+kv08aaJoE?`RJidPLwExZ7R9Il-WM=Wf*Uu}>Sr*ezjVdF2ub@5FgqeTvAWpXy!;6PD8t z6lkmG4-n`L7No|qk z$mte*PZ}p2{gnX1XyDH1J)dQlxaB;SqTyMA%LcI>YdE}Q@u@|rSe%CLSk|={Ip17; zWLCC!g0Lgbw3}SjD1I#vXcuxdsxgQ4%9CCh z^EB_SUNZdWL;UsfQwU#fTrQ4D+gK4{h)64qsM3L|h4|+j;+lj+<$3-CXU?iN%GfgS za3dC^QztmjxMnPJnRTuatpDks6K0)-{B^>el;H0>w9tJBu4x3dARbjaWfT=l`RvWr zBNa<0O*9F26S0PV;|j35&_s=a^@9~gM7Kt!?7cJ_Vw%qk=INx>y-qcvw16vlaQ1Su zTTP5NAV61)_o^;s&+vy{G+DjL=UZH+fS*!6%oCSq^kZoti&96?3mL*ekdG(k?@V2X z8QJ_9@j88Ob}{GoH}@BHa(Cb4uGd0waICHTyLXtiyZuQO6)*L;SpZ$ITDgjiWorZr zm0VII`8}^aAS16SjW^vkE2A7G8k@1RbNL5o0Oni;o5nxLBH(_6)o@17Pt)Lr`mI4+ z_=8fKCT7``hEsB6Vl3=+aYH+fCw09V$Z{VVdOzU3gvCC6M}`hQ@p~WGXLyK{m|3tR zUDvKla=DvL8t3RwoFtp$_W7+l!Ioo$1@D~66tjGN)XUEZzYC{lX(WOsQE(BI#KmXz zy#ovGa$mlHr4~Q?U!5w!6#ptqL?=(ILlZ}zGt_DB)N8Vj2gIP0?JeM{BcDM?seJ2? z?1InJMPVP|!A&j(0Az;#y!U`)J*r`_e83F_7WDwW=H=GneuKs84ESe;T+F_ZyFL{g zp2Jc6wr_jb;Yqc@gz^?qFKL9b$_(I3ds-q?`F@h|2*7^AG&E`^Cw6qIz%4b(o7N!kA( z-35;EY`0E)T9Vj8G%Tn@ANxrDLB~)$&3}}{75f%WlBxpHnl=3`qNUF8QGu%{vUE#9 zz}L!&Ua3Um?@%DD2xH6NWNj(A$fQMXtlUjHta;E6cBPbju7s%PGkaS-G9PKO=l7?X zttXHLqC5T-in;YLc^gB$@xk!j`pf?~xxzvZ@Pb3ygYIVMgGZ(@T!Ok4w}1Ow(Xz6d z2Kv_aiRUgOPvXtf+qdW=V*dPM@Hb)le=or2e}QRi2+@+l3U-esm-+U5oq+-GV{{kv z&doOU0?Ed zT<%U|?{?(wZu5f<|AyXt!``pxwEMO1%Uz-8Eke#u?)*7dQJn7?%Mt*Y2CquM_Hb{B zXV9VcbjsGcY7}XEhZF(@LQKzX`cv!0innP1+Ec@sshRMnc!0r%s#3~c2GH!%=aNAu z6*}h<{}_B`76;7=ZYBNkG%SY7i6n0T_eeKe=<0v z&7e_dOM&NI7~L6ucPGk}RO)|k*a#_qg2w-FGkda1b|1trTe2JobmrrR$`lD}*M!j< z;BLfHW5N-UsFSPv2)YFE)LLAUMA`Z%2+A0tTD3_+PJI_*Db_bSMpW?xnfSyLP})x| ztkB5eMX-(f@vrg|y7C9x1(?1(nih0s0?DnzHG7l(h;V|iUP9Dlf@Iaj#Sax4r5nf^ z(H48b#?V|}H>IxfCDWLy1d>N7?jd!+=e{v%ZAC&WZ>lCQy$WI|EZPxmkBk0RH-LHu zqup1-9kbK?G^e)3L^fZ3H&8Led#x*(R~cz-c~g5(CNfOTJ*aY_49q_9v5R=Hl92;o zGJPnUVC6^2^puqyYMjLwg*TJaAI7h8MX6Wm&xSJgt$e+M9PLR>7PMpPkuW{0Q1`C3 zDcc~=NhMD-h_te5%2rYa8|E}laIYZWYWxnG(Zx$##!+b!5EHdMfbPaIOA2GycW zS$KI`+G6_;#!5Mhn39vs^63PRz*hebyAliCk0vCnS39EC$P<}WeS3JEfddz4%DRvZ z${CjXb&d9@z>HZF$jq`PuM&Vk9<2NZU27Q_nO2pHfmlWi@rTbfk!N@o-o@A_)kaTm7yLptUegS zULqQcG94};&^8D-U-=9EoRzKr8G&M2lvH(Wh+B>(>Vc(|N{0I)y#Ezuil&ueYaW&LPaSof1zP+@#J;8?DO_{5^-CcUL$>oF7eX$le`TBie zHC&5r62&(iY$nF84q~zat)gC0$#qm#TMmJ<5e+^dWKNp@{PCAAW!$JMLP?P;G9y>d zXArMWuSm>h+*1QeC^U#4N&g;;^H1drlq7&Qxsl7R)_L81$U&Gb*LXTcbmVPJZQ;32 z`h+0dl&gqVhWopIu8=zJ<`HP!>>@#kt?c3hdnsen9V+07g&pS+Be-c5=iD*CMU(Zf zX_cIFo27B%NmiDjVK)mD<(9k^n6ODTdl>S2^ijo z8wMHU`A5q$u_%=+6?8<$CROp>IWt?J2GH5S0d-;C6te4O#iQk+T;^vpN>G1Pyt$@F= zY841Vak+JVp)-h5<_^Yn$r(C(<}?#@`3E;R1lx#OeiU?1|K;qTrO!PSD26oNY>F$} zZQhTTAh;h}3x+zI`2ufQ_O)TQ0U;)Bb%-;p;!rDx8Xl)y2!mw=#q}$}rnq zLAUn}=)+#=e0%9|U<} zGy0v*Dtu5V1-Ade)bfzM+mt9L0vwpd&azK6$;`l>$es4V%GLpXjd$|&EsbX-f9pB< z!gH?fPW9gDEoc_aLke9R3VU85q4Vgx(_u}#(Wwu~#R4gwNaM4vzV*0CNdpaN$xr4* zd!?ERea#tVuqWAH8t}1N2?a}z=e7gYmaB#0vm2iyBghHz&WA3LC+=P5(5e5Q52hYW zjqL)E!NWs~IztsDaNqg3NAsn4gje^V`kXqpH&0=}MZyIda=wau9|7fgCn_Mwxg5p6s$ zJU@|r+5e35g_*$X=)cbCgUSQ91nVbvA4UtMa#ycD1bH|-J}41j3US4!{|YD{*O*q& zeE!7PJS||ICV<9ayn>Zi-m8_#yh&bdVRy7%c`N5wV2ZUUqPo%4{>OP51M##wx$N?o z-8i+O$n!>N%?XLqS7qNFN=&f{AlvF1;2-XXRoEoMHe7H%1zQy8-;u{`_d{WoI>E|` za1NFw&)?8SUw#1xdK_IP|RtgodyuA7>8?N!Ln?|<)+6&55E7aqLSjBcA3Ai}zL z3N~^OFh4e1kG=4-&pjTNM(4MBMr*;X;d^F>6Wyv-88M701`E%IO$r>q*gH!nU(Qzu zmp~uXen~HIc)$kU_M!3Ef1kYsg=y~k{4YmkoVNBBs4l6tbLsJ??>VgxFo6^d#jw*& zt}ka^_Dl@)-0o~y+}h=hw@{4u`fBj)i7mB%1MOp(l zsi@A<5&RO4yNSFAzS$L9GTAy%ma=(4u&AvO&$bL^j6dSRiJ$R{ls28q zwX*;5ylaWAb6Gs2N5lo{wwr8SiGFX z4Z$aDXsI2h{cvag8iztKTRMpvZ52=Z_h5EPZb)U|om-Q1&So1emPcr>gjx?UT(Dg* zh1%$`9V$WRa=EE((dP3*G?tSPewp6}1$AW^gV75u<7Uz-Zateu&i8Rtxl7Uox z;$&ag-1V{dqkX#p+js>V+|Qj+b{+yQJ^orLQX;&SK%pI-Hoi(5Tecn@z=L62%-b1m zX=Vw|XM1%1U$FpE912jHW@EqLfI0*W{8YGkrQVRUBqyVQJp1lD!)R|Guc$Y1fqF4XvOyj(RoreW<+!W-oMVI` zUgRUcy^hUBV^LPRBLQT6KyhwQ zEal3)?>THbTxLMf@10-;fIP5;TZzu6X*jc8e4q!JO)m;`G|9czJGc{m;oH)3j?*f+ z35AJ94068mmxLVeZ%~Ase{MX7<=<_#gM<5K9FOfkXNv;SW_&_7gU+H)pKmeMtM`{=%oOmS&MD${ zEApO#?%X21mhew999+Z%PrGMcYtrc`zH`>fm<_P6@e7Ms04|95zeY>x$8%fHouN%3 zsgsiPU?rn2;6$J+qVV*g#OoRSE_Pah^o)%1O%52T4o8B1_0)qe8$m}~*O{4((4=pw zf4=wYauV2BL^*DsJCMMAQmFKSf|a0QsmQwT!pa@4B`i0(G%z(yWY%7@=@t@b`8WX- zM&kGGgi0{jEG{9tjhUnR*hp7)F6NlXBGxeQnS`Ty4=^H*!VkpKLdq1-oDbePmRMzt z5#}{C_47kIr}sx+CuRi@uqXRSoc(>vqFPK$#qcJXpZE%|pWPx-@he0W6!f}LArLAz zP7lZ?5Smb^<0VSZ&8%q{FYK>5k}GIkQ|~#RSP-wM4pSZkUUYyR*sh9~!+{PgoWgxy zjvE@2KE2c~>%;|I;i5tF^R|7GV=={K5wXk9Vvgb8nTz;MZ3lW=7ht9;33Szr&m+EG ze5xk@-ISG0YBY!U`b^%{KjNc8^`ieXuIX$|SbrJ@joOm-5~$1nz|Ta)o1b&qknYm< zT~hI=S9s|KlVol&1(AA-i&kIfrhorTo`(r$o0^MXs}g}SZT%SVO@Igje`UohugON} z^rY3d?Q~4lWMCV=qZ++_A^@V1r)?tv<+415&Jqy_Y4+4gZr{}{lpWW(xOe0E|)DzBs4vRRa2Tk!>EOEYFcOOqUvN;E_ySiBSPiK z?u=_Ce%HhxjW>DJ8Yv)HzeC;`TOSpT@6fZgm^6`M& z+YDpg*d{;+8O+gt)>cLLqVT$9f>lyD84LkbM!q0+c~6js)OB0N96*2xv%uCHdvcK9c)#&lWMlyps#+<%<;agXJTAQQ6e z^nu-+TU;q$$kE}Nu32M{ZyxkpI_B!HYBFwFJPtmxszx-RnvFM?Z?9nkIjgG4=fm{G zPcl@x^=L$K7n;;z*k8&|&pDK!>9i5&%+C03`-(5b0Y)(%r9ZsDcJiMrA2YFo2q9$D z0p1Owq!k>yRg^r z-Gh_Jic!kN{cKNd?}E60&0G4{X`dT?%CvDC`6bz$`@8o`X>%G-iml7NwcG3T z*CBOk@6zT1pRtDFt`F+<`?Dt3`#qknWQ&8IM{r;Lwn|eHD|OJL`@73m6(iGHG3+@o zr4bl+x=+@(em~F9D!3e)HyD8B8NJrM@^l!%Rt-w$Q==u}Uahp2*%+8(ZI+X(UD2dfWe z9F?9|BgFnfnVe@V-F{teSAr1r?wF${~) z9{5*zJZyzLMN_?OLnVULq3EU@QZM!7+Q$%FYTN$iN^D8XK$(NtCKWB^LB-~WgTkhc z$I_AE4c7Bas3zMpR%BjYdhD^I=RV8}zTi}3=1xCr(~*tu>dQ6`oIUTj`!jui#vgjO zQhR%Zp;!v~UDbpm>B>2Ql!XoZSP34p{#v%XzbICHu=Gt!K2BWw+H4;?f@xS=T{v&W zn%Ja5lG)%Q%L?ah#?WdEj@_GDMD3lTPfzE8zS^c*x9maG8?_*OEPS6y`w+8-V<-)n zm~Hwa3lN4j7nFlz(Sf~6iNDOgM zPGgdqUMcf`T(Mo}AbR!Q)cJRCf`}3hJg5jHe-0P5=dJDd-JQbsjg9*edsRu^z8zf; zJ(rT^f6+|z7=^NW))4WOPlT^UrE{rW?v2R5zQf|{MBg^|Nm$YeCVj~HQ=p{I=f^mp zu>-uQ^kfV8!PW&VLnvtBO)l5i%_`+Y+Y|`S$h%1XJJqF2ipbdo_SAGS_uxzmo@m5^ zyt1){PgzYTza&=o#;{?PBIDMoDRXl)K63rtO5Heq9mkre%{Ndq*#v95mIjh;%lYS` z$~06A`LgsKBsRsIN!cl9=N)TrQem`K$LW$nmG$x)e#FMr& z=OxKKp5sKqA={(XKP%kbnCXzuc~BYKvA#kSbWR|Cwilh%*Cc9nZ5r@JB01%px*49R z^Q=;NcX}I}|d*+;rA-@fH3!J>%S=z}xAC5!a^=#WN;V#qzCV(c&~)%dPMx zt1L;GK~%N}FW=0U?(J|HIR>9$mubQLiTYkh3_nM2*hexdPztG$&BE}E@Kpwu>m34p z!lh1>>DZ)!G)WcvMlC4N$-ZJZggQY@aFf%CyTk$Hn#75o<>-)Gcdht9B8?A}AuQ68 z1dSS^(J)VHDu~Hk4Z5LCA&g^n+MS+GZU?`zuvSdJw&VI6%l68VZ!h4Je=9YxfTO!} z^3nSg5w2-^rLfffTznmx89fL&xX8OIl`y#!QFUIZ-Z{r}Ou);QF6iRG{GqgF-Umk- z0n^~fHdT{87-Lqv!fD<$RY!PnZ##-aI?TIaK)%Gf{0R}8=dmvsVv04k(qO6i)vagg zQvA0OD?5oweTl58y6(Ak$XiXf2)f$u5&9a+KkaN%irZxWtnO&(ka~pW$DG~uklu0V z@V{rzf}KeIilGch*Ec2J7ak!VrxV3A5MfKXeNvW#-~7!|13aLM0M(z9lb}~BfjwCq z2ay!km2gDuimkeC$ryLfAf=Y#!H-lNKUiF+{PgbZkojJv(koK}c_0>gj!PBWsy7*O zd7xhHNdKY5$Kl&2DcT=coCBQ22`V36)b1O^`@;MaR&q{) z%f;qXcr>a{?yPjSW|o<$Ofpq!<84I7o`at~yn5^fe=QS+HW9-$J|?Cqt3TIM0_@xQ z49~7re?|<|;YTSN8b!jInsVFjt>CV~?RiVgfd^MR9`tshcOgovx`36lnXnh3yF)<< zvgyrO2?7}VD}5-9-PU@2Z}H?nmhvdkoWEInhg@XSXuuGa`lL=)!Upos!RyI-rkLYQrrsgc#KZMyM&zz){2tW=3b>M&@=ZvUz z=b63v;?1Y;DIN{))LJqddG^dbAdTeSVCj`si1Z}iBH&RJyvhjCD$1PwKx_FlPimhb zaRAi2sn^aM8K`cLCSdxeeDDTs&5qllE&Vxx7S}$9w@vl; zSNx$jS8E~jM;$lU(^ywi=e1)P)Ip{+61@gl#N@OrirJo_S%_@D#1l232+zn#ldXbJ z;zGET)bYYP&^z*P_&JEw-J#_ZIYQ0i1m;$G9{(gtJO3M%?BkSwLMS2bXS7S3Vvl0` z!^M8o)j~07jS-dmG;WGd`9=Waz$D2h{W|$PrVI%jr-wSQ5m*_)5QcjFX9Q?92)7vt)iLK%wD)#0I=m0TV&jH>LQV-; zQqNO&y^q+O?)nmH{QW9mAwxIaJpO|hw2H?C6+8gaC66TeAabGS|B_r5HFG0@XMG@K zXARvZBTp}LqYR%_sLi&i!1f|m^))Zw%E?!4{PTo^R(p!b{hpnf=!D7#H zKa;Px^L+$EUh_U@d750~ulpd)Gsw~XZL8(`wFsrUu0cULhsPRzK(^)2l(wn|cYc_Ti91$Yz5wcE+D?q2Z z+*a9`sXeYh#~q!8B!GgBz8OdZx}1S29AbDFZYmQC8qyw*&Q}Qnz1!WpR`;jw0ig= zL2f06ux7sURQ2AE&jl99*y`ufa7-U=ByDj;ahyu_e>4nh^?a&)jn_y)XHC3$3%(Zw zD0&lT#Ayh4B81UAK zT7@{a7=Q4ao2i2cJATA!Q$=25a3awC);%^^+uLOIde415Xq~#1dJL9+?6cmNmg|VY z*HGX3;EZ#3<=^$;xGHz)=kqdz6rUN4=D$#bJj=aJz8b(0NTA{G`tp3PBK_ASL-r1W zl!%5sA}W@WWoF)z@8FRw1Gw{BcPWqfmHFiPzTwG1zO9YD+rt?Ou7}b;&R2334|+6l zP{b_j1Kip)?POppJ@j_seWi8uEDQsN;woq(3u}QE=EFT72TB^AhEoiGpW}m__WzNJ z$;8;={9+mj7utXS-JV_S9B%}v=U2n7eG;sCDkpJ#rNOeZy9wB{%3$jQIW$&-#Q4wM z8Ehn7WU=A)Y=#fEar?_m2XhUfFjr}6Xpr&17Js5t?O!OzhWba+Iwkx@8qrs*8(k&K zwPjPODTs(w2AjGJzn(2qWpZZC;CRlG)>**ESNPp$p)TN0ZdUTsuOq7ECA`pHKN8!v zWAcg#P-#BTa|;ayJJ_^JDptSv8+j)`CP)c5fI7Qj~Y zZS+rX+v!IAdYizn?zF9i0PxK3=@n&oW-akhB$MXW91qFtpdztyJyyK-$7wWZGlf)q z)S|t0^MiiEw%xlI8!~?PmlLGw<^^i$v`enZ)9C{tv{p%MtxGH#nmxF5NJZmyn#NmD z8km2}AmQ-#%y_!KYGB$`uCs&;eF_?e{TcLd?xX>E0+?&SfC}8fOTf})UY}wuo)jbj z&$p;9LEs9MPxkt>GITVW7tet``S(Zo#ow&bG;Z%2rbP`GYk%^|7 z?y++RXfth0JIk8}zH*A!C1EENyK=j&%S>;&+kF4Mt*Ls9me|te=q_*?@pgkh>d_YH zQ||4@(Y+AC14s3KXN2t`1A%AgWEZsnddLsXL=e~^%y4)Lgp?PwccRqEHi@-LDF3kw zuT$eiG*aOr71zs7#^7;+ijk7WvDAj_GT9i^t3l#Ce80rZHs3Fg4-K%>j)BpP43b+$ z*=6g+1>yB*wm0nT*sZ(=oLN*p$xMMEAK4ox{@)8=gRw3I-z#ir3fJBn-Z?;bm?Cv)mmW$_v1zVj?ZCy&3Z zu)lEG{T!Vr8vykp;%Ios9+jlzA>k^cUVILYYEx zy$mMwM-@gs5?9Tk{`Md3e~RW5F1Sw8H}s!oiW8zJuD(%Z00`6FtXAQ7#?sN-D@~CP znHxBB(7W~L3ex2icwgsgz%Aa;Cr<{vBopn1U*D{@g$sA~E@WFh83o5UIRdVizXiy7 z-xpLP*G*XtI3MDQ&#rqCaag+gJKASa>xY5;$kkPr#)v4TBY*y67Sq>>v8$_zPBN-O zO4C%!$`!kGabkp*Y5o($WkR{ zPhQA2oA-S*^2Favip{TT3QN>gu#vv%H>FCcea6D&LU#{~dp;m$8v2*{yz|O8^a2VCNF|wnO}L(6XLTt~myT_sWehJtQGAjWir_*j z?|xu0QV-_haw9H0Mb80o5Hw|42%w9iF6RZ5@l5@R!f^-=R$4$Q&3wf9XC5-|`R0_L z-Ll)#uCikEE&v;K86bhPEe^m*k9;?LLIt!GQ?%Z)(WT7BcKtMXL0xRmb@4TBn|}#i zwM7GR4je8Cxjw6^=xVxd82PEJK599XW*5)MC>Ag;Y z95hWf?HfLQy5%)r=jkC)?TSsNY^`t#M6Q}Dho7@kEA}@LY-LIiP%!@_3B)$=7SAEQ zIuM^eniC7OPK-;YJgUCd17nt!uxMzxvz+@cDyNv%+!xwRgwozQ*+-t#UQP-n-0!+T7^I+v5&>;+y8MWj(Kh1(Awq)rsuf~L=PGhdbJ>W8ajeE9B9-1yK_Rki6J=t3D z&`xeNYfBQ9$99)x`>7w8?hHG~I97AyJ~Yh0E-}LsYcyw6WDhR4(5eGuQBc-o4dW*l(%$XSyFO zZ@ZGy6Q*TYnO#=25xw0pMb%1^Hl})D9vk&X>t(Lx3?Up$Y=tL|S;XKxaLM5L+g~(e zsu`~ppXZ!I)#pQg03iUKJ_akd<#(nGc0O%6?@oU?BSfkLLY)=~XZaiuqc_{+lJNHyLKqFa?Jb|g=yO!q$YngDc7R)%O_l2$T;Xj=f#2EM83@{i#5nD$d+i!engVF ztx2S0?xe}QOiqwhWQ6};U8-ne$KvD;(B{oY!C$kOwsW-7k?`U}nIFrod|OZGpD1(p zaTcZRI@iPxs*NSPkWjKxzY~i1>K5<0eaSV+#ct`PU2<3R8|Rs7E-<3kjviBW#b1ie zJ_@$HvtJ|HNoh9u7_S-jSeOl-_}fnt15>ohh-a-N^YqQ?EQ-_a?jkl;#73CdWPK>z zp%c2GU?K<2W>`)*z?hLNuoqMW+ah9t;la9TTFt{5Um1jFCaS^+-lm|5=7i=AF-pKUCtvikIWsb;HS5FhjiqBIau&ovUECvtwf)4H6%MnYfg=7&LJc7 z;sA&Onfn)EFNMs^!8`6`d}TUS(`@AZ90p#tqnD{J7Xmt?&p+2D4=0$1NWeS|Ukq@v z;g;9C=>C6)J|8+Niy72|sJPYw>c{MWv==`htd^hUH;k%_$#c~JWE#5s!#^ddHY9dJ z&JHF>9!7h+>HeiDyj^+w=bev&=}xRxm^%(ecXo9=@DP^c`-zmSCX~Ywm!Zdv2gz$M;oddY$Zw3vL;O$K5ZcKQbt+CL zEXOqAFw^Rwy7P?xcl{LYE5CnT*XP$h>-vtS1~*r?xfv_BiEKgFcOkNH5P@HmbAt0o z#dzOEi$%z>hr}nDxof<+?RJ)m+8@MZpbRy*ZvllPRDd*q*dz9T()Bz<1H?|YyyufV z))V})8)39QHv`nv?C!c=>jy>Ylb}Z1D1e^HIl0-aTni-1v=J;lj+m~WDSv=aXGlVE zDy<@MUVpf+8alW|PFo{vOd>tH<)*%Ojy{$h*j#WSZ>|u3H!x6A?;}xyqu=@YE*)b- zFKA<*`@7GB*b2S8+jCtiJ!YmCv0;L7G0*5CEk7Do z@&l7*{cU>gqUM-n2#58&4aj*$K0a9(?SJKh*gI$ZR;_A=67P!bh9^?sfIhJYcjC{FZ_RLpyFa#OCuL z#B3MU7NNLR1z>SYK1t(Y-kSRzb|zh z#!W1#`utnpJganyVHFc=FKt+kTof0D@^&~y2c6{o)!w8JT<+cOx1E~@VoD}un=5*k zvB|v1FP>CZ9Qgd0nOfr1uHvcTUWYie1Qp$4<$RDU)SfCb#}be{{@*tKTw+NRwVp&g zg#z%^!6#pHWw5hDoXvWhk`WWvZ{R1$Zi2>xD29dt&km}dZ4N%FKW$V|+rKzJa~IGF z6bI4TQGK`SA=F|_Bk?=9kjB@D8hVQj2Hun!X+-&lg$`Agpd}wG&I0O!yqo1bemXCa zM0WHacqmLgwo9z}r9JxN6B-G0S|L<;ZA*yPbg}H{z~(QkR_vQ0H94g(uZVdl(KH<#`0*MgvmWxs13e;b8v#%w1O2 z5Oxamc8|?Cv`3zRR5Ks|C1=D^VbD3mevvX;fF{%xGM2iC9VF{cer!BGMwCXPNr2`f zWoxug0L|eklMX(iqVF-jg#1kwE!{+cM@+kvL%B4wr#=ihg|3@Rf-aY3@6T)#_FFmV zcT?rB>;!9HV7?uktuC?(vieS9_U7@=pCNl}tBnmt(%A^!Bd@*+5O&|wZrr@=Fa1}N z-c}^0y%i=#$@USoRYPZ*bxJ)jmIf_)Y#UCRYWH)=$%`Rklzmn4msKCf8d+DWf{Y>S zmrsR@Pwc|i0lOU5)V8fZGqff=LE$c@5m}kZ`+lht8j&vSxy6ZkP%M0@UDnZM@I&&P zqv~`n3thgb#JvV&h>J^LX7qJn`k` z@Fm|zWBlHF_Jk5V*+fW&ue!|+t>Tfz{hn5Cj`=h1uftRT3h9WM(bWmQ@K`vv>iJkA zsGyR@>b58Jf`Q#*Sn1Hj)Zn7ZDSqaQp#<_{8^{38>xWgo-o}eq<@?ma_%L{j@t4)9sAF^)}3K2$*22-|gm2b{Ma6)fSwC8^RpFw5Xz`r6T`V6G5s&B0DQ#N+$)AU*9 z4*`j;{nNce@pis)>Ir$oJRDrsFC+&&xS`-H0w%BC$LHuv2R{#7)rFm*dg9o84aWb` zMSj2HfrU9g8rMEBH3E&FKECphmH3Vu!2I&VpOs#>FEN{z@7;;JJ>b#Ug*VEAvBk+R zX8kj$QhA4)aC?deL}>;w)`!OfI3w%&LV!hD>`vgL7#Hi@QU<}5ZmynxEXo7Lw5e1W z`ZnJtROZnDHN-eA@`~1+`d5iYcxsdbYE&cgmDFNsY`=6Hs z={jA3u%t{!jB5E7=i}qNx(YuSVruFC03bo%zW?&&z8!!5{;ncmr^FC)ZP&|b&*k&W z12g;NT5F;llHcx!xT%p9W*^lj|9IPbpIh%S2D4yn z|KAd>!r~2~fX|f|HVJ^fu}aMy^D`XNAA>7wA?P_)3=v<4##3VeT^#;AR5u;7dFPDj zd|56pCzLO>f+?=Ob??;$55oXfULcf%_31=|^SyR3e@dn zT$m*W?>w+?X!vc|fSRbb8hv0EL?SW~^cyh-lqSQh)S8cCM7 zcsg;ra~e}bGaxb}*z-}GQ%tT)DbOil<1H$9TYw&N!9j`6lg%~O^MW8%b&`*!ei~Jw zZ^f7y?gbl0PnHgPBmh!WH6K-&aaCa&-Ae0Y$SnPbbE;mCN5;IIg#p|<9$8d|SuHih zz!ORA+C0rpgi1@j zVmpC%m59{O4gqi&bQdhxBq-(->Yf$<^WP{c&N~c7$w-}IiVC3=-fbgV*9fpRbS%#6 z7y}y#*fwfu=ysrqZ>5=0s|`E$5ZxH2PUiMQ<@B(tvVCs(-Q?}~7D_hB1#Red6 zwd~DDXB|1aEku{Mdfdu!FCjV?9fbI0ucKQ$g?hB!#&St0A>-mPiC@miI%0~+%tCU| zlBpA)9DWM$oL~Tlc{ZAa54jySMQ8@p$&_RXv#@~f8nizR->eKDf(Y-o+)7ukY4yO) zf|4{~pLNcR%3iPuR42*FYyh+1#ozQ0X->lj2NEX?H8 zsZJR&@K2BJFdL$pLb%(eIBv#gJ00tsO^(BI|ToFoVR=1Tha7 zKD9OvV~TgGj+q}D zttqxX{{7G2-?!bX-uL5w{V)ITm)CRa{eSq+|LN_%{kU&?E=Q?r45hW}dHww_zquc| zx4xvnM19!fv3E15EP~hH|MJuAu^*-8(wyp18s?hn)TxePDaG@;lv>~KTkGxq*a1=` zGMFDy@MuA?8~K}`zx?IL?RMYWj5?QX&w$}VvRRIL>^ZLSay>(&Edkrbj z69pZTV<994^xoCW@hISq&GO1DL=Sz=0HY?jj;QEi)(06uXN-G@h>5A}b!sVP4(*(G zw{M$|PE>z2md(J(%EB@F26l4t&N*axdheGt!fG!fF^1lI455^|J&x0PA)|a$tR2k^ znL#+9k3D>!^B$zrVfTf4tvIsgK77N#XT!s;#9MWAONw zqWo~)<(&5e;}ZI)Q(LVS&PXOE0+So^%a20vw632&z4S4Hb3_C_a;cS>gZEAal2P0U z!)#g7z8}uJ(ai_voU>siw|tb*t(M9pwbZmm43$41p~s%n5=S4ScNPgTJhkT3Y6G~2 z2s?d)C6|SGZmUxt zTq{lS5uHuh)Hi=r-cK#Z6!A0jhaNrebvANNaEoCzifa+847AyJ$7H7P5)t*%P%Hw> z0?F~yY{2~NFwr~t;K!J0(4{mKoli^%`{)qX2Kb{5G)=@J1RiJ~syd89a7OlP9mRw_ z61vL&R!KE&9&Lzu9dT=;)lP_+_cJJZzh`FgUf;hymQyT8wPEoT$S6N5>dTg!Pd?vE%Wb(vB4$I- zTSXTN&HDb9WAeQXBFp!R$uwY~Mx{Drxa) zjo7GTrjEz|!}+6LXqY$-Yj93nbfXXFr5sgM^OoVeK=jAsZG*J99@WOExm`Z5W`x{^ zuy}+y#KogKRVOe;qX8x&b&}Q)moO(d!Y#LeB6ePY46HUxfZ#gJwz>5X;WHfi_kZ{s zpmlJN^#K_H0W&WwM&{HZn-OzpCK@(WrPRvA*zeB;4RIeMc)#t(ab#F>L+}a~9&xP= zlN-znV+^2hZud=I=J|=RV zXg^BpBOr3qDLzs5gb@(aF!SE+xd;nhHojjlQh+~l&WW&d9`LVRsvw(vj7bA{5|gld zIj@WN`q+*>2EaaFzr7RFr`OA}L}4B_>Wr!Z0He3oMU;rW>V6!hwivuqeY@Rp{lnHA zgD#H{jgz63Vn<<1{D#N+ha$t^q;=Hy`I-U{PoXk4EM+J zfBf^m{pWxDyETS?`O`NdtF6CY*7y7Im$w@kL5tOT|MqrEDZJetV~kUZpIu>Pn5hqDxNM(0Hi3rd= zR7ftU4btG8)6s?vLf{{f0oaclu|A`Ym?y0WqE(xbeHPZq@h~IAdD7F}C?a_;X^D9+ z7%BkEWAmUuG2Nl2IQH`L`J5Ig$_(M{U^i`BPHQwX>%)bx-8W&rT+f(^2Je;S?Z+J% zF-(j-WUXyU$;|o~m-G3^ShjLZk%eDgu48l+$)$?$X<1?n5Wl4q3EVmn;Ypa8(-drV z>Wu3O-T`V^TU*w|ETZn^w3t<(2crWk$ag^5ElHwSKh}`c#-kBMVy;CJ7=QKvY zq*z)rqa)|@X%!J*M%}c~SnI=#YU@mVIxY9d-iGxtUM{D{e*ER@+haezeS6!FjFRa6 z_UL2eoG~h%-fpwgn$D;7I5HUp?~#Q9-HQlAA0I-%VyE}6>X;0rbE%EUymNhw(Jcl) zjFuGPr&5*rERm7_HO52-jyX+mxzyGM(?oQGPX{}lOyLTo73{q$xk7H#N*mpX3||u{ zSbTCCWSQszT33~0%RV}oKt2ortu|a+I4V`e2Ul_ftOj#pP?3&3V?GU?$&}L&jc1(% z^D9smSe-*nS8JtdbEoCBmRwrz-n&{WdKeUum>G$PDuav(Y4sEa1m}Y*xjL_{)-eWN z53WM2I9zb3Qb+6R1xedj{f$1HbG6Jg7-k8<(R0#laA)ptNq;7%(vx75_v}L;GceS3Is_>11;+(o^Ueuo>SK)4>k4F3 zItLLxT~~Y~E=;geJO!wF;O;>Fm-90EuNCCSbPNtxNP}u_=owsaQ?Tw8ay6t}&5QPl zuV9&QA;E7j$cIll%nsy<6q$Ib=~jm(tsB~~Cxx9s>_IP$58E^Lamu~GJ(Fhw0MSRL zBppYAH51<*^V|?Vucx`RfwR1~;i4i{#z*g?!wg5gPH<2k%Q^Yztef+Q)9TDLMu*mv zo*!boQ5b))aGw{PsYu?+_J*tv5*6GptqmHsy&v1#0iz&(5X_7WtoJ|PfvxPN`{a7* z?_YNjW@Yu#a<93cUlU>h?q7Es2Byt%FL)*G=q@;7E_)42@X@izXf~SlI?@`55!!@T z<;vb%R5-uY>vNSotA8Sb-*>ileM}Y_JP%{cc>$4nMNvNQCY?o;&6GF7gA>=FUQRE| zXamF{47I&?X$?NO;s7Oehisl9d|b@Xn- za9E5qkN^N607*naRIH)CFGsU6IUhbcH$_T*jM3|uPHrMdo~AkY2`Xh_AMn|5HY_EN z-5Q47y_-|<$)zR05HeREUiClz8wrHlER^!z_BwOrjc`n@eGfVJ3*QO$vYB;Cs zlDwPpK5SrH?`E{5P-<16-^gGtyqs3d^O%{4mu0bmxO*ltsPJ3wAA%p8^~exdmxNDP zskPQF%+MX}N4Z{3kOd#PY)8h415qZT&E$r34@ag2z^liOoivC*0`+b-lxp?n#DKUgnt1`#nU(Tzlo|Y)gy^r7=zPTgUCB@(! z8GU{||K;1wXhiQ)^!F|Q*MI%vm+R@zKW;~;AD+IP zj}3mS{d`K^DK2;%d?mNI1Rs1p3YuvmYR}-(n%m`d4at|>MCM+Yi0*IudQQ&k+qe6u zJtQAfAfvn&QH@K0P33f5fYSyG1u9!zZ@ysoL_3S-0QR&v8h z1lUnPvS}No%=zp6eJ7%{rk79WR=S9sujk%JhykcERSn*=aXzxJ*cig>oe#nH-a`mR zv@WTX^5gA>HO}dL!UZ5ADJ5Xh{nN@P$}xD5aB!rQT!{?(A|PMDBl_`n`|WRk!v1Pm zmKZ}y>9j8A^U5syo<+ntmtutA$IRaE4^-75gl*r4jkmYkr`M|rOeS?n0l-b~-D5j2 z)phDF=hb^}#4&`FVyO*H$o;XU7>C*W?Qy-HZuhO5ef$3Y*bZjOrPbE(L zM%dh9EqS{?#u)oij$A_U{M^(}Z<%xY6hITv62maV`cy@nijhHa>%GGZ6Op47MlhC5 zfC=8c);m@KL{y)?ui83K288!<6UtDTu(5`#B)j1iaETZbEOqB+~}(T5O@J-60V zihbsVi4PvI&RSY24JP1ajhJvVQVxJWZ+$#%{Lt>n^L2ev%#M}W}6Y_2khN-h{E_C9dpgKH$pP;?MeZ#_iM zM0f{4GWkfG3elsD!BwFuZfZ`1jOoeusHMXu0SyoIOK=e7T=5$s@?Luz5S^zbVy%vA z9n-Nnep0EW`Vh#dwZ_clD7evjAGOq&qRsdSW+s&5B^THaMjs8C%1`-qTmut@m{|)y;r~!d&A_Od+RnRE&-a2kD3g~ zDP$4MZxzc81eT#n6Na%>kbPzZ^fMr&c)kE8!u^dV9G(X}M^jMFL`2~9<1eDr7LgBY zB@wx&v$^Cs)I&u(#(0{Q2?y_oBYX^tYe3vJM%TS}af0_5-I5RP?cFOg^gjY zv~-#Y7^>1rhmVDxrZpHFFfW5}j%MbrnGxz{aRQPrLVwjg<1d(?FJ-J0h(@OKaP8jYv_H{T2}M#^^)5dCXP=pi;p_Sd}M5!Th(wq|l%GWz#-u6ROF=c^n6^i*3V(X)}HiiicO2fytLpP6N8d{gyn$BuQ zmlSd?W&=N=m-DICiYE!q1n*oQ-KlH6Kei39jxcj-xc4z(J1oR}S{Lus%#hLB%`T@E zJCHF0^RCvW-hE&hVPg2;D9@ey7?`w0?~SMrm^>WhRVf8fvG?OZ zr;9#;hCvU|diM^ub%XzG+j1#&N%6Noe<`iK-yW^^^JyWX^P09JuPG`^E;Z+>Dom`( zxm3I!{`HbDRVk&C@P1@87zjG;y%X`L>#5eZ#(3m%C-ivd zQ^Nf3d`cga9sKA5Dp zzCSXk7nrf3P(HQ{8jOglNJ^oWh8Y-{iE=%viw==q@P`@C0Y8hh+tR@_o&T?pSf5VeJIrGwG*-6p)hK#_iAQlW8#3ZM3_=qrdm1% z1UN}>Xh1VC2E`OQGH$#R;h5sFWwaI_+FucgA*c#GvN(L+Z;$hNC8E!tUsH-^gaEtq zd1Yd#KIY61x5ATT@a)W|d=BrG5s^_!;q~Q$g2Snn+MIK5w})^0}5x%b<{JLiLY zJhtA)wjaO!`KR7{E+v=pa=kpZ{TZAxmXxr!5#~8DA&bGQDEe?_UYF#YQv`CS5WK%! zPCwpmk8M{~8{;SyzaPU?6s?A)Jn|G>5&UYX4{sXQ+SNb=4PNh2S6%PTg6)%yzgd5F5^jxLmC>C$CFwU zT&NG705(`zyM*)?n)+#D7hV8y1 z8w>FQOoC0pGY^w{>$Nl=Tx$(n4s@_aHu?;}Mk$b%lyeEu^RrR}1_QrZtr#3Y%>pkO zgGc5ak@;r^3w~JWg+9PF2(H5Oi-NC}K9f3lhOlC@$51sm?aiLXUnAmHny6y7jaHVK zOR2DjK0`L7$SV!@?Jy)q2jYv2I}XT@bz3Q5QE(Bl)x~d ziI*9}WDfY}c|}jV%V^`nq=9z~`_JAx>ohP-Z+f35bwqlB0gs^-_9692phqY0q@T|k z3`!ML%uc1X9-_x9p6XEOErrc&wDGjS5)g1t4Bu<=n zVfE|FGWRe9Mm z+Qy*p*ec#(cw`YnQI5J^Qm>N|4$j!zzmes=zI-{0ljR&;a<^}f{HVQ+lADiCoDxKI zL?{^Gt%nu(xMfjp=+?}ZOH8LgQ?jq4oAd5z2B6WW(S>Ki5BJ)^pT#Gw)eaX8Mq_yK zqt863SwE18Q13JKxz(=!_)mX7Iz*O(nQ|^p)rdqD0EZ<-thQCP^~OY^3M1wiorwDw zfaIXS9rHORcm}*fc)Kz2eq^*YA~J|V@EA4K+VEWAHZ85S+8~KJa=Bhkt@T_hF?n@N zoO8z5Cg*~)G{rzf!MmfB;2o4m-s!eyNaDP65VRn;3Ut2^9JH`wnD_2Dic>}Ff(hA? z3nTS&m{SMZW-b*S1>mQ(R3i%B(HuTeiXnusqzHFftqqWsSA9^O}C#HWB{kfB*V=S@&G7=M}pMBD-%# zZC#iidk#*2`SSAp_P{mno#t9=Yi1OqSC#$9W){5LkHe{y(!l*FwL$n1V{lH<=Bdbk z_YZ$}Ii-L5)3-0Lm!Dp*-sxk{wf4&?{dj-0){monj7ijM?_<9oGjJYI1*YSXaYn4y z<;S1ii3uR#$?xw5$iw-%@XXnv^^%--AvhJJfl%+`<rz|8zU#E6nBuaeQmf8WsK?-g_a)bqLMhcb#fVx(AbI>SkV2C~Pay}a zc}^7`Vi_ebyJ<$B)sV_g$;G6)ynwu6M%lv?i?pWp5e#D_EUW7~0HmQu|Kaenla z8e$@IR1!p4Q|xFM=_qS!f1nsndL96!g7zka)!I?Op}&rR1pyj9xKr`0GMrO3V9X>i1dbW|H<{B37lXG6w z>m=|P)jaZ}o?g=B^Xh^#qPPb2njb|(%F)s(5+Tyz|7Yr5nj}e%GeK2Td$@Z=EF}~3wiaeSY7=3c+B!5wd40Q!2y@6O4z%+8tq)w%L_7eFx!crQ&9H@|_Py4%WIL%6+=vJPR5N(* zh`IHS9Hc%vPPCj7j%+NMM{Omiz}&|$Rdk2|iX(!ukX!F5$DHD}774SJhMCay3tT)! zX?>KGmXuIZ22%mftSAD47%&4fuS;g;oYPTTPH|aEYyIuMLxROjQKYv1`o7Ooho}#A zqThe{bhI{xz1+5(;*!(*e*E}yb)wHtm)f-rW#+$sef#$MxLp?9pnL0>zm2BEiWk>H<&$Y2Le*HRC8m)S#K?B_YRp z481umw~cz@ef?fSe*lx53hNsylF(0X)WoB+1pzCYj*G^5AsK87BTwq6Qg zwhuG>XrniU8%%XJ(g&UzM25Z0U1B7f7ekw3*)Y0}rm4UjKh0qhW<5&E@pv>-%WFpZ zUXTzI(zGO(+-t`TTK5jgU$3*NqmRKfyVLi_Vdl%0d)Jf_j$~CYOJ?GflBrGSiBm3l z8i9g{2svrj&p&+1DXq(*s=bf`-x)t*W)ehZ4Yq+K zHurco=mAE8_wIh*qX=$yGsi&(KV|Pj;*41^^PHoIeE#%|jG)$gO3~c+eUB-YQl4&? zbzQ!Ge|vx5U!JdH407tK>yj_qIuF1Q%zWJnO6!K|Qu6Ej{r&zRqMXw|{qDKCm?rb1Jc{ zIj?2n*iedM%;kU|dk&faO2epw1NAzgN}7rC0mBeZ2{;bZ5^W~l5OVjiSGapSdI;R= zz#9mO7p~NH^kvPX>8#!D6U{YqbDveajJ{HEB@_Zn#H<$dEbcY)h90!QO#FD=_xrJK z3mBN0Sc-YVd9ETy2dTm*EeUuP(9Xo~Pc;a}DG+*d07#-;1Cyz%Irg-0s%jDG!_Z1N zG4oK|t>^rY(#$r(N9nb@4lQdob4gfQ+yJ!%?sa_RJpj#!Nf6d4639Jf2{Mapv1~Il z2deuB$nL~w4EQ4>9VXzK!{!OXwyarV*ltT&Qa?J9E2rgowhwX4l1kj)58z6p4r1!Z zh)H4*q-wtX^e`i4E?dfL3UOj#WA-SML~*0#Qjn<~Bxp4zmLz#e){P~Ms@m1mKh*8< z6n$ZQa`UnzEZ%{6G(FyHT9bAiO(g{z2GMLdl|rdROufw18}h6b$*3S!;lKggk5!ff z&rqEt?jAyLo2y{2qt%|5BvDe9T6a5>M~CY?*n2 zhB$NZVuJ+vuYdkS2=m*8>qJD3G8WKA?^W%*&F;&{`Wvi7^IqfV~v}TkG(axtW!m z;%vW)xR2pN2Ag4KN3D%R}rufKpH)k5NvH*QO`y(ZW2CPW60N14EUF zyC+52Yg^CGQIHiV@R}4DQIxop{L?S5mu(4w)%?C60J%#}v!4O}hqH53L@wJpREO%9 z&(HVA(b~8lM~;!1TJNe>+hArRhjtt~q_t!sM&ki9eSd#2@ntQapDx={{_p?s??J-9 z{Qk#p_ubqtTlwkR{kK0nzugaaFFDuNub0K$kJcYYEjgN5iSqj|pY~cyibPaW6v2uZ z(0hQL7(Vy+N4;(0<7Wqrtsu?vjF^NfhWUVkTD$QD)qMBes03w;~B2qPGKgykB27V2X&EO)2I)HQeh~ z%xt?ZAF_K>TQB8!)RZC^ZALV*I|ON%5181-wDFnx`E{S_PB%|ENtC+x^R%_HmXsqC z<7o^*Viepcc&NAQl5*5Oa8vOaqXyt7gh0+A1mNh{8Ne@x5QuSzQdu)NM<`9BND%3L z9FLky)?sFLxm`}_(ZEveM1ceD>3XzWGLGr%W&QN&`Fh=^YDL6Q)8R9+rnLb^QB8AB z_s5RWUnC$I0Divn@h6|<-vhTY1SIArL6GtZsOk0n@%HurQIc|Unu#djj*ePK*XO4T zZ1jB$=Fodz*9F0ps@ht=KlYb(O_Ly&Mj?GV5?dmqSU zSB1U@_d4*Vxd5Ddi>8$5ylzbmL^RL&(wLcvvFA95W}>`gEGn2VIIyeZX(U*dV`#M# zlOZURY4iyNLpKkS{1kH#WG#p@0;cOu(0M~mmvSs?QJsOj{_9^QiINg5E{y#)NWjk1 zYmXT!DGh;HX5OWrK~G~qUt}PZf=Enp^ikG=UIomrDW^Uuf;q}d6dTBS>?j~VPn*dE z8vYF6D|aR;Th`&)weF3HkmZk$jL3V}kKbqX5#UX)J)EN|ZaOHrq2C~MHkXK0ep6kx zf^H@(a*%4cQ`hu`6PGHx+oINs2&|Ybq;~t zwHxkb$SCAw31reBH2?aCI%uN$j_vDwNEG{0OfnSRXDSK3Z2n=5C|jP~1xRUkC zVPww(`wSA=qhCL7HZ-zM$>lmUWcjGy~h&KArN!yhl&L4HmYL( zfxQihPovocwoYq1IgJjhn-Nngv9|%?6G|a?dUN$d*&oh^@{=x@)Q!0T3xgSnXA+$b}Fj20XW_mU7H% z0;z&1PvR-pnOU*JKWu)vM0di?{vmHW#mO?CWK}02IW?o7b30*bk_}GuFWNc=m4`h9S+CYL(#)XZAFP$BY z%tUnA);mkUx6gdBIg~0HGF>Wb&KU&EN zj5#r3pvRWHvh8=onl0i(#K}yM8KAqxsM)#081NVAkrK7 z0S+h(0pv5gsiawij5tCLAw@AaR37CR#~8hjZCzA#k~yQ7)9r-wCB|4=Z@r@lE`-o} zudO}bE~<9ahJ7i75QDVdOG*&GB6Cnga*po4E~SpX*RE!542Vs0jz7QNL*O4@ZvXbT zuaDYNOn?3PyPIFOC4_K4+L9BUu^}Zzq$_@Ux+D=Z`}x}&Gc75ayPDP3x3wV6J;k7E zs5ZmXpJH^U%euTj9M%+QG$faw*36{El5a79(!}5DAJpz zEP%{|gjRcRn%4|*^Zs6;;|x*S-taYM=DeiK({g!QF?D^2WzXG!V-yTexYa@kC?r1~ z?emXM+jU{)l+x&9+4AMK)}x~kM7!3#gTAp3L~S?|2M*dT=LET7Oj6cz>}}bWUV8`t z`DUaYGY8>b2S#~lB*8iKrV<5hK_Y@>R!PhW$u@99x;ZKW zkRpd|uq>t4o=d{Ofon^LmXa|m;CK7uAAkSjm(LIihMB5PpxRo4`Cy*iOdOM>7?C~t zet!VO#S2U+^8fZvU^Y`|@FawkWRCBnyLsyauQW!1ANQyY>10TPkA1J^>i_^C07*na zR59Kk53rZDb=)rR?{{-wm&M$mt$%&J!4sVZ*bbz6?30=+_v{qv`%5N1eD zO6as6AZB4Fz(_3;z#$-mhUW$%^A42f%lb4cpn43Wkhgli;E<%bhhavd{ zqJLOyr!1bl))pkRqkRxcSc6*Yz?{w8XTyNNU*zN>VZE+U%MekkV@5!p{ni-fFon1~ zL})mX#xQ*35(74<(MB%ma@$N*)nbfH93{pjQb}da0Y#r2TrK8Ar!jhB z?Qv?cFbTDz6B9mA5ot%m#P4%po@o6%G{!WiV$MQ@zzk@2hdL3nd)xaMc757L8~4{e zL_wA5+#e)Bo-RoU`U|rYi2&9`%rn*Gv@H=PMSR0WW-B5xA0fFx{sFm@5q{^GB7R}F z>5Dys^-diQ+J9kf;?qfw@+_Myim4&j!^RAyLZ^xjjX7#JCTa~Tn!qP30zw}W6mpUj zOq~UumX2C9cOS!Yj=gEjadeF-jA3pDMF*ddHl&!?GvWGx4U7VbFnqB=0sv!_$79y_ zGw|_D4keL*z*+59_aSy1qL^h2C7aJ`x#at|J?2;+z25r=yXEe^ z4kGS#EL%aG9T8Y-N=xp?plNDj9afLFU01yJ5JGRm%rFY49AkICL~bTb!WL{!HV zQl8~^L{uMLvZNA0M+3-bhQooebm0|A3S($05o;j`1dtWP48jK|m8ploF-wS{SH%+x z$?-4U{#r-Z5eyBCbo3u)jBiDN7XX z*6Wy;dz{CGpXnXg$)Ver#h@WbLJHixFOPd`ZQyw6C;4_f8WG8#|MJJjapasQB0_|@ zlbO}bZC2hea*~*cNP-LMPD?5G$8P3CKDwfA42#r!`g0`W+hue2+S>d3{q_Bx zOM(nQ&i%nYy0XpJQlLs|t-V zo~O1RLdYrMdort+eJ=D!$pCeTD+I@7R}K7;U~}fT&d;Aw>KtPnSQx_0Jy2CbxvyDD z5@W2rlhaUqc0^8n%xdIy$xBZ6$B`ud_RHrW0W;qHvBNQqxq+DzDj1^F)>BIR(V*am z0)&VzYk9tHeT)$J@4vj&KK}I&zfq@k$&bB>gv+-4U;oel_m@BY_U(RbOBt$x8Mg1| z>vrF(n+K-n>snI!et#s9KE|5!7?59CYh5Hf_KGsvoYL#t<7nO8Q%t}cPXLBg4evY? zr4)a8eTQ}&feh}Hl6-%CjG^n6%^d_Z&i%6Gz+9GGA2sHPp9y#jlYIza3{b5)A9#14 zMjZ3jItFV98Hs3gg`WYb$x#HzM9K*ed#eMtwMcX)U?iCM_qPgpw027+jXDj)KsyNS z0f;$r2YdqNe+C09qSIy%l*EXpcSr(S#ji^BQDaK(MCK_+Hz(#?B6J!-f{47mKA4CC zBURnZk4IfE3lv0UDS+ee_r29VPnfQk>$YCj@84ca$(Xa<>FMc;Q3fBAnwic52b>;w ztFe2)>46(sLf9^AN-@a{-nKIY26!-ThTglm>rhqAIgOz?rQQef3{r~Qx7pFeHe^8R*z?8ob@?@fVus5udbkaIeYwyn#{)9w4~+hto{-|j;P z5j|Zm*h2!-{l51x_Wf9we7e|mT}mLTeK4~~XniatfBXJ+*;c^6Xd-{QZI^9*d%qLW zx|E;4eut|HMx#DyOgn0oC^;pNIs1ON`}6ZHm)v^4tSef*qX?+>kKh4(C?J7f-|ndI zok9C&ah18%+Ea?h-s;g(PQz>=(li@VAVF(v;n+;q}JTonb zdg~G;<@6z$04+f7F(qbpB6!g84>r%XSL~uh&ctqt5hNz0)hN*q-&0VAaVO<}5bd%0kmEK6#&rySSo zGQ~w|0fRf_%Ykr<`I%v5=7=}lSC*q=?xvR{%B%FKLJ;2_FvpffIH3uf< zlu=M^@G3Yi-5C<9z%n4Z&}QT_^MHvE4ver`3OP*oToDWD ziac(>vL9pxLw7fwzUG+eZMgLrM?1RZB|^cN*M$Aj%p^%F@&0YcoFM=F$KP)2T3ain zs47nfB#Q{Xa^~I#%>JHYA|eP(G5KLlk0L}~QvTJ-L-g2dDG5?Y1Vqq$Cugoj2my(8 z2zN&eCH#ne3}*UJl+yV-?8kwx6wC%o&LXm{%ll)Wzmf8)%i3CBm*wsKj#r^-*KLEazvP5BI>%`4tq*c)D9j?NtzoRekb!8t80R-Oiu68+ zX0%!F9m5CYPrVPsQ{c^sA}>$3$8q5Q1Dvdsj2KXSbqye;2;L>1B?G>cqNWf!#}HB! z4q-ozr6j!VM{QVLwx!h8QjA?kA7ggPhA@V%OL-hMN;ql*Ih%8GcQmy)%`J z$Uc%FOGz;Zf|a0=P;&|4sC`??wifj7<`f|{2ETE%E+Xc%l>BnL{EvVCTOYdQ{JSqN zKYxF_ZR=5c?PEV$PEi8?^&ek9T`y}%62e{^J0(;OmGslMH#94^-b+qPj^>_3a*9Np zVk{-~KGf`}9nn=owY4$SmLQ4U-fR8HS<1|5}p? z4<*dLI)9owpH-;@JGmj~@*6;Tn8gX;WDXrTAI0OTMyODeE z9e;(`p&r4ZF?tV^VSqavOo9KVia<(wf*w#^@mR{DW$*t z{b!60PISF&DaDf0?Rs(Y)(6CseT<)f`TptC(`8$aqdi?Ou&twt>-Fv3&7*{UKcF_j zr)F;N_g&o(UB4eyf|Qb;t`{e|Ue;|X9QbzGzJ7bXpfmfZ-{0;-Z7JE^Ywhqh#2C%# zdfDKv#vYY(X6Bd@5YQ09x-8K4xLKS#Ljyw_Q;adzTF2RrglX@iK^7e57$fEAPB3>( z9W*f`tA|6*(VYzctIoDgX3A>;V7Xn^80GQ4$0YF-FhJG*=9)0P0jI+C2^-^DS64qUZFB?wIR~PY}Q)C*Z^q| zaN!um-PcQTcjRC5sZEM;HUUc%~y5%4d^_4y$|PGt?!-z%(7P?$BwIj_LNn zKd%1z%N>gc%$k1Y9rdG;P0VE$s+gM^Tum^$XZAt6RV zMmwglUPs`miNepH>I2}dMrNk!AEjeZ5dJR~moPwX%Oia{g7B1JU-E?T)vZUa{u#vjjM8wqN|K>(p zuf^20SqPzQIV~xd7;};+2nh%x9~vqUKH&YzmI29~+YYIES<~a~$ZG}@l9u>ETj9`y z7YW@SyO#L;ZovJQ(Wy3R^zpG*{)O;g0^v+$ulnxECk z=e;(aMW`u++&`6QW-(5@40doyB7gaB|6*rCv(KyyFla{1xDUd4RHf_cM?U-A@CImfkTY3l-znJr>E8IVk&~3XWLSRBbA6ub^}av$S}QsVKpo^1kE0jtULizoX2;Qp z7^_b2V+^gWE$E36`Tq9q?yZm8bvup<;bV?b(8~y29l5HvF<{49N+zfMXy0D%eJByv zK8ET~U*APSjDkG=|M?&P_&@*qpZ@JXe^#?4Cq3Pnux63_QTvZCHzI!=?Pz_=siX)& zUhM<=fy-LfoE7@oAj5p9zCR8k7YR?-Z9f`Hug(29dQ5WPtAsFynOV;9aa4D@Uf0@& znS=WtLq+84*Y}jgd{zU-JQHKUT(`XgD!YGwFf&-`_UJ$YmNj!=cP~pq1Si*IVuG&Kz1Bt#xwhZCtMF=)+INDxex%Jmi#eTrUeCuIc21LN@Sd(_jOT zm6=jb66b4|7ywB@w!XAmSyHbZAc3ic$@R}`-iG3Wv>5_OSQm-d=u|7xjG=%C7)2xq z^TlKj+%)D?kLE-`*VfB|?C_^g&oN5M>G|ae&PX%=^zu|&N2_kmxwd`=6ElZUYZsB1 zmnT55$gKkI4(<3y#k!gW=HsaBR7!q(d&jnuavG`4NLMwdPtR8oDLFlk`sw+}%)Wen zQS*I2W|aZ+<7ln+*SGuQsI|eS5{7CY<8oP_Zr9H*&(BZS%eDfK2b5524}mY+db?hT zXe~t~JoaNXB_|QZ6mL(Lqt=vCtxbn+*JTVn@ezFL%*+VWnW>aMP2PAU@S%f@>V4=?sD2?1 z#wM_=xz)a|$ z{Rc7|;+UlWT4j~ckj2y4>_ntpb559>&nRk!sw6MTeb#rt8-O>&r#i(%B*;f{JONNs zvt07A*BFJEBt~-okR8Sp^=$i@tsQC@5SjS=m;~7#a`wJW&omP*ZouTY7i}mw6Phy_ zl4=N2D}*MErZLIe*E=$%dK=Sz$uodu4ot#s)28Xuc*iUgm_zg-(S!xdTEGU7&w*_8 z0Z);sBh8a&M&&>QjW;=j>289yv)5TD0j773C^3v~Zm#N#Z1_HX?NCqa0)J zu5MoUPRxRo=Tr6xD%hRIFu=xkriJp%FPZt&Otd|fxmeySwDs3d>u94NorsS2S}r*V zn!Hl0W4V?PLoA|g*6ML!34H%{1mR`N%dIf;Xyg9vNI5QB9@SzNC)#cc7^Tb8c03vr z#~g!5kWkiK)+|YMDEu2`%djidd-d5*=c%OQUbovqMhNVNO;2o~D9}O_n%wFv(Sz<6zc3zSks0a$Zxs|0>zp3o8VvXpu>*iF1`~~*`J+}oqi``#V;(_o?pd_qkH-N8 zQ53;Qy(}3HTILWX@M#iw><6+<(RhVndR+<*rOR3XsB@se0mnKqrzp-7bVoSG(OQb} zdRaeqk}-6set)}{oQEo~B4)}diOjlb5c++LC1)b;V-R!6Y1+=td1&wPUZ$Spw^C`@a_BiWnIS5FE3BqQd;jsoTH30-59E^KE~syZ4B6>CCF0pQ9B1N zDL-GgoFX2o+QyepPpysD_x-XhDaHHIpn(ZQFPHWGzDEfu&gQ?LzrQC5ImIQ%*T->P z3%RSQgdiLMyN;p1`TUHxv5f&;{^Mv}tu|y75w`a0WqIs%Kiaw$Rn0ke)tu7fsKbny zo?f=Mw>@V$j-E>V%|E}W+WmFMmkIsyFF^5k>-W2*K3LngRKzoS@mbf7|n#0SAP@&_JVJt@nXU4Dc0jm4V;*AnTzU z1f6B`YAI%Vd%j7Gh9sq&#^|LKCRSA&cDZb(CL-%nK7z+#=}9TJhQhVP%(b?d;yg*z zFa>^0S5qkOuBKDEmSWE7BT5pB&9W3G#xjOt;Me#2akSU>cPAgJrKIcSvab1ZS^F5J z_~p~> za@p4P_3a))cs!2Vb$fezJoW>Ew{=~Xr5s0HO6fyIqN@J#^}7?7oI(go$*nbv-Z9E? zR3b+A0w~#1G88yKVO7Utud0eO90xK@U3fH8<{%Q>jEF@-YaJ|nUQ!TADe-*90z3n% zsKOO9gYIPvMGKg@<&tzLw9&n5ukG@5aWn=Xz;wdEb}A>Gh$M)+ON!cL|}BE;pl)Tcvhhe6A8VJb(%z{rWJvzfB*zh=%=qB zEfIKjZv!%(UI#H0zXEdzLQC;J8@i30%-j)btA=q+&rz6&teemBqCh<37Vy%b1;^47 zB=|>$kNd3Fg4V)$G=)RPeX47)Lf{W$3b!+X@neGISy=!-w8>fB;AaQ0n@biO8X{5$ z#mw@8tR$loQqiIAG+IaW^DOq_`5>BpY{+54`M^on1f@e>qJQ)ylS`D*r$J@vLe-oI z?k~kQ7|5MmorRexm3TaAU>;pZ9j1QVTP!gIa`SS@6D%e&byGu+HFl(4M-bj#mJow= zOC>>hg$HTbGAw5?M;nIEJ(WEAF!Oq}m=m}o@MbZ`?Y5d(5SA!03z~_M7>nVsZ25RJ zLvrKL-r!@Jl!&V@m-Laf#lmGx?HEwc6Z04rb8N=|Va3cgW=^r>GbYjKG&Lbe+Q1Px z`FdUU*JHgdaBmaQ{#MDo*KTV2`(ZZ4OL%Xw&rN@@gi*CD2|v6&I@JFR-cKid<1>ld z%OxZ44v|g$fGeFLV;-PS&9E!N%4n*iD|SCWO-l0Tzx*-Ah=Cg+4DJ>s!mNjR+TDp} zzcdtpf{bx*J*>WoJ@wVgm?sfDwo<3bax?M&$ zz|v691?Kzfp<`Tb3!?PQyzY$y2N7I#AjE3zF-0Aq;9@-*hj85MdMRd<(oD96{+@^= z$@O+AYc_RLZAZ@~<&v;h9FGRw;k*cWc8Ee$3VBa&r}ZraWlD~g{g&+`f z8xAob;7`O~vRVG4*q=wr0jqlB+tUt^3pB~!g# zFUFv5fj*RFPRLsUCqYhx?KL6G8p!;yw017qtoD(tO+hl5^ zkNr_6+6M`%&gxT8>XTI#S=WLga@oq%zWXe4k|?;^0QAFt=I-XdHi+|#dFarFrIbKG z0UZbP23ij`34?mA_8{VBIh&z)R=z<=|V4#x#tl7#6YH zPc%JnJ?iM1O6s*Omx8JdcXvhWEypAXP%c~M`AMfq>zlher1zsE^vUOp0canh5i_zm%uER5v=<@+&><^wpYfoEAL81zEP1Xs zXgcRvN`N1Q;GGbHtDUk9nJG_1c*ZdOVmik=44L2PW2&B*KctwG2VerI59Ax=Eh!87 zVE{TvoQ~d@A|Bs|8_ zb!d?3S80!))`a{`QwuS4i1LS-`SoRm45r;Xp5En>0cLAAI@>~!4UHh(ycX?~Kt^mU z`7~8CbC58GAv%_bf^fOy`e=DglElrRt#|ic`}(xxB|hGc%gd5V%xlEH&4KeeE0RJC zc=_=D+VGU44?HT4KLB(eDL8fSu-kFqc63GwCQTV(-f}8&xfDPTX-Q=TkJn?C>!(Xh zVL~HQ5*AOJ$SiKhN`s$9&hS1V4oD`2#XwK!j1KeJPsal>xfuWeAOJ~3K~x;LENQ=2 znB&cSjM)f5OvihbEbBGLBJSRsj;``w|Md?;2Q%XqKaL8d1ep~8+KCxT+`09_P!a+& z!a{=TE4xYdqCe?D^qu$)E- zNn#rvLV_h{VuJIvl=Lx|m|Cs9_fcyNs6A#@wQ@SKRMiQI@^)F56y@o1Y3O1gcK4JL z{02mH*){}(?|UU8P>O(aoV>LjMOtq|Eyn}}6cIthj1EzR{jViMo581WEvKlnq>va? zhEvYz+xPbv!?CwdPZwr>?1u<11==JJ%sE9^BnO({LO^Zv7_*&H4bCyYtjkaBd%@3sA}zy0$2A7B3c?_W9awv=rtW`4UY`%z1Z z2wOZV?7U&G9l!iudtlmIUvp}G0O5-wedthKmt5;`a$;(2n0p(B@YWwbzdYS;du{t( zub1UG+I_D>HK+7+yD-zs^Y#6HV1H1z7(?$Gb0qiu-Xuv`Qq1w`(?!)J1`(-`%EV;z z4nVHUb}ePe?!Mg?fckBQI#W!7T>O;d@t9xKT++{f`?hS$<+>ev8(k5s3DA+5B#2LZ zhf;~Tq%#{J9w4W|~W*TFt>RL)|4Q@+! z3nAo>jw&Z04xe6bN9_O+%=~uUa!L@cl$>)(IcIkdAuLP2KaOv&Z`aHAn;$<*lCtD= zU2;y_w%%@+l5?%~INEQ1{K4J->9=3ftQX+5lo$o8a_?iW6-VWLKcL!j_x-5o;Oj$c z>u>K5%tNnlclUYH;;DXqy4BjApKl?A$6l9GZr4lBDV?K0AC_{$0?=AdDYiZ!^^P!v zxF5ALGr9x_Gv8D;A3`(8uf+x3!iN>P?lko<;0`RVBjwo1;PER3Pc zR$>%L>0*-F+On4Ez-E>+`x3jZnU8alwiA9vK8zCr9x#9sqQ=ZDa7a1g?!^880|VTs z%$#yU!zj*G+~TG#QBY@z?7Vu^-UnhV!`UjmtOW}U9uG8m#TduXWyz2Gk#jos3QxbC zl~tx{hJew~`#4_+8n_9rddNBOMZ+4vr{#3JE_jj=>kJ>AyXO+&)7$TdJH;3v2n4Ky zg76SHFBy^i<}+vu#J{S!Q;cz_1`Z;j)fSTg_+Um!){HSg-N(nQjNgrzQWi-v+Hjxu z<|z}RQ+*U#?Lbd4nf`}Bj(`9|>Hp~N7k<53}x?x#RvR0xXb zgBHLaFg4RD>!!KN%EwzBW(7fDChU!Q0pS^#8P-g4CgPZ)cEw0qYX`6UD;vwaY{lKd z`VtXh5_P~YPQ7VL^Emnl8ktS5LsLo6lmk*hkO|Mom0*sLZDbL`Tg<(w#E=0M6HiYC zvn#SP-OXZ(kQ>cK*(v6aZJZ=BhCkp+rZ$?oIb%CI1t%c|5uTa)F$4*DO}WVSyfD-8 z)<(B}^xKacNQPJ>=7{h6@z&CkTz!37+BeO9^1YMukq6n8L)E)FIOr33*NHwIEVS^(<+gBgE9y z^rl!&0%IXjb|xpXSqOt8k=$Wuo{BXh8|LIV)^dqxAXYU~cXoKLzW?+-+PHq+M%S2x z0*?;+JINpZ^!q50h(Z7%BO!#8;uxx`;7SyEV{T>^V?=b%7}&|ey5!osNLUxBDKZrE z%YwGuw658lwsl#S0%yFC~Q_7zGeo3bWd} zl)zzKme%{Wu1-Ms7y(B}?F6EF9!pM-<5)}XLm^%g32VvQwjjGY1Rgp)+DB~xS0?Bu5Qa@){HX6_{?31KODpy8M( zgpguX^VWyCV{uwb9%_NZ4=*=W?K=MWn;-u6%lH5Or{BjUI`n-%oal$=tE-hLM08oQ z4oy*_@KJk?^AWj}j1^QSD(QV#A9~%EZ7FI#)E-A=4)^^q_oZZ2Lk8mQvc2CQpPp~; z_eX7G$*B*G5`OvqR@->&wU04WW0FrV*ZpXh+d@Rwr$v$wQ{B5nZndW*A@F)#a!%Tn zjKUdPDI)W6T{k4VC-_=R*KrC4jjA*-qc3$Qu5 z3xPu2Zr7X>GY1albaH*XA2p|#a~e9(q77^QtU++N>Z_{tq1#rrb$Nb%0{{C#mZlVs zqe3D1_Wt<(`u6$d>HgSjt@p=1#w2I=TEBjK-H(bvqLgyGUOqARU zwT}?O^V7BDblFySa;K6r$QCtUmU7uvfV(k8Q_mTa$gm%kiO`Q6MFP`(KLB$7@cHHS z?ft0DroV_8i7smHUfXbYqywWPQdODhvaNK6p{101A0bdm5jkmYCLw&3y5y9~lDBPf zc=(nAynnr{Gj2{Ta6pRj?dgi7cQY$XZbutqx>>M^VUQX_%_a~0^m3CJr%qMQuVIv5 zqY@kiPvJv(kDY|3mBo;p#)k-QvNtGSXqA4O5?~J^-zOySo#y zsUg$T)ND*IIMUT{w?f{7+420`iHK5)AT&YZ9o}2(RJz1PTktUl8r@WM{>m z4ut@z)fQ%7)m%B??1J+cA)(~#n9SUPpN=*}LT^1p0d-uKbgDpSAc`bubw~<~-KNBp z1nst_-j2cK*vo)?$25Jna2}s{5aaykQ~2bkf{2J%CLldIFUKn7rasPPi~|SZe90`F zN({p5Q{FzUX^EzGywzSu-v^nS(t63M#O--?^Y^chB2V=uLUiKI!r>qW{BG!Clda3K>APX-3)q0udu4aIK&8;nGKA-UQ5anB1;U* zmY_uHU3(q!fBd(9F*mS&6JPO(STJT)Mk@Do@t#3-!`w@P4#^P{iMd_PV+_cZ6A=jl z7ad~J-MxEcDNs~5*cnw%C%J$i6NvE z#(*n8&sw2rP7zQD4XVdkut4v9Kp=sE8AJ|98M7-U<9U=e1{!7Pd34@Db3U}6b<7G;nnGA&07M?H-_I)qJyp)(tlf!PA1ZPntIS~+REp#rvCKO5;!b%<<*cJy?;T^jw4`#B^H~521m+)0{FE2ABo-ng7M=+y=9o`lT*^$#n$Rr>^Z6{~gq3A0-Hnzl6Bf|SZpOs8 z)P2fc=Pgl7&1(jcJuL}!RjYk6iv$Y{y}fM9nwK@N+j@V!-QI4P&gLbx+R9nBZ6Tlg zuE+c1*pbo8rIs&WUJ=m2B4b!esn*H3oOe5FM`47Qqh0B(&kRM_A$pH7mReIvL3LRY zCc(J)=dMgdRALC*y7WGXd|mRV;a)_|{I}nK3^OMWs;{s2|NP^h?zc@;9*-Snz&?hk zV5s5dwKX$)x!->J^78Nh@oS3VD7Dt=l_uKupr5I86wKnpSw>3YXr>Ly!GKQ(>l_Ni&^su5(uakhs_G639EA|w4E+X5 zcHChx1{iS1Fobr+7>5na!ui5QeC}uRnsLR}QfH_SGSmrC)-i-&NItp}6@enfY4%BI z!6#wPo_c4VUy7Jo9bkQ;V@yj@RdSChwAyeF*4oVm_6EzATWOFiV=@+FsHHiP8;vng zH}J(mMJPm!A*R?H6zkS%n}$>dG{#!R*92c-N<^^KBBGRo1_r1Aryssy{IJ4&9yR5N z!fwvpgMy5H?5B!^7~Cmn=+|H;COuKT2fPnBaiY6ziMNCAQ7WFHeJYJCd8+~+ll zFE~F-Og*09PKr?q&$7UABbdT?6~@ zkQA?8Z=;n_k1kAUiTGIdHdqD27g0t?Gcq4$#+Lb~?CRPPpiL&08O6hw$6lkH&j!W( z6e_zD!@VQ!UiStxe#~Kg$)oxA|9rgt?H!`_dbIVvz@i2x?)tJY{IcCb3^7NfwyiIV z4{xP!FI!BZ*WPP4^DE()-Mp2?M7@r7HfBDbwbc$Z7NqUuUe7-Ih-(y~NnAB&p;{*0 z74BQKdC085cY+5NzG|p$K>Y00RAn@4Wt5{rOo(#492Hr=%-p-_OwRUmFChgDT1#W) zv_xV8cn3#o2s5`KrhuirPfmk`I3M||=@N1eK{2W`Go%EL)+I{WYs>+M2F^1ysKl;1 z_isd`LE;iL$a+ho12{|AF6lr2>;Hm=4`MZD#u02#l7;X&4gnwnUlG~5s9a-;?p|9T z=1g$QMn&PTML;H9G0q|k^{|=c6wgw(C2P>faf~riOg}z8ZriG&eT>)pHm=A< zW_j*MsZ~`$!p3^n+}Y{kCt&QYkNx=N%WG}D4@0a0bn5POmTGS6y1;_$?yV0JhakNpV@p-_@jOxtr8ZRws&L<89F?43?KtagTh6mGbBdw0@$=iux+DO3#;_EFnWG?Ea#~Upky;z7r6tEc zhMAYvhIxvCh#JzykqF z@z`$*PMO$6EWxxtP~AUHcG4K& z_G@k6gdJmqsI_)gsilV)VhSNDq+;i@EL$GK%315#Vv4o2lww|UE1ijAipS&pEVDvX zRox%QdS5WEgE<~UFPwB{M#Ld0N`E2>QDcfIWpEJty_3n$D_2fJ>L(^ z^+SxUb`0`y{eOD4Fl`cMAqLK`mDXze^7VCDGdr#KCB^A%Zmqw(-OEwSS>yC0_$+SHK0co3SwaY3-(E21jxj7bZ_5%x zczeBv5Mm0W%wK2hlB?PZ;V~%ynObJQ^AOOZnmJ8DTS{92UUqVmZPBUBtSdP8q)+A zlKIqj!wdkihfRkl7A){D^)~Q>pmUA@t-5_$z3~%3)6c?rjUfjzXXbj=kQAna6*m%2J%CYQ)h*FNn z$5GA}qNa5MRM5IOdCV%xF-LcjFo~IT#R+RrGIFDsV?DYL8r_f{0O39^%6Y3|8gi|J zfE2S~^{fa@vtirIQqP9%%7pET5Yf4pxWu~G(Ff8JLQ)Ni(6_1o0os2?+QDfv=>-}@ zg9r;Q9lt0bQ@9HYZxHKd=Bk|62)Tbq3W9J<__TP4;_fU&MBs*nq-H*v=|BDRKTH8% z2-unGWnH~i2@dtSOddHgQ3_!U!)-LW#T1wbquJrc#PcOL7vU5_Y0b=!qYSg00=8Yp ziO6yLG|FJ&3n@-csr4Qdvb-5JU~WzxgFcUgCiq`)bzy}i!jJ$#h{DWADLF>`aTVE* z0{ilQ6bz(~vpo0X@BhmmzP!Br`1n|tY(8_L@%$I$H@U?S(6K;-6N8F~GS_)s2{V`0 zwk4-Hr-=vzc)4$_H;f{Nc^{*;j+z5X_aMr`+p=PQc3T%58X_Em)(Qz}8)F2yA|c$* zQc%;pz22A{!-?1X_B>A5tjDn9tfjWr2AC;lslAVNNl`_Z*PNJmNpYBcdAXgnZaK5? z?>|0*YEH4#y5#inJYMfxP+kNX}5YbsGFol>HI5FBY^g?i&!)*z?-Itf!`(xkM z{B~Q{9GN*?zisrfNdMOq?ch$vD&soq3{wh*;~28k&U z^JruG*V{1jyrgrlXv50cV1y8nv_x`J(Q_}jz+w!eTP+Ra*w?o^E{SDbKt)U`YS49E ze*ORc)LLJ+g_y}*n1B5C{`%z}WBC5tkJs1R?|=FxOgW_jZ%?Ve{QT2V&iT__SQz}H zs(jfGM5LDbS;T~(W8m{**m{{+YwdR1TJOu6u|-NTn){^*p2a~a)yZRwsIsx5ETuu{ zvLD6GZ?}b*TJNPa(V2_4t_u!<=kpk5?;lTh8-0{gZ`(>lXDO}s`+e&+i0O7)*Ciik zeR;W+*4_Oq?Y3<=8_%;0r&8*-ACI5DytX#pUT;LatxM}&RL1aOwr-1?zr5VeQqBB{ zIFz740c@pVW@EJ8-F?___ug7%&RajXClN704#x`zqRh4oHs-LB)#|jam;-JPaY1=4Xi=N)SY%@)J$Xo zUH?sFNPXfdPz38K;v2^7lN|e;Nhb`N5@zjlxQNjvI>z4nu;J$IN_}p%x%;-Qq5}0r zT4GEAJtu&+%aUV`2uDNJ&{~`3dzEt5yk@@KZlAljxi+L}tAkvpl?In5{FA;$Wf6iywUeB zVYHn&UrwV91Q(3~In-s+gzzu{2h^lHo;a}X9E=-DoXnXnJPf7!6@!Ii2}&qqN( zo<_ZWT`}6eT8c>wGn;1x5#hS;%?Q>L;t;gg@%i{)TEr=71`*%PQwkz_mU^C5FDe;+2C(BGZo6hSa+Z2q*SQ7motc4t52}bA77^$uVhm@k zt@RXR?>(nfY6}W6(rB%<-k~iCsxgKb<8R;Izr4K?(I0;K30w=F%S0BD6hmztiL)sN zW(Fe_o8l#>dF>Iu+*izW@7vPa=wsZsZ9fZu$|30EdED0Ju^+c}#jX&(g6DpUK(;Dy zm9;4gVOWP_45hS5MhXi3PYmHWikaWmWtgQHUtczw%)yUg_Vw-M$HyL3AN%=yo;k() zZN-MG^{y)0veef9@bxu?u;w&|eSN*ZKb|UjmijzP)BuO#ZC$^=KfZo>S(p6%{qg#8 zb9b0)`xxIpb_A34%Pks0xKynH4&4w!Q0Zel_T%q=`Fh`SANK9z@w%At(*1(#`5MLpp1VL30eyQor4|{j5JejxjvvbewgV#~AjbxY@TK z?|<|2Pmp3G)Z#2vM9#B9v*J!EVu))RbhPo@OFi5EDCKPHmdyOepC7FbAKptJ%~FaG zT!x^|^yR0!GpGevH4YnQHc{LnBFe2@>h>IBPSE72G9rO+qhJI@Ov{3-gZU`N80y(R zbE9y|z(sdGt+3`hhMIFn&5WHjHURakqYdy?L|K?qj-X7WB`#ampee^zIwl_)WYl41 z*i$ocuUJ8FD~(y)Ohsb|DJSgTG4jOhM1;Tp_I`iea!${WJum6`v4hRw1@#Id#wKC|M(r4C>o50pS&|6D{lBic zl*Y_CrN?uRF}jvF<~N9s-jf1w76&hUJXF_`obU+0azr7g52Z_DWD>*>u`LU8<_nck6C$V_3?u z)ed~eFhf!6M2MwB8I5a5r(B!=GQu2A;4qqDOgP2a=ndvV?9(I2V}=TW-qUe7H8dk0`#DPp$VO2r2<#4uNdh_#u-l|G9t zr_qNK)!IYSm}Uro2DM29W-}{ii+MUDHHe77l30U6 ztHyu9>`hKiZzHBi7r8YAMJf|`Xf%Z)sJ#S_BuX@y*?Cirh3FD@(;&T%}GE48^vX^n3;HV zJD<(XU;l6?qO``erFyiqrnIGHOK$E)5>O0_&exo=>y9zh(sB2xs;Yz-;*y-mK4Act z9cX_)LJZ4oarcxXu+-=Q@H<-_nzXkL?*SB9*ki!=PwuS@H=^OJGO9@sCPI&a?ilrS z?-p~cXFs1M1PF}~%*Pix)(~_p!V(Z6%xQ@lb-AV6mvs!cF-6OB{C^!v_(w$C%#C7J zCWb^!fOfsC@OVx!{DMx*X)3aymvi%0h6sl!OeD%PBt#g&O>VAHLY_{2QAumifBx5h z#HP%#!Xtu!#|=5~?oQ0&?hq!bN{SId0nF4#pZPVdsVZ(qRoTx|M9}4!JG^~xBAQ!H zQIyRcrqwa?3;d$!B*6QbIRU7TjAo)W=h}NI_5Ja@Z!4bmHD_`vr3TeLx{9o8{-6K; zpUCD+DPS>KYC~L(h(PMYBDJ-b`>l_0oF`V#Aqc<-=*1`GE+`SjfcPy3)|1G2P6K?+ z8EZl4MxMt>#5u<`Cy0o0jv7L#?e*mb@c_n}1 zCo;DjW4FP~fB5MQam(QJZR>(bKp%FNb{s`j@h-%m_{1zJ;f+o~&Fn1gWn0XAKg*BD z{(9er*_tCU{qfJ=nK`AXqR-=uF~HPY(Ph~{;|D8nZGCE)hOtNpQ>~O!SaK4fAd;f? zK2iwoew4Z&rL^|`IGHG@?q^9MoVAgAAC^Mca$;hr`7z;JQ|dM|2N2(pV@Q|W*~~xo z(z>k}37D@-66W`h9Up@n<5}v@Uthnx+{mf4mSVuhX<2fNVfwRYOYQEyENKjjDU{M` z>1A&?cFWO12zV&gbqPr^V!>KJrU|BuDVlqn$Tl%ER24W(Qwk}CS~|hb?_lb6MvO}e zA!-L6GzR`m`%@Wxgli=YP#W=HE;(G!xG6^)7wc_e^?K_>+`G+ausTraLWaxC^=wf4 zhZJo1?QJ6`>>`Lc#Q;ujs~sfGR+@@zw`JWH+_mrugO3KE;<_z1?E7y&)@^O2y?(jp zCFW%TY<&MXT5Yhmib&20!qC=xjNz<^U?JcX`!Ed(-oTv9ndt>%p0{u7*DAoabulyd z3tr3&wxCSDB%P(I1~Wg7QzyyZF!~x}fYXQX%(nZGBbaCJRzVu&q72hqCr5+WZ~X>4BGqn{{C?d7eb#! z{IF~OLP!l$F~e}i-(GH|HX`1SGe(`n7&DCl(IOa3=A2L@9Y={V(5Fg`C?;*K3j#`+ zCq``8yyoHYbQL8nmYLI%?c{dZ|lMjUnmS8p+{6b8<;j3w@4U;yET8Icn ztT6`Ionv^b4MHQ(oU!OonaBkQ(wG?o)LLrFacW)AJiru`;utpCFf-7ERHct>iMw)WgG2aiUgn9IVl9WYYTt-DW`eg0nJOQqBy)9RQmDm`} z0t_hNi4qiI3?g=$Utu0x#N%p0FgQSkI`fqW*?4AgordK6HUYj%5D`mgN+drQ!`udOUl97ojgP&GxS;-2CEQfLz#Jf z&x$@AVA+^rNVD0%hHASlNQxZYmMyz^%n@@I5l%TC&jO{s>ddyo)?z9>E_A8LXW{3# z_YsxVTeof+Co%-fI_zPPBkNPD$9S9Y;z$r1u3@5wuHJyisn^lUD9@@vA*8Y4a9Z~= zP&cMEk`oiBC8ZSK{^sTUsN2gDW_A@55ljnMzKuGVIp&C1Wxz}?qf5dxXMf*Swb$NC zW8$=CFgNkz*P~))owwxX@NBfwSs48`3rm8iPWIndTa7eCO9^FQF7CAmn#$J7iKy@LG7wxDUW}PnBISYrm#wWZ- z7&~Ih39|uSKzFy{X5(tMrw6(mHRefPLY6S{kFg4aKeir~m|lOmv2ZyXPb4t+Hd-C} zPyhT6B7%pZwT>SN+MXEnl3L=MAhUrXhlr9pT)!B)tjppE;Jnam{26uLJCyPe4D>c8 zz}p-#Ud#k_4H4rK64gEi3d$wtTHEXWc3W2r5)}CVT3a7!E~d@QO07Aipt2ulscl;` z6h1Gv&7E=#!$#`^R+gI?l4BxGouin!OL`2TnwzdxC&wtl~@rM5Bb>z5Z6{{H^lwsrP4Q(~xQwymp^uS+JT<2;%9 zwyoy&{&?bj>7xfxVuFoNkf^|PmV$4!wDx!$s)`wNiqXt|`TBO>7Gm0uQd_%i3k$#8 z*4D?i*yNZ-rfBy2yOiPYut=qC3r3`a?HE=mmY_&d6JwutGB2HxP zV;GQ7rM3`6MQUv^3SKT;a!yog|M56d)NY=FzCVxB`j^|*dJn?i9?!2Yw;vA-IC(EE zhVcDyJoX~UKmh$f7+&YIc4q$A&!66I>ym@&y5zI8bxF95YHPg@ct4KwG&fbvDZ<(n zRBP?s%!c(bAx^yyVb&nWS>>;=7;a#m2(}Pr*1JLW7Lw*QIZXk>G>i99j@H|NwI(ka z(}-S2t?hPOMjOxfLoiC$X+F(MGV*23xD}9CV8gL6g8c~5fH>Mv-G0hk0U8t0F|3sa zm2K}MEpc8vXA74mwHzfaNrNyGhB&Iz?$D=ma@yKO4Gtjm`#FL}vK zeC+44WHX1uY0g@RKz37AkoaG}+?jb*V zPS58-M5PqyFh%(F<%R^STKfHV`}ynF+q!;vd;9wKcH6c;{^>UahF}95gW^*fLI5!g zdB$iv-TnRJ3470yGaSGn1jvQqh!qhte>`_0iZLK4t<=iIOHN;2@9UD+C9gR#bBghP z+m563-fQbIs0Lk^43uywbqt)B-uw9Fr!UYU@Fn3xAqy!v%1Qv7ZtHrKqN=Sma}#0s znnIkRzpXbE%3#Z2hYZ*&UbIr1nF$gD8&Kksa&$slGLXM>d)ZLQm5C)~SdTCm1Fm3J zMP@+mApIA@?hr$(?V67Pm+_Zys4*<1h-UcH#Odz1&hW=;srXwRZcbt%0zebKx^q7v z_ZQ(-JCUap&!eKUfyGvY74a0zHVmN|<~GL2>t{jl8svDKF^9awUb_T=krYGpm;%Ol zK6&?qM8Bz6^BLy{)9ox7-Bl&!s3Aah0Fopc9=yMx17Qk?(!tDN;aJvuJWsx29{@;| zNgW}GY>7E0Z4CfxRuwcn{#Ww-^I1Yvayp&`A7LLJawK95P*GDNoC|-Q4Pzn%ezn@k zDdmVdL4%|eM*q}iSSc;0ux@#O96EW^6JQGM7KAr3h5d2Z#NJzsff$$<%r}jh@W=mR zA94#(5nePqRU#rf9_Ll}qnJT@8o|^gSIHhzFmqskCIW6tFvgxe}Cn8?AN?0-1AFfL#sajB~H})P0H%ZCLMy#mnbK$js+Q!LvC@M8mC{ zRfEw27rHRxql@ejtTphP$tZ7We?Rc<#2jMMyrz^Rf{&H_t6c^+!(Z;Jx0A=4Fm!VW|jcs#ME&Sx!FVyeJ;&rb_BBs*V09}>@6-K z<Nh_C8{WKw`m3gSXt=#~8v4gDl$a+B#MWC=GibImgo4nsXmRg!`}>G)gnc(?MUx^Dl$po~ z?%Od2q_J|*Cn3vm^0QPxOQBrc&vILrx7Qn%?ynRB*A%xk3v(a# zvaL8wUvBUM_SgG%TXKrw<9Vz(-M1Bj`e)5!Kes?6IFQs4%xS9!J@h zbd(l@Acz2ybYeyZaEeOgDFhXPOzY<_cVv_06wlg31YL?cq@-3`hKE&1-k|-(TT2OakrdeuMJanSV$2c+xyI;#qw6*bn|DXTk|N7tmkN^62fA=@P{IZ{wNPhY0>wo_7&p{Q1GHC0q zb^MII4IC^vCD@1Vx0Q&_vj|JdNtlNj8qV4}6V=vgZP&!zkF(^Q?zdG{Qw&6o5DZ+> zwYJ-B9R}usLqm0z>g2~+a0qX=RhUzZrB;B0L?wg>f=x~U6hZ60k-+?Q$3hrc-5NB- z;N+^3Q&@5cD#Of%l~zIs04<>6S5;{DC)0-be%o5>Awmd5L?l6pIi*l*LnEy*OhNV- z?lgLDwc~6=d)DUQhT&8RF#wxrSL_`kEZluQr!<%BDD^_r-ukCd+om{&9mhL!Ig9(; zVohEpBWk0E7{Uy|W*ZhmKy|_(E=28p2w!M{pye!hnnDWjm1&S^IY8AV;^w&8(HgOE zIqRoZTchCB^Wm4AdH`6CaqJb0#Uc!-q6WQinFL8w%t=Hw1eh6GZH!=Jk(s#698(~s z&vb&h@lKfEGcl7ng4H3}hi9T3C8Y4#pr*^@J-VU#ucf_wy?@FDaRH5PB78iMIAl1= z>QSM;A8pdx@SiD~uP|szZyif<5y?4Xc#oMVj^c|zHWknN^ThweCcKsg#mncy0S$w7 zW2WcFo|mX9y?0^~L^N9im6eG&TnPrB!`;~)5ZM^DG{|?+8sVdb)MSii%q-<} z?q@r@lh>myYsQiRUkV$NbFUEg5E0NfsuMZ{bBm}TmkN6r7UXcVyXP%q{Lg=td5mKB zvM@kg?w=2cbr)f4-phP!M;%b_w9=Jj5}#G9SzaSCG7U(Bx)G#nQ&{L!&yHRNk5M~X zOhHtbWi(>~FO{H+BW92=FqdIr4Z(+LkluPbDkwT=>eiPPBP}!2nVcn%8e%cnYabmh z0&1oAW+Ce6*w_T?7F6*YtlNAw5Gqge;lkF4nPU#b;0Jcesz_&t_e`b44~kBYXx>{b8e-~OAbl-j13yqJKF!vbL+?SkFiZO)R8l26w zw$^%WEvHy&V`g*n*-Ip!s{^rNK?6nx*9}Kbbe0xkK$%N3YTL=Zv<|VaU#};c!eM^f zHZ0In3@Joa88#qN!q~F+(MB(22CMDIsj9E{8y?zW1BPb2>i~(W$}nFN)CHlp4k69` zwthSg$OBZ^%=e?@6n}nw+0XN1Kei>cs}fR?oFbwFm^cQ-zqHYplx9MlD%z)QNk^&f zWPdSddrtA?wg#0H^vB2Zwk8oNwfA8;gs-o+vsS!xXKgQQP9fx|LVUIcK!*yeFfpr2 z3bUcgDIk#)<3M6MYMYA%Cv#es^m1FDM?GsJ=3x#-JBEC%_2aBxUTZ?1h}}uiLt%kM}+1Fc2P&lkHM5q92GECs8=}Vq-9|yG_wE^ZV}) zY~+OnjceYLnfE$s>DTMVX^BiEK~bF;GBP2kFjLj6>k*6irKAc>m z?)#xJ)Q0VooM#D9;i|{g&djw|RgJ2x^$Btzia~3w(9*csvgAHyGAK$4s1DF~(O;#K zLs2Fws&bZ^p)^G{Dk24moH)g(A^!c}{FnVKy^nA2A7hMv`Nx0!{{G|f+@T%9J&ol< z?;ZGKha&=wWhBeRSwY ze*gBv$)Ec%%qqZ2qP4Y4h(9OyP96g;erBfD4J9utW9M#WL~L%$mT}KrUE&PF9K%2^ z9%H~T(^|(GjhWYNIgg^Mj<#W4=0ySoGVl2SDDR;o`5jUW3-W*R3Zm1d-XyE#UckN4-Y%tRrG z{oFjQ5!1omMo8N0=-trPn%U@fd>pvQFRngZq<}l}7>>HX9EF^i2&Le;7oIt2Ggdi7 zbs`&9_5vRi*7XC60wzQkW6%p08QioYQqMNpAonm=_tVmfFd5+RkY1vy=Uy~Sxh5pe zplw1YhK>kp2fuXE8s=ZeMCVySTxH?3M5NJ)N^c`A5#k&(z&gkNJmKI69d#O_RO(qF zZ3+=c7K8d9#@yq1Y6Ng|O8<#@bQ^ut(jaELjF^D5&Vr125*tModAispjXqlK=r@?S zob~;;kC!huCLUwtHG>OBPUWbg5@IMvvEdrk#=u%8M49xVC}1;$fDVT~HBo5(aY?kZ zTetIQBHY^;!_ahL^dl;$O8`+gAfKtBC0B=X1ke6JJ(%X`jp4&^seQ_F%xqL7NLX58$YIoLDcwy~&X0oQg=V$sfPL4aF)^!P-66_&t?JoT zWw~V{0;F4lh7ibEM7I0tMBB?M3Vt!0`KS3?RX;Z>@Xd;d2-gF-a?H%588}NI0ztJ) zmrp>H5$GvGFaThJfsQ3aaq`iO=OZH!-n$zU;2EM(BqC$iTOY0TdiGX^{>#7pWA9y< z`{+2hF^3>`kr}#d&4J0Txs_UL>zI`@b19WYGIGaSE49wp6y~5IgmAm9#0;rVpHlvS z5#H^#g%Ge1z#e;iMJ#GWr1p_QSaMR~6vO-D8G=A|941QHYwvB0+miqE?ft$j zagyojv7allqDDV!UsBx98e=fCv$kO#RD^k3(hkd@`!HkX1c05HxrY#j`}3?JXo^u} z22&*HxCF^-XY2hxfBn|Sc? z9(|ZI({OLKeKMZ$pu&X%IW#~(AXuY-$T|N0r+3sJu;;tm{y16r+|TvCLOz5$2?T)N zM~LD1aiE;V4jLEI^Zmdi4{28TTVWf(-d2>!=gb=yXUxHdX%u%VXBpkf-j*$gq$$Ug zV@wfQD{gkXZz}3eNZPKY0RxW*925O9Mz2FI-SD=pV+@$pkYwymA%#|2&dHsYoZuoA z5vc2G>oLbZ492hHIPm}a1z>V02zY2Ow~dIN`w>(_3^`{f>SL_Sa$J+V1g!;J7Rlcq-AgTvJg&8 zAF877byd+I^=zm|V^ntnH+J;t4RxpEdBhk%MuN65uc_4@g2n`vkvNf?)zZ?MY#8Kl zm{MbjG}^%SlCHEVOb|j0KpShE)O?(E!i=?lZ)4gaf;u@&_B6wKl|@>qDW_IDBR51R zRUGMHe94nQ^w*%Rw!9=W!zdkO9#LVY5Y){8HG+`uJS(a(pE!9zo!7_MZVS3fRY8Mf zX05ioCZt@k@Jv56vtbz1#4DK?tt|3PYH2v)dh3os``q(PENlqcYNspuYP~P5b-0b; zR5_m|=D;Edw|1gsOV^HyM7Xz!#MytGHZ10Vg5HVh(M32Wg$LBkkB?&Jt#s>746qEu z3w$YCh>7aiq2>=kVZz2+gMf+s`+5JmF1LL7G-l}!{W@5s3-z63u$;X!Ew0b+l2B%FN}cz4l%Q zR)6l^N{5sV{wrciOCVwEKH8Y(V@%PUdKqqx^P!f$+%k&5`MgiG?o5VubFlnb)YRggA75H6a-Yll`JpK1ZU;F|j5#?&k56Q>Fmp4bbaJHkk4 zexB=K7MPgPu>ksn&tcwTS|e6Qm_D~QMjO_L1lIrcU;eB7)$o7VzycSYE??L$5iuKJ zJK*kzrDn+)vw2($7?SOdU1UN403ZNKL_t)?34!Let+>YAz4Z}-#27xg0YRm*k9o%GcEwfqxA%`{is81d%M#uFu^(gD%eDlS9D}8~) z*td^ois7*zX7=UfUR&SKf{NeVS|8i85K-$R$FLuD+cM&`0F%YwFr_&9IL;zWtqo|* zN^6)U{PyGH<+i%{Pj9#9QG#-5Q{-@#2312;d7MQ>&eG1>ROPnh+6EjNBAkM@KH!3> zW5!2>5QzC~{inB=K1@WHoUj$exYW&hAGdA!@_OrI97k1^(XI9_EU*fI{$%bSA3HSY zwKffMd)?l?-0Iop{6W|+j`;0m0eN@y!6G3lxdWDrilI#q1QU@DcOx5qJkRr4e*e=u z&L_GYX6R;bFU#$9Yo%@X1&UJG_~?@4jXub6vVf?-=TUh2^Cm`mYA&ayQ0h@f8!^Wa z!{f(}$U{}tC}sp}8urdM?Dn$doZMVRLyWzRlv0R+@zG}%mSxFU-{a#U%ok21LAnZY z$g(W^abiBHD$APp=UGbatz-QyB7ORWxb;5VAbGq5`VlIQ^Ee73_GIoVc~YbVU_o-~ ztp^ceI6ft+I+0u#VCx-L*Rzz5k0;pnLACc0qn5KE11_fsr4TAYGwWl-sE_9nV?595 zPGeYU{lEX~zm?X=c|T8gyWiH{`)|Mh4vQ2-*xRT`oafiKS42w&)vsS(Lkvq!m@o7()|~q=tOp@HgNpz!d(LS}!g>!O)YfXP zB3w#Ex90AE1VH?db4oEd5r!{7@~`Vc%%AIyPBG(?i%EavRQ!yF_> zRY5v9n7kqkUPo(VxQD36Q9=x3489QEqYqJqSqK*s9@zD^0&l>8lM46C6IsrRvlKTv z-eh1ZdPAMfy^q#SeP0hg)A@Yf8EV-Cv}HR$=Q8YM<$y-4dejbsuuB;D>Am7-kiCU_6h5=XU| zLp{5hUlV8Qb)e?Pf)&&%wMI|yk_%)$EH zYo#T&v!^BC*hhbNrDuAtBgAV-C``oe)XPL`)U%5~xMjFuA$clCQ&srgVdZl2&&-O^ zO;rufB_jMvOu@P%BMcAVHKdqNuDi4H=msR0Tu`z($qE7|v@?z2Au0>x!bIe?bQWrL zurQEWc}t_4{`dd!FQpX7m_#_Hh>tklJfD%*Sh!48s1uMzvaQSgb~E$me#|>Q$FsI| z$@@{586mZ9-dcwsgvfJD5O5DOII=~g1N-V%DupAtiTfBpP{$C0s5_xIaPqg8du@$~ zTJKQm#}HCT=ElS+MR%Hz%GOKkV~lU_?>|1Cs4dDA3Xk3gj`hcWX;ap}Tg-~jPhasi-c#}s z)ADDQQ*!sm^KhaZ6$ZimEW$K~9c8L<_ELMd$MOF&^=?gW9LbuXdxXa&6F^mwqD1Q2 z(&;&4vpcp=`~UyRn(f-ooavidBnv=h#?5^mzCiVn=}AVaPyjN*{ktB_{B&B+Yu=6; zykOk%55FLw^y8@Ol3`AWA{`wlB1dgYO0`uHzn3E7mlTg$mn9m}cGUBl#Cs;HtzYl^ zUh2zf8GRsBEO-xa_moo(a@1~SNn|V4%)I-Ts|gnn)Hr=;R|`RIds%WSZ4gg=A&AH& zCpQ;1mPgFXx@L$3_PvJS*CijVnb}clZC#?&)?Pkb*t7HQ`Q=<|XUC|zbIw7H6SGJZ zc3etBxPEJ$nBWlvX%%7sk_1JMBPx4EPYS4W9JQC{by@S%^XcjRN!7pnmEV&pW-RN4uc59-Np!eX@iN^^Ae&*d_>FvDIEK)Y}Xxl>TxU1bIgf(X2XH4 z5(%)FgVtnXga($QrW{QzL_t}eV-7L&uE$<5+m%vJ=ar_SSj*AO?DBHP5Qa8Z{BHL6 zC0lD_XiD+ei+hC7r<~9ah=*uSBm~0Hmr|D$TWd)6z`HHpLnVyU`F`IpBG=j^$Z5^+ z31C`^vlv@dRf4qE$CxKIGapCIIsNhFt78Y$);agn4?jGg&$YD_W2x25mK6Wj-~JX; zNKpWp!*PTqXWI{KW$Thfr1e%xJ)PFkJN6I=yZacJ?~P2=LJ$a=XU48~;(ZLEb#;z= z*D13hdfSBY#g6n{c>9Nqg2=>9Ydul-a%Ko??>1W1CUzktB_6|+sI}(UJwKhlzTV#04+99#Mh_>nJ)#%^enOrB zHh>9jh5?}9?y`L0dF-JU!7;~JQVHwcEl9TETdEy^XkJWscJeUeDj^N zIjE9zE~bbF5FjYLm}Rf(6xHYp$2d48-HQL=D5Ztq@mTxd+$?oQ<`N<4#ls$r zXfN~)+oW0W7e^a@;tPr;3VpXBg%AaG!pMU{cnLF`Dw>ZS|I40BL@7rj8^e}0wbC8C zV=rX3tjT-!-lZH`YY<1u`j=M+5-c+v(^!v3 zK17ceXMF(WLy?6Uj#~92mKSFijOl^I5hM_GIaS%Cb?L$vX zQp6)MVfyD;P_M1_>+K$c#2{Z@uPAU0BF=f|oQ{Dq(IuzaTFy~bA32+XE1}ft=ITbR zb?h?1`-jqO)+K`U2c&V7^7VQnqh32KhB<|l;`y{bKR?~?n}~<7HHOf7C!RHg?6~#e zy|1<1?z{L|rHmp{d^#_elXI@MUTe!Kj@~b8PC-(ToPrs>oR{;O#~6RS-j^gnL`}=g zpSCZr_xCRs?;KR}@Kb*NdYy%%X7H4BP{s;nbG(5!A68pimppXD5Vqq`)zW(KJ_PT) zZ?(7Ha|%yudRkKyx$nh$R<(fs1m~C?(oWSBK5Xy!w4}Y%t_rLOWdh8Om}^J2y$d0T zmoK;ND2*MUUqYgy1n(Rp=*bK{$_;#ajKa*&O<}-7p3i#D5g!I&4nZN+xz-v&Kr~HG3C((-cid!Uwf7!j@tl++&J)~u zjM}9j9)02Pk4_L;XQw#OOdRYf1yBvQ+aAR4rS<{+iTBQL`_YH?uHJiMH`HnyUZl3s zx*ny4m?7AdkZK=kISr-S)OoaR*vq?jtu^mORS{OkOfkw7rcNAoqWGn>v_uI3R50ez zRtFQ`uG_5FAX3%d8oIsAtR5`{X|?gR)A&{!&CY=tgtuLH9Rq>9P>+}yq^c4C^_f1L zJlGGhIAOX)44nk=ex3{=NIh!G(TgXunU!RQKd+BI*WQL*F#|-fd z(03*>qk2?*w5mDrx7Q8mKKL5spu-?h3)(*nW>$812e;3g3qTIqCh2uA*z)= z+HlUHfBN003lY`56H!`%6Zhs43dxhveyt%1#8EimLl7G}`V_eVvo9NZg^3;4t=TZd z>N}{+yFN6rR_?{Y(le8|JSJvFa7};gW8NLt%AVC|wE5RVl(#@wd_Z~0m_U{_!%xpl zq*jjR#Vw}=ODVo=A(()gu7kJO{tFh;1q zk#=>ALNVvPZwLDCl-c3Ea^CkkP+&~6X^yc=c<<`bag0Cyu+zu6L65F6jLkNb9Wx;{ zh`jg2bM)mI%S6ueP^(9SnV3MtsX5PJ{LmV1W>g83IS~&K{dkDHVg=7z4gHGJCq5X3&Sj8SD0=^xo;wJTmu+F~%4= zMotNO^qiyjs1~Ntwe_}b2l$=fWjji(9qqqJk4ZuF!P{a6@XnRmkiq91w?3K5Ak&Tv zz!j2+Vd~h$7#==m19FT=zJ1?8ZI3>34k<_fZM_GP>upOZ5=GTi^}6k?>yjcn zcFeVnqtveY>kr@M5K;<9ZEzi+FsMIB=MVx$tGU@Tm)c{LVUzCg&h1AD!M{A6#u%*+ zH4`tjw%7Z<<|xkp_4hAHWX%BrZXD3egdgYKY+B7h#JfK9b`-SH1KCd@05HDpMZEud z+yC?O>EO#tN^r8F?MU6q*5Ppc92K5Fe=Sk>|p z_pKnU&x?yGz)ky*^f4m;h#vA^kyaYE=g|h9e;f*BYcSC3uoy${!-IMzQ`MB?^>w>n zcZ3gKzufbZh$!U*HvHI1h>~Jp|1bR_wy$>|o>Z;XmY0m17@H?Xe>ib_9qT2tV=rE! z2rSs%g@?*{}>$>dwG5T1R3{U468dEUhV=v2^ zLk##qW`+P(3=JWN-g`{3mI?uX$_Zw&^|T@{7-dO1G^JejqxbGW|9V$z6A@(BqN5o^2%*&W^?G;gO6|ApXl3qFy%X)Salw3&ba=NVNr=NcL_0#u1 z{PL&Ye){E??>>II-fqXS#}I0%?1;!pZS)A3PB|h5jU6v*cHUt?oQ_+^z4p^(UDiCy zdYO2(Y`&#l;7}i?mX~BYGaTuWLBo5 z0i=AoFsEJi`sE&D$T^NjE*3jC6JW?%>kw@dQ*S8xFic<&d3*7F%xFGTT68yB#O>Y$uQOv0x71vxXg&p_W9>)EFMr1DnLjq8+Idsjy zmC0#^6eM^X20#6Aucqdmli)*=m;=61It+Efs$@v-Ma~Co>dr|Ngd>%`!F6dcJBfF* zCfOuNZ+-sC#G}v3UVJ)`X5qOtCCs<{7{XzUe(OY=7{9nT`Uu}URTR07X%SR&0#MAD z336g$s#|q_ju~L;9J&aY-D6d7Oh7!D+5flyB6eEy?RGz%*U1E_GV#zy zb`247LNND_p&<%{E=JZ`>pH|E#2Qh}3Va29v8{KQ?GPdaId82nq;u;X%&g3Q1D;XA z%tXB8bh~fp0l>bo=3Gk6DWlN_^gXz5RqcH&IjuS4DqWY%OuhG<;uxd#-daQGjdu=C z9Wxd2OOB;YQF|XF#(?C$CC4`*?~>zn+f$6K_0}Kw)3jN1=iHhS1gRJxY$g>#d|Z#C z9Eh4Jt@r-&bV6p)9qXgAD`ECaqNhAKgzl!9LgaCWY3L0#0wE!&L<yoKCe%wbw4T^ z6@X5mw79mmq*PjsA(&3*16HhUD=~%PA{we*{B}EtsFZ%btfe&2?rL^^ zT5+kUDnA+-by!Ff!9sM2ssU?3Zl+@wft5RB`8A3lSgmAxY z090D7NWIKCzka=m2%_cgw+*32KyX`Y;0Lgi+IhGmMfw5tC7f;otxCYi(6kQwXoOTOa+8FJE7; zw-n=k6e#_kE~olXj;(8E=G$$%TuzV4QrS5(iXn)2n2V5F_QrLrOHMIhB*rx2oHJAB zd@0q;QVhf>c=kiBwQ(HncHe93W)wnnUh=YfABNKV_wPeY#{Q^7LJBe8_v(BYM%&Sd zg`5oIm{w!?@ZHC!mv@(^mv6rP`0@K6KYsf0<^8wc|M<)MZ@&BH!^gaw&zF}F7b0Tz zs^gD8{%Ey5KVN$9ssm9FU?f1cOqEyf`@Nv9yP{~x?CIT^L4!xPW zj34QWhD;0gZgfEJYO~H00h%P@pel(u;7SE^h#%YPK&T?(Yk(}D632;98}Jf*jexFIkg&N+yeblQqM_(w#xdKm;;kMhd4;S1fXPmQ4+D#u%fIy(01zagC`IR}k6+^)6u zUVDhMBN^5&r1VJe2(ATBRgM;-l)ZsiATs0&Atr9L0XFIOd0S2i>J&7(fMNur#g2XS zfb%8#x+4LGiFrNem_sXFf-uo>uQAGgD_&earCvv^BPLO`(cxE_6%xG-AWf#0mT=rE zX2f2`n|O(c_j}#1C7&ZgD%;VSAH<`Q7w5(IG8u{91{Q4S%IeW(@B;)(;@aLMNr+Om zhCYN|d#fXz5;LP{uk5wAk=Bg-elznJ-f9nN*1(mcZr44;5OaJ8x)^vlj&w93w9*l& z#Ex5mrPyuP9Sn)8ot_q)Ch$_*AmCgErv{N1XTSyILAi(*aidRgJ*J?KJ8LG{I3^=( z5#T+D2s`lTN;+vVqFGeTOyZqA?D7)4nN5vWAMg;?(%%Z^#u!F4x(cx9 z^7Xpp)CWq+)G^<;9rNWF`gA^f?_-<}dgt7dlXFO^HzHCq9i!AbbOe#t>%9+MQuN-( zAaDjFu~bnw>ZfZN5D0QYX(nknWuqB)pj@UV-aS8` zx9tcbWVYr!yP(a~Y>Am7W~ zl47YX1g~m)shF}rW-&Ve{3*rOIxq(%E48XA8C~yt@A~D-Ed>AJ-DS=3lw<3o);=LC zBj;z3(RNg*b)$$G4b|31!yN2fS0$q7^IF^JLsJY(inpV#Ieqhd`TfiFn|DupX|0dT zX<2gGN<}aQG3`hB=jW@M9Y~E7DYe($;g@ZFsOqvLLhzre^KRP?$fIF4^3IpNE^F>x zy*Sv5aRJ~E?_J*%1w{;@Ei;D{TJ61bA{)c%(Rv$rovId6a59f|?M7s{x`-&R z8F?VE+QVLn;I@o@z3m7=-U5i+yb*2aAfmh^NY%Y}&+neL{lGd(OnJ#z?P89qcD}5~ zUYV%X7E@y9%(T@Z-h~uL?z^^`Jgw_O#EyB}k7Y@ad#EZq7awuDrS|8`nVD;CY6gVQ%n;!+1FXhuXmQR# z8Hng-EVbnT03ZNKL_t(D@qXwy_VRkYvvaCcO5gU<)jof{wLadzdv|$yUQcHUk)5y$ z>_cA960(=nh7IMev>jE=vkzX>|Mty?k3atW>+{PuFYmv-yu4r6 zOH8W|Ii#hlg_wI+ACmKdh(esY%`cxnhalJMbzL)dKlHT?)mqwmT7ck`t-`O;$A~E! znM45wKZdgBw>R7Xp$*kx-t&|ZJIBneHAbqvnVA7dUe+9Q@ZyfG#1x5Xw9zn)(RBAh z0PUFB5fItQIGGVq&gp*Jv9QsjhyV*ls~xGS(B1VmBzSBrsv2`_wK6j{H|N+?Lyi;X zG(ZCcc@pzfV?+B3Q#-r?@LEEsgBu;8G^34W&7dGRvKM`=B0 zd{HMB+eXZB%-!IvJjj`u56*O!YI*N4cfw08LF!SR2PQgZZVB;dV?8g1xK;1T48fOU znxSdC?NH7gdxfVQm%bNYYiqU7m5Hd9hM^E}uMMlU$0Ux}h_ov?P6_U%3GFkHcCEF$ z*`ZEAEzt)TA_Vj^*?lfx-p{esJB*<^^eurNUT`mdza8ux+{t+TP#%K%cpG)laRg$& z)o#P`DXo{q)b_1};OpL6>8`((^^XmX-?+pnQB%Ym&c@tUXEvy+#T;50$g2Ug92X%Y z}Z^poqC$R1Kt@EMRk`5K3BAlPIPXqJX_*=SXdSlaK1fk2aVHB>;{|g81NZKaMs-gfaB; zBb`r&%?8zBqbuGkB!~d-K(~^r>9F30kABnvBI*$rYvo?k5=MI@0n}l`oJUXz0hR7e zjjSGhuHs5$=KssT|H*p?4d{Lx-V6MQQ?CM>ycyU@aOg3G<0z1QLy3!QM-d@n=N*Kw z&bb%@&`o5QiucgUc<)s0d|H_KcHfvdguu)g>qX=!RaKALN@>fI-fCjjCBw73?*#&V zK_!zKJB}eBO)`dnYx2HtPv_HpJO26QOU~&y%C_%cUvEo}+m4z^GBeDzOmx(`<}{N) z$&hz+T5=G%?+4FhQZM3%>bj)Y>xPmqGiz;}*QF0df@g2zwB`w9#^@Zk)}u(*kyG6F zGIXG(Uc3*%vt#dEjG?s=FnTf{r9d27;4^-tUVi<0YrPNEQfg`a`|rNVIXUmH*Lxo$ zrBF&mp7&8|?;}OQd;7rehpH|qwlTh3xBvM2ANQ?z=bkQW4D##uAAbG*+yD9ZKfZl; zSyKA^ddo51_TwluM>qnvAl^H7lnR_|=+vhIReA_E0z61weTRknKH* zT_U<~vv94o(T9@JeJjHhYbW+n@03wl`EKjws3HK|U29!}%n8kL@8kA*U)EfXiYO;j>a9WNgTyT&(xEX1c7(JR@0=3h z7>27Jc{tM@3)c|Mv(AejW8ChW>XfL)7!cb}|MDhUsnt1@C@VYHTK})V{Rz{pc;9+M z*3chcz5=$v8H*_@J!lu5e|`n50PTbsm81Rs z&o5)>X zKfn9t!^iJF{_xY!zkdJ2&)3O_JwJa~PS29o5LYEua>TwXc^{2^ALb=U$iqxR z?!EgEiJh84&-3?x{H?XRE?HI0lt|eTx}3fDh;5jAGlDM12q`S547UmV*{wEsKk&(7 zPIWWgdEemP2Z)3K}g0Uyg>?5BjLp*2lnOh=UhUHx6o^vSN-o5OYX@$e8K4 z7ffOfwDg7%=pXk^N=+NE=dOx6}0E3s- zuKRfLTGwOq_F4gTY&<( z)eew?i6CE5YzY5}@Ju<9{mW(mq!}E-emhhZQK!zkTG|7ocX>rXEyOvD!x@f(^UJzj z4;|X;D0_`ddVoZPTIFM_nAnJTza8GYkYu|a&b!m|f?bywp=86%@|v7?$5#DpK;z!D z?9G@^Ay*HCs?q2pt&y0@twJVRkG`A}F}I_~B_eLf)EE({MipZBrrLEh0~J8b{pe2I zaj&X|f;N5(nz-*m62SjhEqoL*S}qymwGPXtG};gmi4s!KVHLtuCNHA1>_T9bX-5Ss zl9m)>G=yuJ^*-K`nnk=o8sr_JHV#@rHxv2ROHMg>@nvto_?=@X?ro?9uH5#TN)V_+U&eBp69%L=u!{^JG(!hpnF&Y@r%) zuf6xVHq_Dq2_f6Vi-X#v?hPqktqd=&>O$*R6SnIHUiT5dm*80@D7{w4;Yw&wH#<_#)Uw=8T zt&KMXg=RglLte*RE}3JHZ9m@nyqLN74pE19?x>ZSbBy2(I)Z>=7^-EWci||tkIqbA zuQz7;{f{p($hMa#vhQV?Jz(y3-)Xt zH3m6q9b=>ra-7L)V~i+11vyH^bKOU0qHR0O%srf%&zF;U|9}7Ye_wO{{qyTE{r3Hf znQg~G%#Phqg*|ayvJsV1>`@0zM3>X*z1xqn9|uzZ{`$9no=*!#)g^~9^uCu`+xfJZ z(QQATP78{1OY41f$L_Wrm(%j`o97?DeHX?5^^dPZ?d812fXKfwRM(uY`|;`h6Ek18 z9rF;xPR!_?aUky;&u-?S+Q&e$fnf~l>X;$%#AZ@k-)sBZAFplblG5M5+}@o}rFSC= zB71GPT-O|p2!@KIkD<2a2;pCfk(p{AT?gvn_R^RsrvQ{r%}Q@qyFS#C_jA9Ox*c}ROKsj0nz8z6`Z^G ze&368u9RA9gQYU3Xhhp>Cr2R&d-mdvtwM_>G2qRPDIWKoXaakq_n0EymbWn-N2p^q z)x0FQBY5`P)2ztxQ(R}J&{7~Q1xEQcqr+&HV9Zdc`GB|9k5atzNHuuGMzN}$)}@cJ z1U;U2Fb z=lp=^ETy<@<(qfUs=DpRJhh!0s-Hf6+u9&@d#T$||M|z))<#}dHM-sR`&NjZNX*Nk z=G0stRNII#8+(bV)?w_)2|4-p6tq{a%m+0{Ri#!t@9^Pi92Zjf(t7BKGp2f*pq-t)a9L5r>f6n*>oa zpxXS<7fpf!CMB?l&>=Iy680bg=&ij-2e@-%M>@2(K}^~Qv#X_oR)^6j1QC&5d(06} zs~7KspH!q{xR{8UjLuIhbVsnU&KiNPIuxz|diXIA*$zA&j1Aa1$DG$p#I1D1CB5mY zQ;Gn{_pO-Pu@xOwj%rHBR>%mIULi=?3nq$L@%C7*91^|9+yvmO!RrKyx8Dn5Sl?th zJkv8ffPZ?JxfY+n9)^+GjnG?9OF)#T7vGK!d_64@O|<8y z1^UKTIx~I#%WKFp;vQ0XRkLA4tZH>{l0&ZpC;4dl^x?EVFFwqk4TR+AFzwo_B9#dE zQApCuIBpf;Jo~jwe^K%X0)qCv)$Rkbcc-7^xL4=7mx1)5UWX69mEOzfO+%F9TGE;j zBU|Q^5FzFuVcQQT zy56@C{F375uQ!YurMB1Wy|s?NKE~MgBF?woRCU`9GCeQpsP*ghe!Xw4_M=p0(lK=C zZQEP#pFX_5oYrZsV&0DO`StdCy+2*fA3wZf=GWV1WTiBI*r3hmv}P<$m-Cw9q;dcF z`nv7Mn$zp`zVFA!Z{JDqfBoAZ%Mzg&cF4x@zV&fg7i9LA-eV9VRb4&{A}SZZ@ln3adBh^W~V7di(t ztJR)T9K%wIC_4kY-D>yZTkG`b)|CJ}1nuYsI?p|F6|}4O-m~j%#1w|=`DtBF8LiKd z5W$C&a*8pi8Gt=z9%J-2a!$uy%;+uaBP|JHIiT|V;E0{$38jmJL~=Q2z*JZUCdKa^ z$ZIctyY9>`1OZ0UN{4;rxEEaHIj6eU`*lB^mXzZCy2Ex4(Y%P%Qc7jpc-kqLKrWR62IkwtE49k+8cW@X_yCTS6RVIRUWSTp>V(G$+_?D4OW;v&0KR`-A zz6gv2oLFmPDtC3DPXlo@_ibm09GGhB%x>QgVoE775t0vHUvI=5LV&hSyzi=G%;=UB zqpE)Y>AUCi1w={;0UchyfBv%Xhlne+h9KU%-uvae4pr>xZ5HU_ly*x_M{Uep`}qBz zpWnZK@!pr#Z?`?AJd{iArS{9^NsaqZACknx&Yvz%#QycR5lb7koG$0f%jN0i=U;yN z@ZF~$e*DvqKm793&%b^8{-^ifd^(+;&QI?`T*(RhIEwVO^f(FcJ`52kQTfi@IR zam*3z$cXCF00}|%z6mxBJW6lNgBdyJdK=mmY`FoqLl#P@DaGD9@WaP^>BwwMubvWP z;#X|0K6t2{A#{8Q){Tg~^R3Mq3e_3aQcEL*lsl(J%aTBO5m9d=Ezx^_Y$c`;QYc4d z?~Dv<67einLo{}81GX729#~Q<9fw9OoiN196#WteOMOTb&==^qg{=_LMj^=r_~dQu z=y*b*lMGSL&nt#DoI(=()bxudvtIjX15-G7OJei0n7NNxl;(z7O0gVG9@Rex=Ev9v zqwRw-a?CWabUteABuH-!@UV!Ral$my(~rG)5#-D|@AmuQyo)h(xM-r}B^nVHDj&s* zPbu`SF^5)X8!?iUW$4vC^*m51eXf~gEwj2Ay0 zsGhgiV|~hI2F-V`!-(3^Tj|SFu15=5wyy`oJa{{L=}0#UIrKUt__T)Y>%q)Ec;{J% zK?>iS60vqYuEms2&x>;`(PLb8lL&IqnSfXW)1HKn<->|obHHbzWQ zLO`tN=)(!3L!7BH^Rh0rR2}L?VveRZEiO?+M2ChH@rFa<1^YqWD7U#0Jd`ix7Eq%0(m-nb?8!0D#sO6zp z1Ac);aXQCRIPTRy%m$b@rnswjB1YmL-d-QPV|L>9TODnTj&eF~b(oY|4WD|gEr>s#R=|h%`;OFbQ>(o*N-mw-_Ts%m znGV)XCQ`Gf^LfeXD5cZ}He(FEZwDUl)_N%w!qXIFsIt-M!#h^h|L;Hk!AuBTau3h+ z7|Lu<=XG5Y5rr_bJDK_Kzkdb|U0W-){r>sOhj-8WQGrxlPHXEU=NN+2+TJ~1APFGC zk6<-zy{9OrbrJE~b}%!Uy*!<#4;{u<@3-SvV(ddtDQ%?^*(t}D(*n+inK5C9Al`8h z2_i^dI^}%d5Apup<#gSSuh)AFVn*Kkqtp;&%?U}Vu=;^BQPtK*?<2?Xdfmh`8U5+| z4?)~*E8hE~wiLov8vKhf24)^g5OlOL&P$3xw$hduhuUe)ImM%PV!G|+{nMG4`uyr5 z`q0j6e!i^0uTqFdt=IbjRIl|>O7kMX`?u{tI8}V`{>0q+NGa~KA@cEX0`FHnofj~$ zW`w+XGIB`Qc9TFbvsQ-}=h(G6poQDF;+%sk2#>~x?_SapAJ#PV#ZE(NYhAoArT0Ee zXF6NiYuRf|u^ts_!YOm=V~nxg_K?DaF>U^XlRxBu0Mq4^02tu-LusPUiG-Nl=#Xq0 z@D=A=h(6_628=78P(Vg>c{&|OMM)M?p-$)3`uOzhmgAGNl$#QSX%@p;Yn>xL?# z?Yd2!>(H_nOlHvbz@$rNt-%h}5w}N(E9gT+$RNX*^mnT*rKFE`krczW?T{VzK7t5R zAk4_fa!$Q^23imeEhdxe){uoKmY&#@mH8foO9cLI4{H; zVyvw{pg*LlyI+3%{{74IwjVh}V!qzD+jjr`^B2_tty+juN+H5&Ms70tgyynoZ#5&L zl#&srl!>@2>7ebX#I7qHrG5DDo%6A@anx=!hxPSzSual?KmPdZZ-4&fPk;XO{m;Mr z{O6bV-{$4%`RRj%67i&@wDjIX zNM=UNG3M6VTkdUdJ;XpnrkeAjI+(4Lee{-6Xtf&9`-d5HjDcRBr8F$pX3!H+%w zFaxKQM=W)Wq6%5CA%hM>iT562bmzF1hKxmw(Gq-!0oUSkN)x(%a1@HtddS?NfJY2s z>&`nYsI87#YVTt?XN*CnR!SwClqNC_z4+VLEiVzx*>9v=ULtxDA!Y2XOAJU$3n{`y zic=0-1TvlW?a-k!KEHG#3NbKK2!hyy^}H-=+HQwE;?5p;zd7$>3T3a*T|g{^G7Tac zV|J#7Aphx9oN6D)A#er~(S9#^NpN-NCDzhWrtZDN$cryL+$pMxUWi&pT7sgq*n9k3 zW<~)Ef|zRQqZtA@bZE%Id6$;h>ljVfQ}*I#6um>vjIEdD zem!vOnQBOK{pWqZ*3-M?_4hk7Z(om)#Z-G4L^SHCTVrCm>fUI$}W z9|{50LnFkPLbWSiIT)c{M@VA&=#G5!f6+ALz&{WsFwKk{s$M$?HHlL9Mn<*tv;-ac zCMc?V4JpjXzDFGJn^m2NY*x$>nZ+FOX67}{4d<utKeiJneN@II$_yYI*>T2jm@sA?4d)5mvF{AFD}yqwN! z{_g$L%VquU{nPg!-XTfzwjKLXF6TAJ_gf2FZvyk22H{ z#Btw_B}Zb~OGW4CUfOBRhzC)#0s4OEPz5~Zy-zWS_j{=!NbO@?5~5u&h2R!nQV{Xr zj))kq5Qc}=M+}lu+>h$LtF;@=60!Y2u;Xmu*^iQQ^3FTwiP*7&92T@bPbIO0C`hNa zS(j+#Xc9c6dpc~W<|Q3lskJ-DP`IMC>hiRrl)%i!fEwPRJqNr+Zv$S*^W_v$IJPo# zHXd2Jt#(surIXoq-Sd**$OSVnde3V@HV9}%p~3ejPc%`E~k_uXj4S`9!CN9I)`lY?|I4qx#1QV=e!bm}QjovqLolPfENc9hzy6+bPB}q}?YuvZ<9s>&^zmbDt&b7B zICfh(uJ`+Klo$drIi6vo=kwZH2l<&|0+DD$rFJ#C-;eF6YJ5JQ$$26tA)U`pKEz{h zM!pU!ZKUP&<4=G3=DUwS{P@dHzx>;$?|=F3<4>o{%eub!kjX`;_9f)fy7y5+bUqS0 zVsGq*k@Mn09BS;uc?oIR_YE;VA!Ksi`#?lIOAH+mdy&>EJ0B$O`{qTQmq`OURvqFc zgfK?;&IOU9kSyo87Tn*4J3PbySvC~#h_R13V&4XkVKbF(68bQ> z)z({WI<)tG>=j>+R-5xK1ev#nP5c|L1a7O*M_$tC3i!XZM>wnzVspIs5TR>D6kzq@ z(H?`DvbCOa7=57dUc`A3=N-U)jQ*-BQCjUfbPSzpAD!lA-2G**xRO+D=xnE%xrc2C z6qWtaSw>V#i&1(X%bJnFk2@Ow0?TV{suO{9mc1&H6VZsr41-E54cf)tI$}vi9};A) zWbh0)#vIdIhk%})OF2sL#I&69cHcvo=30axIcDcQ>Ji~3b#D=zOzeO`^8IxSDR?k5 zYLNPvSt~6@S=NjK#F_u-cnkyJ6~y;8yq|r^z4z&tcqB7I!H+ljv8d0swU|N(0`C?( zKK6>T2pt-t)Y4)M_uCFUy48-3VRmFj>^Uvr*h=qOj+T}fqO>}6j9R91@}YOf=<0Ur z001BWNklhT(dRQfy@+sE6JI6qg+um(xI;D1WRU1uV z10%J1uOSOF_uA{$MjKOv!;I`W?ZbzeXgS(wrArhhV&{DD5~OT(IcNMJJeAs1qLi&M zvze|>CsK3X6V0dz>`v`yXuzyTkr>eBJjQU$5(0#C*m&WU*P$`VaW4}5sME5HRIAbS ze^d1)O|oQ3cAj2Uy@Q#1#2a#`%*vrEtE#I95F!B91PF?NLJ|A}2)QDb68~zY3 zu;YfL2nP{@BnS!sN;gnlU7gc=FT&l;?x0t>IOdU!w@QikG9ujF%&rdSd?%F{Q$(DC z<|A(b^)0f53DF`satPKeFS+lql^de~b{EwU4*y}V1OAo}!W{GTuwVi*y3Oelm4$;a ztiv3_9hBr6g#!f+kn+!goAK}#_SQKtNN6!dI(m)(8kHsi;ucRcd=568oMKVz=qLm@ zfY-;R-dZ{3yDF6k;n~7-%)981)!)XO+Ze8-zZ6~7I2NY9t&KTnu!^u_E4)KYi-2z{~^)csM zmprGPO3q0`;NA`HVW*H%6p^jAlGAN(PzkR~dV$ZD!}S4638OGi(kO_wn#+)gt&54degr|EcDdp7K5RsgtJH-@R8#Zkz#it{l>G*MW=u+_Lv59;> z^oS^Xgs#0eI9#%fe z{f=rl9I0Uha29TdTr#W$eh*_WYX;aJ^~xa!JO-H*j}W3jfjF=z=aNtd0Qi$~?ALl6XB_S#`yl-yV~0O_aB&f*w||`>@%5D%F`(jfA_=t z+U@E2_H@~9d%Nuo!COu&F}E?NhwIkHBqw?E(MO;D?B`#6@r$p2`Rh-A_QfZke)0CB z&th6qIeAbDBASL%kVt`pL<%yUV#>s9({U`bs#AzDQ(&8uB{J*5=$KO^ipE-ZX0qOa=fF0*ifr5U{f|Eea+csep@zpjGKRf~)X@O| zMtMBa4ZYud8TuTHY5FN{7WQj9f^rU62c}fe7{J+yJYZ&yNmGjF$5UW#wf8=HANTc( z6NOq^2npEeWVDW)>9`k;kO)CzhAtreon;Qm+F| zQ}2i@ICisW%MVV7Q|}f6^=8<%VQh(HaXk=l7L)E)iz(i&y9n2<<`PlxAr*w2h8a2mOnGBcjHT+{r%eEM zP{ALgnP#I}$_jvNZ)1H}_G`U8?JS&^s48VmeeXmhkrB)S8>r8tCvyuH-H%_1ci?h3>-b01D+bU4Gp1 zDOnqM{Ngj^5XvbXZ{74*6j2zO*lnW1hGAEt9vICi$0beF_Q4bob7sReX-qL@jVY>X z+d+8aUPn1EA`)Z7Kpl*Hh`8F`5C~v4du;~;2g)BJ>xNV{7EUGQCEcF4ykzk)*4K+RN^%6b%@G(E_j?S z=K{L%OI9?xO83CbtdcN1Icba}>yaPC2()-9cu1o&w@7}xnX)Rb-&*@`~q{;^#n4(IKajQK?9mAZc_WtU;1Pa0eH!THv zSQjFK{wKwF+4sF0F+ow2Qmn13N)&}c>9j5!!n%~bH5DZ01m>{q_47~OAQ58DY3_UN zYsn?2r^`lxrqfY?`%)6Rqpcl8MR!Ljj8s>f)6i04FGLbargnsGUp_6d>nJmTw+R5BNGVX ze7N*N2)M9u4P)Vce@4ewug}a(fhO#Y$MzHpx1S_UxKkjFhw~L@71W1LM*)3!l9JvNc9D)WvD1KT08if zzx}SZ22Hum8JJ5dPGPU(w%6}|_z+lIpD(ie+J^_}!@7A)<@KA79$vlq=9jF)9$_ z``+B0Swi4a(tfLBj4>uYFWee2Dl3;IgH!4ERL52u-W`n+qi$Oz=zNH5jAbo{AN}64 zV%rdyW76RM5+STf-MqI0NDA94oDC>~RfPg6NWM`CVK`7;l?Vw<-8+0caLSb>F>_fm zkt0(DI;;EeQlL3OPr~;E0~UV47vm`e{T2Ep;8w9Ug9Lx{k#d6C7fxsj6qBYBQ%<9G zAV>0=G05}j67?91>QD4Tx)aJf%)#!x4T%bViwH00<@B&%n}J$wx^K5C5!V{^Ixqtd z_f!*1bJ1QxeK4m>l+gxy*8{ISW-2LVMYkp*_q^~U(j@0(!ww296Og{!t-9F~ zu$0rw4sDK^mke)rz14EcB1eCcQfzzIr1e^v87Ny+xp);UEKv~AwOuNtHFa+o+cWd+ zvd0{8Ux3p(y2Tv(-teQ#sr0>v5XxFmyK7V^tODJeTPM7wpy?c5-fo9(c}(b0;Ax2| zLSQy+YF3{F2YJkjd_cNG`C-gxpc|P7hQ;D&kI}mGof9zXh)E&I0pCgf^l$y9)((3d z*!ja9U%E(`;{T$(h{uT62nMwQK9!w&8xj_xb+E4=E}UA?v=B z+|8!>-HtGE1EYUHwG;wfZyO3eU@j zCP@@14FD|U5OP!^T2s2!wxlDZ5In=2lmlP4_Tz`k=O4d)_jHLd-fnx&F{kwI{qtVi z^YylrWOM%h58tP(IYlSBUU!%ZV5p)%+g3%il=Sp`J*~^S6moj^bXjs5W@F6Lnzy}^ zd+nq5aa!^*TN<|H)Q1hTy*B0m{Im+!K4R1{X9v1l1)`}OQ;v~B$T?kZ`%<#1Ubf1@ zHfK(8+u@_IrR3|jZ?y#qP+jA-3-fs`W>av$3-7g$Ir}hoGIz5H03Z60;}K)V%+A0vTv0rquq@EFn?b zn8a*0_u4-C`0XFQ{p))rjGuq=%`Za;Xzb^lwKW#`{U5$1fZbW$ zsf{U`ria_!St14XAd|SZE~z}cdh_|uzxv}p{oCLC>W_c<%^!XF<*(nq{VbQ0rlrrx zoLF<89wbp<_aHG3n=Ek*W6|j(F;DlvqA`o6KDuhOIT^-G<}pn*wcdnfI&p<%&Q`r!@9j(1HxX$joSU4!t@N*_aG5qVTw@dggQ|s#|mN7`4|P zlU7tD({bNHw=;%~c4(GRg2V6z)6|@vGR)Q}_$I{GV;GUwy}lR~Q1`dm=$LmNMq#sQ zux$X$kB$!2iSTyaq04_sN`i39Y#vb3}sS zFu`wfPej3f*zN(nx6786G^ep}-P)T^UORc}h*93Iwik-8*lF~RAzBks4=(e_S6>qB{bb2gjX^Y-xOgqhK+w-3|j z(+}5UQ4_*`YmaYFF~{@6vYg7(4;M^rQb`be)~!9hJ)K{l7;3blPF}ah%Ds(Vha`|6 zXSq6@|r@RcI$IYFl6>iOGVq(>$UmxzK?oqniY>wi87k)*Q!a;P))SqbEXnU z8!;;c)iJ9oi}LMKG4Bt7-F&pk%=@)MBg%YuUde-XW0g^Ry)}35eT>>i?;@Jlf@ZaD z6HEqR+%FP;V8171*eld2c4nK3~E^ z1NK+YzvU&86WwbJEEy7zPlXXVI@?R>GObp9ie56scp{L<`l+^(3es|2wSb^ zWyvXxVK%MzKIcTTL5^x>C`M~*BAjAG4Sn7Aas1Ws)WAVr55U=kkMP}xXJ)?MZnZYy zP;2K99@f0(blvx)638(dC`pwWrC10d!a%8b%mycN@)WfVd*151r|X;7=Tg$Y{fj@8 zC4Kz%)w-0Y%k_L-a!L>9H3XhMKYsga+JxMnh*H!P)>=vN`*%+{MZEA~Hq3;j_MW1SF(20jyJ;s<;V2SC@bP`P z-bAzw`*(l%zLXT89~(ndTJJW@roVmlxNZA%S3Y6^RQL#5cL%&xg!>pdrORH2&5}}J zo<2)XaCQcwz(JV%7&&T+@w60oPce${lGC`m`nt{2S{_f!uzA~?sv2;DDIhm$!XR$HWmMkb`jsM6XDUvA2P(<(v~O@lk{w$uD7=?_0&i7L$%X%2Kew zbf5dS#(cK96o32vi4+5ufaOT5`!S83R}Z z+G*gxBBPJ>w6xmEDaJ@dqm6{(UKnI$w1PROLmLnng&HEA`mm?x>$~?)6vA(R^UL4; z&qqmRm-#?@0Cn8NrW4zsJ%6Z%N|NZ~?7ys&C{p%mT|KYTj&p&y)mh}F^ld=$n zFF*h6d^!Q_Q*v&-KVPpuet7D`h+sgUKmYQJVdOzB*UFM+kjGcA-+c7RAOFeU{_^W@ ze)XF_`TUD-mi19%NqL>bV@^#=U}28L8dwf5m?jq7zmY{nBa2dCrx1crIB1okk;s{k zqhica%Bfc1HKq3&m{lVOp6*1RQl36j%$V!@v=BmXmB{gxbv?~FOD=u%hx22~1)T$k z_^sCzW8F8o2j{(d^~izVz56kz)LMlv3uaSyAN@$5hfjCf#LDa#PCLyx!HS);i7|=AWQ6L{!!+Dis@P71Xkf zJdeh(kaiH|~0va9D&U;rQ!)K#hrB*YCXn*4McE zFt*2XY(m61r;WogoJy>F$N0asjv5Qy0(?qfn8JMlq;Ibs0*PKb9%b&7O9CeYgXC60 zaP~RpXuZ_|q~Nir6e03CY&{n&A&E$%)D3GEMs6;Ju$+oS34!J~T$pWdhy4+(RVP*1 zZ`BNdEvG&X{!COi7VM`$9N9;JUyT@xeU6KUmfboGV&E2+Gm6 z^*&fQXQM9NwKm(TbN1|Va-Px zMmc3odb{kmr#)t=w~nd5AAOg!t#2Q8Ym+s=*Gtp$n(D1V-!=MV;pLo>^()GKA0liW zwW`CkX5HXy0VD&R2`0^f!}5^H1N?H#$KD$&bY`|OW7g5_{Q6W*OUy^D-1m;9U&?7t z3jsVFPdRDS{kHekiM(ySZ5=IED#`D)qedOI1H#kqhL+JSmE$>Zv>(EwTWHg7R&-MWa_ zfZKZl5`ZmP+q;O!*WY{r=byWyC|^p(3&S`N#tR~nyEY~qrE(Z%J{=Xt^Yhj4iMfCF z>BsJKudVmt?x%G@((oAe{CvY`EgWJ{ynzRk1jz^p1aJy5Dt?*TJJ9mb#8V&yU4a%N z%xfvVkEkkqh|ZmS$?3N5?sQ(u)8)p@68N^=P2y$%Axxhl(nkmK2-DGF!_2O?jX7Lz z+xfI~c)XZDdGq-CwDvKgh#z4kT%y`fX*EYb6Qerr5CD{>|L}AjHoyJxDW`-YbzMpu zJu0Gzt+wtyx2+zzKOu}^x7(hQ3iDEO2ym(q;*f!)^f_zmqO$L}Q@!MplK$}HhtsLt zwkje~B_$Q%tO~>Nwl^ZGwMUgV59bfhx2-m0djq%M`gna_bBrnK)*3Uvzua!MeYkAb zy)w(N88~nVNPtK9S_t98(O5>*x4pLUu$De7#aMf;K!;U3Tpt^S)>d*_B&72cdE4_6P!7#fz zo!35w3crjt5khn<^X^xsut>yK1~(rOkuU%Y#(`6cbhoD;_fFJsD2S-{(Q5DAFgEi! zHAm(H&V#W!h|8!gMjJjI7D+rM4{H?Bv?)l*p+JF-OWMFVCuUyO{Qifh-a0dvHMiDl z?e4ywmy}~!vYA~kw@*I*IF*E<2#Dr&uksQH?v!#G!>}~xd-kdmwc1ehgg~PKRRMh$ zq|!&>=tq{jKfQk*W1Q9%`{Hn4mAX%6b|OfkVf7j2@7_P19?qpKHfP{)y>7reY}<}f zby=3y2aBLkSaSOMtItKklHzu~sqnT{j7vWM>}QXs^K@59%*)w5$(b|Kgj^zxeu({^-xX{`%Kne)a41{7U1ZahcAdnKemF?!k!ztA`+(Y)*;E zrmH3=2t0&gO(P0{A@j#cfc6q{h-n75u86k2r&NTo&dMPK=zO3;scloyF6X3l1X#KkC=U99TkLb8j6{@!|NxqEbrkebm}hQi+;NhLsbd zc2%9`%mFwctPXOHtsdEA2(o<{W1~cy?lHd=U}A(K;W-NvLqDJvc<6NR9#MrpNUM#vn%K@az*!O_VurxIK3%bGOGJi<)q zE*xi~z6$ee!yKl9-bi}tm^1q>?hAO5nbPJ%PGN8Bg$>>bvs7sfdVVTOYmaR5k-VN!C`WG zT`fzG{LuDLe%-%x8e|mwt;m^*AF*l?zQ6xYkMPv=v{k5|Bzygx;`whGW&GM>jNJd+vmp>l{&g& z)aw|<5(O6FyLOSB+TIbM0X-hlrV&1%$7r9iu|N1x!anDA+ueOV=ibe1hWj!Ng9coD z`?a#jJmN3-_?Tc4P<}xX2EHR`Z9*{I_W?V^s5WiNZ~pijoXuxH001BWNkl(DwPWSuyp`zNVd(y8Z^(zNB0z(lQcN)(Hp)I!#pjg3AH6!CmLd{{83$7E zX9QApfm0S&58`HVf_5_s;oEo5x4nURky3oV?I_|y2)DhO&5z%{dcN+Qb_k3ro%k zWH-8tHB}_4oR&P@x4qTY-D%0$$+x||c|4)sw7PAMhyhfx)$otYg|`*6%P=bWO_Y9|VLIY1Lw$D?(Dn|aQ;oCEJ+f`!-L1M({mze{R%>jMM812qQB2lG4ITdCWiO^L80T+aA44+QqFOs3& zS_qU=ra*y%ilP%>6=9xcF($JCD9{(5|NM5lT%IpE>Avp}f1=((*$)1XPakF}$8D>^ zfrwgbFsOtOj*)O5fq6M)jXJtP`F33JHpv~ksgxs4+HUpX@g&M)Oc4QV@)+s|i~|Rb zDf%5J#yh^Q?2{&gFzFQ+oi5M75`IOTM^YZG{?X-=a@=NIogp!l3vDMibSwJpzJcUloV2H zFk4dAwzZg|yNeuY#6G=l6__dDQ16a7B&r@i7kg2Fl~7@W_ESni>9Rg7X0s2YKxHlK zdATD{W(WZwH6jWUm_x6fC9J0sLYQ`tPcbz>^X5)@NiX6+B9bK7$zV3YA>=i4U=c1$ zI+T-qBr}20hqlUw;kArm>qFTtI|k3^$2I4OBND++BErgWP2ldZVNdU_sT^ktE7EO4 zDluj?n=vV-NJMU9f(s64X}fheKqShjwmjrf&E4zuzWx#hDUwy(T%thpqZ!e7NME?d}^nX5JD7<0tDQgs@%qK;$;--bID{$gtaQZ8TdRmO0Sa zh#kXIZ?(5N0+ER15>b4L^1ij>O3V79&#AYns@Tb+hO};)BbHqd)2eD&%d`oa))KWhwRU=-p~vavo!xmgREW zAeTgz=em@fGsfpCqEYb0%k_pKItn8c8MwEI971peZ9=bHastBz2OBe=*2U)>X87cW z8N8}E{V*Te_9`OppPt=al~as>&(zvgrH_$R;Tl9;g|YqN(ex?8pacDlr3{@dXAc+x_eY1cXTN@u2h97FmqH!VH#E4DKOt^XXd5k>t4IrbQ)&wpD*8h z^%+XKufO>8Kl<%AfB62#-p90wS42)AV1npkX1I|c?SlSfKlGZ8cI_;lS$!pJ1#6#Fn1?l#*PeHb%?(TPbvUO39- z+g>rU!g$`N_dZfoGdnHW-G|wS=Nof?M(DdAKa4RC20YQWS3srq+Azg`SeM(@#+)}O ziB&MOe-UnBf4c1r^MKZE+gk>eoG7OlRnX>rxZEDjr#WYeac_N2m>l@FSGcs7oTs}x zDt=;S5x!h+&zD^HKHIFlz;S5_2X1ygRkUbA0AG`_&3<@|rnZux)p2O8_fiUMpW@NA-EbsESCSp+BnSr9%jm!+f}DL93Ip7Up4ee(LFhws0A*T*nLdc5|PBJeMRaqmSBJAn&~=m50-^;{qLXS(fWoLGJ(6FMs7Ex7x~bj;Z{+zxu=b z=gZUOww@m~#=rab{$rM8#G=_*?+DIFLAwpnG;E4S4Dy+Em_cI$0U_TL!&1N4MU;Xc^`kpxX|--XO+;eM%%ZAGSv4xQSImK7k0z+prcDbRL=+|ga_YUsn4Ers zRWs73HICk5j6}gk*O+XMX(l4m=P;bp)_WDIoyN!VWib+Hs2-6%2 zA(w=K?t!jiHnVjtF~`vdN}}bIiO8@<0Da338aG6PdC6F;V-$rwh7AjW$OGoe@Dz&5 z<>`hk;^+g`6!&?g_z{9{15PS4KX!w)qZ7bC1Ca*yhA{?~q8R+=j8R1ZwPU)=VIe(u zAc5KEWMvWFw?;%MDK7P6XrkQ5R1qQqSlyA(5EU8~jN!NIhW$SCfj@#wSyWOwe8Z?F z;VgvGkMBUF!=7}6b`dx{fevIR(c!h_5QvY7WN*Ekkapx|6Wmn<4l*+V zu+gqhH;IaY{b+XgAg{!J= z4Nl*{$M~lAA$}ed{66Xx6()66D>AaNqlZpzzjDq^D!e2A&4G; zi?Zfk2P;dI+tY1X%kBAgm_S0gUs1Yh&gZ73T`n z7iNZudy0olg51Zj^SZwK@Vsw(A45e{^|Y3pv#M_UKAl?cAH8{1QhIv69;3TJ91e;l z>WUC(&WR9WJdyxLj8T_T5KTaYMZ~duv92oJ)zy%1n0|J%FzwEX>fx zV3&O#AOxq7qL!TBUvKZ8u3vrrY0mNe(=`P8=*_DS&(}G9Z>{9?-H-3LtxliY)=G-Z zJjR5;#?0}1LVg#MrWmKsX%jCqr&M63BodK_^LpF%ZYIn*YR(Z5$=1hht78~*cvzR# zhX^k@_Ax>TTWvpk`*ZTf=BP5vK7ISDwt){Ks&2JX2y;#d zdrD5V4|i|F-ha5pBZ6L9>vOtI_vy8DYz&5(isFsBUweR*`)OUS*X`BA+1+n@{nanN z9HYN~|BU~aB`}9=+i{2Itiz_0W9eqoh1uMD?Wi*6oaIy?Iy@Q`oTlO6U;r*L{>FS7 ztN9=SC&zvKe?a%(tsi})n3w~!(R=Nx8UnXAFo40z9%2Cxq1P@dZjKaj7Vi5o7CJpF zt#+0GfdnX#EI}gUhaw*U6*sCM42?Jh_`_7igI_P(dR|1ij}c3J{qf`bAD=JJ*Hj|Z z%wrff>9@;vC%^=ZX+;>Ab8tmQx84U#1u3U7hN`9d#gN8D8|>wo$W{^3_&{`TMe`M>@@|JA?jy>GYew3gocG=sWQ zH9kFG6`?sH+^*ZtKmD{1i!r@_y1seyw)JUF#QN1&zwAc;^56WMzxe&{fA{UTm)rjO z?I(ZsXMg9buYdi;7r$iDNusG}%yW8R2`qC`V99yqz{2VjSd=KJMu}+-!>OY&ne{oR zYQ+2F?g(3C7I&j#r{6@x$y?oW&MJC3J%~ujD@6G$Jf{I#(EA<&JIy%_;Kk`vSj^0Q z!Z|QTk11nOgIY~v90M2m6jg+%gb>E)F(wunqjQisO<8=}=xtq=*0z-NhabMTF^HT4 z^)U|YvO6=^+Rzx!IUxq?t(#fQQKR(MV~%sq=@TnHoMHE_?ttjwm&Ey^N!RlllVWnL zqCjNyJ0t)SqrlgZSPJF%!sClAy-TyD%a<2I+{8TMElmj;)B?F3=0Ggbg(%kifE9? z8rA1iOmMq7QQJE_KQDE^1GJEIyYA=*dK-$tZ3yH(x?y^ai4J&_cL&iFm9l0?r?8ZQ zlx|KFVZWm}ZCEY|_E6?Ph*E9dQkTgV}VS0P-xS-1{hNCL)PU?(e>PT22LX4NRIb!GWdN#=&B;VaqA^)?HHmXSFa-&K!DB8HIBXww z=CHl5?mnue9AnZTJZ;unhk0PskxvPqR1lt%H0d}lb(-dL7&Jm(R3g^M z6Nt1)EbJ4D;;>!n_FP$cn#UYxpVsZroTyx%Hgc!n)=i??Fq#e!Qz~hDzJ(CB%LWD= z3->xyMWdz?^OCV5LoPLXt<%G@oC;oh2qaOKQ%28E)908+Z*Q}#xz#?WFKae4hh-d<)A zmvpEAy2X6#@QS> z%fXKcAxxwWo68^n>94T06cHP?EZGm%6PhDpW?@FFs;Wm+bKqLr)AQAx*0uCDLZFB9 zX(?sf_vh<%-`W^sDP^w>mi*Rx&IyIreG`rRjv0the+LfJ=NJ>@pS#(BR0R>Uek6Zo zW==Tr4~N=|8S4W6n%q1z}qnN2f06zyZ!oGKhB z3>$NL$#LAHUe=sGee<}MgkcG+E!ercJEk>y*ejV2P>D`=(Riy(L`%u%)9OworLET1 z1~L;`>t^%+`}5y-_>=r7Sq^geouajO+C*`{Hgrz$xqHW=6)i!d4k?FLSJg2`ppKh(~wg3LRcb|Rq=IOeP zIXQ&ak7o`{6v(L!QxOc*DIBz!K*WKcuQ%qf<^)Ae8v|f06($Nlez@X-TGs+LYso1_ zX?>j50!r+g$J5hwd;M^#ePH-|xz*OkX(@YaB}F*7qaIGasQT*R1Z3@XtEy7_*xLYr z)rscxbt$K%y#H`fk?GT&RHU|cJ}m$oLF2xAt<(L@n^&#(fB(C`cA{yaQsCkhZPUgAfY+YTMk9FrxyNW!qW zs(XhMj?nOGf($GVNN3=jnQlb=GOOI7Bq#>x}XFiqB$+)oby6~%Cf4a7~{I0 zL^Q@Ur-`c5VOM45F*^C2ZlVzc8z)b>nA!BH5|5rQF!~KaRI3q#&|e` z@LWYNJ-VTgWoA$pM>m%6;t0Z?3X?gsj^Oc)F;b4}X#v?5SGBvBCD+;z>;To=?Q#ng zP+s5!Jp8YGC^1I2(V;;?)GpkTV9!sS>zHT7LopwK+yLhXzxjV4ui_9BbnSisfADSZ z){fpg#CUm0P<^n3n6)>X)5oyUr*(sM=S2`Zx?P{Q7k2>)FNva2h#d5Kh!*ma2%)WG z#;m<{TxZZ&ryP%bdw??Gu{qG39gjf@6tlKEfalLk(#ZR**|2%n8Dj4jLI{B*Dq4}e zBuJ0kCpL#zOaTDkcR-on>?;k%pZI^m|zd_w`dR2mO zEHN#S0^yp$+XX`Z=+jUX`Ystml%ZeDY?`3T+ze=A)4*_er+*nUgKS4AKKnEN^fRuummuFj=QWGInkuNrt61IqdvSoO`G_vS!F#h zqZ^)Sjyq_&YOH$;M5l-IPvTDrr-!w-QTG~C%*zpxJIz#uoO*4&j+B+i=a>)z;mR?D z32?|uLPy~?ms3e4r5t-5FKVcRsZ9jw>H4tXi4mBs+nnC(D5pH9ryPBH+qzGRNES0k zW9)a;Sxhl6Ii|Q@b`D{*ai?87S_{0c7c(KaTjy7&y0zZMxDzbq#5<;e`TAkQiwH2reUk%|o{u&tgnH{Si979=9XVo%E_HMHdw=&&YimvvMd0`4dz36QFF6B& z4_z=+<8Vgj6gh;}`)%8DN;#zvLW;WAwr#tay?yf23?ok~toC8tNGVNSIsir?s>(@H){{jA4lRP?fzlGplW^C4chf;bAS1wIEp*;(IXlqUxB|hp9@p ziR7|jGo{pqJ*=mk^A|t+IK}wka{G(F{Pv?akDq@0`meu#KZXHF|LXC4z3zd7V4WRf zZ7nKdBgEa0BbJ$nw!NN~!W?efjxW~Md+#9LsLEOjelaX|QUMPHX8l-6^WvkK0K^ z!)EWDnLAeD%qdDAcCcv3nW0tn*8hK|-lf-)G)vQ3m+xk__ddrxJTfXHv%4~~@=`_3 zS_mY51tTPeOpy2^3=w|@CcuOdD%288T0&}?OE*ceu1mv#B@bUoTR>k5hs*q2f+YyRo=zLv5bHN}`>sI3#xeLIXi z$M|;Nuj_&UxiMynK}CLgyRRj`@Ac#JWeiI(EG56+4-vt@a*i1uyQXxOICCkv_j$dn z?!NEGz8~va%;u+Wp8M%NLLQbPPpT}5nSeE5KZjCG48`Xdwp>bY9pXiKNKsFHhC5tq zSP=C-`1QF2~gR0;}K3UELYn04ksuE+wkOn0V=CeL;gZ+*^zkB5FgaVUIV~}k@b=S2PA8+i%@D)v6CSTIz*v;t`*4B+-non zdTyeqw;p4F7ATy6ms941`6V-l5aygYCqCW(VNPRK7D=hRzu*7c|N6iAFaL}G>OcMu z|C9gYU;c~#^I!d6*XvbPx4nueGP&G^IE-PUktG~;aENd3M=Hzn$4}pV_x~!Ha>c1g z#AEc7Vf|`E6he|m-=!MJT~t-ndl*n%%s&u8+|)F^^%r z^=S?le#$W|3C#wI_;HeUPW85k#0*~32`cSv+H{!p5hX^C6jJ;wur~0XjmOaeLzFNR zpC}U8!^kO>fSbhK5z!q}5Fuh}wS&r4N`g8cv)-~KxTNq#hE`;bd8)H13lfo#&d~`-ugt6wl8H0V3x}=7 z^CWk23AjmZs!m7Nz9X9Rh`SSMV&ceOVlp-ur8nqrR<`7e;TSGH2 z#;Hi0!?4V`zwE%#j6U+3MR|X#ZLeltw|16{$8hrHl5z2M>%Gl-^s=U>Z?3SL1KYsN z%UWUzZ(p|U{YW`z(ouU_V=4*Kf4Hd2EdwK~Nn!~h0iVTY*7i>1z0OhR_T@-RB&UAN zyvETDVn}zgVfQb`{iprgzx+reDm?u>3;| zxD|WrBt%a4*Lz5c$ApE`5?gI`t4v&RtJ9ePxZkS{%WKNzgm~sl9tdfEjG6B5`|NXj z+sO&Ev6SMn7A)J{3I2gtl1)c?4~xXp!+<1v5#?UT!(YQl)=Md&`cFC8oUMYxGqA`# zCpd8YgP$vm9y>3|osO-ow?!X47>=@-;;ASO3O})k;9&_d^x6dqx@km?CkxV`n1YQ{ zmMp>nRQ-e>5i{4{|Nd9oe&ifsyMe|4R5DSiwWSz|9H<;K*Pyl5lv3+mMa*m|1?!uq z>$UZMAj3JQ93zIBsLp{~!Q_&NTJIR+?MF@tKOa=g@t&hGXNs|pp=Z=rnr5I@J2Mjji9$|m zNvaZ5|KiiLyHE3+0ys$6Jb;xI^h{5SA@pg(z2yA)ZA&SAxo^);w`un0m$#hb&%Sv! z_t*CgWow_)-Pcl{u9wyaRwX6pr^~t>?Xs@SJg4Q9=LzHWoT8K0*4HKDg(TmA`+eK*drc3-(@7GDp|u`kgjE0p%;_e=FK_pw_SVOKG@Q}5 z%YuqwnrXl=-eb@{ZJMPRi1_KcjycgNA{cl(YR<9uQBU&|UDk5y^QIBgx@2>@U6wxP zQM-z~ZwKrO5QCvvou`-{z@La!3|=HTB~jV-ly5GYgBJ`f4b%Syf^P^=Q3yCR&yS7%wM6HWtj9 zA%vq=cnwD%qKX)8Ou}#tq9;;FqezgHBmOsJB~)PJbP`Jt4eUfIhh7J)n!OGnjp1#A zqJW6N*@!v9AhF)c7;}AEu+xXNKBj=&miO0t-P;%=Op#bs~IhRf9g=uJ`-)a6{0^u?@k@gatPw^JxOEZGc3xEbD*v zpZ@15WfA$ufBgIZLs~y_~eMb1MzsPRtPuP1LfG zfSWnqQ$&53q4D>~eBc7#QATzZ$*<47;DaFNmOmKtKhp zAe@UZ3d<>s@m%5@_UM|hdDGq|&Mu-ee-MoaXsUef5~(%hf{Uue63q+}|5kgeJ*f6J zFkDA4i#*~^-QCRAYccb>*JEpC&HT{sQROW91%@aM z0%JPbSt5p$K~x}XVPz6x#lT*^3Mz25@^Ed|z2VD3XZ8NFnOUntlv%j9frK@nfuJQL zqUD;m*FBcBzt_=5+d7(-x_6}2Zm)Z9)67OUpO%&cO9oE$`^z!fIJSm?ZZ2u`S+4m^ zcu)a#hlt=*Wa6~My7zO(q7sv?PfN&wh3i&(?fDYtuwMJUK2ST_qN_L>bK+G zY@CrS{mcRj$Gz_N7IU0qe*Eq!Bwelr1FyVhnY(-;B&`d%Itr zF62DNfa*z9a>-+ix>t=@FPM|Bw`F}=>Q+^`Zta{#!TZZ}+EJA8`okCmT9ugaG?4}o zRT0Tc!anL$&p&ozh|>xw(&@J%Vtz#Yx=mj$1)HK{ucFGt5QeGBXdT~vE-}OyPItZ# z^BBX;>(SDZSXgjx`$^Kp-bO@Hj@!MKCDq!oplkJXHY0ycRAwKk#Qk1JpQFuk$)k<+ zwv02mZ{{VT24LZ~cerXp3b1+TuYdSOPz9(pr&wzXL1R!NCi0w88$G9_qCg;X zmQs#dVXhUHB_|Pid*AvP!cuZ7rS#rW<>VC248gifNve9(D$Hk!2mWD-A#6vDAw|)d83zpDtTwc4lWTIj5YB zD1->|&vw-9sITwa?XuqY`sMYVNsijUj7cFJtpiG^f86O^aCwxT-MUZ9CP5inA2mB?P$z&SxO%RT+t<`Kfk=UF@Jj7L^y`9 zx3<@wf{MsmQc98NGz7oAZ*~UP>ropDuA{bd+ra#l9-Bfqljp}I^8ILL*2f&v&Zcf! zpHqa}82eGDpY`n-%QB}swK2~1!We)8g`hb_P&kPQZK|+LGhELYGlbwy>ykgeyu8j>i@Y zuf#q^N^#B^Q_`SLep1GmZCc8yw|-U(c1m&bn%zxm#b51N0TN`CfZghFN z`1IpmMYQg1w2{{g6g2klF-L!hD{5_ZZ_A~$+TT9Ei!k>75kNQLyyRsCXqYdz1u$%2 zlChK*5wMN1YN&hDphW)k@s>*pDZ1JHb&ENqk`R5GOD6YYJ5q_Lq*98tc6S?NKu?IL z7@d=u$CUP?DJD)K{*V9j|8(Ep|NH;pzx(I^`~UX*{M_oeK0Uv@-dRFkE*#?1^Ebc# z&F}x}H-G)Z55N8OU;X~$w?EIzwJf(mGL1p)oX*2MrDYO3i8E`+wN=r8&W?%AjY(q4 zSbn0<(V%k-4FTeQMiv*@<#H3@vMfZNb5RY#Y&P7D$eC%(0gD2Wvz)RAv;jeb2CSY0 z(?LCTy#vgC7MWv&7?GwCG%$9KU`R2G-lQij$=~|BEj8M z13fkl%zWyL+-lu}O6xTQ{ps_M+qT6RSXcwHL>*5ebN~{E|96<{+w_-ktWu~j#(N5#Z$-wr-EPTK0oOT>NvV)}M;b5oVxhp4i^gm5b2Ft&z%*B_k* zOsmAStT`Yr86fs)qmOdQQ1;s}%oO2aUDk|80Q^n3eo?CdLr%H{7UF{P$FZG4GZmyf_CWkG^X&HY>9Sl)NGCxkugRvzsF&yE+~Ksz zOyB+Gr_rYbzJ9p8f7#CM4VEnC+uO0d9chUg#{kGai9U4WG?r$|M zA?CnA%nZ?8*N>~4=Ot>?yu?{YxuuXaUlIg4b?fW%;zs=#G3#tbkB9oWx4cAA2~lUa zdbCkzy*D$*D+Bq#>r=sNFzUiqa88@kf(nHD zPooC-0jLS&WM&1R)ETZ}l44*?MelRfgZ~ykMoNSDFy)4^)z>F&*t+&g%97kJ9 zA!cEUK_LYWs>s!v(_+*)=Jm417;9^&P1kivG44kVs_l%$No@>O#l-ih71KUU#-Ns) z)2CUC5z~EK{Tu@xMmX@((nU2^SRn1Os5 zb26QZng9iq2)RcMbcPdfO7Z!2NilqUzTr|kevuVgB%RZ9inWiD;`!0SD<)!2!~J?) z%TlhFOYQyncKiE3{+MF?^7{Vy<*l}U-;W^bM7QgbV-%6?I6gkz){=8dmvy=CHHLub zqB-aLwx7aI^2fkW$Q>#IW(q3E@KO<0397Yq5r*yk$R^EA8fM<4dx$EWRR z+fkoy3o}KPPfu3}ZJj8_kU|iVKI~}ykDp&Z+*V@V_9`MNMI@%ZZF`E5oQ7G@hYhz6 ze8uF%Li^rwju1GOl4_rQj9g-$Hr!epPP8A5g{PSl?X_K&ve&khwAJSBwRIHz@AqT4 zr5Ip-oivq(oBr`X++htvs47>I;`|y1Gi*LW#kNQXnuxTbt ztq-)zU*GqtT9!P`FkD&IjNA8ASP_pgh56W9E-9u^E+xj`(-5LJ`haX8=ZJ}yJK`@w zt$p;tEWMBIZHFkc*N*kQO}oEsb4+56Awr3_l+40MZCH1!BIGrW2g?s_n2I>kJXG9i zxfZ!| z5+|NEW6YvDZK^1XGV_@m3c9PF^LSjCY9R94?O9bzDSYa}u@`MjJ`F`VPn$pm;j3@G z#Sn=}C5+ibWZIl##F)^2W76vn@Ue)vS&ZqZ$JxzJBV;f5Nih~yvvX>IHxTCTa&8h% z-!>DeXowMVBm7=wC@hT0%|_Jl{{Fg@VsjkFw(XnQ?4!pNLR5f6od|v{ax(H&9gce^tSm1mnd{lsIe`LISRQf^7!r zKkn38A7hR&mrFs9B#t&NyM$N_aCx%W0kpCOzXUZ-~} z2B`Sl0VqVy)21@eHt9VAqHfuqUuH20lhx@_TFYn zF+?z>{+%UpjB_G@S2ISo*xuN*eLIkyWRF-}e>~Uz@MCB(C-aQBcDyG=9yDwTv< zx*vUiJBShH5SY0h{n*s$w}af*4+TQ3e9gzboti5la+e@1OwO|#BPnc&8nkU)gM=K`=Tf)c_fAA1DGQA{ zj;)P0*5{I!b0J)}hE{=`z-b9dV-ClAU7r?Fk)Wr7ZXe*G9`B8XQ;s19pyY^X_F1)>$+xxa&Rv-aF3=pA|YZ2zSr1ziRahtt; zzOT0uQs_r7CAB)Bf5W~GQ?^tB3F9F`P4DJ5Y|g1cmrLn&VdmIx_^BNYW@i>5GadJe@E;t556?!xU+2^HZ~ppMXKXmL zo2RHTgrnAPo}ZXG=XA8HqAYUM7F2uh%zWRr_iaCpgPd-cg@_RQyX}XnUe?9kFY8ik z1JoVTkrcJh>1HabA`L4N0)c>3c+Ru%%4b=b{7iB+78zsYoQSCRDZ&_<;)Sst$63>Z z0wx0454ybjc8oq$<+3iVb%YqqF-uM&jI3fN9@Fr-AO@?p25?XtgPCua6$1&RjD5IX z#)FJ0%xg()PE2$lWMWZPVU~aO|NTK#HRzwdy#0%R`TxAWZ-4ypC#;jqNzaap@s|DW z(}%SbCn`BPUb)Ofv@ZFm4gORZEkY0laNyKp`jS&g3HFH;!!T3f*7{}1HvM*4N{+Y7 za^H`q%bIiAj*7{#6Rjns7(}?F^z(0?ML319=Y) zF^0GI4bcGv2;S*{XGrB7nHs8Yez~qh^v$Oam&=+<1ecb;;fCfU2GP@eW@fGSnBp8W z#>mVuN1INM$|l6X#5T=|_j_e#aynVRND=O{KJs^$lFwU3Ppv|X5#C&Lk1@8^k%C0X z)^HkgK$#=LBD8PEa?PSrmdL_+&B#9*eH>dw)OkI+2;V+l@{<4Y|NfIrTc4LNe|T+2 zuUo^>4?$6063%oY>aEXl0#8Cz8#c$>?*~dWNQB{(!XOslJa<~w(ppzl6+O#+0p&BK zk}#mXT-Vnx?>3B>fj~ftf{p1!*XybxA!r}-dR@N?LYAedKJZG@are}tGYg5NRQfa) z1yZ(@g*E)*7ysmUzx$hC|M0u-zyHf${_=~oHsvb%*4r=4MlL}YGe7E|uM#~AS(kUKG}Xst(zX+A9Gf?LSuoI^waOgrkHQkip* zJMuWs>pVqgM2~<-KmEt18Z-oV*AVCEr`@Yp5wSU$$WCMIWaepu$bS6sM93rC;+kobpm%D28cXRx3rr;3Q82h#$t^IT%BUCtoVli(EMS&l5%a(*>_4kJfD zi6Ui5$Z0_Xb8L0=8B@d@ea<-tOc&}zb?><(5&rt+UY?dYhMUbXLJAsWf?-mUsFpQp zkU4$M+1nU>#2heLM1tDr=I$|vvvxO=6G78j8<-lHc}R+2DFD;(Nd|BT74giD(+2w) zl>1QZKtBf6BD}Du`~9TPF{D23l$Y4*z%*ySS4O{)!g?tzr!0B&5o2(({a&BGx!zwl zX4ZrmssOsWy;W5nZ6M+oO8`-hDb%gDy#r;ImIx^nGr4=O!=08}Ng3(IhS9j3iCXQr z*SfX+t;Q1GU$$66Dq+19%yFUS(jb@T#mqw#jZ*hk?+r>YR@NZ;HHFIgaZ5N8jc%tl z>=?@}_c~5Wg!|>W%x=t-)|8jX%yZ1`%hBuj+MeO2(x~f)#ir4N#XP4iw-S=}IxZj9 z5JN0+eJXj)*XI?)p}Zz=azfVSQqF#9+8h(_!S!~@OFp*aQ7)e=Ycrd3l*_VQ(Q+^z zrQW*PL{`K5Pj{?OmrFUr*P_}Z((3l{qEX8we}(LYsLX_#e&1_Z(j2zEZK=f32jG5i zyVawCBtb;LPAr!U*Du0p? zGm3C5%*&EM2ZDQnmQwPG3Pl+3*Vqw| ze{33(O~*VDE*SIR{T)PBD%- zYwMprJi)I9qi`QHN4TtDgX5$3FYnt=Z` zSXHj;+NYWOG>1waiY!&BeW=QTFxol4POs6iU`0@J3aYR*AFbsSnW*Hbs_T++3?FZo zoC03sL4}-zImh_T)3x?K=X}1bPnTuM=~A+)#1OAbd3nE^(d&Kx$3MU5NfQdpT*v4g zUUlu`6!WAQv4C^p9OF?dJX@Eg1eGr@@8JyNg!hq_CF4N3UdkA=^|36;iQeyfjN$!# zPdTO(FKaRPVMgrO59FMVqn*5_pdC#5l8AVk*VX~FHTT!Id(IK;)VKSVLbzNOVmfLE z81cJrKfLe9aWohe=Colm24#?B&9B!Lf+BO*5ca(i^KsOaQ}2BaCw3J7*eU{81~p+` z5(JKZ#$@{`Vf0fogZC582oXUu0BgHXcPDaBF}eG)l$atpF#ti#%rsB$HTcHF!hH;P zk1?8A%u!U?NrJe$lb1Cks}hUmw=efOraMXCpZ($k6bqvvvM08qee)L|+A-VSov7DQ z_m24!Ghdz-h#f=J-lt-0wx7vC6pGmmMb_mtA*vK&VvXH}i%B7s<$ zl_h-o^zDZapMLY3zyAI2|MuH&zc0%*gv^?zGi%b2rxS+#EJ`e*VY+KbL@W}VD8w{u zYKX*Qa}ub9BBz#z97Qu!_-2S3_h~cb6f|JTNknsYcL(T`nPN<;ssV5bBrP-%NioA5 zN#r=?%?t`0cVl7%=m?9Qf9T8{L+qo+5QTZn!6auovOBp;&^brW%bY_sU;!FpBB$Of zDjgyc)zL?c3GyB$-uJs1M#2-tpSiJ!y9pzzIn3VOt@ldqImJK!^ygaZm?PylZN?m1 z8-{&j3V3-qQOpRT^WMhn1BWNx?pS9F=tBVKL(MWRrTE}PIT*4wr%fBfdhPXSEDymA z(D>6t1re%wfl`@mP8f@U3ONz-!|=V(Ba64UX47Jf%yhXe$nS$iUW4FEZ*7FAh%Jjb zV2Xdv3mk(Whm%2r$OE)Br?ooJkoP{@(eQMf7#ya$w=ZjK7OtQkq<;H0h3OTD+e#`U(~T>!IbJ9=3o zR;>OAg`ESENOJe<#|y3vkxD4Q=Cs?#3yQFqLLZZvfB}s;2zr=l?zY_WV`x3cm>Tu8 zk}nwRK2{$=h^cJ@bTy2ud^!^Y))Z1eUDuC3xwfX1~C z7IpXKvZBuV3b|t8cCm6%FwpvNj2ehNWv-{31i z(w`D@2#Wa;xr@qr%Mujb@@S)6@_uhv`i(J{O9n#^OFaBW;O^Tr8wNx#9+MCPV2^W5 zU_WqF)~&6#wH-}_m$is8xtBGk9Oj(ZAGX?X50K#n?lA>)DF_&WUJ+8mR=b(yC5iHK zDQLXmf;$Jnr|$7g?3u&R$RQC7F2wl=5qC(qzyHOj>sn6LR0uXL=MzS8;yIYF>pI3X zn<{$Ly6p!!)mn4T-+p{XEA#rkjX6_FL?oiyzL%Up0b-^YP9DdDX-d8KpxVa(?2?I9 zEskW4s)upbq}_C6-2=0WxKzTJ=G51(Jm>2=%9>>oeB z{PcEz+m1f%ezZUS^t!kHwjCv>r`zS_^?tiuu#|}L%%Xg#$+`8}`p7v|CCulp+g% zdD&E@jhSff6x=W3RW{`g~iN2s@waWo^9^)9tzv)7yP}zaJnAnY)Ty zt|i9se&2}@SE9A`rR1ZwoKov!T}w>CoS;~RH@c5u)2125|Ea{*Iu_Zjb~)M5Y-X(u zfN|jyaPu+d?6bFl>OW{W1#-kG#@>f83ro%^ga9J}9%k?XdLJl&u;XSH@GhXlP!STs z$_p=GygA&Rn93z#5tnjICAPiQy&w11_J04e6Y=rh@|u=Qi8+4$w_m>f zy0qFuRFL2>?0^0Ic6naO37G%hCQi5e+kp#t{CsN- z9*^)?l_VB5XASwE{j>k*`(OO(XW#uYm5YWn%{7$i6k-|EQd;{M5+bv*C@~YuGz$t_ zh!A;*$<0_4Hd9eG18-FM5kxh{V0N36$Wlr%#!{9LV|a8dkOP5-L+;4l3Lz5Fm?Nd! zdt;Vd79y(c2r-S(AyhQ8lrzNQ^cZ_Sv_>aO(as(qnVVtyFgsq)y)}Axu^wZ7|4^{!DL{Ppu-$Krw> z@nkmb^0d~ykr^?c_)g{!1mkeLu(5yO)2mN0X^fheWJaSuaO38TPDxpqHOQIYM8v`& zh&$E2scNqS;&Su=a~M8ks3YdEInMuYkI6coDR>5;`+~yQiBgIE=&g2pq$vZsnsP`v zf-g)?$GyT)4d9-+gKCNr#m(32;!d!NlC!z3mjap4oCbLV#Pq2IAdl+NI*92(?1Zul zfox}I7j*)?x?f2vTr|t4# zi8+e$aj(RbmpE$2CyMEQOp2?8uT+%H{JX#Ws474H!fSX9Qeah;MF3hAmC>dRbN95S zUi$!7s?9lUw2{~J{&}0jG(mny%-psnLHaQ?YQDtfnu#f2qL~v@x#sQl$R#efoJwpv z;&H@I9GteJi%2T*#848&6hn~xy=qeM9#Edvy)sM6NzZ{ofSK*-!_%=H%XM|LR+|Qy zHt%nD7Ltcm+THV#VhSlo{5r@L#)q6s(ilPvy-$Ug6*})}qfKVUW~S|(iBpLwg|x&k ze}2QFOqf%N5C=LoJk!XXiJ{~H)k+@IdRS6ZN$u!!P8ieCMy8x%3hQ-YW~cMAvG7D) zt$4Eh+{U0?IoYOBMYSCbow-djx8C~Yw%9Nf9bU{&&B;ZwE64Jwpx6913F*DJ3)U%iFsu%10V=^gf6@r}!7&euK_o z+xFU82;u3vmXe78?wm1VM5s)JsrvbjCx*_awSndJoYwp4XEk`a#=NboyJO^^QyOE& zpg{xVCHQlYE1kTxA%y!m9X2m_fJe;?Q)GX{ib2sXA|Zw` z#$MayvW_v2)>I^@;$NF{I#C~^4{Lq=@u!zDz0WBkN9%j*Kv1Llzb~JbT!gSuj4CX4}z@+Db{a zk8L|b&^bM&IOdEY&S~hrj#jbWX?-YODo#14oT8D(hZ?8Wj!pD_bf=S5;_f@r_?U7E zEM#td&X~hbU*3;;0z@_JI9@tHDgH!eG%-!y-y-Oj%L%2+R9qsKRLDv-~*j6DTi*Y_eqSU zA+49i%|nVz+}ogsO7C3dF*Az|D<$K7R!WBbT~%xA^gs$?NH*pa<}rrNsqtj9o`1I! z=3(yk(C%wJ+IlNUm~TgeQa0tdy&ZW;Dq_=n9U{EHL6SRJI0U_YyoRVBfA$O&Q$Tcl z3{2;q;Y9TZ#Tp@(1V(!f#kuVT~~%9+`+jh;xop)-Q~4dr;(CncGCUnPNh3^K|<# z=7=G|v;!|MGxgq>NLa9}&83J)@0C>{p-HKX(QyL=4S@Cl20G`6ArlpcnNx5S80EE2vPH59RV< zVW#C)VhY!fYdbm=>M6&!pYEx|yhPlb$9uJD+uK1z$9u!`V(z0(caJ3i^Iw(-&|E6P zr;Bo4;_Nn>#S%b{vVPt(ZqCZbdv){WDQi?wUY@c|izT$9hoqvMFKNy*I$opHd$;K^ zhkQvI&*Zzb#_h`vX&k6NB9fLcyUjiU+IRPJdxQLq_K3LZ1Jb_HM#MPqG{1RSvZ%7i zXd~sMA!v}x?K1i>n^2CSI0V;DRq`coZ#%k<(@jo9%)JgM>v|hR^x$3$cw*MZac9EhKz2dtO~;bIWAfXW*?K=7%V z3AIqGfZ|Np(9IpIxjD>5L@U!LlAPB2nr+? z<~e=6t(Ypp?vhI$eU8@4rSvvRN&4I0{t_aefP7h^G3?{hb<7E_OCK`=r7SY$-1mym zu1_DI=a?ymm$!Gkr(+1qT59Vtgp|TVNW&@$69fEKeyXcw+YePidD7ZQ2_a)T%@Ez? z<|##{lPuXMy6j81PRZud`{Wxk)@v;>3aAQtYRylnKD7A>_ zkpVnZ1pLYrWAB|sVhsCH;ZN9WHS?p@b88_&M76`*y!Nvt0N8>1m?8>8*on1K5$4`n z3};%K)0u*Nw1!->rR2S~pz2Q7%UWB9;OD*{xF-xQDmQqYA4?h*;ga)y)SRNQK#o#- z$3Z{l{EJV|$I)P}Ab0FuTAMJ@mK5)`-q!MZ-(KI35X9WCB|`=H^1gp~x)AYoEwvAr zFWo7{(8d526m*a=jakSEpnANd-5o6)?gtn-O36$lA_p|+(;)0|au#M`xU^FN&P0yZ zj@mRx@59K-nqmsCuY1ZdFNuU<9B1VabxcF}js{67I{s5Bv_9QErTFbP&-cB$JG4W! zb$7p977^}!K%)cRzq^MRKYX}t_oL7G?}K=IANz4Yrq%mkk@dEgOEEK?eKAER-`{KR zqbz9*i%}8EgF}#rm}Cy9?Oce3*{2H&%)2TwdMER=q*Ejabwp5jl*bsjm*$+gV4so;U30}2{mjPrmkRTINZ&g*D z+-#^V{{RjbJlv`SPmNcXsGjvXwD&`DnWo4 z0|!rJ&cQ4QLp_!B8hWp)0i~;(na!ZuM}rH3na1qB9je^g(c1C$_Es(#fLEX%m$iJ& zg98wg5O3Va=u=hZoUM-23@Rcjc}eHS9Ds@w+fPJP_lBw(t8-zFDX!PW=InihpuP3y zk2jDcVD1taxB zYq4Q)$+JpKar6o0Oe#r%)*VLXy$x*5$ytM(yqy%8xz#~LDaBq#t1aaSsSGod5fRNk ziAYs2J1lF)hXYhG3&W`?dd?Z>D}vOCnMa%C4%Hb}vN6Xo#(uA% zoKT(Kk*({?weVw^;N)`peFdeGJpvGcLnR^%L1T`F>j0}DD%Lvy378o~Afi0_Nl;-C z*Z^?&lRH2WcpV@_2^KqdFV_rxCQ9Vd=l))aT%*>#GchY;qvGz%C86vat&cWB4(7Ig zSkjtUs9e%=O(E*1@1Kb{CVl#JJvS{*PM%6QKQSgagXgr-Mmu`BX6zBby=9eN$MerF zv4mcG+xzU6*ZAp|Pa0H|A*Xr!aa(RVL>?2YUhD1K zODI8t#H_45yR~C5GbHcjmL>3d%g4R#Z}sWZ8j>zg8Bqi6=s-K{uLp=aAqCiBMcIwq zJm$zE0P2g#Nv;c;mWb^6(M{ysQvuG)EI~CdSyb!Mkdf!^F@m? zVP#Eu&BwjM7CiclG4A&|yM?GJC%DWN1a09jKfXaLk6HzmByf9Ui6O=9ZFe)IJ%BS7 zbHsB&?!At@#Gu;ycrY^_whAUyg^QgYEUm9@BCMN2grXHXRl~rZn9!o2h!qhCrH-xH zoS^E{8EZIjxS=qbbLJAq7&g7tfeI7fPA;jpfpi7>`p@YJA{#cwESI7pqtAJIKL~3R z5z*iN=AU3*1&M8~Z7tc(PGIh}eGS|d=C}8)_m*NzF_sjG=&04*Yi~^a;raT$?J(41 zXGCW{u0b0*`p79kh|+40DY!F)Kp+rfIvaz|X`-qppgp+Lm=n$gT(`NU7;9@daY|0L zHf9Pz_oF&_>jMnkoa0)`%iEio&uOjo6yU%x5y3W4MMVTE*Ky7WM;~J;x%Mt+z&xu+ z?Som4+VvTyheYb;%G`y}WNJ1|({w z6mp6=hU;4Tm?@|ef4DA7PXF{Tz8w>40WB#a^dP5nU6*g3Z&-YvC?aBWy6@GAa?Z>g zW9+?~{r^n8>yji_awg{P=Nge&)o5Ty4!K+|xhoARuC1i^e+kL-TV~poC@o10fbOcw zh&UH_*N^XH4Ph`C3{#Vxl^Jou{k!^9O)-F_3CkU^962Irf76svg*~By6JdOJDaX2J zCod(U_L#_Z>iu=Y6GGLtTXAxP#-HGJ$m-}sunR8(Y zt?T#qM~vlhU4Q=%|4SPqmyJ0{h)ymNB!sDxiE+Ni5MvCZx16$@A)Ywr9Ag}#5qXLc zaVOh$OEK2EeYSBqIRZDw7_b32LGUwxyg<(*639tSLr8OW0PrcMn6mqdJH#b4M3|)BqG@_N6!y=;%H%}?9Ae|hc9z;}5SSH#f1qLFEz#nEB zeLh*ig;wgyJT)`dgg?I^i(K?l^d&&;1G_T1%y4*FihRa@svSl zrYt4kYG1;chQHr`dmt?3@~ z#HWqxgotoeBb@YjZ`c7oem%~QcKfoGJtO=0{J5NGyXQG{e=RYid@80bef`UO-t%bs zgyD&qw|f!ce$BdN5gylU$Jky9Ih9*t;h2L2i8;Lg{E#F+{?+TEN0>NpKgVnuqFnFY z-6hBX3qkb0Xfu|eL-U@>mPS_=HucB1lbK$A-1{|=Ce+Va?-`o=^X;-}b12ga)mbR@ zqcL+x0b(0wo^4_x&pE&U`k}*84s+UPY!0@vrMnvw{}FPsCFn1)?4|6vx8AQV;ZKR2 zI<1ua<;Pdh=0pT{H4(l2`T$UKd)W|&A9K)wxDJjvV894b9&aatL{o`6)Q!+>oJtyP zs%p-ulyqGk_cAe+t?c)TG%X-^&q%#ex0*`aZWWV^JnPaCTsFr<`huxpR#dfqjS!^n zWo-q_P*SPd=mRJNP`?laFU3Ln)kWm?x~nR$8gde0fkGe(5t{N==`XqWYpm33bQ)fx zw-Nr!fBuiFY=Sw*NNCAr8gt5;de?b(T-O+LPTfi_Ilp~8gt^ZNZSfCZUfNh~h-2!+ zBAaeni|}o)-`?KceXGT3W$nAWIoK#>WWHu9Ovu(_WpRNL7{CS$k|%S2~2TXp&WGEH#37&9Wgb; zjC9l=e|UMEXN;?#)y!(ix{e;?7s+1hRJ-~xqpNk;WZgZ6Ai}`@*QiPh$RA^toR&V9 zsFo}e+?N^S>K$zi{EWZ@Yo?~4yrTpp0^w1J8TYs@kZgSpyoVS=@8gHp+qd_JsmCZk zeYvL~?gWFSOU1a6e=hUn9y5(GxnGt(TVd|_kU1y)F zWdok)$b1Mv?q7B|v{WsX*xHOa5Yw3Y$3MP>Af+V4{p#YEa~mV)lv27{ueF%_wiSG# zDMlv`L0U(#NC-h{%|z7Oz(yy5K}@?E0(o#Ts~WgYAV5fOfV#2N9AaQ1Q_VRu^X<0v zHew8j3Bn$T=Wz%EhrPQaEF1u{ga9fG%ZwVdiDXVGFJnLm(pqCijQ1$D0zX*BuRb|2 zrU5+T>s~^T(WZ8-Tb^A%zMnA!ycv;z>J~^Qn7N%@M2`0>#ue*^eUX29F#YC19AxLb@d#&EyA;(?b^p0m4|yTc4H$H=9) zJ1`z#+bL&vs@o3DgFh>xF7Z@>QXE0H;w>Z1Oc*>cJXb@BJ9^hF-va)-Z%*o5+psmmQVGVBf2{f-3@@}{J260V@zg83JpG0 z=m%ns5(1nC5<{&S8f7H&U}-TmoyK9kVK$-=bh*^wDaMb&X!67r3AWw~-V5v?yrWEmh)>1?i zazwput{DxSh{^~l>a;Oth=GOrb7C|1u%bc@KW|glLL$7(O3%9k1c(UFKJ975`tsu) z@G}rxHz)G#rSA9Y3WRgy|HlJOFKJ0 z1SBIdbKX;XbT^kIc}t_IP9>wXMKA;XoL_$ba=tY;FSi`a%6E2m9XhUAZdpR;ZRRaW zl$7HA$GsoJ&2vp<&vnl_>^i!3U9D~E<(6%lseSqB&dezVunlF)b7-y^f5dj%Qi?h> zmxQYtI{>a*;NoKpTwu%uJ_l|VA{u>~>g{DuIffA4zdu5VPUJ=qr;R>Rj?h?wQf6YC zs%mp63jry>8XSV)I=_ydOEz=)q=3xJmSc`Ybo+7xEtX0OF&vKzOX+s6YUbq3q;tJE zGsA}Qct3#OG4UMJ%^B^M%tQoNl87K1iikh)K5|3?NI-1}VnEFhB(UFVsRbFz+g{;_ zh%w@yvdYbbiIMGw(4_5FpGFZbHE*{nEa5-@Pk#pu0|XKnRiRqxLxGOuoIW1c)f%&e z81DP#?t86$49wg={_q8=bj0#6TN^n!<&3l2*ZfBWEk1geJ|1TbVc+W2dXA}FIeJkhH)D6$YAbhr7N=`A1q1Zl=36s#y5QLep-qB1FdaSW$$2)j3LG-!UDlbDJh0wfS4$}}(Rp3GEUNr++xwhjPB@Q6c&ei2X1QaL z(GZra)!ZNNXWddM(cE=f-EvBC+wvHSr4*2I-E*lK6TD8_Z;SiJ(-(v_#`^PY1_)$M zm_1?)_xla9G6!flEoKXAd#dEx-Qo5@R?XCpIepf$ns*4lWqW9?DRK zfzv&CMyLrD<$7=ep+rz)2<_~quG41M(UpnYHOVNZ=xRFFvgraw~x2)A9GCHO~|fw_dfNwddkIJ zSmOKJ$DjShU)}CsLRbSaGo@U>)~HSi5<~2xr3IdZoKg&-ZhLtCHAVyRr8>{+c)7ot zDZZCltImnZUT~zZ23G0qj5*KIOWB~gXAytK*hz@s5O`TaQS<@T74mPWw+pXGM7=j6 z0*a5x)!cH*Y8pcn2{A-wMyOhZhzRtZ%@7ipD^r7Yn21u&s?%(`Q;ZRI6V++v%;IKh z)7_p#lcOJoXjKHLuCSoiu2PGs65E{PFaF}s|J#54zwY<_@$q2xIY+x1+-alF(FYP} zW*@7ZK1VbnG4p5>9jnX5P8?GR63}-shw7Xdg5Yxy5qLL*3CbBnvf?O!?>Xks+jt%Y z0p9fMY#7Q@jH46`T*)8347qIW%MZ z4Cet+pwk?Ip0-TzbC{}bw~Dm~DVB5S9CIZoxQ7_fIh9LPb)6_}AZ!eI}&y3tw4kHimLzsAOJ~3K~&UEPQ=vDo^m929Xh+_E$LVo0W*grV0Yc!)!o5t zm_N6al|GjQX(|Yqicv;a41&E4W==V5w^Furf8CHt8X~(pv5T-I`9x%hiA8LhsRQO9 z^e0TMTQai{rC$>#3N5J;mo1sv@%_Y;IwWc5Xh+|_Q~}|`G`fZ;EbK;t3g;l(En|aX z60Dl{*Bd&mz{-Mc0DXZdDh@o(LCoOZAVitn@}6#AH_Qw5rQpzmo{ETaP1{Q$=HuHL zOUyN{h5^9L=I?)e^IG-cCnko^stMPKLxlS9ci^%=U4%-0!=19`haX?}`{v|1r?eu)B>e4v_{*&pT3Q_^=9JQLUBa?$1>?1u zBjDfNw_5MF-JQ7|8a0|6$FG33=q!lnw&ppZlE1X$*qkP!<@6V z@j1)Y=@pRO#Sb`vNI98`ZUyWCO0{2JZy%2nCjtUS zwtWMx7E>5wA`}vn9dJG{;Xp>gw!;&sQmLQ+xBQrEY zh(u`DzdHhRM8pS`vIUVjdd?-L#88yRH0NLh7g|sf9$=P*_Z>YbdcagL6&%lMds)+CP>&}1y)6q*sR+==OE(NjubOi z%Bj=Iojk=nMvpNegr;s=YnPjWJAyx0f|#n#5k!9b?dMv`ZLk0I|NPU}A78KYR5jeQ zYaM}}Wa#Kqgi9^`>h2U{2r-nc%&7>~p3|5pCB(`x2O;w@6i&EY6YM3vV&ZA^xhx`1 zbIdsvxf$nip?V_3FeeHS%$;COHuKg-DhaC>bTTo3&37GYx+1*lzOv(1gb0>4H)cj? zckcs|dv{7X0f$;iHBmrBx3jxZOd+i_OhTH14uuLxry}PEFH25v!wXV_jbKc4cVIxM z7j$!*M&zIBY6zndk%Z6O)ZvH2Z8v zhg%oPo_KL5dc2>xBoxMB8^=67`p6}R7|hMo@|GuLcxt!Tz3f@S3Ta1x^7*)!*vxcH zGdkYSl%s@zDlRfowY(+3>adxud@5bklN+TRiKy%azuoMbYsM6WIPZ3}yq7uj_OjFJ zqFy}^_aAOf6jQ*j0G=VG2#FLpI&k%>ik@j+X|M@!?Pvpz`8kwDdYh{&VA>c{f`lk_ zFS#U{Vz1DGfgm6V+5YCWfjY?(PV zh6vEz%%HL6XN$)iT2glR6hlr4lJ_yRmi$>x4AeXUg$u#lYssLP$CzWTlwXuO5mD}CHJv@ z@z&>1C8j*M>!dE2X+PlZ!6^J)}lt##}tv0;;PwVN^vDh zEl{MSZLey2wf^$DhsaLELWs*uDG(7-`RkV2HMYH^6eVyB@pFr7ZS+2oH)rP0#TrPf zU}i-u)kIGP{$CvpHuG_uA~H>TA7g5*nV52n$8pUu@AqxpEiu-T)vVT>b9(k|32f`& zmvKh4s{@a8aKmbNqN5HF@Z=aO;Te4>EFyI)wrcIQ^&Ub9Y3Z-fw*|e~c{ETEF+~Xh z`yrrZ5ZEb3GY5`KpFW)DbVbA=iZI&~IH@%|;<+Fo4x-b{3`vXO*?hTxEMRhA)}PQ< z&UvX1MOb8v5mQ)&M8f2l!cM62C)zmt|cdOGeKqpQ3#N+?d>|twwq39O=F0vlaNFT!8K7% z#of$o+RQPJiNq(95KN~CzrTOmYWd}tU!WXwQ({JbA`<$@y=)n<)@TD@VQ&-UFu+b0 z0pmJ{j@HYTO?~v4QmlKaTLBn`gM!@6Nry5~h|$c}hGS;#xgu5w2 zQ#5sc?$V&L5f}nrGR)9R#a2^38sq>Whr@{LHhun zK|yTyE!7NinB;k;!L)}i=Go!ZU;8%8@v-7}^FUqw}J>IjR3!2{z8a0-S!nknT7DiX8? z7S6ioT%wu97-GiPK`cCmN|3tec6DOMemR7(Rhu| zwzmmth=@M^c=U6G$mO2PJ@;c=Z_U*E(FJ=#iIPH0f}^+}W476k)kYU{WZ~H~mDoNy z5nmrI)fl22-!F2SLvKH9i*KAp%-g-B6m(k5VRXISH1#8H=$ zuj7g_f)L=qs_Jer#dbDC^6xJ@zHB7u3v6=CqmNWGaCCHpIl>Q#To+b2+6Y1Ft+Cysv*xu!b+HhJuk$dX1$NPRV0{0^JDO< z0ElCDvvze`WsDwDR8=g2ScAzam(0xQA;GqQLPKl+GtQQW|YQ4FPut z%0t|Izt?t+QWNkI=&?ayhQI&A-;|uxortztJ|3sLr6loFFoI?n1HpV=! z#!OqO`&O^sTc2p5V&>y)DMnaYKjXI-VPQt(C1)sEk*4BK#1unFDXFfnFz0l(UUOD+ zU=qC#u;{hqIcF)U^$|qc=ukHXkv@i*?_13|G4pX=O!WRZ&1^$XPza@DX8!v6!o(#f zVFsmJ%lh?+=xm*d_FB%Xr5K$^pZZ8A!V1yHbRr=AE55|n4lw5YBvo_HaEk(bEh!SS zERUwS`(DeKt5*8$|RR} z7CceR{Ja_w#|Q{eu=uesoUiw-IMLY#hRdANZy!gB;p^)iR{{~2l7Id7uC@li-`+m9 ztwK>Mi_~I#(dNE{4@_g~RCgV+YYbti zo@cwi?2yf%JsO9&n}2z|qfirNTM_~y+YIsHDV&cBdw)MWk%v_wY;N@YUPwY1V_rwY zQ)=`PQkbeiB;~a<=9=v3nrN+s5Qsg*kW$PkU9G#XK8=`H+fgYcgaET?ACnhmOmJP( zze(d|qya3JhM75~*sn2%3jfL2hiksIaUC52a5}BG3A%PAq7dn-E+KJHQEr7k8ckM6?9A{5#baAVzArUBuLJwY~_5MbuWm^6_M6DGim`y)!K2n z`*WA@esxttb5Pyud0e>sZuhO^rHmx^m_n@uTLDB6%tFrQ{@4HhKjf6_wr%wmQxXX& zrTCl@Af0meluHoQ@q+cvrBrkY5gd;a0Qli~pHjiug1ucrjL&@A6f+ay#KVUiLL6h% zvOP1V25w;y8FQE$B6o7CC{@IyZaTsCs!kSR2>{@+Ie?mQcPAgCe=2|ASMHd(l@?)P*lx979V{G5!N$-v zo{~eq)DCoMJF}#c=FqZbHuh}%5*pTwW z_cDi)dx#NffZJ^w9mVJ3=CjX`0z@@74T>N*{vp7lr=WDXfz|O_;MK5}W3NMMsvCtE zO3kVcPZAVwfLTc3lV&gs?v`tW^EjqZwmka$_u4X} z&k#9p$(gRB!-$L!9!Q>I4lB1&7g?H82ywL<6OpNZ{CW_`3RzKXAxg+Wf}|QyXdqEy z5)N$U*D*NYZWg4m3A0TXVt0xmLiE_KkxPVC^!#WcN~#elsE#c$N_&j5r&I!L52MXg z12K(D_b=69U{%W{;n#=WCIm?}y8HVt=k13&nnIcqQb5U6-jf8$TMA3nOsS^XRRm98 zhI74L{fD2vq?|$w5+s*QOzmiS%lFsY`Ej!Fb+qfa+$`mEKF$!sXan~(%ev&;4gTPD z5fZnv$DGcOOQ4bmMB;|hWpqvIvsQwLZm$~}?ujUsgjO=3Z(z)}`-Vfcw?R&Qsi&;o zHpncQSt8^u09knSvGRF?EZ{#UBqNdgXsZ_8%=lTLz6?L^%g8s?rm0%ad6j#@qc0Mo z^b6;+EnnPFQ;#Wbw~7cRcY<_nIeJsnC$VX&B%E?`x7+J21Rg`Ty#NKsC7W6h34i;y ze^p8%qFQnr^Ss)a+Ilx95T<=hR0Zu@-D(x)_s3yoy^qg1^*Ar&)weNYh=G}iRW;=$ zuLsu&1?}3T-C+_19*|QCLB^cu#$>O;Ji9A~ok2BeGm;$tCByJhja!!f3v`)r!tM|Ado?`kX1oKBqH76-`X2P#9w(>;(gNjFE`@m@!BY zDJAtWhbm~YQc}+G?fqzdurMeZ@KzH{%QHhdili7#Jz#QGM?P!}tIG7cM(-;w5Db2d zp>CO(N1x}}bB@gNIIdDMkUt`3;cY9B>c$+@4dZgD3IB3kT}0ru$K{G49*ML-{#130 z2@gIXD>qs(KIU_(O+&69&eKOs=90I4BchM@2M#P| zLY)OfJ~73g|N9>yNa$BT9@l=~W}iAIjza8#K|;U!pZ)%)lw&)anw`f<%(wgQZljMB z15T~pI(p4Z&Y|L))a^RWsl~YmI5Q5HWWHCg5 z>s#G=?;(USJ5E#864h{QzjjrRE%^RGq_g3eg{b`FY>A6y=v+ zeoZMJ$2rC%;Z#z}3Hp1;2EYzs62D@=SmPCQ@!L^wJTF&=Uvz$0W19b*a$ zk_U+h%o{W3n(D1$;9%jWoJNo@F2dx5aFQ_w5=(jmDZiQ@$Os7fYMIE1h_<}|A944$ zUmiI}A{S7=_fH@?g1q*^4bGS(HeXU#pCUOcfFbfflF>}e#HzPy{&PAl+ zwrh}6OaX0E&{tsj$7qf)11Ry}zr^ppPT(j`)UUC>)b-3#6=B?fpKQ{as)wJga=?(1Fz8JxP?ZMKkx6WyEIo zsQ|&zhY0rd#rgB<3OqYB{S)DsvBc}6#Tr>yB7TNop^iB)6A3Ltm(XYmfm14hiM89j zCKIO^wd?h0_t$;&c^%EnN1x@EaTK_bPLn8DDQ(zVQHaJhZI}e9uSvV*Ei#c!bEDZN znKO|@$u*8^VA_8Cdg9iow}SLZtQI;Hl5_~|VhW>ARU2KA_=Nrkd{Z$7VhJ&@$mj!f zK}cc0Z~8o-w5ud3wX~~+7-9^)cih4vT(&yLO20@sncDuce|-Ds=eUl}BDEGU11$Vm z8q>}($Fft#9O_nZjGXW1cB`X}*=E@@ruOsW0@mQRQtV=i_b+!SY;(zL3=nB&x2Z9Q zQuB2*Gs^|aJz zkGEq^>(>DN-j2>l)Tr5sL*P_Wu6a&{-5;q?Al}QCkB8 z^d)oxo=H&h*OHMib>`ueJBeaw%?nNw0T z34#PVor++kK1PfI*D-RC;CrhjGo!!EnEA`=3*rTt8HLLGRvyQN_T|?5%WWTHh)9Z| zpkLjB*yEG5;wCwW69Id!TXN6#tz_UlI`)&Jtx}bp$AwNs032V|6brx{lU5gp5Us4C{kEBzslj~O}2qw3z5IyF#$L!5}3}PWP7`YU~(; zsn=TGetQogj6Tof!fpfAgsL7N=V*P!!?~9&A8+R~RL5qYbt^2?&W7elaK}X6dmm#$ z%C&FR-E)rQ{sbBnd0Zlah|MYH^gsR&|9DxHAPkrwiHanivb{l014hJSRI%bp6zbWjfFx?!g8JuA__6O`Lj1_kr*OD=OA*^ zDIyDQHPty-IHhc6DPv*zLPr8G{ix^e7&LL4HXBaqD;z}NkkyPFjYtipo4CBz(hpAKM;=}*{yT*32(j#ya~@$(2^B7&7=MNv&- zVbmC7NeHMkW|znu*wu-lr?Lss1_k3$H2@#p0*h|wE&0PChBydO26UJ^w z&n4YnYdc2X5>)cIjBl^I2-mIXw2MqP<`) zCm~irkoto+uHaL=Tr{|h=YD{U4IooJwfBo^L>?KBlPfUk7c`B)21I0M@ z%-KZ!g{!x7rSpkM$_WE-J9_VvMSMBasGWWEiOVn5j2y5KL#YKE9i(Y^|44BL5rs(1 zb~XU(#GnO)i4pZXI`AWRa#$v|TP-z_({|r*XzaH-`ec?|GZ0TK-eoUy%v>`wz5H-< zA~-FHsGS43z}VtM#HNOS{D;3o)z_GsbGqF&W`?%m=U=`Pxv)&tm)owY*VWFe#TdSQ z|M>dl^|o*Bj*co661goXB*hpLDw$&pD|erm5oQOEENr!ch)j2PN->z(CxNc2A%@l( z;B!P?A{s&j1n1bBZB?IaM$Z%-n|(Q7z?hHe6?YEQL?+1L&-o_t9gBn0|uD znELhQezlfjJg&yfwIl?jn%Q~wkH`7%e*e4H=eM^HEH)zWbFA!639@e$!@a3ZwT#B! zCGDlF_pOx2d2Y2r50i3gZ5a7&uQ-FCdKZzB(_Tw0dCXaIgbf^wa>=Q+;ZFCx3P6xa z$B_U4AOJ~3K~(yw+m?}!8DpGkQ}u_}7kGRD)8218?73&_KYn?Ax!umzVhC#fIL_O) z?OR#yy%3(+BjLPSsd=jiCZ|#oO6;IfDK$aOk4^r5tAO^ID8+>&B@|f55}@Pcg?Qk0 zuiGtO=TNo%R$3b(+}jLmG^Z3pjDeh6@5~YqjyV*Z?25^IIum*ufBfTbF^1L#=8V7s zv&0xPgm4_!RDE8v9PL=yFFu_=2Ut* zK_xIV#|)i1%{fDqIVM`c*L=3TZjNi1pC~>v3YeD(7g0+g3X*N>UTn>AmUBcV(shi5 z!x<_M1$Q!hMeYb9Opo`&-M6jaPw8#S!eE4uzf@ApF{SwN{juLS2m(i&F@+dot@+!p zZ!cf&$8kcoWNNpUeJ+%dZ!deyX}@o-em<_*Rn5Nt`u*|tFtf6k7(=OLj4}F*DVW*I z54RA)d0aSuOG&NuoT96%YLHNCK~;!5gJti1=2HIVZ~oJ^-N)=H=NMMW%Tn4rjlg^n_LH1>M)^f!srmkjy_LpjZg`vKV$bB-mlIxsPLU=xVf~n$}8LcMfHs@%FJ!NuY?)@s|PvE!63T6?JImWXWS%3TWm)`rw<2{A&{rmeE z1J)NO8hyffuTz<2^f`z2HgLf}`a;ClKtn%Ud!9XTqsQTY2+rYB2{4 z0N4O9A`3Ibia7sMi6M$a$+sMmU^6755G8HTJT7-ryB?#yq?jZ`7U6!)*)<5K9KZeZ zM@q=#rrT?Uc&2PABst!%m!EFuNBj2AAH+_~o^tlz;5nJ^_ESY%-sn-`+g2`3Mt%Pc8EXR3FKr< z(aa@=kbt zu&t&zYMJT%<8UTsE-6h_5ymJ9jy0z^rtVt_63*6w1VDFAbexTzSU&!8@~}1pYGdRS z0lKUC?Y1wiq?!|zlH5FJw2dM+-7qE4vLL4f&_W~#pS|C>u?&G+=y*-%t zJlk=!T+(%QCcfY5REq)fT0uH3Ghf^hW$CyOzr6t1hc)#L!+21t+YJlxoTF0eMh zj~haO5($Tk1Xk6UV@QFRdh2Q$Qz$jz4~0aix9RRW%wd$ICHlRN4y+4lCn?7{G?jE6 zy_5tX2YJB|(dL@Xe1ECeqothM(Q-*SabJ*C|Gh1(Dg3PgnjiRQ*4v_glc zh^QGfJj4`ZoU3s~QcNOirU&1>#uTRo$-AeRP0=3ZpB`e&A|lfJ6=MRC~Y*=jduiZZW1g`d({q=fD2Tzic&M*Oij|_ka3lT5*}avh9sT1fewG zAKZKlunw#CFg{Uky5k7WfjE<=f}w+Wy?-fYQj+i2qJH}?&axYCLBu35A!0tX&~#FdL){RWQ!uLL4ript(%z<=lEm$)?j%gs2advKvmt$h;!WcW36uyVy9w> zST$_dg8A|2mP$mGkH!PV*<;cnpy=?!Yx^jwQ5})lBg_Qn$r|3vsOB)Rt{U8-3k5O( z|0Nb3eIWe!Bhi+KMzeg0ZjSjYp4;`8qsJhP$|@k`YtVd2PCmLpsn1LyD?i3hHs*5PuqJ@_=0p-GU(@Rk@0U;8_L9%{W_{*MVxnn|M49rO zh$$qEC7__+o>MGg4yQ@erW^V6eh!V2FVXs}_dc4Hr#!0pB#rWT?C0~h*X@$tzQ40@ zNQySB)e&NN`*NSdZOptE6vxxROE8V$JkF01c!&W7v6=Nc%AUZEi#f&=&ik>HDn#Ve zTT3}X6kU%B?;JB7w-Zvy5aXQl{`C$4Pr0NJLx@@)s&~}xb1u_A2zweeBo*eE;^>1P zi`ms|KOmlXwl##5Bg8Xf3;=DPzkPz(NkqWc#^?br2x1BWhs6yw+5kSw@vt$6s39&k zf2)1E#~3p3mE>>+YtVW$>rA&DPwDUY;)dwzbix&DOiB<`nVD zVVPZW<_DGsFC^qNk2NmqBPxr9`xuW4RhT&hMZ_-=9cN7`;<~D}smgJ-pb7>HSb-S7 zg3WI>;hjgV1_=EaHf%gUUCd^!ZJ4z_{-?kEx39O`_g}u2l!7Wg%`wJt);T96{ywLw z)YemsDgq3Vi1coXENCY9|K^-Ir`j6!sI6m;rNYvO!D`$exmxm|pyU+Cu(Nex!D>ZC zg8r-j*QP&+?*Q6hE;xP0pl59<#k1D17Ej3~r{+AzqyzUzj zL7{}x>YJCR_uJth` zPH%01_9#J^1v~fm*Mo>v1?%|Rtz!Bfg7$8`TRq!!nsb&dwLZ?X^-pAAP zWefvJ;QF+SFj}CLBj`r8Hc_!@!fa#AInSd)n`AaqP9OGvJdI|Pgi?yW_SDqJK+Gi0 zeGHIL^`bWrL2sZj>S#lP%sEvA{7sBQdS3(SIj4#av(;(4rj@qS|X?AWdw(e13lZ{6x&qS*DVnUM}DT-ERjIwc6_0AejCz zlDbXz8B}cyPz0DL1~mlhYM3sn@i^)){^*at`TSk$4MTcj5@Pe2QwC}if6a++YGOjn zLLxdB*1=1DP+28lexG9gL!z+2C$I!6TLEEn)%Vl#V?MOY@S89WgU8_Y6nAfk&| z+$Ur|*c&)`2m#AW5gDVas<4jHRAYab2T*Q`@U(7YHC@vzggA!rf*lQ%kIX#5AetaI zjQj1?-TvY4|Axu0mrE)6Z~pqPa?T=rxm;sP=XpS9j~^g}2riIn7_AC(t*2QJL8jSO za_{ZOFF)e4gp{S%!NRTf5JNj#Zyi-!e2fpQ8!yJf?tA3$_7kgh_Kq&DXHc52eNf%Qdr=5ZREO>#fpTS)r$&$o8(^}W4) ze?*nbQ{GBar8#FG!-nNcl)$}>{W(vcquS;3cKK9@S)+dar}t@&Ea7nuVk*}}#PA9u zmp7F_NSS~R$~^61v=3*3*qC@GN1JoZ5QSGK3EJMo`BN?#bf%P3xs>zXF!PETZQByi zhaAwOjy43%XG!&}(A6Q|bsZJ#lvj(}p9x;dWcIJ}GrJ(4C z9eKa*yxb=2Oucp$)Z$B0E3(=-Rf#dS+F?#Wu(5SxVl-yhJiLB+3rS(>y?(x?l32vu zHH6UzaM&rQ-Ukz5XFmEst_3-b0e3cy)*t2{BBHYARyz}$8J2{tb)R!Rw>Hb3N4L>{ zUlUx@!%S7CyGDI~y|vo0c`JLuLRB97e-wxH=-Xb9Rdv6eDMfPEKl$}9QVea35CY0p z6p^j>k`fVp{`4}&U>2x2#uz!}t(5z59%prURj2o10qq*|Rx-*X__gO_%?%a1yW7$t z6CM#&K zn3bHLF8i>FqY6Aw0FGb=6%}M8Y+E_cHhrcTL(r|{v$fU+k*5^roH0fW!XanBYz2vI zt&OcDX1-o_4AkKzt*u?Qa-3B}YVS|iz1xHtNrr{d6pY=Fu&WRPB+fwPAwY@xDTJKOC*_?0h_ovIo%wON$KfgSs zw9tve?5J(qGV@Y)5)s5>@`3tV(q6{^5*TbeA!SSVd+o!XUUpdlUi0X5c)yW}p!>a^>J`$!@ zL^;v=?c7z>=HwLxu%=STM?;x}fdNbflNQvnp6gT!QRk$X;(jf_bePTQj#`JAr+ceI zmErSqWb4ELajFQn+HF{?eSg|+ulIF-!;+3xP2}>l#TZ5(Wy`(wyd_~~mE(4_+GC3Q zrA+ht`?+6AO!2s%X7lyS+qRcn61j&ICPbxsriTO@ZYNbmYD~%5`Vi4AXPo%8_NSL? zYkj)MR73)6Y;9bgp8o95{@wJ+i}*cL*$}{}@HdChTf?PpJ{fUZ>(jOvf@3J*9%3#`(JnIB9 zDMESOT_mXBcySU|jnMs1pUc>a`6Nw@Nk;G3c$irTaSr$pMoQUw3mR19cmMSF?{8oK z;UE6?yuYQCm?-D;`t^r@`1`-bv|`)$7~*BWh7fU0rkbZZ(&bOIp2R4n7@fdv^!upkoXhKr^t2U~G)wVYD|y zBug`};z)T3V;Bm4Xot{&K+-_Vl0+ziKjMm1HI@h&{Ufq^^)n%^?KCm@`h(VA7;sEm zkzpD%m57nQ2AL=m7Z}6m^f_IljyB+5f2^=POSB>3;4EL0ThG8-_nL>bM}7V53%Ex1v+#FXOwwU!e1 zJ*lt|pGRwLIFTmFdo(kRVkEaGhd=aiCgH^m`Q@nF(v36vsVB> zN6cztYLwCDXg1v+gK$qJJpc3nB|+N0N<^`Qyytpv`%__Iz(DgQ<4Sd#Xl{W<#Z-Q} z6SIO5CyaJ(+C1+yZ;4q(@8yzxI!wCgEmICiP0fDe*Z(~lAhk63+teAoU*(rP;)!ok%2?-8EjHqB+RrYjy zy^n6HNEsXMZZIOu0iTK?r$gj=pkxvwyf19>7W1kAGbbA zN)ud2pSAT60?-8eR>&PAy4uW7g zAZDxXR7yI}7J`0yxnekd-M19NRub|)&x+!W*_5+A7A&a^f5$a%Na~kqLsPpL|aKV=lkuzw{W|k_JzPS6GhNi}*ho~q4V+z9D9~n0|q@c~ErFgNA(Yp;pV4Q{!qHdQB zY5|PrKx|kl0a{~ZC%2VKF+#u~c?A)y^S6(bqr2yl00;ZXXT>5Ogn5iUDIo?lrg5`nbhO8NS~N^Ph6R2CNW04%CwbYun0IYpGnZ4O8- z=}~(@X&z#*(V3{V<9dBgG3HdheEB_k55^WdM6y_(J+f4)n1{9BSJeg@EVf4Fx_r% zFV9c^_>aF$DctY3-ufzMRef14h1~Z`2}v=w7h&QRmlJcu$r<7zYsDDPqXLLjYo8x6 zTWDD)@Oin_4pe9e8l&QZcb_6U=S(SLX#hANK0_O}dRLoqO>n|!Hrk-Ms^rl+0<%}B z*(738RfKuxlJg!_rPYy3LL2b#i!-CygT(HkT|`F|qQVfAN`#64;2?p#6^X*|FEU|5 zzeW$_8sxn9l;d=oHUrFHx(t-e3^9_=Y2DmC?+JGt+|`&Mk}zrculXVi zW90AC;c$hv!QEk+#BP61k0prkXto9xHgPNkB*!by=`ja07{owVw6bS}MQRL7B|RYFpTI<}{*StM}UgGT9RFPDT)h=oTrA{y01cvL&z zS`0FpI{5X+Ec?ExMDcSTmnK$DDHsobXvqo8vSnFMQ$z=Jy|O z=dE5pUE0~^oJ=fWJ&TA+xs-aZA}p$)IIJ6d`e@_4w`rEQa@>wNXFYpJI)@PxF(cfq z*Z%oupRfQF;k@NuJ2PKiF4nD{Z82?^1YKf|ERstMQDX@#5=(4HMF9oy)=(GXbc+H?l**R-p&xi9Hv3*y~P|u2sUv35VW1S#L~^segE`yMM1A3Z?|KyTv|^l#u##nK)I_b z`1+P&HYOray`=P4KR0q<9NQ&`xKc24Fudi=J z5@I-N%_&0qf|kIEeCa4=jIp*}+qhne+58{=@-McW|LI?Tcme{&=jh{X4HF8u;xJY@ zYl|TY^S0&VY%vALK4?0FK;NzR4rWVjEvJM5fZ0S27p8+D2;!w)o-Y9Z=ai;<3;}A5 zk`wHk!rXdy@}LT{DP+O5Hpa0m0!pbcPqPrTwSlp28(medm#w1<5`ummkIQ-1=j&c; z52{2SgM!}yY~E!nu+r8(a)}{^vgNb3Hf-Cfj#^5}C8iWZ)Ra>$$%!G@opWw`DSJvO*0Z@ksAuje$Ln=pcat)f z_)pK5)|aFK$1xHFiDCFNCr>#dCqYzt8yXc`2(+DJOkDgQlzL`{JF~ZL!<-02P7xgg z8B)BgZ%jng$52c|12ioQ|2O(TO){FF(~rIahQalDTU*x!zje;E+qQ?_Ws}goBt4E zB;qmpa$h??Eax(P#*n5Pk&n@V@^t*fL_Vhij>$Z2K4QOkx|dv9YjYYe7Z0tbx7Cyi z+OuK9r-vAOZy!SBM+*lxt+>x=rXkpzuud%-Vh9?-T+q^G3>bX?1L|{zm=O~MJ&%oU zHqPVz{PaTZFVCOe-d>%&^)904dBhNVZz(2bGV8)pN+F-bSZ0jlxWy1v<;#~Je9q%I zK7ao9a(M>mB50g$LDiiQS>WztbWDiGXd&Qd=)d}-U;N$Q{oTvUQ|pbSW%Z~403ZNK zL_t&@##h zp${&20AFa$9T=b+RQV7&uz-Kf?yEvwNRwfxHBtRfDI8xy4_z7w1RK{at}GQqs=ijX*-4lZbuJk$@eii#-Kj{S)>Q>;peGzB8!AWuKtLkh$cw-C43>)2lMQbPsNxPsx~86&5> zrQ6p-SkjiT1yYgA^JX@C9U@YXjs~(^ay#4Q`Qq;P_aj8jTgGDp(8{{NL?CnTt+%s< z95rZ2vEI*^LOWa8Gc%=<+S#p}&smS|bF%REROYal)BBfqyfyWx*prL!9EJf65khP% z!r;E;5ChCDxEz57nsdU~R`w0z!<3>RatkpmCBvnLoMT)Kqj!zL+R&h*4xBvh9s)8q za>}vn8I3#UAfl4DBqGyi*|SE~s9@iTO3YD|Q;8u3QQj^E+BS`6<~%%qg9<)!O#0*j(_IPtQ-^ef#NO zzW?%c+1_u*{W!~ti1#)|4BGmD#$80rXYV7W2!ZKVa___Dl%?~d<2Yjs%zW9mpnA6c zblEUOgmlN|EICalavEmDoO8@6V((mX1_qRwjyWSeRLqk6VLN4gXrG z1^huz4>1r^&JijUEF#zm-+0*;X`6*}&Kg$A+a&L8lr4$yanwFWYaOParF8v8ux0tt0vubVY;{BWfVU=g&{6q_01` zLh*0I=A281Ez7hmEXVCcL;$3dqmMuN<6qqGCqmg;?~A#}8bWdj%yJy(&wu%=@4ovL zP(PTRm$J21!Iu%mQblZxoVQv}_w^t#ag1q!^Fx$}-)2rz39Z*Pk7veuN<>?)+qRp* zE@Hw$#I3b`zuE)Ck5?789_ag-iHTJdG9gig4GCqID#8jpgb-5((L+NZB9+BR0P&NV ze*F6V+v|`2{LjDro4@@l4dMCuv#<;sW!v#&f@lLACy_G~xT4U<<9C01|62C_kN^1B z%zC-L!1{^JyRc553{$hu5TdY*-iY07TrT_X{`t2t>d$}n)7$&|>yK|BU|=CR=X9dE zroW1)Be>p~8IeyRg_r`%+MM`eIIJ9g9=|otPN$s7p~JDjL)${h{KY6PWWQl35W>h{xhN32Gcn z;_*&leWwBZM~1}~qy3a)KRc0!sMZZc^N-281|7pF)=)?vXOJiG7S3Cgq)F746H$u&u=v#1$?p)5#gRTHanl`6-ETP`J^?CWcNf08wf33t+uKDfz zo13RCmP=}?km+&z|^Y_gCx)yT6L)w0`7geO@d8ulK434Sm**>*n78*^3K24) z%Vis5bQ|~MY;E8a5RvEW6`{OD+zrkNSCtqdPBe@bZntBdL`2Xbz&Vhhs)SEKgqd6K zDCk>nHtcfQ?#GEEhM6H?=zWx&$LO`T5JF1fI8T6DptuF|vDMbv*tUEeHKzDa|NQ&c z_uK#T55K+crM6ycPeG5`V4x);h^JX(x}PT)FOdOxRn0M;t;e{wus;2=m);Hjbo2~g z-)>HnQ=D@G#t%4B2wHL)HUsV+Un7^=`(( zpDwlaF{}^EDX0n)=Nz5r_5GOBQw&FKpPsHEXzK%r&$rvXjq&od2k4B4m6B2nx7)FA zSyhG^IZdBq7!yzO*VjAonp1uM`!}=!A;_>9gKCgD9q9d9`&kr1IVBt`4E^b zDKeI@W5NKSk8jGSLt;n75D4m0wJtL;f*?d-pCuw!(N;S&a(Tv)CI*Wv$G~LELZpX`~C$xWX zYT}Z<-wt;Vs)zylnA|`viJ~71F$n7R>t2sjMfS_))9>$xPxm>G+leiZ5Ko&w``J&F zW#Ij~6mlY#Imw(g#M-)<#}t0^n}5SZy*E_4PysPBMi_J27(K*L+bJU0egG0@HlWj9 zJaTgItLC(vGZB#^_A8As<{S|2Gm~n-c|AtYDc{cH3bSU6Vds z2F1%7?h^IUnaSN_OomDpHfZ8s{n4L%^UY7M*O!-lSP}#eK1R%W)H0N;ot|K}s-f;{afrnaa z6J9Y9)(tynA`)IzGITVw25>Xx$dA-;G(xoYPb-!YS2iq<{7}+A9B!mh-4N#8p=g%} ztH*s2M^X9VpJnEl!|e7@$Sg}SGl?)jjm(q^Qb9Q+onz9Ye24BxgRn3>rr_$ZG7DRu zOf-jMz%Rl`znW$+c0=#6Jj~|IlDZ(C2gd0;+z_$#35t6D2 zG)!UOn8-4hwX>H?hIv4j8g^~FR}bkFQ;aF3k~HXC z0MKK*ASzKqjIZCnrY*-5oCw%!7JmNb`u4*+mgIP(H44-$pvrF7e1E-Po_9RGAYy?) zg9!vysj(#dL=uFUoG3&MDZ+g>%`eXv=;btO$1GChJZgwRSb$7`ViuGzC{aTU^=Na< zw%8RNoG7Fvj$uBXm62oJ`-myx5X1EfX<1A$ZAnBz3ZaCULdoUFCYw;oDnYD zT339*EOS~P7DG7B6KgosL%6qa#<_b%&P&ki zW$S&E6yM(Oa~gs3E$mKxSV>V>+&zXc%=#EPXN=O1+H#70*kv#7E+Y4%UM>ZCU$YrP zI4c62y^k4#9<__`zU4k_E?NblT-%ijwfL&>3-IrqADrI zK1>zOnzS~i&uO!i_~Vy%q}W`p1ylL=_p_A5sQhfA{>vq9CFc@V^*HLw=PQ!2Qwpkj z+^Vj^kDMH$+p;Hevg!5cNYFr>-t~Edlm%1@e7s+Oc!xgq`m}xi<{9T0GA=NvfYAAV zKQEV!g?bw?1qiN0_;TG_?H`;0a30YjhDU%Xl-Y1Q;9FRS@^tu3m-n4ml!>|50jAzZ z0awo+W5DthOScJ%i@S;ni#{AOASlBy1aAzs`Hw%8=z%DOUP)H+F*^~&70BsKIX)VA zAKgG&NI5P;KSU``qc4=foIYxwlSUi(pN8d++0Z zzy0N3{*UK*K!6@Xm~(=)Dr*ox8lw|a z3W*=tQ$@yTunk~whqetuFVIV;PZed7@4x?Dtw$-liV}H> z3ErfK*2ReEa(Vjq|Ng)K)vtd2-FLslHjG7kZ$uQrsuHHpIVW;0L=_$8rD*mg&q}Pg7N95~kkT?e_L`y}Z4>9p^Fn051XM0%}==06@XA zzCjeb$|30SwsO;%xu5;GpJhv`dVfElh`Qkqk1FEsHpWM#`>*~i z2bvHkMlK0*FW3`%?~g@a2th!7wMPIg+$J!=V`;YRVL?L(K)*wLqEYc>p;>~Oe3&@~ zr3m`5N1_NL@Qzs6Y&{Q{DcG0*9r{9wF*6_c3O#);5%a|mRD&*DkAj6FM5IwhUlD{T z$BAgVLt*@&YY=0|9oK{vG&Wi8L&6Dz?;ZbI6bzWiEHOPiMIwyYVmaAuCkuzTVwJE@h$$>w4-z8Yu zV115R?+t?(hN6Lpg}0ZSwz$7!7#kj*1QKPKT%o1GK1!p)UlFs$EfC|A#IHOb=OMd+ zwoJs-4-*wP_$35~a4KPR8)Isenb=WtC5 zjg~^Tl!7Qn0C~pjM~5?8qcD^8$%_$4iYJ5x?aDMCZ7{JL!J|c!M3{*ImcWcWm3Vo+ zs4DIt>w}0=j*!>-^wEr*F3&sQjkr_rhF)JT)4U#4gO1vmIYg~T(;#`vQ0K-J@}7Z{ z3Q_ZxZa>~bRQOZ?hwXLcWIw!HitP{))w7On8YINvL^cMR>bzxoq~sD&%4tqNZfDAA z@iT}*&~|pLQ(}y%ByyfM@q*8}Y(h5d14R|0h8VC>hsbA|mpzX@B&dj_lCZ)hu&tOv z3hp$3~Q1#}NnFtBBszS`bhT!{XeWCpgNtRDkxsHj~o}naVuqvk#p`H zG{%7E0QblBdVz5e6QdY3rO^7o4UN8qS#C$Y?py5x`-B+7SsNA_tq(MmHfIp94j7Yf zoGaseKWH^u zPOrE7zGVp_BG|pybRrryV+_aHg38yo+nn>Vmz)w2jWJ@3DW%rB2w%4H`hLeyDn+$n z3q{9La*{_-7j~^}jJ;$cdcN*a!D`T)LJZ+(O;s+}5~IcxYHj1lg^J97@Dq*Bu8cD-)Ly)x5zw4CGUW;W~DN1weL*vUQ}uW>1<*KWfu*X{l5 z{XE+9%cY*Z9{uw-*H*`Iuh3eDH==$Oc3B6M}-}H+wvIp z`t?1=i1E)b0|@zcI{@~63ig1Wg9|?81(b0ZD5*nkX6wtkd5LoE; zb`beAt7m5sfDv+upMUb{^~*aR4^(yTejJsVA^d=e-+?E~VcRz7ALg8`js3b!cdUs+ z3}6J=7%)7jN-3F$09>0uX7y1@zCP`$^7Ehn^k?7wM%s& zJa$^;yA4$ZCDYwiSVhO^5Mm2)A5AsTbY>4BzC3^WKmYUpVK!3AaDAu-n4@Bd_xnvX z^wDdrXFY!U(_h9%9nVN$bf428g2F-oc+)<5i20#(lIfmes_mo)7Q)F@)Ta5IjO^qk z*C8UdNg@HIKM{+l&EZ6?)u1|T0D#6UssV$B-m3eIF`UP(d22;OYo-Vc4$?)XTT;nJ7r1)5rPvmpj-z3Bm;fnrM6!>`Ere1I(Rczevz@b3BI z`7m=#5w$N0cccRQT#YNLmL<><2`RdH2nzowt%h7iA9>3tk7V&fhpK*n{M>xnj47f} z!-O6qMpcPP=lZz_6d>FyqZ?{yI4o^UC+~H@WUL{e_tv2GsF?B3IYZLk21<>OJpdMT zAdMn#WN~cV;T{4`(Uxs`c~+sqLdLC64=K#CqE)fjT!tm+o4XM+dK)6fNO)xn&b0*4 zpi8|V4EH4V46A-3q7MmBvyc^DrfE}jc^DA;D#{QVVQcy!Jz!b(fH@{BPcwX#Or$~F zCK0!z)uWSBDj}AD6$A)5%mniQqH~EUB(>o z6k{x0Z_S-Xv*j)@XCiA8STYfyV+d|KLaWy1vUoFDw{{<+T8KKTF>x&6d~en)ZHbnR zLaf`I-p@XoT|Zrs;Dd_u(@$RT;$Sk1XRIDgRqMSHajyfV^Ju--CMvhDx0u6ntvrHF z@Lj`S0a1Ie!=3i0!pyfHZ`h&1$+L8i!0VBV>Upm$T&^YNu;^5Cr4+A8{MrqM@-e0;6S2#iACAMI+HK%-XOU^vdJiFd z92xH3haskFp@G2D#7+dhu{q(BxZRJE^V%sd6x0;qudg=^vX$&aD*F0%8)iAhpnBAr zb5s$2=vZ3sqmNS3bU$nRhu{9w?|%RNx1V2HZ9e^MJ*ey@4>Kn3!w`~HQgWZFYVN?= z#29l?Z>b0sI7V*Ong61 zRaq#cVI@c8z?n^09k!Cq=d{VfXd##h%3xJ-CJ_dTQG?uW=Qp38-fzd}&rjsk$57Fd zqcE%LR?;%662Y|1%y39QXe5$i{PFc2?@}KoA|=I?;`Oq9`SNzzi!h&OvuP>Beak<5 zeJ7&5WPa@ZOHMfkn|_?Nq>M(6h=Cm`?hDa z<|zh*5XY$aTFGfTK@?j`5|z;nh~E(O`DGtt<{Xcs4)fmaJbJ4ug_j-^tQhtE^-e^W z>vr7Fvgck$P}#Sfb0p$YBI*t(vf--~!C498|Wkb}1 z8Kh-`R5*fLod|GcRR7qGxVxKUX*g{{mZPfY(R||ZmZ0jBa!%F_K35?Q(1Je#hOp!j zUQx#?(p%RM*6E-cQ-IN>_mN9N6U;2fy@D>>dI#>1n0hlN|KJ}(NKMQ%sqFcf#;Jnp%7*RNl1tJULew#AyA~X; z*iQ61P^;nXVB(nK=Wm`3YC-1-=6Vkyrr zFW>&;=OF|H>&`i2OmlI!81rd}(UCci;Vycf!FKRe%ll z?Fu~)mKaz^xKCaua0`%;iL_c{%&j+3C6*=0?X8q;K4^5a_uZ zK*$$+To$NPRRs$uu#fmb?$W5B&@i(E8D^rKa*R2)Ix5D`%-(QE=T zJ0Cr&=!(8u<~)=xL})y~>RB$Ss5rZpSP=t!W(>9=9_)2Mw}}ZQ{6$Eyi8)v|=$EF= zrI#4~Scnk@^J|eZC$T#b{w0q=31R9VVt|PMAs8b_-fckmv9LVT?1TJ+?gH3QB%pmb zkD*t@XncRl2qloPS_ohKc>ES*!!&BUcW7@|c=Y+$&$x|Qk0vT4G`e+=6=eNt07luE zc@J(Lf{1Xt!!b{9zdwk$T;l3~oC1ClT@;{LkSr!4i;YQ4NHhb6Wb_%5!Vij{bB+ad zxPLi$`9yie9dv_7BIJNB4n0`f(qnZeKIwd|Hl|OSW5yC=4%X*1Z)ay>>}`4-?dTze zyeC#kIkq-pjv`!-c6qr@n<>S1_Bo7MMjz}PbG&`MwX?OeSswuEqsT^`Gy32~R#=kA zRN{HBVCIs0jEcyncJICRr%z9{Hhk~M3&$fp`iMF9Hdsia!uBS}q!QK;knax97=HH? ziSo2GsLLE>v(*+tXtnRx4I?vEJ>E|Uk6UfbY-1qu&mLCw-o_YKE`^ywjHBChLKHVP zMWQl&;_Sk)FOS%b$DIt0>Uw3ErT3vh>e*us55GPUF-W_JLx%n*<~aHYDa520I;0Zy zPyg&!sxoZaoM&yBEeOa?UxY3W;ZoXKn6|9IhaWqNprJr zU; z-);wTf+HZxbM7VOlzx1>-R?(8Y3ZH%xSjPl>My?g_I8}`-gUFL_v5-3f6UG`$lL3E zbnAWCTu_}>M|h}ujenyt(6hxDS{so1;OMNa4Kv(5u%nLiI=BcU21sS~QRl5)Eh|L5GsSl#Ep+gza?ZeVh{~Vy`tHV+zx*%DVT) zYwxw^9OHX7lrBX?-7APDOypRKzI=MiC5ecL22tIrh?JV9L9TtlS0NXbg@dAQ6{n}U zhO}dJKrQ@`55R=r%GH#oc`o(s%j@%3 zU;p7B{v2Tj7}?Dnq@0HX>1UCB+sAD9gyLjYP0%9t-XPG=D+q|@96^B@4y=K>sVEcM z97**zzx~^kgo(yzfBBdH$4`Fp)07IHUSzF^a650GK7aSCU;dNZ?Mu$3_nu2}4`KyN zVD3zuGzXEniRk5W9rt>9j8>3E0-%Xl9`PXL_7Kh%o0eBTsVs^{IOpQ-0J$ORgZ;yN zis%@lHe%D3#hvKCElsy2ufKYvKJMbOTdG*+=j^=QtfRZ*%QAQ-=%So z*K3lx) zCdNU1d$}P)ZzX}|j2jdB6x^*gjUvicOUdW$M35KDsuAd|ZqL<}fozitpCEtno3 zYNxy5pkfA+_7`pcJ_s_xr%xop7lKfSz`oVHrFQru01TkqG)?)RYt51_e^X_sxA zW)P4d$0lMq*71=>Yz`70C}OLKf+8Zq=$UhxbK;`K44rfh?q};c=~hb4>E+AY*~i=4 zNzA2WjGIYQDdp{UKqBuEwPaN>^D(C1@l;}Zyk6gK2j3HlFjo;#Qh9kh0OZ%4f(R1% zv-gtAGzSS}&xO*RSu30>M%z2z`83x7#zD3Mg)645y$qBE(*@uC>BIdE&?zbH3ireXH*D`gXHvmwkKra(lRJdo8MRp54OdG*RC6 z5(M8pkAdNXbtOHgQu6KSfLj3kzrG%|rq?e`RrX7ba28HUZCY>E&OsC$@LmDr*MJ#@*vXle&j$v4ebIB2lASlLOvIX4a&~TLZfdefhQ* zH)oYxOG;X{66oQcus!khanB{A$!q1)N9+$5$fNNX-!%Y^i1%Dl?`!{O;q!LZy#ONG zE~TA=nfB|3q?GNl{p9z*$tB%`bO^s{E%~^eC8x*7D2n5AK=4*KBKosG z{l_ASm{n5{p%ak8Q_8@$MYy#yrJPclb0Dq%IT_@Bijc z|Mbsm-LQc$%h_AfJo-@81=|r%;QIGx4~O=glZk{iBF5;N&@xUb6{uxU42&EFkgh4O zG+~tl0vbbq&V|<8!M!&W2!NG_mw<@gZ!!e!=ai>Sgr-D9EoJocJdaw-9Bq#N{db?% zCuPl%$zX+eyIrBPg&d9F@i62^PV&hHx4ev2#2)>qiQ<`3_@7R zQi9m|p2oexj@FF$`tkcs2_H`^K0lXJ)o(K*Zf#v##qUh=|F#6pa4R!VUhvRq2{RrKHMR*+J z?tfU66iQSCHtXqSOPY1GDfe`LN3goZ%iq5}eRDx^7%*vKwqeJY)^CG?9=^UT`HF|6 z^>0%aNj#c?40BsqJ>g{2Z3G43&_jov-}}f`4s4e2*sd9KKTfUpJpN^UHj*T?`XU7I zVBCpomSvJwm3i9vrCYc5Hd)!mTBuYd6>V=rvoew9WZhO2{a)&&jMHFdML2z_c_|^8 znFSqlbK3RsGRv9zI;^r69>;_6c1R!-`qd-}^LFjFgF)fR0W&aY8puz z5u-0#Ft#jA1*}ZV0lc_1n>NmwN@C*M%ju}BF*o;I5~J;;B=>+>NL3M?hld{-sdpO> zn(s`1{wF^Jo~^16*9!}eF<##eRjnoOTXlFJMV3v=4P4{ar za!Nq5JeE|ZmMpTun9n|vDu~xM26}egLzSobm^O#)Tg9#U-48EcUT-Q=N=~ZN{NZv5 zqB$o-GI&MI>~=K#&hCD>Y!r08?qD8nX9LDC=d3j!XUCl9?kVY*#>{=rF^v{h=c)<6 zHfG|x6^$YSt^g#`9A`_S%yhOMM9MPF_PzEonYs1(_;7*K=T3}h${8~8*1Oz|6AZ9w zng}Ajh2K>o%^xiVT}5gwXMfL;Yr2WJjUF%q9SPT0;SdZc)V^ztirFy5fQhe<4M@JDk7?a zzs1a_S+RH}bt@v=`#g^!Dwj)vwR=uSk?`&9#BEV( z?rq?4?R`ExZf1t6vVq3UqGOoKnks-VVI5jzx{5GguKVX7-mXwXnWMaOztqd61`+CJ ziD{a{&OWC&C(!o^zrg@NptY7zFyuFm-KPxxJkzE#LO4Nht!03g7E; z7hWqI9{uPl;uhhNa}JNB3GcY@8g!1^nUW&3DkXLIIVVPT1PVngDa5-O6mP*w@~I{6 z>U=j(Im0wu3WVJPB?-LFW6UvZ_K8*|w-v_H+sL&LQA(0>KF_uesfc&Y!yHpo&a+*v z`%?EZx7N#6w!ONqI6p#)E(#4)Z@1ITO3C}fR<>$pb53Z+G$#!D&tE_7*Db=)Fpx9S zSGCsS9_P`5=*QoD_5BZ@F`yu#cZ`8@t{EoEaS)ns#k-DW6r zY{~jX1SN(^Q*Y3>Lp4XZ>aq~nL@8A^n?wv#a?(|2wuZ8B7D4KqN1zBev9Fvu$P0d40U#kc7fP zL~J+$cIm$LK}K~R4Rc;fil!b6qeQgrCGOq~UeXsCW9qvg;B~__r|IEGdzP4TCLmE&mpRnUAqKFYVca-rYwx7J_UB%D`o| z1^9JeDzHLeCI(_vwv4nQVy=5Gd!ExHNRvR~vaI~EI=tR3*8tw}&sUfX`lOkl!+aN- zi!1~hkR*~-!UOUcX0Ce%Kmb`Y-WMD24?x&W?vA5!r7hpf1oDO_iX+JHDWZX}^J%CT z@ac0{*_JB3p97X(#9XGVbC`8o1BnNUAY{b`GFqRRcrIw>e$z7%q4f*~49Z*j^6gRf z1cgS~l1)!VRV5|apSHCWDcf|nu;~;ry9ZG?%?2%ggvB@vl0noE@%8I{dnmKbvL&|| z=d@<2Bqq|7Qc)2}Dzm#LvF>#*ctL=~r;=fj?rq?iK{q7P+EQ}ODW`spevVSIo7b%} zkxlDIulr_mUOzn4t+ZQ@h+LD1*qAK5T?;zIpsumYl^5a zQ_iU!!={UBJ37#)dMViYa!qKg!{(-{Fgm|4mNqOG#es>?D*f3X{lp_`tu^OTa?@jEhcqyxCB!;^c)J7+ml)yIwXT9%IgFs(QWb(EOuztwUaCo#1) zl8U*{X^`hK^S3{|WL1jjV@3pYv2<5XU$)wZVWJvlW6n~tuH8| zCG75FuC?SRKl=Ll>G9?DZBA1~B?AeQn^Cx%m84^gh}cj_9AM9#SrGG&Q!k~Ik+u{b z6p(6|O`KLarIJ(Y-P|yIpRHf^jfhYm=I(nf@2oCL+C>0DQgTum(=PjVv|dY5 z5mtVAdCN&ZeSVFIlvI-(x3*tFETR$9BcioYYr-J=<;!uoY;)S^vy_}m@(5L)(=M0F z%t3LzZmYh8==J56OL7l^hII{ORBPV%LV*lT`r*5m%cTlx*R}%Z&HFdhq)d>bFy?Gb z&qTzsHnf}*3;*!_3$u(q+#)ALqrdyZU=b$~M^QKbEr zl5H63Da@?o%)})pFa~a(R!VnVF5BDN0cZqKA;8)rf)!C>zU}2b2769JTzc4YTIu>T zW@ELR6Dzot2>etUUR&<(}8C>t62<|L|pgRoz z9C#*1!AP zzhjQ;W&8B$Gq0`5R26k{z^nLPM4d}UA~42Q!2jE&&c1|y0M7CM|N851q2K(t#M|&_RSH&sD`c?6Z3SR~ig*mK{rR^*W;&NX2{>cR zuzn25QuiDdSVa)hFxztOVm=cb+CeZ#SYO)llvnW4d-x+>?S7h@W7hY3Ga!rjjDVdw zK*0r+U}Z}<>sYv6^Y&26HRE|mS=;NF%`P9d{i)`fh`7CWRJb6rb9O5=&AIaH@G(E% z8ZfE-x(jo7*Z@31!@gbE2D8WPgIU_yW}l@N&^xnRJNkCnY|Q<-rzE5GTv93uLOUWx zAGzdqw71X49ZD1MOSxuZzP;Scyle&6lO{=7H0d0(Y*~_wKF63oLzMeD%APMDF0{0e zST$+oPr_dtkxC+u*UxW6bRG@dnuzq?ZOpnAbR{uSskv;$%;136oGuSrZ=H!zTb@#a zVhtDT?d8;@tKqw(cJx&8cHN+{)T|2*6QW>*FX7w>_mtG9i!LS*D+ltgw#O~k#6+w@ zglt^77a;IbDc^;H1wMf!i-8o@KmPe2L`2EC)J#lox3jgj)k@5@WMV?RG={>A>;(!H z8Pm2>R1)MpASw{i1GP`mSj5ozFfs2OpfdZq9AI0 zZd;`w7P(wDGcP4W#&aCKlnkbl@d!qgoFG=gev&hK7D!dhto3m_&dXMNA6qGXOeS8{ zODVNJwo=-h`&RXiKYMtWML+sb8z^c z<%iEN0ytI(ou(0hm=u}S!`Q@b(NX7nmyunc8JOLy_&~yw0+y=w7OLyDmj_?Wh&;sN@{Jq-Of@{y1&OLdAMFS_rR?0?w`KgK0ZC1t-l>-$*GOGZ{@PpG0oh!t=x_V zA}D9=ZF+dFDQ5*@db!ryTLXtRr@05x{ZzI0xoxGj5ftF@JvxVU?7BdG?_ z?9)9i4?CPEF!KPH!l6vd5lG-1+u3Z`c{EMh`*06)x9OVHBakJsDpzQc2BVFXleuBY zD_fa!0tXF8V^t zEeTdixxg_3Xch^c_|Y|2G#QIX&IM&&K?F~&&B?^bwvTXO0TDz*DmusT@U33voMW_g zk%*k8p_5fQWZj=!mz-XT?Db~nFgV$L~Y5vM)O_sgZXW2^Pkr|0l-}ZwYb($N5} z$($bMv)deIkO3q`JS8)Gpq&cyt77iQAC9YYP2{p7L`Pf6$iy5@E98tB+X76nV1Mo) zATRUoFgRjYr&SW%$(Aps4{;iOs5h7f+6hZq#8Euw#fz!%Ebf2sK zjMjOmt5x?7@z`|W>(JZau#KQp)&j<|j1BJ=5h5PLG)ZsseWir91X`f7C-?AyAtijc zX0hq0!GbmkHrZ6P>^TAHQnBtYzdbl&f2iY_+qJys>yxkL2f{hL5%BwtHt~E)Vj@D2 zOWG2Wf{=nuB;jG*KxKf&Q58wz(@Ra*?r>|Y*Prk)W%nqToc9b*0;o<5j+#|Oz!dd! zrmV|huR7aIIhC5N&-3W;b|PG7+iTfMyS340xc6g}t+b0XTp9IYzUxCHFYr+U03Ss+F1Ln#z_nD*~yXzPYB7G|A=Z zft1cik}GO?K=s?OX@(PknMNO@4Q!sNDDvyd zmeEcl!lKIx{I2z4W$;m|?_y(o<_Pe=K#Ww9h}bl^{BzBv=5i^54_yQiy~nUB6gziN zCL(mXhjB^;GRo#K{mD+e)aLG&oRb4Tl@I@_|N|1f1E^q`~ByaFK@Nv z=cg-7^uTZSTKbrfzThH<#TJp=Vdh$LYdz&uOBr+axsqN|k{>?39%nbRG3R;q>%If8Dh1#gzunF`{lnAs(+{t2 zZ>_aax9qFb8v0=xW9FP%8xgVZA14hEFAa&B?~hYHP?sThUJuIA4wHbgfYyf2{92}_N}$Cg8O-C7TKjA-dGC7$*J001BWNklVGT`Tb0+Dcz1Yq~Z`!$;I7k-Gu2!-~8wozxcCX{qo=c#V>yO z;~)KAN+p6(&Lx_B(J_?E=HZ&k*$#MZMb(#X0Zn8&t>>JX8L%y&+|d!b8X{_LSOHr* zYu#~0q?FAO|0;7%56`9C)so|`;2NbA@Dg(lzn8l+vuZle8ydN%O$s+djHWEmmpNxN zZA(d+m~OY%lCvt1tCW{!|t3)jjopHbo%dD&frbiNh0D_h5O+e94}N1c ze4+Sh!GCaw5-p@gRaj-IQ$$2~PET1?1$kwRW&>ffRr2Z+bjNBuh@f24IA_`OIA=uU zEw#51=HbzgfmaNp*xPp}GDw&?RZU4KD9qi0?&B9y)HLbC^M=P}f2d2MiP!`pR(41C z(<)eCAuR$yktoYO6Y0Jm5;NQIRI*RE8ASX(>g9?i1VvU-1e&loS9Pa%P?>_pIZ%m^ zw=~W*rvhYozkuR5Y|su7b4n^JxPr}W zf7r|{W&QBYQ*S+GwFz{LnAs*gGgP*+KWudGm$(P}z}d0rGR^AKa1Nj)5L1Vt*3%#! zTL}7lpcZ}#vxGwzXW@=T8vlWt<0D`*^q0T-`80ccxY+c!+hOiW_3?TMqA_Q9T(1{l zHej6Q$a%;q0l#;TK1NPSRDq!PIcv^Dlu|m*vy?o>$SK{a17%@!yV9~n8Z&43uaQoZ z5Y@%FBQE(h9mxI?@!rJ<{?E4t=I8ISU&&&0)zunHWb<_o*L6%u+N$}y8 zl%SnBTH8ut=GJ@387kEXn(nn^&}wznlsW(vz%6!%j^yq+>tn1=0}m1DW3)c|=nJYB zcC(@~dQVIoE*v)Jr6!^%N&B>{T$0)%r`SBqTt%j>Pz&e<;cyt!RpoY`XKS^Tqn(KH zsU_Ev|N7tl&ENj!yRV<0RJiqF=Eu>d8BVJ?{rT~lb7JN;W-Ymox$hNV6?7fb{LAYB z$9l@?M_)gON6zWD-+p3|uRc89j9Y+Km}Y@G&Ojj9845>T$NZm5$h} zF<0~l(;YNjlP;7_Ij8g1BnhI&!M0G0{Q-VYwnRt z`tteB!yld>p1=OEU8*FVeU>fXb<#4%JdcJfrc_cci6TnP{p@qh2-+_7^04EFZkK|7 zfKoDEkmGjZM#r&89uP6kK5uWwAN>B0Bj|eBe)RRn{j!IDFJ*Yqr^gRpef6VSw&Of6*GF*oXFK=(GUtTEl9(+_Q*rlwznYt{ zx?9e5&XG$wjstr;)cH7aONJ{W0cUadT$Xuv&Vi8AIpt2xpiC8wgvtvxmK<#pA)+~KyHrfps*1w0 zRhG#dM9i!B6W}@_8-#fQRq{L8Ds;N<-WdERqSD)PwA(bSXNWFHC5vcl{k%1dbY`AQ za`$bk5rLUQl*e8A?-44JvgWKQNf11>AX|)r?j=MKMCYxc*l53QHoa~uO=xtxqxFQJ z0@M)0`9xI=&i;rC$&zq=Y7${&U| zV+K?}_!F!<$c>a$lPtE9$Y$iCpe_*unu?CT3cf|TUd!w@n~l>TVS*Ri-KTXQ>|pkJ0|LY0+nCA_5Vpfag?o z1qK8`aPRK>b(_;l&G=;Dtz_ZZC!QSahqS?i_l4;wV( z=3e)T6&JF@x)-R+X!S8Kb3beVOZ^zQd?P%18>t`|Kt#d1#JheBervEa;E}L4W8?-o zkD@*O`M>wGlGB*hdRI~SbTLDxl$iKD`-=WxMuRL)JsgncR!fDiE0%r_f;ySDu#JS$ zERlrNxri|)Y6S4Jplcsy07~B(5QLLLSMIg9_`FY`xvF<@Ho%b#(cb9 zzP#R`#fPjyMc##9xFh=*C1+q%V-8}zUiLPIh`L9u1q1iddJvgetwlt0R=Uefah9$9 zHG-Kj{WJ6P)Ae??K1N0%i!ymoL=wJM6^f#~75(A!Eh)deHDOZaT2dP(%zb)Ex|aL< zig&bux< zH6x;w1d{7EX6tj#xz$oietNoIFZBJN`n6M$6}?qe$RoHosSpQ1d6?brJBw7-11xh+}~ z5n7J;}9=NR2apYCzJZXcd5y^nn_N#*J3T5@V_)%a=B zoV4a7!doo^oLEv7`SNmuo&j_7S6_c|_5mADZ zHR$$wt6M$ZPEiea&FRC}PiA&`*fl8$-Chq7PDS6o9Q&oNNZ*o0`5qN#EL^vOOhZkQ z%A)Ke;_|Q)(|*}(&UXlKztq)2b*}|XBCW$BoL*ku=9sebi@B7Va&@Ot_I z3lM0ebKsSSegoPhxRY5VCGCB@pJS@a^ANFQFv!s+qLdWdINgH+8Cbr`e%X$<){cIC zyr`6Dk6HDXgje1cSjLHfFdEVzO`>V>NSH^l*g*XSQ86*i;UcU#&0$Pz z9?-9qEyE80(jz57q>QeXB_4g=)0#LU`0l%ipzTsbc=qYj-Td;1_F3(1`t--IFS#lv zFbc|hf?EJ0dk7ctYFIZUPoUM|eqV9mFQU*S?U*8Typ2>8gWVh^Nm%H(b?i>iuS3j+ z4hN#eme>r(7H?q_r36;@%*>KxHuJfDF`Mo)Cd6rhlp#S=8$K_oXt|VJQ!3)q&oAwL zdt_!!@LrLsVp%FViwFtQ9yY5h|p{WDC+UDMlHu?~i%hNu`Kv<`l z+nBf8=^op)rlR-*N1Jn4E_q#xaAITySyA?KdD>RdO6QIGTu*oN7ipX55Yw{@|3-?QGYr5Yd?CL3lT} znr~-sy+1x&UT^1R-(KI2oKs5aI9tvssUF8!bG{u1JPfMR+7OlA)-c!4St{g3a=x`7 zn#18y!_Z%HVj&dWhetcddGvOUQj(kdbYUhBX8!SypD%k!DP1pHPAQiJAH}E7Z^*Q{ zUbby3Iq5Wic-V8v$IDj4OM|TWPOApa!%V;RRqxfkH7hN zw(iqV+AS<4r#XGwYR>66PJ|SKGr`f1LvU#x?s;L3*vEv6A*Gy{$s=-B_h8}2=LdKV zbIlJQt|{qpYjv;WBqDA>Oqc5>EH6L2q?{pt-}c&$_V(pA#)Rmxw~i0pcCF{F;gUdQ zDds$U7*!?QOU=X#kOMFxUTSi3kKP6{%1X&-STu8rIBxCZ$ET#4RL$(+asgJ6G>OXD zCUas@(Ol~G_18Zc11UFzWX!ejhua+cb~RfO!@c))qu3NpIb~)-6pyNI`{k!U{Rhv_ zU)^rET6Wb$4B&@@0;EAiz~gJ-rEGn4z~{Yp)ufu-@Ag&-)$9>aNHWW`nRDr*ms~x( zk1mpcvSXT$2mw6HGHo)NgG)Kvp|ER1lT9S|@P3czqotJ3^N8?N>KJXwmTI**Rdi*e zu;8FJ{6xfkhDAj0XDM~sbg%(I6k)zH;+QDh?zb;d_@^JffBx`c+scrTi3 z1q9ZxVj;-e%YxhDK8;2O~V z(>=4Fh{DmWyQC?r<=q^M5TRYl4`69G+iE209qKisbO4@f6k?v#{tyVQ)D2<3jM3iUTix+aqh-Ae%-;O4Vqf!L1vu60% zYEsw*0awNSVr}QZuL`{=1Y5!a2?;1N_{ZS?##;k+4gw)}$4*EK>5p{pzyW&+H82q~ zODdU&%a+&9rUDbZCKZ)-^jwooOIh_-fBq+Lw`1D6Uu!9)7n9#1(70ZZCF*@T1zZQJy43>s z8D2yDuiqoXdLJdF6>%+cwl?PM7`cdq89z>;bYH&W#U_tAua}DmKYw^Q&W6mN%eDp4 z*+iW|*kqiyPZu{v5?%(HqEjs5#7%I z^ss;W@&>N$?RJ1=f`$6i=P&N@{B#xN-p7(uwRyd6b660m$m^F=Wu-KX>98-W$X3gj zFGndUXJw|>*Awv|s$5DE=FyEJ&fBMz0RmG=^OU`qm=}ckP zsWqpR0DwXKhIOK~v27(NL}V%VZ0WY|*|-)#C8yib!jV2CbD(1cAFH9NIi=qE0)x%M zBVoxLGcQ`~9xm=)w!H0FKce?hYX+0H?e!jB!H_Khh)t^DKBrLxVJJ7xIomWFw(a%t z`B9U;eE;(C$IlNRF2}9?@a^a8hYPvmsw=BU8A=VxHP^i$@5`slds?D7FxH2s3vfiR z=lvX-gqQ7AFeuqHqyt?q7h0xXMkLA@vkxn!5KF21=P$1!`lBEHe#*szRFp+Z-Fy|F zQv{vuxZPeOf>}%5+$J+?%ECNt?%QRI6DKDT2`6*AJ4TY3v!Ky0sV2ao+ zosSudB;e1?DJ9hu?jS3O$mUGB1R=*vmJj~!hQi#;w7wQ7II0pb=WEJ=uw!N3|8=yL9MpKsUvSEwH8x;4fB3y8z4=671V9BGP-nx6(^wmOY zhS34z8oumZ01c~5*)rB_S&l=eJILkJ7g)W9bqaI5wuD%MwOTGz{yrzfl5_YL(+p1*#A^7i53f{4k7r;Di6tsq(oJ~U=NZf8pA?em)!g=Pi{s8muryL(7N3x`M& zMP#3>EKwrD&W5Nd)Y*Rc(PJu#*DcosqJo4KC1`0?B!P>rmx@%)pR-S!CQ17_SQrwryk$4npZ$a1 zTS;N6mwiLP4pEd+u&jWRsHMy?b53*G7z4!9>)WlAj07H86n0$pt@oiS$I<8>>8+w? z>r4bIFrz$JC5Vzp8-wrhU!^2rfm3(R85ED#iF!UD*Oau>tcsj9?gI_!0T&=Mcf5@5K>@~Xul2)+ z$KyCZJYL=7IQzqOclXz~1Egf@BdI8_%3HpdvXz|R6@i%{t0EBT>?1sW`20og!h@0( zOGOa%G54*Ml0SWZOG!~TfdC@>fdIDWuu@k5)Nvd5^diMyMdt92&le^N^IFQ|!=@s= zo3LOTZ09(R?(zRK^=3=5B-xeS8FVmnkBECSYrxQ$0d|9IN{jFhDEtim8h?b3eBc8` zD8eRt009C8psKsZ%*wp?M!1`)>d|xfu+^iGPgxRK5grz1rf1lD?dZd{t?XOr!*&Sq zgCgSXc1AFkEr>%VqG_%ox#YLEJ28)r*l?;_#j}cx!1Lb2NmyFzh)iY%9ZYS^Ve`1R z%VlqUt8T=d?d-CuKGUVS@@?6o3% zq~rx?FQs6`iR}RnC(Ow(agWD=>h8H_ED$v*AlHAXYW2$vsur%n2lUEM5AEk zg5Y-0Um;1F?i2w#$@@Y%76sn|F~%y0AXxvbJpg0f0T_#it0u6aL^Kea5J60%cY3TE zQp)azq(TvXd;NTz_YW^GHtoxoFE$1$X%MKf5?mTnqVwLLU#_Y$x{YSN4;Ha*knmw< zMHDK63Ydc6Y`MQ3nv$xT&0G>XGz`%%PZ#)?5C}S_Gn0sn2X5g#H1zi6j?y2lRxHVV zx*=uEm%`&=ft{j?kF8lTgu|6jSy`A_rde+TgL(Ie@JA)Y@CY(9S_SNxw@Zbu46{^t@ zdJ<6xl$Yxlp$8&@UL7f8;2KHdITjgg^^Fw7j1fM)kEfx2F1nJoJVba7U)2wvTkQ2g7iui<*e<1^hH=>7K?wSEjO!pznu3$ait zLW>0*@c_|kmUR;fvrxYq1(iJ$u@7HiUPR%sKh^WKZ+mg4e($_e4oF3gFAdEm2CwJa z5aF_Atef!R!%0N22~yC(001BWNklx?P|4eh#+Ifw?`@} zNmEH>%TPwKuwfCDRs`58b4v!80i*h*xO>Odu^jVQP(Y6~x}k|; zUM_iE4Ntbd;)Gdb{Y_QyPG5Nl%lnRf!pJrA1K2gr!OZ%@-}?&nN6vZ7S#m~M9FJCO zn$=R~(i|sVF-ktnYRNfaV2^RsjEHUnSybpFG2_1vvF;>G!^rIhq{O$LjfzrR9Cvcyo zq#u0s;dVcIA7|^BVF(M(R1wDPstH=NoOtp<^qB~>0(fM-$0L$x__S#h zQBorEzy6aSZ(08CzkKs&zyIO?{QF=0FaPVm|LyDXzx_Wy{c>;r^y|<6$KU+dfB5;g z|LLE8_498(pTqw3pZxw0K0g2655M~F{_0Qu@4xv+I4MvsmXbu)=UfIpWC=%z2%!EY z=MT@d4_Tl+bbGA8$*;aG!gPHe|UvCGJJ4D26K3(_w(SH5SryqX(0Xh?# zbDHO*XB#OmM&!%O)okv2#l61OGWyDVaHof`HF8eV+&ye~$}-y0di6f%^sVMva}uc~ zN6^!?t{FS?{pjC*`+A-ORH#}qtyr`aL>OI&N*^|%+zlGTFk{msXB!x4?|X%b&$Lgwbm@H{W}$BD5yR7AHZPYA9v}hG5-ApQ4zrxo zbg-d>p`s8ewP5Fly5DTJvn?lRkcb>-ODO@!i@JeX%se=Z`n zYhfZYgTA?x3{4&0&X~$a1SVwLW!o;bx6#gyKf17tKH%3xIg)bTpSEfK{kNYk&-?e^ zd`?+&&7+O`?GWKyGbA^nVrID{j1;l3W?=&q&m5Fe06oGN>~EUm6bvSJzdT*uUhl#( z`V{7UU)>BvY}>|5$1HuAY7$Km^6~4hS@cIg`h)529^1CVLKIA+DDM4gdnhOyO_b} z8ab5+Ut(DnfEI{&WrVF41`Eq{6BgAJ_@TnRow-z>mQw2de0qBN=9^!?ygct){lzbT z+55>tW|NrAETuHYtb2{=C{y0P+=UrIb<-wA?3XRqjIf(W#@~FGzl+G|qizMSCRDoE zt-Vjq(D%0cNzA&$QL89bm45Wz#+<(Gl_Ef^ z7%0N}2tc=p7fB~#30fB3_aPRCwOzO!Jt?d> z*^)mJN#S*lh?Mmq6y}t*oyJ6|D6FreqY97;n5887=1*bEbAl%GogBm_#K-_F=kFu zwp_P_U<9y_N=>42zBbgU5d56Cu32&co;xtn@Aq-sx`>D}fIncr?$71^xrwryr!5f? zoV5V^Xp(jt^-|8a(T`!xG^^@@{hzNrRn40clNNCg07f+nCR}+_2#VJ58y)?ORFgHs z_3Vd@`xt%NY5lO#Y{7q2@|I9r=bWq=x=`!xGjdUDlY)*feSh9!h7B)Uu9vDwkvle; z?N8gb*9gib+nD|6Nri%~4{U7SKHY+RyKWd!k3KMw!JmBE^oU%OFKr&<53xUAMjw}# zU9;wzMVVF{2exevK@>*#FF$;S)+-)@{s%vkM1)mDB;|~64)?_aHpQc1G`wy?j11f+ zhIg0eeYElQ?|n6fiKxd?=ffO7y1n~oG2Moi22VE(IlwK7$TUQ%FX5s!%Qa2&vXz*Q zQJ{zran1=g>xB=4*Fpu&Ikbhi6zGTX%~MGtT=znY2SpCmUy!K6lZ_9cNvs1^LbQzb z?C$#KfB8pd^XsoZj4`)be36OS19^(1s(lP1qM$KtE+IjO6L+hHc`aN(-(%*S5+h65 zJ*nQ0HfKQm6AzFj-Zfh(eGGqWqKT-M!pt@?fLEyeA@ar~42*eNF<1)`6M<*~%Sro~ zB7D7Ub9x`cA1hk3S#tJpuzH5gS`xE7KVOam3gk(|wHDMFkjKF4u-AG&+Iu03({Y$Z zKx(3`^~b2&b54DXtO_28iu5rqTmEu8{@q{wt6zTm`F^&f^6Az-K5u{jU%&tTub;mC za?D9zJzu^Yz2sbK`t*AI^q0T=d_Vv2$6tSXz2D9@1}4qC)v|3RVqsEK(wZ|o%}k^! zwO~f9XCEo6&G~fQoG6#{blp?Z)`wGI=9kg70^TZ=b2?g=B&Z|iJJC#)Mc!WTA|kS| zNYB^(vTfJvR!SC;xBKbtA78H1{pET|A~rp#K3_I7Kl^|y;B5Wn>H7M1^kG}gNp;`q z+wIu*I;XeZFWUy^_x))1d)u~Ba_Zf#dp(b?C}=b>GnD9$s-AnZZ7b(Fe)xmu-i#y0 zm}B_ut^Mc+&udo1GWxvi^?Ipaz8sfJC8C$-ORX!gtd9u-Qc^8B5pmthc@DgchOIQ2 z+wI&h)y&OiZ`sonF;rBPVlzU#}Ch+KfP{y6%iXV zC0G?#t>SZDpLbQ!EDw9409~R<6+bH|mppBr_m;9=pD*{mU93AM|eh>>q#lfr!rItdJG04GiU)Qb`b5LEckpreH{5>sBJD)N*^hZ(GSZ z!_T)e-qWI2sY=e7g0Ld5wWw%LDQOA{vpG@wO3DQktU7~w?|=BO{!~~*6&vC35KUl? zh$_SbDdjnr^3cPv_n33$lySqL>(2WFn}O zRg%XfA{)ag_We3-1g(pST|UvG5r}9X-E7DsGywGdoXea8KS)zzmYgyXQG}>MNQNE& z&W9zDaZG#}kzvcq6%6Z!8 z{q*pZWQ_Lq_C_2c43gD+jO8K_&_fXV6H_Va_I6;hgL3VDYnaP2b4th!4EF`g!h()j zdKkkVnf1fe<|ct4QxZeyPw0sHgcEwSnX*a}@Lt#7 zE{mJbzNA6ew47f$5lstOoJt8_nGg8&=kRv#=a-gBatmUf1Fc26e{RsQt!)5~un6lb zCVAUy%sB7u>mPmS=fIRrg(>Li!__@(7(Ikr?lEnGYN`pRH^bclISOn!WiNQ*h=^52 z8_?+yaV{yHH^VmDCbm5rXZY` zK>>$xgzvSqG3Im}LStG^dO!Q~)Bbk917Hqb5Qeo7xHHRnc9CV}UU^FaQ!iik?Km13 zpioz%PSHoNqC!N&?5mgSU;pXvpS}Oj|I`2QKmNPF_@`fg_Xj_C`sZJNxn2-8 zQ$9Rh-p+n@3!elpM7~D816SkNaD&@V6$S z2zq@x_bsRO9&u4ANmccBJF#~&o9EH-@oGu0Z|C#Vb{ySjghwf<i8wd#fd!dN&dN^y!w8ZhM8)&BlCwzT9pH9yYu;MA^)ro-ePT?~hR~^=@viA}R{W z6ByN{r1NO1ig=2Y9y#F5V;DBt#9_m_jarN73hTLCHk7AuN|mytCd{l!>sCrF?p{h+ z7M=4oT^69ukh^THAw)poZ{Nsn0^K2Nh;>ksdwtIa1`URf^e_4Q2AY2xa zcJ?)`H^|LR6tRV=6eK?SgM1R0c`nrob9e;N=kH$EyFvx)-FEaPEx-z5MmrihhdC$Y zh}Lb6S++8V5m7(K^=U`6A>M8jvF`Bc#DR!tv$<{C=kH#hpROfm6f#+pEP8?0S|TVt zQa8W(?z=z#)4$4P>oy`H$%{BzMK znNuq5q4-B-pqh?$BnWcM9&7i7)D%?_on{e{b0NZd!4OU|eNvE!4(phQi3qW1&P0Ju zgC3~`;eql0`i)j_d-4@vyaHH6(|Z~*uugNDun@6`+BDS+E3<04-Cs+o#N66Zw;kCl z3`Za{I8=^&0A`!!6Ah;m(VQctWOhyBhrP1=qY(?>VpN|<@UIAMN5&Dd&Sy+*+vF)`tt0jlW98N^(v9L`! zZBP63Ic*+q$9ApnqBvZoX;YHO!%B|Z235Iav2NhMwWH^nv605__`7WYGc%`UxDQb+ zdqJuiR%fDO9ll#yt5q0(RlpTM&nY5rpKiQ9ibBy2KpP|`3HeQY5)r(_V)h}xXO;&3-Hm7Jli&naVRo>Dqm!z`_jjy)anRspveHo>wK zW|;Xf>_@`xgXlzk7`}?^g16iKvTr%1Z7XN%HRoZokCmxZNnH=kZ#p7tMn zxc=(%+rR(GFKf;J{a^m!U;fb#{`ps*UyojE(VRZNox_gESVO8( zvJz2i2ITletW%>FrpQX^9%xgLJ=SKj_1d6 zEFzwtE^s5{l=6CGPC}b>HUNtr6R{{c*IHW}=-u&GKv1y=6O*rS>%ebu+*_>$BqCaK zYq4Pq6fMFc2;Nd%a12ag`9b27#|qVb&gmq4f4u{Gjg}sI22@J86ybq|Y03!>U^gd1 zO_SC@QT6tA$4ehOZcrKpdwiDr+fhnUk;}eqwL*Ulz(6VaID6}()Y^tIYfAb0^s?_4 z)s#~4={7BhP_HvR3Y0lhN;wr~HtWd2#Vae&j8M!uMN|YtZ5m@}N+R0(nNs#?DP?p8 z9$w2n=VYfb z8a5vLo-i9v*AF%gvls|iQR@&h#$XTEas-7+>Z6si*%+;#m&@~Ag{eYMOwS zGT{P(#oGI+no8MPJAx>DYSP|M_i-F=FE7tY`4_+VB?v4Gux7-&Lk63ub~GZ|E>(cb z^cdZ?3)12lFABK&u=k4~Omi4_h^l7IIpced*73-=2Y^Dj>up#+ySpb7F?Zxx>Hei{mje3%1!>}3 zGUW2@KGx5AG&YYNG9g}VoD&2>_dtjnG*Rt7APYObwEL$TaZzL?q{A!_Iqq zdcFwp04YlaDmXk-mzN!)c4kUh;c3K7y`KZb6k4`SN=2v5esnB?F3(%uGOM_UCPquV zda$AqG0pIv89x=d^re(B2C)6Tk6LOUW7}%CL3p_a<+PZ9%-mYvYDL3b)Z=OoSuc-T~ezc|=YbL~65H;M4N??sT*{VQ2J+%eLK**85P= zVRM-IoVsRd3dA@q*n-=%l+yh;6Xg3u6x7Cm)DP#)zEu_NW1MXavoWo;&I0?Fyxs21 zH0SICFd{@9uSv7}B&L*g*c@~I@Bi07{OwPF)8_oiFMj*eUw!)9pMCqE|M@ptEkXSK zm*W?|`8=ne-5`%EDcx=d4*2KmjvIHnqoQqne0e@wC!*sV=vXdW-D-)5VP9WBu6 z;7L?^xA3qzx4q&4>D_Wo^f39Qnkne%d4v8K@3?)hD3`Z=dra;TdQfinqn#awCwC9r z&-{)OU$k-@ezmPp%id52QqiorRc@RRKMMad~k!_{sX@18W^XXZQ53McQ+eEJZ+$_VCJ0HeMN*p zexy{~XSj<>_+*hWhP|5!h{r216=B(4*p_Fjfr0wh~VrFPxea^Qp z_xtT2qEfRcx7OG6+JR&ten@K~=v~H%L6X^=<~GbdP*dit5b(egi36e3oN}^Z?w(3| z7r_Hum{Nif1?n}dSyD-uIKDSgFzO-65edQ2`S@eS7akZuf;$%xqggH~DBK)SYBr3;_OlqzJy~JcMgm+W)o&sjMe6JU%{>*=dcaOTMiQT0zXm`q9vopP!`9>Xjb+V zNK1IwPB4;3vM)1f78|o}sdvM{M6@;l*fXI1SRc60(M&}8(WgzH(T|a9T52dz^O29% ztZr%95Yoy{(M6+Qsvfw6dovNvS#wRY+?fP9xCpZ{v#cA$1AlI8*CC>?4i#RA^0wu6 z8a}6cJbl=Y*HcuE*VCuxstgJzJY#L6)Q=$|WlzMkT}mvVKY1;hwqZdgs$Ktg_tYEo^ zBf?PBf=+?Q0fMwZxOEVWoDdB%^E3z7Bxm&qChn~x3J}@{3`s`oxn`eU_u|tv>$ElQ z3?~tVXh%e1I{HR8NBIt2-?XVIA^#Wyh@?uv`@X>zMG;sNF|nKHoG@d>0ydYFb22k{ z)?rqL&}@zWz=2)uO^8Z>RSGGc$b&yd;hsyzy1>n0kwOKcfAB{?e!c>t$Ef}xS`Yy~ zFCE8OYXSOZtEJnxY#TyPu;6Cl)K=9;h`u9hpMHij~z3RD%M z=wsBHyP26KRTzJX2?CyBhP6dJLUw5Z{@0!*=OiLYwfChwgMvS&G{)Gs4WB2cggytX zArVQUbNXKEbbr2Hj^hNG6&nLkt6T3j=VjlRDd&VBUJcq&DO0ub!T+)nE=PTl;@`lv!tXT4!Os^7ZJH^6+r}j z%=`VslsD&eyPq)fDl>A^VDh?b8#9kNBjPwaX3W4A1%XAaeVDtWK{B(N)6rVa$vsL= z`(Dx9|LRxYrKHbKmpT1BTP@}F?G8W$wZ@>G5wc5UKA`IgMGv$<+ zY0EjOeENKI_muSQc6@xkLIp%Y)8l@&z1A;p_aA)q(ub7#VPX%;s?%e7xX1nM!ou&cFp-osX?lGyta>{yrx;(#JATdXz4hC?lqA5Md zxl8%VB69*31zQft7|bj_Czk#m1VA{g7$YYpvxzYtaLy{4ONMZH=`M+o0qHXqt$(_W zxo!3B%N@v$e)efD!m!Vx=Eh6~rE}dYTAI zLdLL6AR-V;dp|KdjF=)qJ}LY>Z(lxt|MvR1wfo19AI$o9zx@v16UuDnb=>qm2vYbY z?Hr|M96dx7;i%MExYUFZPXr$4fSde0yNYg?3Q2t~`MjS{fs~rJy%JF=DU}?HQlB*G zd2ivKx4fWak4Zl+G!zIpZ84T32!2rdv(Tejm4(cQsD~cYJBvqu&TPDEtsUDt6;OhoPI5KF+A_}-!e&oY1Kal}tY z4}HLv6ZR313*LGefJp0bQFA&YWb!V7Fl8Ts7AxghnHiRipFa+gx04|Pgo^_;I4wHtspUAhEE4mH`T0JHEY?DsK9F64pR}_nREI$ zXQ~M-f9vi+sp$Q4OIhb|RPbww%G~e9!fqi+U?A2cb9ky5V}QUx5ZodY|v zRI()1lAxr(Je!#{YrD5x(s^$p5<#Wpc0VQQyD5cY>BP2cU85X;q>{|(l9YuY2F^8s z6ZOz?iaZjj;ka;f>-Mlq39vum!ODn$(4;IY51SuJI4LKLvs2OY?UW>{8t%vIiO0dG zt0sPcgI0@%VYCMnY$;_X;&ncAIJr$B9;XSf)Iz+6fv84hi;o#Ys5IA&%{*a3aLta%9pmmY5p3S~`d3qO0et5dR-48tB5Qd_R zYkd&$+1h2_%q+rlN@jN4&pzyaJ4?w+&cxi#v2AtErFENg4zn*`ZYd`wI?nD9UwwG` z?)%rL>prI+NBhB7ANH-FK|0%rh^OmTbG~d_A9l2{Mp+Mscejs9H3v%_s~b3#aVxo#fO zI|z)-%$gWe0XW*tEIbycBBj=vJaT`K4=pOgEF6=+$pj>sf+2_%EHRB?*UL`K`@X4Y zZyjqll<9aSLDFO9giH)4OqJk@!*3K3LEMgB_tMUR<7ye9Vlg@acGRR1jw88`5gy0= zSZi*g(Jg#=(ZXZkpe@zW(~hEE>Tp-Ns`HC@I3%SSiAD z&dfaBQp#hrQntqkQ~PMxU|>=XKTj@Y&dH(>$78s4wj(I6muH(pHEBvI<>_9^X4av= z;l)is-`G|27(JH?s~N`0Eb4FoPkQj>OD)#1M55nCUZ~g- z_%2gm1c_=YX_^HQG829N&ha_t%r)yu0u~Xm>5qx{dxGpla1y+*(qSxaVto=ty_5&^b1A)7 zc(4U}6^!kHC8Y>_V18t@mpua|2~9S<$eLC2%Jw26R_NMk4!^%PP%?R$uVggapNdbX zp!;jvuI2KwQ&8E`=+pYNJ})1(+vi5%spuNgPxl$QCJJ&3>yw;BC6y&c)gnOA&+c>h z^H&$u1szh+%X4*KBi_r))(>;@QqyQa)>1!a-V!bXrn!%aFK(pYHEg&7MDbvH@@R&N zmYLfz#$n}BL_}0)pYXTL;oGH7i+U;h^Cl|o-hIZ$AH7h3f2?j^YiUQ%B@)u5^hk6iO2$r1rYiiR&{EGf>z!s_NZs|V@Ir55M{r#mb??mo>Rba$WFqKhid zcQ@a!8yqGSi$sFK3kCJVU>TyIwHNYGNnudoC#Y_=%O2BlxhO~os7!SypFXTk+f&vRhL528P?(@TyT(fioS|g(M@pRp5DQyg-DX|DpEm%r0QBeHws}IBMY<-x)`G;*j z0}ab`w(;Tl3JJ~QAr%kMPG>14BAjT>C^^}T=}y55t-!1-Hl2x8*MJ|36ii@i&eOdQ z!_ZVkJX}OL5E$eU1bs6R!Gt~FT8kKCUiO-D+G-hNzC2$a0xfd)Z@>Bc;p5Z&X!~Aq zwYO5{oUM(Lld?Qr_N`X;INR8_0uIvI$LH6ZQ;a#^ZpXGQpcC#;yr3acM@4u)TTSU` zD`f+wQCyRcFHc8nXB*e+4&hBH>H9Bl%tTBn0d=a_2R%*>= zt}2(Ue*ADnO)$oMeLK(xGjnUB54-I3es*CVV`|b`z;Ypv$R!c;7{Hi~$W1&%qrpjOjmpkU%svxr!? zN9Usm?y+I})839&YTm9@Rc*{KpI%c^VnUc8R1UJc$Qucj6TKl(u{cq3SXVB*_pa0@7{!Qy$L_Gq0eay2Frw|e6d0$TSF>=agBd2VS z)GeEqG>_4M$H^&AceDODv)RTN)@t2Vlg~MQ=3GTMRzN8c@vzP;xm2?ukB|)_-nVNT zXDKL5Jt8zA2AKO8s_A`*3fq9NsH$jU5i^6OSW|}HorzV`uoW%_7r}d|@Oj=Ax|E2B z@v2z|_cT#$=Ur4``OPJ_(}f4`O{~Je;_kRC5>UD58VH)4H3yD z*P5@-J5k)AK(?j>7xFIw_QN}BemJrlKW}Xr-N-M7ve@8s*3(P`1$Gkl62sf3qVq6is z3k^47zj6CnpAc9IKN9HPJvlbh`hUSrota4z-aHPGG$y0iZ=e|fv`4dqFPx&Nj5d9S zjk#Y7Kk!PA0dV9!6Gge?71riKL1jHJtY3>&8(QiHPx$Maw*|cl-oAn*sfw`e3(In^Fz@Kc+X!lXJ96>&# zT*^3&iNy^r6S{v~Qk-ZkY;A&K zR5nn6(=-gILQ{(Ai1mQ_=-mu0x@@>(Oj(TJ%EC4**iqq#)9N{nvkfwuZ{!9b<%gZcNKLYf{8` zjbZz~wboG1A>AM+MHClkB(#96EXBhv7|#JYFOS&yToly3Lq^Ov_De*Lkv{^j+p)O@=gHYYea z5l%tVClLdrbDU=_W#8-BIye>B#@d4dv27I!$wj9kiU_>9um`|+4=VYRGaO(DO+$+* z!mW=|G9FiEu^C9>R8>^!t&j0YEtu{lr8Z1eN?P7?5k?*jG1pqm9Kl%b-iK`^BixFJ zyO~F{W{?!;M>v$tDa@thob&avrIhaXX2YJYyND!B+g5J()2El3USIFm>!zyLz20tT zgr7&>_xkmR=Y6Z+eR>5rWvk`qzy5X%D>c8}j-WW(`0{$YUbox*L~ikMoWl&oC#tdE z{PxpVFW0@6*85h=+wJ)J<1;gxd(F$teLEVks#ts7k8|H@P+aypR}>{omh|>^zI?cd zO3o@OKKzah%LTZ>BXLsY|23NQtoXTvG3Dmkt7{q?#(aO{MR#ivL3zHh_qxSvG4fT4Z7 zr*Y?;m^Fyl>=rAQ*#qIF+qD)>gfp{qnRk)9BWFH=Ckd z_hNIJSrDbHHe5x{dpnPQz3w)wmeR+7WNXg3*9|VCl#^=uPk;M&xl~pq*5{WGm+KRb zy$E{jLnxQx?i2npT3{A59*;tYi8*PuIrjaz_vRipjhG;d*OYutQ7xtBT+Mn=Ofw?d z>IMH9GJR{^4Z<8j=U@Hur+@di|KTTp|2IGT z=}-Q@|Mx%s{J;G4)2H8l_uFqiefKR0pv)BEA~Hu0$CTHZiG@aQ);m#r{`83`%#4M6 zPB_#@xAzMBvbpM-uoOY+8H{2 z`~`tl6z1MXtu@z76#NjMh%VL*JvicZtN5xfwznCqw@2Id3ST_dP~m~47Dx<8UBw?g ze&_0Q3@k@CO%enqCRzb3+}s}tsnGSpm|7z+$4>r0oH z%{_8~^n##Da(5t=`_Y-%x)E{S@*Fdz1oe(}gYN=k3ru8*=>g4>_k1y*o@xptBnq$U z|G}&2#~|WdH04B0sK`sz?NT87ly~GUshxMPMsvb5Yh<qRiw(Dknyl?&^f{9cWsR-yEi6|W1 zX0lZ1w|m)&L(TDs6pR^6oJ(<=%xkrdpN{VUSp+ZAS5eiZ(pqOCQ3a%16m~?) zC7~9Dvu+Oe8Pgnh!&-m@*;t>`2Gl*$o4I>GyC?_25HI={fAz=iJ|p&8nHkLx0GhQH z3=D)NC@z;B7Y>gx#&YfKYrr4tUc{Fy{Qbp>1tK1y2!eB0L|PxXMnNGWt#$M+?~f~d ztC)JiZH&2cM5Ls>8y@!8*ZWp$&WV{ZBln1JzxxDAy71z^Vn{|TNyUk_Qa~34)#3Ga zPf3SOBFYcxB8;luM45gTy7 zsoIwx-nG`%Jm>iGde1rD_Y;~QCSI1h@29H$@bUHe>7r);=BqDW@B2`F|9t)7dSX8ulKKh^8V?%z1{9HGQ651+GQXbBBi*LTuc7r_n-da%XcDn*%k_6KN}I{ zoG#mPw610;&9R~ZZbCvtg#X^VpzBjLF?&ScHjI))JF(9B$hIC5AGxNBFnQnRWat)~?G7#>3JkW?~ck(drbw%*%_G3JtE zjI(DT!bEJ_mLU>jbPr<;@Ru-pk1;Yc?&77CF=SmUCYQCA5NJQncAoE^pPrt!+ik}= zh^!>&WN;aVN6-msBRu?pf{wZH!TIp`_DE2?u0Z02Ji@Y%qEOeHe0xyQu4PgNKOhcvvIgrR33qPeHWeL1Bm7|ytR5E&wp zQ=v(M1FA%pS{a-o55xp57st6b_>6PMy*oz3sF|7DdEoC-RaBX`+oym2?LU0_`2BBw z{mcLHi~ssh|L}MJ^s8U|{&&Cm?%S_le*ED)_Ay#rYN_S^_QuR2!%by056%>1bRt)s zac*X!DrSOscQ^a^!>5#E2;R;f<6OKTk8iy$fD&GwHfVM+Sv>A1luI$OnfE3f30a$F zjw-yJz0?c|9J(90qtdes+lMGq5qG~Be z4>Z~=Wl$AE^l$FkwJe#LImLc-jKd)W!WRb4Pd|FhvuvV=&^Wl8JG?zS=b%=mD9Dh- zK80gMM8PbmBAwfHSUW~uvWdBeT%e4K4psV?8X1JlfYYP_oAu7`X zd;PG&|C(xYb$7?)1wwS`%8_*_QP82-AkhRBu!@aS?w?Lb=ZPpUxhzG+-hQ}4O0H__ z^V-jW$u}StqmBE^4xaB!gHq~Q4(TL`n0|nR~ zQjVh!j!YnD=jdjWA)DjF+B=;m99bXhl$hdUeH7dS235Epbtpp@I@>@R=RlE-@i@(^ z=OGSuRz>2i6xN|)`rL7A3P zg8i46rH@*R44Hrd529j^?+DN7yi5^tN2H<%R3@UBCkai4`s3yeL~|MDA?3t8`JsWns2g?@y$>^ce!AqG zjn}=7n18F~*z{J*<1B zWD(3=!;EquI$Mv-XX{HXt&Quprkt2!@K8$bLqN?(lNW-cF$f`;*%%|ZtLnOx5M0E} zY+WjB#CF6c-LsR0Kv&`jbWTuky>)XDqb*Q?B0Z)Pm)MFGVGE-zC zdUw6llFi)Qms;L#d&z0vn|bgMQi{jXpRb#!mXa@9)d#?SU8{TOLq-?;n11;2^^5mU z!GpT1X^QbY`}_A-X8z*C^I!etPk!@UYnZ2zhp-2 zt*6L9jzSWHkhuI{Z@1QS&V7jgD^Ga{VX2v!&NdifOo7&=-b4XpCw#o3$_y-8y4~)VZCloQ z9w%sBa}U5o#BL5nHH`0&JW_y?a#Fme?#q#CM5eZGi_fU6hp=}RtkdYf-}ao7^nq&_ zl|jbgP!S*%P;;ad_uB!#?B!{5cZ!^HOerpxdU@IaJPGcp)>XH&_YXR$}xVP_cQSrT}>%atqT$N z){sKLF{&vtsky2N_5)1hVM3j9&LKDsp7Y#Qx|;si|MLI*_`{!G zKK_X0V`d7$i4Z(&99eao`<;T1e&!TMZz@A&oclc`zQ4VOVA7lExWB%s3=`S!cNyc@ z4|nZt+0BijO2( zTqwuw#Bd#=A7+XrVwQ=~KENlKfZ%`U7y$*Mi8zP5YYRi`~@@D&%^s^UGcIO41*v2K1tJ*V|+yU;>r3qXaE2p z07*naRINuHT$T(CX9#3!{Mh)Rk7cG9Ddo7oo%`#VODan~?=1w%HA9V!auy$r4O2C6 zQ7F*p5@u#oa431s!I4nqL!JNU#RYNO2N8{~xg=DUDaFyp=Xt7hO(~8(r64xjFyhFg zVfjGJWD_(=b0Rx5Caz1?p>VH8gvC^=r{-V zy8Rp&=j#ys$N~l8x!mB$c-JU0?h)KO53@}G!NNVbI`TIm*qgRVB*VD7VPuv$g3Jyn z8a%^g{uCP(ZWS&k-Xlc3I|Fi}B+-{48Qj zIZdB&;@&2`R7K-|{Gb0?%|XN9`T9koaGaeev_8-`fTa*q6p@(X7z!-Ch+qy19a3VgU$eDPkKF&3-CGW=>Q#@P0tVu2$Oex;?^Rh1Y{Xjk%@)6M+Kqe?67{^X^gqfr!$@b}19q)2OE@ zP>QjS5hM2@2?X58P^9FPurSFvcTp6DHRs-Y2!Y(0NX^bRmZdIBW~LNVOnjUTRJhg$ z1!{d@gAy7^c9vQV3y)E+s!**DpUjeR#SaXE(P#CXq^P8oQsK zw(GVcFF8gQ(OS}Zj`z=3qL5RJ%q69lx1A^~wIIzANXN(=nN=ap@S1as)Ec-DZ0-

4Dlv0c=YQ0PEgPDgI+I zKV#${e|SkL)}@Nb+uIH#6uQd&IL$oFHh}bT%DDUc4^Kn%_4P(f>L#L}=euAjyuI8n z*CjHaXD8;RmRvFu$H?niLkJ?mM38sG^#FO33fcp$I=XN3-W36jzCqA5%vQ8S$tQ7G-rd)7K zq0Zunb|t}4J;(PRVoD;?T7z{20|l5?F|djeCTus;l#|HltugbEzSITPznQG-WsG*e zz3%(lci;Wto3H=n+duy9AAj|Czy8%PfBlcY{KM~lHF&|1()7+jCP(Wb8DxJPDJfIQ%R*}W?Hu*qN5|zJ)i=JDUPmz zf{1O`m55$n?(OW6>%vQnu_PU3F?SIH6<6i$v(}P-9&CY$2&`^fpr-}BD zBiF6EhnVBJpK~~u;^+d(;lqxP@XpY?#K%`_swj7+Q`Rh|Xrii?p&crSQ)43XFvpo5 zg27WrL`0D2fB^*$Iz}PT^kbxbyq%?H844m63Kwj9a!E2CEea8Z$^HT|MTfPsyL+%; z2F3_+BDY|w9H+Ao+B_T-s0uKhrH7RnuEbKI@+bFzF9u?gS+@-XyalPo=ytI5z-YkD zk2hpQ*m>{IUtaOkN0Eqq259JE3R=?a2h3ug1zAinCeCYSCZuIa1NThb@V(nOMY`6d z^m8niin7}bDZ&In1rwK=WGM8Ib9yQYwiAUpmB5PC)cP@E;#}f5B~OFaOdkWf$}PBs z^|~-oE-B|66KmIg4g}csHd2nGNg!IU1zVu9=5on0>~lXRUCWkpjjoEOX?u4K!Goz^p4V8Cs$HH}2;T#dcCBk+rsHP%6Ix|#Eg&0<%J31WIpDaOQ16atwlGv@;M*o2L``WORTueP75Bnku@%x6ER zyJMq5fuxHLk**;SUM1-QZ4X)zSlX6#adR{w4@*hJfClf*L%TX|bod^JQob!L&z)?rPEiBn2Q7jg@MCfyGnU$Bjs$<#_IZS=&kkN%jZ8xbMC zH%^-~UZ+V1646pp>jNW6n72R^0%HO$A548z4Z&f|d>kz@r^M&k-F=9XdyMl+FhmWE zk)|;*M&>?*nJ??o`uO=@e6=5~)(qW+2Qm*ZGYrvM3tUzX3JQLHajthoEu};rAR~!W zVZt!zoM!{-6t^!*;S}T9My(lKBltp)o2F)BT5~otY)fj%c#et4+@Zf`W|WmkX;7W% zx!~nT=3HWmDaL3%Ij8%1Vye_dYAvWN(fGZ*?H}GhMdmgJ%-QQ&;lU3feDTG*S_?8M zB5_JF=d>T^x>hF2DSi9HkF}I{&zFDs{kPZaT5{U9y6klQ&l*xL)X7)Hc1YId|O3^*EHrzvcjI}G2qb|A~DC-hdBn8GDJAChv07OR#mMo zdD|9qUzUoGeMS;KY;ZZH^XP7#b1FFp_ul39wx`Hn{p1TX`}pbg>9PUbQA&aC|MSw1 znfj2W77#)&+xp|jPjgNGFzpbLhk#LcpgGt>_kvRlzmTB_N#GevG{>LVp5qd?hn^6J zGUSD&=BM{hAHVx#YAOQ93+Ui(o=YlA;TWL~cMmcKbhJo>g%=GnaXhPN=KDEPN~T_G zZD+q+Hd9@e<>|U%3=w0*x7UZn#BIorA73v|*Rrgw_sjFU_wT>Nz$V3PCLY3&ff;ik z;+Wj5l#+A(Je^`<)j7_W(ZkeMKp4#Cj-6!dXDv$zE;4d1DdjO80+~WcF?*PT5F!@o z=1}i2n4uI%b>Lr_*-X(PFfpe%dSg!J%1lTTQ|*z-bPxp@J(m(=RF#x7GadWe+wIej zKYshoH~;+IpT7RZ-~E?g{^Gy>>hJ&V+i!mN;}72*_uD`I{V!i%KDsGd4%0_iruN(0 z>*%eNJlYxD#^~pMZ|C0IG1}SNIeI(qcT;Wq;ieSAalZ#Q)j`2!3>CpSd41Zp>#|*z z7>Su-z!lNawbX*gzPEmV-7nV-yXD~S77zqB_fAaaez~p&dK*}3CCyPfuH+ea#i};? z$T>e|SzQ0^%z-a5Jzx#6(ORs zOgB!<6UF!#nZs)vA=9U6`woyB!2E`b#@+GQQ$VRbC)p;36(1DF5GSmcI_Uyp9*|1r z@R;SAOjL)uISM{~@L=)1pw#$G86u{LXOdA6Ok*N$`&DB z3fPx;N^CF$tEs4T%_WZ}@4tFN;Z8&kA`lu(JMSmV$1%ro4jBp}JB}=PSNP#)ct}Tx z0U2)+JRG+^P8nV6TG}y?gO($!SYl3zV~jb+-ozED%svafFz@>LEB9r~(AhtNv@923 zl-)gyrZUj`1rtv>+OTD-;7tc7kPnEcHz`ZLzn*yfa*bx5*JSSPK2k+v#-^5+goQH% z(&+zb@*d_aAWRMbjZ;#JdC4J!>xawz(}6-cK4KFwuX+3N4*5`C@@S)!L+{-P=433h2PeE-{Ty(yx4nlz5L3k%O||X4Ocg+)KmmBU5`cMU}C zY`J8tE5jqUoMXhhm-2L?rjlSc<4DKea!#X(4#iJxbgck7G0Q+rK254b=zJa=p)}!2 zJfj0We(}|NoUqGMnHllLCFedy&Y74*Bu2*4GNmXo6?>0Li-<@>hYAdZ6sYx%7n_+O zpTS>&>3GS7nGwDNn*nOI;339IcWG?^K7b`9?wDmMOcXhep%@M3l%R*jhMGbk3cZgM z8M7kPaM&TFl*SNx2%u4uEw$LR$%ViqVll;%%l&9jN}1WVu3$CxE|~qh`%(%srIc#P zYDP{7a>phUT7@Ap#yHNFQgS!2(9Zth!*eY~L{ap=-R^33xol@^ zZax`AB7F>IJbsL~q4!>LetWxp`Q`h|WxL;ZoY5H(gN{olUD%vOia-1LU#l5L zAvsqjW{x@MQdW@>DXJ;7d1gi-5VN_ZTvSKEzdoX}LVy((Ty~Bzsi}++Q>H+0yopLq zIp;EDfT-qfaQZ6z12UMIIS%P&PQhbJBAsKxTz|+2?q+(wzoe8zXGZ-}7Y{}h_WiB* z<92`f!ykV0-Jibx`0-Ew@IU^)ufP81@BZ}758wasPk;RS+pmBB{h$6Anbvg?88Z6) zcB@Mb0kUaP8Bm0c-pus8y^hg(Yh$!?zqex-873mVyQvOQ5mRxum>8F8o+cVB!O=8^ z5W>6nSKzTz3c9a{ zJl$~)fF=atAHY_CcM)L*$!?x%;)$0a9W%lL;Z{I=BxH0Y|qR@eON)aGPX6ok%Guk=ya|HJU_{<}rDNraiwWGtl+mFsMicAuNJ<@z}2hoGD zL=V?HboTJv<5ndPZb;r`XB6y7}P?379}QSh4Zf|%HHsSLw$n>5C8$}Ey>*0t+p zfqEn|nN2D@M;6hTm{WwpiJ5$6_s&U#4TDej{^_)#F~?jJl$^nwnKNpAHD(%JQBJ8C zMb<~HiKgO#;(-qv+mGlEi&U-|ddSh#!~=ztV_tHpc@9jWOGh=9qjUwUw4Ec@7&GWD z4mEOKQ@vz!=SVR}3bb5`4%Mz$u;@T!A;bQz1Bt@q>bd6N;kj{p^?Lm5E}C5f^#n zR8wz*A6RFa(1-}91b#xnL)}VDtV6?`F$FLy(XwGjhf$Y`G0&wF#9ecf5SgY!=215* zbep*AY5q`hA|}Y{>RN~cg;2LDT|)4f(rEp>HE3^43_1}w%2JAfNxI-`fS0!{6}5h? z6K<$lk&~I3qxW4-^o>MTB@4f;NDOhH50vDVhP9Y5<9Z5cZ?t zA%K(8%-wv5iUO;<4#{AONDX}yam=G=(y zQMaXJH14<;p{{0Tdu*%IBeyk0zTJ*mvzY_VplTRw4^hla&NjbC49hQ9(zlS$KZh+#QY6$4_s#N|#zcynnjikDOzU z@w@LoJzuw6(pqayNz8uu@%7*R>??DxC4YFn_VECec(|+;vVJ^BxBY;rV?WxqR%~)` z{w}qEh1%L6rdkTXo%oc{b8bt;A2o(9wG3S68ACgUB&-jqwV1i6s^}P+VuXOAwGoIA zH-_sr&9E?nIu7jwQCOD(qiO}Zj(J@w;tTep1rN|nFSUZA$joDm7-Jtp5#`Oykumab zt=F2L-(S_8B0askP-J&MjvgqeYAO$pavQ1%lF~$9UAjdlA)cT~^BJJ;fKOjYm zOdxATrkrz(vGswFjpyep(5Q&B2=hR8GyB$m2vY;FBbx=XckX5=6bZB5Q`8KRo4yno>p&0E7VQ|M=lOgTq4 zlQD8h?uP4`iBgKowxE*RE=vNyp2&l*Yat3UB&EdkP(>3F(SAD$IJ`q-2&j=EP(s0x z(y~@lt81xCG50yed;oLi)Le{-u_BKg&!er|(qQ8gMVeTka2_o(BU?a3*R7_Kpz28} zxqHg#LF6!0JnqgZ(!UyQPC2-!+l&k=>x}7`bq7{co7ez`Jg;ZuxG1&Q& z!4mmA`ez3VDo9*Fs4Yy*b)ttcdWTPdBL@r6#1l;)FvJE{wPzYKy}SX>V=XPQ|J8o_ZV>RJi3Gc zozI^Q8~zx{!2tz%15r@*RALB|;GS#p5Gd02yp$#3x1|(eH-cPnx*X5(^x+~yv2ac` zf%s$|%xt-q&$?qt6ACnj z?6)K3eBMvAzA?oRoQSasGxd~`4#iN|!Q*$tnE0f*fMpaMV6K#-45je7_#}K^Axt)u zisHcw5X}kTiffB<#j5bQm5qVoVO+n5~(!l0q08c@%zC3_GF>)MT zN&%u;>sE3txn$`>hR%Byl037>kP^+=zs}iQ2=1kpeLry1p{PRBy2!9;uOWhv+w zX<~mJAc04Ww@H(fu+2jX2SH^NCVJbkrAKKB3j{_{W`=_({@cI#%geUL_%KdC;s8-E z)>={bAaMyrKaBsVkH#45x~M7~hwdIzg2EVE!^xq0oLebIQB5hCX=?-E#YxCfE04qn zbSkYijMCi$+_dQVS|2gS6w`S&20T@CS!#dCx%}~3#!1J=N{DidDaCDFj@C=g>4A}A z=A83&TYvoYhJTHb&o**O>#~?x&M9&fRczcKq=DokcwnNlcT`|zGjbw7K8GRW`MR|> zYR&F`oPDXq9Ik7~t|E@MqjjDcYH5hTq=MlnmLY1>(GNL+hmd0IeUzL;0s25e?qdi5 zBe(l`y{^nGYAH^GW*>shpOX^s&) zkUQvjw{?Nq3SGJbMmhII3_E>J5#5NJFH0Fi)@@;;f?bdr1$utEAOaZ}kQf>8M7Q~8 ziU{^9P}aS^-Z;g&7BNei@pFg2N>m{xE;Xa4jWPCfpcPcgRz8%WvNg@K_vZ{-Vvte3SiMAU=H}doKhd-em|~HTh95uAMtaV>0`_M z03i^5U26FZ{-XIVhR?UAx#P8Uhn8f5ILeau{VcUyp4MYOKr$&yp%CC*>1X!<&;fmh zHe!(@YPe0YVe`*Pg&}|wDqU5~)Yo-6?rmEaB4UnA1Q=AU1v~B6+ua{qKMM!*_ptef{|R-~Rf3dwqL*xxK#Z_qYA+_1y0{MR%(;w|x(;uETXO zg}0YaA}vKW>7%!H?(NuBdOPmN{kGq4+S~2rQ*cog96?M@?x_A541y41-z-FD1EqPJA9s#k7l=LEbvSS&E(z&0^9CL&- z6>(G;C$+QV5sJ*m-Z5`du~HF^W*p<&>wQ^k2+lF?_ajDbZG;f^{am*?y2Qxab;0$C zMGi5U+CvlKA%xyKR0M+j?8q@jD0y@!CzhdQ$$^Ly%MkpA-bPBvA2iRpRuCaMeU8GI z2fjP_`i|ecYzUB^0RlF8!c!D9Avqz8CZPVcvxmpYHj7sx05{zXMGxM`^XO2FkMKedi~)Z0@Wptrf$X$Hzx)J zCRR!cfn@$-et8DMX`F`3htM$u3Mx)Bx|qyDa0jk&d#dK}-2}i!ktU?WP}pFM{rd6F zDYkRuC8=mx^ZwR2@$!TqEh1)jO|}>m*w`d6Ej{Y&>BV?b0ZX4hD7GkM=I&q z&zMtPN?^Wy+Of2Zk)=s0+0;iH!9wuB#K*m%@B^4AOxLK-@F)*NlvBdo6RcirXpUy_fC>oqDG@=*$dg|&WpHTP2w{)tvt45~=_IAOJ~3K~&G) z*IN1zfKvknQNzIX@m!IcrRijyt?=2}bQSp2BQi50y|6ck%r9^EQgSKzXx&2qt>1$q zhE~l=&1&}H{nJ#)gwWdiL0E2i=sSh>x{0QX^lZEdw@(`^#rxY)1z3t~xi#)_g!9&RjQ-Rip!rDOu z1yLV^2-DMWwytXHQdC`3f(KPo^EO1)YRz4wl-&Ao_ld|A-PVPPTOZrHFcT)V7*FCp zdm!TiGl724yM)_&=H{*S7`dI}em|fSNHL}uMWmgbLO5H; z#6oojM{H~DW8lj^&h~V@h$zPAxICbtrzv@Y@G3CT*+wa8-73-#rn!vgHG?Awfy}-2 zT8oO}V#F>5hd&V!<5UC!l`(yhA(!iReY(I^=^?1<5UooI^pF91*siOpq?GDb+JOoB zoC`o!f%jd8prHk!`Sx-zwOpUJm?9IuzTBSQJu$~xi<;kV`*F7KzWedz?ae%xd+Qzk z#@;36A|ffLpa1;drtFx+fBfl>U;qAhzx~r6zZU7Yx0mC7zdT*P`{Oq{I+0Uw z)8VetoAmSk`r*!5I+_blb zE2=JeSxa5Y({=mlUwj!Oq0rAc#>l<*$gE=!g~*&!9HUbR8K8ZbYa@>~z)^XO?L!FR z*w1(GpRh}T!X5}Jm{ockqYo7o5zJXB&Iv0hCD@^3pj&EzJx;~i*^!a~sDE9{?QO>d zu`Y!p<&ssct_6upF)?O!K=-;?@ZiCh%QEvWQZh3JzEG6HMAPPyurx4p7(KzXc~IEn z^w$nm(cm6)a`Th{LSZ60kB+7SQLH%gbtq7Ps{U9jg_NRnk)fQ}%u-1zI{H|)3e&tl z1lDG@UY2w3^&w#@OGYvPF5+4JC;pr{m>*$YG^;K)(OmQB!Vm8zz9bo1)(q3_6d67$ z^^{Xti*~_bt7^GK9g47387fV%*fBNy1c@2X#^{nuN;QGne(pU`h>7N$8)S43rj|;S zu4T>Vy+b3UT}@4go^Ng0%6ac8MaZt08MY$uqx?Zs>|J6it|594s` zvM}!t9&j2EQOd9^Pr_%)i4dy5j0a#Av^FIzbtxfuib?uVnNUagF!2z^>B$J6r`V_# z^noM-1qf{*O)X|-=7(`S%;^9V6QvyE zzy0gK1YtVG)W_J?rH_H!t_k#@&*dz`ar+==QtKn7c-gk|JYmcNsJoPm35iTSx`hyO z&hDO5YQ3YzRkzE!9Ic~tfaaKq_VcWzq!@=tn9#=9`#?7{M9_Y?dkD1D`r+NX6#2fN z_x%6{5m5FJLe2?ZTYR{!k1ldQ&Mp#}#Z1(;b-7+v%!apZVP>%2OU`f)qx8U^JVZnU zQLm91`vFmXx@@BQ+1wqbu39eZLLuCb)7>xIignB*7nxGzoYPv1xu-Za<$wr<5Fly? z2?63055YX-6d_76&{v@vQbm_6Dz#(`8*rhfl=l6E7-op9Yk{hDSqew0OI>OSL@zJ* z+x@^JxF2V0J;nINhv)nKFtah_a#>L{n^}rnOTo&sE-tPd}XHnXxqB< zKHlzo>rzTymwdY)UBfDd^?r9U%^Xw(3rIs`U6Brio>$*U; z-uehcW2n1dwq=O)E@r;21)~^5QQqz+KPKFPXo%v&$uqvnp}DH12z0&7*nkaHcRO3h z5(zy6+-VRlyLtLoX`tuXAJz_pnuld6=uee%;9}hSczS=?E)^q}RAQL< z=X4%jhH&Im5=!~U2$@Sx6vErf9wV)5eS5j<>|_WE9~kuErG^|1E%f!WwT|Ej7EySe z`;cjMNb!2TpfSiL?fd!ke8E?at;o}LJC0`Nbt!N?65-^U>48k-fdXQcRBNpmYXIVj za{#(BbjheH^x;n$eeCxG6NgmNc{JQE{s=cMwcwH)ePFlV+aRX(y41CtdpquDOx(|2 z*E(81?yc=T=OjaeyBkfXvig2MkE7jgyNF=GtY#_Y)_cIVO|`dS9s;qdo7sQ(kN;`% zG*xrPG$DuzQ|!F~yEaDOwx=-~XrXROG-b`u`eV@zYA4|RYK9m5ao)nB%6)VuTGmZv zZ0mNtJc;z+_UY3P-+lk}KmFq`e*Npe|1baf|Ni~&fAf$3@QeHXt@ZQA@4s`m+uQ5Q z%g5K3Pai*iZ-xP^GKY4aZlW@JJ5+ja$2bp_KHAyNqo0SgvmeLH$B*r}pZosZAHQV^ zy&b`A^cGxIq_w6pM(@i~05_37Y5_UYbH=#eV~S7LH8Hsx&OoAo7B@!DIR-ao&d{g2 zyE{|JDFyc-60n*tc?xQS=L|g?y{_Pj6qEAzjzK)aS(7yKp@1C5eyt3=WtB3 zVRo~eQ+Svc}F9ImQ%W1j1z@ zqVVrBgN#nS2{XmSV_0P798KLP5i*1junDPa8KQ(_kFGH>Qvj@RoC6CD)cVpSrdZcX zfiSuj(Pb^}et$bsj&O98C2@)%I?REA2RBbSPSB$Z1w(jj3%ij*r3Z+C{kH-V8WLTEhxHH)Y&Eua!#%ZCXJXmSSU3)dQ0LMx$Of1 zUcnGmmY{$D)5Sx$yxSZj{}Ae0MiV3|qGby1?dZ#8VP^ctws#q7qA~GtZ^WUW9aPOy z%d%BGmgWIpDt;t74B6E(Y`@)UCQ?Ne0o1b896a>am#v_dHMJBO<7;$EID1j!p#i|k zw=5}yIn*bjG1SBYQJ7M$NP&)f!@H0Y(<5RmOd~t-!-%hfL7T}?9SRLOo=L=ztLVee z<r#)iy??#}dyhhMKFZ9k z^;$AN#H{YKCT^{->w<~+QtNbE5(^a1eWaX&2S~~LkQ5U-t&-Dzp6gQ2^TaoEoNZed zNHwsOB%;v=6TiOQ#}HJms3*?WYX)r~sA|diFMs;wew^D{LkOz6)~afOLQat%z#L-k zk7%S6BZNT5(I8N94>I2?b`PSm){4IrSH;XaAkNS-#kj32D#dlFF)|7)SP^Q;xBCve zEi*e%OKON33Bh4+6;(GI@&FwWoY6A`%?L^5M&N^x6jAM)sGw71@ethIuItfrWzLzEvvxLg)BMb6~D_odde zk9}{~%Q{r|{e1s?4IsfsUYF(FyQ`=M3b5gu`^(!6_)auGUG#Q82+U(MQGL4~s@ldl zj)tc+#n{G}juava^m;#j_R}w4ZhHs;1gBi`ew^>0uV))@{S%RxLBWY?143{N7cDqK zltb{yoadPyLm;4;)KC@>ti2dCey+?^J;ewgFbXvp#>_dVb*(>qd|j3*YUsyW8|${N z>w;vx-bX1JT|o#zO+|zwx8C!Td+(e$l|1^mza2zW)$RWMNToUYsK4%RRA1hY7UiM>*Htt<|~Z=n4dn-_1+pKU4;YgJS*xc1`dmi;gL*f{gqwO!6Nz*Jm#DYC zJ*`j=f0ktmWj2o>xwsN+hObEh<`So(c17HuH9lWi6NI3p3+9%_W`3DIF2( zJgd4GTWcxB+ii!u2{#K+Kl^?EPyg%xUh5hHA^#KKa&U6@QkM|uJoog-Kfy3C<)R|Y zQJ`XW7i`Vk0?`;9Q-5p^kSAa!>$(w>N+$}({q?)=zy8A?e)He{+yDEkfB5fz_uv2X zZ-4Xm-+udtZ@&J+r;p!XpPyum?Q-d@{rKH?Zub4Re=N1g=%x~an+eeS;HogWjCSld z9bHEsqm6b-KVLt7veBirr_1`)7timm+gBf+|F8e^|M=U#`T0Nn`k(PLtxHiA$gXNF z`|Z9grIt)YrRMFjtXqA0+Mb^;bty}oc@*SsW+mtIY$U!?IO>2!##TL}R&xrD$t4*~l4QZpw$?k%Qx>}_<2NirU`(PiD1 zb8qNB*UKUzm|Jn=^|ElJbz6u?Mc3=%A;^$i5;j7kjdpfU9DubBSYSF~`vb8#6b`m(L*q3h4iIXpDCEqho>FYbKtWcQ zDXAAxw@_-rXgrsw4@A8`gzq4mL43$epIMprk2}^N!9ixDQnL;-Gf1223bLy8K0LUZ z*RA9Q<;q+~{272VPr(o%OcH|)V5&`ORzcJHQk{jf4~u4$a(!P5-2=HuRT%}*aL828kzsF(}|?tBMtBz(N39vkW*nH#v zf7wsp^x(D|1ID%h%fd)VI#rb!5qo_5V(l#4H$1>|bX1iYvG+Ty^;>EK#*!(v>}_CM zMZ<7Ne*Nq3F7KaOZe(_BMV<6+*S8x4Md(6nZusO&#%mR9Oll|gJf}-q&xwc;Q)R=- zQ2}r{wj7o)+Mq$b4j;Vt&INyax{{Iep3GEbIVY6bt+krV>9Ptkl83d{VJ2qc-Ur!q z*Qg-J8ua;@8iscnm*D8uE23aE#Bh7wLI@~Og?X5byTSt1b3KZvLKf=08@*$*U30Zg zwKNe4G332qdC1H)H+3qi(+K*Xh*%)LOwG*{|IZ{M_>X%Z>uG&;me$%vA1p-RXtx=P z2c|0Vbm7<1(6o!nEKyp=+lmpq4~nLj8Bupr_wRywuON1UrKwKz$DeqPZk`R(vZOvnDHT%76yuRI=K7eC zU@fp8hp>3>p)A7AsWxye6@Mni5M!8T+%aMZlaya7v$WoxU#`*n(FeryP~n@|c9h;n z4Bm_|Kkj|z7{us%AM29vLF2W*N8i;-9HPTe91|42i>4kfYoGVAwc1)6j}Iqk$B(02 zZ#xdn+jU>pSZht_d(|`N-um9vnAOFYK-@kc0t7=LS>LW91tzXXTwja0aj&1mx zhtr;`vWQ5EJ_O%dFJ-bRM7WgJ$JmansxkQUnpE}3#mx3xjO^)UyPTG9zJEe-*;)hN z$%vk>TMQn7Vy%zb8WeoR(0AP#E>I;rFuV_+s#_1@Li(dMB; zKyNI}Uw`x6x-OUVl1nukNR;bi)Yc$QP^a(>d*`qpIGxiNqxX5H6A=K?I69axdYo2o z%#iNo9%A(n5_G?)dD4@ht;)Ih;FdLk2ar<4868tV){mJjr?i|ShNE~m2uIE~g zT=wUu?|%Qg-~9TEpa0$e{lEYAH^2Jj&;S0*-+tkPJGN_F;*yqq-$YnMkA2^_Eg$*% z@-oKgt>u9AMM{i~HR`&h&a{b9)eg5(L z?|k^~n~&dn^WMYRF`ZIk8o|kTPtUjOt}3FstSLr+dAOV}>jxja8@zk-c=5rV)+EI1 zn#e48x1=}*+?-}+Y;-y=r4(VocR^;u2CR5vbT)z+QKn@C3||RhdTN1pEYyi!Ji|-WDePLeK1oR#vIYV$*>=09dn<%>NmX|fLaELyn zfb{}O+n7SDZH$rDh)`jlyqS$YfX2o>fMrO`C8SKLUCT z{1~-#B2q69TjS7!pBS^vaYu;{AivwddVzJ0)p-(rwB=q)=er{rD^~P}IDEhwQDwxq z#wFBTomUYVZH#XDmYFHDwZ^pk${!i+s4VZf2ZYouRXMg2A_j|u$e@{lEF2dP+d96)^Si5aBEst> zwKB%A<5pT}$5vc)*Y9rXH6Imu(wHlcKH@2)Q>;hx(V1D@TRKJP`w_JUpc640kudq> zTy)mQXf`()MlLuqLgImS3(+B28T0rzAD;Wn%%WOa-sPdyl3HQm;vI(2sZk=jAsgUTJ7rG_4yW;1lVY;Q&fU$7ow(C zD?~fJHdJ>gxNB)}&B2CyeR~t(T3Se<*RD=mtuk|_tyMP%EL;C(4&#t{>d(If&9g}JPpytDl{)+Hg&de|HghTuxAt@qo0{NSSx)PeCb zLhz60^V9WeW;s{ybkEs)2TdD>vfGip)9Y;mrVx|+^Lg!Kc<-PBg3|)xZ_IH;7+NMK z22ykMaXu}%6uz61;Zxa%pP`Guj2}klZ9mM+shfWrO9R}EX5>2&F;nnv7(yHY zyG5FWVJJR;P-Ib+Hqa?^5(nPq+QZ!rc2ftqH>$@7)q3{^Zlk^@I1`$)$O(*X#cHaJt@h6<(J3 z{Bm=uzyJFC%V~Lj*_I`qmUQGgS2Uy7)^ll2)r?B1^AK_R=HY~J-x$2AAVC9Txm+6F zDzD1IeT)zSc;0UwFPI?0+96C}{#m!Vwv8RX>>OGWBqS;dc){_{!>ISNuvgW0i*YkQefd@%j-G$pjctE zkPB*K)Y80nWJbe?$cO1=LZb_tR7kNLrM0Hc5fNN#M0D&&44%oD*#{kCoX)4ToX+QS zsr?V%eDk+I{a?d~MbL(sLDs^|Qfg+AT1)SJUC*_a5E4{RPW^uDt=HCi&O3Sla6;8N zX8!K`ufP1afBnrDzxdTZ|HChS{{Q^zKmYu9zx(ZRY?sTW)ly4twOpT{_HC;V0_g?t7p9=tm!a^4VYi%}+o1?1#Vl`Oo&-t@pOwuC?rDZGU-T8NJq4 z3)>K~-l|iH-nUvVOSIPZ+eTwpAJ^M;O)&*`IiF7F<#bw>HC-M~>$;>A&TG0pUqvJa zPw-nK2Ny`UKA7k@GR@=@7UpG1$DWC-){1SIiZBy~`Z4-;CrR*hM>I@2V)S55no&x= z_m0;bJcePTH}Kf(bXmr*-p4Qljx#>`8f3k>b2&IHxzms=iMu^qqi=qF?swY&^p)Jd8&e$iAo04 zRWOG_R1jv*Q`S6&yNC3JUjwc2H?Z(%!v&qc zR3ApvO0T(#aId46?t^0^=RFgR23Da!;0)9c7OlMvRTfbsl#8%Ongn)?-Qa>~eZZZG z#%#Y87It3z;==0d(VW-ow_B^@@@D<|*WW{zb$+uRw-VQoP7z$D?d8bVoX!#3w%&S3 zA>T^B>)l}}SC1r$36gSNiOB{Xw~9xUiF%uPVMvDFpN{36z{3$Hbz1i3!pw=QM_bOZ z=C(W}ADjzVvslS(bc@M{C3x>!osgBd#1K7J=tj1^?ByufBZYuO6FQ@t7;cA$Hy5~N z&;#V7wA!3kSe}vKD(@mA2pV=!RKRSfY&?f`-BLem#6};sm~S*xs;z15l^; z!8Y~tGG(HT8D?(6`%VS{s*X0mSz?6D8lfewxdqtngTsSea#bhTnS>>h(e>#Tk{9Lu zdZ<%O+E9Klu?B^HZ?ul49gnyE$)A2kWNnNkg&8;nfxmDAdj!h++CuO^yS#nAK3*b=KtiQ>t@p==^Sf^zARKD7zqy=^td!Enzzlwjv8J>idCwWy)k_Ndkw5wP{Zd=5 zCB;BYDk{qBvdjPhqFkyla)R}q8YaQ}mwV@cPASEJbSEQY7N@c-skU}nlbMO?`Lx`& z9caav0{puWXU~ag@1<1S1Jk!b)cXiw`cxn*Z>=LP%HXf)V_AZCZa+%!9;kj1sjbnp zxj1CH!9(0ycV4|y@3oJy9|dq8?_I5ZNfD#9oa++9e&o}-5YfwZhud{o;*vs20gE%I z(rUk)S7!e9yXWBCci+EwuOOGbT(=a1b8g@B<+6VL&D&C|clyqoOD*;JWycIGV0|QF zW@`+nSuqB);hlpaJ4P?ekZXtF))a@Ch(a6YRPj15F@hlj zkKK_A(46~zoYvI4IVUy{e%JC*F?R&QthWwjDt=%9e?$b+Cg)vDVLhiM#hTmclxWz# z=X_Kq9=$J1#E9#(E>0CTTB`9%e0l%?AOJ~3K~zN8S_JQ}x4qPMTGPHC zjC=#;F$N4ywYBqQ4Jm^3%ra}Z7(Lx{e23Y(CT0>R`*zTz*_aQZw|m19IWMsNb! z-Ng=XG&9}H0jx)+0qULi-~7>3H%B#%iTB%KMyH1bi|=#_wX||HBFbBJUXLxu66rQ{G|&PS<7&d1lk|MJ^E{O(`= z`Dg$B3UivBo`b&2XE#jqdQ1vkw0J+ts}On`@ zUUq`9I8OJ}=%yYsa)xc!NB25{MOctHA);0~Gq*b6WA?$}*S(MDjhSoizzv|lDn~W5 zUNPyPLLGdn=)@3;1iz5z99X<=7>LNm5T`aV^AlDEV4|5h?`YU)=3n7y-ZAm$aJ{PuS*qEh!tOy|cHav*GJYHoF(pZWT@_;|Mm3_G^Go)WGnP-~%~dX>$z+SMtT zS`Y7DSk(DB*xqjk`T?-o5k_%r*#$>tNN!Q5I9Rsp9#WWj7c`rBW^zsy(k$ZMdhe!A zYwdV=_?{|*RvZb+5N+ZUU}pT9E;zn#m@x$(W89u@8r0wUPWU$-*8?i+yk`+1qxG`j zMz(Hf_+d%ML*;_Qt^gZvzQ@C1wC{uG$-pGgFTHoe3?t^b3ix9W!%XahA06d8FQBuNNxR_Z@<6Yb~73_z$tqBe1)h11A8(nt>NeY z=>2z(T!i_P58pSk)3V&Qqqa^=ONzH`hoN?K8>2I^yPwx&Hqq^XzKbwVN27OIYYV}l z^I1|Xwa#^<%5B@3dC!N6I;W-97y@REOnlo8fa-&HwN_?9fgXdawYT2QEOQw^J#%3fSJ5=6);vN1gkk!fll41)TS!<-E~IU&weRP zn#UM@IPX-1SW0Vmb)3lEV=(%N(O+*n@DAue@Fn7JhCq&pORi%W8SS^cZyB=Yhp3kQx1b@5j ztv3KkU!HFvI#q3Vct0aLgKXSYWFnk%5%`t>BCz?fAiy|;VD}TS_YTVnm?v1>z&7x@ zFu}V<(@N-a&OT!9HH=^=Eb5(8xn1{^qB>dDs7_({gD4hDxtH&6t#*VxZO_N~aSh3< z)93GR6OQFRD{@1vD+7|~3897ENK$msp;_uu^f_y6|gzy0f1Uw!fAZ~x`1 zFTZ$t`tA?k{6}l$IJTU(6ytWg9{Y{RYR;{eR_nfPwHELFvMeg{7k~LzfAJT8{lg!9 z{?niS&%gcY|NQjRKl${t&rj#a5Ee6-jHf-Ww-%!R)j$4YjKM}{8^Y$DEKBfC&*$aw z;r#Bq7ZpCAmKd~_CN@qn&=|@D#3nPx;J$nN{Bqm=;}73|`|Z=q%Z7Ze;N4UktBhf= zJbCAGu6&QIFS*7T#~8|jsmFd~H|N}_HW@`ZEr;pKGyX<|kE8U~*Hg;5LX~?Q zrIt41wZQM|19iN(Iq^mKC8B&#zQ7m?!WD%0@Z{uNu_l_;15-=^{Xi+L=89?xBpfnE3h~!HFNQ)vhYUq#~tMIEhh(JBLKh$rj`(L?-9-X zsq3SM!)-k$crGzOgsA{p!7+QD`4zBo%N+?>b{AViB!lJ(GXi00r61QqM9!&otGNOE zk04&>oZWFNd`BH#pLU#xqjzkXUK_$zIt-djOk^%-YXe`pk)iR6ix-_(r1P5vW%nyc z2b|DW`xq8aVZEf9YdS^DzgZdfP#?7%b#(JlVQcnYee_}RqYnt)Ffeuz0jWg9@Hn*s z)PeOjdL7Kv%DBDV#OdfGuHm@ln%l>J`u-SWzveLvWp~*MxHQf?XxP+gIci!{E4>^Q zeoh}8tALS@n)~*$ucu|035ySYzwNzu2tzzwVcJFJbY-1bnIuvtfC! zSaDz8T!=_jk1dy@{IR_RkTm*w)b+BAVbD9-Fl;kM@2zxLAMvI;=g~lpG4P4udYvmB z5lsDRX)r+J;l!UOCWw>O3A#<^95EU0&C>9;0y^)5gYO*NPs~}+;e_CN?_{LPn6o$) z{n6*27+G%}gv6KIO?XbRlAY_uxPX%4=;g z28FRtWf(DY&IMj!uPP$FcLV5fuR+a6j_pvhGK5PUHQrs;v|A zk#h=R4BB&v;IA109*>?xL|W~qH4$?y^~gB}Uut#gywg%E9wy{85!0t1eeiPIMjx#= zd~~%nCjv``R{{J4Up5ie;%Fb~;k=^M&!t_r-HFuJQ}9P=(Yw+b(%edE;dR_XQ&Z%e zdZ&2oE~gbG>9i)A!Sj$yLnkn7r0BOjL;iHRoP;@r;JrI?pC_vZQK7GW*uJw^ZB(=~WkYoCB10YF+pa4L)(`rd~_KGzsV zlwyRl9650a0VN{u9h?J4E@sr*08I$(H7fowM)dyqx;a%uF+dg^V%WChv@WGo?=+>D zb4@Aid%n+&+Vy3xxvI)`J+PPDuZMbvA!|8G&W*@=>on;0vbWk>nWQNjlwvrameaa8 z=av*N=T!vx%7UHAx+G%S_ak`!=FP*m-#y{vsstIRdv$(Sk{QX6k4YH)PXxjZ45HaXBRs4k<8ktF7jWvCZkSVtf^XyF8xr zk#TLDPU~q+wbr8)G;i1IK8&3YrPTL7{P?~1KVa5ej%7Ku1|{N%sA``!nSZ{A(jOIl827%;&`uwPT_Cb_;5MFxr7+Y^J#G^&__Dq%aR~DP?21#iWpfp8$_kG zHpZJb7u24kk7GXoi$RtA;Q7C{m9O#Qvu^b z?m^wl5}{zkj0SHF=I>CZp#tWaykW##0n(L;S7&B;I&sRW(^4uFK0Y{c>b-{OMa6sH zdrxaZ58#8(duApVoC^+CJRd#k(O0umZ+*1xV<<;Ok<|OZoP}%>^g|4E&*7(sHCTGxsR9cw$o*4ZIq*qIj$yk>ViUb%{-GIpnRB}0MncZ+yRRi z9}Pd6gwY09=&xDf{r~6A*r^_YD9ZNOZ5aIorG3~}9yvBr1!#YpcKRf5tJ0Bd3 zJ*erKId3JciRY%VPnm0OqHIJe+Dc<&UJru}8k;5OW_q!i2@AARuZG~e`hVI2$Nw)D zjqWnPf#tw7*bqZmz{21$*W9oKVCI}FW^?xn88H_obDTOt^7@y5{U@bX z^RsA;uwe9b=!|^+hM!Ji@`i!RIDvgs@7T~;K~s3GO6IZ)P5I0qt)xZxBd#I zjD45~GRUddxx|5qb6wJYWEHvIHl(PY&&!*K%Xe>|QwV0G!qp_ADo-!hF~;+CJ10%5n_%p>__&_*W3Q#`)^cuKXR?zITwR} z`+Ob4PHSqdpOyu)WS&r+kxM1ABNykiwzj6IB3sVh>C0{3bAjFVorkk`&O3M84;94_ zJ*5N*M{CW@+8B7{UTzx^y?wsD^LXC&a$c7h!x#fT?34l-^JwH)x%{h15b8rsiA{FVq0~CvFTNQ2nkGII^J*5b(VT=LW`Lx8_ZHv)wTb@_r z7_1T^ie?_emQy0Lhj-80?Qkl946LWL-?DeE9JTlH_;5O{3C#={#Tf2$IJ@3_jR6BtU}nxKmNTt2QH41Icu-NbG42K%Vdg$M&c{B7xYkNlr>FDM?_o)17J}Qi zY-Z~@E$4K5*#ZAKZe=+~r|N@K=S2AB>9(wqMTVJ=-g&pZ>@QCnVwIM45#i;uh_Jh- zOgukb_x)(S#TeE#oleX1^EHaH(aZQWR&pPv5uC;wH|Gg}|ssT;jI?{hw0u20{8 z|IOE5|NB4x>Sw?G&98p{A7B3Zi(fvy{dV83W-W$rY`0pDW4rcV^S*7@=T>vgM{m`v ztMIa>$2V_&`qTgMUw-mm|Lo8H>hsV4^1b&yeE#{g2}!daq8I7(M|vjhKf0Qtw@rF#xkc%v4G{ zpHDg?bq(|_70E}LW|CpvDdq@F)Vrxnz%Dib&g*(!?q#2ZQ(OtH0q;1-%v zSOw6BpxMz=r04TFw0SRn?(Xm3gY zRM`e$VEO#*?egx)%<56Y>Ir`gPt_P^R7=0U-D1Klxv!VS2QMlbwCttTUXD5ux@}U= zVPL@TD9Scz?n*>9$Y#PCxuC7Ix;J%V&0=ymJRuZB=YT^D8yNgxc-k@PAi`YPpvYBa z>~ER5*WtXDqw&<95P)OMtjcgloGz)=UUP>w10xuSJV!S~8DLZjXX%ctT`j}*k=w9A#suE&w-j!V6`QQ zgfMz?0-rbFexHn-A*|&TLZ?ZbAM`dMV zc400MaE|pph-N-u%~KrMO4E-&{UG{KYBeK3bwUU+gfR>*PxSrXsj!sVSXf2qE>A-{ zB6kc{t}S?nc7mA^h73m+Zt>oG&c!>|#z-;j`{A4;W~WMb**yezWL9cb(FC)??xXX z_*~lK!+DHJ;K{YUTsQCB`|mt<8~^sz*C5j)O#Es&AR}O*08~bQ1@R9vBZI|z*V<6!-c40t#&~+Ur4%6ic)s4=c|7B&5_#2> zGWNspNe?riwPOtDH36x(?+4#UHR}?u+ipZDdKUIhozv%++qy&mpb!|xM30wsKl00U zJFg3@x~Ldn@HL`RDts5Ewk3w+C{zE6C<)Qqo^2SE#LN`DUxJ5!<0$2nQXd9Wa_{E6 zdwSWH7>Ie_GZDc$4EwL$12wQyV&)}<+L{V)dw#r}j#9jv_~ZfmCRwc=ZG&^ph_?M` zt=HPZR2-rhn3PiJSjfmbJ#z6*mlR_RCT5lzbF*j+q7`3BfBA?Y*nhnN8@FW`2;3VVEjmsJ5)Bs6JwL{_P}^*-v+m}nSX-`^UhLUb&=EV1|g z^mN^}9jPX12_Xa)bs@gI+*)bk+((~$>U|K=>-FvL|Ks1j{PK%0{`D8X`1#-c{Qv#C zZ@>Ne+duqAYt2S~e*0ZMwqv`E(VxEk!}HtkRBXGx)N=G%M$5t`Vlnv7e)!1;AH4V3 zr=NZP`Ja9G(Z}9-A7ZU_+c)I19mgI*G$IjwetGI+9Qo+2*IL)*WM(-Z!us^~yKlew z-PgbW@~f|Y{jb0J`LBNYvmgB6!#C$;iF#~XD@Djs3N#EtGJ&*o7;tUE*87Ow&3cXq ziDlia_R&Tck!{cT{L4|D3LpnI!yFKCVE2S(1a%E0wlWLM6*(6WY43;Iz@RP!|NMM| z9|>11=A&d*N?q23&K7#vDVb=UiE8awLtP$EEbM|CW0X=y@2aX!oC3w8m`r0$ zZ9(R=bMJj}w`^F=bt)Mk zwibaI18+3nrn1_H5D_BAtPemBTkXyZiuGB7dslLeOKiCjv#8{)APN9b6i^E8 z_2>{0R8%xmRH@ZF_=aoH<&O09HNJw2?L{F)K00s~3CGTD?URe=Fe??4Xq!HwQo*n4f0+3nB~iEvm# zZ!^me!Wd>gZhIewyag=HM7X!na&M*Qqoy??RT`a7$raZD?AyQ!HN;1h3JekY*nY3t zaa`2WmP^{NJLnX!1*<9=#a??Yt>k)oSn=nNE!!A&-%9{*#zMW00cLA(AphhoqxWuQ z8dPwih7fEFnK=feI>m~uchuNe=y~tTQRb(l(ppom&M7pjXk#GPA7;qH!(<^JRhZ)% zaQ_1S!N8f^b7QATT9}Y{Euw$+7e9jHUqn%I3Fd?}TQx8vB4jB5bb362lGZ!v;*$bvp{ zUQ&8EpVpLAg^91%ZAk(20`J|DBBtrB_gZVNErn2O>t;tTON=oF)OKL!Gc%az_`PcF z-n*CUW@hWM@7(L~KG*7;_R$~CD>0SY;0M5$3IZuJ*VdfqJf7ef8>TW>qR-bG zYV`S8VZww_1aoPfiB+Tzi^0z!D^u&Xr1+Y&l~NGq=>0d}J_YX?n|GuwItSxNZ4EI9 zwRP{Eiu5s_UT#K~QUHPHv?dYm!&3Bju7>qt=hO22+m{$ZZ%u`K-*Vfk*3x*;~+>eX~01_9>m0<-D5mmWu2O@HNAL|l>cdZR4)6ae6q6|z^1s)U} z(&@cJ^)pNm8^tp3uwhQ+$Q5ZAz>=&>BIfILUs7V>>upyR=M)x~+ieF=GsFO_5ZJFC zOMj=qyW=R3u#3|W{d$T%dgpaH$9>DrsrL>N!~J#~dwKu;$8uDsDom&j-acI+;@3O3 zH+ZKaG5X;BlERV8Z9hWrDaLy+1-I5&I0QchwNTB{l(&kC^NK^t%zSXiUUDvG1QnSP ziD2MFt+ki}v6bAMccNTNhlbnCUW4=Sl@VF14PTk__~PaVZes-RvAgQMhv;pLv_=$U z+x2L*`{?sgh=`a`r9q0C)|j{AgB#tTq_knqYdLCfJ*Kd|>_mKiI3X#b_ddo*OQcCX zB2@{=!)^cl+ZT0OTW66rtknL&M<18g_S^RG`0#^Iet5gR5YhkjfBbLX{^9rgeml0! z2VZOMt=i~0@4XeWQIDhMJx0%?DU);j-g^(h%d&>`6i=tLF7b3)fB4xCUxgyA^_&Z< zXOZJLa>>kceF>At$p+M<@vfjZ^!d( z|Mu;3E;U34N{^~s&Z`Qiln@J-F$7Ei03ZNKL_t&oaLV-FiI~x{L^E1qDz(QLLI}V& z0g#875sVln3}6@@wo)oubY`xlh8PeOJ#QTB^oeTg(3$ix)Ts|Htr605C~D@I%?x`9 z;Od82KFZXr68WGd*W)NYIAY$e`xqndS!Ad_kzyHf&7a?cL{x=>UFrQSs4> zD%}ORs)~(SZyi3mF-RxUXATrG=ffXnCM=U#m~5zXy)_@4s@Q+x2tj2OQy`*Oc{j|L zqGBCf6N@R3*?v1%ARjUxosrE1VwU9`x91)GRqw`%M7wz_(Nrcdihj&oG5rX7?r$}b&1^ILUn4)f(zAu~!khhIKyjS4f(XVc| zJlgQd6AYkEY*<|U=wQUn^j1|-FCjYTm4(VyeN-Q`=Kk{C4c$@8O=d$&kk;(itWIif z;v}x&uHk7RIWz`w^+1BES9J{X>Fl@wj3-71h1s_Ais#U#>qbPSmaa}ukIQmSarMr- zRyw+fR(jcMSc0hH{|qTuw=rzL<=)K(0aFW)hZ&_Mzy}ONFxGk@`SrY@4!J#VF8Xqm z8C#KpF+m{%OvQ3aHpt9;^k#N!nTTp>>nSlyIVz|yt+egw=De$=%??&j>aaR_9aOL;IlXiNxA^ud>kK9YlXkOyFoF#1R-Zu@aLtz(!v zd1dh95OhxG7XU9a6S0(BQj9t0S0?M6`aohN7zy{&l5%OaHzqnQ3z`)pQ{mDYGkNFt zJ(t?nC1PR$E%J8kxl}+E5j56XpXfd3YU@yPgIj7u%+kli2##Sal2SA?BN|4CdOe-i zKJ9&#k)URFS{E~WdcNjT*EOk3%1{a+ml~sAV$8Y99j#zy%ye4QZ99Mvu)8F2-eb%x z1QNN3l-g=*OcZB-EKW6spem*H^JzJ9bzTwX*!yTe;N3%5uiJqFtHJruyHiI*_*cW! z0il<3vzt6hnHp~AoOg)IYJKn|@pm(G>W(9mFe2FC-w@`UtC=k^z-jPsTDRj^Q+)e; zOUb7ghS`$BZOgBOkluSABL#n26N{`VZb$ZL=f>!LEGgi@bE3>NjB>6^ni~mb-j5oC z?_+r9j$8rrK`u2Bfxm<|u#^hOQqCoK-+J$DBqT@}z*BPDkIUs$XCQP>F%S{b9>%Z; zfc-F3|K7V&TJWkOA$V1FD$cnW1G5m3Q^~mu8;F$%!C!BiDEB^)XN;~=RALC;yVhp5 zQCdRIwPMrdHAd%yBPI`0hl)BmT~-x|DU3dxhygL}aG_Vu>M4WH>I3W@!Z%CX@-z z2|(!#(^x6k@WNF*PY0FqnzYRXDFULGnOT%;Zlm|@Wna$=ENwpcR$GX{2X98LP0uTc zfo4>Xc5KBtx4rD}gZk)03?)}G^1;U#$m|tT4uKc=zj5*KgkS?Zj9c%e)ILm{V-|6) z_HV!Y<~P6o)vy2c zSO4^jpZ(^GfBwbK{^8$$`^E3S`tt3!-_~+?=alJkUdpk3|A*h7)^L4!j!sfgn1IO$ z_FPaN!fp(sbLzy0bDrS|9RURtkxJYRPhi$DJ8oj%60#LIb&!5f*1K>Cm6 zz`kcQLw7;MwKk`&_8#we9H`-$xzy^Mve3Av;h_AjwY@$YwKls0wYGIlL}5>KsQmG3UMJy{KwT z;q-t!xJl>4kB3nX#(S`(;!VK`e0$!Vf*|DJofyML>$8YAvOY`C(FUmAB1BBB&4E1> z#-nxoizdC1=YGHBwwx12OE9Mb>QzdG^Rnb3V5OrFB<_9q;1CMiS|7cy=Y+82nj7@- z;2ZY)&ql;h>d)nX0vRp{-W8`zqyg`pdrd#Wi)Q!aDI)4^KnG>R%3eg+M}Rc`2<>rR zLkgn}BHpigzvkXY&27CTVVRiDKE^QYJ@EXf7f4p-H4Azec32hJt3#NbSA;_Ysg8mY z#@VU2v$ZSgA3ykFJ;Qf&;1YE}grxyJyOz;(wwrAR`z3u^nVq_M#pSY5;!J1;@i5qttu=+YyZ7G5^|l4?=$<-+ z*c2jSqFgI8K`uY;nx)gSl-9;D*fF80LXEp0;CVOa6sZM7)OtH|Q4#MP(o=C!(fmca z&FpbtrGmqv32DmY>k=TyxoW5Ll@Bcrh-mE#2j-mB|x!Sg5?8GnI z0nr&b?26sI>5kNw=B~1oP>-&DHSwRPd@DYOz+IvSs&H~)3pd1$`!FwMHmnTbbNlnA|#v}9)X!C_pq z-_KtAx-I3XwN&h*amoWA0U)A7t(IWp!lU(WjSH*naoZm!E(6I{LWX_Wdm9S?~8pYyB*hh=48j&c)zr>&IE} z&=L{v-RCdY82xrxQjEYY)Yj&JgC@!eg3K6#5w+fUGF}w@DEQVNQ>1NMFr&d1+ti-s z85WV=I=+1>e3)_6AbGU4#>CD!HOndH6a~~XFFyDX-To-3Sf0UH6O9ihckknI+h1Nc z6tl|;52fkziI#GdIrf{dg#B>>fdVZD6zyjAc-zww@%;9|#}x11A3n^%whlXwbKRC% z656Cp&S!+N4r{Fu5&V(I<48H69Pf2}R4^D(p#~j&9QTrz2opRW$D`{|1>Mhy)U!D+ zwY1C2Dk2zaf+PHqyF^54RE`o-h$)~#g1S1ypiiT%s@2j$@~w0q9n>ZgKp7Z@?Z^>mo3rX@amehdgm zSQN4Gwd2PBu&SCVenSkKVvbOp`rzFpK&ni$vgS3BnJ|~5K-B_((ueMgiPMrHTODl- zRVS={upn}7z^!g-tu{Q+V+?AFei#!mfQjZdKm>fbl#`h*TduVl0#8!Fz<#nvnOo_w zvmSfF-6xLEy{08zUe_meLvfN1=otA)+k+y@iSy$A^MC!T4n>@@>L5aVAnnKDaDoDn z%M3`_(>KjIN8-QFu;m%<{b3X)q8Q_NRv4p=*}fomkeG~y4(6v!(>qY!!FvHs@^PNn zbbNVz`Sx~uzdz1WV)Wj*X(WC2LGXc**^-lU4jO};)9rBt@8KlFmN0n#*pJJ$0BnNK z14AGkN@mDIP*pOjt>H-qay(`;pI-{(zi@>Go#I-)wHQ)EsdymwibxEc4oFg>fcnkxy*IMuMj}}u?vy>7B z*y6;A10QKy668<9EX?bg#~1)aBIzu|;G7HIVZ#IR6oh)g`%-F(UQN~L{c#*;MMhZg z-i&aqGjpkR$q60W*YEdFub0PhrWnq%BE@-K@-N@sg7-tM)^=T&$AOnQoRd;pL#?V7 zLnyUvOa9^0E4Z;sPJN8px<0QorYUQ|g(1wS#my+ii2sE*9F|jvk1?}(yFGG>Q;OpR zo1ZZZx*cH&-o+4N^iHG?4Z*3=N1iSVqkTsUhkeWCvd#mV2zq63^gq<4qYok$$2rH^ zI#A_+cK1FWkFy*#ukmtSAGagsxZlsw2QoL79Dn`gz4hK|Uvhf>xgP0eW_EuZ%aUS@ zfc#)9(tBTWVv$-W$!h5M$eQrcA(_Q_K`Bo}FuGLaRXZ7dq$NS#hbe%nh8TM9$O!uo zG@oZpDIWWY&jPyq)|$scfSH-$;()A(p1I}Nt>K4bij$YjBE1b$^&yNt=8^}HY3QMi z$Y{TxFQ2c%9CM60n1T)Gh!|7+T)z)jje!A?BBj%XbH2Eb&V3rzlOhKPo zIHWQ3)>%ib^X=`e)^Z*X=r(&R<#;gZq(#LPYCjac-KjdL5wL)Y8$ThTx%5Vd0b`q`)zT$8Be3 z9iz7nwhwj!s9<3Bg^q<0Lgxe+&{kS)^M^kbGKyxnoNc)zW-doX?kV0PdAbI1FEDXl zV%ZzeKuGt)z`xecY$Sr@S|0+|GCK5poVcydqlDo1+cCz7IX-I?n{HZgY=-GD1f{_N z%ug$Y4ud6nbbZcafudIoQ&9t;c={0A^x9o;qYYS8nF%_0Gpa{{WVzR2MC&!9T+VBN z{Ufgl<|`tKIY0}JnWzq6$H>SYZ|CT`TvE&-t+DKtg|$H~W*@K@2&gc@RaKlqt@T=F zEsK>VmL8y~GEXD#^EJXOVKD_1<<3jY0Wv2a-TnK)%;izH*QJ%AYRe_L;KWS_f~qdp z9FjL9ALY1}<5uG0*VhH>N^AgF*aw*(3Nr*?Hn~I0!tLxKx_Y*>#8$d?)joH^F~{;~ zOcYX}C#N#6Ddpg!U$&IiEKY2If=cad_{EUV@bcw4+CU=;3ST`c0v4TjrrPT$XN@V; zv(~ewCAYJUq041ywWDWFYm7OWX_7kfTVd=da zkmzd+2|1zj7efLJO5w6s2VpUDD-G6X5uWlHPlu|Mhn)(t8)4 zK4lSB)fl2GbV#IT!8u}vO_mHql!?yOi85uHB0PPT!91yj3})h#mBXZnfRrFO7T1^vz(;@Fi-#B)92|6!5rO%;1lYS7|2XjOKX_2*Vcac z{Cd0ZAq0$+W;WaOWN1#Y)&_GVtRct+J4+E}7VbmENo^e~2pu+5nFz~))`tk!+65e; zQgTWd55UT7YJI4G#+W~s<472#f3VF3Gm0rX=b#;T&Ut`Dqi1HkI>4TAIxt~~GKV6V zaXRnB$&!bV9rEruQVu0d2#W4NcWN+_}82q|sP*8*SrL~+=?<1#p)|P??%1I{w z$H(AV#EI);EIGZsKl1ZR+ty`U7Z!fIJz@+gMklWICL%^AEWM94XY7##fYcNx-CuZ& z8FyW31IeL}0ee7Bk(u7#cM*ZYVSw6e7Q7F^mD1KF!`U3dOzX%gs%eT5Nfgex{Wzhh zzHG~R7Urog>%A{azTF<{lHb1HcpCp`k_S|w*Q~VxU_$6vf^6H;Ti>=U#NJIiBiSsB zdLP@8VHdWiWjqA`>$i7|0bX9Voa24pgZH&}Q;RV$({Y}P^Mfg`NmYj_F$va`g*}ayq4y?H#}*Hu#JIa zZra3k8aY1X(J}g7yAi>$fZ=W_)j3y=(rO>iW7mkzM;WTin$cpFqv0K{rLC9c{rkP_ zg^2dYNkp)#uG@maOn*ugYHci%m)ys2;>5f2IAaRuexw}BdAxo7=DgEUd#meZ{q*G( z<>+W-zdwYj*DAu=hnoHNw?8aPhQRN!@3mGI?m9vUt+rC?-+un}fB)D2`+xrU$6tQ_ z`R)6+^E~cvZ^8^-P(2^}<7V1>E5Xal%av*T^wW=*EjyvlpRd95=*2tpj!at&F6YRk zmu+dSo#*-TdRdo*O5KROmz;vCw%$u=M6~4e<^|b)aN~9ul^12x)3w}hgHh@ldhJl{S*ng_2*gx|m3(~_W_Xrl>ILcbA`zkfes_S>fg z=Nn!xiZ>Tzw1FKF8h~Dhn-CGh!xTEPUIz$8qp1ToBFAZ*U}hrh(7g9CMGuMIzQV&PTywM4Y50j%Q-AO>gu# zZbw?84t3u5HnoLjCWyK4u9nKg;*iLTaWIn^sKnR z-|b08L`arkW|`P4om8bc7RTh&N8d*$CUITxIo7j|p)m&#(pb1ZCnFz$+@=b# z8Fq|15T!S-lU|20;m#Ei7Iy#kAHT<#4O@O3RYcVLSl6ZZAuJ*?6o;u1F?0npY+Nk_ zgdjOgQ(_3`Suj{KGgYmv$LK{Q#=u4j%17{Lsm#!;^mSQ;`7Fgb=v&NtF(TlD_=6Y0 zeBY1X{q&oh!uQ+VXoic;jlvuThu-!3`)$q1%$#tHVLwZb;l3X!hLoZc`SkjdW3;E} z2-TkRE(Q-LD+C_kuc#R+t?Okqwf#70BH&0wpz=h4uBt!%_@(!eVmNCJF|0Wqr9dr- z3I@(&Rc&3dJztmfL>X|75%oIs9Y%JRnqmY@Nr697b1Wa^>=ZogEaKd{q$R~+^B~SC z;RPONVP+A&Ue=#}__qmXoM(lcDaHVA;@fRsa(umR zuh;FiAE=%$>k?xKA>5Di<+6Q!yTJ>7e;i}zew4?4-0ugR$G9qn>iu#4@ag*Nw|CeI zVX|Fvf)on8Chy(jC_Z@X=xv%SNSNR6N9)6TKZc_8XO^x56Kn6J_P#E8KhCKbCVRG& zO++9;!Q&IA!|P>@!N(NPlfa&?WiBKOo(P7ui>O|Dcd(TAJzq2r$258b!3cZh) z>n6;lHgRlbt&NnzN1bG5>#}@%y93H3B6*2W(w|4IwVg+S?eFFD=ET*~O%04Jqy-;m zeSO(f&3m6y=+B=1dR-NM$aNwW;a4=3(l*Q?oV(1{I}Z zO0Bh2I*{9s+a7{%y%SkX;dmS&IMtp~JdZS{pn0^y#&<`gXsUTK@L)*SELZ-YD!+x_-< z+#jZsr(8>^=SehF+qpm1OBO~8=daggUE}2vE?XYGcu!_sdo}Cc(|H`uafnW>_tuQ8 z)|PVAF&>YDnEDvKkBK~FN-3PBu1kVAo}cLSF$^k{XZpC|$U<3$^`3LCw&ujKFsNuB zdh}YGOfx;<9bl%XUGHhS7=wst#!(rbIAdseo>4lvoKwaMF$_=;Sk{XOhAikCTkB@D zU6;H>=fnpGZ5S35NSweQ3UW5eBN2Qhk3Nq3DI&y#0@OKo9u?ay0&B=jl@!=9viGl# zlq0rn&U>f`m>4=DOy9-HXcMP^=d?}=G?S??J1^y|Lx%{f*?ANnJW8t%#Jf*^wBZ5* z8BLxDJDXlrtkDeXdPorQGU;i#sV!Z3GaVzBZQf>C60S-xGJ=3 zTtY7$h3Tl>)KGThHJy8bA*~z@3Zl`w_qd!$RmDjweZQ6EnpCi)u zHhl1NOH+DUqMMT}jybsCp#I&i%TSHU8>-=8U=bMJXCD@>UCltw)7@_Jy zfI22MBCH)lQv=G+h|CQ6S@;K4J&%fqkxT?410`gT8LP1n5*YSJy?k0+aQckQYjv2B z8Rad)A%oeLP6Vf$;F>np*PJhjo&Zp0a&uG+Y5QcBK%|D7uD5~XYhG+~+pO5tFta!Z zYU)RyBO*X4@Y6P9M!24PS5-B&>!-~J58CXx7cz?}#vIlyfADHS|3uFW#sCrP03ZNKL_t*U=XzPr$El{oY(t4Sujz5yi3!@3 zv?O?G%2|;cW2zy?2rrG93m$nd;wG=wj9d_~-Hfc)HoA`1&&P>ohGync&_1*qDKVmd zbz;rH25`Z{`pit{QN#%tdBU95gpSb6QjU-a0!&w*JbrN!QUsM4C!w1od8@TSsXsdb zAr>Awz#uMrIrd^kAqIMK$$fA@jP%yiGM~aB2Or%SGZ7CZ3S8iGY2OCS54{Z?=KjY& z|F(~TprxToOtn-Ian7R*!sWlNxs;kx0CE+*yACr|79Og>d7QBB$pEUYr5K=`#=X>A zXA$olM)JXX^!G29_35A`Oj~h__TKsFAN~A#Ew$piSZK+qwvOj3HXUfjQ;N(SybIo! zT47cbkre&=eSf`Pj-xmym^$xgi7_}QLy=T4sYgprkNw2-6dUK9<3v5EIp>y?YM)v3 z@d^BiF|;;P3?K4z5joF-*)tKTj^4))pI>?(Xu2Sm!oLRZm}Ka1;?|t^vy7o6yr1Vt2+2S`+zdmp`zuitN_HSeVLQED5i zuP+xOQnS{_c@`qzgPDkqvoc%o?*2GZ3h(y=7xcR3qZGL8oVdqv0``xi=dmBATH8Rs z=bUWo@^*U=(PdkXvjXcGya(CyWm{5AEbP6z?WY-~7@xg@<9>;mTY^8M{{8@_g z?tb5mOigQR;uvEFH7m72=&!S`K*x(Im$f$5%hGEvXY8-*2qNC*;wo6XQr|2#(YX}^Y=qNtWx!*@GWPOb4#8_0dsSRc&Hex%D z(@cSlBc|W{=JU2KZ48f<4igC(S?m3=pZCXs_=?^~ALHe+o@Y}dRS5K_8qk<IJo*g-8TPIQd(D5zpb*T?BsKOIX&f@h$X=DZ*$c-ay$ zjiHyAUYX)}Z7-aR38P&v*I$S6eb zy&DZkb*F0c+nxB}d#UGMWAcc8KOZLqKf+udrMH2@muDuR^Im%GAvz;N_ANbiDVVsk zh~e)T5$i;LW7huEdd&!eko@|xpwAKa3~CT^!NnAe%>}2XK$Nm0A_C?JIwDkcqjfNa zo+Hw!P=$X)haQjOy^N+g&%9oHM#w>Q9;3JC3&jXTF;iZC|<pMkRGy=URHBthWX z%++RQ9&G@ci3+|R6<6JM$ru>f(6}U3dlGCkM1TK&Klc;a+b(!AVQV9~W3ueL zgcQaYA-di*EfE)I%!!C%4z)DrU3rw0lPScyG+OVin_6ofgYY@DeqQ#@JDSbyI38tt zSWb&QzPdRdtH@xF)Po%alIPz-63bEU8xz0Of*{J#03|UhkXtg ziK%{Q@Syw07elJ2M(*GKDd``g z#ocp^R9jz{{MZjD;K$I``}MLl)Pqk(8%F!y`|~`XoXU=2t@kd4upj3~UKkpT)&}%g zxBLFX=hw@+?#Btd$sB3)0mS=~BZS^)Lavwf)64bCr|adiIg$7KzHLj2aX$_m)1@|e zf-h^{j{{wS_pY|~pa1gvU%tNKnTVE_hazj-+wS|f_Lc3U<@Flp$5iFiV4%W;9ZA89YdhryDBD0MpQeJY7uit zIYo?ZYir)Qqg0qEyz{F1ILga)Jxi^vL9h;pHG@O*x-oDMexGW26`!$NA~yg0J-6wLbdL%eJBs z_ukdoYHh8L%eJ7(DXoRzm^p^<`Q-vd;kWl2$olqdIAMK;UQSgX`w0aLrWeusMB>F(n;Cbr^=?xK7tgZlw>^ zS{g8Fn2Z8Tf>AL$0S>sF4bRI~I^d)q(05av5yH;pZHXzuHDjj8V(YEZ)6a)W3k#M~ zYOU>fOiCjr4lzaVWegp)`{0)~1A*FmCn9k!<+NTFGum&vncd$X`~8S1;h;qXo2ohQ zX1U6Y;Tdk$m`uh1AqSxMk{_mehAIqAyZ6Tu1 zKfLzVd+)8aeLwP&)-8Yf^3rvLI8&>}7_Xl%;^fN@*JX+8nqqX$lk@BXnRVmdTlJAg zZ{8D`5~=glaUO~dba4=X18*WTH|;!YYyB^O`8luYEcHBV>s`rO?`kFj_q@mCo0xNg z?AyHeL!a51L>N+vb8s0U7!fn0f0UEr5GJDDyBY}^+SXEvy|*#1Ep^_B$YVd@{0!b> zSuy%hv(}Jf&&)gk!Y3-FVUPg}R)}6vGRB~0z=%y2EzQjXi|E8?cV$`l= zVjn+pU7%s5z=sNrQxgo(ml;I796K3=Q+ZdUl(}1MgIXU+N zvXH8+TN+(qV(u^@FbR_?1nUfa#k7Y-=cC_m<>kk14BceRN%}$$963w1WAr5D}DJ{7g}sFG?m(2h$U{qTzcsr4U`&>r<*N zD2_w)y)?t*yA2V6%Ac9aS$pfC`(sr?W}}T(XR3NTTRkh$-}edYmd~T;(C`#(j;=b! z{q5c{i}Wr;Ph|W3z!GVDU7dF>I8?nZfH^CzcDz4O52A!c{0j^F;BVjW$W=&7M8*X> zj>!Y$4_`GgV-@d%M=2Aczkc2zke(NwNGtWY7a@)*j;_6Q#6@2}Z)E0z-e!2Ca^F9?MVkAsCavg9kliA43&*Orzz4+JDO3?(BM#E48ugx&A|<)3)QC%e|c zwpTL3Vi&irnq9W_IL{EmwD2ncz#N>oqA29@!N;w81xD*(R{OJ8zE3VP~tm_irABXo2736u=82z&3eLvSV z!?O!@yBXEqbBZDOv$jt!n-4yx0F!ZR9VUl$OX!B5JEiWuBjPazm@rPHw)VTq5}dAsjs27ibddGAErQR>s(E8YQ3>v*z(O+=2fMDL00 z<+AnOo%7zg^Q=Dj82oXZDaFTr_~40nSyHX7_u-g>cb5w!aBO6yVYDN}lw%}jNS~c^ zkNtc+j{P_>&d1S@-hhm1>)X1(OPzB3P}DSGcqt={|EnwphTf#F}47_+D62>kwj zm|E~I#<1ih%+5RH|6MODkvT8#x1EJS=&G$_O%#$p&a!S`zMK`aC3$90V1$PG@faiL=)7B& zj7VDaa-$Cndal$J}m;NyU<&VjVlL5IS&)Yo2P)Z9Sm>H-ky?5u_@i;Js@zEoF)`|4d z$!xnUWcs-6PGs8_5vi^C=*4mCz1DiW-H!cy`FtT^ah#U8T^ANg$@kvP)Oj8{*pWD@ zwG!JH!$sshnD-*yscP@q`!FIOyfML&1X#!W`=ivhZcA%@+t%yL_FwbPRLeVK3Ty$5Wh`kE5*D z#YYb_;>V`DoDB+z^^(WX-e+(r@S5eUAb~(RotGpc@TZ8AG4yzx;v_E->=Eakh)X$% z6A)%U(u;wwsb|ewJ|Bf0Z`Z}l)GS7S9yO$Zq7y3o5S%GN6}+rDCJ2;;S)60} zKLmFti%jqit}cCEn&Oz4iA?;ogOeFUaNmZ5jLN$wGw~^EY6E^y@Luprb!a_1V3e>X z=}^d}5U>CxH=HW9boY$!gn<~QXUG8%>_9X{ZoN(EznQU+s-2Ho&mNKoT|QHq(jjar3V!>!}CRFf~-`MN$9>xsTrVzuB zk#i1QOJR1w!zNoEHRh738%U^fm&FcBQ6y&vP%!CGWR`9j7G%dpZplGh1VB6w%V46?D#FtAKvM$%Iq& z+Qo|x&Qx#TAF3L2#4Ri$qmN}vqYtc`aLP?gr`i}Z`Zwk{S7&N5hV`R0$Ek%tTNaS}hghjE{?*!D(g^;bAJm5GN~wQ@!-A zF@;v!=)-x*OTxpKm_{GHcO4p+=z^OWS~FyteME3A;abIU0rfr!yWjuI|1hJj!!Yo6 z9%6Lo9Pok=dl&=;W)L~38q#^->vB&YPwzvVz!U(?Gio3#D)^aq5P~0lOewYzG&Hzp zRL7c=nhJC4lXq5Y`^ebBDEj4k!6kmZtl!^nstRZ(60sqd2ZjP$lG}ci)`31`;kWmD z8zZHlW;zUxZ0F>@A8SsN=Smd3`{~CoSW`gaPe$ii=TP4aAV2q{o8z5Po0N?Ee%Pdg zF$5klc<=p^V(UYgYwJjC6%m4gbqsh(Tc4dhxRxRKHX!G6u!K+Wi=SMkxfoKzXdlyP z?}eH7^K{~t7+W9SIgE{icOufq@Lt*&Axy#j7z!*PL`ug|U$0y3eOVIL3wZxatweN| zmU9%5Z*O;Ij?n`@T5AW9dPx!4z(kZ{K)f0gT`#LJKlTHY*DuRt!o>@JI5k4^B)YF96vvcxllqMf>{&-)bN%<>vfijh=4Ih?;{2e z|HGHhFDZtc!dV*=FFEc zv-;ptj*uP0vZ7>6yljb`8>;MByp&S?ldG$$c}e%%ak=L6tmrpd8?6t>{o(sGn~W6H zL(GgcXe7?eq@JO~+*|KmKg17AAG3c^)es!ESQrCiL~x!38eGh;eDJ+>_nhLZ>C5Nq z=)JY(yo@niaF^GOg-7qqyj=2rKWc45_1p{edou@$xEuw{hh<$ZFKaDbM1Xw8?0IVZ zAi#@3WagKnuz+lxnW5IuF-Ds+ML4lo5O*+o@4^(|WtLQBxLH)2_qFjL8Mp$1tW4d?_7e2fWj&W=!R5E=V7Cp7qzC-)e0} zG}LPCzx?w3a$SG?r_V;FWN``mdGw7K@l+3KNKI zgE8!xrG*#hozo{j8e9%oWoEwyxH}Vqw~0A;S4tJz}^7j4|?-AVq_U28kIWvR#+^`yNvOE*9aP&I!7Dyx(}5w$gAZ zK5obUIPtW?Lm}tb+NftU)!qlts3PK>D@UE7V``?FmZ)Rg-yb3plNTpGxY5;n^d}^Y zy}vNAkAaLrg5SxZ&?!fSW(K?Hc2OyF+mP#?W^J?FfPLh>wRW*LM$h9h8=mQeE{dtK6X)5~U~qZ@63hjM#-4dX0;l17 zsH*wsKO|BZ?UUIgYnq9Z{dS^2G^3aUJvYzT2{Us!T1XD(NIiRd=HtQwj$31N_0i>P zg2vxRXJ)2Uk50^&PisAUJ=*!G7`+V3Yb z@9)RdbDqt4_vy=;PCmuPD!msP_)P(0a)L;NZxOahize z>2jfGmWWL&pp8C|YjHkK$lkEmrDyW-a$REfEF?~P?J)<`)6W(X*9Jp&Kt_4ZB68kO z1o{HHSoRWA9K91Wwmn4bLx6Y*W}#Z(=^soKLYzy#5U`X5MR>X~CYA^LqH1a=c*YoT z$%o`2z8y9Lr$uI?C{D0BS+>;L@Xn#P!Cnb_kTHB{+=)n4mmF0UFc75n{`8wKzkK~Ziw~NCueJ5o`d@$kdX}0} z#2-C|G7AQZ!TZ)`AOMVO(R(AhA18|#*|XFhOHMkIDLt88*5xb})%^W&=#vsPRG}0i zrWhjR`{;>*t%Txh5=Ec>GYn-z@NhZ;HexhA02AV=8oVlJeFF@~D?*&Z+>-C7m@QJ9AgX7+9d(+nMb3=Gmfyrm$*RSt6g(bybzulM&Oat7vmu&$*=R9lgV_S2r6}Z)9 zNg`58bt2x&c~&1>@UFHVgTJh~v>vd&Zv*hn)_M#cCU0gY;%!~_`S_V$k(46pOPDv- zoKb8ZXT=wrsk61GM`XMl@YqPKN4vR#Y~9j8Cr@ z5m|F8r9MZAvaWeQ3Qn}+ESJj$%MLTI>r!fMtzWL|{jrDWACChuF|BtAVru8vKEg2` zw*!>1?UL~+5Scj1Io95p8R|@NvhSs~UR%pc^3kQ7&RS|~UA6U|mRQb0Og?z=vft0V zru*&Kwv2iU%O4a~&bwAS_OSc?99_Y-W1eamd+y3R^lDwrOoy#&b~53KPTWuhT4as` zc`iU9NigOq_amF%`^Krg_ufI3QbMUvF^k%}MQg<#RZ?5*JrephLTxo` zRIS$D(F#gYtFcO`T_uR|&G(1TUy$VFdCocabzk@EiY^)$JuZn{?TufZoF2Vb6`Ye| zyn?>mKH$2XL%kkoZ6%EEw3W9WO~h|^K@~?F8|qs(;`)jC%Mjx4SqJ3InV;Lf?ywO6 zk_p>B;1YIYYN%+Ik=WSpU>$lQAm0eAOzJp0?m;|lw?JMH=@G8-l%u$sicL{I1WU-g zmW4i{|AEcp@&Pg7=Gu3)wSgB_YmB=s!? zzbG>XT@_jamhpWeMM&*OuKA`VC(;RH@k#SkT&3uBF;U}UYJ(6!n>Nq-a)HiS^g9~5 zHX8m==0g?j;f#0f(-aYPy7$xLWX_xO0^f(E3Wf1~Ga90KBPqywd~%VL&rb%Z4RmEj z8OVJm-_JQ)u>1r;voACO8s=#t?#RTRY26sBEkK7-BZx!=bj369gtYQmxXz9b(UEN9 z>*hIDOB=fw27X(e zqCjiz)IvoUtY;SJb#nDK2XxvH8jKmRL16{j;-6Cvg)v@pwU(CTUUQla}J0hRB? zLLodUFPvRpRb=Zxwmv=LB>Bs%9%KkA(bTNJINK%6^=H)l18eh~)(MdxzL1iyMEa9< z^%l_$bh(TH{2#+J?&Q0*q+%m3SBJhJW8rHtUW5Z$gZ|!YL$>*9teUxY@fE;<`H8D< zcx0H2-~9l!+bU|?`aG%JtT{@S!l`hLXs^VZFS8@wpZkg+WMW1(HDGe=i-p}y7ZQGn z_erM?29AM6wGRyj zFR z*uh32_RX61_cVhA3lTEt6IWL({*NthfzHy6>ExFz=<%teCIY=4VwCPf;wN5S)V%1)gtmI_hbdcxeti zV2~s$FW=FIXENtc>>BQuk-WZ1(cP5__I39zKyr~^D28MThUGZ1L^hz){&I}p1J;k3 zdC_55cy##((mYyN5~PSpd?`LupiOy43XM41q8Omqw?E#N=coKyz$?#}gfruk=8!T@2Lh@6J??I$V3M%;4s3<00+ z71sS~bePp~9%`*P^6`PSR>aL2e~hsZt-Nr`)a~E>>&;IROqX0E4LLO}^ih@q!g1e2 zDO@P`De8nV$+e-0bwbCl?mh>Jfrf!IsU=L2XDxdLVPU-+yR-keXgM6Tc4543^37mv z+9IScZg9qAI^?jMU}s5WN!&vcrrbim{33`E*M8NeUi(!m5x{2D^>hCYRX8Jz@)fy1 z@U%hb!rzLWIWKpEPxOCY0H5ERE~c&iZ7zl=(=_e@?6GH^gyrGfDc<)_5| z{VF!?romr<^mIN8bi5bPR4Xm;-yv%713nx2MIg%Y{P(3UHd_7>>|aa zX@(n@Z!2!-g`RwK7C>(8nc6Xvxk!ns*6NRex}-bj>1hG3525T)!aJczLE~>}#i?OEh<=z*^NfNud2}YzdE2}yu6Rx zW6Z=INVc{f2k!-!x5=kMv;m7m_JvodJ=5S;w+RQ3%QIn zCMB-|p`6Lvt6JgVFZ|x-)=jGLfZg-F!X=kncZ|`PFhyC@AMJ!bOL-7+Q*1G^w+}+emxhvS$ARI+xI1luSLi>X2mE~0p;>;fBL|ka zKjFR(zTolitNRJ|?(|V(_0krc^n4WD^c~Zu%{Bev;i-ZR7xHb)dBdO$U$y7}bT;Y( z{gIAkvt#$}=G&%2GkHFRP=hOR=Ej7CGYrd?ON;_#I+y=Y{IXi^`=5)X~Ed4l0 z48A*+G@o#~I2C=qy%Nz~YG*IKuzf3g>T38_Y(y2#R-a3(l&|Me*vVed>J_AY+!&Y z50>se+wW{)w8~jh^c-4>f0< zsI?#dc?}QSUy_;}7OS5Cz7oX-hb=6VRX-^m*3ShtF|!^DruMDV407+i52sW}NB$|F z0G$*yE#^c2md%4C8AEySFdkTrTR+VihGn63zO2=tGJ8w?J}GpK+Jt!(QO2s}Nm1Uh zO`;>pls;E1K#{=@qyTXHoPiykw10@IpZ)CWc0L~43iH9thj2jEWbf|%k{PV7J&CE$ zzxsK5hR~PNQNaEqoX4;n|BN13ZA^#KPqdszy=$| zo{fbG#5@Aj(dhYLtqu1hmeA-@lt_w@L#gUW!4JEGFaZ){<>5;csV9xDoK1r^uq-7@ zfytBWrR&IRlmHHY(0vG9m*`#&%zOengkjEp^KQh<-2eIsmsu`dLD=}87#?#+`7f9` z>9n5Ouhh2m7)UcWrXYh9gv8a!3kLLZ#A$(?ZiH>&rN^lR$R-9l(2htkM* z5y1*~14HrCo`L$FKuOoOq^Gd>P|`ybCrC#w?92Xvs@l1T?Z78R9rS z8FqqCmA@W(OZ?WHKq1)L^Bj+o({tO2fS4*W0|O zue;9}-_NQ$3w_HG&hPm76Ndh>pX{Mh1{M%=CZ7+wxTn3>?FC5+s!k7Q417~W_dFA?sArP7JUTpT&P% z2|83c@WS#M@t_5dAJtiuJYliPUT?$tMux_^JE!@9jnk6CX)C$k2Ce^D_>OhZReInU z^g+ePkA9DxQlw&5pTZF}U;4udO<~ukHAi^ppOBjAOLm6tA`n$Cl1f`dO$`0q)Mh*Q zU%Eya%jI#=U#lS!m?e%wj&h{9TJ~=ZA|&>&UNR zk^HTF_|0?Fp@5Q43zNBEGl*bT<&{EL7`|93)ojE9Bz{S!mvMz;7MOwV8#&CkKY-k$ z=Gcf==FuWm&*gZ8)k=&SmjY|inpn`C!l6c5BfPE;N1{xzr!Ky*f8gY51XuYjw4O5K_#Ni}HC#`huY^-=?O*%59S5=iB@TxU_b@*fh8=cGK#0lFj z0MHM=!7xj##)r$$i$4Yz;c{&;)2K-|6)*IZML#GHdV%t+QB?Y~5WF9QwtuCO7!$_L zbgJ-MLQ*6t*wJoP--77qetB*zD`|{C>?aN6LUd*A4})V5iErDYqGrMXN})@n9}PG@ zoJLzjJ?X2-KgA+gKJ$xSt=uTOyAFWPZ%!rA!Bp0#hhaqQ+W**y6t_JYr&jy=xPHKV z6h^(dYa^37lickjJcAYn=l&SKFu=@QCMO3Eu9{U<{H8j8R+bf$6c%0}UjG8asbcl8 z+_;W2=hp#$6Kr6F!p<#Dd#$nGub;>$B}0Q<(ag3BsyKsxnE2n)X%63?~e;;ya0e zge};KndhRq>S*9xLj{Ba;=bPPzRQXF%-o}e5CV1Qhn12- zbVhqTX91*RJ*<%B$jwx&bVmg|fl)Fl>Z-zoCY2UQ4J9#6pJ4yXwN#t(Vv=)uUr4ES zzD|~64mhZfrHJ#2RZ@S@x#~Wsv$9mJW7%q|)A(VZ!gTcn3$>o^4iAsaD$k!fIhlVY zu5}pmqh_LU)bmZ(&|US=-R(<1xfHkG#f%HQfBwt8JyyNV8yzWtgU+AKqJc#fielSS zOq3set-DAJC9#SlT17t#jxy?JdGg1Al^nz%)54Q-@qvG_lK<%W` z(;~BQLf(vp<@MQ_hBl+`(6+!N)ZvxG99~g>P!Kd6To9i&(2At7ySWe`ME~J!i<{5r ze?2h(R-B)l{D*|w}<>uz(KKmr!-(xmIOe2qjvxCpi7SR0YXO5Ty&%VJ z*cry(iZnBCfVxIaS?uL4;I=HHMGhv}urG(u37bR?oc~hggn+65Fkvnc_X-`d^cTOo z->3?X;W$z&gc1U{5WvcwrOU z=Q+JgdLUZ{BIhL&bSM#9KIF2lb)EAxwzYX@7}%YTv&Tf@$9z4xot~$)fpm(+<4>%6 zl1K?kgdr27BT0@PFX5Yo6nN;PHh5uK(<7WqKKCoqO4S-aLF8gzQ?ij9hn}@em$Kqa zk?!zh*BTrMA4M)%88sP-4tboCN4;9=Ds;}N`GK#HWKqsCETq#>0JiVR8K*4JmE_f` z><1*1i@!kTm2#y5>sIAZoX#I1f$v>6*0&OPM+#g6`A;uGVshHZ`_@Bup?~&H!siYn z!*iOQz(KqfvlrONtANM_a8G30;-niFY}p>y%A9G8achKfr?^_8eiv-3U8i*n z_<$UA2vb=q+sYwVRMkBEEqyP$dwel%1L<~S%QCB-Rr{__QSW@Zj zB@lAzeI)Y>X!-|JX+a%O17{d5^5MwyFjLk!qRAhd&lH4(?~uQtO$YU*rrl{NlENmz z?`+=HwR*lmWO9CfEKW0nqg;`tTs?xk#XwM73g<>|f_o;1nZ1!(rua?WtF$e|(JolV=eIy!|*rO#Oq5 zl^Y$Uc=20$1tjt0t}H3l?o10sp@OpO8Y9_DUu)inJnpdlX`n1r1z-JNk~d)8;jacI zqkT#wdS~bh{Yh-T5lIX!f&?O49-fLVmu>0H5c;}4sd(sg=0~H%{@J*S+jNmcZc`=U zo*$w`Z9C_cso@X)Lbo?FMmde#;|VWoL%V16(643|;QVjJ))!{Ob^;=}Qinn2+&*xn z&_ep92_>CkAu=>#sI#TQF6>b5ec!|y?}_@>4Dw3rYz2wSRf&_ie9VvC?-}N`^#Gx4 zLJ22&GzDNwRx1lf%0X(BX0~`|cG9E8TLT!`%a2c{Y|m!k{~?gpv3IDLx6YTKqm|W83Yp|kf1fjP6a=E^Ts>9{NF}Uq};-$I_=#%0|GpMFNN6P0^;n&DH%+ zasCF{Tk|#6DWz>~zFd0>Sp=`{rRdDDI{G1LWRc5~+2QJ?;b(ninLmJv`oDzb2)N_# zpVLwCCMO>vQntwbZ>tzljwAj@FNDC1IdbqT0<3_c+PsnHpkBFXoBZNGT-e|?=}4k2U`8>N$plT zZ#FGneY&Di*_T9r>zC*S^Qdh^rQ}2oB!*qo}t_4;vUh{x~xH_VxYC!4hST z%_9u(VRST#=~fNv4a~B5u8b! zr(RAXLN5gW$n@@QzN{a*iI;4aP)h`d^OgrZZV_Dgr``q=Pd!SyBP60_4^J_-*CN`} z7hhx>jElB9gutH;wY~|wx(Ys1@bmyCVzD*mRevtLmsB8g!|)w|R@``WAv#?gV~?}RHwwEwebUw0z1MqnwpA`x2_%oWXX`KcN)K)lHdY4-cIQ&vga#o#*mOc#(DzgoD#IYg)#s~7XVtBYFCz&1R#aKc?9 zsd}z$9tz-u7`Fnk*7=g^&30an^P9tl;#OiWM&)$(z2U0h*2b@bPwLWo!$q)ln4 zsirheN{0@}TZ|3KTG}nbwN$Ucr|z%6+#qI%S2?I$8q?P54q$5E|AHd`?l1dz`j=n9 zseDM7A|oPYppBa2+y%?7h++buXi2&ed`|cqrxI}yXRtEq z9C;WCD`9mvfjg8I`?-j%v!?5bC0PWWw(!R^C+gKZ>A(PbfP!VA#HYL0;LvStlLtgo zidCN!?=>2v^Et{OjM9*A?ge@|Z~Z3_(Dxs#BJjJVSSAa4hwGcb75zNF9}TpcR7h@b zsW9lnm=k#pkxK_xCU*|Aq5~|;ZX|cxDUaE5&GF-DAK8}~wYO7_^bKkE-hUVqm6N11 z$;mE<+}yd(0F;Z)GwV_F5%>ocFH=yx7ip)xdHrQ(faEpy0@K14D# zeZR>O`j)XOa`ke@clYr4S%kn4+*&w`-Xl7BcIU^JBDQ+3iKoaJX zfN~o3Ypc<0q@GvDwiWcda;|E~6&`;1c@V2+_CZgGT(DVtcgbfrz@a5BGttP!&KmML z7hB-0E911zs5#@4ia+u5tfNAXZJU4P=k1jUHX6d?3xH>+m&w~r%ZEH2# zJX63tr}SE`WQzDsxKW`}X(o|ckP)3)6-fIn&F^#9yIprR*YwQ)0zN{4rYTLQuUx|> zT*<#v%xAvYsXk(jZt~6tSk~f7D?!?>Hv}8YG*G!nNnp1QimVykfVR#y6a{Q?zxiFj_zV&dn1^(32PEa}?`>X!jNW6yi{) z7P`t5=ZEgqF^SvU!Ll4NV(SED1H|w4u+ z-QP?&C~I5mMr7EKMeifhVuD?3eF`e%PI@-M+BI}zDTLg{f8XJ^=iytNNP?dX>O8Wi z=Y_Q0FrN^g19o%#?)V4Hv6dmF?R(Amp0gAa%Lb@u*`zF-{)T~o_1Ku^pE*&QB!&3R zCwy^v@=}zHy4=4l>rODTHnfv4sym1gBVSv08S|(fFqRz9sln%r6ckTx5LPo=Nc=0Y z)fgwtcjH3RD948+-^cPpMe^q^GSptI`Oq4$SVyP~$m+l%mkJtyPzNXS%*8P@CARK9HsTsM)V$nL%XB_ z2Yint2NQV8CH2CHjmNauffCl4wq znU9YpA!$g!S?~e#g+Z%T2a_Yu#4~E@lYy7zB89NUc)_T+!aUo30agBqdZJGoe&lgQ zDfm-?-klaJo|1>)^C?#;zQ(i7>$!=9klDa7wI{W;nT0yUhAu|G&RClTV2UWgxl`a@ z_I5mb`7_xH>z6hU2tDFF3W;Aer>;ks zWs*vFBW#vT7dbU&{oz1zc@_QPo8P+`7R|{8(ta@7j;qa&Lk^}-Km2$;;6Pg4u`=r~Gszz}PQEhITKlpv@wEg7>q}IfwA8Ba!mapjU zNxM*8V(Z?$f?%N*b{5G)c(0IlV{N%%_$?pw@P~y?F|M6wu^yw1ZhF>tde_1kD$()z zHC0}b0ELzzm@?3$I(x^4YWxdnL}lcU4B^XbeJw58NSRRA&aCT7Pw@+2mC^8{uAeCPhgL6<<8yPswCKs{FhV;|>rpxX06%ry=Q(oz z|2&mAR0@$f%jN|i>M5iv<~CEA^OQ<=`{w7H2Kh;U)0I3SsJn!Vc&LtUhN%Ec6*Ith zaxp`#BfLP{?tOZbkAwBww<>U!jIvT{?x%zl_ouE9iHPX0kANygV&8KRSm4$}dBEU+ z(NO8pB~O9|2h{`86;-cv9#q`%6Z-Uk|KqP=>@Mi`60}R*o&Cg7Tr~` z-QDXGLOU*gHf6aZxqsS|s_R8ETGO73=R7&NH}M65%7omj=QvN0_LQithK-@Du``4r zFBAfi1wbx62U8Yq8&=NM8%&Ep1!D|BkciUcdrvZ%J>~zNVYPJCYn*3%g2Ae zB=VYlsXJ7#VV$49#vg5ebgXFMvvOi#D2`;#c~y)U3~PkKfljo&;bDBRk4JdCKIIMJ zKrw%6`D>O9V&E@y_iiQ#1tcR~s^^~vvZxl%f_i@a4ViP{wMYdip%n3H_co(KQ`7!f z7Z)euzyP*UkaUde;id}(hE=M&wm%~A8(Jqaa={!PTsgv;#N~JFO5Sh#jf#cdlKJp< z@)mCo-?+L#F?b&l*^y(AOHQc_yRLwG4U7G=12#Lf9o)HsDeSz?z^ z9AlZz^XF2(fXaRf^6z!q+*hKo)#9?G-~UtFp6d7-49~mSpQj=mX!HSq0Rab$Izl;ox{%AMoXra=nQ84-jK58+6q6&Qo*j zZ}~gLVBMqsnKE4K87m>&4BRG_{26tUb~A7h)(=&$@&TOz&EdKO$y1XcP1cl;n=HdZD2A0wB5e3P+0E64Z!aSlrUVcgTG-|xUNiV_ zPNfIO%x2XUj$4naCV<}-+HGTuo;HZk#f;~NII4M2U7GHETQB_2NHnoUu}AMu6Ft<@ zY{~xbMVhjRf1by@g>?|HpQ@XG0qbM za)JYgi$t_mcDH?&?c1&b5uA%_Som5u3y2jFnQz1J5VSGvY)f9W}Bb&*Os{IkPh z+$F7GwN3c&*&E@Bbm_W`U@X$1ylivVWu}3kl`JZWz0?AJaD8SOjg^ zDMy2cl`jr&|4up-gRt6%d&?YO?+p_WcZ996;HSxOpCFA0R|B}#ZI6R9FWEzy zckSCI5mb{AMo3z!x8Vz$fW0!t_v~T6b!}chhNu>uv+klAfEly?hJ>a8-;|9< zHE9OSEn+YS5H#nVk!l(@_4{Mw8J&l!s^tt2BlKvl>CSXnl+0|XeXx642|8(~G4d)- zjeR*vs%nv(-+OZ7u|5>=+^P*cVa>iPB zk7BXMXMq%&g^f(-Dt_ppZ)kwiRTi9EB9%V9H*~6Wp;Va)=Lkfo91&$=+`PoEhHFswGnE>I6%|-8R?3^2}DcVuY0dOOvj#OcT1> zm|z=gQ(SKR;%rIkovEJR(lj#Pzq%CxWHgVDj%ErlIl>E;`#)sO%2-(?`6fO>AaKHg zkTmSVYm0FZgmzESH#2W(0Rmqt!p_)rBKUbq!^g@e{bv}3!@2tt6)sVelfY0=Dl}Z) z>GyE|CE{xnWCB#l$qO}b{AcYoICB=*dkWTiUvPSS;t`pNN6cO$X}mh*z}?+jah-j^lMPYs$DaT6!*Cq?GqWaan)8z%r z8}Mhxyirz}&5Pp=@pUI^q)NMj$Y_9d@RFP|v!8ht>9HNA=a+ibk$yrcXF%9thGaB3 zzeEXMO4GG@^WR0t=j>|=Q?!{^OB=t1mX~WDRBQd4i_51u6bj1{ZpYN_yVH9saC;P7 zbbH%-gL-jeBn+U<_HNZrAe$;sdLx_3VCEU?>~h7|cTAmbO>tLhAOS)^JvhD#?esPI zoKBcB)cChlB*-|xlbG)=6g6t{dD-4~zGoftuRrz=U0WKoz^t#E_v&odnP(hYj zhT;MDms%OdEq7Be>eCLDLo>UA&HFt~!i6bhl=H3ir~VeluWC;hC(G6Nh>u~T{ZsiuTr$ZOp z0bjQp)gDy0{6{EVtPUuYC!6bASPE0;YWna1a`w66D%*?hYXUr=aZWPbcnN(%p1PH)i@NS6K*{v7>|39Z!)Sa67^b(o^l zVVC*@o@_YcZz06FjtvBvn#pXtU<+O^Yp5(zJNPf}QhpWg;ntwS&WBWv@uCgh3d$cp z_`HN4(Wi-XikU&XA+GDu(J52F>CWFJng!VQ23)8rfYlEVf!=PfVV7>iD~T< z`rqGujGk{m-^DMKq|OI7HV1viPFIV`MNfu)-}dlM-)=Z+GB&Br){ffXE)$1Y-w$<5 z#3Zz{;-q=IAOvyheOfn(&_pfU2U&mRmrc}|{tEZ0H~aZG>{LiUzW2rw!$SHJFcCt5 zq9jcbx{zKuknsD<8DA9hUQABUch#?OJLa2+|Q9F zuGTp#ImtS6$L4;Om>&jJ6Q$_NXU%b&eS0jCMd)d%#TilJnCB)#YaxtR%qEqrUS7Zv zDKU%UE=o?yc1ZVYYMI&xCPZ&_9A;(d`XSW_?`A1%vZEN&O^tcFHymVn7^YAzcyn)< zfVUE<%w0-Qa+>5+CJLu-fTqGa-leif`UC{;`D@If; zFoT8uA{xH~lhj6O$*Q@SxXfJrtaH5W18Q$J+wIf$6pdKpp|t;M46clCkE#fq5swZc z%*2=WTxBx{;MW7#Z_XLXVAZX8{}*k~uo=}AoBHO7f5g?=o3}3IakLv5(=hTXn66OQB|EGnHg~3_RzMTvI;ZRi*A`|Nb|&U z`PeGy$45?qs%j_vCQOB{IUa4jCo2dX3mY8Ny*=aSkwk?9<$@ z%9Z!YoVIyMeAckoXaV9q<8M=89A$}QM}HL=JyVyYZjVu7i_a{>iZ&&E;9q|EA8L*Z zjz5$$3%h!3PJkE|6J%q4&ESw<#fa9un4)@|slIuI4SsAlB68(ea)^`1_HPz|TgvrJ zsHG!Hq?;bq_n$E#MViZ8W$fgbvwqjYx>AMO?)xyG&Z(V^kBsVOmd&pCFlTx2mlfaQ zV$_D;Z>|69uTL~B8GzhFibwZ zvF|ITkmeH~W<`zy4{bdI-g8zOeKa?%)C|JmzEMb$oaB7ul51WJ6^KO=v@8VVk7NZ? zlOoRkcBlP1=k|2v<^*>rfF>OVy}q-jrqQ_`H?B7B8dwrm#XHfQY@a{PNNOByg||5= z|11pHGUMiTpZJ1FsJ-41=;1^Bpy&sr<`I$9yM@7e9j_2l>LA-iv%_ZI*@m6H?H@pU z2~S!1xC0qK%7}kdE|lAv;yQuVnXBa1&-j;aGrA1T<(S0!HKSQ@q$POH9~8coYC~z@ zv)o_kj5(3@f}@iYLjOc1r`)Lqvpd>8<7o_%WucAvp7>88bYJ@Lk%@VMB2$0BKy}3F zOUl^+cAO_uGRJ}U?6_+#I{SIB+HAu0?03`D38BXSS^Ow>qR-0_a+q&_}mrX`jZ$fiNV^2{ldVG;$;lQJ1Y9i+>1IPN~ z?qAD^fLZqCMNZo&^YPEe4RHA1>PJxEXvKgJbq$#EBxnMq13?!Eso zUF(G}%O-D&tvOo)^UP<)ZyO>aa$jUV{X7agWjI%l$Si-x6-ECYL|mNzGkk4Kd%#neS(#a}(m z^ZU~}XX=;L#_#>JSTt}VEYI^f%|8tAS%#o}^Zl72@`3x!90Cx|+>g>#T3RrpWd?&R zNEE)U_3SM4_U3v+F_i-}F)&eB@!(}A&bKj$cEhiuf-{Cg>;btz7lU2GpP~~}&wZ8Q z=V3UEFsBMuv8oMIGzndC^3r`ChhWbz5pPw(&OA(7Re%fC6;0F9Z_VkXtq~TuFwJ3- zjFZ3IP&l**>$4)m?7yt#Qi*)|Q|itqTzd1c`eSRZiQFtZhVYZmIzXYQ%lc;&w$ zBp}u86#NHGdgSj`zwJoL6$m$Z}k88M>00xziwBf4g{|S|@tQiNV_}E$yZ! z7o)f!iionxjEowID{>_J`6`N=rQwtD&?!)bw7kW}`)-1GJTfNNN1setaSK@nO)IFJ zT0?v{`?KEz3x7bPG zE9oymaWkP74yfinsL-1*YxE2t4=R4Ic&WtsxX;h1p^!thFnTiU3RnUL|sEWj(qvoC< ztF3)yjpz4`nmgcxg?GTx5z%$nByQ;}SM_#17XLF6ziYA&D?KQHnm^lWIAM-`CKu>j z{YAPaxi%9z4?a~2&j3Cowb!TU63|z$77R?AT4Ue-ys0A)VysmFeOy#gR6mXd9;OxGT@A#(SaBFL>JjciNae5i07c5I|=Y zGbrOvR!k=3^sj}|$u{)W-Os(-{xjdFbC`kU>HPv{xga(gE`jdMbfu%T5uW3zT?up& zGT`2VM)^dmR5VgA*?_kNpoeDGN_W+iWCq18+R51*H{^c3Up%W`CmWr^&@;L2 z=s(bzX~E}x`6*F%KX|mSr;7u|S9_jqo6Y}mVmcVcTIYlAd9atiNxYC8B&OaKq%=<9 z)^>*rji!jaZIjBGh)>sOOsxL4z{c|tbb579H^SR(Hy{oC=Fk5A+(eFV2;2{xLK-bT zMe(KE8+jl{K)7rA{q9Qx^_v5pW8<+%@MWl#`+_~@Q0Phg_7ghW+|Y+q>vIapNA)L| zlTVmDLqd-!kgQ^5k7c9Yik#{6?9rT9iycAT`qOxE=Xuj}ybKHXGk4)!*~i0;zP~C) zUso#pAtK7kau>}KuS=frqjdZS?&lSN{%aDP>Z;7N500=)Ap*)`=cQZzQR`l$02Q|9 z=0zy$hm?LBt=m#R$oR6V@mF8Dg%swj^|?7pW&me3tHC-NVL|xa28ss1i*GI_#YGGC zoL`qKp$K8dP^EH^o(O@+KztE0tb&kNU8ksqV>;$GUlhoyo~A>TDcJppK1NX|DnqFJ^RF)7AQqeU*JonnX7-@n%?EcnFEpB`m>yJox+5dl8# z@rU>0c?q6E!b`o>=!>#`qF8nQc+6)^=0G@!sW`%C13x+WGnX*n4q{_6t!QDqvWTxE z!x3@Eo!r}HjiO5p;af36QW=WJM1LI(6Npu%)>h2=@oA)N2&Kp?Y|wm48F!;+>9t=m z!>L(cn54nzuCP^5Pv>5FygR33#3bCu8p|SHk@DGh1#@$v+Ec!y6{a99e~;e*2-rhQ ziB)hnrPm0k7K>9*trv85|Mpktbddkt%-hUCHHA}%Wl(CJ_2U<4%!-Zj{BX96H zj9B2e;D{t41fospZexP#0e!`X1TmWhyVgG3Oo^Ob9NraSJoOI? zbNst{f8oN;`U%K( z=_ArvU~#eAx6)Z7?Tj)|pu4%{_)MFM3K$-$VE&|pl#*`OadjTVQC6Tc{5CLc?Rted zoQ^fH0;ZqQH@9e7m=4speIy-RvQCz20;sL$F)uD}gPR7|(0y>mzDN_=Jm0`#d#~{V z<^cw$>R@mYvWWTJVhj$Ey7hD{U%WP@WvuIom?Vw$*7p#=2bw?Tk3+k1vmg^qS#x2J zW+Q;TlLSq(XwqLjz2wo6xQ>%QAjG(yUW`7=;9Q0Kb#ZV?@*pRF14(!|=lL29ZF@HE z)11B5dMQnQ{XyI}*`hl@u2wA0xJ&jG z$901(2@~VJ$hd#aqlTG5#uUd$gBSvtk)55T7}Sm6snhfB#D0bFX=kR@xj|Qrs#Jqtma)Esf{nYO?AO5(_OO2WcQeDy|_-=<}T3M zwsTC5M|JRy%X|x=j>^T1><8>C6pr3}st0!2|B}sEuf{`CfKR?VC3!6U#}HvO{Hf)! zJ{ss-lVgXl(I4dSj9dWzN5Am1dF@iIGMLVK?!i6vBXTBMIj6lp*15E;lP$xcR>yB~ zlwBx`*&4~njk~4nItjFwZiNz<6aTmkZlwa|Ku5N)9V6a(6QKl*QuVs)b9t{rlC4*y ziSKL{r)T|>B#Pdr#-zXHGiH2af9n1EWo!*ul8pBDL^CNx-+_N%jgVXlpBz^?TwUa9 zaj}W!718&WkmYRqAOF_FieXS?cknjCZ+v zq}EeiVLx)asFbi>x&5VL4zAgZn6g>%zX^Wao>k&%Dk~Ue@?7o&NqEA)w&%;5`|yd3 zoAIzvl*}Q=C5PuPkJkBh@*qxNQ$0iRO4ec>4kD;;{)${JgHeYV?f=IOOj#sFgKSGx1@`OI-YUOt}dq+Jyj z#xHiR&~1G56vf#e2FR~%FR(dmm%6?98T7dCOiEe(@_C2W zaXD;rlcT|C9*$`N&nuq3eh~b$KNVWfAniox%gVm<^p(b2=PTkWPV;Li* z1(498nM!2*TQu|~bcXTqKauUTTEI8Mls-9-7#`7Xsg92nmsY9X;CrP(l^>qsI= z>B=r`Byv}EWZu{I8&hiM(k^&p4;CyfeHb(<>{qHmU7p_M2JmeCX?A=CU3Y?a2cll+ zvq)Ee@!EO)H+#AO3Jw-~)mhbe{paWR5eh^bT{ACLj0!g7p`4OHK&L47b9W~0$M{r424hPFte(d!Yx@1%VHbFgTGTx-v z$65-@wq6(ccz%E_{fAqR1O6F!O!N2I(C|<}4?h=Dr`EGkc;D|#R4baY6hXLO>idM% zxV_A<;igt+`e~DxOX3IQ?05Le5+mT_H1TsH$KSi6`LndVtFIg>sF+QPj=1#hI&Zs@ zcde061;|bpKsBI6NCwc9VpA*(iT-L1?`tl3X#alz7D4I0RuE>`Fh-ve#MH>~)uk{F zD80fxbWUb=-sw=E{YoLll@z}6#q9j3K6*?&|K1P!HSaewW;e%lB4jkDhUD21TG zmVCwCkohu!)QN$QnGpjjvZ7NY2$9R>8ybCTkkJtpO=w5u3znV(v-Q%0#S~(W=AKL1 z9z}xGqu*Y(b`EBK`F{WS@jRdB?PXhz)vHzoKPnO59@}=yDJ2oUJ<5uB3W72Bb}#j8 zZnoVEG0kb)eM5{yNZQW!eBYUw6-?vW28n6*xrQ875$=8V+OZS9|HlV2=aRA598c8t z1;}0CofAcgAwOr&XH)v>D`5(^$M^m??E6VZzNXAz&CR{EzSS1PP#biD`!BF0QI zbI$dsXqH4jz*654F*C@_fp#60Ic9IeY$Doj_OU%O3)QoQsF3-wQp$nYCCL6n`O?Hb zkNHimU@mgP`b|UO>>6dTQ?0FpDzrDFT9KdI7(B_UgLy%e< zny0o>VpMlRQ%ul6%(b-?BdQPZ;)qCZ9W4a-Z%|?4l;VD#d9`CQLO(j1Dx8km(D;az zvDTJSBnYm|RF}mNWDW3)6r(JVyNgJQk+1FLs4cHrrFHTmupb)q7(;6VfPuN^6#xCV zpD&L)5OGlRkRuaO3L(efRKkFYfk`n?|Z(IKP{zNKh>toD;_z_iUV@2<; z?M3;1E1%C3)?~iIp5coha|V?kAJ1i4D7oYqRgw4F#()|6mh(|-8*|HvnOo~Ih8W}7 z8tfbx;}EH&BBf+j1ajQ2*#2C03ZNKL_t*ego#|S&tzfFDUGi- z=r)4tZ7XMO>tn+Vzl5p?vm0$&K5KJ#2$P6-3{%zGJL<}FN{EwkayPm^HX{1?JRXk? zI@Hh4J;o4XIQCO8g$EUp+r8kI#aZzFz5||ldAVVS`S>^>z+)k(Qs-)k#<4hJ4hY*8 zT^Ny>wK`hu_3XK%pi+-UPGl}Db6BlC#)#N8K$tOx-shMoDD~}@LkiFLBbS6Q@|2<( z)wAJHhD*{=C~F>(i76~1ImaLLr!x#MEqc==Ja02?NL$=?$p~5=9EKk^W1C9 zVa|Df-B!&l+<|?FXlrdrb=zQOR;J6a#Kb8Ec7cmj@XGtevD1Sy*GZ-3z*hSQt4f8bX7VZo%QI zBCQTHJB~)HlF61kHidPHt{MS?S$_^g%I6q!yXBR!W)^ekZICWM_y^3?VH&WZgf{w53!cF_&99K2HSNT=mZ=c#(*b)9L2Y_HS8iS|k(dWUBZB0ToE!>x zLUy|nh=0um;p2yF26=#H$iPB*^hmL(*Oc(sd>pkjUq-?IknO z?Rz0+#P7Iy%t4edv*v0?p2HCv3Un3l1O_17#k7ELjwPV<;1a691^_%5P%MY2^YUZJ z)qv(p1*9SBXzLA%Il5yhk`T3QnefU7ef{MjqUatzo|T!?hCmdg!^s@ej8cvwl5ZIq zTt;5D3?vAf&rY4M1urXMnH3$u=hj&e8PU|d~mj?s!yMY z8ed(}7UM$SM6{kY=k()0e&!Ovgd2D;rr8HA*Pny`fz{sKd+nb;pO3ejncZHC27wrI z^zp^{YZ4NgV{R{b^jXiIN@Qg>BlomLoIKz#B?x>DUzURvrDZ)|sh~xs~+XPY5fl?1SvYTRc1bqx=v)b1oC%v@gN|W;kL}kui*j zn7E|W#(+*{nzi08vnFSVq($%*g6iwbJp@fDoV6jiAm=C|`*Efi@v(si4wsED$Mf9x z6OEe#&F8B!)1U^KbDp)q%8B{g9D1jkVl?xT(wwV@0U`vXF0TEJoQOW2hnY`vWHQ7Q z_M--sm)HAqKat>pWQj2i;{rf9_*`)aowdcF$JqhSL8Cv$ti1~}+zVgdddwMPsBIAQ zzy0>p$XA>zuR!G#p3%TB_l{nm2oITLJjd1I;Y$m#gM3~IF5?c(XC`KD(iRYqxX?h zJkHwtNGUM+aWv2-SSS9+|M+)d-fr8rWhQEU9LHHoetsS-l5_lcf5sS)tOY^EaaPr9 zmrlW)B*1oJPNWgtJ)CmH2fm&i^RX(AKKnUJPHwdCmE2Q|%3@}{Pa?lgw;Z=e>6Nt9ay&6-zzufBHgn9M}{d6u- z6hJ&xxu`xBQI zm{r8AoUIMB)<@aWG$UbWVy2h^?k$bl`+$&LRF+OUh1LcM0hvxEu!s@G6je3m00pKj znH10It#u76aZVPhK&W!N5{(RnyTm-knA6a+Mqi#h`Dj6Hb~^{?1D^8A|l%Ex!f}(8OQU)e2na=_uoG;-aTHom{+$KR0_TJdUOpE zb6i@)^{5OFkX}Nmk`Ll zWYQri{&g^8ctIB8b`JFQE-C}DYv$L7Vo94Y1u7KCCHnOHOTN_Ay5MAHjq>=u*>s5l z6}u>pa}eUQ&{*t5M6pC7lAvxhhqbe}qr+-8`hNZ%Gj+(Gqaa(4z} zHfn9Hw%+>e6S)hqM4Og#ghvHjuKy8TVD7X%GBb}hQ%RT8Ly!#ZP9X?>Q!E%UhLA$9 z-7vi)6xd9z;~I!6UY08XYAt!H3_cbDS6S57%AazAJsY-b2G)%QTL@vMgO^4q;Jc&$ z>vrE50qE|%_L#$L%TL(*aPv9m=)=iJp9uJeA}Hnn_rIBqzJ8H8O#_D#Q0~#{*j`e; zrO)5@Tw+L?Z^@=f5O>nJlUdn~~xnVJ5>KmIjTE5NXwoSFI< zr4&qH$fyY+^ggHAecK?Pbu+{W;x&E$c$S<6dHmNC2?7qC6cDSNwdEK=qb#iP%6CH= z{cS6%`rMC_(|I-`8fJg~{w<|2hv7L`2|4Z|gw}fuA*CQJ2%Ws&HX{Fc?lFcC!gJqq zT4|miAD__wyu93wv#!{25p;M7^KsNM$Ch)g4e8XiR_ubk_ocF9wrNBhgF>p*uUI7L zUsW`QfC;bRzxYOt(2Ay+$e|`M+^Fu|xy*`dw0q2Kxeo;_mCz}S* z5xFB#^n#-t4=XgI7+W8=t*?kl66SeTA23tNkfxEUAWbi(@ca8G3-vMf<0K+;&oMId z$LGEuXX_oPISYe{gX$)w5Myv#tOc)HG)MI3^Qc=v$S2&=y`(h8?8El6s_^&M2NC^v zf0mNQ^e+s_ozB`7;V?{(`|YUBoe&IS(_#!i-#=4|zyJLB(=XpXpU3UK5!1Jqd+YsH z3NbP9oKtu?7hCH&Mq#!&Q;NNh$9)6)6oR^0i~;{L(or7wZOjRe7sl(a$-~T51gS?@ zx=K!~i_P63wNxoN&0wYR@@AVVq04m27`R0y`0l%CEnC`}o*_BJ4J1ahgOX2wLV^{|SNdrV>UX{%hR9nU?N4A*HN9jg}3 zHQc_v_14DQFE6$BT+-w9_S_E$RM2vAf4#XAQf|Vkp6NF2JSqgB-+p;LpJzxBacukN zu|LmquOIKbJH32=>8;!J+sn<&0b0k7^u?c`+goRrhwWe zzl`lbB4|1}tEvqvC4msb=+wsuDb&{c9H=*&(`xUn4ReE(V$8`RF=7_vnDne|bt)+g zh=!3)6sZNW-8UjarO}vER9oxwavlRgR22bDIu}F=rz!A-HLNp@F;xVZ2uyOo|MHg0 zEul(ww6R{aRbB}R4JKPkIU;hZoxQh#l%d(tG{m{2-o``}rc)}hq4QfL=7?vew*ffJ z-QRwF;DN`K*3Qnt+sh`*8kg1ufI5CJa1!nR0|;9uD~4#_eST^TteltrpB8 zu>>14<_M!XC|nUSHxV|s5H)Ur{7PtZE={qaepzQ zT!Q*Apx|FbqKJ$(A>Ke(J2{OuR;(v4h_YsB*2<& z(_)GcfH6phOTW&{I2&!+@vItj%*nzb>UJ+F$9`Eu1b1#^r&3wCO(B0UUnMs0b5F1lux$xa=cH>1_0{>(; zizV5Z%tB6R31nt$(fFt`aXWk7@))D{j`dPQP~rW#hZyFBa*NKr0(gNf8;`L~LnNkM z&vq&)WX0k=$7G?~OA+NzRD$4<1Gn!^qfG?=}H<*w1?33Q~#o zqXNDf$k;Md)%#X}o|l|j?^`K-bYVVgb@$qP&S~F|zx(UIpjgVxqK41s9z)=@G76ev zF~j1K-Acg|pU|;Kq#}Kcpc-SGX37Yq!atue=$jgjKVV1x^Y^#MZF~QCPMhW)RLvX|Q16|{uTXO^9+XqWtl+C~Ery`vD{B=e zU>_3%F^Dg}@*h+Ha)Lq}Aa#otK5tY*;DT zr>QDDojEP}xSPimQwqo<#_a*JDFy-du*eZ3^f-=b$FnYeZ(7coMPQjl&XTCyUbgLC z@|GjwO;*w#V?D5GbJ}^-lmm-s2x#Hi9$Vg0A45fM_o7i>-X2bl=A$q55t2rj8HYej zVNRdJ{^$SqzfwstYE1FBfBT7;>JS6C`*K^wWEcyPosx0{UT)JdBDgu~jo}*(K}Gd^ zo~cBHJcbllB;~l>H!wo?m)m*NvgO`7IqAymLuS#$bSNqSeVO^I>Ih;@cPCo;By$*6 zEL5%8W*;+zFmSWhfru5*#dKv`z??AB*~WUo zag4V*zJ^*eH@DHv%%OS6B@w$D-ChcHm{ zuR)WD@)l>GqB4gswMw`A5;3`Qg$QOp_)J!m^PIAvyH!R6E!?Q1 zJo4-_-I7g9x7h30UW*M^l~%hOjW+7hG${BtR3hT&NL$1&g_)R%MR>FcyR!{vB340v z6J7Olaf_nD%6zRrm%o#27ywhe;7dY=5z}0wVt@%zSy@zKju02w^jHEkNT^$;OB_hf z7ud}roVEo0n5rDlQ&f5#us*`9f^f(nrrRVm;lD^V{2t2HB4_ zcAT}rMOsQGqT77~dDq84_bu=YW`28lynjA_`Sy0yiZdvu`2P6}DisRvX(D`m<;lcO z^!m6D__@ zAO3njPH28UKA$kFy*@T3{@jnC5_An=k9+z4`hv^8ww6;2DrarvbSoK=LCE+MmN8~Z zF{fwzS3tjolV)Zi3| z8P;=H+*<8rOAA9up`KlXBI>90et+HOn8ch*gd_qQ-pM66DLAnmBm2tER0hqbB5kg?0b8kp)adJez6FG(?QO00& z?$xF(iwg$U90?iutB-v2Iw0kB@_9*pATnMnlW;rRQeP-*RE@Hn#9`GTW5b#K4`04b z*C;+$9S;JvH3p=2z(;gZ>ua0>S82nbqjNMy*&;A~UYdAb{zwgqJ%oiJN+kC=oyZ~n z5ydmht#-%=VWJJ`GBgs!9Nekg5@>gvs0feRUJDTsuc*yw&Ve7_Zxid5@)8}<`mtwU zNv6Q*@k0V5AR_A~0jbm2NiT915b`kh)%i-W7Lc!31B5)ng-V3-JEn--cW@Vfm`r?S zGp?I)c{sV9LqtN z2oX*tGQmqAX&b?}c1W0Vm zYlS9NczYPU0S+icU^A45Q4wsV|M<^;2TvYuHJsG21_DM6s^{5qPC)}K&mBSOD@1}t zq_&1M{RTs%&)3KO3iy{*P=Exn5ZcnxkgBE_-anpONpvY*0M^yoiJe($>mU;_VGB#n ziG_1Y!i)t2m0|bWwr#n!aldbK+WnS4p9iz3aBb+V$NEEt(|-|h=zEgqe(I&w!K;CZ ze9VdIAGa?N2}8WToY2tt;>R{KAnwd8Ot&rnU;od){L_E^n-s(Q$7fE#SGbXjaP2*X zz|7D6e0^;H`ftB)IjV{Z|MK=yTYtH4t&bQ3qO#5HY(2%uBC66_3n7FcHs?{>W6RIy zsmfzcXlF}K?vA3|5W?qkFFBW-Fk02t!Tio?DTKvcu(UCdnljD4y*)&DOgoN>SgvV4 z#x(a*(#OXxOlR#mrQSO>7R-yik5ZC;;dAax-1=ByowcP9aQdVa-6;mGm+>XWNKCbL z7KtI8XA_2gz?mt8fXr5ychhPbrkoRs%>M4b{Q0+^AHsZ|bzEl+ppJ~+-7LrC?l5@Z ztBpBtC66&-Gs1B1?q_W=gfGMeE{N6!(%JeLkNfRFv1>-Bf~355MO*Qpf)A9rO|w$c z@4tVPl79dF-ON#$e%s2N^SPf`*v_-%5@9wPV``AcW4r!&-k%2%#~ASGo6|<0_s2%e z$Fo*I!bjWgg@}Xdf%&f_ateyJ#zo-hrGH~y2ifhmjWIqycQm!tv!@)HdD}8f!+i{R zo^Fo~kUTmoBxvt_ZJR`*>~0|la?Nqrwc26|06}4fcB0+}%v&i(W}0*6Eg$wn35>l@Z))e7*dMuZ0@e2a~O)ld>M5JG|TZk#+dQ?f|wVfkD6nF zK*06gmTPmlifwhplT*rR^l`hFyyaf|^W((5uBymWa`%PpO>?*HWh=MD!g-6>c+sB< zFc`2m#yGpwvG}GD6|K(flv8vgGGb>Y+HP4@YwLYZ4Qk|&!#T6NpGN~YpOCv?&dl|w zpr-&bp-I}N@r8Ng6$Z5{tFFu7U;}(JS79f)6Ph&KLC%o7FOtPcfkFCey$Pyw*qnxk zRzpB6l?Kiwok#0^KqCR`JQ1ZF&%I)W8-0cppzp_>F#5D%#B5`xlFZB|!Vra-@jq;u z1Wh@z3StfMfSI9+h|QfaxWKnPMsG8f$h1&uazA%GPSX1XP7gH&Ipq>nWnIk|a1E9N zi$N;M%+sCaSLWycQ>=!Yks~Th+YXPnECRaim2*ng9$nMX81U`pL>PC z37*<%6SD8o20AWB8$>?Z9DRf+q8v-qDC>vTuS^wQDjlM<1-#>$0)lZu)I}>`D@1(~ z%DS z{&+I88)?vbG@m9c+RB!fy`5d7hNx&mBchZ8 zxI1z`KI`m5RG}Tc5-@r88FB#S8)F!4oO{DHO72daQpAsq4^FECH3BSL&xSMwOt1*y zW#-;Gf^HfT?Tu_&x#h2o4o+*-gE5rD!w8)!bp#04=LD^kN;;n>gp_r!M7)2V8T=T` z#$h%7u1A;I-8)h!iO{8^K|g*x@iPPbGDE_IySu1h@W2OCuJdjk*W|OCC}aF%Vg&uU zdsw1DhF65>4_P0SKVPArcxDjxx{4|P>Hqk9+#-IppQ`He?ZG5OuuypG9i#^G3Nb?f z%w7kds;b5iVu*9Dutjr6TPNU8Gee9IA|1hbLHAN?Pfx^Lx5pG zZzUb)`Sx-@YmY$@_|^3#>|=~RKA-#d zZ!bq}zx?U7*8cH%Ot+Nd`;TX9BdDYpg9uXmdmlL^6wtzKa4GvGg>cqp*L4_F@3)du z5ET_c19Xbl$TCJnD z9#qXOg)jyTrIb@*W~9oh2uk^$}Dy z0QTtXVXn20K2>$im($JsJQ`3XBt(T6<}kQB@fFZ6E+X4jkY~EW?`=LF8xhSp;q4P* zcVCL26!*`Qi0=2zjm8)v%EGt%=EyKrNhO`Pmp!E za{8S5=y(_FQ9;gz81j~drEGbw^u73e-(f^^b2q~Q_4)o(4ZbX8ikSf8gsA3{%q+xc zb866IKiv!i>+81%&R8=C`l106pexrUtRTXrvcQ=(rkQ>GeA=8L#E&1JqSE_7o%QH_ z-%q@T$MX;oauVfpKaq@#u7I*-tSC#bxTWXk;cmE8(EZG`N|%6#p}1hpl;o|A(TBPJ z`R{%aVG;(++1rdMn4=Az7h4q|N2aBuM@-jrQ4yvTBRgAP3PxzvS{q|dWPP?i%zR+~ zCyyzxBFd0rj<9}0j4|i5d8xK(MU?o`ggA74%v@{N82GA@fg=K5H|Rr_q?HIEo3gTf z+{}CHrKAuPC;*7x7(O$KB<%2J2m?nSeSSIpG-yf@Cp@+bOm#q` zp*kQ(I*`N^n5CYr+;hqiOuYz8&^hLpHW#)8JVJOk@n`!vL?xHx?sHg-dZCp8Y@Sa; zk%b8NI_!#;hi1u83@ow;1XP?dpJ&4(jj;xnTo%Go%}7Zq!OTZP&OK=gz4nllmhwk| z6uNsmJHY04wDWAtJld516bU-|MDq#eR2w$>#Q2qONmQ`3vfUH1waEWs`7!NXU z=Kwzju-Vso42!DFX}r9f9Fop%0BCI(ueVRIl0i*}bRfRq_Ot~z?`MxW%syidp!8YU z%rpv%pu`Z|3kV8)*w<%}S%Z{Y0uT;E3l`DdCcGtii@nb=Eo~7FoP0}~)Gq%6HVvOn zM0IbY8McU+Beo+mw_(^q1wKy5^BOWD=jGmJ=0yT5bkzx_K0IlR=v8w_+BE7H*uj^r z;*alW0HayZ^fwG&5I-bN$Qa}CdDf#!fQ^7{IxH5@`jS(x@$^!jSirUUy_v3C#xKvXWi@eQu^5m zt|wkg-5P&WfJzyC$#}fOWqx3y(G9z%h$1A1uPg+FH{zL(DW3a@{%Jx;Zqx{h3}s=y zc-_`ILRs*=W}jd@AlD(L?Vg|SM@H!CErCH=ptBPz*P|~^kNhh%tnLk5aj!#y^g592 z0DzyFLR=;yEDTuqL(+?H6ens&hx7|AW&nxwzx>UgaHilz!484!xuE*hC@G>L1ar?R zF>!4Tj;ob9!yH5Cqi?wko5yi(C5wm%hpR#obR5`KGuuk}eC{wD^Dmnb6a0%X-*2~%eHZ4B{TOJUjbT5|+ikNI`)c)aui`nYwFx@grrmBO zr&McQIgg@!3|X-=6gBiQ#+S3xK|gT_!OZ&@uaC!=GsXye^!K+Hw0%LLn`0a{=NK{Q z+w0xkolJzjzuy1xZ~yY+<9WZA{b=sKZTZi?y#088emwUSLmzX?>2p8sTmIM&XpPAI zuYP?yYVBkE`Ik2lDJA6;V+zmbG3I>S3U#*!QFLKEZOlf9$Gq-%3ugr1+OV{qq0+`|m_ZVBmc}x2?b|0iQ{X z(ac&KsE>$2_v8GlU%$l=p2zY2xo;(Z?mOg9L==N!1wGCa*9k&YpZkF|x{vw!JYeh| zxQx*;lv3+`@yN`~jP95ibWY1DBG>3R>$kVZ?N-pfsX^NqAQ{eD@o7pa*tC7GTS;qn zF?&7_i1J4tWy|$!udfdxyKk|jIXaZU>X5wT)JBSQb{2y$qJ?* zA~;u%y}&Q?>9v!4+7c0sHk|zS*wDy^`loU$_tzV)z?Zkj^J7<)dQ=6W{^V7X>%Hk6S*XGGo>6p-}jUwt^@#$z4qJdZK0iZ2{|Q=OjsIIt(`^u>imN609osV6#p*?vPeBD6j|%U#0cBuYhwYzdOaai64FtOLLh_hdq}9HBtJ5Gmw2OyFe z0q!h8h?5O-I-<`;YiExPF^T!i?6adRrrECc*%J<(tM5NW$&W`693stLqg-H;F z6ah0`{SRwwb@%hxwp;FPw6nLftz8#P4p<9wHw!7;Ubc3&w5`x8mX)O@t3U&SC|+#j zurIC;e|^CUy$%+pt39KgErjLNN9evyn|*${lIEPSjbU4jF+kk_DoKK(V+v6jU@FTk zBhLr6pD!3oRK_qjPbJo)!L1Qe=oOjHQI%1M;nOvNwIF6nTf!l{G>v9oRDcG7bgDd3 zuM;2S)uV^iXp13gKd1ifKl~LOMZ{$07;6w>)5j`~0lH>xTghY0$K!q+X9$6u5Wxf) zG!fO-m^h~dGB>F7IZ;q$?wIwrockCbpHEd86JfD~nc)C_dEA`{VLpHU<=gw`)6HvZ zXm!4A#od4V@g8G9VGySCG3HkC=kq|C(zH1)w)boepvjnXj0r(D;vMnFQQS*JTPX+! z9%DifkK7x4eo*g4%zX?|o@Oyjr@HxpGi0{O6??Y@=PhX^}CtUm*61}PvZ z=>22=<=e|IulE#V@8jcnpl!Ex6ka%TFwfc$tgfm|j8y)pTDHtgx2>Sq>-YCh*f4Ho z`~LP4RZGs;9AH<#Pnbd^r=Wr^84=z}M!acInbU*HG;6(oxn1p=ZCW4r^;;hZMOBrv zwX-&Ng0cut=2=@QIRtg{p!)H#t7=IRHuq_kQrb#JCv-~jxgTiR!yHpvAAO*vpj|Fx z1fEfs*9&F28NrjrbZ+QFei z(;TC0dGy)N-dYoIpCVY6m?)LZLXVf*=lc_CC{?ww3iYu0%Zi)9Ce!)nFW*-9$TkbjLfUZ+_>UFr& zXg!q(4e^(*z|59r8f<_$V)cZWorGANeY&#D=`i3qk&(ZBd%S<_KtcKyNa9%72u0D; z$zft%UPd8u!2gzVa`$$0X3krJF$ps$I(?X#e2KP03ZoB9mdAcFbIO5*g?YOdh-hKs zbN6t45MqjWk8+N1JoAb@Az_X=;0d{7@uoSkV+q4kFsC~N? z5#B$~(dL4~-Q7Jz&0AcGAPCxpf!yUS&1*r$oVqmQ4p})UeDAHNEn)O0CfsiIXlctn zy`2b7Ay9|`QKZ6dm@p_r#e{*Np^!p|0k)I-YpHv6UrtkrGW(Fl&n#28D8rSDSs$t} z2yA>hISJCS`cmMmUj&1iEdTK(@gp!T0Db9dF@hZ*51+3PLRyiCx`+q~;zXj1m@J!y zhdJL8EeV$Y!CjE^5*;ykW)KeegG3awI=KdkMI{I+Ymm4FcTZdT+Pko&*su_^K0BVP za?kEQI0^BS{!BSABl}@(7iJz}z~QE<=kp9PNKmZnSXSSE z`*5e(EtTX>EK=@;h*F8j741mVVgeV3msfGSPIxNV~Xt@OBUtq zW+6fAua2+*;dXRj0J8k$;+Jy(IxAnS$O`|(-3kc5+{&C2Z{?c)hk+d$ZQz85xE;4% z$^kpr1T*H2V;>W2s}1F7q5@jJqjy}nw^8mnM4jD4B?QU0^#0q^rytLXYyhl(Aq8YT zX%Gqc%H%{?VsV2oQApa`loi>625y;SGO=u5m$$dpJi z)>VC~P+RuiRW-&q<`@@hu6k`hh@lZ~y<_>#DV}FFcV!uKWvMcASjVVuB_Fji@iZ$r zrx=G#75UtE%vG?iu5^Vl1PTqOoa5*7K=8{nv+2M7`id2at+nGT|LtG>3S^p@ z_u7o8kMaHc3l#b)0L;APqynx|f+|4z6vLcTL~mP0Q-qn_N`C*`r(O0ECU{Jlxgv$h z{q5!U4}blq<7_E}U%$OVZ01gL&Xf|w1Snw$m&OiTN6zUutGoB!S>(4LA1wUK+sn_7 z=lx!Y=>2m?E-f?Pw(Rcvd1_cbjhthx9l?dL+v@UJQpxE!8-k&5`dq`e;n8iq|9F2s z?i(?yFiIGJs!=})TU^gK>j1#0bh!tb|?`SSC9 zzu(K(A2+jB`{TBaIc-|ma;-ffZGGDFdFB#PK(=ien(f(VDfu`~G+vjSrrGD`AtJ|d z;{Rek0L~%8OuUuU+CcOzFkN#$&&tf^zVGMDx5xAI_)i5)6r)1+fH2Sy)QP_END!TK z>8B?%YgFKce8m*NjHodt80xVfi|rDoWrp{Z zBa4hS&ZEA5dqAer&bDUgX*hPy<4idLJB%?R5KcshxScJfq#~d1PZ0sx*lHVn?4O4O z0oD%Mq4!P~I~1a(l8(K`6lS0GY@_#FG87}Nc1Jd|nVI!IgqcOkJp(-j2Rjk%8U#hH zAt?9(xEQCwcDVxMF|a~rbAR1J)Oo3&M>kxe*ehUx&>*wVs7mfZR7u2{jhSRldwsb< z$n$u){p-K}_B`+rTlFJj3@CcRZjV0q_ao*Y!cgNNe{j7QSEAn>2DqIsr3&^I78WQ= z$He1=a8iv5^)MuP$Mb~H9N$sbMz>mi@O_V?;+o(K=RD7bml3mIh+$6ab$oRdEn2`) zeC>10yd|PVniDgT!*7G2SYL7cB1&W6< zin1lTQbS@2?dXr!JL2Yg8zF_;qok6svX)zhiy-DuZW&43M1)16)d4c?+$#tcxvHk! zU??ZLj6I`I813Nwb$5-zmswnv{a5F(RD$~|iY8jC9ljb1pPy$gdGvt?Af^~o__AZq zVMKm^+gj~Q>rW&>Qcjp}n8=A%Fu;1{NrZ8|F8N%PR);7*KaS&BAwHbb%e}O-Ym|@! zuHDZc`*zQ0BEwdOPvsbsiC5sys=`<(#=?DsC2DW;B1Ra-Ip~EX>cVrK^l$$DFQsH# z35F}fah*6=2HaJI+`mFv%sd2r?x(7%>XuF@~z96vr5Stm?HG)!hM^|Ni4$ zMB)___V)7Fa{k{;z1fl@*_E}ohcmeYh=|NAlGRO$zi1}Y`@fD%H!?}BznfK+nGpco z{ft`|>v*v1f|iVmL;(&T_ORBsw*5c{w#0-2Gvh3Y7{LNe)OyEG>bV_gypYVxM5VUcdOU|lIN_K{)u9vkcs$|n#8pRtw+Mq8iSgU* zy5j41GZETKt(czjlscGmN<#O?#!Rm-m*XgJFPE3=T3c7AP~8|=>-~0Fe*6BOQZ%y^ zd>>=a<(DrnD)Ro^$qZ8>5h1d@6jdSS=XM}b!aLpe(ps;r)!wh``u+WGMzwYLQkfa) z!eb0iHHKUonk(mYNf9Hr+8fj+G5P0qc;{mD69&~s@E%(P_r2umgS-ED5Yw`z_wOID z%C*|_UIc>xooNp>S0DW7*Sqc(1i} zq(!2?(g|ak4*(U(d&LH$_u-R6WC{cxy>&*`@-XimbqlIu#DkQ@hUrue3L^g=&*Pu} z{0TnKAbZ^RR%$+~b3#ldR}7wCzFtLjbQ34m$FY}?g7qP)<*1_Uy+^rBldjDL-CgV6 zeU7MMm4i-q{sBZ(WD=F5A~P|?Kte57Tt|Q)L!RDyKSctAj6!f`6q0wJN&vH3`ze?q z8&q=@W;vJGc&Jb7!Wejyn2o~OkLQ#R9;JLfN{FtNW<~&3;*ON}0t;ZP9mFcUCKS)d zo?*ZZ(Wz5)GC$fH0UaVD7aYDg)j2XmHFgd}31LiVet<1fCzEaUJVqaor|(;-rN$)? z)A7vA;-fnizf(iSBFC0n?T~!b+*k;}ej*yZr)xryWHVk=C-Zd-5+*VnjhSXj)M|&H zfrUgEICB)8h{DxLqSViZN1aUN*equeb4yH&Q>&MTMMTX_z58q@@W90!eT;!$z`t@q zTj|3Fx*GLDb8PHzhV(XIgRZ6dxLIW>s1dp`Us^C{1xIvSZok6JEstUAx{HqY9a!!_Sgx#T#j84KDaJphkj9P1Y2>?Vgi^;o5hV3B*?8+K!Kof$V+y?oi za0aRq^@7H@w~lsbjwgQo>z_u);?f~?s5ay)31+7`&1F_19m}+`nAc zZub7zhEXo{x#icFOCMuD%I&&}2s6FCUWeIsWao5A;mh0QZ@+%~|Ni*{wvr|JqtrG= zu2n?-@%O*nAKRC=+xMUMC3=um)+LqJUT-(lsm$!1W1`v`;HM>*m+K1KP>P->_H>{- zY-5PZbxo*fo!6Mc+v_!@u;;SvrQ}v}^*XclP%UAQmQq|20@m4vVJR_e;7eiVbqTF? z#44+@5qsx)AJESP=av+N<;VTm`zW>5+JpB40=ouKY_F|(r+o}&`t6UOx9hs+jP{HS zu|fKmU%uvCR5h12Z1mR5sE@IxRBDBRNdb861Ee#o7lU(yjG17iXsutC1?KNQ#>@5c z@z}hZ#3$!9#nAgeAwK$mNUYQvydQw~IZZKKFAFn2pF7q`Or~dO4!Y&m`t`ExN3N}X z`}$gIdpx$+G?X!d001BWNkl!9)c^SjWKer%+&h;!F}8E=wn@D&V`w=0Kp}X^cf5-<^s`1DTSHE z$+2hb$7Ax)fjF)tyN z*&jzpVObLv5tr*yYqvf=2?yYuT(7GS-g$R>U61`}wOwv23sUGY@3geWw?Dn8*R)0~ ze6gVKt;IFi7?<0EgZcT~f;lRt2;zs2{@Ak*&c>vt1NKU0F?k=H53bgZ&1&!Cc;=A2 zb6QKsBLJm{4MP<;`cPHiK2buc7ZJe(or!~rSEsDKbn6zJH#1cY(GgK?eLqTAoDbTE z)!M@no*#QizPEAg1^tHeZo40l@{3M7A!IW(*N{Rj9bOBxAH=jj4~OG6r@}JKkYbK> zo4l7#lzVH#x*3u8&IND7rV(7Ym4+(NIq)=r^aTS~Sp)`Rybc&6Qx!m*E(zpNGDDfp z!mTvtXE=!&$r%6#JwPknd&Mv>En$BgA^I47DJ@1Hpwk`JYacd8zj-TZ4Jh)QccWX$ zctKOAnB97>nAV5n(S7BkI`8sc1{MNBX5^zgwqiChbmI(RKvo(N)l#QRhl$KwaDaQV zaEN|?=5o}uL`*Z)D@ceg=xE&r+~)(6W=zXR?{NuWs-i+7qF$R%VaHt_`Lf&K~U z9~iGfl0G`D^J8?Fi3gojM+l0rVByKI7lMkNhzwa&KytIFwA#RLg`kK|*CtJ)FflV4 zAyyXUF|Y^d#1P?hndu4xu1ax8As`U}MG*&Zbkp$ZtesVOSo}Cs+x{i0=c%w^ouLY% zGSF7>%$8Q2jS4f*c=F`UEF?!Wkfft$7{gSB_4C!|=?YZk)T)t?k-&{W|H?B)^A7G1 zUWaCSnlP~$sVWYd&YGLiDaiyT2rx&)6jRt92b5`LFYD{lN&^A8=7NPeN;rTzMj!iQ z$BLu1{_=Vm!<=&=I;e_lSS@Y2rO^i#H7Ibg9_hXBk3*e1o>`qZ@6Z5XKX83pz@wux zzyt)RR{E^dFdhf*1U%5-2guQ0iD&Nb6hbL>XbK(CiG=!exN%4m7eO=HS&rwyOs$+; zvf2l3N@ix(TZam0yYFVyTFX25-MzQrof=umwfDX~cAo;Q$;7-|6Ii_f3>XmTHqqA@bv6R9h(EJ4N70%#cD8f{A-w#za8}JffOdf-)wGz*TEM$E5$MgIh zoX0fA0LWiek5X}G%mr+z@%#6my$@C0j~q@Ii|XY0c;~#I{NC+^c!Ch;Q~`GEec;A$ zEE&ahnuNFWe21||Kl;ho!${BeISOFVKBVeAlJZY$)}W(Ima z6e+jsT3hqpT`!AwZqL*0+WPpoZ@>Qe%d*5=>&M6QdP$|WFK^e$gI&ihfmyj^cEmp^`f+-~c)uP-sU-@kwCM|Dnv_eZWOx}^C1=e^V_qPbMW zZuT*dQQFPcC9<%JURU()Tw8}i08y;D*4Nv5S(9_x$GAWCBNwOopa1iFj2_=bEyyHp z!dzQ-A|PpwVKz)ej$CSkKV+I6LvUl*k*jm+&g>*;9Fe599XXdOBG)BOfT=2;79aPA zhzuLK)EIoN6@)17-1V~NTv{KcRFvu4f$c##at*<^K4S2>6k@h9`sg{=b&0)q_%6J2 zBJ$i1n|TYq)fPk8kIcd;MIu97G{)ZO!ItDpMGSc-;#`WEZQG%$rBv?~RVg!V+p(lT zMy)j!R*~QppBiebKfd4JUa!Iulb;BV(n9dxzkkHw(P>~~V?;6f=X0NC02SbdY}ox{ zucaALOhHcpz?ZK#sG`jbf!WLil|O2%TH9O!wO(r9M2K1+> zc<)J&?4ut)?#r5b@7C?dAMYTVnT_l1Qp(I{Wuevvs+kJT$*|UXTBE9}b2V2Ydc1Ec z{Py()Q*#&w#;_P8GsP53uER`NYOU%-RP#};FH0?znBy8n<=ek~L5|~?kH%@tGBa^f z3)YF_gu8J*a_=K837c7U&Wu{Em+J~DHb69hNFak2;;V56@TDd6e&z$6+)|kB40Ej7 zeDF25$s(LZ47J)-S%|!<5UWuyU5uSfVJAcGmCIw>S-7^=hCQE$`pK}1(ZgGUB?%eD z#Un2PFnAQQV~n^2$nHlU;QGOZ3`v-%gy`^|XK2pEfKE`48I5k?R5qh(K*Nytf;taK zrDX|dim-y8t8u8m$%YvThv3j83v6>R3!w@!pAemC5&!9IKtQ~ zdhigp$3BLM$o4o;+hKAKx1Wy=x@T4Cwb#<;Qeqg)bt%nEiCU_9H%FUfNGN9!IJL3< z9Veo?)qZw0ge%KAtz}*~D77(1oT8)Ppc+b-l#jy9BGPgjy%R!Jhqc{RT=*oZEcn@6N#@vGZzuu(F6)x3D-OL@S;P zDWc^X0saD96}`vkgNa7RiOpk7k`G#f*(r&nOE6;W9+9?&A)u&y8hpVE!hvmN3f@BU zaLqyDf~Iluj+oY$C9RQ&e*W_vGQ3`Uuf5i0!(QI5A3q=HzaBp~GyC$(>-~Kj-DNDl()Ri%yh&sk_PT+Is4LCBHX>rQTT=oL50+Ee2fWTs=W1ly- za#T5$BO$t4YghuL0nD>2!!qsmcDet2zJ9y5*2ft6D9a_LOB~&ZtQ^%xk4>Ej*P~&f z1Y*HlhAq?;q=u>WP);W7rt@_-2-(FSWu5QEMH;oa)={3TMKSf*>O-MI!2BtV?{qKOftn zD)0AatNqBewzi}QmFlo@f9|4+@Q7~q`f~A3Z`XB6XGRC;B%l)yfDZX6S{m9E_!6Xcj#TcWuDQOnw$F`>! zpvVf|1+QeZ?d7o@k3Ii*f4p4Rm&@XvKKA@^-=KRra=u+xGK(>YFgV{R8kia4rPh0j z@%KM|0twPuhwrChnrntQkJfvNK~+9JHf)5P3S#t9Od+_|`jHFd1R;1NWW!bkqbh)d z(fi&96iv|mn^}q>c(-lG^}6(#6d}ivQ}m;c=ks{Etugq^8lPMC-r>{rG1fKB_z2;T zk1cv%N-d?rs13zY&K35O{V3}aomXhU_M^1c!H+1VUT+Jk8GQA@JESGF*5_ze6$ByY zH3kpDMem)AVhl?P-3E$CWdS@i!~n}R8vdBV`Cy~o$8t@Wk%)?@rX_y=?I#m|!bTVi z#x{L5P;H_nJ^epJotE5!_s{!=LaOBIoT_srm(j=T*OxFe8pm>3i0JY0Joe-Ia#`01 z6v46Q*SD(=z_WDcwYE0k1+*#o-Jb_Wq_~hkUfLeJb8fvZ2!Mpv--dnv=MRWCT5Hdb z&3UI@pZ6{2dOUM2)d%mQVZT^W4rNxB;9M?^nFi7O{mH_t!ou(GPi&CZ+k)|xsFuCpJDSgPxb&3&HG*X#hJ)F9 zH>k7L>w@G2=aq%vVIU&BLr9NMB_Jpo+w%~oEyq&bfeLFxgg2oABCd_Ujb4QWU z`glH%-g|4qM?d-yr-&dJee^cQiR`3d5G$i!GNO=za~e{>5~jEAoQg0631;TJ!^+6a z#u&$5;HMXryce_?HMjkFIPZOM!VH+8ocaM6In*oiOj;W?w~}XX!^$yvH2=8b&{~5k z2=%`Y+S-6xfKTpiYXg`p+VlxbpnXwm|Eiw@cyD-Ca;mN^J08U)!i0}c` zDdZ)hQgR336qgt@QTR{<-2180hIbQn*nBz*cEa3h7YDni;Z$VI@Kr@vgF-q8I6WD) zGDIXK?}7s5bZWj?L|W;>JUWrlXa@B^=Je2i(wM=zPe-?&D4&(cf0vsTi&3_U_1&%W3W*yQ8wl`=L&%S6LdHBeEaDW+n z&LtsBL#3fA;$*!o2uK$Bv@^|(T(2E>Jh*;qZ7<)ht+X95A185*K=d%v<70Qh_1Z75 zYdz|6iOl?X-!c35(cwm#xAO7*8IrdXHc(6R(TC)L9H38za_KHQB64UOX3X`pgAgi^- z=rKYrrD7({%qa#?hGGbpCEYITby=R$<#uJVWrr)LOH%iS%B*cVqN1EP7|>KQRU~dv1pjr5J;Ex9bJBDEJ40_ujkz`t8S` zzPs?u#B;4CeHgkRsT zF@^u*|NMWyeS7)sk9TIdta0?Q?}dzR*Y&X-0Be5wq@79%ewbl(cv%;W=kcWU&gD{H zUoJ7YA0Lk~2Bu%NwVW&HV|d7cms)ZI#;2CLqzFNL@V?e=WGY;0!x{%A@=+=}?6=!x zJBpDl(GwBg!~J>4DM2ZLTJOD&fO@F+l;UxelmhZ1 zh8eTGy>{V{pb=!{DmkS(2OA3(S^9**R=aH8b>7-Gi+3RD(;I}=qa4B^^ z@~?mSrXp?hKCISeOt;$#MI7J>&Pm=Yi{ztXnV9#C<4{ZMy*0jXi z>!sA%YFlq`ZVC7dV+>4^pag(2xV2VtZLJ^MVP?mc;}S$TEpfdrm)qKVKlWp}EC>v_ zy zj3s~uS4%^(n+poV@$0u+Ew!GLPB<4w>j*ZgxiLvtoO(gItSn6Cn3ct=_S~r(8Lcsm zVXZY1-j00aVnSHrp~?q72-O4Dyzt}!|3J*W52&Z`jKRco-!d_$#RI=nOPz$4G03Qv zevaq}>tCAOdhDM)s(HXe@w{Kw)LU=0dJhlU6fD_^M}%~zwKm9dsoR!`tkm}M(-ir?opBLI_4EE9z$CMH^q>wI`WHV2L z)M;A6=vMP&)2T?Sy_OzR$a^`q0$~;QV?>nq9GBpO+a8B{opDYo!i){P*=eaa!)9BZ z`-Hft3X3@JQwpjY*HDg%F3W~(_dO&Z77yRHdSzj>H)iAXFP@c6p8+Gz>;5e21x8^P z9Lr3_Qm=6hKtd4_3(*|pGc(C~y|ZxH+Zg7&01JZ!4d(99EsQ<@y1^tBf2LWW^T4}> zhYE9F{ugq}1&4+Tw;Jf^pw72Jlc$MUw_)<4hT%w{AGN?|C(ps~WnY4q-shvX(CA5&469cbLKe;M3~_cg{Y?2pm!o23`ffhNEG_kkWv%2XI(s z`te^M=^9(>qYV~DIyG9Rc!@X@YMo);J~)@${@A^DxRYGJTzcF>r2AY zgN$H5$VbHx0hK-4Ep?8WSvf>E%rq!=M6g`rZ9{YbBYv;rbbO&xptBPo5+1dyQ~lfD z|AIBN_wG0f_VvB@7-KFa#faz1RC<9mp(@Ndm)hF8B^wDTZ9?ew5qGnrn5=wLW}s*V__P$h8fk6vM}3d+bMTJw#t?C*jL=$+a#^%(bcN z^|t=c|N1`6E^GSZ$A@?B&)?qu_UoU9*?;}^!?~$zn}xe@2tIg+0JQh}^YwOlzi;#Y zJ_a!b@9)oTHg77WHQbN3Eq}rmN;yw%2f_f2Vc2V9K#NMZwLV5qDb(5s8P9VsOffhS zQD*1#^|}JKgSUa#{PFRut-oBBBNxbWetCO&zdwmggiC3}gy03ZNMY6~wGnY^&3liY z6Ce4=)yQh?-n*kzJ7XzxuC0wD7u8cvNyNgzxz+|VFEJdYbVLs#6sb16fnmnXKi?m{ zkLPwo?@|cCJLlA?t|_A1fhB!iVyR74T5aAb6O;x9eHtW~4Tgs?RJGIwD@CpCb5Pw! zk12RJiB%$OWcYw++JAh%gQMJ9H>2yz^4~}@iXCwX4i5w8RE1mZ*whE-)k$kpD8C;C z?@&cz3}zIfJC5SK;}fY~Nli&TLS&AY zx9k4cLkjq?A{;^}N5xnOPO|5HyT3n(DW;fnwP7&erX_^ndu!L1ONjo*kB?;y>Rd>U zgojyNVp_uGbq&FN|NR|L%2qohh?uOPX3a;%JygBU=X4LD|3WIi|3_tjC^l zSmvx<_5S{7wTI|yuET7*?`WshIgHszBg6%K{2PaVdW@Lo`@)`AcabloeJn6DFtgIsE#_Kb3v8H$!0aHy&t8L^2f&} zPTT0}b(k%;CGVx=>OE*MBEpd7i--@ZB4G)t;+&M+YU$|QmP^cgiEH55&aj*tXCHk& zDiNtl?*`rl5$B_f>BJc8ZRP21z*M#Q=$&)IbZi;6QJb(xX{}Fe74yEA<0#YW=dLX@J3VxJQM5I z`|w_|0Ey8X*>>M?pG5g}e}9S!BvmCBh`aFOkhMTohavGNv=LX3585zgKZ&ud?9Z$N zfXop%%4f`uI<=`!BQnFjON8rDgqfI}cW_pCgpmUtn>L{1(Q69h0m=&-pNK;O$ECm6~Al@d|N5`1*v+rZ?CANDrPhRpFI&k}#Ccjir! zpy4rVrJ+W|?*qh+LIJ%KBQ|xuMY3T&c~S1Y+nm=ZF6dK&k9KHU4rn@z$q?JbNcN2j0&aP{KO z4nBGqd`yG;qQe;7OKw=FFmXOAz(l>B@zS5^a!eSJhziTZ>Z^Am{JifhbbGx_hsm(@ zn!fz;vy$e5LJxG)YNBj?@zJU}4C zRb%t2pXpV#w6Oa8EUKzr(0AdKfFLR)UvjObVqes1W8vG^E3(YYjF@m{p{BP%SPkuu zBk$FiT4|U%VK{=Cq?hiz8j%kgS1&5!7@yq*4U3mEZ(C$uGBynF&_~6g!|F_&!kg}* zQx*Lm|M)8&=T6lF?PBC(z#gr(hUxyicM}nDE*Y;FgJ0IfEaw$KO0A=h+WL|LMlvE2g72pZ54X!chEv!3fJ5=JuC-Q(FPSKp@{hm&`}g;c zF~-}=bw6^9Vf69y{l28AqCejsDFq_BtO=_R=iHuiZN1ix$?o?bAGh1;y+br|S_0&5 zkLR9Ci%Yn@Ub9iUPT~}!IQPNh9Pvx)q97htTG!>3cl1XJSqN1si55l@3*78Tow^d!K=ug z%bMcz$f|t1txF8|=ib`Dj;Pe;oHLq%z5`oz;!_6ZTE`H@O06m)!mTy1P$68IZH#v) zNASE9nR##`(mDqDlUxMKq=@8N(WCBrHnZDhiNRl%IPcJNEvUVZ)|(*<>?pOibxHWQ zrPdgIF7=!d8nmsKB@)rkpN|+F&QfNEggwT9*otL|zytxQgq&<#4z2ctMZZ($^meag4 z-ygNq`q@)?=YtZ{%aYOZ>v_Fn?NvP&wDam_A_|E7cOOl9y z5{&`p^J9aU6)Jq1m6IE-tGZfSTH~-W6J&^5owaPApNMO2ggo7&emb*R#YZhi^~g}g#DQ@p`6v{`42SWy^r1o>=_8n5s~e&t8>mPm?!9V(22$5*=V%konovD z#nCWR)!I6SKKKa>!$a@9s?*j+Zyi&|WsM96MH`3=!{r}S#3QqmCL(yKV*mkD2fAyJ z99?iOI3q+@%=}I!s%MO=5A!+VyhFML#$L`VrkKRY?(wjJjxo+83Rm`GMi9l}ihvAV z5Nj~=m<{`VxIdAMi`WFL_-vxmfCW<`vi=D)o!YH(RGv^BmNNr&s&~BhI@C#b!#SFHQ#B3*86-x@W%K#f*qiCZ79*(JU^34C)aM$&rx{4w`-(5YQ~9=-)_#s!FS)w}EPylYWW` z001BWNklrDb$kaf8Zh|=Db&wcIgtYuNNY#rH3Vq-e14o!s3DWEV(-G$mnugmNowP z;{#M{W(FDJ*fX{(aS2F;gZfTo!t7NgEJ2i8>*<J=>j z5^BwCxh0U2)Js^rI(1>P?^^9X`MlM%2Amb!v)ibq3%77;Urq4_;V8m=UlT z#l_&^Kp10m8)J+DNM0Y8HEr82GU2Z&h9g&x9o9KHCbLr8k&AckILe;O=$2x*u1oLz zu^lmZY@fmF#K4n?T5H}p>~P5 z9)K%%Ztk!}8^bQkGRAo_mVE^-*j4_ICT@=N&C-3W0d)WramVV(@z| zUtX?9DNfZnO~JP|N~ynmc{M^)?v@meTrX?PwJj+)ufe-@jbyg%Wm$r-;Gt_qfat?; z%uF!*qFA(HMyw(^w_&ix6FNW<0hP%+_t^Hoe0@7g{p+8<#^8t9x3{Zz?&Gol`Ioop z=&dc+#w@LOIIa2I>-FAa2$-Gs)>8zXc0QpMkDGTmm3)sXWlEU?WCv*Rezkpct_*K?LQ!=2CkfF?c|1Af{SU9AhB%0iD2+t5?OW)M3Wy+`7cHgl)@oPG?)| zDTR5zV<~5>n^Of=thc@_F@^xC-WVgL@cMc^N=eBR(Q)KuNpP_IeS*a*!4@D$)MswyP=X$@dx zwV7lwh}p<`Z6ZQsy<1viYdxfprvzM>*hhbChpNI&LFZKfHLv#$?$3c70O8Tc7=63% zto*6V!uQo$Z?&VR`XrDLVTyU;z#j%V! zZp%_jOWyZBN^2qbEth6vy(D&$YwNwUN^fJiB~{5s-R{S7iLJDBi9p9p4N2{-B9RA( z4^=O{4h#;mx?8EWQnESQb_j_hxA6+YFl9#Xw_dY=-#AL=~guN(>l&ypmYHk47m>G2c z7@+L;j6MoxDh%@Hn#-o>0t0f)lL@)n0RT30r0Atz%dg7LRQMOq@P?BXiN! zy@HB}dK8is9C=Z;ZY?)5W8zx6ndPmq2v(Y8WZj&1>YR1M1^|;FGh(8=*N`0K>Nq|u zqF&Gg!vTezL(P@XxHJqen7P*hf-2@XBGT(T8qAC}k$T9z6eTQ*SIE{eb{X9!M@R&7 zdaU~(mx68{OG5gL?=b4kMA>Z0Z+ag-c}x#$X_wo=OqbWS_kq?Cnx84BfmPScImM;K z!mYIRw!D9Tq)WttsOE~Y{xgvpuM<)TDTr|YZ@?%Kskz#qm;$aron3*b6U4VogxAbn zrqKp)Vd|Ya!E&aTj_uYdpvR(v?bBK<*a?hzmJP!#Yx-CJ+i!w58kSIw!XoJsKJx@H zF2{WaJiuBSF)>p)>WoGA&dlQCRTVrNd@qmp4euY5Q-tA&ljp~Nd0WM?I8n#WtGc;_ zz_!Ou$BUd6J2L9$&&jwP4K8r3;DlNKm;dqWsWF)4zH_ek&Xe)vi3rnf6>YT=8N9ie zn4Tmxf`1p!GyG76ow|V?519?a>|xjlJ|Hs-_oAFZs`<=12_JXy4qT6V~GKttxJj+c!OFa z!lkwU=RbaXZpV?!FMobxCoJ;M-+ty&@An-AD5MC)Jg_8X9!BVJS{pIN{V2xp4-99ZHzB3x9!Nc%lh%y zhK--^PamABVx_*W5eJr-d+#EWVn8#x?b&urVF0K^gvP3i6_XBd5K86T; z=gu@}2EH1rB=0`CQex9<9v{!mdj|oS3Og0EvF(TV3fWH|)_UJ_HZu>xRUf6c*19mE zK8D80%vv8~K=$25C5Esr(Z*3IAHY?qDlrD<^vH#X)ScxiQH=gLik$*pMzO=r13wv1l`Dny-z7~t{Edl42W zATeDA&RkTT*IL?k-!Q%FrL{JRY``7*=+hEDe%^ol{tj`DIxV^Gdu|i_r;r4UZm-{N zaS7`+E$f1Z%@`d;kEoQR^xBOqEh!}I3C+yzKOe0$Ro7dCJ|Ql_IR^occMgBOl{N*$ z#47sn^DZn*6ry*|{rvrX-ZM+9xnUL1YO_9JwQ&h~&wY%%=e!p)tEFQ8A|mSaI5M3h zZ6fNum(p3OR3QFl-5~Uy^=~U zm6!*a3ofn!0o5WLqRV?pYdE%IW-fRl+n)!P;LrQvyzAY18zp0FVLrIHgmTnj*4n_7 z8fcwfJ1fT}hUC}VGRCk$u%s`SG=RSK^77?|<KJS7L=+ZZN;^T5 zV~i2jsCWR2FmYOguzPQ?lFmQ=lbtJJ+V*UQ~|facm`Bq75s#Ob4?n zJQAu(Ghb+~l0>D~0nO40U!OlGqgL9#=HEQ2nl=W2`hc{O(XrPM{pi+PbKax+!JZ8O zWtq4h2fc?Gm91L0xcKFojz{)Eol4EkAjlTBL1P%%)WE0{A49L*`)QtmNQ2JxDHt^f zP&4>GnP(k&W_~f!j*ZOB1+7Qh?nhkx_I`-6PaX=8Ip0A*2P)}|{$$qBxL9!O6J;YB z6M{n4p)N!7L^kMnl+mcyjy}hEB|_9R_cjo)&~hVY5fWh=v|Oe!fTr|Ra2`4@(4gaZ zjy^dvW7y~&3xT{NxEex^8Tf!*>*ebii`Y2j0Ih5bpd%|}1)+cJ~dfFDqmvKLSU=rrl#(N9E- zlhf$GF)E<&F*}_q(*`pJ3(>hfz#Iy@5o`%s>n^yOTYi=?MqC5%B%@CodO1qTEksw2 z8j=TY7%B@N+%R)q)TxgSJv_EjalxI?Sa`jq-~QvfdRKBymmrSSD>3ZOfD6q<9*z$g zb!4LTX?9nYKGV}?!ZEX8IN00Jzy1AJEH6aFx#@kRb8<#xA^2_EnW*(HCwVZ0XvpGK zsjZC(+8*tU%T*P?f^~9 zv@Q$LO#H>^VrD-0T=M0z5*tu9bfOqbX|1=*WeMInuSYI1_>adXG8uGc2I<@Fvewq{ z%=`LwyIvL}yWh9l%lh_q4bhYE{jnKQw*i*03r?J133wcZgxVO!luNB`z&?L}Y-VOAV5u3AaU9DoMLdI+i|GKV>|H3d+vFO;dWU- z1N{E}P?XQYA-FciAKyQYTvPI`_v>{*KL%`+_wKo8@7&{g5ZRF%db!WdBt;gWLzFvR%^5WIy+H$R`^8MrCRR4Itd+_1ak(r9vuw{v3*injCeQpOL zkP$0EL|AS>-BeqH3lpt82t2KiB}MGDwrziVz2#g*_;yLHbsT}Wmn*dXtq)b+j^b3D zIx?!grx2W~S68Qt&dxL3)k)L07y}up$QTAuTx;EV_w(ZcSG|ZFxg5D*pv%m|tTX^d zNmSNLO36RBBgGJ-ucf8r$>{aAdexMC$t~wPhJkm91O9Tm+&`Xh-N4>T#NKJCZQCS~ zsaM#}mP_){x>Hc+?azam*Go!Eh)cY_T<-6W(T8&mhFZ8qQBDG<(`vi_c;vm5 z++M%lFvu~ppTB)TvpxqL1M{|_D#Ehew`EPp6vNcH)pl&zIX6bX|9py&^G-x#3LsmI zVGeHf(s~=qn)04~@MdHB1i225=qbSkaQtd$C5N!|-gpS5&6+d_08c%U3jM=`TtZBNnE~>jnq84G#(;`?@?gLyY;)NXT&wNai}NZv zeX*E-gU?ov8ls=Rj@J7uY6;K#k}HPXI7IMhV#f;$BN;iT$204+SJ`q&sNhdiGMgFA zLV8A4h2#kYQfB-CAp`2gIXOQ<6*sFKoLVTMLx7*<@vr75kQ;<6c2H_cr)@r#~?DwTlL z8Dlh9$@#pIk~*nnplrRoE-1v&&S9VqM>4tvEc9q9``g?n4owV_;j{k#GxcU$a%0za_G)$qL}ZezQb``}ee7YM_kXD0 z_K~WJWJUnk-CF;}+>!E)hD4FsAb^e4%=t}!ew;Y;@F%VI)&>*(_~RpQ2`s+e#?SAM zkV1@FuL=^5Mgfifd|oec6nIT*V-te>`1?o95lZQLHgW=@>ijry8-o_W#4JQkh`Tbg z$MIpLxuUspGGGXQ_h?B$InB62g3o!}0~I3SiV`<&Bz z?IIB7ao$or+j&%XuV;%nJbs+pz2FH=Tf)pMzQRKg-zGuwwrA91XpDoQDyR~2RrVa$Qn zE$8S&a}H!Bm^=7Cic@&3LN9G%YF;L-_f8GD!#;g9Z(M z`|B@o0+4V}?Q=j}G{%^2V=nkfh~c~{0UvL^-^y{-^Q?W0ZOZ^C!NPLY_LpD2Jdf+= z$5Bcea~@~iw~P*`kCAfgjM$UZ8}Yx=5%}CTJ260QzYTX z$BC6fZKIDNs;!T*m-DRqzG(4#)1~cDp8|K{1%)}+fkLP*6 z6(&Lr&CEgde%p?-60w_aC96nDn8E*(m#@Mp#@kkm=y6uWd9cX;`Ny9>9>-pC?E_BR z7~>qX_94QL=LtlNx#RdpJE|%%gsav$J;h}hz{|s5G$iaU+`adnb9z2c5spERt75BO za_VD_K4J>0a=t*?2r1ihx@v>$YAXq#RSgbx%rp(+vua#c3%D4x3>%9 zlVPP~a=5e?Y8_7&RBdrVv;=>cbF%69;2ax+sAugkV#XBSzrOAF?d|=hG2GsFjQ^R1 z*xmf+pC2r;-OKTD3RLsVz4bM@nKPvb8N=waF2}0RKFxgeA3`$A?FMoR4!@Xx0ECKLg~9L zoWBCW^r{rgmP61v?fzvS(==)>sh-u{QFMxMt(_5^I#KIiIEb(=aHsQe{pCM=yMNj9 z7Manq-2PG2A|YXY}mpd!IEJnBB=a`I3!GEczY{z z*r=UF%%+WLi-p2O9%5)$!)KIBdi?psMS%Vxm4L)q$Rt9PUTtFG!z*~!wj-4n$ZEEd32GFA?fOL)IAXB2A%R9p%^3 z^sgpC+-P>=7rhh>&+HbGYLIeEqs`By@v0`VBA5o@6B%|qgyFqGdHV>t& z920CGd=S_@EjI!ZFrbxxahag)F1L&m5+912GjU8|{mgUOKS1$kVXOj{CRwS6tCmz zy<gaRykxK$t41L$_t;|o^WD2n2gsAn|pjrW$H^y*2E+84OJ$OY& z`}4<9?)mN84R2r6_dr59k%}_21HNQ0w=~g$gSnH_;zz9!0DVT+8QMs*kOa|+_?x2} z`p@f8!SHQY&wETIZ1;j}yRs)I2g1SEJ?WSl5K+52(`rhg#X`%6W%&NSVLBE|SP3(P zp9Gmp%l{+7*P{_pOc7JXkOTHApEn6y_&{-L5dHW6@vlL3&KXnzyuaV~6_|?FVGI^Q zDKq8}SxJ820wDv7h|Da6@O&Pq@>v*ZTrf-B?>8bUIl*2XLtN%yk=nWlV>pT=7Zz^4 zL-&7PRaECR&_Y!-#&}-!GoN*up|ED=+FDMj~M%e);9g$H!4yH?zm%K(W~RAR+}SSopfy zG<%-c`}?i72KR;tZ>11%f2HA$If?1E=e}IJD`=1}eJf_vwKaTpx&nF6KGwNfS*8Dr*@hzQ9KIVFUWJ)h@R3T|dZ zzKAS;VM@W=@kRD6W1NhLx2Ss5mO?Q1pvp{R+8E=uZ$w^7QkCm!DTbf{0Rng~RHd~M zqq5+EbXDnNO!GE|svPIFZ3TzU$H$RU6k%1Kea5II1t8SMm@#UOVe!J5fBZO9Kit(<4gIg-=;w$;|Qk`UQ;9M|9e`i+^P;Ai1dGHg6}CxUp``v@uIl0pitPhzTV zj5*6zSj36;`*u9e=f~mh``h+>9PYH=wmBwBki2IAjIX1H6p5(UF<)i+=>7h_x2v1Y z<9Vq{2zs3rBEaix?%ry{OYWZwx~OX^90QT}Hf$9!q(Pw_Uo*TFR~(3V^xm$HvmQfP z+$SQEa-*ua@B4y^tXW|0S(%& z4#s8Kvke<{{dX0v*Qi(P*O=4m)nIIe0vLiZpmJdqKqjufA|NpL!L(9?wAw#s-r>c0 z10)e$y)bJK4549w27W+-n7am#)F3~9f9&`C_;I8h>(OA57vbL5@I#gHaoco_ z5@JwgRe>hEo(u|6izWJ8^XXn!6^>sG5(x9es4tQ`4kA^kVE zs;XYdFeSovgn9;9v*!xNd;U_y<^g%ULbrP92reg@ zy&FYwawqeS@Rgm1EEJBp7LPeXQM-9IvzUJgEp!&muhi+3>vajSA%Vxwx3w}gK0%)CwyN5Luh$@PH2K9q#loDA4uc_S)i!t_P8x-ea-;_$97D<8I$2B`OwF+Z37*KGbgxJmD-x6wZ#8x z0jM!!+qE8snzxXiRQ!)+vnNoP=~d;^gj#Dr@Z^n9iqi;5vdfU^2#e zK~Y$CcR6R6s)xGwn4HGAbmQ3KTM4wc5;>D0_RivEvV+&rWUr*m&~Rdr+o;1OczSJ zN#lVy^9^Y*1;q;M?#|EE zG;_jf-x}NAOkeG)BDf7L^S$zuy5@-#FZk!h#o>(Lhk}%e9cX*nx<@*HbOe1Ol&I79 z>vQ=BfnHFVo{d}aOylM!5Du|!)9IZAP&XM;sQqxckTI2;*<9&3`NIytF?)tg;>N#I z(>7NshJbC5E&pNE9BCUuGO|oD6p2V>!A+g`uvizPQ9$T(yhz;H?HuTh_lM`T;eDU_ zQQ>{`+YJZ(Ed6i8qqX+EAdJ@ETpq!+*aG;iTs4=s#1@#jzz+jewp3$!x+cm5c zN-E+xcZNK4#QsO|0RC{lR?yJ0F#(~VY%=Nc2&7@bpj>PmFUst>G#MndW2!VvS`MTMmP9b`xIe%qNmaor;G;MdQn!oW-T z%BcoQ)*d`}e7tbo5yJy_JjZ5d{PDath1HsUdF6Ljcz49X&Of-3w23qZpn6Du^(#mq zb@zbQ%gQc0DqEb3^VIjEgS&;`N{lF?Ff(S$-R!NUhJv_doiRH}6i5i^F1&ivQ`*~G zaI^ZCA4z1^q{PRlOHt@c3d8ffW~`qIJFrEx%D*81Q3T3GEY1}KOXjByDH2^A2;L+! z$&yC|Q2~fI`6*vn@Hmr-nHOKS{gU>YcMv%S5P_u})QaVF`FoRDqrTqAKF)*=DEW>O z!aq_C0CnSp4zdH|$1UrY<>n#P=e&!U>$NDwl`IJ7AGyG9XA~w7-6!%>9sVIyu5ZGm z&kN6j+t#|aWo_=&_c+J8-}He{`+#;hTLik9K?F&mK(IZfL*m*1Z*7YD+R2iHi7p2! zkTm+d#9gd!Vh%HcQPOxlF9rI5c_IQ?MlGCiP3p#sopB!v(U}_I$=@#IYtHCLO<4D4 zxFW7=FnKg*+r>>?&j?nhmWnG@!~3pLj|5*-7CH{keax+ z98rI^)j+AA)wSqtd58Qn|8rtl>6X<=TzL$#FnpGB+w}%BVf0VFaPX6Pt6giSj3>!h zYX%!V>3G3GH+B|Rag=J)VzQ!6RMCV#X5gGZ;lxr?^0czbPmo>Gxw4aLyt(-{^gikF zDD)B2?pdE&c7FS=W6e6HPJbW zEbE8&QIf|M_xHnxZ6*R>d^)e?CMo3I=Kc~&N3Y>$66Q|W_3d;e^l@&UVvAUluoP0( zUIz3cG92LUEjSVOQpcY16#(H?H+B-VTBze(XcjB@N{s{@gSly^%GshIWpAKqR;)+}AMt*1rCKAYkzAt3u z__+B8=ldj3NKhzZZslRZ4Q6mDoQ{NTH7JVlzP2L z0IxxdE54~^tsD#@5w$B#*N?2TA7A`%+eR$pX(MjDvoG)bQ$O3p%RUCVn09rq5TIzd zg_A%Q+XH;Xvs(FTFXOo_zrkE>@YHz_mesJju*yCX;soy19vNeQk<$XT*37*Q9wP8tz=J4&P~dZyOVXl+a_;gdTR0qO11JV>8=So5MBZ zJvHd{^|3I1rM1K1M7`+LB7Ehm+;V}irxWvECvI%vn$(K*V;?w7*ni#B`9~ARS$+dm z(Cbc8sIc(7E%3*pq5h&!9xu9gEd|x`GO6TGi`bhsoFW)5MbM#S>lsix;s#s-^xS_a zGoox;Pjezy^oniJXaoJjS< zYV#~9<#&+(_RHf+#cK2KC!TbD6`O^wuh;w7Ynw@)>i+|Ofkg5+>}Jl~*qyI=wZg2~ z{DuP4lVR2Lb;;UM5??H|oq12=(=7(-hE{3N_|4=+NFa%*`Kh|?K~*}!SYIAQVRs%! zpB6MXcQWSVLpB_^s#H{^y)EPy`eef9!@5NP&?p+4E6RlA{Y*x82ly;RP@ME>)tg&P zuL0E8^Njt*L2#XOM|Cu}*OC~=au8r3k_1WTUuYPQs<^7ei3cUh)Si6QvTeYwqnBg`zqCRWqnWMdAWEWU;)H4Q{@fxMUNwQpbaT# z>K{=YrwXBzRCQ-MiEkD)jIf;kEDt)5%kwGlb#;k_9#sMViao!d3B7+ti;3*pw@HN3 zzakeg9G^Cc-<^;&_JpPHS3pW+xLVkQH9co2oZv=A?bqJViyVnbGrf**!+RS`_Mt*` zRE^8f500~7^PX%O2Q_emOuAq8X2peIcMyL`M8TGK4!20CRFWf?U{;_rrag_kb~=<0 z{Q5Meq7u#nXMbnaCB=C3oP_BMYZoj@5I`!k1?(W0hyNi2)UX~=0k_eU` zNsg|tknY3KpvNK2Ed!m7m8P7DDS8z$FYrwHH0F&)GCUl-sW2CaWndxlte1p2puZq4 zM7liQ5vnOl0&7Y$GsR`3V9%LGiVlN?&(1nL*Z>;5_aaLa|nwTvo8XL2)b-f7QvjhIK6=Fi51z20FC z9cgz`S}mi4K%%wjsTdyo$ia-*$E%0Bw5k`MY6cjgLiN-s9{~~99Zu@<`j`Y?R1y*l zFU7#E8-3YBrL+!616Vj!E%#k+16GtJ%8Z=ff)7lcf>97OfAjotGkifu9ou~5-XKQ` zuh9{`z}4G$aSQL89Yom>V9qIp{s?P(1n$87pL6#keACt3mK)Z4n3 zLLROO%tzMsJT z)KI-tRU`ERhmYAff`+8wg~DH&D;4h(2e|rjcO&$Bd<;m1;Jj+782@-YsHrlNx`5#(^1^&T>=lnm8(owX~;sX6o0N18;p9NWbaeSjym?RAhMyi~P}B1brni zry?eXx+rP*KH=DWvB<=V?SlWVv|!exIU%LJgmGI`;_17Vco`QH6kvnJ#rIBm&lZ*s zgUOdn6$+dWLK`a5r{G(Ol&cDcrJN*%=aR*$OS-cf^j~Q-N{uI!TZ*8ut)9ZL4 z3|!S!JxO?M6x#cv(esaXLqy5gmJ{x56pVAD{|iS^2OuL;@kS7>q%=!zMJcbjdiGD_ z`{4wvISr?-W4NYU^J^Gq)nR3yWT#6{C265DtA4fsiU3FM*J|0@EQjm&BWfF)racQ; zbFzjfy+;xHBt%00oCv~%f+@k0C^KO*O}4%DG5c4y3(X97IkhOjxWn1uK7R?8GTL{H zm1l#0Y5D!Zz37W3eXy!j?9ADV8tdOc3GV0MrDgGKS{t+APk}W(MuPZ&v)>DQjnEb< zuLf(jC_S5+=Yw*B_=GuVHOA;uqFX1G^nag<<8YRSW-jv#H~s_SwyU>91Ty)5f-R4R zNH6#_Aw<*4fMWMMB@v2dymb~1w zKHmHH*K!t7Fl?6eXFkn~pZOXpV}zrKi){KbN|aJA%)#A~a|lYan>`dfgws?<=9qjSiX?`>|8%HJ!02z3ePeOZ3WDr;EXFSYe=#`L$# zkzKo!^31EUR#O7&_}1f1j~q_!_bd}iVuJ+a4lEz62s~2~&!om)^nPdydc3w)sup*@ ziFH6_>f$wulsJg595t_WKVF^PB13o^(K1o^nXVk(InRJH;HU3BJ)5T<*<4QdYmT8L z6v?CYlpgU!FTAzDgAPYy>;EH))KqpZxhYZWkMRE@de7(@qjZgw4Y9g;xDd4bUin$K zn(2VaiqzdWVE@SC^6v8R2&2oNkyIJdxuREsW@8T?Eg*uEZ|O{Qpyg4J=Lh%~LppbY1OY5Zc{)9o zQPYqhoQ}+VloCr1cRoO$FRm6bXL ztWTOUwviAdV{m%sWPKPeF-h+_vX6vN>{D|BVM4q8yEirjpnhtv*B2c^3r1%zxV0S{ z9g|lc$MWsQC=#rgu&4R&MvMxNn!}sdwuwJl{CUf@7hL{=F`<>Cfdw)!x9y{6l>Lj; zrN&nbz;;&PP^7MPa({1tdGH?=ldCNiobSLlasu{|>(t}x9(iLEv16D6M3td3h$Lqq zgts%ngn@Vr0*(9DpNcE8$=`157JNRpuwyuEst$6P{IQ*i3)rRv`x8Ng;|1VH=pd%f zRBHWZ{xO-zmgb?+n4C((d_ksbp=?)1gq{NEuTbfgJ4wuf7mijuBmm z&x@SL-S1tLe^Vk5F={z@tv5fV6RRoplq>5+@66n)d*owbGd3}@LMfK5+f_}KOrsuq zZj3$$Dg`0AV1!^0yF<#>Q*aV2T>8KSYw*utuz)U^k?~Bu!g=@)tHil|p1`P0>JV8g zMvo;J3zdl8*4tz3ON^s(SyHPyAVCi&<`4kIk4W(|FgrAi1!cc z;eiCBkN~z0Osl;UUd!{9--!fs%b(1QWnLlwBRq(i3iHQ^rO$lCTZ*U_#pcTUv0>!bjC=S6C9`T2ZJG27U%#gs_Df|5lN*K9N%=YJ5*jP|AJHqZHk zFTboGX=vg%wh$oIg!%7-sCv=_ULE@GkoKDcTog}(`yu^x`uyBD1SKAL=&x}xH){We zGsI$WoD{{vnDpm#lmDU;Jw0AtLg~)*Pu{uT)2B$d84|mMvLPgUB-AtY7#PGYjsV2- zxi#ZTli*ZkkGX>PU4Yg???^EV_l!dU|jNy2hucOIGn&htaD^CUysjPST;Yt%5!Hu0%S{ z=6J=q4|yz5isV-VCTc?OC6_|)7hc+SIT7rigs_!3I)*~vuZ#a9gQonjhaJHW+_F_V zzqhTR9mPur7@3ox^x-Y=bATddCE_6!sX6iK~ayQ?HC zlehICo zkS8hmNg@NQTcLMBqmG=Mv;q+GMnd9uWzf-;uHbLg`S#gR#I4FITsJy4KXP==T!XVE=;zwy|O;RROA%MXlJrDF<@b|E?q zrfg3F=s5jTz&LeCplAd}9SRlL#pF;Qsd#18Hq0w0vuJ`MDMZWUw9tVbXdN98sN|2c zTVuZJek1OS{ARq&=!7}>Ih!Ajn8WdybGMtFAck~?Jh}7@lp@=Gqb%I+KAny7=*m<6k4WWCmWJXq3Y}YB>Ad}#f^}A5#&aAL-*(2YCm4EZ|9;4 zF}6n7If_9Mt7mohgwvl(e($iu(4EHdKYPPR_sb{vGGdlMd@1g%n)Mx=fb@c7s-86` zF9G6$S12zONi_hNid8n-Fpb}<4nF=<;6-1wb2C-f*uy}&kQCr!@CV9G@5jJZap-hp z>!kn_xj}IzfUS*!r04N<6!G3f8M?k6Xt&6iG0pOr(x{{TOwswnZ zGx&)0=6OE0e3RaR_||om72)jpIY!qq69?(1ZkC=CUA6Ier#ScOCgQZ+y!`JL@C(A` z?>^xmS!6j|#Rwsjm*)KU6NOPhLhuVucJ}AAFdJn*e#Jg4vTsnA4%lO3G>}%2usY-W zR6bs0+s7Ce%_6%mJ-6QaA?%b96fMM4yWXNjU6YCtrKy%30|A#1e!E<+6nvC492-R8 zOxa!4L-I|i>7`fEt&b;rhrBwTr+TrFM$Pjo^QVfG^)Qs+Gm4anvb8Y7uQS74cYA%2 z03=B8zmW>AkN;tf7a*>R#|D2A%+HoFK6%`jfJm3o;dAn#q}t5KB-;UCN~e?-O0Oz= zMgIg#*))mypgXCqhZ|p+%1kyvDURIWA8~JpwfBGjTn(6{P}HQ?Q`A#p@7dI;kx75j z+G^Z>a~O=9xf)>LNBDQx$?q1E!)j(jAc_1vkUgP8)XDDGKZuAKz6yF)HADws?it6g zl*{F0?-YM;Z!8FM$rL5{%gqt<(Un60)Az zctkYn&)c91(GZN5E;Vqv{BVb|#k_Aw^`*`4z(l(ebd_C3RW@U@QVhGiy=qSF6QPvY zrC$ju40U+0*PJaWFMV{mo7hiTd09VBXCN{{Gp(d>Dn^zc#_4CCoY1FNa2C9D|@MsT8wR zCI3}Oh?@lAPHCQ2Aed!bb5XcY)y1qm@@4boIk)vp-@f*WGdyfI9emc|w9r)bqB;r8 zT}n>LvGM0-r+Q`{-PuEyqK+p5uoFm3I`dddTim;PxUYk^Zs4UcFp|w`$R^VGX)5(L zxM4;H!+oXH%Sogapu_ z0_)dBhQA1KzCOXW^_n;Mn`5BU)4brxwPg~Rud*ReGjKFT-*0|32DX34B(p-PoP&+`Sv&m!5`WrB%KZcghHfkBw3**II{Nqn!VFO z&Epa>ViTv4q`r8o##xf1gM-0n$P8Ea1M^srp4Zup^L4M0dLf`=#FpGrz8EVO&ak&Z z+L^zNYGH*|gf{pqb?voHZa5fEGvUa!i)*Ax$`V}3wsYnotQ`-~2MIsLP~|frgMQ{> z8FYSz^X=a3P(ND!|k(E!=o2kcNF2}9i1!KUmquH%BX9NNwt?q zSy)8S)7!k6JBR!5^DtBMh-bLbF_~kwG3=YOJdze)Dp1a5lJmD_oTRHwXZ8QL;Sa=$*qs^0!5deV0>WH3j;xPFLp%rn@Gh z{-X*E{gO5$mI>M9De^KQzS6$ZB*Co6%Y*AJCGmZbkM}O|}AUQI|oV~W> z|Fr;CiSD^R?HS|TRFUOS)HuGxInMzmk&)Ou&KP|lvPn>;B;etVTMj3gU`T z2M%8%;hMCL_A{*XI1p+vKWf_HO)t=izej;skr;rTHTYkMhsY0~Hx?6bOJ^Qv#R$7A zV5EY(39Vm{jI{|$88XqWkbpEpUInkVoh+>HDv6Nv)rp}3c@u|%@luuRuZ<|{KmNBB zC;kwM91>aCt6z_{X1{OnJ5Y^+uB0Y0W3?J=mm#D@cF{nn&Em&=ifxi3a44N=#`c_M zpX9atPleVO@4ZL-BM-;L6ohQ*M$IZ?>ioP48jC0vDHgh}jth&4tPf zaB1z5u!!@Y=9-t@)x~3a?DVl6_KV^mUa*PZ8l4i} z+uug7hg3evzQ|F4?ZFOq!u-7PfyUU)-sk)5Xlm!&I>y-teY6|%y zx%#kh{3Pxd1g@3cw>Q<)8S|T1yxX_E;%0M!smX+$V_`0%xxM0i`lI^s^Ae#g)}s6| zD8i9CIg%MO`A<|$VFxmbFeTMb;eYg87H(>QYW}CJMyAaon-5VnqDCD&TpVd-g;(6& zJz(T&@C|V z#FArHrhf$A=gdVke-gNCBaK6e~NoTQ!F0njwhpOw#t`vN^{>FObE&c9tF_h$0ke zmQjDb;R0KKvSvWzRZ|Uh#GU%%VFt#xuzn_(@>zGZ4n5`M3IW#>C_*&`6V;m8kK5lQ-X`^la;8S)4C8M$V#oo-6%e-6Y zt$}m%uGc8V^Sprf-QVf;R#x0LqFA?^O~b6bH7gr$g%SK_- zQHX9vR8WUMtsg@5OKqb}of_BDd}Vk=x>>&TCXob?1_)Bro*o*XxXLgC6v}7}>!=rtr`ARkf?FBke4F@! zb6BbUO4Pb|$2jAL^wiFDYN#c`zSVV)LF%;uJWGd5$c-i_aawHWx@EcR05KVIKg<-3 zOId&l&Xg%zBRPgge7)Zbj~B81rUK*#vh}-f$yZW^S5%aC=!zEe-Q8ZB=|r%R9|k?W8(_fI zme|w{zlvYQBL#nmYg+mZgp%l{{oqd3<(bDaqfGPl;j38%!wsKVtkRn}!6HLbQ)U=w zPgzy~RN&N^jR*?P>?j(l4X~f>^j~s^Aig(?mhE<`A|JE^Vu(g)I-XW&xZ!GVK04R2 zzSCWb<$)U+3WSHedYVo-{8}MDtjwK2;+nTps})d$}%c-~G!4QwXJS1uqhBH9+)!lS4f@Jg=xnmEKK#5h~q6+&llV zQ*(b`HV$vlz7*d3pbHj^T$ltRz8%EInlKrSZcvVN9$fpG<+Duqm;wKMWlT!)y4*e5 zUhjRH)znWQAJ}O7Zn^$9qk-#dePm8AqgOvA9~?7_`T=%^y^=C;1mT4jG89`eveCas z4f~$w|L#NB@P*MPQoc=k?lQjmg)tpHy9W$*q6QurOW;K|&nEnm-tr4EOFDj<{Hmqo zjJBq}+LilTHcOJTo*qvW7dE;ckBsnZ&>=iEP(AQ3YaP!~esZ#0^ts%Tj{x-EepQtJ zKlkpz3m1B^3^mPZ{G$)AJpw^0>~BH$hs~CHn=Kf2>Zq~j_eQWTiHT`w_sVw@XE+&0 zMS*?E@;00|S!b2B5Mvbz<~6K#HSiQhm(K@ue^1x#Czm_wOadb@93_t&@Ia-3Uxf-w z()!JCjV0>v{(kz#{dAXE#{s@7)EPSWXW;vL{Yh*VbO3J>1!o!oHb{JlCoh1(b@`S8 z7Ju~aZ>~M5pi8e%-+QI$Qk6~<GtpG0Hl>^_XDT83ANY$qEdqGp`o`B0t*Z%^BI z>AcXRgh7Bvj8=?YmU-q7P7DsZ4OX^F&sM_xhn$|mHn0fn-yPk1}ANXX+Chd1+ zII3Bvir-A#dKhq5G(zvACuB>m?vbkR_#xKfkgdgLlGgC<`8SM#f?ZTP=LYmAqJiyh z6-4zBaVW=Qw_8NIZVw()1C>;@&~8y=r&If}Y5dyb?JdjJgXP1$B_`fqIoDI`iq#4b z#`Gk?`B;RVjOsbq7FdGN4LAYQK+|Mk$GDY*#-9XVqCXdplq^_V(}cY<(pNMJ%hker z)}M29)JX0bbK8o3tprkKv~L+5D<%?&8RrRNThdO`IR$zxd~UDgVHe(;8j+5{06i&( z^MCwuly4-zy+^KhJ&S?c5Hwymmdfj@8y;Srb&+JV~b2q z?HPVfA3WL>FPB_Y@p~QV)lS16a_cFZr15dOGP-~*;;iMj!D4wc7#U&FG1C-b3ufK8 zkla7<$nqB;RHsB~eRw@yaN#uLk(=baK&)WTsF_r-L1xBu^m3LlmSC?K!o8zX{%#wA zuuPXOqZSe)(FX5&zwf|V+Liil`EYuH$)4-+)7MYjzFx5G#svBENB!Hpk8&Z^$G&mY ze3dvHn^^pSp>_o=o4Zo{!>g+8k?}-_muTLQSZSHx^TMR>wI|B>@9WTW>%GUVj)dVK-IJU7F0SUSVk z^UA1KhP8*gB{TC!f(%@LP(21@`CdPT?h}REh4qrzg>U38{~g-F8>4$9-YF~LpkeZB z(yT2E!*c;l@@XhBRRR}k&QoeoD_)apF&*g@H()87>FOz*9DLRo4~pV%~8Q^;D?k~WKq-YB{DE%B=`EfFb9*o`g~{y{u7W18hF zVI0=}{;T?rdV7;-;>V$p&Cf&f0!ahUL`8}j9w#U|-fYD*R0Leb*Vr@Nq=Jt_*D*loUvY%#+)G(rLp>L z!-KoDLB(@#ssLQS=D~#}tO$ACA0JNss9N?88RXrk{Ao|NA4`=HA=P==qQvmLyudcU z9cL1@Rh-E+VBasg5E5@!AiP7<&9hcdv1TC|)V34J#k1>)51nJT_C4^N`YqGZd~y{c z_m@^d&3OB&hC#;eATm+)oBbEoYG3{Pll{Jtq|r`_EtYn+XL%o9OcV$`I1GkDxc^sT;T<+iI= zJhn5Qp7l1U6B`5SOvi*_>2_o3K)2^^-wu3& zjsH;g&@L=^=V$y)7DW&FeRzvy42?PA8f1_8X>J8bwpik_bTG@4tCBFX4K%jVu_`F= z&E~7|*9f?p>AoA^jho{5_ws8)h&225KMVct&_```ef=t8tO6yHKV2-4GLJ&a5luwy z-Cs{kdKGw3XU`*NmhIyZLT{{oBPZnk5Q(`|l7`w10dR+b7bjA#3q)63fD-EC1rulG zm3%MC|LUpL#4gu^0$Y!fuTj;$sUN|PZujJ}!TwV3e{ON^dQ7K6zmeknbnQcF!27Gf zIovxh|Ei04y&Ti%J)j`}vF=}_&squw^lH{W)Pn3_P88Q1Z(che3ZgGsS(GBkFf&8C zo{3jk61uaIxrP8ip`=$p)kFCw=<{$O3wD-C%Du-1zq1}omy2U4WA){I@R+Gdv$B{2 zQFBH~TG#i?+@h%buC7fWeD?8H_K}NS9w+q(G+3-h$~IWbQgRv6UESz|)sct1_R9k+ zzXNHn5T7+|uy%Z%6!W(fXMoPAaF`5=>PO{G%-D*_9Q8Cf{$1F2Iy#oUoT))0o>xX-gsj1c@_3n2 z@)~lHz{iWas-Y1<{Y|6k4cG1Z$$A?<$1OIVsMoGCgK2Rz8?$3{7xSvir|Y*=e~D8H z{0IM|)HTs@?#!dv)dqf@((#C!(P4A*DNcpDbsAdr_eyp94^Ci20B0zT-bDg;4|bEL zAjZb`2w^Fe&Q3U}>~?`xm(TwGQqWB{B-l#ri&wzo$a@zs zz|fThDZJM1Wf_^v8rje=I$kc$|4bGzk<*M4urs)GBUaV-cq?U^=s{r)+ zOcDkX!qtNGpd1ev2Jd?gYvujGF^auJxx1DtMGm1qaZ`pbs-#~$%zA}z=+Eg(p ziS7oN4jUIv@4%&2-U9&Xsq0CW%WgF<^&{UiHd_5zbuCUZc*Wcu!$JN61WHapc{9_r zw+CE;VU9R-3lARC#l5tYHajC+%TEUYI8>s^6DNF#7|baK`=~XegVTi^A$V-n3`Rv= zNT!>rP*#&VH|7UsMwufdup{x>0M>7V`>QB7vP3957zr%kB|rI1lD`O%ko_7bwQ!1G zTg&)f!lo@&GZz*4l|V|todJ8kZ_$*c4>3FFo(;?~<|=v$bcJ=2^~~?jxnMO@s-RQT z6;nzh;Ofzr1<9b>sUI)9hlO$hlkLA;(B|193*l8e~tx%v&HdMRDVK3#ZBwZyL? zy~zRNzfcrHjux*TMR_SIF`~mXp9EEY2sU5##Mg)~Cc-p6sQ0L+2J9Xg{ioWtJ57{p<3#Gq${Rhs+mn?yLs(v|*}9_y+{! zfNp1Bfka+W5cj+~;2hzj=^#z#Ujs!%vtArv1^idhb0}3!rqwSb5Gc*i#auti5?3r$ zfw$|ElZ4|l9$>1{JRU{*EZuYR-a{&s5xLH%I-twGO<*-&myxOGzI$(SXcVSyMc^01 zQ@*&;G^cdE_+jMU_Aq}MzNmCWU4+Wca3u34F;yYb_W1Upsz-z_*ZmrMGa_52lz>|r zJjxVRk+-NVQ2!6Ov{cP-m94~#Rr>MhQ%fJO6fDtNdcjkJWd(g!EaZhU8Jlh&phk5x zk1rS3$8@ z+B(>bq>B9&HGySZnjMWv4Pep!UiibU6E|@b>vvY6X)h~j05?xw(t1oqd8Ji&L<9+T zk7lY4U*jM!^ZI0wWo*fP8e-i6euV*rEd1CoS=b+b6FxcbslNYt4X;Nm1&Wir)+Dgd z6!duF*Xl-(L!itv^hYEfoX$BljR2KVLwh)V(woB1x6jd*U2lE=gmiT+GvC%NrB6#% z{GCPySehPgmS?3df_wGSM7>TO+6AjG&dO^rj;zrTuhOmhv)Py_RV3 zGZMDR>8OP^JBJ+6-MV}&y)pb#dOtfy{I6#Z9#-aw{@lx7FtD!s%O6kD{>Q9ePG5Q0 zZ~p?&F+s33d7Yi{Xy)j7#XD;~UaWNE0~qr3Vy{9>i-{PY@GvgzHdU9PF~+AyEzJ^N zmDvl6aJ5kn)6<7pw*|_Gv0_I1pBS0(`}cp#yB{t+7SgRy+Oy2;+nt9rzn1EUP#4*6dGXnl2z@QqH-!w=xvs&%XcKw)?-o(qks0H>aDUeEuV~yXg4|O0hj5=f(kQ1%lhI;#o=N z?fXNniXEPw#&c)BG61UiLrkE1G-JFKDMoO>{;8qf+#LMf!mUJpfhb|@a8vvStDRya zdKzEY+Y~O}*9O}Wg=xG^&FE)u&Nw`&o0!tN+kU*eZFZ}XeLTNhd>cX4yzG2P`872p zFD>%8rg>e$BS^qmCTSvy<@OtWx)|im%QOGf>)~brd7y4Nt5GPGKR@a3a*8q%zH$N+ z=UVv>4_H3hY=8y}B#@RvbC0?wW9vw7tZB=33!(zV()sK2+Ws4TpOwg|4Bz)yTxT7w zs5)Su31H4uBVJuehOZyXJt4s(Ff$C_G9*C0=uQ7?!SD$4H*uoIeB^aCY7m*__woWp zj>B;I?d!l0l2=BSiF<&{CF=gsv$B0X= z^MgDVekXDr<;-3hAg;%4L}xA8v@G1(C|L_<>2n`~3lam$lmibXPDfDDKcz{4)JjuS z^$x(wA?p8#OBmU{v@;(M*%w)=+Ni{vj1Bda5W7abWkIW<;`}Gh?&YH6Tlo&EVfaZD zuDlHRoP-c-e+4fVX<~zy#B8V+p%R}dT#P7O8y({>sy3^t=@8<#$Zy)?J4O3ZAlhtw zZ-=Wwwy3$HPnz77Y6O4hMP6gL2Mtt^6LoIs2uEXmMLe&^N8JpRr&eF4%OH?jS}ncX+kA8K?1a zsD+8&tov+Ji!k5I!SCP6#O7)2+ItlS+%I5(^~_t14Hd9+4K$I#~Ms4 zd!w5~t-Djb&SFe(FOq0Z@ZZUdVzLF&0ouu5?ae}_pBHoG4x`;#j#BxVm>AFXU5L5mox`64sZ(7pAXbHVJ<)6~zZfF7w@Cq-K_!F+#F=w@omvQHa84f-oJ5FtGQ3 zaYem(<=SI9aFPTfqr7(BUR7m<ik*Kl=IcKMfwsCq(2@U73#{K4- z!&w4^?m+LZ$z?Zl6q2nCoK)@0*>dccnikaqgANw5f>BSg^R`g7u&5rrdb`({Ol3!* z*i+c8HUd;)q@MPHeZl7M^zC6&DYdoPD~(|Y?3aCJ(H`b*@XCkbR(si^3D`Ggx#Hy9 zcTmu6$je&p0#JfRFPxBO165zC=3O% z)VPl9^7S}bLCUB>^t+sE4AP8{B>$r6?jG~QSr}AxxCu6!%pck3ib5d1pNGQ%g4S^okH-OpXV5W6&}BOZor4k6wx`?<#~qzN{KyRaJt35vKDiHEg5gPs&ao$)D0MS`+dFjst&>Z>jmU4E{S=VD?Jo5$CH04Cx+~f-w!`#R1rvcik@)!46Kc z&gWopv8v6+k!E@ltU3Q17%c2WcNGLn)?8$aH1A|5M#L_f!jHt;Vx!K=+0@_JSrJ3KH?na{g3IfRrFJWDA1h`9~+ zuZ*!${3k)F6bcqlw`nKCSy{b+!;6C~E{5nr&gZ|K8?5>MR+cCiMh_932O^7bxn|ES2@M1q;--v2ZSf5=FwfDdI>iS~z`JcwQ=W69d7wLp3RL z!Z@=`#YiHpGxKoC8bT-J!3=EdD%a8bRF?URpL!@hyeX8Ou&>3nB&ecjL?@;ZX#Txw zD_!lAX?{CP$jaT$G%^&(^b8pZCwVCIvQOj=uM+g1V>bxWS{^0y^yv0fb8@WqwlQ&~ zEC0}e*+WS%ZwIV7(JNB(B+9H`uL}1njcp6yWO{3T=xHmfWSsgcBjxrjO(0B+Xyg-% zA$fG@V^S!*vnUjT&?zL#*91T_|pH$TT;*GJ1u7z&pl2H8r0e3-&zB22ruWO!blVK=%iTLq6h>3-d zvo2dcjzYp3b$_0<_TER#ljliC3331cAOJ~3K~#Nv+g`rh#~7kw?%V5EnGT_ul%FA~sU{S)wYk(vV71+hFEx zTWTNXj?-%Z6@fM7Fj!=2Z7h?(Kwe)<0X z{y6#=-@d&3{PlHRa?(&*hnpO8xRfFb4;$!Ihm9b?+(VEtdQK60n3vnl%;rTNW|O%s z3(_uAj8Q{3pGq)ya!1A-5vdB^!!c}GB1A{bJo~^l#<1FY>jT@#+6GjxNRtSvz4tyW zs2pd-_~bmxv6p4dwe=7L!+2)a5LzE1oRZcya-P3`)DWWvkuf~SNJO;`5ed_&@2~gm z@jP;lzkGkR-dh_ICB(piYwKf}=GZ|#VIBsiJ}_|CQ^}o(u#`Y)2)&J}eEitUQEo3A zNRF*^8x8?zIU5n#7cKH=y)7CQJLUW9?bF|k%qdL4%TamiR(n)E zo~I9MwYO5q3EgJO@#Fhr*%n9u@PKxAH!Ek|Zi@&*j_-ien>o2gEk_M_cGoV#qT=TN z^2aYuRE}c9^P2wi|NjRE{?i}7ouxvkFhxzm62kL&XwsMyFd9L_<71!K#+Fg5m9y5; zmL=yU{qpx8J}Jxu+1?nPi0awW8fQP|)LK8EMdPP!ooq}-cs)Bak2an^4koHcDwF1AcBkIIJ=pun)q<*V_;MRmnso2YYHrGe!L$}^y%2a zu+W?|UVv&5ci(PnYeQH@AIq9!n(R1{z)ah12~lq^Ys`uPFhU#3Sx2|Lr3?Je7#m|s z*IEZyqLvm!1QH+(fSHJJ%5l9dKq-LEQICcqW}!;Ro~@QP`WUUF z{A#tKQ=Q-Hs^s#T@d06?>FxpC67vZ%iUH+4Otg3#iHO)!j_|yJw1HacbEw>#^*Vr- zM*$=%V^W(qXV^MtG~VbogOJ)Fc1_{jD~r_9@m{H_o24bT+DA8lFExhIt(D%pi7BohZ|W(fI){T=h*-b|D9I$+*K@q-GUF3a!5BoG@0ZZc}D>lO>l zj2Ncl<4V4hNv9ocFbk5BF|{>w!uI3p#N6DCRIlU#5z#Om=ghqh46yNhCZ35`kg6jl z0@GqBi>|lVaoK<=CR7U{FIxDN{E3)mRo|(3SLv|1DXg;VfLKvXsf1qX#$s(uTR;pH6{`DIz}G? zlu(dXdR!H}O4tB`2JlbuC;au_{|_Rhw8D_#>$a5ASUAQQB$!#NO@j2%qfUrTP-S9d z*T<;BJZz|H>kZdBrdBhz4g)M^kbi1xIb|5;HAKWhz20wIUWVCk?;m4Win`=HY!be6 zQX|u#(BKi#b3f!FemcZ>uT1{ruwQx3|sRLz?6tcX#q-&7+UUkA1yoGrPZT z=8o`lSQuwmMr}^sYP)~AjXqlI>$beSZcKC>1@L}hN->#DsVmB_+L{xwFb2lwSs(k+ zdw+Yq@B4`fe=BWSq7VPm&tD&pqqR;>IYrfA5XOP1#2iH4pF5F5Vq079eP-^)s9%42 zHFpWJ-7*WaaP9LYbc~{-I??^MJonSxMdanaq8R{Du6KKX>{uEy@!$UO{SQCA{r4~5 z0gU?f`+H0Z!6;^>(|l4JCSfq+E=w*5B4Dnywcb-qwKd$v*Brt!pxS0;r_l^q# z0v?UwJX=bdqMFlr)+Hs?P-^5}*xE=3h)q)oe1kTA^2XZ)qcU~ccv1DLPY$IpLwE3F$D zX8fX|mPSlO6aCiPbe}_7fZm=(pq-e`&KStN)s8YE<&<;&`0-R#eAYJ1&7O}ZF|}HW z$=qxvb`663J*&)gn1LAykS0zv`Y30a-C7^V^R!{*sE8&NhCp^e0vkdAe(rYP+`SwH zrU=Yz#<25wF57}pQ;cfEa1q9=*bbGmf7!sF&3)*?aNE8O>_Ks-?!Up!=4{|EiEl+jL}-( zA7?4GmY!CvwVRuS>Gj0$n3%|1l;O0)Y=tmjQ_V{%N3Car9mvedz14p1RfJpZkY=5G zadX6z-L^IAq>-GZ8u?L5jL`!b_=(VT8if$7SuLHBFnBf`IT(H6qtq$8>X^h&bqewA zWgFd6iZLdEcigGf4lN}{51%RsXM)2U6+;NpTQ5g-V4ar;QLhN!?kk8`wYFMXi~(vf z&`X8+`F^IXXz-?m1-ZL??5TwH~YdPAoCG5AMmuPJurvheH5ovX-TLLx2&HFIDWb{)BgTRD~EF>aR z`$vRIl$mWZd?EQ@A2Uxk=4s-eb)XXmhQ0!g&@6NentRd^tiuEC!oMdc;z!TYc~;)j z{tK)P@ul}b=om;d$U=@VEKU9oVh6}QM48%a7_Fuum9a^aYtzG594`@DH#Y;G(w#;h zF+~w+XSZRRBj)rFM_``=EH6gav&JI+UDh&lg!rEo;iDP4N6hK)qWuDS(ab^)%fxX`Axt%+VC^{9$3p;UMe(ETC~z%{>D-fUlp&T+m=< z*2h$bmS%l`8Qtq(X3YVv7>z+xLJ$_NN4rcxbJf<{kSKQHodNYvYgGJiRuR?|@;%3l zXsg+oXcBj~c7;D&act<3KnRR(*N9Klc-V1!yw_IE*nu2xB+`fX`CUH+CeN z^^sD9&04Pb7&OM_Zf3W28N;H6);sETGrz5QKMQn3=&9f~KF*p_Oer2`>tn>I5<5vjPSE+zVYk!fna5_83A` z{mhH$7t{inFK23fXbNZT!$ycfX3_$V0Qy9^n|mw0_kp7{#`&Mg<%A9~SR1YNl+*M5 z$;7H^-M0G%k#`7E&cZ^^_a`CAYYcalE&K3VnrcWX zj&6BLM83c87_sD>Aoww}=lhOYIcRwO`a(pSbh|C*QEo3=EB*Pg<56DDCc>?>VZJ}k zWy@#>ec0$D<#g_48e}n~VKR5{_}{+1Y_}z7IQN>DbnNBvJpTIEKRJ0`(imgAZ|kpfp3f}p}PbG+@x^Sr&T*WnGw zdLWt)C1%b`awJs=tAQXiw14Y9nV=F*AT@Yil3RW4$fLPRyls(4y+m z?tSc zpkSW1;jMKPtk+luJEsG>r}i3M_J$bPU&4Iw~L9YSE?R(kIp<1md%)}qEw_YMG}_Q8c>Nj!>aC!Xa!N}?LA>5GzF2FAc-_rfH>7<*-L!16mhLu7 zQ&sKVBm|%i@XUAjprO?fQ=GQrHY5ZhPD?^9g{dFZad;p@YK0liWU~ZD?XEe9a9kql zew5oHOwJ_=zB~fLR&Ws<2o$cmrTIg&7Hb zOHi@yPA)8Nj}5u#21!da zw_5v!=%Ap2eJ>G-O5RdlQr=RCK~oTf!_FdnHgVvAemcwfQ*9+P?v038<|6L89|`H& zX^BKGfh9oy?4z5e5Hz4qz?*}_lG&)M63A)z17rFyQNhSx)BGs&nk4XYORWsxfI#`Q z;T$-v3Im3j1K{I^zTHDLZ?KsXQr{0IViHNH9-rqkSudnys2Vw-6IjUkW={Dn0QAFVh*jgWES!1cS zwx&VO+VapqqkAcR*sgo2-Oe^x7wz{HEM4I;EP(?de7EJznm*CZ<{-P{CJZ4a$m4Ks%JYM zClRe{CZe39xdj#&OmW+%q(P>HaoE__EX*Iz1KRi7x|mrxD-%T^r3CY47Zzj^Ircp~ zaq(Rl~>QfWV-&zOGq= zpmm(H8*?+?k2A1*dAq$o_SQQS^)ZO}bB&Hi2{We{YXjZCO9)Z5^|5W+ejK-Lg`5mY zAW^lnHk$x<7XEnd%aQ;sC8AR6ZC#RvHXls%<$h~pW(5GsdB3g0T|{D35;XL*pXclA z{qfiVKHIkC<6~D9;Ln^KMb&W@d}>bA`$##0ht^w17u0$;^EIc|`nn|e^Hib1BPJSd zGY!ohe(sOQN#uD+A%zeXk7;}me0gWF@@loA)BYUEV5scwWv^zwtSM$4-Jod1NDrsc zd6eyC#UgcCb4&r}eT*uBTj|rkuHoai4~?3Zq%mM?46k9#no?@DjsdhM^@UT-g3 zZ_Uh?C1Z#1(;vSw(eW%S48G7nkgz*5FI#?m--8Ow{ZIfyxXB`#0=e@<2-xjqoyO~7 zM1=WG&;YK*vSnc|XFZ=M3)j+*vwr>h>h5Vt`%z#oBW5Rm{q_RlyGE^NO(_x4v6spLDn1UZ4=NOik1U`X{!7MQb@<|2^A%HK| z>R8tFc;9If8cdkMitVkh%c3gx+xm9DrKBIvz4gA{mfAb3w9yASUwRSDO0jtd>1Deu z5<=_7M$9h`;5`o&4nKf!_!-j3Q)ySm)`TB3&FX6Ih?LLfv9=Jb3&@nJ!+K<=Ozg%Dzns#=da z8JbQ+RL*8*nnJ5x0uS?;b^kb-*}9GHSl|1wf8GONGgi-*7i>06V_0t)203&WHoP~( zz~0TFP=`3=+{>~g7S^Z=PyF*lAsBP4XJuh#Q4Qx_pgieyv^th8pL>CNP*qW_!Sf0Y z3@D<&0;1{4ODac^5X@{0k1+(*>&Gxs)Pj&vD;M8(~D>-)28uPfwF z=6-plWDL`!V^~^r_Bo&~MuqGlgaH0BU35XZ{JT66K*E?nUy2SJh9`!|99GZl3+O!t z=%tuxKyAQ|=7+)Syi__!L>?v#Tt5SdBp30foh{}#TK9=apI?Wv!iJ6RFl)}D(}+Rp zn;wIi2!Y=Mr2G(sr<`V@eyp2lK;LMW*4&2MHJ%R|u=Bwh=Q9tOnZsnZk`o$BnxIq_ zcN)!L)c#zXpn`-+chtecNbrTL1Rgm@w4W1Q=3}soG|K2cw+U0rDsY`HYfd>~t(0=S zy{sXIa@3UL`)?0X2~h|YFi~s6%r%9)<-Dfb+eS=r(Y!`8mw4sL5Lx%nAr~55nD5c6 zTr;@26R>D()0w=zT0}T5rp5zrJI)8)7(* z(keWM&Vlni2Nm-PEU%@dB|hHw(T4R=_6q-EhykY~Gncb!(q6}T*7d%iu|`uHL{g4R zPN*Prj$_!@FR%E>O2NSc=eVU9vHV$=WM-wbZOyN@73OQ!i*5Y<1x#6wEkdusRooeld%)y^Eg0R0p|zs3TzwGwU~PD2S_q*{{Gn4 zC1FG@!m1KPV${d;Y;A1IvLD6F*EK)(a}2xRH?%q!Ke!EIoRJ-`x|E6*Ixh){#qf@& z6py2X5XxC$QDEj;;NA`qbW*0I`swj1r4do7-Q2KihJFu(xNgJTIq>bi*4jFPLVqW( z^S~H2DzN&?ma(nIA_5OzNY30b6-&L2a#U2S(2(5UZml&DS#KGcvNo)i>36)nZNfaC zeP+kwzzDOIhDW)(-(GLM4b@=X(vo1~g6yQ6H3Tka8Dq54Rm1DIR}rpf&09`O+#iQV z#eVe@`h4s$#jihqxxH+n;q}W)5PALjvfh?(Weei{R1M?= z&`ny>`7FK9@mM)pTH>-TJ`;%9&7VIG93+^R+c0cUF+iOVp&%N>hNYzUZBY%6eM-V= z?;!>(@nVjK$>?x*(hxA2OG%ly)xK^^-txLFeOQbdb8NNe9PyaKOx2x^v79Y0$u0zHs~ya-n8G<_ zPTsqLU|SBLx2=_4juuq<7$Hi~8MllL1BzO_$-*p{1P#Y#9%rlO7*ib0Bm@9YFXI8C zpy#@PXPy_&!~>A;8DrytD+G@(o0?hjVNB#>GOR!~q>FU}7$_twV~opxDdZE)1fhjb zk`D=(Gt3y%PD287eS+LN)#^kZ7e!*g=WmYgWwfDbLL;m@)@5ijBnV(NpUbY%M!53n z@gM?s3xkPi&}O_XBtb?qXg?-TiO4P)&wOb(IRcIkn(I@Dzq-X7(aIXEkAqqrW4P)J z{sTinSipw=^FRJggLYVmnTMH5 zfM#F}TbBiW@L7t8`crbn( zl2b)cD5DGlsBvAhs*3PgY6r{3ZCjU88t_E^X-Q~z5pj^Tq_n1-Q(EHjDA3ZyD`1E) zKOxen+iiJ#9CMRpmX;(UF{gb$&Hcx(A3?)%&rS|g=CWnDvO)@iRk9o6LSa%VM?+xv z{mTu+60F$pq_$z2f&_ki-}4&rG;F1vdyP>gNU3dGmz3hVEXQ%;1nqq+OHN7mvoP_J zVr~6e_z-Ym?*6i^d;y)#T8;dy-HA9bN`Fl{%)pI_DY6hVrxZyr>2O?*xHPdtj48HR zafY;{bnra+H>Hs;y&{=-ACICjeE<9VXk!@o=v|Zc-pg6bd4j6(c;7$1KZAyK%e@Uq%iP?|Mw=cx zCfZ)t-ukj;Vrr!Unkg#JkDZ8yP31$-fE3}p4RSLx$YiHi5}kmVnV)-k{rd9#?>~r0Rr8WQemp-O$Cqy} z`+nv%AxtfV5JJf7GSPUYJ>Q?@tpD<-pO*V#<}tu6a!oL}Q2-KZMLRDKb{ml877@n%6HcwKR9iDcUe{?`@>0>yox5 zqYpnyIcrf5c!~x3L0Q~9%I~I*6qIFnE%v*LsblcP_JEM=(XDzER=F$_j1;#!G;6e;!d^n z^Qam%<*2IVXsvc+s6pltbL_QSx0njw!263#rU0cpIq9;1`7E9!oQ9Y?wLbXhtI9 zv)+=Flbfd{r5u?VO78t}z?2E#63RHFYT_D}FqOq-j&5*Fkqk0oF=XlEnudg=Z$I75 zXuU7cRg27AEr9A<9YF=Fl9&QK6={v<(avXCZZWNTJj$%nnD+NGuaRfsEaXzXo?tlo z7$zY=gpIdIHTZD6D7Tpc9<#!|jhPpO-JfMQzLl9VB#Rh$@|=wN+-cKQPxCeG517c> zxc(w))+=IS3NSvw`O{Q7=cX}hOaYZWGqASX`%QN5V`tM3fMw+H*pDEv_#Si}-NSFzN^@-VLF`zyw1^Kfmqo3xpZk6=q}@ zt4`G=2C2-9p4Nt!z4hAjl0p!71Z>IiEUgYK3J3<-F>rZ{%6eZ=Pm2o4jKai6oU&rY z&BBQ2aw6D7ahu!Kl8LZp5P=iyh%mAP^odiu*MTMz=aC2^AL-Mxcg>NfiV~$AN`GO| zIN`8C15vP&~%MjF3lgTFU+&$n6K2FE=Uw6@#vb+ zMUY=InF@?PL`1AndNVWRr3Ah&HfOXiC;pgKJ zq$EbDWkgh969hg5^ODhrs2uO-AO8B2X6)>OV@KQ?wq5YM5K*h`eAarl{r#w=|KZPH z;UK}uce|~vwbsY?_Xm+LIlVvjpT517(nNSaim=?)XgXueZ(2G^z$Etp$-b zMr)&Wj9GY)cQcJ@?s17`7NeS(6NQ;rZtnhxHAMAUN>f$$d6Tp@Kw{~TBL`uoVa7Zo zbv|is2>QmD6Ibv3w!Xb=&!b>%wJe!Mdbi$t(rB|OW4bIts%mB_r7=e9orRf@MI9u_ zahzs$o@L3gk8$5tVA^v^>yq~Uylo2%K&ryig2gGSh+wmEzpcHGPqqV*hY(alit#KZ z#t5)I#x{M}lB1b{B6Z0L9Fu_7`pf;+``ETcU<5SFF&<|nqnr@?6$EVNVYf9);L>`E z5e;*UnxYa>X~W$6Fq;BFzJ5bMbJ)fu2kM3=9X89;29p$P(}`#lDQA8Ca&KkSv%Y?P zNlU7w_TDvy$M8@;>eXxoL{4}5?XT}50w4DCeaDRpNw=Ao63NMoLXdX$ z*7`ILDPRl@LEhf?>vguPsYpuU&%eEGCH;7Ns>sh@pR^E7bs}Rz?hTwg3qvu7J<-iU z;eP&l?avKWZBTQ4{P7u5c)stg_GvC6*HJ~5T)vNq6Db50k$Tk-Ba|B{C9_%ftU(6! zcx|q%%oy;pPZ%r7k>HV10R9IjeLMU6j|U8ukOmQP%!!#>>vLGlF~s2JqmRe?jwP^O z9Wjfyd}V(9I^3zA-Ob4yYGcs)z?Ji!$tlEusx=K7le$wodq{z7S>R%hh`_=c&&=>( zAlU{oD#(OF3K~RITOBA8>TS+BHE6wBh%u%JOc@Wu%AdGRAa2COcyx()v@WV(4^$<@ zu#B)#dY@}=zw3|yu>)Y*9@*h@$O!oMm_kU=&7jf_QIKva%G)D{q@$17XRpJ|Lz28j zQGWck*|d80c6RVK`}c&ZX zW8Z7)a&sG#miv?O&I0|lIT6A=+GHg5+~j~wThTFyoChE!vd|x15(@+ntu$5hIV^AS z^{YbaJBN`|ySm>hteC^nb#y}oGOy|`LHHw#m?A<wrQgRb#gOjjMTSLn~djl5Y)$K zjVaD)*Q@n9@H&I@DO);T6?6CYEMtt%UoXAA$OhYoFfM)UQO+dD%8a+Y+a0qncGr8` znHUM+Z1y|DZD9d@8PbSJRKL$~geGAsTf9ANY{O9O)hjqa0^SeQ9J4N_5q#!w1N)uC z1uY^n_{mp44D=Di|7g7+BA-r7v|20>26_Jw0`O08ysWs@X?PMqE@7piW#lG&el{)U zNH_1ns~Aq1IPdFUmuyC1!C) zdjQ?}LmpJ!9V|hL5&wPLO3;A#f+hIlrBlbxH1m{V>$CL%M-I>nW-cWk=Ou_iB+4n9 z--bw^zyI;;y6Q9|^4`aoGo?VxFjS@GeA2un_)b!Z-#h5`EYS0bNp0!Pfri5URMyRr_fY*t)vDSt)_Zxh2Xuw37 z79oh6069OscVb$}PDCLHtYYhspi3aW@A z*-CDG$O;&y^Qv3PFs!?KiiyZy$GPvDD&sm&G5q@YiXmV#oMvy2&CE-VA&5KmF|mq- z5TMJ4ttDyz;n;_ndoJnqI$P@@DpH9akNx#Jr`cS>?jXXyK3;J5*V-R@fsPK|ZefC1 zIjHtNqAC-Wl<1b}&uPECJv%WvK5M*h2MZl#PQSAfJaw@UU3HHz(r=EQyVIczM zM``>@{6MHeuN^^QF@{ur$A>}k2A(Pr9GtNq)?y*;*iRuwcIgp^=m*Y0u|ZHRaC8KfByFP{Q3IJKm9hwgtI*6nD+!+d|@qP zJl>z~p0`3oKJD@2F~|J+e4!PAnMHVi+sl^boGHiaxQ@>Q#z&i$avFU=UNy%|Ij%qK z^q2zjXRcS9X1OFYKfW#^ic!lW$Cb~hudkEbdmkxAcKYjI-gAs9tSTs~fgA-EDssGp}cz=CE<&0j_5oea>MiuY~Lv12N6%xx~>245KQ_OfdvusaGdvCvL41 z5q`tb$LMo=WDVhbT?oj-wHm@=BoU63O5ERznVp|kd1fM>ZH63DNoCJ&p0{MfAgjRZ zF#DRu%AO%Y`%W~+(g-iX_p8Lr!1K&3w8% z4Ev%ILU4=`C<+93*C!rVX!b;8nc22?QfvVW`x|7n*MN?FC(3t=pb~ z?BdK>TEu&A_y&6+PQ!eIWOQPlh-F+-8~^qiz*2<~;yX8Ud1QSJST-F!n2P}H1G^>k zVE7Vq315Glaywr3w*rBX4F~prFD#5547w2_66M)ZY9R(+!CazBShNX?&7J3I!$Jx- z?`rs_V28zDTzm-r55c($MGC==g?Ok`;%JkJ+XYC%MYx?E@aXm^>tMf~Q6YvqYe-W` zF~vDO<|u;tZInLg7&B#LT!yr#(Gh32=m%Jq@dWlZh*5{9eyiBA-lrTf6C>IfKNjDG zMvXBbVh-!dJx?nRiU32ctj`QmAC2NDX3lh>M1$yfRy^2|P{s?+EcA&=DyR zITS(64D1h&F3W1|OkR(>QF4oSgIuYZJK)mTs|Zh`N| z*UXV60BlP{GzK@H({W;~saWvuh9zKqn=H~!c%o=IiHXQr|Hr@nvj}6-GV>S$!rHfz znGvWjE4yusl;Rj8#%MO-U>JRf%C>DclIms?=q&Qx92OjR^T|x)t|F=;s&00iS4#1F zu&^7O6=qnGS-7NxuN^7~=7s$b^D-f=ba{_aw_K(>v$WpFoFPU-y~5%y#&MoY{eRUt zE$0|xKrgIKJI{)saVYr!>$W-|**sr$dn7!I#B?2%na)=gkvR-ko!c^YoJRx15>tTE z)ZAa6Ck7)dwy+mpuS=q83hoYOmxx9iaf>z}@?Ebt3+Fu|I$BiH7AHcGYL{DQ$-)c~ z%b4H+%ARlxN|60okfk8P+nzsv9p49{(`vke+CHe5SqR~}+Ep7f=NRGGMojpaR&rwI zVYAPvQJu*ULjef-7HOy|#x-a<5iM`i_*UAm$hWH1@7!xVT4olbjMFAA}4x23a@Mm7nT@xxmk$rgk0-$UbR2A0->T^|#FqTc72GX!PflmqI4 z@hX`+%10rGaC7{g2o-@pHRTALVzh}mZ8xu1hf=N{t=0B;?ztq5+H325m>D^}J`P~~ z=j&n-)#a{veVkA@AX6`I33BaLTfJHcsE9YD>&|Jwc92GLzD_sN6f_Epq>^wnBP8_r zI#Gp#)dE-Mt+DsdpIFbEXopN&f9W{^+guHhS&7b>Lgup7WLvRBvW6#?h7! zTXhww+ME((b{k^=I~;v(@7w+;EPNjI^XFH;`o|xyQlc=I67Pe}Ywf6x!pPXiFeg^w z+o;3LKmYcjBBKp*nsc%f?64sP4SKz<^XnXAmMxbpi>TRBY~PtS9)fDn)&`vAz=m3F zkM|wF@Ym;o=GxJxxu-3D3(VZ9T@4h(x=n+IsJ#um^2kCM-9iY*QFF=H(O3m`!Biq< z_wPgz;bmS2zJEa^`$q?cL#ttEXFvsEGzVb$Kp2Qqei7S1- zPuxTZ8i%KOe=9M@n1Yi(-gebh`kr#gTUvXsLq?*65I@XDA~t5s0qb1eBbJS?KTaGV z=u?9%tvph1@J-SRJ0ij#+|A3L@5xVWT5sLW@$NHotKEEE@y{Ro%G?ZMtI5$r3b6Cq zw3LJ0WnSMK7oh^uNbc@G1`G_-*R(YsJ2BB5GjDm?Y<0w_;9FD$mBzSzprv*835=vP&M1YYlWj;lvRZ8T~n7BhDPg{_1jrV zIHnaHj?gXCxkB)QPeTGCS;1>fe55!l+&tufFAFWppdjQwe5@-(`TpD&uf~EsYfQ{EbIh4@ zcK7qVLI^+Jo^Oxc$zR9$eC%jEXuao@aK;f)Z9N9ChXfnIG-EYh_Az?vZ*LoVxK-u4+EqI-VKrBUL&Cv!sS3-gQK(lxKF+s4Kiu7>^=3rW z&W2pCdi9utySHoXZ@ITo_Vn{_pRJDGClqPSoN^q~wnqV5vgQ%@-iMoO6q~lc732c| zx^{OPHrjAA=*0n)jyhOne=GQVVoCLAqYY+>DH2i6DW(u(NIB*laS__|U%!89)Lare zLH8|-NUhz?YwI@cFMoPBb68p(VG(l%RWmC&r5NB{8@BSsLJZEFG8F&9ca*P))T^62 zwns40Yujbe8gup;Q^fTNp^F)^XzrjVS*tL}MBvIHgb_ud-!x|NJ~`I`hKvj`L!olG9cah-P2_ii5~SCTlIH8Ich)|WQ`%D565qvnI8vbrX;O@rb5_4pttG4$)y|t@_ z6keYvqJHqShZJWY^{RQ#KxFGtzdl~fJm*LB>+@A$= z$@k+CV$gta>q$$2%J)(MuH1=O<+y6hi@KS^ zoCtMn?QGb$ae~d8Dj9t`(fe=D?NQu)j5+$mlJC>7&f)jRw`0@HtknkJSMTFIPSIsF zXW`@PM2Z8%S2yZLq8d|3C59M?SB=2)ZKpeE?mBC|`gyjP?HbIj2PKDrRs z#E?Qpiy4rq98-zF(aR&Rz@@c)t+;(+3VE$78We^|atb;0bCkC%0mfe;Ct=p0 z*H^>DIog=r;tinoI#!Da!+#aR-EM36-lyfQU?~bQ5U&UwGwSrJ(;dk|5PAR!0n z53vS>7<{f_O70_tiTPd#Lku7TL0pipTvF2MH7y}VsXAL1-SB0az)do#DGL`7IcrNG&c8Z%r8Dj(mpF78#?{80c+e!{W zYwM~4iF|`MZqAev-{sHl9z$58fNE{c&_dD%6U7))ioH*BYkkBe7h?#Z-F(bpW+^B$ z|9E=?_9Q4J4Em~rMm&3 zZ#lg^w$=wUIfDAl3FK5S=-I*7LUz2$~$u!KXS5B-Z55)j90gklA*BS~toPB!oaQkGoO}CTuwyLvhbXAV7;5c%Nl=uU z*?Bc!0&Prpx>{F}7-ZY>>#QuRU-NAJ|NEbR|MA-+rttIcU(j&j5kjx$bu<><_EOIV z-Tyj0e4!o8VwhhiI3z#5E@o!sIcK|CE=!mMODHj;1rx{$q%fbbodU#}f^?R8ar zt&p1ZK2&9nS&ym#ZJ$f*ju0?tQjrSMuQunbXZ`v(Qi%)d(rx03V@M@36FKFQwntG>9L44qQj|O6pM_J2kg$eT)V1O)fvln%6|V{X zAC0-APjWwBZBBdq*p|v!1mmo)AVq_)E+pOFi<^Jzk$lqe+3L}48WH!a!vTnfje2!e zHnZ)yVU7pea2>T>y=-~yerEf#!2Qn)&?P)Vtqycr;bSzoQ&w6$US?DRPcs*$m?N!R zAa(O)NN5ui_8hiK=$Pi6ScO{yQCACR{0`rYiU@hwpy%+sMO_azfdBzBu$p~Wa1$dA z0sdxRH>4~`0v^`;PF&iX@6Qu`!?2h#Gq0@xp9!Me*$LWoB*Q{tL`1VMzem3YWa4vJ zZ_~|@d3t_baShzcOzmtT=xqiNW+{6C=01mQkMi;R*Z#KKbgW@>*ypdq%#Y7gqofjF zU#p*onN}#1ee2bTg~=S8(#kJ!_vsqs_48o9Cq}3QnTRH>sS=MVRm(!Hu}<<6O&JTkEr(+ZM-J^Uu48KAm$4G|`179{yBfe?80yhVn&&WM>tGsMv2e%zKvm*MPGt!~oU;8Zg-8Kv`%|{nvl{Z#l)@dmkNE;5p~>u>(H(MaIjyhJBnL9IIuWIJ?Y?x`TvjO481xZdJ z#kJg*}?~0`S;0O25X}&ttX0k=wAeMa<1A3{+s$!OT8=w25y4 zRS9@-%d^;8z#O_McYnNXPR>j!GP<2dMWl?XUT5ol3Uf&b{#s_Bax`r7smA$mqags7o*)!fxBp5E21yn|Hl{-S$C@LDTpCBQQackDI%{v|n z0Ij);$mlcWIH!@hs=zOfbS89cp@s|{rLFd|<=5*hIZd}1L&=Gp;U-7?D3Qry%ypb%KprsA7{Ncvb)((} z&Tb|~0(y+`_&i4&F~{@kL^4&*5wq#+v-c5FJYH9?Jw$!|dM&=loS8p=enEk%svp09 zF_XqH+W7i;07`dvq<{9-L3$#y1wuhg;&OKeryR|F)Zx>XnP=Lszkj%SDv6ju&=FBc z8dGH9ua85R=NRvQdf%U0jNv*PvO(uGkU4X}rz^EK5xKb?UZcUCJ(5ziY1div04+h% zzLrNDW!rE+xmn&atdl7RV%i?%dRr^l9G53^9P`WfdbDbD+1Y z*FMcc2q`b_*xk#XQ;w=I(s4-P?Z?B+;ZHrjPG$k%1knpZ17YA>@dHdT$FE;6G=lXu z@PeGLiVj+wZ@rDj`<_aK{APJ@Q_!GHj3|!~zr>W4W%{j=I$GMm8sM z?#b!v;{ZcNPGe3M2{C-9PVx73yQp);v%2n7Cn5rt+^;T655YFAx6x|f9;tU!TwC5^ zDv@rYKvc@JVXXSgeLhl*U`a@D;23|YIWL0;!F`-PrVCqCZU854S zh}!g6(&)3D9kD3b`bHgK7;+Axf+lImT~;V)&|ESzoq%=!}ZL}TaJ%hT_la7-)+&kMsEHsaGHHO{^9@|tT=P< zfkXZW-8qCM|3^Y4q5lqWiMy-l@p)mzQs5d_|NQ+W!uwlcK>`xH`Ms#4HUV(Eii)tB z`Qyi9CG*aSyr^KzFK!c$C==`d z_22&qkbjEN++z$P0z;&mPn#<0%c|r69UqVFI4_)}V~mpX3Sq2`g-gz@^-?nQZBXC@ z4YgI(;N&rc?-c*7~$`5H4NVcDGV$YglF0+iP=q00g+R@*lL#`BHR(4t%_pc$D^biV+g?2 z+#LZsTTUgXiE3Lj5y>ealgHdb2xFQA`Qzi|4B(88qvBr*`ENa&s!g5Sv26gtp*51{PytYJHknYoqs>QasL!$hVyOnC`xp z9AoT#?S0HKVaH4%*WUD`Z!2< z^x13Ips$a^o!Zp_4*mG^8$>}Lzkk6!c^wxj!|28}A+ZQiN1NX+OgBHjPMiMYFFzjd zJMOC97OG0*5=4~A{Ns-=Z1}>wa1mWmkIanBs}-#qSIxp0lUIo)5mB%GuKepnEG*Ym zKYxCP6#n?zulGN_jnxor&&EK;&+hkb6pK{GD>zK z7$EmQ{g)pk6mz_e7NUj}QV!Rv&1ul?#~8M~#1wFxhM)kzn7M4_de!IK!`*Gz$FEli z&`d)xEvgDaW_xVC4`eVLpXclIz@YQ>>u@6YC1MWnDFTj#_Z`y}rUzAlaAMSfT2`M} zJ_U=-9MGB~)01xMc#$)zB0-?YC!&yIN5Hf;&-BNL@9+O(8{sG!9%Ll`NQd1ffckj^dnA^? z%=OioNTZIr$Oq&E*f4e!o|vel5@w(M8rxfrIokBJMWngdBxYtOW`Wp@Z-G7C?r_4F zag#{59Rjv;fD7dJ$ZF>LZ~y);wY6Kdu`pD`@C!@p-E77X#~3)LLeSm^l4#8>hT!I< zl-KLnwt`G|)C2P>>&0=+t#ud{&F0Oa6J*w)a(u-oEi+<@5o5H5kW-8yT(x0Kf##tP zB!@;&cqqIqC677rlWiKTp8;|XA~S2fnOn)p-BSwZS^F4o?~k)qd_GwBiRtZq2iQz^ z-*#`Kp1s0H@AUYwfd{}7z|1O=_w@QWV~+SoFn@2)f+$~i@3li?<7OJwiO$z~e4O|Y zrmf#Gv;oU=S~uVZPvg5V22e_bmvgZcWb8uj_x1BjGH1xW&oikRxrVhX6;!7PWw`_MFkRON9ZCDsSaG0 zmf+I9IV`#(3-oqW<3Dr$>qh z&#&|Cu@TXnUTaeo^a(I?PSJfyp#YHr{}$m^`MS3zCE`wtdD{64G})iDk`;hX08osGcs)os*9QSJ>x<`ufln@5OuDsG2&b3^Y!b9 zca-7l<7B6tLrP)W%jeJI_&j@sX{-SWpL1d&#EFT1=nzB95m-Udd+t;t-{ZDUY&mVt$x_eCV>(|%ub-?)EYG32pw3wm>saI2#<8}W2pTCH_T_dJ| z4usKXyP62wocdi(L}bH`uWQt?oLX%H6YX_uZ^g!(V+wQ0`MKwk6CmE7zrI$I(n|3n zCyF`#{_`_$X`1ctn?~ui=Pkz^LzKs};Bv|(zCKPY;SSAP>#N5e7Pl0ks5w5*-g->& zI%>)hWhU-kk1Ib43&j$hD5NlYFOP!oWh`~b8AKE#5~7HRR~SnWW;0@@7(=@nImH-T z?KUSghiJ=w`|&^_K&yR!6zrBUg|g+cXEO&3NeS{ z#JG9$t z&0xlqiNgV~I+C*Bmz5isozq45?axn9nP&a!At}hi5Vbt=4TTaeJ5a#_2N#h|?``xp z-Asa>uM3J7h{)j|y;bjmO(OvE4*|(47<^(3|Ob}Ek;%IOvf!T&gY~^pd-`bvq&O!x)KdCJHz6!G&;4L0?uI{sL zB4X2-xSk!(1XacDx!^M*Rb7nS^zXnDB9frkQSlLhSfIO+1KJ@7$KeS~DPBkYcH*MH zh}=_3_&mSwJ0Qp8jxiU*C062k_0cC@-jqY$lLQ%Upegwu%L8KNg7|b6-W~-peKsZ} zVf$NI;j@dcaDi;pYBTJfd1i^*Aqtk@P;m58(6K9^04*3z`t6;c2mn!Ak^< zcT46t@3~5t7XSdE1!_}>xwcN^DMpALA>~KZBTQ_FUUB!&uXEcA_91tlHkqm9JVsYh z>^?xM_AQSwTkon;QgSFaqG}Lg$|a3CSsCFcrv0;!N)}z&<0?>^qygrVYkPr9u(>bt$7xRQW7gI~P;w8d%tXW~Dx_8^1ZMv8Z*RZ< z`~V-FQZ#ebK<>dn7}sO{`y7!&oj^v9wyR@f_n zbAvZAL`4V*@c88?PSO1?BqFL;HCy3k7%vdqfeZsfPCr3AW}^>Smg`aL)l$iCzdh%) z$8!hm_WFE1e>{Ht`7Li*m{X2tmWiV#!E z!OcdSzIL=riz+5T~aiWRANZMnQCot_^@!R zJ=~)YIkB<`fBf-!ycgtCy*^IR^7U#3d4lHksQcUIX6I2K@4KkXJ^)nW8=P~-ErRs> zF8gyMTp8P50Ew;E>b`J3qI>*sZ*}aC?K((IF{MaOv4j{kq!5Cp5+83{Zyf@>v_<55z{Bd~Zr0lv zePW3Dww&?`co`u^VN!)B+w+!~R~rq`?pY8= zBILM4+-iUO%X53A?OD(njAuCIpel3NopH&+5@fwl?P{yX9c!W!j)j;aQc0M(tu|r; zLy~g5jtXHU+GoQ`P+@>bxIPeg!bC)l1s;UM90S1*_?xj_qVOc7h)OIR^~{Wb6AfW> zTPw|)Qou_`a)KL#i0{t0x%2{ykz!DGAqL@<;^juOo2q~uX6AMc4LZB|?WkT75hA!h z+u0aaU^J8VmDh~0U7M~kK%q`f@MVz`nbU2hfSVs^EdCL~{MJo)B|c+M!^@1 z1%qgjRM-=)*CoQK#8!JqAtZ$v(54A9%HVKEKr)9&N}HBSGBebtkTBxZh)7iF4u^De z8#ad77?8Cvkp$(tN+@s9iN=^Ah1uum6H_oKT#X9GfZSsW0Epce3E=*{L_zV6CExqi zMON<(UVIj=XaDZA$8t!{09;V50AL<$=csrkDUz1yzK!_`PFd z@o23PQOOAkw$Von(cM=Ap4>0FY9HgSZJMA_P$ee90B+3;Xi&~cMS*>~o13@ZV+>ba z(KlmGC+}nY`0;?AY5<&Ijyc%vU>;-2B22mLiJ45*@dEeMJ4k_de5K&BF zd)w;Oj*rvb_qUCRuCJ^2LFB?5OB`+f_@}pawd?32TwnG1r@bCcgY-Hbv03iN&$B#J zNFi+@B&|n3KQ3r7XE(?n_qPpU;q|D!jTl4BQB=>@)$6ENPbsLZ3@iveh2^*RXA0ps zt`x%<^T+$+y4uxRPSMP++ER{0M8cvx%n)O$QAKsSiK;UN)$?`56y{tn*p2Tq2w4`c zR|AZJq%bIX*4jO1h`KHTr)iVi$0{9M%l#NeOu~Y5IpzSP+sCih^SRAAgKBF%tsqZ^ zFs6?cOeV~2%#u=V4frBxrPewz;YWoSuB*lviAY1JwQVJ1ttBF;dT2%dD=?(1HSFIp zhS%#VB_V>dlyqLLlmyLKj3K9lef#w~nE37O@%i-vCB@9O_ZWnjYwZ}LnPtvN#3_X_ z=GW^)wg8%ahzP$n(5@7NxuqPh+H#J#z2>wr?RD0IKmd0puB~6aoBMUOaEl6X|Gs{m z^=ztIw!}=MEq#uvUPpx~rMFSG{M%pO9`AeEb3JRVJ(W}*SyX@f%iI3kRJFB!eqEwm zk80CG5ID3Jba7XJK|v8?K+6?oEJW-P)Aq;^@5US-Z~JJYw_eW%PcUe)-bT#v@xIlg z*4k1|n$%a5F$xETgb68iW5yB}5ICm>6_(Kk-C*bFeI>F1%@e+vVqS^@5jYv#{rTg8 z!ER359>vX%&*SmF+q9p5`&IUmOU@;oU*~mJ5t)6!>0TZsM7@q$w*2#tkJ0-6ww<5n zfBhf-RJMZ8+00UkV6idML68p>Z*`OnW0cf7zCO?Y_Fw-z z&1!2Q1RPK17IQeyYr4H&r#netXRc@chJowVaFT0~l;h}Q^igXsTiPClh+_^bSc4fM znA@Y|E%nxONvR}=gXPYaNhQuXQHp{)(#d-pa8O`c%3Bg)jRBwSXam(TB2u<;y{;Gn znjFYI=LE#j-BV5?oJ(%4|HEF%JjQUNIR>tOoR+=yl%o^%+GU}4tI8eyO&VlQhdbG( z)7{kD&Njw`02;FUm?Dw4tEU__FcDg!e8~xdjyCWZujP{$?!e3;s3@ZclgL#SF`8(# zV_8c(i!Ak-d#gR>=txZn0@%;pk=Te=Ou|yRAk7d%L#qQfSIl9FeC$@h5Ha&;LsR(r z<3;X3PvLbjGvt~_+Z{-22)eOhgbmgnp9IhDM#YiWsp-y&I|+Vv0~VVK#+b0l8s# zZ4vE?O$HC*yp6DQH|An#H?whdTehNQgu}V*PP%SJYyxg~*gs?cWSHIW)SaY&{PA%? zKH%olOoH?}eEn$13U0;#o#=vx-!Y-yj~RdCv$Gra96}DP>cp38^lbvUpI1V9@93jl z1I*FvHit2CdzONK(F>|~+Ard8Lg;O&Czxd=-QAlo(;|&k|KXy*SE>KfC@EtO#?XIWmxiFiV-6v2TTVHal5&Yo&dNZMu|JJz1I2`WXcSQ?j|>4ls@E_FXwcbazn>n_ z6`|ehAYbhsm}Xn;F)i8=5AOcHzyIY8GPu!(xod>yn%gyIpEhm(v3>n!eQK?tMDu>4uS$?BW zO#GPl5sU)~K4h7_4!#@mAjeuzgxv?a2y*dLiu<0&m|ICfCB>-11C6R?wf3*$eC(SD zpI0R!VHRE2FEgWO8mi5{Tqto)5Lq+l^m?68lp*E}1pPX3RE1^B8P7n9A;s|P`AH&RY4#Ot$yY6Y8h&;srZ@1rlJFv0hM#uQoT6d?Vj}%eW7}TZ* z)!yg+$i0n}!`qJsuKhp#_5HWMz9R=CM9o_SpT0fI^L@Y03V-M8*9p<;7}LhQj#`h3 zVe8}fFT|&uuS^c4p3{@W9>oK{;*G3Fquqjl_W z+oQA#x3v*s^O#tq*KUR=cLum1D&J=@_{df}Gu5-&pnHW62nk_&S!%)2%Gob~E z+{;#e`|FRt{jc9&pQi}TY4yBBq}8@PHeqIw|M~y^ud){y#Zr#v*ZJemZ_ghO98D=D zfEdTuDI(|Vg5^DgkV-^D*5kRQk|1#@TiV{r{%rM!<6ovWqaU7qg+%GK7gtFz@ zIx)4{fpcSV9lgs+^(HXSv)lI&20ti_87ZgPM~Jc4G5WZtPY*%QqvjH02wN$wcAr+S z{`TV;Q>a%5a|H!IuQUrm={S8O{p6`c2xG92ygrUmN8U2#r;xPO0U-w-kJ+c0<+2nM zj~_evqG_(9)uU+?1R{%|^l%Y1{puR@dR2gnn5}0w(N$0YUCp3`>~PA& z3ReR&GhaswK_NoJ;PxHx3QYGNLj_~2+Zy75`Xd08oMH&za;L3;UG#OxvT!&vhY;HT z&(xcBIg%V%nzHC-2DnFLlAK~!RoCfd=3)N-Pny#+T}3i8!X1FGKjr2C03ZNKL_t)U zZX)w=)jW$2Jjpx}bU0v8mF3>=*5OVeMR=t!T)^xZ_c0_iF)kY?{?F^#Z5Toxh-vmY z>R1pP^4TW~EA%<;BBCN--b2ZWYAtRNZy*uXS95dx7VT(wdU4&O%nvaF7qMpJEdJHB zT&8wbzG4R_T%fQB<1vGkoQQlHsJ@VgTwMo?%BVwv07Q!yi3`GsVCJy_6+YW=Xu4K^ ziysCB_;Mbv&45o2K}Q=HC7`tfL<9#laHXlFdbH6Ej(>6n&LpL8qGCGdD{y!C-*VW4L5U;DjG61pNQ@E32WX@)F1OZV(DSG%#xdu-;#9CS*l(q_4$x#Sv5z_3K0gl@2~nq8 z-cs+_Fp8PCI@;Oyd%cOQpPouYx1CA~A)K$8N&>HY_F47} z*v`*?JYv%KU+%s2*=PHqD9Im}={yvS?1zBnW1Z7#o1tIO=5OIc7UMRH3akn-i@93UPNEW8(gZ zF}yy{yst@&4TDz_JHC(t3nK>?TbdX{P)(pWu(*3`18GOh5`%7ALJ2j-+_!?S2Ygci zl9;U&>YP&VErhV}WTJD<7}k{l@4a0B7PyU>XpDK=3lZf6nxBk5zJI%`=<}>8#SD}u zGZFPMd+&4lS?j)KEXQKRes-i7pgjv;XJ(9CINOZ%;~)?*6H$V9ZD3nwBX@854BYD~e2_qT1k z6);N{LWC%739GGMo0%Wa6E!rLo8&}Hxnzh3-oM}To~BtlK|nVoz~_<>ZwDJ+2s*~- zbzsuD;!E4Oz3&>95`&3Sjv+-=8GV*5X;g^l&R0c=k6IJT>Cs_5B7${H81Wio48BB$ z?!YNX*%G$s^*B+RVvL5hCvK5mJ4{``xgeDOe4cLp?bmk=+FP$jegEYxLMqt*uLtd@HRs34-aM zyC2Wfh7o#K1lcl;Ib+b*QIS^D#!MwhP!iIpaf|LQQAF6ud+nI|_cqF&=QL!a&S~vv z=H$~}j{_qBh>^}$&0D(NH+WsnqXE)N%q)aS9zu%*me8=cknl!hX^29q9u-$dD(QF} zxbx%M{VF?+F%d}IYXA1j{r7)-;D7G-Eu;W8l!%NmMz>rNOxuuJ5z+CiSaE-yPB@GC zGCo2bG_M$7yf7?IQGBDIKOX1v>R;hKVvOf33uU%3UR0ioi{tue#mK@v0&kuB0$rOF-YW+UwEKa^x*z zv;8$!wrQ!vIjlZweN|TJZR9PP*&Gv&ObiVHidhnfJ~YVUDhd<%`KqJM{jETmU0*e( zSdW&sgw3Ri05yg_1kzdNg)Is}>)BFH?tZ>1sIL%KjWKhMAxJ%&2#-GZdqL#~L41fh zF19Z++8vc^iqKx8tvz2Yrsed-y&Y6=u%l*LHKI9QBzlH14D1a!xB%M6U;pxAh8XJ6 zY&z5e_Qo_|o|w1NeZiz?ec3>+IIf?&hh)^VPo6Mc}JsS$x=-Aa%nT4knM&BE!Pv z1tyOzSFuC1gim2@`NjUqwF$^4q-ucXKT;TFE> zK$2V@_to~mrUHV(n$p8skVD=RB!YQQhzY~i5q~}CQULZkLkwSWX#ix+VR_F`vf)Dv zF@WWWmKgdUloqU_|MlPg+Qu-O_?=TqD2uV(b9dY^SPMYbpHdW&*KxMi&sIyxX4d-1 zIsg24thCD*RiyP+(h6b}VY&js#vJa>#3kpsBxQs@q z$-Ji8%U^!^?Z;1yLO&k|E_-syTPiyQ zLWE_|1S!_3x531{j&^p;KHdEJao*kvmIK24g&`v%=sJ>Z_G4$E2mC zoa6C0Z(C_+iyDqcz2CO~`~UhkoBr|h`8w*a-`;i}Ja)b-d#7WR7{hn$ud|*)&9u`o*b)d8?jlEratE zjD{9}x3GRJ}NC;YM$G26$9B^l%)&?`b-L`4=U;gr^5cD|e<8_pjMC9As{dF94 zfm35po0e0abE+T=TM4FZ4H$>CK2nO)ET`D}C?y5e6oa|PpemYEQsFUYt=-*H4A8>G zpwrA9riF%*F{Xg>9icFAhC$CGELUZ(fBy5Y!t@`1`~7~~LeM!UhG(j)#X61(e@#lE zwefb_z*G%EQ`9+~X+f{CHpe{U zHVyiEoYQQ(mF>PEsuL3(5ou>*VKT~Fa;IDpKEZajdbX4z>(Ylw&;_F@vLr)66fvxJ|QR7}#i#yk#uSg{2;~)t0xMb3(BN z^)?t*Xmme+e}t&5Hg`{DWuoU2kHPujJ8f7BVfGnBqAK*er9^1?2tm|t_is1DE-vc%YM5xm9Ed!Zs6pnK z7)h2}*>45N>fWZ!sjBj>#<8z0hTw!@>chVwCtR zCtihx>)Cr9K)Zw(V9f`<36Jafs_tG&>b*Zd4vZ>849D|i;n(9xIYBpE_I#lg&D`Al zcvXxi_j{RR_BQ97(Bqm}+VZGFR}2=)f`J37?71F|nU7~ZUoEI=(rQV^!E>@ZnbU`v=mM6=J?=Nwj#%EY6McDAc)a$>gW zqYu#7Fu=C4TuBlbe|PmQDtSv9R}Jb{i-=JozRqRO$LD!`o&>R|AzYMci8O|p2VL_{ zX2RPz`)ubZx7>~{BElSVoL7uDUYNU=JqKO-Iv7}co2cy33}99Qsy*rubn=+jiZB`v zQ6~4=#wF7Nt!U*p;R(Yko|mL&+O(KsugeGoUJ6M6Yx{gfOoG&e-2yXXd@%Z4f{Uvp zg+bBWXE)4iHRu@Arf>I6(7iwq0tcrG6C)`MCS6)y3&$P|r@_|5C6bQ z0wVuX`p!Au-gZN=dn^Cz|M?pW_c0|1!B(FXnK;utO~&-b_e?Y_O;_Z-82{Kt>a$5B#b z=J)%pwm!x@Yuie?Y=XRP`Ei`zzTHDw!$LDR@>Y9Hq4xndDii`Z&hXEW4`PQ1;aaN= zjlt{lgeNtXH2P?*uP>+BG6|TE2IcOG+|wXHQaVvCF_(lfMo{T}jxlnMOcaBr5X^nw zO35*V5Hv8+ec%56+fPiyVbf5R)<;g!+y$vwtsZbW_=@#+12FC`Jv>s3<>we=JO%7_p&sD3^Vi~-u1FycR6$Cw6Z{51dg z@x&MgXHZJ<^*BW&MrD<0#wsKXZp0!|FTgoV5L+tDRk4je@9%p(n!A7h(>uf}dYZ|R0 zy$wXtE)ku%4Z9Q#!#c8v-u+VOeLIb)7_ zi!p_Ec2RzPoa7GdQp~ZpA`YIZQw1EH91yP4?t|GvIfDOl5&hWB=C9h4l`r?jD9Z!9epS! z5p&+Z@2w7BL(S#luwj}4$c%VgQGtC;&3hfbs*@3OYA@_m8QxZu_{Z}EeoYoLklNYc zlZjC~8kL~0=ZP8sCVt$i&==rGZ+B#gh`R%mir1-%z_mXnjHu&bo)HoFn*5saLS-r< zaBVI!7&8$Rys@9%%;z*X&SMH!uL8Y?FtY@)F(Gp=TS9s5?)Wz`1v2^yLRpHGx#s<< z3cW+GBU~m5JgfNgya0F1OznhSgaG{MXOAh)VNAp%?d+vwbQEZZ5RSXwx97)k`AL=^ z3^gKJoz{BZ^7*VO$MzKta8>7i#dI(;!sebIN7>Wp1C9M?gGI`o@U-jt<|>>LsU%tE zL!RSuo(MUD2%<94sN;N88`kTHDV9B9rNGOU1FVSRD8>h*>wPeobOC<&f(n`$5x(XI z^*jMP$s`Kl6@d(aI-Z1=?kLFY(}^xIJE8bSki`mQAVxJZ+O+A2frB&-J`)^Ywk+36 z-8cHeDNEm+uS_Q1d`qp0$J*2IuT4Ih)4kcL3 z5q?qqm;d@tC1)oeW8l$8VGZLn%4;)ow;ah3wG&&P8s<@Gvl`##2i?nqTz@2Z+&ti9`3i^RgrpO4pV--piL;i+5kq2%;0mCIcC|C zir}yaDU`jW6oKk{eV#VWjVAPMeX1w|YXBAg`2C6G?Oq2wtaI^kWwZ%pGhGYx=g%W= z>3lY3GV}K8#5{-fb6jmMr!4|5p+P4!m&=Hz*wP}@250DkcsQpNd+p>TM7{RgR!U0B z`rGfHaAov9zrWv8P*uI{rH^^mE-I~$HpVnNTN9P(HqFNxGKoPE$pi)*cwQ;PYsJU2 z;t&G99TamjKaUo3!~o1z4#V18!LyGgqc5u~L)U}_99Tm*!ZfUt+NRCvV~jZ`_6A!? zG3uYbz2_8vdB1fxLQ3xy7Vqv;d8-4LQ zTc6XECFdl}KR=%;Qc7~bzk%W&Gh%HwCX2Mz#~Axo@Wh6o&(|r8*c8e+13fnSfXOYT zkaMbSFcTDR$IYK%$PI-O32q0}TPq&ez^ipL3n@H5UhluY-M`&O z?~on8|MKSUkB=9j6;A=Tj))NXXmFd6ySo`&@_Z@3-Dyrkvy``7&q_`t1Wy}_ zJO%83Th8RNC-7DFd$EZ-o?nmCi0Z38A4e`oGmw*H-&>D|yfReS@fGL21v9`*`$;P&s&uHArtWZSnqXN2_x_t47`43OUgQ zeKNDr3?0j5F<(AfFv#6JUdAnyM;alxUB*a&ESH9Otl>0ryCH3YtOZ}gR(pt=wmAB9 zTDk>tGPC`j&!dU*@u=ssqD*OZz;E;T{Tb4d_=EJCOH5l_6@ocA#T@#vBsADg;AP{J zC8zy;$4E|9$2rQL&&SEabGW;2x7^z-CDqzR2uuYunZ%s8*lHJ*ISiSsw(LomRlBo8 zZ3449Gw=6;4H6Uzgpk}zj?0(v5mRc_6^e9aKPj`Q3YvE0!Q=Yyr752whVyx%v0NFH zL=c~xM}=@}eV9aqxMgM$+3w{_5zf4Rec{Dx$9>1dwSxP(2I_3z@46=by$hF#W51vP5W<=VraU_~IVqS2@_2gqhkHm@P&A1EzU)>$BB4*~( z@MlIHqYoT|A%@#qA)*i!hiZr8oY|d59XUsG$CHfzKv$+wfGuJc*qnTNKYMRuPHSfm zF<>Ox0aH>$wnNQTC8!G9N*8sThV`x{W#V=Y6v}g$gcXGgtr{~swj2pwVHROT%9t4w zOIRKFXaW_{dX9=c~@KAg^-m(I6H_N^w0q zrlIa0qK-C%1%9LRSvBaWgP6_yeAe<-aHZKW37WTrU>DXE(SmcWAKi_Pk3&>b2^th1 zvjm8tGqh#cVA$||&(@91gXosiUP_Ab`8a?4e0+buiwMRWeT;1@%KZ5}V$_u4Fspq$ zj~ZhT<)bzt7G=zjvHCP5_>v2AhykPSi(nn#*~bzV$K>c^b|WSb59_O;QC=N<04;&* zvxOW0GK)E!&x%ih5$sBS9(CKZtr2O*ijbLV?J7Kmk<;^4yIHOM+x?~(ax>T3Qw&F~ zsG$)P$hbLd6&51WdPh|nLY!l$1|p9k#jWNfxpt_ZW9arx& zsPsPet-uLga>^+lt+_cyJ98Q?JfwiDN{B1&vL zSlV184OQ9i+j-R2=Q-MdKe)cy{e4GyI@)Y!TjFq)IhTA6&*6UC=-RwMEsDb(XAuzO zSKaLQZ+8?TsygT3tK6?gi`PmJudUa<5GBI!oFOs>o%0w2D$+4#2qC6uW|;7u&l7{# zlvB*1+)6teGpQ<0B)k=QOW@=@KVEap(Z~JU4W^6N=PRU$QYn|Xz^Pk$e!MP^JLN6? z{`U`Z0yYuevff4viuZikf6u0up3uoPYTgnFwX;c-c62<|+a7J$Y%{1nA7=!&#Eggs zqHx@YS)a4DvE9n^dEg5>+B}|TF6n%>*T)gE&S7(U$}!*2!?0XH>-+oe0>GQWo$`L%xa@#OTbz4#*o3>zXwb`_kqcDH` z{@_c2Fy~Au-rx4`e|lfhxy+wGpKsr8qLNDrLC3UKM_d>sW#*6;ZWZqEl;d{aY`U=E zXfpH1&sWOv{%y}CwX@@=WA6mz>UPWS1S?d`aevD(hY%1R>^Mx?F;qF1MVqZJNOxon zbV@`yNaRf5lQ;&e3+tis`TG-oKELXWm?Kiv);@tqBg(sxRuH5}kU8cYlZjX4lW^V= zhTJeJptegXh7^eTeAL_f_WC#l@oge31m4>5tYuIA?5k>oifXzqMV5pR%AQzQRYAMQ z#v7^P#qE>nE}NwFR8Q=Q{FQEe<0Qe5n(Ri<}7>0Xad^+!bFxyMQDW;I8F?@sQ+`! z(WVBW)$0)s-rfi5d$7Fm&#iX%WlBc#54j@_9}PNM4?%5Fvk2k~w4g*xPNNQiwrwD6 zq~X2Y??qLysSsToKfB_+mU&=W2>N;)siao>;!8TDSs>4^!3Tl`))RHjp3hesZEW}L ze4T6l*e8Ak42JNY#2C@8cOYVeF4sE~igFef;{8^LsGTE~INBI>lszLj+&ma~d}d_3KJ--?JFwc_(y zaf~Xz{rIe{;o88+a7;UE!#o=<>JZdy{!u_*K6D%||r;eX6pX1Eudowe}b>&ez9rrWj%j zpP$cdD}BrmbeapxB{dNy!V`-lm|5l+MAXM1rw~FP3%xHQV3G#WSl8(>g^S9T&=h5f$^L)FN1-n?(BdNUu=p9n{@#87V`}+n($LsUJ zQhWAkW7?#Cc6VaXdoQjOKKH->zrVXXk;j~l#|f|S?X5`AR3dztW)`CU{)&Ls(7hw{47}A}J+zueF1_SGGh% zcEOz?`GdIvbG2AfJt}HJsG^tT*WHPF8*W~~j9cv&JbPfX&G3EI2kH_uXX6AWIkDsqE+MrD% zKqSwO4;@k;Y-{D>3#+QefZU>#LOsSDmbYAAwVfjbnbT7FlDRL9?t(qQp+06R!7zrK zE0rmxAj%kQl`SGDI+ut^YE1F-=PTueO*jPWd?9X#2zW}A;YfKygvdI_+%IcHK)=Dv z(D&vXQw*pJ7e+k=oXOa|`=t!T@U^$j!YRjkRE+^pCM(>SVfeG-+Ll<;B&$nOh@4wtI3;rVh%|7y$aEu^l3A?+z9V;t((m;r|`;L7-PT*fb^~q0u!BUpP*w5biFFl$3P4UN--xAW+cU~ z-hhaC`G%RO^&T#&T_1y)x23KrOArmC37EhPWNAbd2ekQDaJ}j80S$#P_W*XVh5&sH&MaMv;dEJJ>1%}wuO|~=BO)@p)mO7IiAbZCJ&6h{3*@9Zj4?4>g>cL{wY5-)|jB zbL4u3+~L>hOD0ZlZ~M>B=j*7<)Y=HwJ;%f$C>jh@W4(`@)7sVyIO^#6I-rS9Db(6Z z$uN*XQ`dTz)p+Y1mUBGL_WSRjuU8E*Otas9`@G+`_qW@e6ISUtt&i#MW>iunTH6~Z zf)XPn#TxxMTOTu~pg~&e5(Jn6j8$;3K7PK4IV2^gcCJWZUqUVVdH`}ssYGO#5(WWt z&OUKf^wwjJxTWx=z-j_Ri{&XM8e<|zTal2ZqCwly%3fGFrsU>~&{knpMei3=>~(-` z0&@=ZqpJFP989D^T5Tysgut8Gb;zhY$Px<=3M%vL6YD|D{I1K=B}i|5j@jGLsHw#F zU*1?aZ@IUAJgW$oTbaXJZ83%f$i2$Xe|*B)`^%rdef)TQ{Nqz&7-QC>#Tbvrx$R}H z@XLj|L#1V8C@w?P=g-&cQOiAJCI^ofUVqus@u=kV%P)8254zF5=hxBTlbhxtg=yx( zpFdyU{`3a30W-gS+ePK=`%XlkzrV=I&FxF#bSTtzoZO6+om_*29NO7>8)*wR9nVaCwfpxSlLe@KMw?fk zNux~`7K|as6lLUmi82#u3{ZVwk`4Q^yT_!X4I=L+jL0WUCbLfmCH>kM_dZwz$zn(q zn8RY$B^;gB&K^s^(g1*_FFN7J-ycf_*Ps>?Xy?#E&=r`CG+a^XZ9y=D%JHn2(E=pZ zYA<`ag5D-PrZ{Pl^tZ(5DYUbr$Xm^!Fn$YMkr+6huWIhXZ0^USvhZkQyOrZ{h6q>d z+DU$CuVLH6Dt(Qpe66X77y)V^EvgDJ<(vef&1oUXs_f5>%5_eR!xh3Ly)NPy!?>{S zczQ=42*DK*13+8_3E!vz@aHwGK`&;sPLxaPt+(2tfYP9#1uSZXFb*71WhS6<79Be% z02p-TEohK>c0fpJ*_yq#-p*F`0xlMC-A9{f8vXi}SI^0`d@NxtkwiJ=05<{=vGVA~Dn1>wrBNpa z1PGf4$&^4kGU|1qlQ6l*s2-~TW(MsS!a2HRgt_G;Lb4tuyYcn&LYhw)Xg`mo3=BPU63@Xp(i}wOdTSj3 zABYZX>niL{XRUKuiZR87$N)+OU*Pj>XpdruCs^PCQA!ORlDp#;H#0XHa|kg8MXH)o zAfj5^%FuShn1$~`1uMU;H>O*^fs6vEDoT{#Td?` zu8c$D4D;I2O)qnmA^Lj>5SL_=m~9yFZU5=1HJuGQWEE+Be7=tF@AvO-_rL%6&>+1}2oh3? zZHyEnGp}0q8W^KyO$eV>7_{kB0~x%5b_uSHq!c=)GzZ(Uf*mJxiBQp_o0-2^V+9Y( zZ_JUeWKArBzbyU`3(br13fH~{eSSPc46U|NN6fLl>UJyjs6fgHORFt}z?V=Ey$9s2 zF@?M(T)nOK(PwWRgQ)X$LKYID0$+$S1wXgfaXgRXQQv=gt4Di%9;yn-!Q1=I&2RU; z9`*V03PDvR#TbIl>CB9+x?YJna_#ZmzMAIsVj!M={CpAd?b`;C?(Fmaw&jw56|ZM+ z9oM{q^3ThD;i?xwU0jA+0&LZ=>A^z_f3T{ zn}?-AW7zNI^*oV|q(LBg+HNJLaK37}<@0fdq#=fK%T5k=HDnw2Z~N=>3^B|;E@ou{ zd#ATH`aGZ2&A$KoPDt)M+Vk=H60E*`+gD{Urn{-?dA6Vmncw5%30mt|aW3dUD5ltJ z2UhQVHHiLkfE{8W|l<6LfB5Axb(HMCsD<$bY1@|(_t0x zKr@Eb;=+gpb@y`1F-ORdZ1{yqneFHys0i1yw*xX8(;%tDcH%>cv(N3Gj?W5TN(h4Q z9d-!4bpR@!A4kfuw_eW{_ z?cu`ol`Z$ym+3sHLm*(N{KTiB(r|3Pu7Nt%0;A7dqSImwLcNV=0AtkSS<9_l!^%e=Rn z_t2p2?AZ3JDrO}Z$;T9GUDc6anP|%cJ&i?tE(HsSWV27W0&ed+zH4AuVR47|0fY9@ z#^@6jXG{^m)>LB50Z$<6a_2h`tW5pH4wBe5f>x+6-OdwF>}>IL!%!;{ubC`U|fgq(;LFcea|K%Ze*wyG_3e#7Yh#3R^m3b~ldeDzn^wwN0Wa4e zIb@*bX6CT)zQ5m&vwnO$Qx2HE;N&HucJ|L7uT%9%{rUUne&5WjkAY4-rhx4*!wBzA%&28U)L25uD`;%FdCX_G(Qxz!V5-VJw^tVx zGD=(g@$Vmb&*!7=@0%*0&n7D0{`{76YDbSTSeq$^x3_(Eiz>SA1jk3#+sHAd6d%u{ z^$}EWd%10;_wjbyM7WRnI%`USg)ic#!ODWoKBMV0GxIBJNiX2Kzdp}YqMN(XcFQq^ zRy!+F-qvmr!yYW%);R)i5Gs2jHzVS5OCbelmqU&yIGm{05!2!Vsp`I$+nzr@UO_dd z5JMT#TI!?H6Rb`BkQ$oYp2O|2owZ3fysTXTF zJuOCs0j9P#&9{DiUEZh(+4&7z5`W!#{oLLF-vV z46}{V2L_*OoMz41ZUvIu{P_z@O?+t@BnF)ACV`rN$L!A!k&(DCz@ z%>48BhX#RBSe9>C04*4OI>fK7W77Hhe2y{iZ+mZRghuY8jrZ?w#EkZ4PRlt$Ine83 zK+QgoEf8}=wN%gcr5JhsJa8W$pU3Dk?`hk!n-i`Uk+-)UW}DiEk=Nd*dq`?duUB>R z*W*+bkXR9$P+t|aSu(O|=i}Vp_n0CsY>XJ^ob7BHgW2>I%!~>H8(=DXI$jmBS|Bp! znD<|9SPEfN0h9OreTz9E52V)~Q@~ybt&s+Pe!TECNh#(nYY2~z*W=^K%=>LKx0oWP zabt{>Q#tIw6d38JHWE9$B7fEoo&w9&(`Y*NhQeZ zdDd4WrZvpYON-@Z#LT+Z$i0qwv^fo}GLG>jVuXtfnhjrrYOL>j8=${~Tf)q9AgxJ7 z6loY=;ufTso7}@m4sIM$LO*rwMZBOow#3c>#^Y70PRfEh6CrVegATz^Y3WNsU5MmyEn%RCU zHVrA)aMPmVXW~}7jj1t)s4)k38hyZLQfpV$dUj^+=Rn0-wuG<7g%^N$13W}>Ge}>q zG=nANfGUQVVF@2?g034OK)n_bED}?MAQ_vzm|}f35hh;_BE0wz0vateAvO#+G6)nG zT{ni&XU=i$6UO{{2i(jIf+$IsIM%@R5@w>5BdXpIgRr=HOabn2=zQ>_ea#7gkGvw% zAX&jjW0vv??qnvsQJB`DeJP%q61os5oQW>(LxK~oMIwbzmN zL_{_{ZyDrP5IINx1FGgukniS_Wcl*Ni2(KqN%6C2g(R$ON0cJW1ZPOET`q(mW}9nH z4^LN{At_|WO7ImGUjM-0`7-g6m=OE)+5Rv&V2*&s02(B` z+gG{*L3OlbO9J&;Ko=(>#FR^t70K+_M1fXzJegBF{av^h#bc$!o3fm6`|pt)B6~pRl>yCdUvAf20irsZ8JASsT)>K)6Bh| zz1JD@T2b{jd;u=0o?V3N(e#3jr;_gPdv9}&`KN#S#w=wo%d>#t%x2&&kZ7{>KoeO;t%Lj4`KsO7W--A*==hT3eZO z&IBe5eCRO+7WnRM^yx-W$3{5JXvyGapRCerhu;8|gj{Lc{uSlO1Y~l|5gK9=3Q^Yp zKp8s(aF9gAonq8_c5=G!g_#gUA64J>J*bX3zrWqw{PT4jXPwiIv*NM*6P<;Pb02f!zg3io&elp!HW%EtjeeYs$T3N3b$olf;pS+q#~Am0J8NS`^Bgf| z#ui1R*0aG9fE8K6Xc-0ocTt9nC+GNjo!eGkuM=&ZBE=BIgE@()*6!qs8!)XyM>m)J z0AhW-Eg@+S2tjc%;JA-b zW7IKbx#idAajhUMd8#yPe ziJqS?A=0Ri&leLDdq~m7gxCXKPa>b)&PT0B`~H_VhVs@|QHYKj?}IZ9^KH+fiWjdz z&a+{#y3(MIX2Vm7z0S|yo+6U=Of2na$FpwtJlb$GyxX}XVmhBSmsDOB#u&<$ z@9(!2GkKZ42P9i=Y$Mf?gDiCK95hAOD>gXfJ_<9_`324v| zw6}3Sq0|>QzkS=wmI2uL^`G8DQZp;}EMdWmo#+o$E)(h){YpV0o_(e*vG5p^oLcR; zam*ZR8FQZlb3V}^!aRn>98nKJmO1;>py#WGsGz!yK0;W6A2-L%D}jl8aqZ6T?#yIv ztTOs=^Xm_&xzRG>Vnr#bBxVXhFdN?PNmW7$Yw)UE_VlGRu<2%gdoOn7UBD(`(>{NH z?YG>Ho=PZN?rpfQs*ag}lKgVzx;cC}$Fq($Q6z2m4VB2_pN%Nj<8UjgT4sMPY z!%k*~P`O^aiV*qvY%xU}_T@uEEj6dj@kO{IOlO(-JR39ua5=-^8=|s^6OBHx2zot^ zm?AW3D8w<;SYBHZETdGl_X#y)j1h7K5rzQ?e+F~F-p56@F&MxYrRD`lz_N6K0*XgMBLrRN~N&N{Gcj6eGCgpM?-Kj7F-K@A;Q9J z0|DU?9p>sq`v8b+bX%JvX6LoIbN|C~iM0ugKsfG1Sdbs5tpD}j{%U3+gq#u+jWI>Y z%-0-Uh?!x9L>wsw@XVZZYOVJ%Qi`fP`Y1Wq-odHBAb;D+^Z7#60?z<6{j@xGPQHBE zSmmIdU}7_vFF6LpiUqToVg&k1c!7Xo2)&P-$HMK2L55q$+dyO}%v|4hAElO#!Y zop~4C%*;I^v#PqAgb*^MaKHhEe46?H|AZnVoP}tht14r0H#1%DJRG$s;Gv~ErH~cj zZl-#dbH1}b&-?3!b`y0gHhTHU*yD`ev5|~RG#d&pwlHR&aGQzKF$Mr?y>(VT9~pN5 zv}JKiX-Vp&9My&iaase7`D_tUD;?UHUOIGj`}^Tkduht-opau~Irt}36^I-keFzKK z2u`)NcH0&*0zvh$AH%GV&de!=Tq?rRh@oYY-di7|kI`xm(TzTw*VexrLS$nsw}kc@ zmHm}^Bg725m62ibrz*8Hndgq!mm>Vazkt{%DkO~R0eu$&Yp~817KloR*?E+dVyz9> zcM^X4c*Yp|824@6&%C72$G|H9V-qq9#;`LNxB}*Ya}0!!jtQ9=uoNRv72`=WOVPs* z04XODl$rSPJQ(98ky<;M)!K-uwVqNMV+15`P3I8*{^JA2Uu1_tH~IP4*CmNgd^_+O z&MCabEHm8Nh(g5w9J$mOeW?w~OcAcNx7HC?{N+iit$VM1SQ`UI$w4GeL-hE!4?2~=+a7a(K+XaeM!Oy;~d;K z^KL*05i=2?9%2#o3MjP?zLh$Y)rE)6$)Bh!w`I1S%*XS*IGbX_eDv0byF3Y4JD@(8 zYvnQbEk?w|PF<@N#$R=cq~6K0n8-4Q|HRMJR!|9HEOdX}#u%`E`rz5<fHXZm$UZP z%TZZ)|2SId>Lu@)nOLTGxwn4q*+-X;vOi9Qi|JWEUJWt@kyq0ZJ8QeIT$l#4!2*xF#;4oVAz6D(fxz=+p^Zs_F%sv5687iVGOf z2p_cNPDIwt29={?ya(~pXybflIG13W!HteWVWO>?okv;k&;c5z-D6;|GBuz0^hAV( z@>%D#LWU+863?kNUcCloVNq5mJ~|CL6K9>&v#Qh4?RWs>V$ieMun?UM%V+gLU2x8e zdTni-&r;56gIrWp4k2nj+j5I(@!}L$ya>aA03|wh=^|n_-~ns3VbL)iIBk@(V(7-g zSSIh!lbO>RUC_}DqdMmm*3@$^)4Yclou=GeMA8}&BuoZMqe7SwQ-GR7go(I!`x1g; zAPq4B5Ixvbn3*V-+{P8LG=_!f@==@$i@=1<%r!UghVG|Q zB*M6Yr@WT0qzD*ZokPWsDi)f1sBkfIHZvq-e@#(KZSV-4d%l0)mfJEQTw!MBWs9}6 zv_%_sJWmKz&?JZx=Yij#-up}hs;&3oqr*19E))6XS7ah;eTb7Wi+0Ag0iOwW8t0=R z{EMal%wV1d-T;7dR%Rxdpla}&0EV*B(RVO2Tc=*(=mYlDVR-_D2s7&?+#kcNPbnJe z8Bs=bESd-GqnvkBzCNfN6^*4{W^eL~001BWNkl^z zeB@SoOmV%hct*YV%Pr+S(-oEhB}UC{dtHu4_R$$I6vQHOJ~9~gstS^Q$pv79;9c|{ zygBdO7`CS9oGvlEeLjDBefiw?$MaZIY`rZh5z~>&FhqJ=ABHsuX7H*Kl5e&9ONI!uqtRb~{e29}rK;-fw*Kwcw-EesL% zAJASCQLmkhI@XW5h2YCsAU?n%^z+99p~5v+9|Ja}>J*XT&2xPthWRz|My>BT5V|! z`K-M+%zBQ;3G;eyod$&^(6#MJD`xzzo>iTA?|k%eiwKTYFUSdIWf3o*FmweVQp?`=D?ajoX5t%X6w#*2E73V$ndt}B;txlF-gbWpV zsBNgSk-_(J9tCkCt@eWEazj)hqH^2$=lEzAHMqex_E zkwmxGm55=cN^2q}8-x;c*&<#6qcP`<%3yY(AETMd2L}J7{)2Wu3zC_kJ4fBtL5rr* zhA6YJn_hEkWrmu=q$^&rCPEKC`XwvvAns3wPp>wbv50lDZX&`2Yd*rA(4Pp36P6hw z^aW7TD;=n}5t47Ei}1_^XC`9nbKWm9zh`LUZO~|)rnO*PleNnc#52_dN@kd8Ss8{6 z+*|1STu|IfJ~{mlfB%=@eTT+~ImXcHj8DTo^m5-yZ7Idtx)Xs$B9{{5q>tBH=URj1RBd(EI^0SQE^RvVydhaouP^ahT37LWO?tGl;=dV7V=h{oann3Y{F+X0UX$*r# zh>5U9FcLKHgl5B`sH(N0qhJ>2bX^k>q<36uEeI_J{j+y71IOKY2hxW80SJzB{MbDMK4T2tyE7NS(Gh#3Drc_hWIs;mYnf@7#ps-O=TTo@ zSHuF?g-M3V0h=Fn(#NQM7*QVs_kA~Gku#UM_dujZGkhtRppXE^=&i5!ua z83ISg%sm;OKOW^My^s6%ZM!e(#Ch#wVEc*b5j<_6S(}Yo8pI(!I#mAvyukhW{M^e~ zL-6G&>um*MkBFRiITxhd<9+OHgvE=nj~<6B>c7#){y0bPq5`1J%=x~!F}TIiXX0I+ zU8_^)KXjRPLaRyW%j^dSk4j< znhWCi+?#11Jp?y5`#|MD?qw8L?=NED?RDv`#}r)f<*2x=OF>*W{r>C6$NRqAVr!k4 zpq}^MeZK9-p36~uba^lND6FzSj>p^62j6=?K2PUl`?l6neR88&Oum(lD6ZfC`R(PW z`?sH7dLR4e;e%Um%em+M{lJ*8oK?N9_oQxu_MvsaHUOe2n1aX*sEIi^Hv@uQgzvB0 z%l8{*mizN$;lKXBe|x^~x0j`sdK_my%I$Rx$=BMTk_yq4-11(=7(Tk~wg8_$iSliL z1rEZ`@yzQzh2Vjjftx(7;rV%}SA2=c6^>glqPT^6R{U*0{^v)!#}IwXz10pl=J_Zh zQgh3D>D@#{ReW$Ec@lwj68~xQiB&QRK}R>x)6*KhY{38^sxpeIw1w$o@#=#EipqHj ziyvczv@F>?+Q zEbr!wX|7P5!pw<#b6{{@yQtWhzc`*WT*vt=>$cbo9r|Mdi^&m;L$idP(9GFAVhvSu zGqPUi03LxbaS6yH`rH5WyLfr|=}y?F2u2v@q7&h`#(Wff`^y&75{~B?7ax;{WyNgN zv%=dAmC;;kO^-Oy)cIKN9n60gX>H8S*Bl-a5&7h21>ZnG<}YC$6cC8x#a~F5&}VjH zaw+>+Ml&KF&2T;O+@sJ;VY@!MRyuk!b%Gr6X+*xFyJps&PSQHgA5p>Xu@z`=7Za6KXF<^0c)4$X`Q_*T@2~%A z!$O$R(;~ub-g}hC_$5`O_7(#&RuwygIguk$kwKPALCzUG$3!%)OuOl_b$T56ep_E( zZu@@x^!;UBVy$)Cmb8S{I}5eiS$PsCx`pHkaoJ{Q_sy)=fwdPb=VKtJO_{0I7E=h( z_ue5$=ty$uBPEYLerx^y{f6%rV6vL4nSG@~IH&6^Ifs6R)0V)3%zFkIy0^aE((!p> z!m-|y^NQ1=m9ENU1g)4l$4uV4bI&1pQFTspY1O>y)#2xouVr~&b%(k zh-zsu`2EPWHe$XqE+_>5JhD@5t+(DqSM zqcJCBU(02f=bU%AnFv`(wX2i48Lv~h4pIS>=|qNO5eSj08gw%h81Ln-N;mQn%b95d&VG`Oj+tBsgzspm7dNsbq+3)Cxomg~zxba|GD zpaHAb6@j^0(}_kVc{-qCe?i3rRyuix)Hsn{5N zHZx-(x^fsXnQM?!dL3pq#{M|(KW)q$*D!{~H7wfQ!@nejdXtKlA#s*s!<1eW=$~dn zC#5Z5JQ0>~`?f+>iP#xDdrX9a3^BKH2^ac_2m&f)GV(z}^r}*F{UR(Qx(H($5h13q z1{i{|tcIYXxAA;CTIpXS^L$ihvTnT%8)joxAt5;p+Uj(5FZV!9A-RuVpVO(IoCt>$ z5S!(^w$e*(!izHosOLmPK4@Hn4f>MKg3>{A zf;QQmqYqe33<-B*7DkZZq2afQL7WQ*6oo(xV^b}{&I>HaI$gF1H5=zyA%?kX9?ECM z5L)HmP^1{S?8qZC7rdF}vwj(b)M>A67Sy=6gh`lbo@wLS1&K0lI;1`WHihvprXJ3_ ze3U7axTVL(4!Q}p<@nDK{IQ?HTyw>W06+X3oe|;IMngNnBt*_@E#0~4MZo%Qo?7!W zWQ=LPLcuU&4NDBsBcoZVFrqZi~&0$8Gs7d{4jx{)5@3NWhPqA%|o9WeH3^zNX9v_IoR0O(N9-!JUX!z6^ z2SKUY zQwn1YEY@pnfBxnBzyA6IXAO)E$C-InRP@`g@7_6hyu5c`&7^aJP#(PY&>uq)25e$n zLT|mCHKm|VjV!Ifd#6rIsQ?Ae*)~l(0ge+FJX)@r+spU6h%)o`vN`V{Iv3GiD+a?c z`Fs=~-Fk~@i>NtpPm7B88lr2Zm9xQRbspKwfO$Ule7hxv6F_x8$`XSL$KX}Oi9C-J zUt9=^KRj{?!M8q8{S&hf9<~yI*nn2R;%W5Ja$}k5Pf0P0tlCMu`40@7vsNGTERn)EbeDHU}nvjJ7^{>nQ~&D2SMtVhk_0b&TPiA|Pz^ zkwU<>3hJy<=E{p{hV7vpGNP~1Eba!V+CU1rPF40^!L;oc#cT}2CLx!Kaeg1>RBLOX zc8W;vBiD+ouIo}@;Ogd^h%ttD%v_Kt1Tf2$9pjt>HxscK=s9gzZT&*I4Kq4(8D_z| zTKjEFIoAy7LLW09P?lbh`@xJ%gYw0wjojLEhUX(5PAV1%py*Bacyo0cNy)RSx zEbP34gse}ai={0B?mqgsGR}>N(vlG7eS6*3ZHa5}!NnA|`wB(hynBei(yqC{p)M*c zB%(ejT3o1uLiCs;vhefm>7s|1PF0xb_1o=uo-xJIhY%xnZQWAuy_WiXoQOxo%@>2&qw_old;kum_YT9D2y_PzL)m+bK#TFQ={QdJJqUD}gMV$WrFYi7D zq%yz%_Id6_y{09cd+Dv`y|9QnJ)fCu#5Jxj3o|cUf>zjU2y;1VT4O8y{nyVw{oT(Y zg>u$byN>}mwa)uiT1fum_h;HtTtcr?z=>IuFz2J6R+UNVeY-yN@<5oJ!T$(Ry^4^_iX{Ghn^I0+JEN3C+5W{*) z%PrkrS07xj4ccq?5SA@CujR-_Ty!=J(k~INM;pz;;*sg*oVwtMI3y3F ziwo}dx{^_A4Z~wRW>`wtu;rehY^ygH!?$1yAr%&43#F0SO3AC*8m5iA5ST!9q3i?SIF8@(YZX{Z<29`N{KE}Pa+ z&-VN{^HImJ+w1oDI1oNyWa88Xt)-d~u{p13azN*!>B+CW+TmEWG4fHcbN0!@xsDU*%fQAgF8Dsv#8_ma7u>`mDPRoF>!s(V`3V@&j8C4N zP4yuC8+^U$)w&UJZzd$Y4KhT_LAFITH+adgD@L70SE9W0$hMkECcT>v6TJ=98N!l@ z2~W|N{@gC3FcbAUoKyTybi*tH;30%3crh`sn0}Qq5q3nB&oUS3geqvZ5Kx8bKmF5x zdbw>-I3OSN%-N|3^O*}|?PCIQ2LKYS^*#ofy}sNo8!P%qBcj%)zlY`mhVhBuC->f^ zm};#o6VZgxCW;~N+_t0`!=Hctw(mz9eM#y4^I>K`ethIsXBg9%HD5}h)MjGHegmKqo zbaVrSU>KcyUT*Q+v-cCFTFwIJKyM@GlGfN-hr_t!hD48AnmElzQPt5pplP+Vl!A`| zuMIOhr>KUPE&1rqyK!LiE4= z_JLu)SIxNu@5jaQJkB!4*p{>|vDO}=hk>`WrmAPDj4)aOnYisbg3>#yN)|#j~ z=W6fHx#P&tZlY_A!S_B&sm$V>6OkC>7^A{U#awEKfDKmT0>0WXJT|D6(WXGc1R|Rt z{nscaf1U**Q9Q9<3vR?V;V7xC??>LYG{$)DCyV@X3{4~=Js#(BTi~c^r9#TZbC5uo z$78NM#&FjYqDXi^JZkA7x^gzBvOmt=#sC%6&Ai?*ET5&8c6=T&dco=+E@2fH9ER3V z3$)sMZBPtj=O!xO|NJd&DWju#E4juswAz^|ETQCr{VWl)3Y60!d90t8`$9%(OWS=} z?+YrnF0m$+1!#}aS%8bAe#x%*V^IR^U)#oGA_Y6UACCkG&;hndP4*iXoEBjDp0a5w^)u! z!mTtG!Zy;ng*0VmvuwKhSRcI#x7O2^;F*TW75}jF3aJVF$KsR>(0T)lqU5$eG81`7 zd%NK|cR}M4Tu|tpm>FqbU#{5RJ4#J)!Xl%MumvAgRm$1msvK>IO4;l7Es2UxF0S51 z=b|IXfdDLb{3Y{CTOi`Rmp;jZ6N|pxlL&wQ*teH7W~Wbc;;!=Y)5^?n<6w7zfDuvY zeZ<8BWotHk@auh1RT0j)GSAH$Iw<7O&5Z#>?L;*<2u?;fBSTntJ{z9Nw8S|y)OjUg z0FN4bZjVrhO+|@}Vf%iHs)*qBgaklDfE;bL9eYkoL~bs&^db1GP#&dJXdHa-tuz?r z@tphUrz=_o1dCp~Ocni92IXU3oN?&J3d5e>7^M@XKG z@?OA_LD|j3tu$upb)5Uz&ITE$h-~*|7QrgWO3z2Bx%udN>-B6nD$Cj6Bf^(x!>o^U zFAe4d=KL%ZBhGNk@TCp_MQ0!iSLVLL&?*}l3ynHZnrcvR-bXi8$Hcvvbs}RX8GVST zFarsL-7m)QXg|hRSO*cNdw9&|bRVctn&rL=ZhVOzMPPWi{u#!s8HG(bE9PtBwAX7Y zL|CcW*Aiel6|trsqm};UjxeKM8p}L|^gsWve?QE&byb!9%)z@9gRmUusZN7;y>}L& zi`RJ^C3xplWAH=-!EuT~L}HkE=|H%eO~}tw4YjT!wbl^) z-!XO-&U^V|SvIgV4@6W;zkS;H&PM3kf4U#z242pJH@+@ zOEscWDn=BgwsQUSc!u*?Sp{t~K6c1Mv62qK;s240(i$+SQWfwRnECNzUzSiyuesH; zhU9NAt2)hl4$+hG^W&(wwK~pYLb4z4I{-DJqF%}gHrs=wE++p)u6Cv_!<)t=rPuSntc|cDrwM z!T8RjkeNDFl&O86001BWNklwp zkeT!D{l_QF%_UbOb6$JzCD#VUPPc(%qIn{*I)U_D7?_maOSdZx3aS`bmhrDb8SR6E z|8mN{XVo%)7_?zF23`tgazWJz3yIGByE(kPPJWDCpfo7C`Jlay*1KQk3R;|4H%R&O zvxrD9eT-4h78d7%rp=3E7aV4$>ZF#2v@bFngRs=1Ya27nm>4dp+v`e1J_es0nphWn zzgDbi^R0FtRaK8Y^F^dl5p`l@agES}x!_r6_7fE3>Q$Yhsmn(R%OCqOERImIK$?Q> zcdKJEYRIUSTEzLJ|5gBSUQymynM#hQ%e~d|0)Yk9}i7M!v z=uLYcwYGovr(YhAr*q20X5&h{;@aA_EN9O5b@|-)VFON9tf)X9w95|;luB={x6wzB z!J~7nt@SI|ueHGfx6`ahpebx^)K;M+`SJdVv3pu#A680L)l%x)@1NVtN>@rq$u$Iz zV+H5<*Tn{@-!OAtn0dXYZ@;`?HwSCB_o_}yZUi55^2al)7c*M61sf$GZkAhu#pC{Z z!zd!Ah{z093CTY{o=oJE_rd2}ymx&J>;OtIxa`jG~6Nb;$sJFf@DW&k^{X?!W2Q&J3?l{+4AI3Bg9ijrN18zqfgPGJj zOvs#btXy*o(c9IQOo8>x%b3_G1RXGP{=6%>ekt4V_##_?r}!J{Mf3{m{_TvGJ8)GU35JoC9KF5ze`=@a?|F=xgiFtM?A!^T3Z_@3FnCs%%7vfUUKH z3uI$JrQPf3)A%GIg=LFlSl;vcvi|aSuVD$>w-sOC$J-8BJT}O`|Mg?^asR%3`_oH^ z&WviQX$`oRe01CE=97Q>*Z0T!PG;MES#A**Oe;-Qd+8}9CSJDXcpeyEvGD$Rj4^`+ zklYti7_Ez{usnV|VT@sBVF69Jw|;yc!rc2vi@&|Dt@T!$^>OTF-I9&r{S;DfTlydW z{jV^AOwBmccAruTB1&5lo&elIHciHT*cb{;-3c8+U2h2(S!RxFoENP~K8lNK;}3eT znccoGEw?WQ%jm;(cLbpI2Jd%1yr{X0$H=TdBh1pQ6pZU8^)Gt zpk@_eA^f#t&I0Bi=cA1_P$A*iG=n}6`Se0W;63={$*h&`{DdG826Qw-)1GJ_1SmEK$LeZ&-& zEukn9RRrh)ZH#X!1cwU(Lu-f#@K=3VAkYsm^LAhJS&58OUg%r>Rm$R<7gt!AJ zftlv^9@RFalFn%>tsJH775$ixu9SK{G7=F z!Omn@YXd)q4T9NyHVhr(V8i&*x?#gM9~C1r!bsi*2?-JR(#uhqrr-ycDW>~AdK*SI z(i-tMjE=oElE{ZT>3x>q`1|o8xZuDYqCs>8AE8sior|Ix`yxE6V`gj*jEdkOMV({A zK=;D8W;3vu)hXT)tOx*2F(W3@fBdKagjjepTT(JJ6 z^Uuuux8HuW)Lalb#2YqxtdZHPX1wd~|-i*9=`}3qPz2lKb8>0>E;_+-@z|XVRvHR<- zoCUlf9L-}`&5ea@P)J^bg06rhP9okvkNt5P(RN?zgnV^uU1RbfDJgcS#KOETvG@M@ zJeCx}(rRNIx!^&3?k5Si)@yAg&#DLlVs#3>#Kr2FK+;xQ&8^oC9vM(vqZ^7F`Xl@T zm#CH8Si~ofjy5hHsWJGLu~7$GckVi90$4!QLPtUKHWe~+&N;7o`QOhY_dZhey$@jy z!M)zs^DHsA;GL=<5gEoW-1i+ZhayPbLhCn)C1&TDZ`+E*4W80A%cWwcuPTtBi12ei z=O=B1y-|wc*B>8WFD=>|j22|Ftt_Q*9EF6Kc;63Ef#wQDzo@`~(R<%+YisQqmPqeo zf6k0EB07%}llRE8Ly~-L5TK7?X${QW`iM)YwUMw9AI}rY2h6rxZbTfS6Onut1ag1v zH>d5m^mET?iTmeC!<^F?1CiyUkWs7s_kVe}F zTI84lZa5#kk=5MCFjc+1t}0SX%SSG`E^ERC#@JtDWILgyhJti@=0wi@6z1p0VSSLX zex(!}iE4lWdJG~`!TmH1ooIG@x44BqX3E%kWCVO-v1UZhD+ro!`=Qhj;dF}{^znAU zDSPZCA2lT3`)GC87`3$Te||Zi`Q_)EDDTfxM4)i}{^xs0;q~W@iOy%)2ghO;>bbMx1pUx{HCJ4sC zRo-hoTW_P+5f*QQRHf!l*F5!tkPs1t6iTk@v>Y`qUW8rH(P47sVHTGVmjIn~S|bLT z#Jt=hjx7jcd+oh-u&oewre41s!=rbEX7)B(X}v>ySh2Aj4N=5olZ$ULImAnkK78XTF3+9|)&eB@*!4tFhT5`puU}hyZd?Sz~sY)qTgnR4fk<${-{e+!egqf(8 zTFVqW*&wqkCk|p8no_9GwpqaaiTOh?8N~Yk&RI3z4;oY?@2mE|VoKGnSp1Sd`0A zk${9s*Llr*g-lwVurd+VvjT4_G9fghTQ41ETmpqxsA6^Fbt*(IR*&=35eMBArnJ2eRfQV?c$MAPach3%xNXs=xuI^khv!aP^d|Lwp2!^`~!<=L3DqhW?} zhn;Gz)j6qcO1=*KM1ouR5yazhO| zh6xkRHgTp_^*+)qy6Db5Lz389!xstRy9lQ>K++S}n2*|P4>4c_#n*z2na?BlHu90v z8bK9+=jPnce3b2F0~Z<0Q;3_>Eus^^+3TX~-Oy@}b--ea5V5+3ox~=9WB42z- z?|q#c4=tsU*=WyHL0snrhm)yMnO zdsWqaKgSrvlv231A_lD*F^z%X_tATwq=Qb>1ZnBGdst{`!7A^Xs4P5V2tSpiYlR2AZta?%a%z_0coSxu2?fds%%5 z>$-ph5@HY*{1z;{YzbfV@i^4$x1V3$e*LIt5tZX{qF%3O^}!DtObmEsh`!`9dXGz} zxz*A_@|ZVo_cbly`MDp@TyrhCm7~--b`>U4bcr}3u4P?ZLf*4a9-<&1mBC5ut>3@h zLU7xCwJ|g}8{_$Tw9?3Exuw=Rt3dqw{5;1P>pcRd0kK3mYDgaIR@iU$k8=!*iyz&5 z)X_$-{d|_N_C>AV$IkXEw(Zy>ucDi}TU-ZpWj< zHA2xo#&BV(o7BniEHU}xSy!3NJfmXJ1=ifW>RB zDE;vwGxPD8S$Tgy%`B}U9~H$Auq{N?N*~>@Iq}Y+uA+Hr8fu$m2>^Vx-eK29Ktaxy>ELMf@BVqyHMW0k{{JK+Gi<9BvrhGSAsut@S)g zududRIqMi>v`)l2%kG(@44@VfA&?P3ULxA=3lZ&)1HXt}T6{8g(}X%8==l8cEPF*7 z28g2gC&S{I*(dL#Q!lsI&CKdqms{Fi7FDUGrzK2joJdIS{LJ`*&}jMSVaF$8=Y@$d zs_?-<6omDxkIszHm|+a>qqB}gS2yZl=JjQ*XCq?>H=vb3N*#oPy>_Px8{=gx5h99< zKb{$33lkht8__iSgLY^$7fj5cT%9f&bfK+{c@+v18*ZhqpbyBU)F~5zss-DLsElSc z*9-n(<*a1XYqvpA1-H`m|NKAx_tyJuTT7|E_tsl*{&^fPxAj_s;g*=64iP)&_Tv;) zWwi-96jg1#dFS>sW3PncwYC;x-1n0iY6pd9vDCV*%iH_Mx0e?YIdaD0O@y6F&UIUt z&&M-F=v?JEGF^^u8$;C*+2`leIftZDVOdhFtsiH(=BW-S#xW6Hqm&8}Jko1(u4gXK z{eZJm(8G<m)34lb;lU$^xO-^hah=jGKW5)Uo`7s z1~Io>)fMV^VM$ADr6LWd_ny}D`Sx&LLkxYUYKQe@g$`9QC>3tCulF=_!Tj8c5;Jbu z+xHv3i?pR)duzSdhG-HpdVU_YG#uDt7|QM1+HGC>7_GP9y_vxvRa)PV(|Pyt{=D8C z8)kqQ9(%^*^-`cpuMKWsL~KH!Ndq|ZS$Sac?Sm&GoLum_T^{mD?Nt>QU2h}rC9a{j zjvb#knfP8aR>rG^dBY@%D2A*gJa1?qAY$;}zuhqK`2Mnn;LlRg+3q>V;F>YD4Eu%n&@lAp-@SI;mLd8RVXW zi2E2KdK{;y4nq@RsLVQMt0K-R9LDgFK?(bOp8MmhwUyFr*#103by?$arnOpO6#~7cPHpk8{3ryRBFaK|7RE6fc)laX#sg>P;*f^YJb*1tx-6<@!+6 z+c3E8yV-PKAhp7SPh$z4K0)+viBr^UChCh(jO8NdE_Gft*-C`;O8fB;V>7UC(zl zHI(dx0Tq)^o}l0Hj2}E zU-ZFUSx8d}pk@HeBAhsHvDcB;h~3UtjxPic$Vr`V`h^o=VytUWQNa&DL?QXlAMX$x z`f$AL%;aZitFhynj1?My^d*Jr4PiDs&4s|`=Z*OAgu;Ihmz zM$O~2XTftqM!oiB%izL6kwKS+WXuPZa!$wVWM&uK?XlwVL#FC=Y%*3EJRdhgPk1fg zuziwaKe2*c9|(jAELAMCebT-^Mxx6G?=Hv*YES(-P+g zBnmOW)0~#L+!CJrm^@x~eD9=I_SQ-tb>LI@;8^Ai5nxcdlCAMG<6$*LxhSYK(0#e! zr`N6w5hk5-n$ZT%ba8?j55A6g2`PK+AqKgYKj%?n3UeSz(=s}`!mo(jv?&bsLPX*6 zb~`6bT=q8W88h%*pb>z>%?GKq6Hzah?NF`P5p#fRJm73$b|S~?EPH`pV$^Z&HRa&` zumAHu_ulvYSaKX{rPknG459UQmdVtIdeXbuI+t3PoW{@)JzQ(84>c8*J_cgNRJD&D zLU7_*@9Vm}UOPmM$URk65dBMStz$8yWagZJsF-t1G5+}V^xmIm%{lck9`_p&mD-#z z_~N~fQme4^(f|DWZ?E@ZY9UUnJ2N?PDW%$~68Q_#1mWGbt&jT#-NL$NJVyI|0B{*% zXuYquyl$CgCaz-=2~XGsA)T!=I_xnNyt8G?qYnsLoMZ3BIXU+dqQ@W;8YGO~*DXUU zvcJv{Bk+a2jeSHzz$&8$;2s5_2KA>nXZVOr5vSs=W>o@bktUAtF6TppU*w!_tmoGVCLRN&JlTG&b#BR%aYafJc^Pr z^L`XH^_LcY48@sVYl|_gYp$i@vYg&fD8h+xBA;h8{rvG-)^zN} zdq>Ro`vNl$toFxIF?vM(T8?_W3zSXmY(x}O%xi>2awM=rR6oI6zb7>(|Wcq z*Q2o8)(q8c1E1RCx7+b9Y8rFI zd~uqxE(5L(#k>$_cRlO=JeJ#X?uCeixwRHkm;=1a6484H5M+Oz5RaC#E?Z7Z>aE8Z zoK5!OM=mSK5Em9XA2K?v>jYAJ5M>5}LOA0@Y1S0a7K5tZ<=Xe~UH`^uYD8;M>8I03W0eZhI_njhou{ z-)=Zy;cox^&ySQNYWml&9Sg>sWAAFJ;usfXIV!ru-bYBG)eb$+`*mm^y^p{A``<-IWC9#JWRE1NUWP*#6dV>W zU)*GvP_-*Ddq1b zltOa2&PG=jK3=8Qfq9vT_~`JGVsj3KD%4hFjK?0`$R)$T7pg`E64&GR8~nlOMpO;y z*Np5cC#LlNJe@GUK_XH!)43n;F}!~rt@hpq>=PL7VBm${Hh_ED&0XQUIBa8rkl3|0 zmNl9g5ySS4_a!fBo;l9JCE{e*%k|jTzIcM6&=0$*UQhcxYlF zESzP%$iy>vSI-7xx*-ovHOxMWL-b@cgU`LQF){PbAr3hhk*WgjIr^Y0w+`E89k$-` zxfdTCLf>>KBsX8O91P%k?W2yEJuLV*h(h$g|M?>=(M1=NhrVl;@5Ia`m%bW{J`hVo zbWlvqAeugGm_e{at+ymGYfzI@j}L* znZ?Cp($woyo|mAXTI3A3E?>wL7fsu1VpykH_=%E~SmpO|7*SQ#8}Or1$&0e{426 z=o6kwMAITB+(B3)#@Krdq&>5$#uR!V*bAei)~>yc+hgI&J#$GvXN4DIczqtXk8KQX zrRlJ=Bt-qae!c)vfyPdpgcOd~5mLao`P>U!fIhg_k2hcT5&lZZB_ihXK3(u4eC|br z_t)`NSB;_Hzdv+n&XI|0ZMF3jy%`;6eeQek{;VyfP)c>)fhL=m1o8kP52rZBa7?(b z0YA3Js`~ysOzqsO8O0Pt1TnXB?9^1%u$gt<5zpj2CR%P8t3Bt0nevv9CuL@3Z*aLP@OTBxtdus_ zVP@cj_A$0~#W9U(Jy6y;r&0>aR@hp^xmFvVBG~D^{#a~votM^H2tiFd9yTY;d>%C~ z37#{QN04KNFtL>oyNg^&x=sLE#>UJ!d3?L|3z31DdTkxR&2>#+>h(UD1ufhd^U7S- z#7HAn8f~=FdhI$4@)%(0X12hvlw;08)tt!l#~XqoC(=rbA;c7&lb=7H=*n8_6_W+W ztv1}aA%z%SZT;JC57;(Z>*cI-e5Gn?wX~Qb9$FV%d6(W*oUFHnjPUV^sFga#aN@Av zCt_ka=aiYx<3#Iwybi=a0rJrQr;|FwfMwlwU(KwZ)j5B>&k!Bb=GXfoPV$=0cftIU znN4+jtYfZL`?WDAe0M}tj^@1p@K^ToZ~pS__rH8AN6l+I_nLEr3<7zKkoq z4X{vekLCS5v=0Dw^AhpCh%k7jVF^0)cojnGDrO~Dt{E}mMB?fAS0ch}i9HipzdQ-I zj}<_k-bdb|%)n*?a|vzs_dk7m#e0 zj~A%hF)lnX&0u=#wIjTYnZR%yT_LM@e;(zim}Rum5XA*eqYn<4)DV5GO}p08CVq{% z*N!&c1wT~FQCTR0ki!Hpd0GO`7tMGE2mlR9%v6ug4#aLTvwVx%)pVv@fj@(b1Ey^} zCn3NN4xnXPr+W;4ii_1gx1v1V|T7Cms5w@A6(+?Igs) z?AUqfbzsnbHJm7MpwFCwlhKWZp%MwnLxDp?+LbS5LMsD~Nk+84N2M{c&_BCtcKs_HCZXX8DCv8K|Pg@oBh$HFW$+6d{&&QtZlV=_8H7g*dGkUOq5mie4lwuFouTckN4?BKy+Ad%jo^W-x+K|xS?iPA+9YV2!pZM8GS%NfrAa3 zz5B-+Q^-qFwc}lS?bz0eFup#9^VaO!?~i&`d_lc-Ah}v?^I4jyHH7FDanedh{OGb} zESHR|9+j`POvoN##(7P*j}>C?AOHHR9`*Uh8-AGbt|)MQaAx%Wx#Ls&=$P0CA5%H#&t-pS~V-C~ka%mmG^Kfn^5KlL}5etnzARB?^;_-cRj+c98VN;50fIfWYSv#B_?p%8ar%#RuaLJ#z%qYo$0Tp3?E71;S8 zZXBONRco06AlTf-6u>~UfxPOObt@t;_nRpuK4|#yNciNT%ENB0o!zj3q`CY=Ux&5l z=)(mEdWZY3|K(r)`(OX&ox4Uoc`)*{hEZ9I|1H5TbbbtNa zzl62|sDB$Mnu!STjkrWCXT?cc1Br|_u&`^jFI#rbzd!ew!xx3)_Sl4(gaDpX)3Y=k z`s4G>LhqxfnRl`+**QV>oSD_uK<+1^7=p0dk28jVkBmc{$V#dA`v#d1PM?(Han?EN z=1C^4t(hS++rWkraYKg=O*xj@YH7=wIwB#3LG}#6FH3^)0HN9t{9$8u>;;H}nK!9c zO3h2$9*gr%4a>^ODxP|ni3K2pg;hXNnK55sVysOuzsYOF)(c2DQ$ykmsfkDo{`vE* zYBBiRZG}}18hsXtF~e z^l_@cP;0icr8P6t=!!0ai1L~lID|GHzdr!FUANpyfB$^%&r?K}HJRGuWBc{T6OA-R zWwrK{Ln&Z{bMHgPU~wq&TJ5DYGJE}e=QS-`YHgTNEj8r`_64$6p*qFVB*qbXXVOuLIM> zUw=GrAKTym$4`{t;)K}5@%qSP=;OC_3@v-jTk2h7@-9dSj)lO#!#xVXaqnaQJYx=^ zt+(2defIv`y^|QdsfOr~xn|R28d~Y~Y-x$_=i!5Y{d$+P<~8cj*XJHnSnjFTKKc+p zH!90LVPvjq%NCRcyB0f|+`BADtQ5FpNce9sL|;qj_Tgy>VTsN=Q;Ip_ z!oo2w7nua}V}#D4?wlGRp;m_zp4lA(yLSsYif~5`-Icus?=`l^qmT8rIN_9{n$^99 zUIG|Kx zis-9D^dW|GFQ_ud{0Q>;e9wp(gFsG4AK0lLucNolkPI35;7DoC&WyBAuh-YeUxdZG z^}alQ+v?du4$Ra_-=9a`@^)WS4(Gd|*hMj|YBtOVShgH~GoZTVHMQDB`29M?F}!Dd zy(v8F2Zp1AO!3QM7Z?dmBDFSUM3fI-d>w2gZk)eVDUd7DgT=Mgz;1Fv>&}1JC5LaUL}U z582hZ*Qw^30YSn{AvrksiK$&YI-Mbj3b!|I?MtynX@y^iMjL5~y$+8Z-5?QhUfh59 zr+>HRbd;i35(JS2@6TFsDgN6(|4GeC?ZSMVH3rZB$WK-^+m@xaX^rh;cqeKEH*oJ7 zV~8OzacPw=NPJ46wT__?RI@&~Qd(Z(^R+uCulI>x?%)6TS!b+?IPVbOjRiufwY3(! zd+mq!E{3Q>5wsCwNGbM#0H%QEM1%n$h8SZ%&c}TV-hDi7`+4Gi%_-tIh$-&JnU~0p z%h@2b0>l8_*xb-z*C}F10>YQTY*(h${yg{30}-cauT=^2MU)pdWjr;e01Z8YIi5dW z%eM5|kNpTSRCta%VWWPAD57C3G_n|hE|M49MVIAi_xbwy?(yD zcaU3PU64||-&a$ut@qxyHUIwoQA&%!*Vf@}{rUMujpBpbZW%=eve5IEaDrURHSC(_ zz$SP{#LF6E^dj>9JkGs*VQV3&>ZN00+H3d0|NPr)do1f?!9Q`hWuZ0l?s%Pqkta=V zT3Qo4aL~6g(XuXc^ec=v1air|CFCGFkzuN8OO8X;J6CGMLxR@>T+Wo@dp}c(PPnxm zz3)S()}N@4@$qplwc<`qDgOF=FF6^EA7dc9+6NC=n)j~MhA042^WL8)bPI;Vz4uFL z-AB7(Xmd_6hSoYH-DrwJa5_T`eJO3*78qcNC`1>dueI0OQVu}ryejceiEc@=ltu}o|a^4 zF~E;*&N-~$v63D@zMd5}ELgzDP|U4E^dc^%;6x^u&2g_|xh+6#+`erCjzb1*3Fs2@ zZhC@!^u4y@efr?cxRtuz*X^;^(nePdW3JPA7E<_2AuPr#<3m8{nbtJA3iElze}>?X zcPV=%=62RzhYuc;A-uCL%)v@IE1ve}kGF{AC4BsL*P-xZIgyTZ7@}7Dx8Lq52MDF0 z#zs6X9=XxS>(?G)NNd2L9fv!95*Hl&)-eTmE@z8~G79+V-*JHHvUK+W@mz z?V4;csG7?yov(84CEp_M`1PJc^5tEZd&*1x^~Y=Ual8%@xqaM5AIE;;{Q3BPOG|ux z?moJqTF-X8&oMOQkk<%j=l%O;gpWz88j=SbJ>QZzW~P{ZEA7|c-afi|*0R^U<(T|j z%my*l82z{3w)gW)*)L0&L5fQReF36S7leh^TZVX5hk_pfbTTo8`jQoKGV`3x;h?ibRZyiiV7EUV`hVA|9IG!g8 zbe4HRXdkVPsYz3VvSkc)p2yI7c4CSP$Si#B6+g47-5zUe!%UI2Cn8^QBH(voN(8uS@^1dyi?WDH7*ef2<$MOlirXhDh8Wn^gPq< zo%bHC^>SZC0AQuG#@_VHRE@4lMA8!d)j3=NKLocD5uHb2VHX_S4tnK9z`O+ifDXNV zEXV7_#u&dhn23z1oYlx$>E)=}RfppKBAZ=@3$EAk`nfYvh(0X=3MKSBm{_@g7~aHt z@BY(&`X^=%&dsSjGiEkUq}1x2YkdUo@3*bB9%DrQ5mwtnM{s_qn%eEQGIR94k3IuC zyz7Wta(-R%>%C*AMnttX1RjMD2Gl{SG5Y88{g*%gDW_O!?Oi|axA#$&oFR6^OJQoq zc@mL#Qd`5;f{4~7&qWL)go<$}%m%|bY;*e1sWuV@E&Djjx@0xIZOeHU%&U9vW6U+8 z^A6*{-UsY`;H9J#P{HFv!Omi1hF`otcP1Wf)U$0Li}!x?0R_C90SI$Gx;@spmlvs} zsoEH}tht^w#E^2TXAL2+Hi_eZKbnI9nevgj&1z;=Q!4utwazt={|nePSxZ zQ+PyX=CF<*`uuq;YZ%uc;qh%-ZYic9PGa;iM^k-2PvG7#>D=zid6eyrK$)<=j{Wn1 z-Lo78;-Z+sc~l6s-@gu62ylI-C5ea)V&;$n+IR2WfGA+{_S2$KaS$O$AjcVVhqCET0hS-#^Ah&2qbW@l_M1xlO!Y-W8{p6mY61T z-n%i>d*6GH(L?SZqjw^$wsl=v>)yFiDz+=zy4dv{jWKeHSPry~sldgwR#nrq%#2># zA4Kyy{8Go_kz=Bqb&YS(4UP{(0x7E@fegz6-CN60`C$vMi^=i`=* zd5T9(t&iU7fMa;5hUilYx5uhP#N@q06_|4Dtpfq{{@mZ6J28jootO2oiWfloRW0R+ zryYt(1fP|&Fth3)A|r}1{QCQ+s>Yn0lU_lMV0@1v0`07yP=B?VzdM|hUVA+XHva2v zNjcG_mq4W0()_@!RHOKx!{WylIK8_EttrKHoAk zvrK4UTw^<%h_uq+%qe@_9yult-Q56an9Kzqrs z0%~XXQI=a?@0o?mQKvOlSi9yeENcwG2@@MZDQ;@(md>+{F_Z`bq2pbcX#YGQn;c^- zTgqD`Ver!+Fzc-|6DID?Lm5Bf;zRT?!<$3BBJ;$JHhLXU%%jeOp^&aDBn1*6Pm2_Y zhrRZ4^q4)UJLucTP}J?H8^G!paUpu=9EK(_2mGQi1<ZH5#*!+~^}DFHTx*&P`_&Ix+0<&%I&Jx@;E_yMu2?&N&@}h>z!TX};N{>Tml-Srq3RTat18yBXwknU+Q@Tc0lYzDo-rNx zI8ziYa=Z%}O*=bTIV$!@stOV@3uC^EaW%L!aH}I#gNZ}*xLiQ#sin~+Hon}RW>?ZV z;)hM`@oj5u)Y4k(c};kC*s&8HecT?)w?Exg=a2=zZ5GDF&3XPxlf{h?QmAJ`ECVDA zOhm#L>yNgNWm>J;VCGia{o8iD&T}sx-*3+Qb1$&Kxhayd^C%+H>*#%~TUxi}n#WTq zl|^C>wRU(m(B$KFfc_rc`=#_oYfOf2Syf~Pak7YAcsIOR@bzM-9m1R&g0C=vE;J1x zST8t1DKBJGGj=@7@h(VI_*y%RHf&7kzjKmvBqk#3ZGdYc{}W0JKL#@qI@memAGHqT zAz;A{y%}bdOo(k|HFI9bEUh#D3TnD9iTD0Iv|pK8UPKt1SiJI3ugMH>m|IFRbN|PG z{TCu?y%X7cKZcImx|kWz{vJh*$m@Ol`ScWK3Qmcto5uq#`aiisX%j>+4q0*4P$8W0#vz=KHn0G7#BSm^@fZ(MUJVNVwiwF z1V6^QEwHIMFCheB4#B4se*Su?T5avNEXP@ShMM`DBMFzYwc6({Tey{0k2Z$ZqxOo0 z@;F|l)yB+ujr;3dwoGPV-lI!P0TU|KqQ}`cMp#KR#AWNM7#~ zSMs{182lJo`xrw@X<)^M;LRuof5AEooQLzQkd?<6`!uM~7{htzyg%`|S|6&2(*~@g zww7Y(eWVny?yRM!6!!g`x!OcTlwvSKI2SGw2ebYh5t){=VJN7o;^aK)ew3j)hJver zc#Y?;w>a?*2VH_TE7;V5>r$#yk z)VgrC5m7mc4sE4l_5;r87$fHBg7@CThfvOH*Y0lgo|X(0FZ^)Cq-x$vIciKnyz6z? z(7a`6`~cF$R(A{y$vf|6oaY7nZMBhEZwj;i>*pKF4kL;wY>zdB@OmEKe!JJ&TIv)v#$5N+|%(q z#q+X7GwXGTz2c$eVac{DQWeLm7Q*U8S?}Pq98CMAH5E3wcWmL;@EqE`)l;kfDck=eiYU~;2(e< zs$l*y>(Ei5OmH##{nrUQxG*7s0s2hPY)A>0nhr&X4Ne<4*|v`?!pP<5b)<|LlOaF2 z*RkG{4)w`HIE3<@g+!i?UY{S#OK?E-wi)shEPhzyO3SZ8c$m)he%< z9kcLIBckJ|IuvC(<~z=b^Wud4OxX^r?sAS#0;03W#=6;_k>!-We|vnsb`e)we;?<4TT%2+A)^T3{a6&B zc?H85%IV&F44#bo=-axKTD=n;nsY2r#fVgR9A)O9{P^`mX*Jhvt$XLk(BQoh4b@U> z@E)Z{<_pbH+wIx`$g^9N{|MBxVSFvP2 z{`iEMV=By2M8oBSKaXd(ehaAgZ+S$y=dv8j$G`xr6W!*9{rxebkKqa5oghuy| zzkdp|6It&|DebkNt&LK9%wC|(F*<9zz$_d>7(#(D7Gf-Cb;7lFq?zp~|kFN}$(5?BP< zXzW8`j<7~Bacx~yk>Mhap%0EZ5+dzH5Qf#xR*rhUPE});RvK6zqw98Gj(0iU<@xK) zEWP!Vqj;CsJjTdNGU8U74_=&mzxMmL`}SD9M{WkK_r-bf*x(O!(FxqXR{#JY07*na zRMpZ@ld*8C&BstnnEWm8>@v1s0>6*91%*cK7NM&YjrJ*jbrMEVStd_oR@z^Uf!N-VUIzN4s#-T zOQ>>irs=TW6((SakMR&fiUR}Nc>uA^d`ah9>1D5IGg6+$WixUf-YO7#Sci=^(i&`- zcEu9RIVpSdQDT~i;ZX-NA0UuGJ2HmmEzlJl?wqtTfH|sr3n^U83G>nAHRgL_CZ8O@ z9@vLNY|X+xIGCl>v{%%xZYrj14nxE{mHV{t+;w=%6-p%X_r4&7g6+0vBBozMV&nlh*I(%0E%7w137fy!A+&}%te_v~dyjaz)xuyxTnk_j6?^_?GwS7Ne71+-+gb;%_qcvwj z%ElPySz?NPbl46)9yjoRRLwi*ovXE(>1=kHiP?Jxz#_sdd)FAk3`KHKF$(rRr8ZT= zIthy&gZpSGGv^#JbOdH@?hPQeVLFeJb84+m=@_vvBhU%%Z|~i0U5=wHO9B=b2$!Ef zUzm*6()Ra>So<+XOp%CEide6VF=(ogXU*!pi^=yoP`-#`tSMU?U!L)Azu#G?9?k5^ zbeP$+QuYGpVsCxf7BhSP@!Fp|LAT>2eP{*oTFKzq2sVW)Oqml9RZ_nd- z-hbcbxlkHhalPw$n=3q-`R#=F2Y41pGMM7Q|@#^hrPENny}`d@#%5a}f}2Z610=fwxN-j~;}9T}xl2<}9OwbC$kz*uq8 z8{qtAM#JEO6Oow0XybgB^|nB8x!xC@h;GFo6G`K06r+Qa;r>`e#06(W;$^*OVp340 zYj3?1GXkxTqYx7|6esYd_}LGr%x0Zv)iI-ST+t+n~!jcg1(_Hw%~xEosSEM#P*_7FX8S?nuB#Ei;O z%`E1K7r~5#1&%OO^WyOLj#h@dn2c#jd5J!F;R){8wgutK78~@!otuo}=f+*5PkJH`-^^HtonL$Aj) z;b4UgWeW?7V|3jiBWWZ7*FAa7h-hIF{;}bd^uY!BLv4xy-%qFkzr%*gXCLkXWJebzeyJ+q)*kv zOL^DPwO94QwK8J%a~KH-0a!FT?Xz^nVi3HW!kDJRTLr;%Jv$^Nqv>eM!s4BXAPoZ= z4D^;d49ZpX9@he!Obu3ef!R?EJCl%nhz`GGRP&}*jyA_AX3p`K zBm=>;I?PAsyv%5`Ide5=R9op6tdHSQu4k`%gJK(9mIz}7-RfZGw1lteDGRgXn4%e- zdr3K>aq?c?&jV){s2=B0T4_dfyiSSe%3yu&9KGq#O-A zxU2XM<*ayBvE|GF zm1gu%$BNiF*IEZg+()l!=etbSzHqA;bvab7%)D#~uv9F`RkfVO1&6dH7hLaygndMu zu=U#W644L2D<2n2E!09}Ho9W+1+|P^oLT2(?(t^Arqez*EMq8oUAj^apzn9i@kP0q`@UwF*r4rfWegiWe z=Q}_dV5^Ur2BO}%QW}fI;CqMJw+&VAJ)AdV4Cpa(itqs7;25e#=0r+u&~v32#~9vu z)GOZ4@YEQ?7>GKC0hWII_E>TX!80?=;34=@%IkgP6v16FvvtcDeSMJ`YiUN*8`$;+ zn;jBo5afojM@T;9IJ$=9^AhjhZbpWQY~GR%J@>*i4c)DDBp{9}fw+|lWa0K$QjVah zOk9BXA%`FT{iisNOB`S%V+kQ*YQ1z3Nn2{A-@dKHz@@W~=u8A|gjO1kU~G+@<1hmw zfejc;R9auw)LJv6+Iq_2Jll3#h&d*Yr3cpWXf$v4Mb*Go`iBzEtd+jpCde79fV?Ga zY-0-hyNKh_Mp~nD?mP;fc$+cFVx~R>WGx#J4jQz}DFw8Mqm5cR{$A*G%TZhFbm7n8 zJZ6AO0KG9&JU^`y(;#DEpM358I0__TMkc~B1`%hbwe}dinK|cMYa#eP2GT=_NX>)= zy#erWsJwrDK9NM0bL?Z7&QxQX6l&-eEXUwPymRGjb0?;n5;AlLhSM?n=ko~B_ukDE zyTaZ($&?vN$6m-NuTh7Uv-P2fm%`7CKflfq8kPqYsY3k2DK0Jbt^UCBlNT z-Pg3n?Xik*h*O~4%2XSc(n1VljMfGi%Ajs9w|xJ${g40mZ%{`}gOhiyjb59n)-s%9 zpL}aQCVw6!ME_+|L;6fi;dq{-Dw%=y9iqoR>MO?B)RucvQ|CncRMDXQHl;oV?izEf zW#|}2oY#n1l&OZ~Rh5O11LbCnCE=Gdx;iiAUA>q6S(pf24G|fJqn=f5jFFbGKhL!I zE6A3Kxi>wYC9HwWn5gU(ho=z7;7tukxA(KKaBE`>Ek`FJ2upfbB3mC>oPhhOLy-kW zL^f;;>t&+WnYo@F{|$Ik2H7pq=%!sSJTyZ~XR0wrAKdXO@P9LrI0?~Vk)^}nCPxj5 zuy&}TC;rC)uW5KD3Egs#In-pTh=^8jGikX+7eJr1(Y2ie+VtaD>d|BN(1eKNR>x?A ziJ=a{mZR4Zl0(}QlEZSN9-U~)Z`2H#toWI6lOp&GWRASW<5}`LtF$o;4g@o56Eg~k z7KP}IEMzavxgco`SX1bXEu$|F0QONn$nmNyY{QOstvgb^h(&7YU>u2)^K2r#YzdkW zRQYCoqvg0`Z}A*mBDudo&>-dC(mo96$ELL@qd}=0fy7`j`VS;sF2q z6o`z3!9PG-!c6C0rrL!0+zT_u=*7EwRP5MgVugM01D@S6M#=%(-HWF0TkBv75m{^F z@omNEZCO*u9#6~hKGPEM5XKY$h4ay`x6Dq`63bDUIp$c7%EJ5Wz+wb4m{xnXX^G6Dgo9#6*m*5~M6R7*Ss0I~DJiTRvVTEfK<0>^d+r6(^&Qlw(?^V@ijj zUq$sl#?XnorL;sJU0PFb-Fp|JZ)J#McqH)RdwiTrB#Bm;gfV~oS_6jQzV!X;Eg>{r z)nKxUORzD);$PxJOaz=4_h0_=KQB2!dh0zNd*^*va)JrkjE35}g`DQVQ3G^J-#@rYcv}IrrXA?;W`5 zSQiixh@a)Gsv|^?#kZ<0IhRtmZ7Zb$lT6qDn7Q>1nH@&^XyD8Ufla8}qMwTSF-Gv7 zna~n!Yi_* zsM>nZ-phG35so<^QRsM|A^PKa=orgw@xjL&iL9P&yRSd~^#>Zw<8}Dto%b<&EE8Ec z<`9<{aumlg2XTS~jewVpxtG4&7iK>9>b%2Dee{k>4jBGYciv`Oy@1*+ut55i}>h!AGokdO;vyX^|PK8@)#Gr zkKPBj?*(HR6=24Qn4h0}$iaDW&Z*J2@3&GaW_`}N+8PnD2!y6N=i@k?bBO3779-=! zQAb4EZJje_Oa%r2_7;LKwW(?d0cV7FV0Vs`A_mxM=Dqjcoo91iYV9%l=jS^m4+I1> z-$sP+&h?&MaDV%6Kc`c?bo>x_ot{76*cvZuYOVX=k9UDk3gcC*FOK&KS^^&Jl)+u4 zT3TMxlvEl8?}w_pHej_j)cw7UkV0Bwzoc&1cM)-3<9SqoHG$lQbECIWOA9Hq(qoRT zwpO|ieyE1v(Dgy{Q}zONHIyp#sBwwtav{71V%2%)oyYykL=YM=)Bn%ZyENI7WLa8! z>(-ZzH>4PD(WO$&&?j48~RBm8P6O!x~xcTt%U*WJ%C)92m{mL9LpK}bg2 z8*$x_o2l-{THg}y%UQ(BLb(F!%#L0=`|Zeng^{_wc7u*ynGZOf5VNp0%NWOiHO`ze z+5oRZ??3M;M>1AZ$Bg&|?6sk0;a4Z4s?X1>wH{MMbDQ^Et|Gzr*3Yvr86+;F&sN5q zs$u9rHEgwOZLy}$w)G|Iwy}(@+ViNDl*>K_{{El7wCnS$IB|Q9W9Z{iLD(#%8xfJk zE!^Hy+QaddL-ytBd5=US!q^jneRO^ml%`(KBw;~gZz%`Nqz%T?i9~9K3IZns%6-Rf#fPgo=a8XR&K{#L zXTzTra|l^R*Xy&2I41JZ<4;8QINEftV7|0PUIt%M)w~7w>VC(VkI%E$5u;aAh*e_p z^%^3~M9A^&ZKxS4FmwfD=yqfXSBOZ0I4`Q|92*&8(cFUVIu<4-9opL1j%=@exD%(Q zY=q4x5$*R4PGVwCTZ}pQ=;xg52qzMY8)Hfk>;v;2w6<^V)Ddv zK1!|KiEE{)8rCf5=Lt0q(m9xkWl5|h$n*2cN9uj5shR48qgq>OPB^515HTznmiyc- zxZ)U7ylWNJgmL4ju;9%8i>QRRbxDnVnKRRt zQfaldo>H7+dT}|$)*FsFD6gQynQG2CB8CPjh5&^$3{?2iMMPw|B1&mnj*rLby^kS4 zzLHZKW5gI@jF{7)$6#LU`HoCYH7{=8@_CgM!^hX-zy6260M z6LIIGq#Rlu_aDc0+d}m9YR~r$K*h`XD9lvL*zfuC*ArXI{7StJQG8r+u-~=g%B(Po zDa0J${6?UOEe9S+@IYnx=+hQa@Zl^YqQ~dyL|S{X>b5w>oKssHYRclA@E}#9$K%@H zx0plkGbEq)c%J2U-)mjQ!KIO_?S4C$=`1D00L_3GF(k_}>|8^{eSJOQ{jIfOw_8e8 zv-7GLfRZUz1XHzK%?Gb$W6U+4A2Y@%Ue0F$K4{<5`7GF|EE3$71`=e4K0dGB#(vA* z`xpa)La_h))8GH-eZXG}rVvCRQ|&mmIh9`f^xNCs`xssKBN>rn9B}mfJW~p0c0DW1 z8#rF^qQw+?o481p^`Bp)b7G*%zw?aB)tETOfSvxfr8#xKZR8k&)c2paR{Qb3+fqZL#X81!vEYUez1^al$9LebG_pi7ml!iu>x9r4~(wG_Q|Kq;5+Rv{G zsyr|*QqHQHws?L$Yi*B@^YM8i!qZ1-W$4tnEze>;BJRBMXxlx)ACEp0p*f???UsA# ztxPZO#eZ~wz9T0Q`jb`%R63*0^Q)o-y}f6w4cpZuc;^{mlc@Wh<2mN}S@RJ^7|$d$ z1|fM^)96)H5d!|qa3iv#In;Y8S3?e3%&TK@!oAM8d(5HD$VZ3o%Zu|~Zg2VeYI9hO zA|i8WDc#Hf%uRdnQG611JjN_%t5;7syeK;qlH?}dDQ5mX{+Py=WRPO8D~g`i5>8Qw2Blg=pjcjBPRl{ zXL*9XBMSf^&UuF`^7-pZdk8r&^Yv)N?1afEV}>#olX|`*#7twVPQ zc8_cvGJYu=*;EwTsih>eIGVw-L0SDjza+ZyAcsdQ{pRW%=R zDGbHUX&7X*(zhcaBN?0!TY1dW)a1YW@BeM7?Qx!KTFyLGV+i}cv2!uTKBo6xRr?tC z`|Xd9&-eT7Z-0Cc(_jAdv$j6woKyRlA$U|gYU;fM<@BnR%ue7wTTUsZ-be7E_i?`+kMlCMea}-TiYLds=WRer z(+9n5h3k@=I_3-u8pV!y%MpzBx7$%#+qYa>Bevd0O0l&byoc0^iBepI0VZch`7(+soBL z^cV`FeKs?4Jf|vIEgh0a@t$6>nlS}@2x3c{cPyv? zyk}i;`)ea^nr#7yEEsVh$~lH0@GJiYA=2Ev2L2F+buhBXMBC~qc{k{Q}8-oA% z+gB^yi6D7aoGWKlgc^zyF9hOh8?Qy53Ffax5bTKvW*i{~CrqzY!4O051ENU~=;xT? zz3QApkK48u?%wUUtzInvDd?Q40{b)igqwnhY$`T>OgzVY{CdV5?!Vp3SwtjnnHYMB z8A1p#M*aSC2V4a+SHL=2X=LQ1 zZ&$-c9%a*hPiO{w^w{k>=ZL6XogIVG>7(dSY+aC1NSJR;6VIco6JB@xE6RS(@9hfM zmu8Cj5sPynxP4E~agH8i!dg1U=eHmEx4+zc^0?8RxY3oEwp$|NIki69`KZj?OUJOo zro}CcHgJHOu7u9n)y#UG@DZ7k2-9tBpZ7q-$9sav0qJZKg}^=+kPjTVh0gI9 z3fxmU8%FyOU!7mYkRhEzOd&>pf8Sv^L~-VvbHe57curWH^PF;2v&ZLUrckKkmUIG; z{IaED$eoTjhngBVtuK8!VUsWs1;7lODJ^yot6Fcv1pyEisaH#B*~fOvX^)V`!BOz| zc=pC4psrE{DhSwkcMl0=nl)NRlD-AJCefBncqP`u0*iw2ac?UtQzIcsmDoRyhk@?*@= z#`~Y|AAfy>&7*d5OEE{hlyAIJ3qgH=C;N3!tltSEtRU=pcJD9|o5h=NszrxJWxz(%TuZSJQAKI?wQ!ulX0}HY8Nk0GpAOJ~3K~(FDnpMu0 z_c-T-dyo$Z#hHxwHdxjp7n1M&cr}KE8(TB4X z=iHw2ug|YzN8*FAbJtboTx=6n#Yc~nlh(Qy4{0Ox4Bm_C^diJ7I!a&ph(0VjFT5A) z3o}hA)>6Ylg1R8m+qkZh0pu2MWXK#{&yi7S4L<)ELmyMb#Td}ZiE}SEq{Zm}`25;( z`t|vU!9UK@$9OzXU|zs>WTrVMv{K*#;kzhTbL?P+aWAKVsiJ|ILvdr}E&3oY>M%Ly zKK}Ye3$L~Y+kmTh5%2xS-@e{{-mgc|jxFK-@wYD@7jx4&Hlp$@*H?M}`?opfoC<<_ zFP+7G{r)`OHWcgPC1k%H$%&jFrz%wV8K7Kx$>3D=`ElOfcP56mdrp0Poo_$xBCfT; z5K6$(mpapN+x znf6!f&rFW_i7eG4V|`3SF$M^MeDLg@6RB5Adt`Qq0X8*QzMdafFWt=cx2>EtZc$A~ zpHp>}eX8u($jA|jY;$I0+bxq@`a*b=ndmBwh|wWK?vF*=lJ%o=CsNfEqz zPC5Si>!+%IeLOyYJ&w2ic-wrCc6Eu%fA;e)?`F#00ngg|Kt8vKKCQUckV4vg%we>-I;*L1i)J?4+-|9taeY+@0?Vu^ zm^Kb^atOVG@fXW~AH;dSz6!K4y$&^MWktY-C^`w28&jHNIxqMD=g?k8NMcH(PBPo} zm{JhtIV?xN<*2IX*;>=DY(gOrYpuFj>oBVWh-Bjfrm@3Xr9H#E*cO z*&RPJ6W21ZyWq76=h3E))l@qX5jkGw%T%nh(y%V)FRz_P2!6kcnfGR{+RF?8BTkUviyVMu>jaB?<~Lh&XY4 zyzOfUMI_?b@%?@4ZRS1BF~`uD;gOR$X4)f0a)2+Ds~`7VulD25_j)x{>c~@b&Z${% zW3(~njC%xqPN%_{V7jiwUIz|m)MPk|ASHrNX7&NMj6~V)S^Pp%*td9{sC*S41mTr1 zgNjJXp|{a%htm?)zA>D(%ZLd<4FF2g=u?8U+MP)6eROaR z8`x#XeM7PP{3>d8eqK8D?dQQSBS(2QP$=RSzJ5JbHRiy=+dZcv0Um%}A|KII*>T<@ zPGjg(ap^!Xqf>Qdl^~OWaZjN>#Bq(~9zG~Q2(SlJGxR5mm*55ciTD4aKwJMM>}J*q zcQ{%4dw4s?m~&`3n@w$Hpqs@kA9J5=Piad=)M`H;1$lEimAzvoh~LCJsB`gY_~1ty zuhYZz(uw)^fBFE)-Gw!U!PvujXG+W@!Syy++@f!(0sYL5@Tj8)3pupfzy9`w&xBv; zy>loN_dez@GLrw{fBbJhKE8-JrBG_^eR%J`o+s4p;^cnp0OK%I2>y9p<*LV?e|>)K zTQ0RZao7SN{dcP76xI&iaclk9GduUK&X<>>E5#Us2eh@6YDBGdHCZdGU(f4VAdg`p zX8QW$%zOOx&tK(iqmR+&oO(U#k3Ze7XH6;i=*Jk>qoRj?eiaNPwp+TMg_zsb(;i0~ z68v_{&_w#+Wg%t_dVDGwUzcg9fuEFUIa|g07SU80TWC*(gFn#(F@qD zQx}g<$e6~QB96tW*>+E`bfV>We4Qx;kUGUVSdT)0-G$H+AbG0#7DLH< zFXHz51_%5c>Vx0!nObzkeb3)ZArXi9O9+A^c#g^Bj@yP< zlQCyGn@&A$n{%9VfFpvKFiBOjRtJ_F@E=1cg8!*1_P0(1W0e@gn9~Oj1~#0aDJNW_ zF~__mB+k^UK0i*3NoX|~&N&C#Oh~cUHpc9=G4tpHYsq@nSMjabOMLsuMjzNwpsj^; z%?I&u!O=$_z4dz5<9*+cT&{xYRIgoEq_LY*v5{EPX=XfTDJKaY+OxE!sTyLqp5@o? zpCVGP>Vpq4wAM!-DTmvS<4=G20rr0gUc9uc!4>fLw1t=#4JIVtu7-+swh6_sPODeTd%%Fdo}HN;J0gxbK7YS%zwP_`)~;?! zKDZFQcTU*#Hu4K%!H#R|`z`&K|N6Hv74ry;|A|?GfL0W@0Pg2veKOCkaf?KRRjR7C zGPWaMk1FEQ9(fVI8IfKC%J?9#8-gJdqVJ`XQ7dDS>)46+qfcgMMmUGTtiwzZMnJ>` zVvr9jN{962YCidxJuxzvcuA1Of!_~fK;9!%VW0!`3U?#DQZhQm;XVk+q#)mm7la!S zb4Xr-OMC2X>QwyxYvk;gf3IFG=5T%%5f^h{VloOruuMofs9AaTxJTrX zL0E!gZT5+TZzxVpE#}}HT2O;v38r({8xV2?Tq85tG(;W8YX%03bmXK2)D1 zA4!LXj7jLfq|>~>9+PxI8r&;WRbTQ1a=fb8mxu)`%FzaHRp%Xc3)miCU)Sn?$VMA* z-0GMi_;S^}XCH)#oR<|yOT>upeA~(B>({egZM*0Dk0Wl8nev`kc=qXI$Xm>NWanb? zKFag+V#n`4@7S!uu@GVi$?tF5c1u2pkKTKK`>{C@0M_!J(iW#Gg5E;*F!+Wb>^MXp zw@6ITMiCRTy zv^@aE%&zzzN1aCW`1RCjNDoG?+4uJ~ht4^B9RMrOsaVZHRB5(SCWr`63;xB~H109) zi5;Wi#8@0Fl~x8E`SS1o!#_I5+m_F(TvrhLxcBTJTqTcNij0>93!SU=L9-URpI1Y=H@w>86sv?9b@JkQD|PJzQ5gI zYgagy}uiu|g&Ow`T|9NYr#VsO*5w9`UwJ`@H^TE$CpC9Mw z%FK>A|q43A3D!;0(R{D1ZHbKII_=+7WOEh2*Jb+|zu zpjypR3Od!M!eJakz&2y_A>M&<$>MtNul_{moC_oho0BSbhA_8?b14P?0wUGgAWwoC z%8Q71vkxbNIX9%S@JjYRRdw0%gJ;LJw0c!+!^>5nd-?UxpU3;IO69Bw>-poKeznrs zx&4-PYKXzdfJ>L%3S&aa3sDU-U>XW7;^O2ue*E!7%8xDLA+P0L@S~4cYswhpkD=|V zA|fJYy6u_ZS8@FH#{-&97Es|$*Hrl)%SK6Z!cf4htTF;Kt z3~PKHvtAv7b(jR4bFB;=isoUv=T?SIYh~>3TgV}AG2}3Z67hbd<486X3IhMK;}i3K zq*BItHXpqccRm|2v49`RA^LCL_Uv;GO&gTcYg~=2bdZR)BcY7L>V}!|@1o+t`3(4v znITFH2#!{#_u@mq?9E=WvLdpUT%SZrXOp@TIuNKHnY`&+)fXXjBh@`}Gq%jOif zP|pqpF!~wnMae9r0AUs24Ji5nVhTybJ0BhP0IzKT!>i2@OcSRqgeYjn-hLk9T+A_T z@jDBGhTC*)iY;=b8+|&@PFSK~9|D*g zFsUeIoa0_+hytcfL#i>eW1fA+6k?8$j3ThIT#bm=r6BD6>*T@QWU7zSTNiPVuGKnV zVTW!F_FQ7Rp2bIRMsOyGmwMHDbp|$r8P(C+^^IvpbJ|*0dJ&Q9tHcyg_P7_WUZTgV zhdW4@nUydgUzr|2**HEQ#ikh}U*y#mKMmd1$4F6kz_9 z;Ab17&k41dIDkZTtYIjxKgi9gqfb}}(BJklU~UP?r#)iz1j|ILBPB1vV~}xv6&N1c zwIT(#TW+Pl=JZQVV`jY!W+pOd4o$T@%W=<;4It-^Uw8>sk1FdHe15@BiJu{^Qpt%GQ0)t@o+MOiX;$@_b(BbrI2R-)e0} zmSY5Pvyb_9>`vt4>#<5Lhf$508OZt}Nb5sHXt7Y7s)7rY;vx_B-o5vwRLG9!D*l*= zdLKClR31xKWZK*CB00rcTkzhC-1ZH^2`Kq;iopxqeshfX_d7FxeVzCFuFGmntMW4& zV}#&Q_kTT3V*d5Li3ASoIys5xi!UYw|^I2XL{4Y=afs@B@~J-_f?4d5{F zjFD%dW|(3^1eP+m;}oOUX~+%OZ#m_7ylwk!LuMWk9Y6M7d*1WgpKhS~sOs&vXcNB|~tpI90{Hn{ygKP7Rz*ZuV8c@hg`XBdB^-yf9yXJTWtvQ;++`&Rt)Z z4_*x-H1OIMU2C*1Uh*wIe_eQQonsx^O4nC(eBL6oyunKh;XKQhA{nXb=p(0yN|A9S z8}Qy*YQ>p+UUfY=MEJ09E|l8LG)B+PiMT%Iwq?lMN~th2IOmW{58xffNUe=IEv3+E zzu%8m$MaDP;B_FGkzJAkGynMW+gg%1H~RGG^F_?8Ts3dW`&GWfkqr6`l;UQF!3+9? z@14?|3ZpYXy<^OMTL4XrH0CP+jxr;oxP{Mu zeq4_N^BShtj;YsfYPa9^-Uc?S;}zLsYI#raFr+O(D9=P8`Cdkd{`S7@MHbVBq-)mK3M>>q*v{nn* z*GIz>czfS~P+RyN@4Oeh%b>oFK3g4e^XN#gN5h7PiAJB$^Vkcgh|?f$u|DhQiW3zI zG@u$_BSuy2yd$^vpFYYry^#n@exAb|b9q#h+H*iYx;(oOSYaK){$ct-+nu`Bfnx^)&rUL6mvju)#xJxk8~|u zf6j5*;_ZEZ{5r9`s->aMhNJ`@**Uac{d!bfvTr|cqt8~ls)iKLuM_ZYo!VP3S2Z(; zep~6Sc4EFBb+qAw_~aoE7B4htpkz-UphoV0pec;pXt$V)=>n~*# z`QUn=AuOLEycUopE4+(DvrP;g#I3`PU;ZMUD_0mLbFa-_2!S~i3Y^=I&D7$yx?FxG z_2xacI)Ip~=aRFc;_^ZA9?4PK0$vtu^d(3+8!XNtde|pI@<@tYmLUY>LE)S|cw%Xf zy>^(bM;*k}>p~T+aaC|Hr~qNnB(HdoHG{*)^-@&I|NOuFPvYd)=hqnH{r&cMoGC?Y z;jgQp92sMjQu`RKwdeC1W9Af(Z5wlZKF-H^2Jg|9^*)UhFm@5QcU?7jan6k~ykFfgDsRx%Q533~b1npd?kI-PMu#;2*fV6ir8Z=Z z;d}1Au`S{gI=K68prWX!2k0R~mm@0SpvMelF7*1CV`r!c(nBA8GH?|UC+2B8#O zb{J{3+FNO>rhn~*6q%h~MBL}EXREzj)dzPzYD@u5VTi)aDEdVlgn9&6klA7kJ4QK$ zUF7$1HfopP6Vh$lSeuHgIp+*RL8aNIsl^y%34|o%aDA20$L+qKUxmm>4G5r^W6WWU z`So#vKIDVXTa+N{)phRqb$v4&FjRBQqfcN=d=Q+lX^Uj`{J0WC!*enOExNWwD8h(n zB9YV#rx>Vb*bMYCoOku=n4yk7$Iw6i>B9*l!jOn!j##&?U@YQMI}ztC<|Bs~M(sZO zpMU>8r+)WfHkFj}p2o{n?7gsaqxN3L+n;XrY~U(NaI?<E}ZA??Akzp0~ZL1P-PNdiFg8=yG9DDD3 zA0fi^OF08&EuX(0P>F=#Q;OT3;dAmq9>1Q>%k?Pu(0Uua^rfK`mr{JYAH8=G=Rmnp zg;j1&MI0tbc{;I*VMv3ZYz`jsR#$7wIj&s++4Za<4xJbrFK(qB8Inpx9FF)>+V>lA zJ}wEb5D)K;`>tkrOU}7%%a}f1Ul+XZs&;){KKkvxp-+SN1J94W?pOR3pB@?-$IzO= zJ1#IlGqX-(B4hxsvV)nK2Nr!V1{})kZO_COf`^qtRmpKe{@~iQtejvNJ@LuI+UvbA zJ1hxPO1<`&VvGT+uwQ?CrW|_ht@o5XuN!WGvCl_ESf&n3FLM}v=;9r+O=1kFS>e?~ zp95GmyfGpU`gmN}Cal<}J8?D*epx2oZkq(}147C;?Fk@bo!Uw#qmREn zuSdP#vrP-)z^ZO-nAvtjc0AP7tTj!W2Ykkf)A4P?pcSk(rW1$U%{laXROfj1NzCO@ zeH0yrR}T)Qw8v3LZ=;nah`J08clo!f1OZh}1Wov8bM}cScP6@?Wevi;y#03IEM=w` z1Gs)Z`0bX+Xul^3uAY_M@;k0Afm%M2nVBw=Ys^un67gsQFxEMZY!x~=)*dhA*Y-W~kX|8&Jhd$W~3|Sm&q~nim4{0mxWzmq1LIuXhMgE2{;pBAd52`vn?j_ zh+)n_r_C{0+-xhCy44OOD}3{K8FgwtQrrSIIj|F8Kd)o$mT|{9{F8}4i!mMZ$um>h zS9%>(WNrbz9Wx^dxSq{9UXchXuwxxcj@^r|W%I=ucZBRelmU(zt1tQA|F{43|M)-u zFH;*jTkC)R`J>hbEKw=dv1_ei6VZBqo)-v%t&h_B&-XXz{{QaJKYx3_hY(upeT*^Y z?by!(kiV*0sr9w8pxOsB)i&Dbb81Rqs*b75{C2z5*8bf;{;S9H982D_W@8{ILFk-Q z979oRuw%zO=TuXX)hA4y*usygW+ozk{`upd|Mo{p5pdZM<8_q~f)A_HK#iVK9CPtc zVBXIunHlWo;@o&8_VqU4HYTjHnZ*g}TAdnWU?u}gdt$t#d5hQ+ zA}s*Xv4}q(H3UJ54RkfFbf5g_BOxtSz>ixtM~nwXpW;0nC++I3_Ve=!DFPKj#K+st z#BA&w`xr*)^{UJqa|Afz_O_=KS{pDrr!9pXfNKoF`?!cY7*-+916m`{SEi}=K5h}C z6m;rPSuEr13sVCHHuQ5&1lNha-0ql1zP3OUGYKNfdqOJ=L0;OE^Ae&5G@XeT0LMt2 zdw!mC>UP_hc(jS)>9}vbLt|#l9CN^1hux(S#pv7B%cG7qj<@anxKu4fe|=n75qK{# zcyTQ3Ol>r*ye)X~;#wQtxz>909(!s?+d~LUwB>x2;=P}$L#LWeRWrT6A8Cur`~W$m zW0-yWm_GPz&uYd@J_5yKYuzR;hA{eMf@GH8f81K@wY10MYPARNLkOj`>se}TrsP&A zpc5~>_S=1rF|^XK%J8xtU`W5bml)%mNFbJ0`WQ;Y#889i7_-%$QzD{$&lrTjk^zsF zdllVtLiIR83cXKU{cF7=uC+eK#8!cbLhxT7PiEeZT+WJVU#tE0zSpZ^xzuX!WjJv@ zNUP&|mXt#}G94pANmF%@?{uIo|Pw4x0nnq!zzJsSo*kUYVeZA7GqOlI$0+9DIp zY2vumKI(XR!BvrkGE~(hxY4KaT8xY~A-3M%b3NOrb9>9%Enz_cfpRM&WZ%ou#ytM^ z4CujV$xEDLC)`Vih}=h+eYUH!u<8QsZ%1TyL_EjTVKE1^8HDOq?Ru2ar#LtJOj`)z zwk_o7TNx>OoEqX};voTQ)-2!RoCe=bW|nm;=1;#B`lCM28>+3_Ck(Kz8nXji`;C8RZugytutCEO)P7~#G6U>MR6Ga`2o ztFS0Q5~RJbZ)lsD$&6>$*(Q>D7a_fCUkxGSHh1{>IkuIkIMCZLQ@gr&!3bcC39yH$ z!S##o8qN0drIgA>3l z*{UM6u9fD4m*`On;^CJdHWioqggsp_cUaH74s#d^5D~NdMsv1M+t;gWU96)5Wv5a)M zlQ61u?1C52JfCOTwp?2!qT|>;zn*G}^aN%OUZ6mTF`$P-X##I9G41;nf^WSWA?ez| z&5TC2*6O`DCoh#zxULdofGPmH0;tJV4Q-5gx!rc1+I!#kOlFR`^^SJJ&o|t-@TMmjOwK|-*)<(?1NBFK*{Fxc$J)*T$)vsTt4>Hw4^ibom zU%|t9Pk;MQe_+W4$mVw6@F+knHrog}f~%1C6jKN}Y+qE<_D!g)(9F2o>SB>2&Xk6vCm^YE)&&+5I8DSXQ}@GW4OgDy(~ zrZ0|+%2{VuM>OiFS7RgCl(#*RTHfMzq?7~N_lR`Wrp_2(T}NEbnqpw0Z$(gwp|NVkX2KvXrtsUJ-!W2sd_2eyJH5({nlf%;X??~BO_77#}u|BGtroUj5&Q}5@XQiqhNeM%piG#`U-V{ zDS)ktDXDWDVyI^|GA~j~3o(8tyP>cMQ6RroB^R77LKKZYuSb3UakVmt=ql`A@ z(CwbkiKRWxG4m}$ijek*-THPUg=2dQL~Lqlk5H=O%o zoJhFh9Oa^mELlb&OmsShI2!-b5; zQm2I!9v>%?QgqJpta%IN8guG)q!2w4ZPz*lSpc!u-t6k6Xx~U06jSzfm1CCg% zL-9)?E|CTfSjfq+(}3d(zlw_^rf@w=Is10Y`;p7lRE>p~G`|eM70R<98W~JNGsB+b z>(}%4zL%?wKK3Jj{{HNBpc}^*2?i)yh0!OvW$g3Mk8^+9LX@iMJes)EH#Ex|ljR`-XUS~egorc9ERoSITBrQYucG0mwy_}jjf+Jg5)7DCuk zEVW&wURRl_|L|Y@9UvsYN2n>Ra({e&0xFVo67OjG> z+5{GALmu^`@IiyEZSpExsQPlLA;DHz4v3x)_ZH?*tcJw4`w^I zjQ7DYtE%^cvkyv%Qv3bbTknin3^QbN$B|LjqUTn%ZBJMmnNi9C`UhloKrQXqh3K!V z;Q~9}b{5uYW2~&!{l3L5Vyq%wpi&^B(UwsUQHYMoN3W_OgkJk%>%Q^5=yA!VEw<7yTns4)l9I>dZ!4!?DOa$s&6PYg!%EK?h_G3`FOx0F<{F4P$HZ=( zzg~1MvO(I@lHM|5@`v#%DtlAIu)&ElBa!uv5i`b_;*qJrqmFtuGjqhIHeQ`Kmg9I= z9Xp6C*l|c<^ij`ds*5sgH0ofZ82$BCY})m4k&zB%wO)qzLPNcCTZ}RIEvHudZQsl+ zcn=-?mR2^_RIRP26h)kxjXAa>-`@`(g&eisORfJuQ*YKIOOkEp?ZGDZh|F_p=W)>0Ucvz*IBo{U~L7H48tD8AgBf~ zf|$6~9)iBzcQdQC?^|*AG3}L^y{N`!9`Jfwiz&G~y2sW!y@&+Q=lSjX{kj_FH*?N` zX`(8+Zp`hLm+tD*OqKJN#~1*W<`PFAxA$Fy!PkF$9B!UVOfhU*X69b|dDJ;3IpsZv z7@!u-TgG+u=fC`f+HmwSTGtqe2qn(zO#t@^6)=%Ia6`-lgR;Bll0b3<-05o^h;iD| z;Pt`G$b;;)V;u~~zxgt@(o1YDFQ0&j1P#!gpU=~c;7Y`p1KgzZd4djn)r#kKj)_u? zh_*cwGu}gYzn%@^?-aqcpVTNwrkX* z_p6hU1o`%t8-(l-n~plM0U)RCt*raiJ!W;M?2L-(vk5 zsRSarjz&(Zay?r}A(te=KJDip51U@@IhUAA6k#%Frq4gmdUhKYLx@pR2%^&Zj8Q)x z7yO;a9+&e?0)BYjT?2Y<%ct>Bv=VLQ9Jtnt&Cy0d{LDZ<*x+3 zy_ZF`w&fJZcOjPGM)m0E3=!KzL}`yA5=zil&Wx(Sn?8qW4BIWE2g3$WWTojH9~H>+ zS3QlhYN=vW#fHyrw9K{4v?3#f<#^VzCt^B}Hu?&madQ!6;*i4g^8gC`3v7i0?d#xkf=l>+UgXE)jgT*W7(wf0(<0 zzU3=v6tI?M^MKs~fTN{5h4&*UW{7jz{rkS(ONhd{9=zG-b=2FpU4zDqxLJSu7o(z?@#(})z6iOf{;>nc^M+9lGhw_v z+9YRK8tM~a($NO8S!s?LRN<0`Ky*C5?fYYn-ad3AHs=xgHz2wyU{Pmaj-+uk&wr!8+^ZVQV zd0zK@hhewm1l_{E6;$3#R7&~t$H)D)qr}fC)jopid9|%%B1h)#nDgWDOfjg2F=lK1 zs{Q->z1AkG`&NYcIL=zzZQp+R{yyDHPBDev2lj){WAFQvf70rbsz){-3na@L^m?vdTvX;5EIj%k z_go@5wX188-baY4A;cV?k4r@0O%WBWN`TYCEExw@Ykf|~`Wvg^m=iX|C{v&uWnSbZ zpgF@UJ&|4~-TK@`SP0VCRDy`=Yw#%x(e2FA+gPHu7h1~A@dY6BdbaaX-RwFla_^7F z8A7lznd$hvh$!Xo`SVy!g$fE{n!as$E7AHaTN-WN_MBo+<`l!e=Pk$jY~oyEa3?mJ zW2O+c6iZIZ{I-`E6af?;pU3iXx(8JvI2hfJ= ztRj+9cs|d4E7#Qse3eC(un>ZqscLH-Dwi>4&WV}(7%_#`=d|hWwf0s!D?3vzSzZn* zcW-TMdxACd%Qu2OZ{FhZxO$tY%Q0ldTITcPXlLtfh%gvI`+buj5@ew>SQ2O+XDxf) z_8g*q{QVJg_~M|$Z46c0a>1f_c_Nbdlu&F ztZr^jHm3$9OeIv-J?)Np9ww9y}~Wp?012K4Stt=G67b$`$1l*-DeS^7*{Us8-t zzqVEQ^Zr%MPw#!?E!VS$2vkd|S4U?2?o7Zs!8Rh_VEE|LqR8=^PU}6?|kd=|46VLFr{z1rem49TPP0_=y}((X#wHa5tQ` zi0>)tJpA2WJDj8c+8^A`4t+d`XZ37o@Om3_SjwT?GP$46OGQG|deji4>L4dGLL09t&an8lLK2C7Eme2wdI&jOcDejU80qMra`ZxK^EAqr8LI&TY{jOfo=`v zqPO4fqKujd*NrV4_L>erxohUV4e)&RfBs+ogNWSk`)|K|C-M~I?Y3XF^)cogCFk3= zJ)Z{-&DuJ%I8p24zHcSx^Qtj~THC%A75V#*pH8l#19OWMTkE_AZB(xXL2s>ZC1X77 zH$s1b4KYSHqqU>@8G6KqX+lPDEo`%yDV;*pVyY=GU{DyHA7J>v~oM&N-1r z?N8Pg{aHK~*1rK2W=W%|F^;S~T~s>nCrik9j<=vSnJNSENo57D@6F zpV-pw8(tBpA_Ss5qk~6Q%fOCLMb?O&2=N@)O`Dkn>9qs3)XpAroO2=)pL^y*Q8fBc>38&SCer(vFVS==a~> zgKAVwAqcbenPPmq6=B8_05ANPx0{(OL%`GF6#RS~aH>o<09E=JF~#S3=911@hfQ-s z61D_EY6(saR>qcNPSc1~W5ufEUwNkqh%F<}In6mkRA{kYQ!^&_7(=~UYa^%F`();n zF!HDER`9N-6d`Y0gJ&nm5FrY}20%oP$H_wYA%L-BzRs^$;$@Q^BbRht&CG6Z+v9O! zw-chKl3?|gr48fW2EvT6jm1i5w2o5V%}UI`UghygAOc$95gOn^R3 zR9bkqN1rTQkBY6as@j|cA*-yr2jRGL%z9R0!gmCR+8kr{aUK^wos`1yID2os4IAVB zzW@C5)7|O`IpWH=_}b156!Fu*eM=>tM^7n$--qaNfTU0WiO6+ab2>f|Gq0`JvpG>n z^6f8gtSnL7y(G9 zlGEp(C(e9<<8~NgH;8=nd3(!i`<;}C0LP>SZ$(70^sAe>$P0Sd&8ImnPUvVe##fG^ zlPXA{AtpUP>veX20aC~vsavqI#uU93K@hZ$2D&(*bLeeCT4v_^TLA}8l;3}SgJOFb?n`p>{l4Kx zjX4FJ3A{rC_Vk`gq9tKnF$>^x_$yDBg|~akdn&gCrI4E;A7d>Xl;`vibq@3CSTmv^ zrgc#YIkYZ>bw|5;hzg?=rX!eYmpwtw$3&w|_a(v7u%6QOi}6ZwXfW91aGgz5%AR37 z1t|fIM7_-)LQmz=5si>f9}pAF~txSYvH`b&mYg2BLWby4OnEGX}yiIr_twj z%g`LAEwS+RsO6T?=!UeGY_Y`avqB{ZL*VQaHg1hF`fvwbS9|R%wT|JYGdE8qu)>5T zX-o9#nouC&X2g+*8rp^#EDg?I-vz8;F+W8z0}jL0dr!+-d>J8Fgs*37SI;H3vqQ(9 z_ryeV7)Wj~+aQYJ1ppYc+j27!r4p{Q#TaZ%5r+47wIy+FBU1|4W#J^Z>3NGH{QP<3 zEyDVY*Ak+j8f0=9)>)XHGzi@GF)6(itzWW0^hx9tQ^Z}Z|NH;(zp_Zl$=(0>@w3*p z?VGT)-khl9{Kua^`y8W>=W*_Pi81!kw=I{P$s9Z!bDMJt%O5{}#-La0F$OowCC5c6 z32Rk1=QI;$Fv90F75?$_Q$$cReSADZ2#?2cp4XUDgulJNJ&%)|_HC=J#Tfe>Dtgu0 zYQx2uV)*!cLSqJf{uonKQwZPQ-_NVI*3av@-){68qcU>{v9-2uE2cE1(EDIvs1z`g zgkxsi&E{iHnC`(ZQjwCAhzQG^hJ7Mlshh_TRkZbvRmOQ%Gdr(_Zmf?%z7FLv=6>I7 zT5mH%X|?b7Qft?!`IhHP@4MX!FG-@I%6a?!EvD$?2%^V#U`~t))Be8295v|k;~+Ot zjXCV^`*qaEkLT^%4gv;lDVr8EJSc&M>ebK3HRjAE;gCg<4UHxSwD{q@^|_oqiiH}U zycgGuF}#5eWKPo%1Z>(ESOf}jBz=WyC6e4p>%*I;n z?d+nGw^T|DK_5R4NM#W70d|Vx;vbWR-@fmFAp})ne*8F=j3g&vPC;*5PC>7usp#8% zYu8A~_96CZZuC!o`3?(OZ9|BAM<`x+yX`TAJ_bhqPGnAFj+mk|!2!0qW0ik!sF*+` zAZ8Lacbga`5fSB*kLL+FN^6Z!$q7%JcsIWP`bI>L$04sj(B2^7K~=FNfz<8sd6ts* z+XmEqiqUMU=p2(-=A0?TTKoOJ^*)#=<+U!ukdKIJZ8*oVy2&|XbuOyT)Ot6wlp}-2 zsVqV2)odEdI5!KreiU3T?v8*SW(N9WJ$}R~#oh)$wD_@x%!;75?>oFGDF>8IKmXfD zh=I(J)rI5UFj+Nsr#VKiqdx2X`z-`vUeX#=>LG-bqB~(uvF&9}z$In0fjPzKWBDb> zZ5lF+(Z+`mkOc;r6X4zfMW>mDfDvXrTgowna6He^2AuBLX7tv{mMHe)&&M3|{%!x~ z|McHPrPZM-DF;zGj|!_Lx|fgwri11lbEsEOt1e&jYz@+DH}lcv9P{JPhdY%m%`rt8 zJrxNC|1!onKCf7U2y4=i!>ABaOUi*smVx0*iP48f&3nYa0!``~JP!j;#(hD}XE*pP z3AwrM@X}q+w#pi#?N-dJp2Mc)EvFnp3ZH*}qFTDWm9$0hi(-mF1@^Ep-I<(;m|_Xj z{5m^qC#e8%-k0OZyj^{NLr>x%C~9ITsqz*vrtNjUwk2{tYAkCmD9R!0XwzTITXT2w z5JiGu$+O+_ii2gqSSfG$#g-$D!OZ~m!aS9PMCDopcY_>aw4qV3q}|^$Gs6mx_!NG5 zCt`-;-*M1^w5Ga(3y>dV=CPpLmw&aGvhAKxC16w}!k8$3F;yV9$a?}rX!eOQIXP+6 zR|vXm4DJrnE~0RWSXE*3h&kjfrGmxR#QJ5nx!qDm7OZ)UN(;!igzx+UG_UhuTE7N4 z%?7K_0A|t5bBWK#MMV4CR&Heu5X=l`RLlVaKmRhO6FK>HRt+M;tv1w@^D8?t2nM|& zh%mP{?(ZejOjH#=rQcI;3sBT3?f=8FL%OHbul_$o=#%c zDCF$!*g5!1ISBzU#{XEnAD0s`j zRy@dSOya9Zi_Q$vBV7PRyM5*seahVf4U3LJARZ<(PJ78LETV7sz1Esi z>SL(tc~ulSV+<#1wTZ~veLvw_pGHKF=UGZ3W@tsA9to=MH0F4_?@shQ&KQG;gW@e@2TC16lIak#l zBd8!C_hE{kQ$(WKDrizvmD>82Grrd5R&oZv1#Ny%t*uY95cIlMsvN@6SfsYr+DKdK zZNT4#Lm|Y_`;ed-6`MF(Gj9d{0y?&s!V06gItUW`x2;_*l?3xyJ=*qGW}hJiGvDrI zIWgUlH8{t_gmSb2Q;wTsqR?8$u=Du5wmqYStVg348_VW&cMV}q1Dw=X^07Fr0V?_^ zY`Y*;#2T?(U6gy9$dCs*HRZSz6lWu*^RogxI{PfQ9Am)P5(KAq^>((hCj^}Jx@IIX zM;LAMmU4+H2NmgcU=%vqC|eTd{Z>FcXjeba`u@uelFI9-fB!E(&(8~~H^Qtz?zi%O z-%<>Z$5m4L{nxh=<1~vBgt@nIovmzXrJ;%3wmhaSzO9G|ZzVmB3ZAzSnfq&96Z#lX z6lep7dIMpc`B)$?KK{gdR)i@+V9(S)|kR}+d`DGXH+4Wi!X_-xvE@e zjWJ+*a6C^KA2AnLOg9basaowKQc50k(rdQF#O~CNis?JXX7P*U%QVL5b-+@eN*aBd zTh19avR1nakI}bV`Q`U_QSQBiXa|JFKZZK5lm-;3AqXmo(Pz#PRaC3Po$A%$(S*z5 zI&01m_%96#O?J$o)hC=xK5&m6w)41 z+tss&q_Ei$(^qOKI^gMvo$gmJh+t?kU!NaDw*F9N_b29ENc*@zzX)iHM+tL5m1tPu|n)hWXkn=t2KuD-4V;FHgYQF}(4D4x(X$$Mi z$Xsq|_8D@38NjB8plMI3B;?zQaKDz6dV9-o{i5jt_src>j?a&aXi@M0U?DNTZFHx#SrGS-n*OkKCaqunxGMSnRNoc zi0^F-2lHNJ-}5w^W}>W7HHtb?>BgDq3}CC&IJ-p!QErhZ@<0&{I5SzV;-L;+`#+_EW=EC zyXEtFsmg#Eg~-kKx6RGrgnRio9YVlXr@nTA5N|Dl&^prztlv>5Ow7H_oRbsv+I>;& zwYM3QYSe8nFqdN#gwNfk0ZaxiG7)POfZ#CW@o5?aLI{AFa|)2YKN^7Ah z!jB&Znms_<|Lwo~_22yM`(BcY^kLubJHF#6m*-r$UE7vYjQd_nj=hZ(1L9(CTZTLQ zxZ3@;{rG%3c^l*H+pYBu7g0!xMbPu(NL!wLpv)Q=x)8P6=QIt%Ec9|H&N0fKHH6Uz zq;aWav<(v0PPX@vb7bc8S%u~8zA>|k0^-#AXl;}&0euYEd4S-e7iDC?pf8>%e3!FC3=XqVVkGb6n7-e%<-qZQ4h2D1%0VFk%0XT^ zYbdP!?>m2iZUYKm*>lRBGZHzwQa1BwIc=kEEy;wRDbF4?JM;m>H z6hjK<#}%Tw+5P(t9|bdS_k2A8gC-32+`T><2%Fcl&S81WV5iJJu`pUPV)L@+>ujrh zOyT))LV`@rh=%BWvTAE1<_N1uAH$p&h$m*GC5}2lAbtCO6BQWgm|@mh<@*{d4of8h zX_~f(za>FMxZG2(eGNO9C7{4vNoxOC`>dD?iCaX_G9(Je$LVH2|M1Cr+R^NdMD z(t0&~cH2FfS#L;AWxR06g;CGN67aWdTHX^Z7DNQ)i6WNRd~|biOdN4IU(brxG3LO; z*Rwg4v_a8V;Nn;Uq2cRn5AtQ*$$N?=AOaSjuRz049i=D>yd>uEylO|%Ho=RsxmW;wgfqAnHJS1pp#y1%OO2qlwmiT!(_ER44Jqn zKoKMX6$gbJLJWA;VvLaNFTWF!2JLNL&wl%sH7HVJ*ORQPlot^VtI=g<*5$uP5uZxL z5@1eWWN;NMj?i3Ti)(Hn3YIhYu_*D|(PD}2H2XyF3N4M3gDNxoj46Z^W}mCS!g}`X zX5Nk-bA12hR?i+&!1NGtim9Y!gK5*vuSZQe<}Jn)S$MQrk80DdM{U=@yNwOc{o8(g zT)+JF+Zc298A5P35&7|7KHR82TiR00pHqnE|8L7$!c0s*K0bp6oAau5E2WRoTEE}+uk9Oz9EkFbK_AcK?|=RzA|n6GFW=AW zy5Dv)|I4qxj5#0`{d^uolv8{j*PM19*Y|I4F$Pur`T6+xc;LH~z~5ATyY0tu33DG4 zmm-me5JY9#EID7b;#%l08{by4nceR@6jXSfW6YEil>O&fgUX!qpa10#5!tr_zQ?|8 z@EG7TkQEZVh95ZW@Y&be`xq)Rr?o!zy{Kr4;i`?87Hz=otPOjB-XNB>lw)lj3hzEf z%z=b82n?)C2*Pd1CB%SF|9;;v9TA=4qC4M0`Cl0|M4sH=^6y2EP!D z9K@7zTywr@=sLzrw5BTOQQc|37kuyP)wjK9kal6(v?}jhG6Z$RRIk?ixX!9kQwkt( ztt6LeDgysEp426#A{UW*H8T^DX%kQC+?joZ5JCuF!nWCsn0p)U zUe6kHL>s`1mMG*7l&YIE3rst-jDU_D3=z=~&gTWKk-J~d3p?&V{`v27&Y1K(F0iq$ zs~*o2VVURi!q7JZE4~*|zRrftjG2QL8iJgUY7>@ir1{R6La+UJT#V44qcTz1a=SWe z`gS&0`FkIt61N~xa5eUB*Q3sE{TlA9%H^Il$TW{R-oEYF8*Fdc-1oOk#K3c<9OkgR zB_!!U{=`JRjqBO!*@YR(W@sF2Lf7u_w?XkwSRvK{rWp&jtG@!0h!^rG)Y@5inz4v2 zIvJ?y9HJui34)3-Y_v(jrNlYSr)y9+eHm*>CYwIG5ixMRZbZzO0kbfXYZNn@FJqD@ z_j4en1cbNqQB_vENKT_o$Pv?)i23c?ejV3wT+C!<7==J}X4C3X=dhU9DQfHMKj(zx zY;JEkUby{wKbP3rp}CT#ltP1PFi?nGeg%MrIZw zFdNvDJAOkb_))1r{ol?Oasb=I`b2#hf|3)sdFU0-&nxdqRNB?r*#Z3hnsme%K7Sm@ z5-BD1I#P+xpXd3gHtqAzC#r(mw|##vW>&9$f8WmM<-}#rAAf(S%Klb*>t)X$e?0ox z=QJQPK|pb%-sY$y?+NFmsMMp)KK8do!2+EVv(EagMBM9O;0BiinHbO=rz;a?)GQL*?1jZ~EvA^jD&=5El1;#7xEFYoEA6Ykdl zp2P{V`$h7>d5b(5TwWM1XoA9!u|`9#PPt`lPEgeGT5+IZhDdUSAZZjZKs9RKQb?Nj zh;<(c#}wulmqJ!LUQ9Z$b%cEeo6j73n;|L@>wo-@|ChUedw)l%-CCbE@3&n<=bX1~ zyRK^HIY(mpd>rn+mC{=O{_U;z5o5gHwyl(J@As=UW@&x={CwQ@tq-fMtIAay!f1jj z3#-WY_d5c^V8tjooB37SKmGMDD92NbV~m`lFq`}BRzO2j6?RtD+B+{eH&x+K1Jp6Jc8;92wOVlm-}b6h6;HlsPgmLV&ULS)W)oi)UOJA;Lo8Og-{0xjbqc0;C}_SVfw zWL?9U0%CgrgjR^b$&p#(PW5aO1f3_ow^$~c`Gu7z@k`w7v=FG4N__r&ZhN+2tq#13 zZO^TZQj&=5xANO>Z@HxJzubEpIVY@owk`eTpT32t-@flCy@Sd$clYz`kE2d^BD!k- z@p+UIbB<2jm*jn+*-B2+OhrUx-wO+WK2IYjp^$?F?PJu|TkpK4N2?^oorK{8?!|gG z4I1Ji9$@PaB;2x^sLVMe=;Px+Vs5?K7$fCmX6@=_OOP4R%E=~o+Hw+=T3gO(5g}^B z0a{7|g>c)_oO8^XQ*ie_h6vZ%#+chynCbKLSXLS4X{IWe3_&l8k@J`XD|MBM6Nq1HzT(#H%@^OjiUq)6`A8WUlQXubB)=XNi|0D!Km#mt~uQI$C`pbhR;w#>pz z6k^2l%tVTP8WX*Av@a%L#D|4^C1%nP>QP0t)pkCvb?3RyF*Qi5-I+xA+wXUc$|}qR z7ERgn`8Xkv8^{<5g7>Ok9lvl&p|v@u-M{US?B^2QskaWRF$?c|8FRXM$e~^hN(N+& z5mDX&_2P2R&mULJ8nbHDcJ}MBa@oeP&p)1!{fsvH*;i!Rmt>h~40H1kHKuSq>ueLJ z*849vcY+@gAq+M>r2ro@=Dw<;K|X&x&(DkKE60r-SElNC&1J`!=+m4@f!Y>>T(_*-KHUPJ(W1xoNY4E z`B_;QyDuA-_qe{QXG4ryYh%>G%7%58aJ_2E_}0&qgG2o4$YRUl~U-Wj!55lMw zdZ+WV64U*c9W^e-fxQh08k6{<%5dJ6&;_BPD-6-d#spQuhRtCCl7lwOE#c>A3`_DP z>)e|!LbR?>WMyU_j@=YmU!3`)uWVG&W$q;AIct7lbQFb44ZJ zGlu=WPIte5-_jPpoEW0YMD=JG*5;B}#LdcH#zK!Q(#~rcgbYc()eeEBZiG}BjdO7;gq>wp@zNQ|wNP6hZL)1~{ z^{g5+B=zag@3phz-*}xZmvlWZ4N|XmKI+>qw-7bPAS$s$)cUXm|krPrW{uV#^c zO(!}(FHvb{&wI*SbTe>S4p6ftmf+;57193TDAuIB zC`{z!^OZ{|D&WArbZ!fChh{az;L~YUT%`Z@zyI6cfBd{^6;)J1?({s)zy0NRz;NE* zZss8(?Sg)eN|KP=#dZ@jSMY-|qY8=TS-m3&`DIZ2?4oj_FSBhN=G; zGe%XBeczbb%)$CBB?n!MzvI02tq@Vp5yoqQgVT+Lud9U=hRr!A37(^APO`sWuw-D#Sc z`SJ7oa-E8bAsiz_p0Em~s34hX_9-G`409vm zdi7}wQ(bH4SHT3aJ2Q_t-`@7)xbUR_Ys02J9>@K@Gf{1Q-%2j&^Yh4iULw>LZ0-_d zscC~CQXcRJR8A0Dq!QQEMse6p5neAjemS~~i6O>7-H!{PwXP|QF;EU(M>V3d=MeSr z^MK9K-TT?Ev-z}jD>$N&w!Ec!^`&w#Urd-NHVub6?$Mkx5r-78r@~){oDWmjlv7F} zZy5*c5&=iG>4a$nm)5oUOLJ zCueG{#}tl7oo(Wy$$Q3oUeDIAaXc#sPOr`GOJocum^*}XHVh_jUhxHMp@-G%SzdGu?dUTt9|Lw-iW0<{era3IA#H1>iPKEug zlr7~gU1v`z5VI365NeP)>EOcuA*I3aso~F66;MllwP7&^ zL}o%6!otVnGIKz*Y}#mpWm%l-xtxwEM`t=eYue&hkXFo*m_yKB2MkDL#6*Z<#Dwd5 zR91;8Xq30#Z+VO5E$1!Ov&9r*4(Ib)?ED;@eE+s#tP^s;l;r1seeCas58l~+jJ5mTi$r)eUuYfr>4=F$#0>uIb zle0~vUWA|s1{PVS6oJ(eiQv4H;$LCRL_|n9$uT5Fl_No*et}6BzrgmE@qt3g*U|w^Y&I?1QOv3!S|R0=eXN+iPn<^~cBKFTefb z?ttWsF`b-Q>ear#zx6p<>u5;Mv$=b%eKCVEX>fOQ6*wMs*@mu(vy|*z0JbDuK6q`TqMmbdbIER(mQ52QJtJ z$cGY@vgfaja6KEAVsjcMAp6@s$AmK#v!8FjzccgbBb9V~9M_}fJ@Eo82$Es|7_C>s zk{uTh6NL~y{(R19q6&?{`8eSs$EgRwJJ*jPhns5%HfM->e4IG4 zL(nk>Zj^d-1g$$W#1Bv>Bs|b}w_xdNfQXAf&JtVGdGT7ZnJU$C$m(5F~A>Uv1r9#6ZoE5ytB7giIf7C&6gL1rM_V z3%R?w(JPn}Lv&(_L5XP2Ifj*zAWY;}fK-e+=VYci=YA`_jq|Mcw=I_hDm)XJuNx?( zaKCSO^WFV8t{CI}eJ7&ZeKWH@MsI_J@yX&BmLLF9(Z4#pQjYjOjy~(vbB<%I@L&SX zss97lSAL=Z03ZNKL_t*ij9u-RmP@Q{*tBxby>%Nlry0?l)6J1<)2@zp4-;-Y9x;V> zbqs9EmSPGir~ST-KGK%Z#LB8m^lR75jL^D&l^9I~>s5>qof4>vqmSq3nM(w{06-gL zOXI7z-O6<~B0_j4Ou({Q9T(x_aRtQlsWJwEL2(J8*~1nTes^LzpUvjn-ik&&KTmAr zW;e|6&L?EwbJ?bcK@1*GUr64h^Hu~FovZPQD!a8u{$}%tg(cc zL(H+Ik7@RAt(XZb>h*Dh zM~fxlyXpVPMH1wr!zDb&6sSp7s#Jiw1Kn2$TEYBf*6^Bho1@^XN5kt1NdX8NZ7>sd zEO_BiS%`4GI*@DUqv9Q2?>vzkg&-QV9UaB-s6$mk6u6Jv&6&Ra?T!hen@M01d48Vf z=k@;E?fkrM?`8j1$}JHS>oQP^3Xzw4!i;&0d48@q?G;-xW^Z$4uwY6OH17$BaTJKX zbq$)gWM-qyRpkeT&Xa}PIoj39Id4(ID?rphGzvhJK(x@WVdk;K^HI&r(GPENw8_Fy zL;&l)G|kgrADjbH{*qR&h+k{~VqWkMCt@LH5?LZ|Gmj;paAD!Eoe!p=HY~)Y16iYY zCs;g1)`z%^WW>aTkS1nntphtV$3$R-na89yz130n2&mn{%!5|}C78-Y<|9-@psB?#;vC~u&Bug?k_12aSWVbjeQVhb2b zpVrP!M8}V-x1~Va?xmisUai-$-7*n@($m^tq7XyOakNpd9#imX_3ST~S7K&Se*f*Q zUhV$<#ze7zJTc3jVhMly_rLx5&mR~HFcYi=8WqAVcy;oYj?eS$w>val@4wx@l-0fV zIp*WT*1&7oQ942NSV`ygw&nKn;vxL0tzq4DprLRu} zGjeS3dWAxDipXeF6|hnJSF$bv(;S*EJVzMoNDyKVIbbg7?$@)L`BHd^}I(C^0{XJEQrwG-UXNP#WW#V$r;^?2_I|s4zX8!d9~Tx35xtHp zq}Z-L`xt#93L~bNO2iL@Ukkg&kW22hk3NVfrU>j!(Tg#Sm|7j8f;0&T?;d|XH7Iyb zj7K4=p*9lj-%g|3%b3L}Cx03Ip^`^|C>A6)U#qh!re_g}DVjSv1o9ToN7bP4Z){sO z_c;t>jT0k%`RC8a?OsIX{=U6^+tIyn9G5w%Y8%6epz!375PXQ{Y#0!vmuXOxgsU6P8s5y7yN)GyW@G`@k=R0bldeoM6Gsr z`-cv-&+DwCPYH_lw}HAbk&r?v35j;A)4;4I5a}kdiBvp-qM&x?!ArC zXTSP&wp7v_bM)D+w(Ysq!NPsam^E)18pn_nwew)HHL9ve;Okj6EW7c9+nWhN?;17l z`KwMOl?e6D?QO?sXsDtTL6kDaRE+FM5rvAnw?)<=WAS=kZ{KgwH39S`=AgO&Kl9#t z&KWwf<;BxjYMR>m+NdIqPlu&;SRT9WzRM(mDI0}Vg~@0L214sx3TJw=A0pg*+;o2 zn3USt$ti7-h(G`HNG00vIb5T(S8q zCrj;(XtK5db*9mV1c776ruj-(pQ?I2YltDH*lK4YgdD)h8e+gfk#csy2YCuDsykDJ}B`_iP>>3(`A?O04MJ5^nAoNx0i6gPz{JeYp9h2@ z=-FKM${?f9m=xKHB0Q&yutq`KJ?IO0CDN`H1trQeExji-#2Xa@S5AJ?F4y8K!vtj3Mq&(g3C0@94-;Y zX#CZ1|FZ@ONkaf&La(=PO^Rkq^%t{h5DikVv1Z)mv?f42P?&(HS`jq%+MM0-9mO2` z)v=DE*IAtDVo9N;r?2awKARL#$*>;W}H)VZWEh zuj71Hv0!{ACK*=uu!WbZ>e34narJuKK}k>;r*W7eYA>=i>E|>jU!{#vLyTxefFhTLV-6x5l7cIj zAOpdJwAdm1`B1W9GGSsT#A>az6jM`33l)kvA|z(?8M7{5Sr9i1Q8Y*&Gop8#8B!O# z_?R2Pyn(Y~W^79QvcG?cf55!xfBV;ehO|yZ(Ag=%Ij7oMN-?E4#waDX*3D*4>3JOc zR*viX{{A-2wvxxReal3Yb9VBa^Io?9{PX9({Pl1D@%JC@2r%S1=eCvBnh2{1Qt;jB zx+=cV&&Ly^;oJRozip4_dB1I#Mcm!Yko|{GWtznpFvq)FPVqnf{^#3$udSyTYi;NQ zHuszo-ndp<$qA;keap2q$f}sH(7I*0YDG*R!R9dwNxg&2HtEv3;(zzBb?%SlA41 zi#F=fU=n!Mk9*lOf|x=KPz1p|M@u?F$R}=BzrAm{tRh2zG?l)xCG3{t39`@$gzSp;MDKHQuUE05T#)?o)^5lE2n z4EPGB7&yV8^&b${=ZNexXxw9rDMr8{%mmT@7z3PAYh8o1Hm1S;?q$p4RXpjA^kveZ z=n_sjLd<67xBG77z0E#GNWsacO(FtV&b(|`%Z~PXo0u6$SWMB0>QTwjhd^s&EUBIi zNKY(LMW!2CjS<;KOH0XBEWk>V}nR(gs`FQ~qp53-R=Mpt2{?cXa5oTr$f&u{z z+G@vq>`sWL2H~n9T<10VL^v<64P49&nOYr`+T$#Hp2I>?kWs6&2ty7)prB|<5tcD$ zd=Yv`r2Y2WJ2BnfcAVq1jP-sUb-QIJPg~mF%62ca4>ucq&SB(!K5K}&-E*tGo~<7B z`(N*47l%g<%>r<%n)+a$jf85+}SsU#B@-gjE+p_$PuE*-=RuG$x*NM{sW8GD7dFtZbdBx6iCA3*Y$SxgG0HP}Ob1x#aDoPDJUjfS3?<(~8vGqncCl@H_2 z!l-*|R}+=(oEk8(>Z1XkGH>a+g#w>MNJj6U1d5le{c`*_ylvqF7j6G7pM{e+o`S(Q=K=I-@u zc~AJPfeAvq$086YVuVc_GH{nQANE$r*l?KOi1=E=7E~|z>sFcw4&;@C8Dw_kQwbc& zZmwZDLomL+N^E3Kiz)OrgjrNHs83^Nq|dp#bwfm3Dp6ICF}UE-pyV!Ll?K|d*(WsC zNCqZiWV(bXsASeCZjN{!xarKCh(liGdS9j&;G|BJw>a8FEZ&zk6-sQNA;58*2vNNH z-~R1i+zk*ceqQqxFU`W&RsZ(a-~XTg_y4u$034A8);NB8pq=XJ_HEXEbs4 zYosl~fQO6u{5(SpbGWF^Vdvv?^W*bqwL@*@?ixcq>h)~<+ZIxI`|XxuM6T&*@BKTJKYn9!IUUO^7(jS-94IJ?oe=GfPQk{^yTR7A{+6<~e4{F>gtP zKYl%lX}@oPmVvuYvsOE5&tr?x=a5x6FM^>!g3Yp$*(aiZ;3)+IzVr)_(I#aalRqx?0X zut;3^G0!<;is(Pa&*$UEhnao<{k=imXYR{POytBW!fX?x?U-Xa`RIdJy5gK;Znr|f z{!>)pG3N902vJle=D6K5cHhwlJk~_?_;HM3?P%AtmRmkPPn)*Cm$&abG50!fc|a-# zPUH4ofK{V+rJhSG+*`lD?=b{ouUA_nfH|1`?Vewv9STW%9sG*@QPn^H=VyrW?XPdg zuL~3kDjGrzvrlHWIk72$;2wQqatcBEHJDHWJ#G4SOSrnro?{M+#2@G-WOwhi%c9;_ z4E&n6+CWPKaMm>=GA(nk8GP#gGS z>SPt@5)pDg`wU5A3NZ!@h2UzCyAYE~z{Tt&3(oH=9l=HA`mC&M)6rchBIPZI@``o= zxHUay&3lSDpbBvIS?=k2wy!h~X1bmo(Q3?$b1cLVlIA_lz9Oyb(cOJc%Oyxq4RSqO z-ZR>lVUc(9Q1p7V*{2AHpdp4||NfauK*kXh#U)A%DaS9yiJSzobzbPAD2pz#SA+QU zkkxI)q(bPA;pS^ML*yqYuLb9;=qfFR){&sn`7%GytE3V;4-u5uw*f5C#TQgjh<+hl1MbceZ+7Y(-&Jh1fI_ zZdYe{r7aQzrRvMqBwt`Z_%Sz+IgZ+y+4?-6HKI6g7%~IKu#`i)dbt;DZmNQ-%?&mT zt7GkO2dKO_4crU$>}Hlq)WErJ9`5>!Vwb|NSIViB&_znedxQno`Oq=?8kz$M~h1R+-qowbvjfua#zx6Sk zIL2URAq01Vp*aK{bIv)*X`0>k?c?)-{d&AYKSkB1jfr?lAtqtzW9Ah4m_hYMsigLw^8mnrkMA9K2BRb)8N~B1tfBiCIMWd|caG!RU`{S{rsg zE?h|0QQyArPBi;i{YQNwNdsC7SpJ!@e+SgmVHdSw?QEkCP_A$jKK^{BEouy?z$jZ@ zjAsm=Kc38-w*<=jRak}*M9!nJ$nmVGufjp>?g)YCeZoW=QphDb({)x2>Ox=uNJ&)s zm?Wf8uB*{1w6|2!bibZ$F1#(=-iv%?J~+zAXDVro$*;Zfi>U3b6EA6my`=x-1c8u7 zy^b1U7;VH7G0Ld&W2to3m_j}1D5mAVdmLgfNqd_4@?mnr2^77>IZh5vWU% zyNZJtQ5Xmq!5R~Dyq=Yq^A_Rj>SKtCo4pc3Ud=CV5Iq}mV-cYp1Ytf9!p&hmfwv71 zwW!_+4V+5`Y_z18~%n6Js-o4%iNOLm_K|_jgUgDU7 z6sorYw!3)Ww`t7OYR5=t(_rPCujEbqgZI(RTN^0* z1W(J#fO|s;D6s~EgjpFQ`1x6}Au|(x+U^iv8BJnHY&9Ssd1+B_mnU^{IELMql75c4 z-7^vGZv}-`qm6cUC(3&?^R$I_jHEE;5>tNZBHXWM z%_UXs3R?5~$|7hmB^4ly;s-MCB(b4*ncMX?N-dD^2-N7f1eT6fo|*Q14~@OcBhGWVFn zX!hDkn21I<98ly=!pL34V+?KzSqSVDv%+0XPDCD3Xh%z1VCLt?6@svc4MVYyD7u`( zcF&^?BvF3;JhoegRAhPXgFJqn?dsdT;ME&_rjigBi=xl{t?c*W<{FV36YABE#|28~ zx@x_;%{hm))}hSITby%(tFh^tH0JR5buixI9EBN-am=A?>3TMsw%u~CoroTP9@n!X zS`AF^^{C{8M=RwhLCid))ejqjE(5wP4msr&z$zkWVTWO-x5>;l3?y1?&_Pi^!e z5%Hglw@F?)H?-;5bm(ec4S*z3q0jkRHP@r){)#blboVaUh=`eE(%DUeI(dCIW{N3d z6=Ye!KhA-6jz{T0}nxhj2nzxX2c9XzZ?VumS??v#so7*siSl|bO zM+kd@lf%=}+tB~|-~V}xd7Nj?$<1R7y>%ikCAZpB4BJ+|e}DV+>ycB6G1k`bYL=2} z>!NDzF~m{|&e@Vn4C+qjb$vdLzx?+7I4@@IV=z-n5!GGh-uuik9Onh|F-!%u^`K#a zCMxEB+qdglox!E#^QySo`{;AbIVa{1=v=4SAHTn&rpe5ZaaK}Pl|IIp1K0c*E8lS1 ztHGBE5thP2yeu89BiF*l7=273uC3=3A;`fjqN>jHcpi_><9^>E$U;8p8Z?D9=*O>T z+47%%|Dcu9x{NY&ngr=>i1Plny=F@P_QyTuRL^!kE7IPW8BRwKULk6~x&~==w4=W4 zHEd&I`BRniacNK+GjEy95qJ3b^FdDUzrTI^fXQ`MCI%Ie?n2RN|bIUT3kp&u$?p7|&SZDza7qZh^87 zW=7Y#6A}6Gd2P2`&wf2COqQSp%AT*I!Gz%Ew{QC#6TODuI_uepsMR4sVhr_atb9Y4 zSsxIsjy_xK;QnguC`kqUM!br6Sp+dh17*ENX^ZDkStRYr5mqP?qUJr9Et$JU2~n?x z?u02SAAddsUS5N8+EGf6kbzWEJ?s73ZeN*t(DsRfiXCI(7zH*KQvkiQ?wA+G4>FWl zdL2#_kiI%Cr#R<)1%>IDQ-h`y$C!`DIi{gKKty_7h5J5(W=E4pzIsuJZ!s3-F zx!?k3Pzrdu`ZaQi;2BgUZ|RGFk12>MBt7zK`vMsMMSAc{Zz``UYk#3EMATOYg^23J zpCfX79x(=7kl2nu<%5{|N(f0Q|>d=L|{bn1~*K{5k=L z!|0EcNo*Pbcei_j{I^~G@$+LcbIma7e#QX53pxPVw9K&55qF zq2yHp-@b1er5-Ks(TSiiy#KaCwS51+W9!~-nVjphB64T;$>c~=g@`4-LLuQ3JwGpa zRLCi;0v#h>0!Vw!-?9qh9B=xUh#buR=;Qpjkca}0_2ScG;MbZx=Y-*#W$lv;Eg3>u zoghw+$PY)8%nTf7vLvioo25)H&3n`qRS4awdAmL{vV&?7Y+uMfF zEh5_Pg_%d2u|ykg(?*>dm7L8i#AQlhCQZT3uV3kWLw)mbZu+%e}bl}ZxfTc8~HSSL9nBnnWqvFJr|;2^&(;j z&%T}t5wVwL9B~3zR?R&otyc#nJEx(^;X2!Lj}YM+T~^C!qSB5|uW0$D-hNbG_&W&i4*92T<4?q zHpdtR9lb=U#PfN*WbUx25Xgjf^?JZ!Bx^h{gDg;(Vf@%`8C0s9*R#L>aYqzpun3JH z001BWNkl?e_uzp5;|V3Ri%j*o2tKhJhFaNkX)^AXQ=F{hl=_zNsZi zh>EG2nBWE^z_lGVI_#Fl%o>!8n8^mDgS33-b&w!$g8@sU6$CGWzeF`Dh3lv>tv?^Y z|Lg|gQLBCS)qB(1KvbG2hp3vw=TfU8P;1>g=*|o5=4k`uN3Q}qgAhou11QU@9d9LA z45OE#4~Gw~Bs`_?K$ktuKHbR8_4mL2=Hz=R%nVE=#_)FEbBurg^Jgxp_nuOEyY0P? zEhk~QS_`U6!w>=yiAd}H{q4SQ+pmwu+wE3zvS~klez^M|-@iYP1Af76E5~u(whh%M zDaNZcUP@VRZHP*3{dU{`^pFe(XIbYZHg z@5gbuc?jXFd${*uX7_y?V@$IULn*nB@jT8HqcDH}{(fEUyxRNQ9pDgD2OSn<0?fe7 zY*-2UK;7x+Lxjhi-`?-Ht<>HX&}oiN1RG0?;XLZ?Z38xwN_6*+9}gtyn!5x=$_FuR zw|t%L{5)e;q;}?8LQo)395=t7EvD$xVhki4qUx9SfSH;4HCB4@v^fmad_5Z|q1*f3 z$GE-i^=j|~)T1J$$EWo=+SRV3*_bvhq%it`UtU#LIV+l*nE{y9vxx}mZ$u^L$Vz!j za26t}1<47iET|PC$dCdt+pv1Hkd|0$PU~l9rsLNsLAQGeQOiA}_;9=Lp~acFV}kg;4VOym}j~>?o6;)@p}TgUFpZ zMD6|6^)q}76Gc^Oz}VOOM340}n{K1e)&?=xv%Q>-(%Ufe6;wQDJ=^{Jjfh5DDaF0d zl%tt3k&1+Xi2X%lE)?x0cx9$OCR9>pE~@po>eWPK_L)n9M6HyhBCT~OO3fXSR>$)) z_lPzLVrC9O8p?549QEwv&&LVPlDURcmGedsdXiLD#%J`r7_F)qzqO>Ip?$|}^(Uxboj+n!B zw%fPeRhp41o_qItH4w^X-p&S=VDvGELCJ$}j9F@JD7rcy=jcO% zhM>fZ=uZt2V>Fwn+CYk{s-S2FC8l%Eb~QMsSsC@H64cDLJ&{vADtbNf>7)D8-DaOZ z{^!SU|Mczcw_B_I_`H7qr}sbp`L}xYUdQd*F1i{b>uc8k%F}?PRfT&S<_6gqg3HW| z$>*@!ZyPSl{k^0;jy6*cngV*e$VikSAYtZu^ps;gd)d?LCKES5K28wp{pzm(RuX3a zLbeDVHHKjTbYH+o$7I7`;FDL<3*bOEN6T2qajDGb#9gf+z%aAy)FSQ#?Irw6X^%@c z_==qc<=D@T*y6M=xYXTKi9qYI=1V-Uk<_1R~MCfGys_)z^fC$(mOov zwQCHx4$hCOo*mG2OkuRyuVK^Q|8m3m0PIkL%r*gqq!gfvPALGbM?@0###q+&4nhy_ zIOa22F+Pl;Srs*HEXr<#5E5c0dr<*SA?s`g8lT)T@rw`u{@D$7!MsPv#+E2tmR>-^ zO8dc2&z)?I-Gq}0FfC@gIVLdvdi9tCjL6HX?v8L_FpZ zTMOZWaYfixA^^AAQx0Y>LE5pL`tT~75t>+5NAi4eq`qymZ6q`l3@&qGv6xIUXkJsua4x2qF#-cvpL{$5g!$f#JE zB3q)@5-Tcy{~tfgJ)=6^-1BPZ7-i4rXGJZ~9EL|LZwZ`3+4CagRakg?EA?y$Ea`3h z@h{)=9+}z6@eqn|%mLdngkI~)V-7K_@pn2HU?jF9rvWdrBa3N0La>!j7QTJk@O%JD zf)dZC8g-TbQUs`amb{MLJqF+QHpzx?sr=jU_Zw$}SvecWTv zu^K(qiI3y@?b|ysT~~GU6yteb&-3h~|I6S0%m4WI|D~$ABq)DUitetewYAoV|D!68 zSol1z+FFdE^`WXMhSs_Wizu?^aRzoPI0$*T=)% zLkuM+bBiIQ7;;Xqozbg}xV1H^_CAOS_fXI<#u#(9)_Hx@{Oj|XQUDt;=KTCTpk6?# zQV2msAsTLdynnkL&x+fqUVV&N_Iy4s4g!hT?c0uF9cY0lwX^T{g4L5=30VlTML586 z_81{X<9uB3d5ktUBQh22uPcw&Bo><11tIEfniI^DD(v%aju>qz6Cu_Acb8j7?x@I=|IG>kI+ivTG z2`R)B0lJhuyLs6%ekHlbq}TH@^AJJ^s;V)^c6BpDI-5aSEu<==kGDVGT5WktZ@=Fp z%KL9O_{NTpGsFOA%jmP${{F}P_P)DYDiLATbJ+d+R<9AFrV@J{y^U7UgN97&j;>Y~ z!BEn!2Da+)ai$Vl?T?R>h~9qReJQzxRw3?WqV28N60N$;6#?|?KOQzL<)|X{X#2ew zO!IAm(_obQJ}R&SzzW2S|8vBqO-Iq;>IKUI26+F@&OF-@V9Jaj` z$dfdQpyy%CIc&dYb4OKN+JZS;-9$v~==-;F|81*BpAEiPA!k?%-v4s@ihe>aGck{A z*0Tc!h8zy18EH$ZQlI_p_njR3(#q-?!?w2!-OgyEo*f=#BHHdbrttCOk@v*JqSDSD zQ^2Q#6F#O0<#fM>O)Go$=}2@L!<;CWh;c_`^^&4k&52~S-ue=|V;rZ|CJ6<_8v2)a z4x$C|=@Qs{MWZ0n8c;e+kWhryqc0AyBhQ2Y(gCOESAoD+ualcY%(k-TzW!mtGu&5S zlEb=+UxOH8rX`qunfq5NKk(O=9%BibzRn-$L%`kudcy=?kCsZrH;%=1xh6zZrJfxY z-t;PV0H8Daz+i@sIZ=sGue00qpa1?TD$idRGrj$`hp78o!78FriCkFR35yM@lv`?7 zk2&1GZDY*m&*S*4c~5V@-Hy-e_HD~sf;%PUn6`Kw?fL5rNm;0!ZGSH@1rh%I@q}7W zRBU+J(H!OV(Z2oVUXOlzFZe;%vn@!DmjRcEkH?j^w7(TM?{#c%8B+vA?I9=>aj^N} z2WYRpg@9b3x~L4iEU18RGsrh^UfDEctcx(x?nfWKYN|mX7_Z`*HB*HY5aPFJH>6HY zJhZmh4;(?=LR4mf+JavmZ9GxO(3eKHFu2zSzd{kQ+RCR*lN+g398 zOBh&d>&T;gJdVHq@%ve8Q0-%|NKWYma;$Z~1TKm3A{(LLB z)^@dqcm00b&sv|)v)1}w{`md4uG(6PfnTTrbUs1#&z~Qnz#zbVG0bE{Y;%q|mrX*guG+r6->$3X6p@pNV@{ZV{P=Ju6-ghsrARvE3hS>E$@%Vzfe`#t73`>aO`Q9}%FG}=I?^fKVOrxHUBZbrNoV!-ei zoz0Ay(cb6o8f5gDwkWGb(wNE3(`$GY5jSF5z}pwbk7?efrwZ6xgHnT z5+)vXFfaM?95!lqUI}i*bUrKk&hnN*TK(sMotAavWm*#vo3ov5PGh2w0yHXat}%?h zip25qtH@{r7`eF%)A4z-@=8siB_pY4b91| zh%zz967c`7Gv#$<15W$GzrHqv*Pp4lglrljFCer?C50gMY{2QkUAL=;pl}DZtK}^_ zIXZ3-Xt++ov&I}he?AS&l?pNU)~}P#d7vBsED9Og@O9;Y0jmbPj8t>DGP z@ZH-0p~tJ43js;Iy=}yvw%BU>?Qh>$==pJ$J<+SvN`!sd?R~$0yVbL`tA(h)|MU0l zUckIVoQm|Dyd@?&AJ?1~OPGD85<*r?1MdE6SCo)7ZxMF(KmPeWBn5`L{0u2b;K!dQ z+UuCPpF^WukIF2g&k#b&0dMi>1~_W=C2h(jhNJ*H;dEpo*c_c%UkNIB4bNx2zi-Ga zQju2sFINwr8!M_aaMym4be?9T_xI2sFJ*F)JMb@ZHBE zYLF0tAwdS5xK5~=!cH#2X$z1VGNi8p2#<)U*9n;-5!rMwkoYTP1!sN5dP=><=Z}M# z{U0sn3azZDj6T-HPu%+$WArvyc+`n{2fT@M%sEU0vkJsTAqtR0axeExbB3t< zz4SW%{P&Ojz0|YiEg^xe9{nq3V0QcV*L!bcyJz&QBd!WF1DZ^+vq3G4XD?<&_Q|L{ z=7@=Lva6*U35!9v!ZVpMEv z^h&D(2?=j5-s@fgnHdp>7=+Pk#UTbbLtc~p#8L>x8*kY^GDC^OtJ>V%;g`VAM5FNP z=Xu?39d=6rv<3$qi&5TV|AJfHhs`WWV(VpP=>V^IC^=T9>? zoB#2@{{HR#&B;?rt#=V^z4t!%t;86n+2`ZTIZd;b-fMoL>bPRLz`){|1yiPMgtTNO2d94y0BO+22K#a4GR=Y4``m|w~kbvtG5#|p> zZH_+kmafN@N)!#!Mxij|-`e`}+o^{`t6=xLv(pJ(hr%Ii}Fg0l!gDU7j|l=dXj9fBUCzZiGZL z*xY~q_yp9HN+bpXv4ZeN9~i51NsNdTrj#SChzUi|GLj|W_S2vc)RH?IOqbZe zk&jMpp0 z(Z@?@uyWG&`^%^^EpHiN5xw@b`dnpVvZq&-sZ+}F`FXAc^p_h+FYS1%y`3HMT>Qik@yNzX?+KkM;PZ{Igj4zNoGVaU^k^Og`r4~**gJY$M*$jvcr z%&)6RRnA9+U-S8Sr4p@A=q~2OHp*pB*pwiuF1K=fE61aTsJHhGq|FyChJp@!sqJiY z*c@})GBNi$RM*dhgw5^Ycn2YETyHb=b786w46Rjb^uY4ID(cHBt^C ztGloGAYpfhIOqFc-|ErY+02NA^PWbxnDOUKLY!_hVR2hBUtqw`p9fIMiDW=xw2UFg z9qC5yKKklG$BaALwCOC;+YCsfk0F+THUJGMUt3A9F)0iKqff-<0_#a7wzGf!{ptRS z4VgB(LCG`POgTavm2!an0IpeoMHDd8fMjA$7IyMwS$6vJE~8Aqr=td#h!F}Di`w*% zL{^ACdYvfman2>A@fTMxht1(Qm1qh10u0l#l6D1UBPdf3OH@rngdjUJ*a96d^4By; zPBH11BqNr9^eQJx@L^A5hCH2ZOaRrhPcqjin=Qzl`R<(ZI?g6Xxyv zj?oY=&Sp!o1zfM}Y- zatVu^d8xBTpD*X9horqt8HEHYd_2r;+lsrRJh+t1%wx=LD=S^Z$>vnm=W)XLn^XG!{&rp$5v$1U zwv92NA3)^Gx3~Lw)tn;eJVg65Q*9mo(cWiDvG?xg+g856zl9jjt1_>!0A#lTFHzN$ z;(1=*zrFW9uG*Ma{Gx&JiOS3|2308~LAeT)7sG>+Oc8n z>?s9e8f~EIGp&d~-rqJHWQb8GccfMI*6Y>lv%x^DLCc;$|9s$xC#Unc`qgZDzq*@; zpee_)XBHlP?r+=qyv*!;)>IM;k2ZxFnhg-%h_HD0MuScs#W0su5`|o!I zP~iTC@6cXx8~}6ii$$Bay3To^D%QtzW|SyX19Aqce8KCRWhZ#jqzL>JHb{&vF^t}0_#Pzgal zKaLReb}L{u=a_wrQc?&4*&YZh>~FyG@9!G`n78jYw7o2LJ}4+`97%W{aM;O8LS!Jy zuM?0*9Wlo_ChYr6#4jctw`JZF3=-|?z)RrL#vYsYluII}^Kn5z6j`?(;Or31$S85l26-i8)BZHA5VlYF)@;eu&2GU^I<0t zB!0jifX0asgS#P_wADU(2dk6!6icjE8)J+<6oyNt5cSXh_&~adMvW;#O#u`z<~XPM zbP=g%LpsX&d9m_#FDzWo=Hzf}qv$G?`19{i;DRCPb+!=H$lYo6Q$|f&M0<|AwX?f> z-s7kXW#EJCUC-A&!EUY4P*xR=qhCE?DKd;;ShTieAWdzl| zOdLo`HRyErw_ML=3lDZot9X544%nj4N1c7%-nX^(6HS?-e~Xq>&Zc`Y~bVksxzSY*y|LZ8tiS@Vwb@ zBJNl3b$r>NiD-Y{=9o;3CliMlgpnd#&s9PsDyWMgqEuqu(`eJ(Vhp1V4NKl2LAQGr z6>Q5mqf&{l1C0TeZ@1#+*U^yBI{OqM4Vt&u>tLpo6Tkkk=^;UB0L%_ZK4}zpWb*@N zC31pw8>lMWVq;a#K_JAe>_}EI*T4v2f~+6v3q(5;Q7S=#gebsP^>u(S@hg6m5d`V( zP=ny>So=Fuh=Q;AOAG{gDu`w5Dw-BSfet1KVq-!F?=M%en@2>sBfCNbc`_lYuM!n^ z_n4GcEruWoLsjwp%x=rL{0gwgCSWUy5KUo@mKdY1gx9RE;wFU?LX6{2)s3RMfKp5g%g((a?&NahpD;K^9N1Cff6H5mURy9P@fM z7P@`gaWRR2B-Gv}+^cC%{p#)N-~ak1K_0)3C8sg(ZLF0$2Rw}_$2siz^NKl?J>v^Q zmdOhh64B+5#(EG_xXv1aAod+V00e9y1q~XKxYN>(A|(Y^CsZyB2`&f+`tlbon#f6m zj1IHnmp50iR=E)|dhr;HE~LC)PIMf4$gO&rjvduQqGIld*(Jti!ifBbk;% z@YhgBPQ>J^@ndz~VcZHS*jQ~jc)a13LDze^=g|hH|5XRJo-5Y>{%`-XC=4)w*TqEU zzVGGnI8+tzwy?0!UbgqQd+R;t^b)=C;v+C=nzz=!e|s-ET~~GYpC6ySkA2HTt|I1^ zQf#fCXJzK&xQIEZp0%pVm~$)nx~`xK7X|1ZX1wr*c}|0vQ*BLH`WQij#ufgB?FE4? zs#0s)Z#xkk=T&mXprFDrMj~&$L(emptJqo_we{9|ip$+gL^&rS#zl?lmts0xs)nF&*u)$@|9s-NLo=}53YKPf&s%n)5Z1q(W7ex5pGQdA zYDdG7uACxiSD#}pF|O0-W4mu#m|7Yq=b|h)8bg?to;O-HbSyeyDrh2@% zkha=sq4$3S0a|IR;WqmpvN9vw-KKN2_{@_8hz6S|RAolEo1OEGuus&^Gxmqb3Gioc zv(DXziHb&r+b^x@%i;})0;5}qio8@%BIE?S4A5CO4?#fDq!dEZcD6BWGy{oG%$jt$ z=a>Vm%r-3M7<0I;lWD!@E712mD$GEb(MRiW^uPSL-QPCQ!S!ruNuXRt?I}kQksxRl z0WxZ45~Q9D+QD{qQH8r!gh%Uqy*U~LDog~}-R>*RbfeN*&ub>4-baio!sV=(MKB2N zp9h9QAewy!p+uyPfKb8%hFXawCsjSqk`Rz$?&cM`ELAthl6q001BWNkl&sG)*6K((;Y_G!(-aW$7%uY(6Q?zf zI&NAu>wi$xE3r6yN@GC*f9l+Cm6=?q!C$@JxInqIx#u3$OQ#{TAw!{o`cJ z1XlzKJ0aR-bVH@x=Woxv#nH^oty@X~BWzk?JDUx^y{;JRm;2)6_3YCUs#@!q-<>-~ zAGqPiu>Iq}C@{=Y4#NzFw)LKESWrclJd8;g2V)A`+ZuDsTW+;aZ_=>5<#H5vk82d+ z<(8o&9DOXeY~521A?Q~gU#|nX?;$HtgL*=A!7Tjo>m$SfZw3?9qv6Dx>Ka`9-9yxN zjwx9ocBk`E^zv++kD`h*gxozu?WHfbOzt7hIkKIdh;DByPz(|7t@k<*5`X``rZw6a zNPwtE6%}%y*>OqP34*tBGZ1m@{4;sv4_tnm|5 zzrx7>zAc1nubYiV410z~i3`+L48mbt;{-E1oWafJ2!AR2d$V}mt>gse&|nF$3m1h8 zTovwNz8C{M_B3;TaI!&nag8uMI|SSeuntZjQ4t1ZUB%3wCWa*(!{1wtlfTJM>hFe;qS0z>WoaWaCrN`u_-_OkSD_wU>Oe)QJ2 z*98kqUSm1h_PT5@3m9@%;VX1&z31hYz)_TECHI)so$?a%8nM@%k8*q#Xt$OvfyDcI zeR>}uD9BhQa`KeJEO=qM?iBlq>=R|gyJO%U-EhnJ*XpQjhK(+Oj>EM$g+Mm#D_HVk zjP8zzF}(^mn0c6A@w%-hzudN3d+%dgmz*Px5uG|yi6NkC?Dgd(sO(3X z2b?=-6BShv^lswoX|1nIHn;sa-F(TZU57|YQJ8CO`0a2u!KWKkdK)Q4Hy>@pq~&Oc zHOyPaYRHWGjE57YC7t^TKR{kHDhPV(5(IlZF^x9XmnEhErJZ$yc(m1?mK3JmCi4s# zBqDl#?1&9U-VrKhoo0&)498~fM7_3@gQz?|ju-?vrj3H7bBTb6_j#AQj3$05Sox~NL6J;+qgv&b||U*O^xW0);VGBcYsrEWIJDd$wqO2o^W zq3{7m6k~WkPNWE=HSV7$I9$LUU(b0x>v~^o2D7-0p)n9(JmmLB)hkq?x31x`rVz4? z6&MDjK?%kZq7cJ!%P}bq4HhE%JJ^H44iQ+GYtgp=ga(T6S{oCUv!YJhol=S*D46MZ zo*1*rSz(f9re#~0XuT~Vg@_;0jjy=+3y&o789f<-I>9|T^NzqXoO`ih#EzIL^uUYG z#7Q)tq$Rr1{&A!=O@MqDqVdoe{RI{>GtESN$MkMF>B0`*fr@yf>cPz z%%_M5YJ}1?NLm6jpL@l8L(JBFx#fEHR=YX%*7K4u)W#)*6kF@deOb3u%fK_Bsu;6W zr!C%w9gh>wIf@iQ(DPaNN)qgKXn@0>*IRD2O?@ykGLCFm%$jp*wUJXw0Yrqk+3@wg z#3hEPt@Z7`h8#d%nHe}1T-&Yoyd{_yd8Wb6^9s(Wv_vO59)*xtt8#vp^<^O@7$QRu zGzSy=a!+7ouYn*~HzFR*VhACs1eAVL-V!tIKTr5UVEs3)qj*k`O$%)y6GcL78W%wMuqz@p`-VEkyd^AczWzz{Z^g+f#!ha#8g3*3bF1GF&Y zG4qseXT#Bi^eT*TQ}{R4+Y*!ZHsB-2QjN#Eqj8+3^xT0`3$t*{`gIYv(qW)}x{X5b--9>Tmzg z&*h%;8XxZm;!NPQ++K1meS2M)`T55_hSj}+Ic#-aivWp1cE07PFW+x@iNe%MFJ~k2 zTDk~p5KVe}UCQ1f)@)(xzP>Ck-!~kgc>AD+?|t;zq1T@jlMqAis%-9~cNXe(;7$S6 z3~2z2#W28p!C3lLwnI2trq+ zGiLEIMwSw>(e zPm=(bQd5d5Vvxs)j4@tc?!&BUgOpZodk+Y5Hh6a#`~S|4VfQa~VS zUgk;w2sy@3k7{Q1sP(LQiFgo~H8JyO6K#F}^^w;kB8Uuv-da^O1|~k9=RC0B*2n?f zd&@05j9Ec#*yryLcwr|To@2-nrX^zUt>1s#(;BhFFZTsiO#o=|JucgV_t4#IZOo!k zN@+N7zj~CQ5oh7&$BtVkM6G9wDdMoOHhuKuB&zLf@RRZEykGz>y_+zXqo!FrDZLIv z7K}DRm@#T)ukIcYO3l(+U)Bt5=;#B=T6mY!lJXj3Mq_~2qmi=p5mKCj6Xsre-at)E z4I++sc-)x@sCisMOcBE+_I|8V>wPU}HFsE%dg;@ifu8UffT+!pi-_D2$j!{XcHAE< zoR>uI(1U{HnoAB75%<=68xeA~sP$}6599YmJk+wL7=jH`(G)^!18$!_1`_XD?}BDa@+6f9xVs_KG}58;0sx z8z!nE9CJLM2Nq-GLbTdM1YOJPeOb1=-Iuf^38FIHfgxN`<+UHrg0WzBS4SnH5T&&t zLWVg^7lkBZ$>YhVtMkN(hB+iIEXeZryd~uShzh257LH5k-9i*M3OV%J z*~x~T&w^o;h{|3y2#ENcLPIH%OkjHq2jclg<2UWfs9`7cejb;GugfuNTj zQ(&U9S8TZJ$zI*P*B-OZe4BGT{y4vsFue|%o!Qz- z$30cgj`I-BblXe*0>WXn0zC`4#O-x~9~G*12)J#ol2fJgrDj3Q0Bn)Bw`JxwGBGiv z-XSUU&5*ys$B6;x8owB|!BC8Z6f`QC+wfMVF`8%iCX_s1$0^be2U-{K3%Zkvz!iFd z`qWA%o5oN~hro;-8b!fbHB%jtz+v6OY&MvYi|yzNJCNcF(K!pz!-wQSD?ve4OW_hNQ$?k4}6A z-9$CBR{D9gF)SwS-S*G(O5^ay&jVLvj2fb{Q>*>EB@!ihUhXE+2}?Xd04 zK)k5}y5dg=S*VlDaVRa#d}i4ZlhJ5q6B$(Ov7&+?(b0$g^S}KQkt3km%w`oL2r@>% znPcs1eZ0QjM;{okiRtb2{@jnC3fE8X<9^%r<5#z;qmfN;TH4H&a<*esXUfyo4v=D=hnKBEr zS2-&YlwP%ETnlVx9gNPBW2rtdc>#dY7DwutNIprm$HT53GW~Z&pS~feFdntSY?^uwF!za%i=GePSJ*R>(Pann}{=A|;l&s|vFq#1j#m z0Pn%Y6Hy3Zd_~R^v2e->?<3w#cY6P?pWExY-ZGfzagCnLRQ3X=+Ki{rdBWy3OHg8} zM+H!1eblRF4l^0lCWLO|z%M^;=U$HIi8~c)85@Q!OcCyNl%tL|^F!c6s7ICQy^Fo{ z&p)0i#mUU9Q4zQlWQ?If=u)8eYOQv2*QhLnEG7cj*2ej)_%x6fKbl3z!LK|D5ytp9 zJDY;cxujdGV|!Wh7VFVxK#Do2Q~=(+Ab(vTz`!X&%=K*Nvj~$Yl2{3$<1vQ@i$B8F zqRx!)VH&iS#wuiRg*?*8%XXIf%f5}|@8 z1!MGJx5z z^`6NLEh{1dLB+Ua&E#J87J@i&E0fw4=tjC>5Ugj%i&oE`mk?6u9Xp!?`>d}y%fyjeAbvkNb&hGtLSXlmw4L05-sNlMNm!9Y~z|p4V1^g zt>=vE1fWNlCCYq+oS^=PZ~|gzx0$fnt1+?72ZlowFo!8Bi;O;FLv=nIjwfymLvDL- zNW$R>|Kr(HvF_8e)J+4|vqNhtQQ$EJ5)UOR5##D%=6ZG?mbV1DBQF8l0!G7Si!%8K zBpnIXLT1J*-|M()F6J+#L6Lt7=?LOSF~bl|z7%^7T5tL52zu6fHZ($PuM1o~bMYA7 z3zVEQ-I%VRv)+w}Zm-L^S9gEBAN5&rBH6`1ph`BzAj<1K6Zz*KJG5t*M@1#AF|8p) zy}hl=J-Pe++XlG~VhNF@4xv;#+Grz0ef~TkRe}>>BHZqyTRGeF=aJVGlRo~~^BSQs z!;h4f06zdGeq8tXR4;3R)*mO=sRwWUWZ?PhL8dg3(x-Dn4=qkI#5+n1^EfJ zo`x{-K0qEcyFu|&`BiC0Od!mmM?$v=GD7M(L;CTpi3m+iD+!a^6#q&sc|FWHxmD>wp-L5k7I8GXPy-`Hiz zt#uY=VlC|YiaAt3RFo{ z(h{(MhHDT{YkdAZzSdSzvEh7~+@buL$)R$+T25alAYLbCbjr-j{!3kYJ`28FWV&rH z%U3WWWJc&pbN8<*F<_Zy4rs@^10N+Pi9uD)y#k@JHXiTK-lp9a9jmI+YL81~X2dU& z6VL?&havC>Hx`<_i0I?@M_MB6{2CQ1R6tOAWsu>XJD){@2xO@_#OsTmg7OGtadsEP z97ls0%BGw;Y6vRCtqq~c8jGmAr<9z0-Bx!O=KUx!&ZgeHq~6*uKVDn!W)`D{ptTK1 z7*mQNYN;*60I(2Jiuw<1HF76xn48tJxf3z%p9e986nxmZm*t+}ZoCl#NNg6LCEoIn*N#IX?b_b!*D;eL?`j5@UeP9sW@`VSvy>^xXS69;XCB&$qje z-cydMf{6hdEo63foSsgt)V$?sU#^3gKYsgI?<-_BfP0VUiMt;-w+%}v9*+|nos*ke z+~W4Sq&01C3lW8+0JBleakc8&Xy(Iz{~zx$MRGeHg$VWD#=>OILd%vhPA#_#aRKDn zK*W&<=`#!4C5i;37!7x4fIUPg$TZ^@uF0%DgCXlOC2M$w273fAX-{5(U{ za#S*pIjHEUy_|@drVzx;V~$t_r$D1*$_X%%)Ja7emqKEQV4-n;FDSJ3tdbXTuB(F zV-DqLHY~(B5@EzgstF6HTat(%HFvY)^F;I+VDdiOm+k(2h14ETFf*6EF;lApqyKVG zh%{a9Ii?^wt;oH?_%vb)X-RR3ECkOLR@pHuq^t3YzvL(o#!Qt3qEu$QPnym|VCO0V z$t4rHd5D+A2d;!5EjM)-^1GZPwIQ9A>GP=7_ zZ$pA$6@*feXeQJFN<*V6fMHSgVH!lE^g1+ZIaYP##;V*vzN-8yKuLCiC1ewQxFI;8jzGK83%RTL%rI)_kGYh92(-QWNI_lWo zmUi~-ZGp5EzTS3r4Fa88tAm((8OtrL_vQ2V{rD*BJ*x_s7G|DdB*V!)t?`R61RFMb zhi(l$Im?!Mn=gXdYy!m+h$8LnC2Qcc#27<4+Op-CqcuaefyU5luSX-M-g@35p-*G@ zg%cU-mIWmw)FFEdalAnp+9u^G7&fLAaB5@zbL#$aRM z;q(hicbb}Bgm$#(tv z(_O>D(0^k3r^|ohM%ZVpgCqewDtIPg6v1FWQwsk2&wq+Bp2rC~;|q|3EE~a>F(@Rb zIYlCRxo^FXZCgJ+AGdAoy^Udr$;XS@`>3rE^LdsZ-(SzOfF~U0FSjkIzJGjf+iGTR zLsUg%&H1*iuxO zLWn^DO!mife|>qu)B+M`^zrfe6xFj-cni>|x-N?u3~jjbXT(?^)>_AV2$-->7|-Wd z%Y@RU7{YB`K0cq!Jj`0__%G%rK}v14v_3}8(cH^fmo=d-_dH8)V_Eb5JfTg8F!c7a z0z6o@OvLU4vDU-`+>wF9Orwp_Cv4VR7na-W>V|^AneX=c{iXMTm}fjCt#l`U{c)eY zVAFubh+IfZ!nkH;zO?+_VBcp z#&%zOAN6Re5@Y;)f7a4pUhn5wVvIk2eEZ-3xBoT9@OU1~RBMm8dWp}Yz;%PisrM=B z7-kn85$3xCBb4xYRKW8S8ozj0LIIQNR4Oyov)S<8`g+f(7FJbDCo@Nu zB@|ysP_|)29&?111(R!DA~;VQR?Zp%wlX5}^}Y%-;ych<9a7vscQaq_3y$ns8jI|Y zqa4*?Q0s$*SxJP^v8q9CZ!4H_>-Ky<@|s4sKmPNlb&D|oci3!%F**0tQ!FP5OlP0 zJPHx@GJ3O+^!9Cq18TizKrm?aawqJrGfqbZ6!bK%n8Q!3K``RuwbidOKBrmy6hwnu za&0C=qps10BSwEp*AV3I6oQmveh$n8Ul~n33_*lEx?|H|EXfT-9HAH?EfMDi3q$fg znz0JBYNL&>7P(sbvLzdiKmrU&e)WPoWYZYOyAe%>XLO56p^U_s*$G_#Qkzc@jf52x9dgt^t}?ZMg3aw$g$RKui4(i+y64CDyB zP+DW!;&1==yT+O3L`3_~6Iw4fPfMt!6EVUl+u2Yf2-P2KyY+0NoYFF%pZU3y>xdv9_9J-h)XPcjX9i;;zaxVk=97esAQQcLf(L#iY* z`h}dFoZ8vamSWOY2d35YQF`smEq%GsS-6$PL;#+UIffA!qeUydoqaNXW}`a-#J+MS zu*HQCh^F!$hqhpO(F1)SF>;3le@%WE_`{&=^e{S0f+I?GBcMn0y zy|qS8s_O0_8QkeC)t$_SyVu&_yZ!zBXYV5-Mm}TGJSe?2bB{sy$a&S#k*Hj_q8IRWy7 zsCqVp*A9RdYFez(5(GzcJ*%jIC>NoSB8ori(UvVk5+KZOe(pu4U4cd)qxM)R~K_&SLG{svmNb~fY!A-E|-MP5pW z!GKw0nxVnCUFZJP_Kh|e<{_Ban2*mh-?FHbXF;;txntO+KFqJuG&i>~@F8o^depQe z9AECV-j=EBXtv%m-td7jQI&~e2;jKab%7G*fBB#Pz^Ob=i~FaZ5e2N z>wQ__{2sGvjTyRdV(zt%VJKBaz$@lg7N|41w~o;n#YUiJ+-HZYpg}TlS|j4;Wrh|Y zE>lCCO8Pk@CB0gHW|ZU=3BeksSpwuzD>G6J=|ESTFX1vnEH~O@G55p#lc7+mEu~pe zSC6{hmUUa6AA3lll~&G*mU|*^rA>0I4?LV^Cd@VrAlc|+%4DznQ$bW^itBB`%h+oJ z&?qWn;IZ-bWqJAK9-`K>BP5iC&u0~pk6)k5EpIRD`7Gz7l%uV;#mUcS5#hWh6eHRU z6}b{ckfHAO_UD(6-=1kvbO@BAm1jfyPdz#m%*+%LTr@miTV)LrvocL70vL{4X=;EX;sTuoF<^L!bzP zj)_|xc$cx=r5w@{%h809&43x12W^OL$fd3Y!f?B@+A0@-|2N1Y+~^8r#{C^$A~rMwL0DPgWM{ph*kB z6RA80orDTf!qA2>8aJa{vN~1RLI@9jA+iOW;JKxss2Yu;-n&(XtquFE5#pAOF4SVAua(}!_>x@gPTfO zCFtz@VunE1hTE8!kwURa6rx<88#V-aydU+fDMw711h4Af_XqpZ?!pfZomGg6?gFUT zms=8*$L|N6?ic{TNP`uuN3&t|Y;~_bT!P@B`1tifL~nn-1EwMOR(o0lMgs7J`4(r* zS&o`?xup;_t#SW(#;o=1?Pz7M%Pm_sR?b@l2O`SLmVC@X--aOugNV*&!3AB8cKfzH ze;#R#^=Qb{4pEma`AkV7s1n?~ce7y<7&s30Wb(g{&fyBLQ$aYG0PKgdA6pX!cOp~* z2wz1Fd`;mOOEVj_AofNA2P8f47>KZq2^7-wFB$HFxlZ7px$0{|klswE4`fzePOk{W z5k7Ot0ZhPz!_(yEbQzGQ4W0NR0r0+DsxxGy(scMtC6coKxBvdH%$e_rOiR=hmMy_Y8&e=>RGePBubq!#-FmZtDZCC1PY^y2O~b79yGD(6x2 zl9;I=D%6}=kP!F$I9u&sjyD!gYusK|=&kXY+px66^Lb7O5^*ilN=4bA*OOu3(2& z8Z@6@19~mJ)&Ba+J+Gd|H>YCSsCt|10;`uOdMsQcUN273S|Zz6_0j+lDw z5@d{-MqZ9uj@rtY0)Reio-QLMeN~0Xm9iI7KwiqSB_`IO`Ia`o?JRhe%2BZ`=PkOC z&dh#mr9(UGSLF8XZ50vghD#_dNmcWburFcY26%<9JA^sxs!A=Dt|y_MjYL9_n1cwz zDg$E}yu2ckawKBtXGG-wy4~MyV;FqrB9hk(nl41eV=xIKatv7KUd+6o{rEWB(M36= zaQn9HALscvV~*SF8d3;BMt2)_|8ZmH*I#ac3HOgKGywRIL=z(R9 zhX!FG1xYylON8KZyHFmuxA9pax?}%55!MIolU%tPXeu=OJ82Bu@OV^>a(tAKgPZ&C z-bQ&gBy_>C!@{q>+*<8U-pfFZv<(}zYYgY3Zg0!&WofnB@a;9HHJ*FjKaQXO_5A+V zm);C9Q&ZmQPR#9W>r0+bfcvt=d`rl-&Re>DTM;5W`mo`jzwRMw-MdD`*$a^>Garvq z_o^z(eTgZgC5W<<*S+R7e*X6CWi0mylm|ljki#^en4mU%`y&WRzMA2Z(bK2_AE7rI|U)bnybt#{Uamh0J46)Fw8=MD#Cz z{ej375$=725SV$4VV7s+JkJn%Fzc%qh<1xj+B%otR!3+c7cZdO{q7 z*4mj_Ri67^&SqvorJKbNpj7s&9(7w6VR3R5eeAo4)Yf`y_uGbL4l4&=*kP$vn02xQ zHl|>dVhkEW2)Z97#IP*6oYl-i&@nnWwN{s$T5A9+kF$JyJVFS|k{}v`dbpIfmK+l#E(U2613HaCuQ)RiA$RN6N^PatfDnQaEDe)83|n?hY;ew@OV^&(u$42-vhp4EGVUQ83N(>>V*joqUg_Nz&kH_=5i;9gAR8$0$ ze9DoXN@+nA90*-%t6|2>c}*-_Ylp8_gT@>lpGSy#9Q8cPvZZbYg#+^DdK)%|CRpOg zonU5SVPRTsxs`T7hGN~vFmkp&VvbloL7vQ0m}b_8yZe`{bAp8PiVYdgCl^Jxmtw3$ z20ZTm5VX|+o(iWsZYd`(M?Lqly=?cFO`{&qv!0ch)?2QnAJ3DR%F#qPuNi-M*)sg% z_{L{0Cm6YIMBZvYo(D76qndfIy_9Cd@-4$`$1{gS3_mB6JJn}BJ_}%D8&;1RQ;;xw zqX1jF`}wTL^DIZ*-d0f0Wv??YLZzLp>e_^w;lq%w)Zd=g)&h@{+dK4H6Oj7A#zjdOS{~8?$h0J#PtZ z;xPsIn;(DdA%(oAc6LpQDqPT^Gt8Hf@s**i!bTc`Am%US08kT(6zCAFJB~iA8EH-T zZws{bm@3i|G^(2&&x-pzZ|QtgK*CUJ!9hVx_aAHC(rAN4+S#$xsX!F2qS8xe=H;G` z&(hnN$qGK@LnP>#A{@p11t*(@q&9||@9!t_F>f!6#y~#BFnC(h8Zn0A@it_u%oT2y zmt7J;>fO>3hgeLK|QpED14(dUVWWla*4j;m}ioKLN85lHl->E5Oa2kO5GRX67-6 zS~{r9v_-I)=c8Q48^ZdXw*-6Wm*9GIi#cFIAexQfnEdcLfY-$-H_fKwVqFC7!ZNy9 zAMNZ;6!Y|KY%fbpq1TSj4Q3V0Gmej?^nA)}MI0;!k={`_qp&Gw&%b*o3;-j?_O@tN1O&Ki3^ z9;H631ch+uc$Qik@(;>hdmSO^_L_Seb#FK-VM~xJEzo>+s^W-%f-bLdG&m)$x!x(j zH9o92^gJkdesc6Sa0m)Q;7jWTCz)N5&OH830C8k);#>AS!@o~l+&%LzLLJBA_k4qSB);XDZUK2CLH33YrF}F^+a;(q= z>qZ&^P%cqsCS;o|Yua8{y#heZEN}Vs+so~~o<|wOo#!z%;l&) zZ0hEj!2qNfYpu1k-bZhp+)Jt85SeBKR?cw@1FxM@A|liR++Wt#hq+6T-iHS1!@zrt zF_v47Il_RB?G7KTT&>tRRczK8aPJmUsHKGz@nT{VP>}&5c(0fjfjI#mb$5`p^=zsV zLYV1HYXWYH&j;rzq8m`Vh~8XxM}041yU5+f=(Vr6yni0>U6{EBsYhjDGebGR+b^$X z1H&k}ueW^erPtouu;HzCH-{Nc1MJ%KKRVYY1kBqPlZ0A%!bTd$tahy)hAd6iAVxD}uT_ z+H#L|@B8}+eMqbQ3VhUZbOt&Q#Jaf?e1vI9pT9kjV_1&nW_DefaL$-{YXiKzsI=09 z%JbuZ6!7-4w%TxAA@~m(>kE?S{qsQO&@|7X3a1;h0J4Q825>tDpxev#`M$5W<@;a0 zg{Zaklw&z(_(3@vTucxw_0sFvmiwYnRkfWJN+-NW%Wb*6E}|$|CnVDoHtHq9A_c$o z`6%`5U`~*!pi#=v0p5>l9bv~8;c4b^2@MYBxgpQMO%crHj%8R>{HlmzAq_0TVF_l= z#MWJyHAu>_mR8Tsv)++l(#^MoHK`swEWw6r(%y#5Xz*!nwr<$;9r81#yd`(Ky)Lcv zUiB@sQht?L34|Ff~LxcLz21_Qs${WwzG-MWh~kQ!(kuxgHBX?h>EmX6I04qzY%@HtrbWsB$D>w z7cAE(t68?BL1d~{9ELhvqf<7fJeu`3MmL}v$43b%q$Sj|rySs{!0$4K?Vl&8KM9Nl zUQ`~x?dxmKYx=5C5S8_wTN!5l_UF3}vmWjFeq!$b z_;pWf5aC`1tK8m}&)*JaPD?0z3pwmRPw)@D4eYULjr3KCz)VEj>w;p(?JeKGZF!Ap zjmY&jGmQa{1kf(v;v|e{rjTZ+D2hax7+est1c8@BV1oBOMn$$Hwj;ccHY}z%by;|} zzZ@gXI6_6(h-l_5m|{%9^shP-Kb_!;K~*+x+j{nxry@wB49q8`3rxwwZ5UqFIPpHy zs39tx(C$7iafDob$=C?+lV1xhdcp8+5erUZG{%tr%fJ5Jf z0_N#bTZ$p2RBDYOwBFtQe!Knl$IpNM>tBBT{asc27&h!U&$E_oT`}$9Z@7SbhtkHU zVV9o!!NMuTpC8W*`Fo1kkj5D6l6yCE&pEMEjA0C8qBaIZh`kSY3PH^bDLri%iXbs? z+_ufkTAMv~t#zmvQ;My15x(D7cdxDI91-Q2Vr1f=nsfZ|{q3x^lp14TW|$=)F`A&= z%qB9xS2#pUsVN0uvB*96P+ZA@5Em}We) zxchljW(F`k?;)M)y~}s2%+k&#Jj1XAnH3_nG!4PVs7HN%9{0Cf?}M1#?CrnBwyrjJ4cD9fd6r09?D+hT&PW1TW z5toQ~Z+GJhWa8Nb9I)h!HfE;y8YkC}8;m)muzw!+*Nup7uiJSROk?;W%2`=BE|EoI zj*c({GZsOoDR^g~{^aQA3qIT~QC-Yw)IPeI`*vSKimF2H5*1xD%Pr$r5EW-atk9QE zx3?}qLyBMnFnR)QW#-mKYkj>fV4?wFq#W~_(i9iYS(au-yL=^Mpk@eMXK&;Aa}P;F z3=jhlk+KNWwyi0KpgQ_s;@fRKkHSPL1r-*N{Wx#ia-0PRpQu8k)u7o(X_&>nPj75>_b2vGqpNI$el(Vy^V7(Hw0LfuCpe_pPz>f z8*QK|FD+SBmM!Ns4fDJt5hP`ayE9Wg>v~&eF7-cHwFvbTMi5j0z3i>uzHNwa1LXO| zK?8!KSpqNXZNaXKbnR9;c8|yV9&@xlYhd?GB+#yZROcS7_PX{ zjLfZDJ9}J$ceCN^YwmTlGTa=q?C6%ayuY84^d$$9j7nNmAc}-@P*KFpsRu;j8jj54|VG6?Vgnlhx}_Z5`T4oqu>JG=qR7mB|2$$2&-dNTLe$X=tx0unz4n+RGxa*2KaXB}JzHAh za?8C9H-qQ(>z`}2ueXdB(}ssA@MSTwIHEFhIhtH`dm&7t>X_S+K_P&7qLs^oXOOp1 zuU*66seEL!l20Y!6&2+n>ABZlJLZ1q(MKDt4N=LrWNtPr;$|Pd5aVB?Z!-xUp7L2h>8vW{ILUb$!qkBMG=+#{Y0?+`B7RO;Gn<`ef)8>v!9+*YuA(P`nsS#Kan9)>J!iz-i4#9xnbf1VKM3{z?2^xP|p^|NfUNHJ_Nd_nvbq zwYAn`(AN5rb15aKSCF~D&+%t~nxPnWaawx!mtDy{cgJ0J((;wp01y5!V) z2Tn3z1~Q8=jy_@twNx7e-%4vOV3oHaB4hME#&MRMlZf=*huOBS_-9^U?jrJ!-+w@1 zfQ<^HA+`u)EIjuEDW60XG%#}rq4mD4OYh@;Ut4Rf_4|DT%ZV1V^Q?d(a*p*vZSVID z6eK>^a@LeW%+btxH_(({JSj3sKnOtJ(no zIl5_5_gRdEe;cTI7}%K!Gb{d-n};B+cE3n5h_9IW{(8H=-qC#srYX;1{7jMgzp)U%0*51+Hqa2ByPBnBTw#OAI^foISBA0`{7X$GAGIGLYt zijcctJB>Mt$n_4JlS6oLHPk}I=y^$e@x|^q-Na^>g}Qrhqn3scKoJ(@=i3o;Snf+b z+6*K`Rz35w=Hug-4Kk1<4j*IK7|5CJt$%yHzr8ebH6Ea(_U5Gq}A z8t6vmZ5`D5tVQ(U%#_zOH(udhJAS-Y+cknepGtxz1!`vLdN4xt@h6!&$Of%6|91r z0h%4d&b_1@Qwn*@qucga-~RbAi{85(pJ!SkllR(j4)iv2%0trgS!^IfdGyl9u=}@d zxg}=O7?3)GR}ZH|UgKr-MC&0N+W-I{07*naR9;zxZ0YzoQx0xk_7*b)azaEQ>FsqL zW27ZW;Hfqqvoi0?c#RIB^P~1UP>})JN*J%C`IvpWWp5aK>t2CeU_`?(0Wn5gf}1Um zWqVniu-+gWXTakTvik6Lju5pxt4s)qMjcM*x*E$Z2}@q$a!a+0v?%lyI57FjqQLS1 zo=33^C_`ugu@FiLfm~cSDQd7#bVR)ws;^O};N}_xHNdbl1t=Tam-pVi|x&ou!eSbfnKMoc?pA``c8Z~dxFY@FouZEng4M=o+`1V*eYCW0;1>qpV z`+L!(qMX-6?zeC2=O4$i#pAP-PZ)22TMtMpts53Id?4@tcz*xuLqy86p?(xq2A^+x zO!4(E4>JoXOe!9nZD}*U2|nx;koz2BaHCcSz#t@%paIPN;t56O3@y^m7IU1j{ZJCZ z14ftL#^E`n^}b9|G{OcMjm|SVIbN|JxYy`X2;*A@ZHt8mErip(PK1pVRmzN0vmKBz(DkFR|!VLndEC6cEWtzhBl+QK2a*oYi%1u7CfJ zzl||4R>l~dsP{fDGeAnQl!936-umNytF^Y?&F%H^sI8gV+sDVt zy}CK1O0Bf>DC>RuLbI4T#K6n}i74cdiyWUvD=pMW_O!(F zS(tf@QTDRjvZ%USZzHWqf@la5gapB~mX_GghVnf8MxzalVf2B^wZkdcdWeCAgaz+E z+zWk}s?@WE7*&-ZPh65H18Ii-1o|APaa!raJOoA91v=M4ka9M1A7wBzIf*JNGwf>i zp5g>|WJrrhIh&}&btcNCCFT|G1wztM?=w&B!gZX9&Z9u&it8aJg%21%?d0i*TJ13f zVrr$w98nNckG6lDz4m<1dCT}HVveF<5`DB`!+Y(_LQbuAWl1TLAwG|D3g=PW=3%5F zC)^su%}8ICp$U%#7{}`3j4|WNhZcL)4ff3y(4E%6|w~ zH71Vc3GxNO(Rm$?jhWL5F@~!uG2y?ISun)VM1~lq;BmU2Czd%CmVLSmV+yU!wr{jk z*U~Tv;Zy;Gfv1|LI#%s+>#ny2I_cwiVvYfP!pwG+g`qlQe?Oom@4bf@dhe}vMASpr z6JltsFI&o6PHQwXREpyJWn!?p14YP0UoLhDbLaW-UvJFZN`uU|cN=wx5DPE2G|ZoG zM_wZ_ouB1=R&o+i>vlX#2#Vqua*9cN8EK2wOaiyFi;6@++ra3yearP6A!*xNS`z|r zSR^hH^fb7Ux;N{Hr1X$vh7t!!YwXRA_i}q#Z;yq9@jdRJCpG~rw=A-Mp3Al%rbdJ0 zC6=QT(RN?pbw;!(G-)A-888d^N^3oy=XPK68ZXi9EMDC|&h?hxe|+}VMYSHamIlw< zx8EL!06L%b^)D|l3kKD^rTgnPUvptm-X2THO77>gy3?|yUisFmgms8WRZ$iF{VksW1|g@sYCdcF(O2aIpAE&mD}s;!_U1E z(P);|IEF8`*z5RW003k6%ku!2v%4d&NyC+(!u+LK#VLVI4&py81Q=+h6PKqJU#=J* zLt>9PDzT?!7GPg9xYuIRZAz5bSB83mj=^7@yXn=kiN_iEiZ zT=!!eX-h!Izy0O$^6L#u2&kBpg8OSOnBAQ8hgobkS zc6QW>93REaUw++~S);-{&9lKq-2M1GNB4HNdbYeJGlMi&ReHDHx|!Fbwc2A2?lk&H zIWjS;z_X5VNP<8~KiZ7X2hcY97TwnkDYYS9 zkjOD-jHzClIe(Mt1r2J}T8AhIXc;tBeOS)1wjSW}Rvl(3#ezLaM3`fU;4xB)C{ydB z>*cq=YQ;p4$KA}|KR*BV*WYSua5y}l`+UccSMC0CzvYx_ZK86X74S2r>VT>#<`}{l zmQv_rfaOUk9_NYVqCPB!c%B6o{ulx?<(vVhty@OSDBOYX@1LT2yRYYdrX|UA#P)Kw zw8oHP@7;#QC2G{XBqt9k*0U~KUbgJy8bXM=-M4zw?Xkra-Pz6F|M+n8b3gCj?oMQ5 zXb61e3?Q}-gVFJ^i%N_UQzqmkqZ?N3?Y`>lB~i#vtsCs5G!+_-^?kWzjE3$r7Q@Zu z3O+&%{Je2RTIq3#y>?>Kt6t5#BnhHX(G`GRkKV@P`|Yxyx`;UJ!flAk zl*fSRH%ILyCVXZh_vMyBu;wKIxIst0J>L%&PC4Qj6`7SZU}i9tVm{bjmb@i=L83E& zW3&PI;rVuipn1*b^DKMGImH-YN>P!hno~dmV^E1fYisU~8oS}sQj8Bg#sHaQYh5ol zUW`$gYwcIOzyxuL`P^&HF{X(4Gb~_4NJ2o**QD~nRsoMEn!DEA@z8qc4vr|~Fu!P@ zVfwWnOClQg+2MaA* zVkT&Cfr5|Ldmrs=afv9H0}6vG&HL-7K}H|eEw7=sQA>Ason6ibpTOlXnbvtCN;$0e z3?)M!c6(X2$8vm>kX3_h-|`sNtHm{>TXgq!jOCWye7R*9Oo2I_&)P~qKPzAKiy}O1 zHuYNX{_@N1*MEEUiC`%RnR2%M^Gs_(K=869sOS0OS3zj-%*fN@Sw=S-hGJ}J_Q12l zRLVrlmYF=S`73>ei9-y_nxAjaU;g_2+{<|s-0`>?iFnyEg4o~w-_LqfWRjF;B_VQ0 z%TlY|k>}gT{rgsqieO3&5|U1?lBkt-d#oL`O-@b}m*D2hmWcSr|9S_!-D`jTJZ!kN z(az37NY2H=iKw4tOGG3Bd4Sfv!M|(fqZ%{=bkS3gL?b3BF9BO3Zcl8IAq6s*h$Gi* zI6`Jd9ixr9_jYzsjwxys7B0_5PTM1k0x{r}12d;JfxfF}!>1SX>`a9#rneDu9DQKJ z|HA2^61h&WslXo7hKiMDu*wyILXbJ(d<#+JQvZ|BXG5c+f&lNhirBDvG_WGCzuZ`P zxg{8iFyG@}Zsq|Di3lE~FP$D;;iOZ}aQT~^+`5C*C8wB`ne!I>lB&y0S`Y|v37xxr zo;hzy<7*{TE7oRR6x(zr&Z!?f|<~R~zbHMvWKBWzOsnKQjHjs5g{J)v+?&G9@T3TAu{o4wjq6qwB-DJ?kub#z4zlNNDYcHs_1h+zP&tZt)piz0xnauBlDUQ zpxpf|s)E%2{Wxh(ne&T7@m6aMSw>hE%naX33;~vdZC$W*5)o2*h**`KTtyJrf0nAM z!zOqW(5G<8)`yLWueXMwEyaMpI)-58Dk3cBSdTft-kwg*#1b?uk%iBr5b^q0kB`%xM(=saXu82~$IK!UQ*5=R93dSMW^`k%w}qG| z9=R^%Jem3UJm|{cbMtoA&$s>c*VhojpK%I7L0rTX0b}<*>Rv}T_I)|`rbba>{XiEPkD&`{%@RKmo%Yfp62CR76AYVZB?>DfJt}w%3iAG$|fP90%=eX$j^u zYssB#Sg#$gQaig|)2a(6gcF5}?T47d}ppCuljC#VL1M&+nPw11r2V}(j`w4p(7 zudCp25xIZcm>E#hcF$OD-~ad|rR94p-bhwVjRrl#cj%&(F7gjIrDj@c33ouVcCAy0_o|?;mcy+;e$W z8`jQl!(gqZOW_7XGj_JojL1WVos^d~&U4I3RF+$cIcQ)NMyt9FGqYAlOe!iNg{ z304X`EfeiVexkAu?|ryYNVC=*j)l>EZogn6iSruqI=GQW?Pa)M5b3qvPa_1)NGP9_ zfXh`+5Z4G(SOn?scGWH{Vi7Va(lQIxB#JL%7wu5pgTM_p#lxIk8Y& zLO=WM+j4wVRk?jz@|IR~OD`ejz{2(D

vQU-Ibo`j;EN;{EL`dt+rXGPCuOkG;J9 zc8^QYE9VyvCo(*I*m}$LY}?Bs$}wN13Bas}t+!?WILpyAhKo1mscNU$zy&rS=4jnw zj_0$$IjupV-*bZ-(@_}zRhR%6-pmLHrr9hkbFw~Uay!#w3nUA-p$LZ?N}bnjYmKKM&CMKzEXP^h zJg9^iCWtczM!lFKD~m|2h_VhS5_e5mhsfDTEk9 zj^!xmi*cvXI^ZZ!Fzy~xN;zFJnAx)fE)1Fx;hD-8qPp4ntlMqrt@l2HO0E6&ZNun; ze7Z@H3Dk|q?E-;LKs&HkIFS#7_ImWu>o7N{=q5=m3fJ-_#WvK$RTT|4S% zWyBotD~AxsT*FjvW8Ac1(;6WXLO@mt#?ZV>rUey3V^}@g`dEQsPoB|?oTkRzo!p`L zsz<}h)XE4k^wOa{yWekkP}vCzgfT2deI5lQubJl@&$Euz`3Gliw6r-j0yLfC9}MEH_R+>@ zU4txZV&>zs$OTwVJXoccetTKhdp@6qn5Nd&+{xEl4k;iZj+{scxPIOeq`m8Xai5`_ zI!A}$L|@CEn}w(`Dl!~=Sd9Af_m2>TnV#?Gde3=HM7}0CAIqA}orRYz#~c%kPr}D%fnqfTWuCrI*gCQPU7m0Flne+I;iMi`4R}z|W=Kq}jI>1!B4Gmd?d;GUiSoxk50s0= z9NcKRr}dGMV#Gw&ors~_Q&kk@LT-2N)rLD!NCB9on}?`ri89#&hMop6Y#s(E~k2$0zY7+ba%RR>&plk^_;2Syjy4(^G)x8~`Ww~cq7hs85 zZyCOt5Txua=D1P9L8 zT3elgMLt^==5;AEjg*NU0x+8V&%6so1Xm=s5!|qsq=LVYH8V%-7&F1XtN-Kg|2FM7 zW2{U57eLf%?aPu&tyn2iil_;5x86sLF{ij6$GYUVkB|FpJJ0g|`I%D8Ipq|I=s3?d z)lq%P%N!ZpohXLDMC+1|^E|Iiq1(3peE%3`8g#k(v&IvrsuIo4zb^~}M^x{Fh5zgKANSj~EExnL!h*o%LEckqQx)WU z1e9WsySu6$XURFfJnpUa+qRWbFzMFT&FpqtbBZ`DxeIfQ zq15*6`vXhJ@jNm7fuHJqAU?d-M(*oumQ~6YOhD_ZDUl48h!)mWVXBa+W!}tDygUn2lzm_F*o}PL%Hp z&U)gjYJNZg@>P-3$sI=0UOP@b5hj~a4^t4*1|Ui3Ug}=ac!Giae4d)Zlt{K=HZ*8C z8!xoZlzGLf2!oaS~mplb*RB%=NOh)aqon!9y# zBUp|AQNUr0J{Mf`y^W9~BCAImz~q?e@%@g9w-EH)OK+ndHRgy#2*l1T^YbZ_K)N%W zQow#NEdezB_UnsvtF^-wx8!W*W>!jL;XcN;CBaELAX~_<R7)~&Y=_@A6!e|x|^??lVC#2EI^ z^DEa9lZ5IlUt?wwuBC?{8r8aq2*e3K9FIN2<*D+=|9)Gxe1Q%gV<=}UXN7KFgrDyR zZh+_e;pVrOO;}Qn+ie9p1Kc5{sZ)0-Slo$dy)DP**-D2v6ASRSzdqK-f^zOLY`G;7 zmcVsyy^Y7OHwY}Gd7{w>o`N(bCQVEF{CTX83_MjaTMVmvg{0mP3YS!a z_C9JE?v&RAwIpV44XROb_qWnC%4mlEIP{w`b4Z$RiG@Q_)Nk$Y=l-)0(WoOWAtuR7 z5apTFu0l?AZ|6Q+(rkF$n}~e;*j0sDoG8R_ds*|A(h_?!a>B$$Uzj>G3MJ*rkno9o z&omN^=;ou@jimyt1o?F#2V^RMz?t;sCH4cENyMlOV+VEwIE;p^#)ycFU`Em)j@FAdU~j{iQXw9zm(G@^J0e6~ZkdH+()A_d z8AyvBAGMv`%s>A)%zW7rersa-{Bh6~`qYk|x76zhK%-RIC)>kQmCCqiFh`nMJv+2; z3=u6V9E4zU(=fLS2BxTULx9G;mA2k;+Cn`#3L@oN)immt`?j8ae?Jk1i{Ik>taysR zpg!NuRyv}$%{;FOIfw3OoN(l2vmk~)Sa()IJhTn-;aC`^#_Y=S0*YGCI{FY6%*}rJ zc6=sqD5iO=Nz1y-p1z>1wAsbPQ*-~-EJjy3CO%0V{!^heUlw)vN!**xd_ATA z%3|Sh!ZSSj%+|Xk#{_Oig8*ornHjiP&GkS2^WUG(1Aj4YO`mDL98~t>T$enC!I(=# z32-}eP%X9Q6iX@Vy6orqZ~yJrpKqT(-#&i%_6Q*aVD=(st>0f>x{cO*iV^z&G&67S zA2CMQ$x@2{_4^+&Mq(Z|z5qvr6pbaWwLYK6 zb3ZY}FjEKtz+CIS)fR$o%R)r01JR@z{BVB9BmL&T4LD?0!hkI^O9|hR+@^4%DI=6)8qSHRC?`re-O+c zQ!Gar!$ORsjSvGsGJ?Lv3}`3dSxuks3Qg)QAa#V7HT&MQ|$;$pwQjTMcFT(oTWG1!*5?~gC zF}K>FPsKZm^$e_~g3u=h@Qjret5Jv=lEMH`3w&|}F`i$wDK@+w4VVoCKR82JNK}xj zF;QgUdNv?H5+vma=wW-TWv{T5Fw_2d+OWK)nU2L|W@$|!qi>a=$i#oP($X3M*f4zR zA~Xfc26xTmaFsFix6%*<%tXt5fza^$EKD@Uh$&bfNDcvkw!fb#$MwG87_Ud0baS&Q zcyMy_^|pNe+_C3$6m_{ zNCajUVu2qRyC z1z)#^6s(zn(%bUGI4eU$z7U7yk?wg z85e>sy5c)|x|%pd!CV#coV|!REny6kAnr7}u?mzb7dikaLEI*E0<_-D-H@*@?jDn# zd!6+)NEXh4nBjNSq(01zQVwvh^)_8bMBc|NI3tF%o?@OUlenJX^dm$2GHIA14QP`v z7seEb*oPx)frxtPUokT6?2v!(G=C$?%tRR*wY!I?XtUNRU*@!4JDen67(C(%L}$Pe zF{9M!_^f$DDEU<`t1QCxY}W09v21-=)_a;@ic_zn*C9w2QAtZ`rQcpRP#L3*^I7ni z*|78TY^AyT^ZjHd30#lnMjAzf3QzL@vMk*Reg-oSLGkN5xpgCE5zbpoOUzpo;rr_v zb4V$~7!dg|-4QCIk9sut61RJXV_|zNy$+NKkQ18DS{->!$nj(1j~`ERU$zWgvB(_m zk=W)_#UR*9MxSwlc#>5iA;I_6-Msg~*M3gZpaB)`aJ!P5nQLhwgwY3*X>433x69Wt z4IVVxY;d>{WSM3JGnMeTO7|{ZtEo;_5I_S4UA(H$4&fD~OX@sXi_1(bLddSrz~eG8 zPt@S=|MPFC?jol1D3}Azv#J2oRWpw<9A}9kgt^2_G{wwHZ7h7-Heo8I{__2GKhDzH zUw-`#biB3h?q{v9k4Mhw=lh47FKfnu^#1X5f&{q(|2|6@y|2qM%yUj4J7Snx=TaN6 z%(K)Gg1eX6VhHd`#t?FjFaw-tg_;E&z{2=}=V$$eKB}s!o}~b(?k!91W5f_@>*xi$Z5!OcKu7R>)Yi|^ zgy=j=2%2Izjsg%JSn_&XP}v9}L5QK%o|X`Dw67YuO9!@W8Q#bJ{m>AQeTfj2m}6d2 z%(0hdh+ucu6z-4B$@lktS+WgZ*4)l^?q{uS*%lGWOTw7aYHPKL$oV|C$Ch%;TVk09 zr5UVv#Pht?e9LAgs&olI+#Nywq5|CLE5=Ub(uhw@{}c_6e(hJ?G$O#qmU~7jIguk| z(9O5U^6}$|C_o}Y3~0=u9@Wg?!z)LffrGUW6ik7!4D+$Z+7$Ytr~;M1w_nQ9Kq=tm z!W53D6no34L!!FTa$5jSVD$p(Pr{GycQk!Mv2%aj+S$oGsFtJDv*sLAN@ga+cxd~u z<0!XnvH8t*JkoHa$Q2HYVv4yk6P=}|e<=ryF_>9i5(48wQYON@8>0eWPfGxTi0#hI z;2nnykBR3t%Ot9;)U?EDz{L(g4qd^7*@Cv(&~yu3N=PB)=tj@CeahrY#l(-)znBqj zi_%sU+u?ng-3$2LF!3yF0%im8_qo^O^The1Dy?+pSykhg&GGT;4I3TCSx{$CE9zD(5~8d@GzExMq0g?Oh zb0?zhu`toHrTgm!!!9%59&4|CbPHj&pDtU@OS(N)7*#_GxNG+Pz>detX^DP`$3m3* z_bueOy(~1FRvAXyUXlFEX$h=?*7NNpgOxp>6_+<+Sn?KMez}|3{$9|IC&G2_qgh;M z5U(4O#2iVb5rFXq4@d-JEy|Z0NGawbDbV;YG{w?rm%#w<8BePPwK{+?&kV$2i1v5)5JQ}y z(%frLYwUGskeC8KG>BnD1=Pp*8lEoSAf{EE=TJ>BF~VChcEfSI+)_K62I*yJQgVXg zAJ{NVj3RB&z29yt zZrm8dan@~JkomGKY2Qx-m5K`76i5S5k>`HIsC}3SA4kbKtvQ*SnJszd6h&2LUX~1+ z5@7Q%?``xkdN*WE++R1)_u*==Yqg88xtsazu^yjARnNWP5X8tBVn}Q1rD+V$_vi6> z;Po>@yXfAbQ zc_c>7YwD%1w?(6lIy*@j+zpr z#&(=7r4V#>)Oi!#8=izC#IAF3z5uB4`g{k=6D^U=r=Je1HF&D zMEp-7Ds)r0k^$`#VlSAGb}y=Vjre@vZp6KdGRxk^`pENfnm;>Wr^JkZVPK*$tkw2q zinU8^IrS~>8l{|FL_&(awV0zug*F}HKqfNxWlNtwo)UzWi3v;K<=1q8prhO8j~$}_ z$#KJRI0kkPJmg?DfFdI^$87eCf#pNh?)}>)BE7U$(IihcjLi3sN>1yR%F%3Cuj9|6 zXtVR9;DzmNw6mogMjxUgQD&%i()DG*gU2FFY~9WL_PRm-E2-7vesJ{ybw2KmYeTCNt<&CcOG=>ucr< zN_TQ3KiZ6ondj=XOF8n>kZsTV+Zm=Pi0V1JX|a;cpxD~Wv#yVnx9GzS`srr9nw!_7 zn~|H}Ue=HT5yu?X`(oyx+L*cQb#xrDgkEzX<@Ia>V5+hk@LlQ+dn}@X`W)MRCS}2e zg#aZS-5TX8PyExshKDvSiHJuZ_^XK>nvf8smEpr!7-XHImw>1Gxs`^HStKWl@@R&j zUKUxl8NXH$`^!XE_ZBhva3>FOR?*MU2W3!;Hk^gf*cz8;-85=DJ2Vw|>?cSpR|ghz zh+(v0J}vl=15JI%RCn0SY!SAL9+``e2snKAdF4QThJYhcorsZ{OEe8VhePS%chu zT{X^%`q6AgsUiY_NCVI0Q^3+He3d=3@|R+br@GQ$qXN04I%O>g2GbzOHwSgE7s!>@ zBqA|Ij31Erm!rP?dIv2G&p^u2&0<7W;q-4nk?2l7oSc2aF_zba*9u1gt`(g#iHQi5 zcp4O;Ci7PlhS8MV$FRKQ3ksNf}23QF#agq60mts0hHk!o(qJDJ{nE z^0-6$biZvum6?!Dq(RpuJCh18Ii02ALmy@_$6+G`J^!cPM^*J< zwRA)YnYp|cP*p}U?_l}g(yd*?vq2kA9h1uwRj6QM> ztnB8sHrO+WJ*0^5af|_B8)jUM>X3e!yHkt-OCd7FW709^dVn9-5#r_!eHsyC!T>>m zsvwLJ^9gZxhjZQB9BN2lnK1=&hb)9=D%4kZ`m_dVklw7EHKg#>b%4D!rl28|v%+T? za)_AN24r~CcaBvS2rqBFhCM}(B<;*fCBIf=5+~3dMMw~{s zxNHf=n6g)4d;$`Jo_p=Hregy0qxN2UtD~K5|2Tj7+v}y$2_g(RlXbuUx*@bt!feKk zDX6OTSx<%xYJ8X=tXQSjPRzZT8zEIwqi*+=uDsWFHbil2P-`8)xtq)7$dM z%RPw->O9?ugfVWmvspJ)K~OVAKSgpZGs*BF<$znyijES$I5M4py_h5_V(mZMpBRr&tcmtIG2LxK{~`B`ij z`pc~w#ELfj+$+n>MS(9I)E7=qt+J zLz>(y)CYj%F>=j@K6k(b#9!^jG`fvp8ujzX-s^zs16F1t8qG8c`h!QcdiG1Z?=r_w zG~5j`I4@~>bKyH8>UH2a!uI|(1!4TPVLoPcH`=~oG(s&276}Z0<)|^mD>!Z_z3VPmo=gJbS5A<#iVq>*rQ{wpPh_k zemo0ELYTFX_M=hp$xf({8NdoMH-WaGFHA&0qJBLXU%G?oOPQC5VeYqK%*fbrWbgVF zOg!3{?r_HnF;xuARF0-$X53+*g`O?tP|t>X6Z{Mz1=TMF1b=~aIJg8MKS4rL5Q(hf z_NSyarU_NJJ80EuQ<*%)3`-SZ{XhS&|KqF`*C+T2V#+a*d%r?0@pohTboZ1J0*O=r z+8v%y zfTKLc*jw+z;5h~tl43Hq)(6@U@doxWf(GaW^lOM`2I7UiCxw7Asf$CQyyVt;|1%57 z=Z++dBqCw%edL^bAMRGm6rPH(@T{7`b`*jRv(`q=DaP2QgV1YjIVZf&DssDR!dzQx zeW=K`WOIX0y0&IE(1;9P35x1%&8_!RTkoSn5={)fJ4{QsoOfk)-8E_}b$=ev@-ADBDG|}} zx!+%J^=z~JmeKO)nDG8Ts@|Z_GDFQm448EIFb%;k$v76EAqD(UsI=r-w~>QmFtbJA8G8PFozHXsJVMlVc0B*< zeVGr5YKS2u&1)`uMX!$m|FUIbUhm6tTUx1UooeP@M~GUFE-JNjD0wg|1)}HpI7Ec! zIy(f_)_OfVB>uhi+hfDf0zwp+mfR-*bX>W%a1LNs>rNU46h+K{;d)2RmWG*$7GfBE zXb8P^c(a&z)NaF~>f2*`+*W)_=UH#tGQjz9awz7_QjE2BVb*KpAEUO`huQT}o2VeS z8%EpSN6x8~>h8;uLJsa;OV=nd#ST_+P~2!C2j(dys-}DGqKXiD(b4@&D}=f-0t7D^HuX2P*6g{swv#QuTzQ;1DR{ov?dG}$w>p=O_{Mf-H@|`x~Eq|tN||a zv?Q$8Lkh2t185yq9>W|AZ1Y-LuMPTdqFEk2-*+>I{wJ>q7(SHCNFYi%xD#eTFKHp>x#Ew%nH6+se$ZkA1zbxGz$UwKgITIY{7`1FP5=A*sNDtwQb)N43(3 z>Go|MZ8&*eleKYvRuIE9X-om}Sg6tf@xYvRf;(tBozRc9(vFYw_RESJs?~u4)XdWw zu!Bl#sAtEaDkA&G30x1#8X`(-`ii+eTHo^QucD?U;3F-2V`Hi7Bga2nIG-N z4*ufpU|<2Mrw?njqoY8{{w2p3RnXP^Yo&(R$0@I2xSp|o9NjL@$y6n{JM3o|#+9SC z(x>NeuJ7jAi=_=T^F$=75Y){!iOKp*L&uAM2^?nB6-uoCqKKw1Fa`uyPBi+!uncFf z%_usaGKy=^<`=11uCygXrnr;-kAM3Y>{!jc_u=HsT+ZS|DF&3_n6Y8s4ZE$VY|E-D zwKZYhw#D4WFeiVz-_86i^>MpB_hVa^_m9uBR8`c^6hnCKySs1e(tCIJAKxDPakSR^ z7*X}t-#&86!wh|12*GT2BPgTuk`N_^7pB$*l4%S9g8SZwyF1M>Atd`EvzKbEFH7?4 zXTgk?iESoDLk&g36he5u_KeWDVKGJ#Nhv^>L`3^h*LBG$9cP6r;Dq|f9Um8zAu)#6 zYp=EC7*%D-DaP>r`D7wM`k&9keL9og9=G9Ez-VW(8A`$uWPo$Or1Pk0iM6zHHpKK; zA5Q4%1iD)y?ybpOdl?bM9P3%fFtF9iQQBE;Scu{A<7Q(J(|TLn{q^xumCv6~93o~m z+Nh-p*l>NqD6qQ>F$^;sgGJJkT5YT%LBW|yON6X>cF$h|$E#06*eCc5?ta;(=XwX} zp%Nsf&|CM(2os(BN((7i9}+~A@xANZ&1oxLReSCG`$0@N1eZ0HqaM$bnPF@=p6Bh` zwtpUD3`fxY^<$E|1Zihuky_gKKRwD(d+Duoazbzw6Q8e=a`bL7#n;ar%}G65h^neF z#r^XX{+c&{qU*5b;R2XKJDq_wt+e~w)@rY%xqI1bUJ`&}>tn&rN>#>i8$t6pnWq?^uOo&KLof&bhhDEU1~vB>g2BjprQV9L z1Pwu28+gk~X=98S=NnXO!!-psI>F_?W1!n8WMm z5t3qxV`i8&x_RCbIlKAmeRucumRlXTDwybao^uK{iwq(n44Ie-_B%}FVNw@NyG0=9 z7_CEZBSAlZduh~=LcV3Vd(j^7B`i$P84GC;+)p9L5M+!o>HzFDL}f-0{gm3rHCnT< zgtW$(;}y&lp+LjbaIW~AAV7zUcgg{XdmBLdj_zfz`>TA_;?M%csB>Y9PN^F_)u5R6ZI5NU zFRk{JBIcdTnqTh+CIuMurleqVeNANQ*?JqdZwmmp+heUq@3n_Co&8wBlT+^ld%s}@ zOCJ&S*5TP3!?ydftZB6I$G`ko*7W!Pc)x$!U}d)9Kr^wB1kof2mLMUz1iP#z=jDo6sL&bG?+o#ICz6vJkvZz-{pZP7frvN(eD$M_dUQldSa(sbuSUYw9qsKh z(=`A9AOJ~3K~xq#RU~pqm_Goyiz;+GI-}6s%-1c|(o+hE@=R+`nZId0+xy?1KpMm) z#H?knnxvP}+dvMT28AINbBarOOCbr(ouP*)s&FR@Gr^5O*Cq<(DFiCm@Y}SM@GuWa z`?TUH2K>Dbq@##RJ?pY&Q7k`8$~wN#`}5?SPZtPm=*+Ke?c5DOFN3A)bPV&vE+Oki zz7RkTslQJF=QWT*p+!s=xZd4Om{|ybN4vZ+c(CXAc$kPxDsG=MYi8T^d(okD9Tq}ptwTPgs+X~Q!hD3u z4Pa?}?gM}zR5@syLeQW}Q=e=(r`LYK&Wi%2_t9D(=2#lI&&VWZK8~{F1T za{$VUCN{3MA;KZWR+uW#%?|=Qv|M>6!{J;O>?`{BU@$I&#s4A9PO;|!ua?d#uBQd_G6fm(y{B~;%PF$Gp zLy9aIdQ$Iw%)g9<&%L^1-5JLiz;2G-zu<8!1lR&Ofz@Ecpp3tLTd`v~_iAQX(bz>h zEl1ry4k8LE;3wT%E_u9u8=g&#N|)ozkFXZ=AH`VD1Ct%(N(>C)CJwjbUkt>)XP@)(uK`NP3uwS<)Kw zmSPUaM}Zdz^;XP^rChJQo^8FQdbZJxC-&Y^nq!`#Nr@f9R|eFs3@48{Kym}la^2gv ze|(^{o#kmXrgKj>|oZa&MzNE0&p% zEfJP`L?{+p8P+XCVP>ePfi8g@f_b`xu^h8uz?)2!`Iu7j-zgDe3e_;&Ws$FbEGD(# zwR8uoho{)4muUbK79wtEBPZ}=5Jrg?q1U1MJGPibe3M7>$7Bj$i5`RGo<$46;rgXgu^!72!gs7FUAvIv)>s|wll z(4&$;OZobFY~Po5cI#I5w!URyNVY;R<9yYSRD;B%8d#%>^7FSdZ&9Lz6wYS}Q8mhX zPxC7aLd^GHR)Wo!=vwbgVM#q23#TR2W7x2ig9gQD!^v65-CG$UK}QO@=+wuf{>6pZ z+u$I~G|VOxj#;i0TRiG?rCg~>tIf%uzwM(AyK=ZNbXc~;pbzhriAOgiCBw&s?i9Vj zTm-p)mCn-@;1lUH@TZR{LE;}&iP+rMCA<5&WD!2kDk3b@T1V0r=H;cf z5cK)lnI*;e^Zhf%u;fg{wYEOSSt?zTLv%Sl&$DRIl%l%_)uYrUCs7?^@SNRt6&*H2 zG>Eh@Fp3kIhSwMZGvyS~EnujLf*#Y^nX2GUL`zCbPASDc#;Y#trPX$Q_6@N zGjnuPDF#)kwV|nlsQ{K%lw#(-Eem}$nq$PEfBEwt_p>~o$G7hfXTq3x*-|O3_d(1s z8*Hu=>&VAd0kIoa11b?(&WqHQp~*;>leJHNex4Gf?v)ssJ`+MhkCmgT8CGu*ABOUe+@Xzp->M&(^VVc+`&E(vUs4xkqFV-h&j4>Ju0?}%a+^O*eR&^ zFeb_=GV|lMJfFvHU0z4|`SH0QWywiIN@-`QF=*=@9c=F%UTrv75XJ`q;TR?gR-+=G zxs=-bD5arkKlbA0lZ+{3<}vHJm+Ak$vc`!St<p$PXn@Yu8P``Se6=TuVnyGn$QI<)|Tsw1m+N9U2C-nEY8c zL@W_cUl#_taAX2xk#dA2@BZU9poe6xXNRL^v>_rkJf%=eH?ws~h<%vu6ryEK@Qt+6 zamfLz5^^YeMQ4?^l$Jz9z#59m{&~9l^VfaOiJe*<`4%-QD}zcLg7!LK9z*^BY@pC< zg%mZY2*dD=v^7BGu`B3h^lr!JiN&|OryRzZv8=s~UYna~R2J!_%XK@>G5lnz%m~}} zzkjx~Ew|iCt4Do)9A-Yoc>Ckq>tjdd4L}YngXU451y=jGMEp0?$mrhd$ZMM0^LdKK zkb*nGxbH;04rE15(U*Bz0y#PP*BrW?9sA63G@67Sm#BFS0$7J~+M=i+AnEpfWnv!= z=|37La!P9~&sz67T@&5N2@IB))P{{}7hSjq6e3^Tv6qk#=3tc!!xuMmAULs|Yi(dx zpqHG3m|_Y<)T$BT^Bf{l%aAEbw77(c{TViG$E6Fib=Sb<=<6fJHTKf?_ma06{1=jv z08&A%zEjA0K5JZ}2*(_re?K%xxROJ*w*|}6YYD@xj_upROl5E6_WjR~=g-5s;nhR0 z5|g&lS!DltN>n5m*dQk#&7jwB)rhDby_Hd3HRf=6PsISe^*OG-I>R|+L=S*OCRWCp z3+`c`uNsNUK#Mvlf`kSeVVdhB*|6=lz}z(jT4R3iPUOQym1r&*uARVO#M@neO_=6% zAOvT|HAL4TgZ~JDh9jiR?CM&hxzDx#B?cLNKo=l_0Vwt%$OS_*7h%-^S_9I%SO~09 z5gyaqJ$Du&f}CT*r!?kg`c=E)lAXFl{3zdI)**&H>kRaCKKki zZKbxHavvRdB2n#Qq!>kbKh6+>ncZ)zs+3ZhS(uT#{J3oxc`_2gVr1bMf~wx`TWt-H zGGZUY`mnr2xM@QSSU-VfWW(~3_%c5BI`Wd3d4J!r{&;=tklBFHPfi*qS8l!K*2Z$n z+kHt(j5+L|$GD;iULSjmK~wnRqOA9|mdea|%}xYKx0~M{+ZY3!;3=6<(WnG6AeLBj zZim=4(ikxL?N<&9QU=dgfzb!;XuRMsNyS5 z`{$W*9NnHj_tD2_W4$fb#<>?P!Iv%9qe9(?p>j?!$Cy$eqMVYMzm9Xsk%`+FZa&Pw zv&uQ)lZQLDloq2dOA4y)1mwb0nLFX;*pKte+|SB+jUk1Y^xO;TMP{l;gV`FPHX$iY z+hCTv+h`VZj48a{4=iPuTP{aEpJlmcCTeHH%zJi&Od7PFb-86C|5AsCsK|qyIf%?L zYCT)d5mwYWbOFsH1PSu~pHB^Pds{F>0dzlK;B%hpi}C#V!u61H!oKV6$9?}iwZ zrsuCO4SM^wz#4>@4mTgeq5>!1F1aETO$Qzm_dakmF=0@IDHpX%yn$~A13!G-?xab9 zz1OI%v|+BwaD=zB6LCEn=uG&6&R2;!F1H+0K+Ie%otey$%Wb_`VT&FI`ip zM~f*S#na7RA4dr4X1yC)=;f9)3Lw0g(e~0cs9tfc?jEB$(a*nq9(y^SXI|3%`^wBV z#(H0fJZ}j{8S}g{(-QD>;ZC(~@He{?z8W|_p=`Ec?d)z2{Z%gm5rJ5~ho~9@GlisK zW?-pC(WnsN2x!_-oZN?xJ~U}s0*XTXdq~>Lu;JHscV6T~)XRX676W)@j#+(@HmH?> zeXj=Tb)aSi`2^8L_3RpgTv4^7I|7VD(q+rbE!U%#qruM#gz^3fvDtY1a$B}Ex`h;A z5n1oZl8y1Qw)Y1?}wrml$+OLm@uAw-ROi=ud;m|h|pbkOW+1fc%IAN}J zBe|l2Z8)NQr(}g$fxdlY{qyXlYt*;|Ac^1@4nZ*^VB$GkV1_VHF8N0} zTPywiEUdEJay=SoBH%X06nmYw`CP~Oh4x}*7Gi2;$dzkBM6e2cwKRy0Yv(|b%{23d z<;pCFpdZI>NE+9`!tLz$U)Gqy@qS_&eSDOnGNeqgv>SA z39w2<*@=;SzdB(kqfqK#&@dVQGG$Am0*(cP=QE3(xy}+5AG7%J%jY?_VZs;F2jQ6W ziDF^>r@#Cu=Oir8*FLvwX0^3BzBRM}-iJZ@uM&nKcGOzy#Pt2`ahwGT7Bm3oS?=44 zX>J?+e!Knp+xss+-qxH|<@Gw;U6_|8llx!(=}+&U&uv|6Ys2h*ThFuhVWl-D{`R=H z-anqN7(+@40bu|+Lj~dP$5BMJw!SV)#fJ;(Y9GWL5cExsbOz8B0P1mf5y23%ww6*d z_b)%n+{;`|s+pmmL#YIV*I6o-9>A3lk&2`QPElV{GIvx?Z@1f7YHf|kRptBJ{dJu8 zZ55H@C=s)KhlRjPt>;-ageAx0D0xXC1t+)RfROe+1Nl&$NRXHmt{0>uxf$+V5Il$+ ze$#T4AOHAf!(kF~qGbc6)ZM(620%VGZtE@gHn!Vx4M!nE4`nYR|4Ob;ISsywlMq=1D^wG{9ml$Kf)>RX7`^1K64!w5Kix<}V_E=i! zZnoSOykH@Q^L1hbi%3`ceYC)Cp4Mc;9zSl|V}+|}nr4Uq298li;V{QSAQdp#=JdTdv4YTw@0dRAfv=(B^E zndA8?>tpG)AJ22yW^i&0q3pFBZStYJL0OJt6#62R8o~lEhsJPwtaFpzM?IQ~WSE16 z@3&?CXsTwuF6s3;aVq4Tfc_++R$GjrwKgtc(wt8)wc0`qii{cNb<3@dHoB_RHZTIm z9nH!ER5hYnI`(M@a9C~`oea)*jDJQOs@&V?y?E@|F_tZzdlUX$OVDa(kz0;?|8gL2p)|juMe5OrNtH)8bNAtCOEHBGM3pizwQ~T$23?b1KqQ#FVJ{<||005q z4q0g(W1U_HuJG;q8k63?Z`&ici~giRRb&i+OTfDjJU+K&Oj0t_F*u> z5)t+-$Ftx$K}8;Nm{af|MAXg>s6P{v69nAt?4#Lo%RHmC7`m z6N2<+$47x;s-9g`dhNGw>$x`;Do0Ce(x|;!JsQSIpTEBT@R#qx@+DG7n?3rl;m@Ck z4ZDBekboXz5Ml7j%&phH+;S@&)(B=UM++&4ay$F&+d7ft7lsAR)ur$ujnj&Q1u|$_ zn1zo%M)z<5&N0%Sk`JWCU4PD)BZjp$p(~8RDqlz+d?_|;xo1_>qjQqljtWS$FrTjz zLj-a!M-|~QCe+1-x6&VfxYfNO@(c>P4YAWED&QmG`9~3mT0g{KW8@{78O_9u5p%#E7!aP`r??c_8BuZn zlJ{VBY%<{>9HW-Ap(3aG2a~x{h z{PnkwQmVO|*|IDj&*zjQr_9V>BR3W4V{GdRtO_RLy^k1UZ7qhtmnQ+Y``20oyAHIT z5dTbk1}t1+6-?-32*YOaOX?#R*TOFfWZA2YF`BW=UY}>c zi?`BjSgSomg+tLD>V?KE;9fz@+FSqq9Z>0YY>#DhOG`APdQ=e!SKO78fBW%R*0gQu z^J5=vz+5lb_KvBX#)MUvks4O_T8>7sinJl)xI4jC$)39^@@!#2$jGN^3(@%U+n}YnWl?$a2QkIOiBrXtlvV1PKaGw3OrM z12di_$7RXulGdC>=I0|KA?R6~nbp?EFo*zEmHyYd+74kGj@Y zYKuWz8~4X5D&?$sO-2qA9_~)aD_O|Q>)E!)vOX3O4l%mfxmO#8S{8i+{A~V3DPVz7KX1$HFH<^slsluOahRAkb_UWJQ zt&Vle8Wrf9m=N1kF&&(Wh%K4<@jP2;?|*x?vwi-2En7kwCC0b7`5<{h%LG?6#%RoAgS>J@HqnQn# z(7-Fb8-I`Da{C4e2OE?#lg_Ejmg?Evkl?E^2N=F>c-}HI$0hb=>pg2!G9S&#s{(rh zPX#1o+hd7Kux86Gr#!R9-AuyVkP}fk8Z?J9(TTjCHEoHQmiuBhLTViHp`}8)L1@T0^c69ET`!X{;inCT= zf-%X5!xi9T8u#H_v+kqL*aRXP-9r*5(4RucYDV>F)-2r;;0mJB&(`X&ZoQeC!@A?{ zquKT?&rCF7>t=n-DS)s>g;EHUb$EMhcv=HrM(W;dw2^Z3E9M0te;c0f>HI7bn4H$P zjJETt^%c`YH>yX&;)?|;e}>KthDMtCB;K!BF;rDhp_60!>@lg6%QdPP!-Z!x&lioy z#?T-t0!17Vp>%O4oC&Im$YjWMQVw`30Mf`yB&X@VV}{So%+r#3>oz7m0@Vw68@+Yh zS)u~Xy$xfb3tH-PM-AVjfs4v4GjVKA^yg1amqv(~814n9nN{~CmkN2BvY@B+i=;FQ z(JK%D&F_2yWg^HxQ-$dtXXDj5yZ+n%^RKlvGfOGe+EirUPt;srhG=(>F&@XcZR^kX z&z$pB8B-~3vO7XBvn9uz;(3}^z-?; zZ|iG6Fh^Wj( zM+|chKu&!OCs$Fk8O4XA3d{59D^NYpvaJiMv{I^w#1LBt1Xr*qV4`J7cnV{Pz4v8F z=5E9O@XNQ4&)4&{r>m|Cs^1^C+WL}W3}IdJ>o}c!3=1*1Q|sN#S{vJK@rlBW*kjC1 zs1u~az4e%aJIRzdcfY>rUb~quTPCKERD*^baU|6P*rJ&?!NRTd5JN4Uh0~JukHde* zr`Sv(Ih!a$ZxD0(^{>B)D!?hNHguV2fm8+IL13GJdE)Lk>!HtSN5uuNLEI=V5xQ_u zIX=&{M86Qc>wWpE^0AkwM_X=bib|PB?Jy!EOsbwOE&VNRQR-Qz zbX9oNFtLn-n#urWB35)-EDrST{oh42sv+8W4O;cQ3W&`3{Etb@o0|LS6?mGx7m? zA0dU&2g#H_YLJ-2{#ir;EHfnXni;c9>kBiErYa z@&hzWy3bk@yT4XCR6V#g>(R=qjxQS)(M4ClS&f`>f4v|5iqd2N03ZNK zL_t&{6ZvvJODnw{O{4bGMdkH=pcpz|h1|>Dn5dj>|2Q-#vU>n6AZKRITT*2o?(TU_ z!VHL~Uu227aUE0Cj@uE|_Ax9ZwPvh>LGmT&pUGv`$GKM`f4!gm(x^=RgE0IgSmr=J(>v*2vhY}H% z8`dqYbI`~Pv8=cmR_f=gJb&(a%cFH4#w_({%a&fBXGr1pwums=s_%ci#~9Kw^Q7@o zquOBRehD_d*59+_`Y+>WQOwDRh-;llvBw{8OmnC->gaXE98(I<-}ZVm8SR zSHc(OoqcjzaR?Nw0rA}lm|(NBqISszaj}-tRT*-lxFnQZ(Er33$f=zz=*+J|3!lKaM(NlLpt`$+jsm$a?>1s~{@98N@1hT3BcvFYa0^j^wquDuierZ#pxRyNcKt zZK_3>8XGWL9X2wUM`&QA)ziOeE2l!v6EGeH8ssrbUrFRb0Is}12zmL-!#YqpExY2 zfVPZ5A+j%ROw1szIUmNv`j`Lqj}S&PbL)MKu`IduNv*;EG#en*TI;$lX7=;_Bc&KF z2Kg8R#rm+(hao;Dg%D#rOI?@zAAkMZ?Y7F)Skb!X+ie?Tm>cvV-`*Z$j1awR0# z($MP!RWlcspYNaG^~M;XHF7Xk&CMPB_+dbs+qNz4KFm<-3zI^+19r(=kI1?#eGEhh zoB1_0bDMdNQZLOyixBCK<#)UOv4YOkCt)tc_A{CjK znl`Wsh$)7kD9)UymF7;+>DIGCVu(oU%dI%v+=}TT1kqX=mYxl`sObWGq%<*^@XcOzvtXr$yhpo5ec%JT*a(sNhgOgp(dLAXFC_yke z4hbSrhFKG&;q|uM9$Q{>E4`L3BII6cck^>EmzjY>ko)(oAqmUu{(V~?nH-Wn!!A#g zrW|`6^=#k&^rosm|MO$nGK3T5s5q5+?Sx<{vwAk`1Fp(mJ64Ldw7kT;Wp_sd2E4jX zU5yBFPJx+j+Y%HyXK8C77 zS!ZNs7IWxhXw)$}F}K>|66)F0q9Fzhvr)gyvC41}9@X+1XE#_{UQ^5wfkYx=j=cnr zJ`kdWp$LRSX-W0C*nBD>&g^6ugwP^7xiCx6yhc_LmGz#dSyL4|z4KKtlT3MXUCLfZ zAIoh)qY`4+9_#0?&zM6i9V_y3R6K|72xU}IP?uXG;&N2LaEPea8Q3|hi7+bzPh`U( zfxw33D_aehlw4rM%PK=Lhk7(@ir^d&Wg?GRMdki&8QpprsvLsM`?3#Qaxie4k*GwV zjFmy+$J9!L+`n&-3zxmQn?y}(NL$KV9Bm-bgL!6BmRE%?0tqCazwLFefB5GgxDD}+ z6Z7a}f1Yj@lAf>n{P|Lql#}&w?A6U%?c05cDa0H{Ggw)+`$7a7nCzct2lgN-0s(xO z1OXzJ2`QUgkJiq19_@S;cOTt*>t>!7gc6RKJzu)JbKty1z~f<{7ZnM*Y{`a|qxLrX z6f0Uxp%sYS;`7&+u#9Gt?y$smw*BM8?Y=ygWlOD&(S~M)2BYjvb3pb`+#-yp%oEy( zj2E;My^NWVSS;qaY{}e_of5(&<0Z#NYkMr`X9-D>_5e7&2H8JOcS>6%rkK>7LQ;)$ zX&}tK46t`%itTK(Cb+sa=-=?uwE_=41C->$d$(5F@hoMp+hf7mi#EO-%|Xaz6j%~- zP^^GxmM@}$r3yN(<5|mIv8+&)dd^Xr4JX7$7T|Olj(Me3ZF?f%z?| z1Q6w1f|!lbt(9?pR?JE?szkA2>m%E6=p>;V(f@yUG=`%H9(_PZ5Q4TgLXhWgN60$r zAZCfeOnHq^*VwS~>L~q@4dO(3OCbqBOd2l6pt%O6-#23~liI zf?DBp<*Qgi8;=c!BXY~>i|K^A|EiD;y9g+w?DF`AF!MC0jtE{dbDl{ETF*Y$tVk>v zV53jslQkUcjM)_w8Mr)fF`>bO*cGk&Wfj2tP5P&Q_>L0x$G69S{^zgDnh}b=EP0HP zbN>8%3Ulk@TFTJ2E&uQT`k(*)*S`hTvy>DgL@Xg_PALRE&zfR@Gz%l@+qTr&5gRmY zq?G>i@4pezvgBGTGph)sM78y|+pUk$$Jo}T^}gh^pXdMeFMo+KmRdm{FQo!SDl9QY zjQsIAq77i?6eA;>Z8%gw@H*#|@FSO6ul8z+YWCxdF)(u*BZffaImP`b(D6U_8*Q?Ez>JGA+`nz$OX9L= zXWef3LLSN6j~fZnks>jWh+TrjsLOrHx0Ewt5HxT3c%HY%$}&^2T4^DMDUXQ(Q+ezV z?25k9AS{xXhzqsXUXI%8aI?p^?R=IgYGg?<{P=cbBqX#kzw{Uk)?QH}cJh=WSamkz z#sW=3k);%Z>b{>Mtf~m#z=ec91R^3Bb^Hrt8E31eF$jWka9;JfuLK8LgY?!gE+U5b zc)(I;7lIwK3LI)3p#4iaoO0}Kyxxxx!}%%`05>kVo_mM^(tOO1XX!wMlU=Vw(vTEy z&HejLgfYXL8!fY()A2lT!Ow*lI!2~{_;0^JZveeGB567#)W7YB@N;)no~b=Kmc5EF z`2-_QHuD^eF$r5Y4RSosdNvHvK?-8wUi$GY+uH&a5Hl@XI-X_!DCi7Fn?JjXv^LN)Jn(xeZ8ldAH;+WIA1hgCWc(FS3@XaOi@%J{&uI) zdp-O4JV&>@#$Lwr=kCM4{qYfVY_%f_pd9t_{l-k_o!Z%Nk0s@RnrR}E2yd>pI$G&4 za*W}|c_IpY;TZn?_V4faKi)~m!T67IwGHF= zIEiR`TSl{(0~R%U3Aoq$GTJoc04ezTd5}+KNLu6b*L}U`xP&PdHP@)^?6bi$XW_U6 zkTJikz0eTWqm$F9158`%Hna1HG$`;m`IbjFRoy>MCqG{mOP~lF{!Fx@9*xy z9HNSfJN0VqsP`Wm6CulN+0y=by7~6DLUb3Sj&84y?O?8}x# zq#hNeTQ@<7A&ibw49V`E*XZucJ!uH-Y}5CtGrSg`*R(#*G&(Z)RUTPnj?dE;VIv{t zUOK!JAxJA@MmNA_dNm1n0%H!p{`=?pmRb0GwvZLXPjUk2Y`I7DV4C1fCsFS0N?2#= z%`jGLr9&hMe?`6}JQ7pk76cOi*2Wxc(@aCcsT;x!Qpj7XM+INVeI|>$J45{+0}=M6 zGd>8*kQlYr4m1-B#{?zF>|*>ciKMs?^gTS55PSl%v01b zTO&8ufBUz8MS1G(=UI-Unp8Nbl2ffU zr^J_CLq&6rXQ?b`S1d0ns?^#v=ul9c&FmZ}v7+$|zxRYD5uZ9yM}WoSssG9!xcr$v=43>O-snL#(-`w+g; zd5HWX(5?5pf1bGeS^4&DZM73}!BT*fB}^}*U^4CQ(9sG@JsS&a461_uFfIXd8vNGF zmeLYaj>H_7ke380>Q&J?i&!7XI18#lb;(gh?zd(1v8}nao?>LCvoy@Qm}iRi7^4q^ z1&D>Wb*Z(1Cd|UUS#52}2`_T%eGFTcWM-w-<5iBM-0n-O9hfP+FYO#G4AE_`9b$u! zq7w{i>h8TwHaz2YmbQm@I~>P;}8h{_K#D9x5x739EE@Z4Iyj;7_Nk< zy-xrr5tqH9-ij&M<+UQGv}8Po7YtX@5~mvEvH-dH_E@&JMT4d_mc5a1J=^gr_qR<{ zUq5#QT3=$kfx~ySk+*cdPPy`2{Thq9IfpqdBd54T$mNMS#1K;OVVacO%c}q**SO(i9Qh0GOG3 zWG0!lbWL^FY&Y}%uQXj%O=d*6n*q>8MCRfsJZs3C_{a!%TL6VD=lo~6C5fRPee{8_ zFjG%U)M47xhM9SLbz;7~Z=maPkeI}V*1fqK_&>dk^-(gGm4#wY!&Fi7}`;69wU3r%Hr~KK}mv>%aUuV@JCl&-(kn z{IWe(79pq62Q!;HI0VaMNlTI>7Xu`q^r_E=mM;X!OA1$Zru>)R6{56bAQm^oaD1NY zy=b?zr00(#CK=tJX#rI>CL!ij!g5RQu2mr(zy!pGr5xJP!3@+ku?dl0f=t- z(zW~Tmo>z&-ZKJBOnv*d#vJyKa|RSRxjWq3qg$(^pQD{K!n~gY6fAA3-BONaOFlJ* z4CPfS@sEH1h%p?WCpbk;^!Dpr0_P>(-c~@F>@u>45KvC#HDey(k>C2}*SD7d;S%;+( zbU0L<802sF1+cPyb{1Z4xwmm1J(n4lH-_arB~>8>q?kePKt`opiK1O+?d>iiua6Ue z4RR`L4nbmyL=3fkI|is_kbMJo%)+B8$X9^eYtxXTn}OYgt(Tj_MPS1q_`$1!76lpP z5(UejyvB0NEE0m0d!F*DaK*+k^>ZxujN<|U8p0G)czr)bIQPzflGA7dGrmc5xC8PlR$+NTE>!y`dp-0YD+rzHTnR2ADf6g+btdf9@Rzi@COB46Dd0vYM* z&8EPF$<_0mBnsSR6DA=OvgA%*cLYXkxSYbj{qO$`HPFyea*i>gIvHcc7(~MJxsy|j zv9~^k*4Bq=trZ5`6r-A<%1kldZtEZ4e}WeTocwXtrR1d)oS~|gOS*0AufM#1|M|g0 zPLxwrRVQz)-?nw=Xsx^Z`{Q<=EyhqvN-?(9kE527bZBeiep}7_?|=XCc-&$L=01kr zwguMVm}1T;=cGeX<@7#8B*xf>`i0-ZKb(`T7+N2~qN)y0YHh@f=5Q&+%=_pfvXl&~ zE+pVS1F*Q(wr%S~KtcRVGw+SBlrd&L&stDLxxbFn%xgpr zPBImOH5^khNcqHZG%#Rf#1ApncjYVaNzB+jW)0u;2DCAks&hL6mwZq4Oi58ebrQ= zV4nh69?Rrafil!bT5>;!_JO$#jyayl^Q)1?^c_2|;q_>4E|9Jn)xD(>ms{a0O=dJT z^K~sCpOO#}scPQR6ev3+e1yY}oiIGWT!DO|=tQI*)ol7BO>Nn7Nysdz@^cSX>H zCkUpKtD!XEAlSU+B^%bS3cI<5AZ1B79V7@uJ}D=7hA_025X|&^)pDE7_Oca;0o(k? z+q#tWxGg28oF;gs)`pbd=YC?q8DmH>wAR<9oJY+${__5Io(+8!dKgSK`WV7|)`m`- zptTEAcaBC8W{>BOJwz#6h8zUtsT7{4UG*8#~d*{GxL<=`KsDgB7?3Cg6D;N zaS;KUGp3N2gm;~n6m!JzMwsE5M$G|Zw9jB*`Vym?`SGlX8b$2_sY9=WP=c_y&F8(D zYaf68r(a7+YK9!y?Y6xAdS7k@JCkA(86cW^bZrCgd$d7Lz4o%E`D`(I{@Cl@ zV3@-O8FM=~Kc97dET)Dfdk8|pqxH1R*a5^$GSkQ3Ue7-cEXU13>nroE2kUfdk|D;Na7p3s<)<2Jd{kIb z5#B$KcJ|)J`(N+p-cXUWqrU(CXlIisA;{wJoQ72|z9_9Ic4^h@fVd3Rb<`52;OU7V=$Q{=e zJCCY)iLdVm6UP)Vd`%^OEiiRhS`+!45aSM7wv2i9?QJE({DPTzeUwyUuL`z0F`v(d ztE(No?xSoemk0;f{&DP|2lz!0Ju^`~nhkZQ&+o4gLp%ENSg`Ox71FDw9ErGWdFm5_ zxEp3(vrCznQO6J$q?hS@7>153P4j?m zI%6aGG$k|0Ib%L1pa^>Yu>(6m|OD;>sLl%oHl!MTJE^Dr5=fK*KYXPm#v_yv>?d~>u&2iEJicOv$=aJp}v|9bM^Y_Osw5T)oFT({H5~86r7mx*XB;_N+ULP zfVK%mb2nFyIn1OK2jGC*Fh5ec9{tE2`fC1FbzTEB?NzFVBy1x83J{zNCAkb0a}qHj zQL5A80=4;9Q9i9=)A{XRYv<_`_^P&@!{uV1MkFVAfFK93E72LFDUTdLy&b@j#`~4MIgXa zYaPg-5ac}TMBTZ^I6bvFB{L&(*n;s1ntN+KhJb<uTbb+`u^IF z*895TToN1#W@K*h$`5w4dUn`NVvN1^yk=7$Lt~2Qwo{7ealx{6r@R$%8cplbv<*;= zB??6CWzFxuJ+9pBDdIBscunQ=lK0OOw9xgjyngO^$&g{R+9k|XBMjRh(MCmxe?Hx% z{{`dV^yd;26|<_5dtOqj4dI%j4ebVFgH7HaNf0-Zz^?wq#(I6s?KhF!)CG%d}`?8f*Ta2OZ6-#Y=Cg}BHZo}0F zO~UBfYR5nk{PMZiBFA}}qO40cHFjT0-uE_!zQ5hh)>|J$1lU*YgIO>aA*S25?q@xY zifiD{8{ZvT#@n`@XGIg@=A-w4x<5y_&Q7ljJMra2M&U`tO=A)4xCafTed5#WB+-Kt~@)#qH1k# zM5Im6R|_$Get*TQRPxK4?&dMab`Bf5zAe2DRNi>#ab7wcd)8+c0J}vrz}0g8SzQ zXHhDlEa`aFT#`GzzCRzo+}u6olyX{c1$EEpx_=yLNsnK*SRym`I+iWR6x-3A$cZFM zTB5m06f7Lt(EQ!uL<{8i~*ieoZhC6wPY$O=GkT85z8XPyuB@EEyQxc> zoD&DX9H*#x-8%+^EL`_~J{t??CB6N2KVS9veUB;R5@!Yi;vk3s{5d`=s_MK%HwUl_ zz(+I~X38`dtpvQAFkOBIcaJ&HRQKtZ?DGNYbvTiBt$QoCqJ2UdKxmc7W}cT=wg^BFAV2lhv>P6IXv0#DDF-;Upi%7S z_!6sVp9ygyg0x4>!riBUYBmx?LJSuu7DPO2T1yr^?}bh1SVm`W_`uN z5Yt@9i;Si*L7YR-8kicMxgp3HMwfj*B;X<`A|2%#iL!93<8m#}Qa+{FC&t4}O=3W@ zC+2!zO9mu<@UVEj<;k6(N|Ks2Oo0_?M&Y4BN*qV5^wbq>S*=h^{NX;)fS8WYif)FDLvi&&rqrwWa zZ42ze_xl!O`1bzB%s+oVV+z6{#sFxJxs{yN?Crkw*2frUZQHV_*^iH>yQ7SD_aL&L z=WNLE9CI?AXTsat{pZJ1&A$Km`1b7$#{|?n_|!s>lp+MsLkGG7ApFrmLgb)k%esJ* z7-QUzv*bLw#u!5o_#Arg#8gUdtpW6guh88~$;c>xstTPMWEIR5LTs(OQwpK=zU16` z-u+j#E#w3~R|uik9&>Uh2@+y#dz%IwwJ(t|P23PLTLHFrvl%@Tt_(#Sh1b)U;r)Gn ze<7D-xfKy!?h76&y(xPAbFa^zuiN|f{@dd`s=J^2i8E^qZM84A97_r*K(-Wf6bb$8 zOw1yPvxS$-)N@J8ZHXx?TLw5{z2&kbcRyd11GcE@PRFxK2#~_Vl8;juxsRib7^A73 zN6jVu?f?A)yUR}`Xx)hjgoJdtu3S%gd6ZyWM_xqM}JocJ%g4h@0 zz1QnVIbwi;&NDTIsACrR{_*6X zFRnrg(46$9a|8K#h9qUp#5~3j5qPceMCnz_n#_DOjX7Np0NhPT)y3M>V+NabFiqeL zIgzjgDO(9q&b_hF#lIpq+TPZ@q}R_qO&y)vFwmn%*K@D;Z?_P_vgKAgaC>DdDTP)$ znWvI4qe3S4v_6ArNY}>SE#`=a!Q}CaSD=VpuL;JGv_$ZF(xo~Ld4z@ zMI`1BlMoRydR0xEjy^S1M3k4j+)9}HA7++%G-j3%(5UAnY1jSZXh-jTgb*IT+)Q;^ zah&=&-J-c9jFV85V7QBJvp2;}ghdtxmZp|+aP`r~x8L9D(U6D-x))f4z&EXr_4#Ap z9t*CD*XP;WD7T_RQBfh7IY9Zt^8pEc@cLN3_A@Ah;4yHY))BY{5%uu3wRiHeCY+yn z%e{`PNeeNBpa1!^Vf`GbAU}(70>B}ITG`39X-J_TotXfdglQEdVx(oKYY{Q(c>Op< z(2|@PH z6NgDZ`)I?BdL86ewv0O(0%f}ZDcThjNC2bo2W*DnBZAe0ubom%V#CXl&_y6t7JvWp z1JLM--T(tp@HayYn9b3wwlBt)Q%v!ARrqJhn$3J!6VxLx!2^4$L(7)-XJwiEC{ydb zGxMJe8DUkcM~8eQmo$b2mf7ma)pXeTs!(#8+8A12HE+2e zoe}>8E{)mf3RVx`9C-V<)G*ujYvBFmvg3=RFF|l7BX*rd+TI}-i7}kdhM9sB*)X`< z@nwGV~)Lz7~?FEqSUj&jLI`} zjiz2YN652nvI^!@#V%Pv2s2v%zh(BD6UszkrVY5M=OvD2?*965V&p1;1Lj9T(3(z( zPGk%*9R-y+nB$-xq0_||4HX76e}w?z7K3p)q}baOA>)kCZoS93%NLBI<;wKQIhonA z6to)ax**c|?S9*j)5&`uMlQ_v+xGUj{rLF-rvWj4zV`R~4fM}%kH>MgZC#jX3}xb+ zqp+YW$T_)rZ9T>a=uq!HrT7nj{mZ}p%Rl|`<0onnzRchugxWe^1Sl3kN&u0oY9E?Q zHnlJl>1JFab9RXr*zahhH{wR5eWA~2(|W{_e`h^V)*Y?*Nsnx_(DirV$!zDTPb z7j8^x^bvrKFF8axo)s%vNJNNPyE?IU4KcQ(l{IVE-nv9-=YSp&dcG;3vWdM5S5IGV zh3PW71!1B9>LvDGcqDgy{n*Q`lr2Lgg5PiIDF+)qhK3l{`-12$2@E1otE1e?l;{XE zb2}PFo>+tGP&c#d6m#;qwkFOw=8}3F?Wj=jyZiI!fgAF8)qak0%cH3d#gGpZ{d#ox zj9))@3DS;6PW5QL_GK%dKVHnVe;nIm!Ew;*=xy{m@b+0Gmjq26Gxyf}If0=>luO)h zOTbFr%%^}ymYi-|InPeSt#x7!EW`|=Ka4ae_ld~KkF&)XVh}SMeW+@R!QJnVZS>K* zj-kXphPwN<6|Bx$8>8#~c`n!g5>pu6mM!Bj(qSP{9DWs1+|g6o5d8&Ndg1v zjM@vsa{qJ1KVFVJ0(+le(sPSq3{}AZOR@dxc%|V?R-@tnyN6F=pGTtODbC?qOxUV zJGhx*6%&IFef>OO`^H!|=7{m3yHEJlrGh|jnb)+vE%#s6?Xlz>&sUQxhY0h?OYRlT z+-d#+n%!6uR2jVuCq^=8h`c@)0Ay%JO!yqWq9$`XpC`0}s6Ivb_2YQ`JeFJD-q!p3 zO@#jbKYzeM>*m@OsV2*pLt0l za=cDcH3g50QjRgndN14C%FIms`gywA_E_7|@|Mf3(kHtLQ=U&POZ`Vnq*a*r{>1TxQX^HCLAI6T~Ozs$X{Ipihi4Y2EDX1)Ln zDaVxOM**EGBr&*#Q75!Iux9LSlr3pDGaF;#gP6Ijg%O`ej3+`)h|`|WAOK--UYU8$ z31bKp51?HIp^IK`t&UWJU>MBQ&u)_)?Cvz9qsO%6K(iqsm=OndCk`S)qYjjMG0(LF zi(Jtbvz8?S|HIm=OO(7sXmyx4mf-4$7_P6b-K=X&6RCvjR)i(W>*tA+ZF^sO9Wl?( z8DAw@bP?%Ck2zqbro-0zf|b!^^@#K~W3%Qy?fQ>9F=(f029=l@8I-QmmI+TR{2O3s z!b~Da@{);L#rzQ;>{Q%=JfS96LY4@FfPyCrzN0bzJUV2G5$#C5nc zmRj!gXF!+;bC~rQq*?fN;s5-<{p9EXl|;$E=%u&nUNLRdRx~8A83$3 z7pP$jEhS-$nsV%8q!^ibDe3dM*WSNO5JHUN?wCjZ@#7<<1icsfmXu;^qm)cUL-n=qI68ap?hYBx7$e8nd&iRQ z()Ns)5;~bNbi$R0;JmE0;pd~z2>~5v0P_^oqow59I+2Tnp@W#$WjW6#!uxUl`pbL2 zHVJ(wJfr$2mV`#{-`?&=ZDVL3ory}xAqFU_*R`Cj^)YVide&M>X}$F^+`TNBXeJHm zu-EG}wPUZh$4Wd)w`(^_u!G>iJm>vt#Eb!XUJ^0qHESOLdO?N0DM#&=axisMU2esl z+Bt|&gc(qVn8n5vMF9K~?V6UXU1N$&bney7dQ)bW6fn4X{XED?yB?n>WCNp(kV4rO zy4J_cY^n%V#k}ncYJ>tdq=@s8iB#=;*1YC^_OCXBm~QWzb&WZ)h%oosu`7f;1~RyM zG$I;(Jb%2P43WSgax4)*VhAB5NKC=av`;l5v*5=5>d`R}C3ED+5L0jZ{JBHgj`tN} z=ykXg4mCF;^O#~xu^kN#E_9g6_6tg-o6GAIa zj%~g#C7D_Z0o(j2ftxIjJeugXS(g2Y4*= z>6LQSp;#eeuC}bj-E~+l=~5=lbmU1X&0)$qhat;?$XU1@{VOa6V^@ic_68OLOhiUg zVNOeGXBXyJ;^_MNvF9~`mkJ#%G_3F(hZH&RpL7VGFg+dWIz^Ns{QP-r_hq{Gas=iG z6NF_g_xCNA1dolX^)_yAtNRSIoC%9p2~v-Cd)r@R9j$f(tA5OcHCG#L<_d=pPzOT`>*~D@AqKr_Suzfvk`tUuPA;@TN1K6t5<@B>mDJDXMBo1M7NRU$ zi7||!_iwlDv7mYYtfmU-NZGOu&0DT}!{{AUZxoU1EgMFvhQ=?pW3;n_wB62*@-de5 z_1GS5xH*=nW~5zP?K~0S^CE7?;EV7L^)L#QnDJpsUXwP39VO)uMB33q4CPi@9d++* z?>KPKe2%Um$oeSDJ%i;!MCY@uZ_D{?Q*9q0lMsL$a*5}wEnEKM-#=4{sM19E_HDht zFGwQ>kXO}QJ*8kq4hgkLSyS0^*-Fas{%tF3ULOmXR4hFD2=U7I5Fw_14jjxVvL(nE z3jQe(abQ!G7~E}Ec+4@*X)FFSBS9v#ickle`Sr0YHUO$q$>SF)XO2t%tSzDBcGSGR zPtR*efr;ALFLWNXLY$YV!}>&EYls4r&8P$SyPL1KA|gWEYS&? z%#&Yc)|-kDMtjQ|%`E2#8ZQgQ6#Loh-t!83p5jxbS^kPmM5$rqF(C@gkc15t7K@Cg z62dsf`Po8}n4@)b_2p3@3Ib}(xH}2-^JqhO!p&k7CdMU- zMi(Ln54jLWF|NQaI(6_jorYVNn&R&qXT9b;yAi3k9o$aUY3)682NW>!j8wG<=M)Zy@DfOGN?LQ3f? z`V`-BZ4Kql7^CD2D=_{qNS@F+Z0jNup^7GNf1bC; z#=`K);W)<0m)F9~PzPxrX-V#smxPPsd{tM|u4T#fXl2VFUAVb*tw)PFpiiA)0$pQD zc#MS*a8-fH&}s*F2nd4us*~m7UXQli%K5CIdSi0-#iEKiqU%jLK!A=oUU%2wEZokH zofl{Z#N6t@G_Jnt{o4(4GL$2|_VsN&Up3`~VY7(Tqs17`z1AI9lrCGTM^jZ|Uhidn zTQHSLOTwv2m(nif_{C`^EW6y@VD6F8M?G3f;q&Kf(AUwzq<9TgGxu8iWvoJzckO;~{MKLR0qXpoFCozktQ<=sNWEaS)LW-5x6j!$1H2yuGc^!bu2u zO(6zgKx2yS?3hQ!5`X;1$7q^L)TZRV+%mMt=x5H)3d|)GBjuKl=Q;V3<`S5h_Rq6y z8DEo#AhH@FB1p^XtGPL3^!v|KyDhhzm#E$9-bYt#ZpS4BWJc|aoH(+JH;~pOBACe5 zR|`>Kj&i56ruAOx*>CSl?@C0k@5lX@O}jyzT=y=*=c}*xT#s@8WdqAKq_EsGYGn)~ zM^{+niKw0GPUo{Ow~RI~my~i`wv3w*RgO)P*fikc%yf5V!35+hV)E-QzK#OzFhz)?tnE+Je$^$SnbPsLFT&s%T0-b$~7 zoVK@Rj`LAn@l4B_X^c9lohiq5G+Y%rETu3DHVEV4HoQoEA%-v`BN(5Us(tD5XNL$T z2eDt-m$RF?AfZzj69p1JCRUwC>$qUbHta$cF4=t30CtVzs6VFLcg zq4v1nYHKB@p~}Q+>P}D;LG!b&3#!1^eqcu&V;IB67}zYwh|<|Y5H&41BX-x_OP-)W zbNcvvmXZM)dhN&m^MC&z|NftU!v{T7-yXNyx*WCjG0s|V>#`qbMn}bR9`*OX{PH@^ z{Wyb29}3;wQ0;xJYl$HM9-s5nV)8Yo{6d{DQy&^r%q1UZy=^P9kj#83rM3o{IcPsT z(-PR+QjFVLn5p%S#sg~_fMsF~`*Fq)jo3IQWGLetm``EVSaoZl-8l$|< z^XJF&ufKjPIrTnrihuk5^R=J1ZRumAlxl5=OB`e10BvnZkn?QoeOcCwSg!l~CP9d4 zf1X%7pj>nJ^JqF0T=|rv&)ooet(n4>QaE1~4>nw^Gvaqi=V!gWZ`u`$k>197TgX|5 z_CCr|Mptk%B}l6s18*XVO9}y1$XFjsh@ot`tU08R3WgjFC_wEh34fS`cnP9S^Oo|G zAlkvCXD0F@YlcXN<|ShI=vNTfdSBYnKn>TXZoYpWA%^FV9ht`@ylkbOZL|?fxPM!n z?D#xIxYu!ho-qe)LsFO{Poi*b80uaD7o+)Kk14j+M;`)YzI!SWd;>5#%p6a2jF_DK zd{)THZJ3+6dI*6oB?cf)IuztMaHe}3=3e(!mVA5PnE84*iIbjMk73Mp%+Y8A zcON?oa|rVJd4>>5NuRHiiMDk)TSJ9iO2UeXr+}Sd*RyuKhA}jy z2pP{=J2Te`+AletweC6;>RT*0F=E665Aj~uOTr0<`57t$uv7Ayj?am=7hw*f-2k%! zWEQmoPI!>=j%Q<$8L)Z@Z*Y#sJkta6R|33K%n=d4c}d%2%}YWn%Z#8$>a`;$723_A z_U9Q*BvD{aO(jB^h8t6Y%GJrnI>tz zY&owf=J5RE(5|p8%4NIUf1V;N#OJGP*HIN)G$J3W;G(W;y5EX9ZEGG^5ZJP&egz0Z zA&`~?gw9v|jfjLC;D8@pF;7LHH4D9d>>N0+`FNf)k1w#BpU=9zt;gp917&a1XgEi+ z!ou9ULjK$9czqmWC=vJCTkQ}E% zYhb1{IK><=a$=^KTpx=K3p2fo5OHAY=ktWV zKgJoR&P=0eSz_DU=im0Ww{j~fhx;$94S)SOi71xP_OZPeH(GAF9RucJ}qLV7AP{=c}2{3+DCXNJ|1x@)`t+so&mLcdthW(k&zj zK}OfSq}Pwr)X7K!+wgkyR3eJVRAP(~4vJZQ5^A+sU=dB5ep(XEIE&fRlr2MxZ^PUO zlbV=902PO43o*CTP9a4bQvt8TVh(7NIB?rLz*cC3kT#CCRajL|^dnRF%{29lBl>0O;D#bD}) zJq7CY^T*!KK8Dt#ON13l_K%auA>?zlSfZ0-1Np@=f_xmCE({1vEv;!fl0?9|aCaM4 za9rFnF_U>(l8E@Qy7$RmL-iN~5Fn6=lX+f}M0WS%v(~+rEyX2ZKqleJ5_T6XsHj)_WG28gy`nF{h(B`JVG>7#?O;7pxJ(LXh4RA1{t{ zzZiW}VWNkoko+B6qyJd8wE=#6^$~=~Ylk2w(7zxoKhc%ku#7 zB>IH1el3os-wXmgTp_4o%r7FR6NoG#6ZeD;WHfc7a4EoNU4)5=P3amiUtvbz{g($T zqccaKn4x!acfD}BVP4o2{^`H{-n%~c9fJPRbwAD&qq+6gmvw2i;aA2OT5I>)mUH^} ze5IU12qJvemSV)b+}($&Fo+ZW+Rw-1j&dB?z##^}I*~t`b6QINUw`}n)n{4Cx)d|p z&l81pZN0XRFCgc5)&@JTsl_;(?e3Iv zTuL5e$VHZf)flM$F~*M{pCJlr9cHd)Th?WMJ?!}`D9>(+0EBx`dXN)1`sKb`EjM{Zr41tJS?KU(m5he$_ zrpxE6#Z+x5+B`Q;DK1M6 z%z>q~v6OtCeOt4deY{R5>O*r$C1+T7SQsW2IAQRUvFt+lS4v^1g&@aK!NDZv+qU#R zVv5_gwBBp&>r%{Jhq`+oN<=yhIdjUA*M!4}7$olj57vaKed)OnBF5b7NO^MEpeV>o zMvB&)OsnFHGqq8Nsiy*Sze@~6t~%BH9K_x0-tqjvyGtpybHpgqKHGY$J?02$5Khcg z(%g5@G%QXhz4;j0o6gGKY5zQcC&Hi4SH+J#_h!Q{(7wRsiGmx^fy@+=w4)=@uO99A zI9Vi>$i#U~7<`%myj|CO+3rRA)UIe7He8#2{(V39hPmCcB*>IgjHSd7Bu4r5+YM@p zlm)_!+pUBswGO=5aw{xM_;@3W2;#s|C4>~ASTnO!5^9lAN5~Q2e-Spd^Le&&>>p=d z(z!SAtlBxC)CeIQuLk}VF$3(Q!+IO->@h_SLil*Qf&m(WeEji>DLjAf?wm?m??s!Y zl6oCv^!D4$VCpi%exPi5xfSjD`C}h_!>t{R001BWNklEFQQvL1bVUm#0B zOWBXX%w;rKmX&i zpJRJp@)FCEQi-h&Y{`1nUdQY2`|>Ev{Q7>x98KMa6LCMr`D$og`Z+=pV4e2Q!_)vZ za<>q}`Ks$ZOW=MCiL$*f_2@*LOT<(Kc471-4yCvI2J?%8j{hK8R~p;qLhM@o7(7zp>#s7D&oe6xq3Uhsl&%V&fe#$lb2h8 zenHjZjP5dt($AjP1o3JJOisDPi@_p1vz5fm-M#lwkA}kO{#a}6F^Ud_h7+^lW3T4E zY|+em8$iM2CAQaeZb%dx#zFAlz~_U03F|}#=6^~j6q5LmBL*nmjSvv4VCAtp3D19W zd{msDZSSg0!pte9 z+qS6M+vENAO8AVkZ`tkTbAC(+x=!{=an+tSVsje7_omy}Cp;{CbjoI?z7U$wKk zd%C2MI+TOJ9El2>2x!}&U14F7z-{k!ugiU5B79H=%cfd8nuKs!^8LbMObA*#Iyl(| znm#kryc@Oaa?7K3tiNLnv%*%#LyLuv=lS^cX2Z^Bt$SVX1;({hLMjn+0*KS5(wBHy z^5|m{A%sU!f|+UOSbvYzgg_MCnH-qI3%Fmw6mk$ zN;%~enR#2w>!|Be`WVDC)KUt$WNcLMHe(3F*NShd3faxo9M|)*Ez_e$#7x_|sOqwy zKyf!e_UcaUXh;G|OM(<0muNqSb~U4b{pJk)Wq@u}o!tM#JuypQCdTkm)nOzEGWSC5 zXcFOSM&wg;bGWZu-P|V%mZ+a2M3?|bo8=Or+;b2iARY^BW&l<|v#9SJR=WhejKEkq|=&beU3?TZuW6U?fAX9#Z)HW3R7v?rl!F)VKSx zf1J33@YiAv-+q6HgxkHu6mtwe{^RrYYIqEPXhGr&2iBSyE)Sx8IAtEA^B&0abUbbT9 z+hZA3QAlC8jOj9DT4SgVD{E%qvgF4vw{}7h1)l6MHE7e@*(8?lHf|<`(lfa*U>>MbiU{0yT zv_yC?X6`uR5pD%53uyhznuz%LI91J6MHr)svgK5w1ePfE=;yP#dMa^!E9Ylh?q&aR zw!J_9zTdvBzy9NUJGwB#dD82Egz0=WXjICQaUz|siZTecS{?4>c}dUj$8w(uCjzux z*C!M~L)~frthgZa5+^V*hI$SWCZl%tX_;LTL<^<{Ur@{uP$3^D`DbBeXL7=r}H0JQf}j~+2bi6JIth*;F>IY4m@fkTN#)&m zxo3$IvJfJ}Q<$oH3{sM`a{y*gZW$sUW}YVaBq2wH2!Y+_M%c$<dj zJ$j4*o{;Ou5>z^v^X8n;wIZJp9#QuxN5n)Q3neFWbCMa*>sQtXR?$9rl8%)Wevw~> zbsKZwgzo}UA1LqVE)nhs?17`C5{VqM{5i%lcbkwUl-<}l%%0~WI6>ZKv$CI$)6A-L}=; z$IzTp$+`7GK;x$bCI+&nc}{g^>rB7LX`*V-VG!6M>1 zAIrz*D~15Ea;+`Kh>7*kk#hQczH&;$jJ*UAtLpu>)!LXS#t^Z2sEx0_5cAP7Moy{L z25xD|+1z{Yt@qoy!ujMxc#$!Nl#{s$3#6QA-+J$V{q>uw#whDjrVWv3TTAOB#u#Hf zYg^alIP3Fuy!Lb53XZMqwqWdbo-O9^@#D2@dA%*ie%7Pq8E6MsikUeiC>WFA&V(ln zmNgVNe5t{N<=iX!2WWLtNimAVF#7nyx0fXou?-zvM<2(lp09Jgukg8_uZlnLJYy(TkTWS&V+$N zZ|WEuV_$rs74n)u{sHsH5w>E^flWQHX>>(MoQ~=6Bj$b%%q&5Sg>xO#7xTFzrb|T~ zQV?b^y)gfnGbHC;b#$GqOrtS$*~;kS+#3-?4BGaFUKeAP5CtZaFExaltJ;sheYzQR z+O9dn*C2q0l(G1%_>#IRHaqivJ&SyPe^?cR(YUgLI zuZCy-kN^BUKAWk<6jF>r6h(R+?DTl7_uJaLmJ&k)ML&mojeHV>y$9H_un4p(M)Z7+t8J@vzMhHnK-1df1bn?ll=96`-Rwh z*O;TKk@*-pt*C8?a66g=X=g`K`|V#6hb&+o6%b$eTEn0CWz;`Q?gkwcLE=Ye}9L@8UwptQbPOj7rb5bpis zgaW6&8hDGTL|CFj5(pRZB9~j9ZP@nzG4-Z9jwDH%pd5Ob8Aq4BRhbd)q?zd@GCw{w@5%xasEj}aousLXd}n_BJmxbZ3~<4^r6oY_jIS{xoR_ha zPZkd2)FrMUM=ouS?d%Y2VEUZmTISJuxQNy%?{P<31B4vdD$CK(PJjb5=3v8@EfRe( z|AKf&H-}abL$lA~ZHq~J88OGv2Ffl(1V;b;^AzEjV{caX)=E>A-nzT@(#P;o2VdpH zdVvwObYb9+e8nM3i~+PmA5&aVYbEmiRfxRRUd{@H5p!N#LOq8n0~cE!>1zbMz)c1+ z((0JYOyIZ#QAXJd+;rBBn9t8DJfE!I%r4NOw;2`cPQaD(JuUZ)#}HpsX6j|Qc`G9= z0pR+mgPEY^6BR5u@J8ob(x6u)fI?mcIaUZ7GQ6#dR-BlSEkRTKgQRbkiLZS%4iQ7& z`xVfnafT=Y)8QGZgrbJ27X=JWL>ec4%_0~$?MghKDg)tJ5Jod58@~XM?n_QQ#!QjM zDFh)CltoiWHc|O2?tJoN2rnTKHk%{{-bS36xF(>*2a5$0vc_p^fIfnVW~+l4I*tJR z!^WcM>i{vLVpGUQ)(tW$7%K1-1QnDAkCuf>*_!z(X<-6Usg@upvj6u&*L?y@A`nccL z+M0$?Yl|`d`1!dmxz?UiXuTgt2|>?N@3)mjVhCf{k`ogJ4e0F><`BXdJ;i8lt@SbN zwyw4J7{cgdT^IEJhNxgh;MXzt-Ue{cF^BsAng*X`n2ZMtbG~Vhn9cVEHRh zFQ{tJK1N13~0mN-v5gmYf z;1Klrxp#y}nj!UhHhrdW9@X7L46SxEn#rEs@|pxSMoVm^g`hy}h`1gN24B5S_>0rUE zkL*-(LOsZJ(NoSL#W=<&XCtO{O)%)k6wBF|IWMV{w&rwyY)sV0Xtkl4D8yhklY-!{ zol5H{?!+p+0MVaPQDPEh5*~HnaECY4W`#SsdCD=QfTS85!_4FgEc$XB0*{|z=Q^W2 z1ac#tO3Cu7>wW2Ml)cu{Umph~Tkwz};sZx>pGsVIqjEMg%Q+J97zVhg&!=okAOLHX zS1EfH>@(OO+!-nI=Dqaook5tnkXaZ-pw&UKv+1MmA$q)LJHRH`Qw0O--aVZWsH%RWMj@GF$E0*?Lj%( z7t>9|xJ_FdU?fUuk8gL4s;aei5y?wp=G)tfX6E}ZTP^MVx4TAxQl*w&j!K5D-dpLS zT=v>)uSXrj>e*Tw8Z;#ND&oO<_W14g`~Unw%-dUbr+Rc24mnu2<(8Q7RkWDHvZar| zKVuHdJ*6dvr2Ee^Bwe=H+t4IVetg!D6kKKRHg!i^y8p5*w>)Y`I{SLhKmYMWQUVi& zsOx>nOJtc%vF+?%_Q%Kf&7IaqhF?&VvJg4FejIp_Htg|zBcfh=Zv*d1IciL^?tq1` z6^vol<}}}G@6Dh!M=TF3BY~9Wyfx8rC{HkOqns6^KjyiV6KY{v>FElFuBBhvLPazr z)Df-rlp}0jDifpGlVz@>j@?I@1 zR|R+-qnVkHZovLylI5O=c)6vt##ya{25Ul}0|{KVQ31ZVnH%|4GToa^%Cy;(uo5A- zf(XFNBmt&0N)@{Z-maJeasmM_dc?;u= zMJyFGDK=05Y(#{BDUkJ0w=yxxbcu-278PWIRtSu7f){R%{y2dz#{&4Y(FSsLn7P$K zbP*jvz9dG-Gr;$Xuk~zd*wFIPhMPm1fFZND0Z%;s1ixZJ@XeP8-`pmcmWZI z*pfNxw`r~$-7x;~G~l`Z^>4q;f*WR}0BKNR+K&?uwVAn_h`M`FZM~-yYilanddE72 ztqb=P?7~EZ@`d9#b58ed9mAL$b)o1JfDa<5zP~^A{b1oz+v9$#wLR{)-Un!hA3vW! z@lyz;G^Fpldrq;`hF%+YQ&lW*!wmC>st)rdCuVM~hY%3=IlsG1!_3AAsv&6aSBt89 zilMg7m*Qbs^+d2p3JVf5`k3XTrPP!nyjgfcR5hju*CCRWa!$Q9GyC{_k$a3$RqnU7 z4>R}L`WVJ6wKY-s{{A?Q^T*H67&WK(`T1IMG`AFWSyNt8txZ(WtXx}Xk;k_?m`CfQ z_c8hiQMbqH?xPQlvVWfVUIJIZXjsn*Ze3({6SmfIrXwqZWmbf~e(s|i6OZ0SwU=@3 zg^8CnV_y9H@GXs8|`sI7BR?DnX<8 z@Z(vQE#+IPC(`faxH6!k>8)#22=T#1uu59v_O`ML zk!uXhq*oE()e<#`c)c%aNqNiXUY0ep@UrFB`WT~@KE{9scNWoKp)?56HuF~dQ5I^<&dAPY5VMo0H31{Uib;s+`bt+%sAye4S z0KkhXv^`${%vbED#@WjV><57)*sF2B67!@-hSj~t97i4NeI@5|w7jOz-=E8tLe$sC zp{n<9TUwHJZ>29=_F1vX6HX(~OL~2t!o(`Xl(%Fy{#C#G6{(4<5xGx*kwOp@td_l& zz1F>sK3W+W9Xd3Pn~0CN++F+?7ypepL~Y%iIp+B7&kqv1%Gb<^kP14po_zL^T_XbWzlF$Qo&ksjXF`Y( zaW^psOxxj#aA{|QQ-Wm%J3^I#KX8n}BJpZfTkffqE-HD=tu~FpuSP;l5@=FOOKi2J zC0*@WgdLcj&S!;eNto-=Gzu}jY zK0Gf`gYF;4=kNP^&oiF{I`}g1R`fb%Co8m+b&PKNkHgHjM;^@|-`Cy^HSo(Vg{b#$ zo0%=QoR;Y1c});1Xh1BZl%ut?&*&JmJE^p@ulI}wZtElD=>Q2SAkCRYzzz|U=nSXM zOC+aJhr9p$#}kX|xfh5Y8MOdRA`){Tr_l}kvkfCARB;2j*T7TrEwi#ZL|yNhW@zbv z7T?UU@B_8%bruU?EIFU$eAN!a4D-3y5N5J1SPr;=psq%ELp_@hhjCwnIE=oB*(mfl9MR*$ya((QebpzWLq zRL?(7cU*Z~k2avEiXspS`n*2CytO)1xt?Qv%WmH402myXU{_2q2EMoiTwb8oF(U>5 zg68FDxRL;+BgFwi;(iVy?sb|gteeEypxVnIB34ODK!iW$1Y$>m=#&(VW4t5Ar zJF~>7=yn8d?dZE@0dPOb#w$J_>*BR4xI4}6USScgbqLe2`GbhgO9ZwG~JIr3%s!{e=Rdkj+`QV*tBDx2MO># z1nI-hv)s1z8)(&6*7=*{LoKx%V`?t4Ji%j_( zmD0{q)@30gJoES4_VeTOwk{|TxZl=w$z~3H&hxdeIhWer9=HGfk3ZfYcNHa~vlN_+ zy^Wb4M}&mX5RgR1Dd$=%o@{fU6N${!)fj@AjXqM0?vDT4T3>TE8&N~+J;lhv9gYZQ zP*eTNAj&z5=s*7PM@lj0e3`6g>2C-D83bdD@9&S#&!?&o`<(v!SeNDh|6l(YX6IQ; zt=qbY$gpvoXUb7Ua!RU9Os%#lS8aos(vqC0lx9R|4+trqdqL~rdRxqWw9!hx%<{h8 z7sU40v&9(9e7P-fwL-jA8Z1?Zm?c3HTET?IS2>d4Z<-UN? z(-atzp)1JMnL^a_S@bH)`2784S4&;Y0Z{<0G-8T5z}^4;m;0n6h2MU;yVL8(fz2C( zi+9H;iAM|am9*x(MvaO^!OVskp>!iiZyoV`s?#+)bpXsMM`W0Mjf42vmo;y1tEz?= zLeS;5)Y@hnmpiV>-pBrV?jL*JQeM*jdBi0^enQiJ*T(EBr#?muA*BGvQiwXtQVNjr zlW@1u$Iu|JqhLdW)N0?)HpVq;QciJ<;pXRAVLbw-Vprw3nfE?ojGrGbQMun%5T~CX zdr*Bm)_?x<1B(QP^`F1LfDYz0O|l-PHo{EoPW9{><^>OC7V#h&(2&Zaa(q^B9rbKD z=pj77&mNMZv5sb;FT0b&W5+yoHN)!BeHsk3mEKynZe=fd%?L%o5(N{gsNCN-q&nbR z)JiA8DK{XVBzNNJPFZhRR6`2uBd_-*E%EW~zTWe8U$Ff`y~@JN7LU(!(&)_A>`Nm% z+6ezrI^n~Kcyvok0{#j(FhorupqMX)ur5iM*Cj1Ee#sK1%$jLg(rwGa{OxVS@eb0- zXzs?fbV;f)On8a;{4B(rR(N3pJb4!?b}6!GM$R425>sH}^^x&`64UuC=HAYZF`cID zz9Sy0*J0yYnV3RSVeYM;&vG91JnFJ0cWQ0))wN+Cl-CGo zxt0F&A5V8*9}7_bRy*9HKFnt_1YJR{j5!$F7vT1^#Hl*#?z5bc2#KFgP|q_%b}}Jk zcb6bB2N9XoTEo`IYTZJP611Itbc1C@MCx8eBqkM+5ELq)po&-|QBjqgQ#mUR#$`#Z zcMPw!^j3!k(J*r`g?S7oro6_y#<%ZlE2GsRK}EP6-MV9}oB@%5c8MggPj@l~JJTqm z&FsjuhI;gnm5h3uor8Y0yb)2z+N%+{UPdlyioMMV*el_PX6X6b0k@gEZ7fS_tvf<7&2QV< z#{lp{?jeNMTkAcgaGoVkyMGUM))Y_O`bRxC3n8NWoL(rI` zM#U55?xGx`#vId7+UWZ0}xjE#Bke0M2Q5|rE=b!;8;Kst|UJ+dA z=Hx#5c>8`w5YVz^m}4+!rzOIIT+hmad;>iGH1$6!bnUNsO)&?+9&|xOz~EyJi0hg7 zQ2h#(CqZ8zxx4o^)<;Ho3j*3lv$V$LmcfentkIFYMzHy)-Qk(I@63b-G;;5k<`QQU zvdl%eoQ;_zD&k`aLBiKt&BAGkm*$W{2soHv97oy-E=!DzjMf;R1$ zI}= z>(Mnxc~$Gy&I->)Oo5@QSAmO>h(7-QN?U~5aIR88Z*L3U>V%A}3)24l{gt<Rsrd0!wk(Ly*lKZ(gV#o1oW-%$iUA$}?Zf&%405Od*)Y9C^hOPI+ zOkb&pXq_h~QC1O$N8cRqBrdy@!~QIAdSGC=f7?I~06&)N3P2Bl1j$Rpi|MTcGrka7 z0>clgFeLp#f4`JtD5}RCgdG4UCo|QvLxzWJ8T=K@v}|#`Evg~`jdCNTs8Oe6g=jKM zPPg}U|2%JR3vK~i?lFexv3C+?L{y1L&JpheIh{v^!3<#rd5L4#vL@)(QVyyz%*v}e zkUqNF82!V3Ird&`Iz!f?+z z74xn1cJ{hAta-~lBdI1X0q+&U#1Lf@b3mVl1W^PrmA<|&K%n6yh7brCKej=n^a7=o z%lth$jK6@4DMTG@hVY1@M{;^9c!J{M6U~`&V&D#NILvF*ykAM;=c}YO0!F#AIA`0} zG}Jm_$zfs=zM>|Wgn_0(P~;PQk@?D1YiV-=mLYPa5R%_0IVd#Hpia$iB%+z`p=7DYtQ5Gyx!^}%R*z6`H#W ztIAm_+I(B@AqI4Z)z+CQ#Mt}Lsbcam2Am8;6jYhHkD-^f0%5)Q@A&;@w&c`W3n8@L zLr}%9Ue(G2jzXfxiNPUN@S_I$o>+eS>ij}Ss1-JMi4=d>TEk=?cxk|8sD z?dOt{6W{M!ZOxrx4ENgx*F+!V`?vcaKR$9!%(Ne+wyr9D7%@u_GlyAfy)6jK)1WA1 zKywzNJZfp!hSQpeSc9aTYN;WFF)XbSPc=3H8`f%XrQ-y#K6)Ky-pZJxj|v1@fcek8 zgdk-U4T^|*Gk4VbGL_O;Sc2ln`{KAtsWHcS z*wrS&Dnjn1G$NmXGI*1p|xZ5?B}yEBn6_da^-+nV>I{PO+L&?W}yX9`Sw>=p8` zdbZ`3AV0;=i-Qv4-IOB~u0V#6W`HpG^`6PSw}Gn*sLZ9wVIYxi#6)tLd3x)Z4|*Ns z4ihH?HZy81NLpgv65=2)o%eM2;*EX&+Gtbh5_yF2j=1qv7?mlSLY6pe+?vq_L)-iNh1YUwd6 z5YtfyL7?0Q6Xjdtpw@;2g%S@CC2mtDZgptT=N~&_@F(!OYj&zz|T5HY=+zCk1sk6-hZ_2L1WZ*X?Z)Q6DbC z>wN(VcpeS82)AEuX^W6H^*+KyAONVt5Lx!t_V)U5oX=Wb?f7}d9C{tc&$G8t_EPpX zh6$5I6_wY|!`;i-9v%Ss8}~7LWVRSSe}v$(#v?( zY6r#%IQPrJiEkR>D9k+|MSl3@cO*P+I6@(VhA$l33le+q*Wp@hwObnqqL3>i4wvb2 zTSR!hEo0dBwk}(S<~z*vbhd6WDjA-55}wW9W)7KLjG@*J4+H43bz7j}J zi6{hQQ7E}%Tli|iZncXDPE=w+0voP?nAEymNDu>6fd~gGTvQ_?Jp#jnhI#v7H-d9b zRCGEzX0;-4v`ae0Us4%#P0p}RnBNA_TL+ShQ3Y8*_R^hWT|M$IvL9u30)0g8fE5t; zgq8q&I&;S+(*N-ve}lU>1|{ZgT}r8bMF;`oPbr?IEIIeymnE??BQl)1j{(3Ygz$Rp z2muU1TWcX`DP@>J5%qun$A3T0bInVg1;Zn!ghzc^yhs1juiyXi$4_Aisy{!UzkUB! zYVE^5KVKoJxxr|QDWufK#JAhBEekM3r0DeCQ;M*1&*=Bo+`RXWM^Qvt>&W&|k&57d z1f0!kVM-yu>#VA^_ciC*Iy2*yU##40uQ*F3qMVZm4>NXpdw)EidkDJkC)!xujYV$T z0>AHB>$)zrceIB6{M^?yA7^o=QtSP;yfl=fLa7flV4Cg}Wo3 z0xd(a7ej9{;8 znipXk11l)Dpx$O;G|d1R#gTM8Ph`}rw~R|J#sHWcewbRCyKnb(m^ras*#)8!awxTz z(##E@1wQ>+o6b7S4z94(9utz4c$oDu)(xRmy6+{$FrQ!ZE3JWgA1THdf|-}nAdw0h zDq>Z^_N35ihgEdqI!q8BGjm$vn6qz$T5}A;xg1j%eV`?JeJuDOG$>NAz7`?GVz_w- z;rKjpwSZYB;?YJcBSZ-?Ofkc-F)Ze&!lG~k`SyUA!5xKA2x}m6_s93!`nIGsjy~cN zLJl#Aqn`az#dxp7x{)&z2Nh6`!zMat=4lNJBrCt& z*S95Y;kN)WLC(H^`)=-!Z);vtYyEhY}~X6 zZ91M2^KZjZopyU)Tj`oYS`s7^qYs$&>?)sP5mf(-;p=^AXNyZbpT&kR_sqnojKIdL z0nj+#-d9L*Y*??|++q%`G$)Taj5e^^r3ES(N^7)Xt@Ot)+j2`duUhG?bU4~W4lxB7 zW41>&bL)l$JLG_w9)mk{2zF(eV~gYYyfZ*toMxXtc2Q0_;vj-}1I;|JZ^ay-{=#V{ zv$z*Z>lv&Zu8EwSdYzH^I5zV-4+QKFjBhM6x|T%*OVMZ+Q`kQWDv+=zm|0#Ej4?4q zX0B(0EM&5aI*&f^1}TSm5;~tbhO^4~*6-;Zpe`EBxvdBL{By6*W7$ zO^KS%J~)VufN zL_|LNU;=cgF^8Cf*?pF-wYZUf}NLCZbFfV`#1CoW~eBr+q(iPIlEHrJ!bhzuzEnDd@}^ z15G!zwVV?kepSgS_TJ45DKr>~QjEiTP7(9aYu{BQ=VWGm403<&`?h3v-`3@|A1Oxs zX(Do#x*sPHpdix6fc>%c-gRkAk-LYK}GY=avhHY8*{nVf_AZHDSCB628g#X)L|MdCXw{__@ zjJqk0OuYw;6`7`CHDTUA9Um6%Sw975C%4m=+ ziUw`90anM-+G;0a8=kiq*VIc#BD?JR$LH!pf)=^yL?)zsE5m83^Uatf6*9_c*7{-i+Yi($F9_}{m{m%~x%*yxgTdV!? zeZ#Vsm-Ow|yNLY!@n-@ZL>aNP!$<q_Rq3^6nD>Sn59?UGzt@| z@@NJHNJxN+0Ct9Yw)55M(XbWU+{RJuM>dQnMPNjJE$uXh=Oqzcm~kJq^m3HmhD5!f zcjK?7IpNWaiIADY%#c+e+650LJ|^JVn7ma5Ju?@w&Eyl=l`GI)mCI4lBr}@z+FR|2 zcLN*%7xM8uaZLbg=xvNP%sefro>gYsltXGYnFpS|voR{bax*Wbi_DY`XjUPE!R$!x zBg-Lyu6r0z=8pvG|{L-5!i)Wm54>!*@1THB?H6VcZsQHmI~9v^7_{@ zf6GLKXje?J%v_HKBkZhKGk2QRF*AaU1v#p2v#WKcWGdsd!JUQgWI*WBYLXBlwjsPGF7%Sb;PsGQ=RR)4%?= z-!!NOy|3GGmUYRcROABX3r9Ei-n+T?(PIb!s%xjHft;K?r*yxqMs8-1=%6|z#dscN zS+aZ~scLJD zh-&L8hM?l^N2yHYOff_!N)eN~h{)@;W9!h%{GlpD4jEET=}PmkoFWs~TIquMQw-1j z2toRo7LyQkn5l@WuItiA_X%yzEGl79l~Nkw{{cmydd%FHl=k!7_ha3b*M8jZYajN< zAD{27jxn$+qs$0V{c@?w zTI(T4sCv?xM1)m(Z7lQa{o{ZCY^9Gj>R#c^(4eDr*oZY~T2hG6jGCz2-f!+m+rr{* zB7A?_%2DHzW?T>PyhWUB*z3ohw;WS&Go*sxRuB=m8-Xf8|4l@rcOt@~=w>7=f%7eg z9Lyl^>v0XecAA9DJOx@c4YFc%>z=nLv&YKIUdyYxJ3LsTitG+I8g+baBtV79sg>^L zaS5XjVA9~nu$r&;M6kWnT&cq^8&kDY8|JdPq zGPe*Tvoo`%5R#&H7taN*52g@w{i!or?W1U%wHk`~6Y-Lx{VmT^IaT=!$26?!x z^$X!}W^rz4z7znuFIh6ZYDy!fT*+A!ykfxarXc7Depp$HxhT zsh7c1I%%qkmb#b&IdTjU5GiSy8B_TB0oRluSOb>(vfdY{yZ{a2v%_H>QUJXJ7?Ox) zDXBqwH9xObdI$n_?C4(-Ai<3yS9}{0nWGv)+-Z!Fw)ES-egF37hq0Y3`v9a)tiu<$fz`G-eQDx zfqA(na@s#mjRJEyrqWgiUS!@EmIacqx8l;LcF z)fN8xdQ^>?rb*03AH9rnR)CI3-dt`Ae*f#^h&eFR_P(Oq+mUsMRPG${{by$DV@5)C z3ppTc5e0u5ka*$pSvyDhKh8IiP$nNq&y4O+MCR~tI0yqL7MvEGvim!qaN zYLNZ2^g7x(&S#Y?5!*X@y9REYyaf%?>#U8}AY(Y#r;q{|RJXb0_hxS7PEfevdk$KO znR_)BYG;Q)rGa7SMnuakjn-*aE-I9ndCPN}zsCA@cAC?!fOx>H4`fZ0;X=dhkNY<- zNrT1|%sj+UOA9fKF@Thda4TJdFdS?`)(vBf2DR=)6r+}-f=QmAuRHW?IC#O3lapPf zlPXKR?7x>!v^SG0$BfbQh|kMu`cq`8cO(ex;BHsKEK@BFdqPZF%N74W<{E0#CsoDYg%xq?$DClV2gWfef`8rgpkKOJDeDF#i)Y=k zyAx_VRayW0zx~y!P|C9}9Hqpf)Cp4WqF!@i3Q*)JUMb`#4KE&N5#*&wvOb zZhidux9`9I{(-S6=M+?1Z*TYe=krBGDaBTM4BAG=EEof*YO*m{_&CmO&8@ZLEcXo( z`MIz4rYmt+i6h z+hZeUbKABBzMu1~&)3c@$5~3PGr`9R^=FW3ypAG4hdFEjGb&hxoQ9b&hoJqEgA-A> z(jG9l5L55nF3nHO;q&*`de1~0k}kJ}h}Opj6k)ar3a^ia=RiroO5tuqRcA~=m|N@1 zmRo^wtv-Hz^xEp#QM8FET<{eUiYa2-u4lVUTH0Gjpc8UPB}iH$einDr7_b$PutwH6 z4TvEL#=BO=#4I2Ae3tXG%)SiN5nRMsUSnJna^kGpWr?0jQ)cd^V{aDWayATGpHniUznusU{01=0riEaN z+R4F{qqG}*eTbo!t}6JqJ7O7iw9#sZmsdk5Cu)^vtQevIQ1!*atyuuCb08F^m>&UH_6;uzdyE|Vy*q{?WX86;c3w$0N6DB&C8Nf)EL9-b%vl{**?&i zNa&dfvBUIub7B#5Q}Xg1_n&(1Q#WDxRg-4L_~GX}iixH^bXVT*-a z$l;FlF~LZ=&dFIB4t@r#^bC3j-|NK9GNlR?KZ*RHQQI49oRL+J9GgM{O zIuv`9^7HfDUnPbK3I-J-?qlQ>p-W6LGV^d3m1WJteBY}?U2Zuo3FZ(~{J`>b|78tf z#%-L>T91~u1SuVGcc5z`47J<&sy1wWEUh#fme(YKBuKu+a3FfYzGkf?Y2 zlDgHiZEs7fNY_;&&TCrl`T6@!cD@Skkq{LiB05vgqe8@}QO#(W z+Zbc``kpUYm+wDMAim2QTfq)cLkh>UeE-Y+_y75m+^vtYx3q?|hW9_+tlRM{+xs%Q zqxDRqtoJ;s9nVvyB@`isjJp{DAh5N#d5lU5~{&>Cp za+^|2oh4QPkLuZgiC|;_A%>~(%R(v_{0wxIuZCA7`2aj7B7p8+2&yOxf*^q_)uA!8 zvn^Z3V6Cbl2fdWEL~s{i&?gBxHwuiK=Bg|z=iU$xiU9cAZGi_;{w1FtlTxicMm=7I znbQ(Qxc8Bk&}y%(OMrxx(;8IecvkT9)*T9**(N(23V68fdo|>?=m$qO?Q=lgy(v zNI+0^48Th9k|fBeBd^Jw5S?OQJ~24>ku1eL(=3D5v$<2ufkj$vqKajenV_N2sCd~3 z52Z_haCzb}`p=;pUb3`I{}s9g{IVwFr^BQTM7|mH7=cAha2f%{`RY0)OjBRKT^(-K)*1x-eW}47KNZTOs-J;-iL^U z5Nr%64WP9XmRf7hNm<-|$qD*h8~*F}x8o@5lAYYld+(@-TT(W+vsOp|RV1jU6a{fH zOex0C=gZ8&E#OmZz5n*hH{?bgX8{U+ziof~{BWmrO>Tt!1bqc6V#xY*3n2*0`}?ES z7Qzh1f~rqNzmj}fA25ZCF{UEL>^KU3CzQ}rH$@ynnEEaE$9)SyTN^0_5w5LGLrf4= zO)+d+X6BUQx~BVWd+h~s@Us+QarcjpXHF@l*vAM#iTU>*&(^!osz`~ha!fh4vto$Hp_$jzYJ-zczqH;n zP}gsd<@IqAab6>u8u6=TucMA~AQBGvP!CD#QIQP-)}l9Kp}53))M2JUj*sL1%MCH3 zL{~ekvYTmAGYgBldD*L(Yf=f^t3e=(vk7c9GfUK%6!RhrhZsT z02LN~bqs?wCFd}PyHf}ixc+P3#7NLcJu?b*4vmtMs)G< zfW9C1wUmZeKFsd-MT36)@rp@d1x`6K&l>{eJJ<^Fv$%P0ec3V!9Ab+2H1Y1Csu_4; zJv%b;+&t!J&Bn0xmLv#R&FyXNeQ46bm9Lx*O#juUv38n-ixE|LyzZDD{3@ z23Q^DqqMwaO<_3I(vQ7r5Wlc$D4eUNb8qM1n)B9B?WuH=c55&;fJ&J}(M|33H1LiKFRmQsrKXsD|A`OoL^EN|a# ze(5dYpOK(3hpE|s*=AT;qA0JAg=hEQguUtNXv<541vW%^`*n*;_~mbp)&>#fTMAJ$ zsfOudk4wPinzv-;=d<3wZ!|rL6SKr5gu-B&(g?=H&qS?`n8K)oh4Y%oU89IdIa=DH z1`RpXv%^lXK61>Vm5$kth(lIUDMt%Yq3K8Xi6&X^*_~33K-tkv&P>z#6$1-00|?*q zw5H{j&AcN)rJ56^C183+krqY`jiM?s1qsvffpkJU zK_L|02TXxTo&^O5ktEI$8y1%Uq%QREj7wjNM~{fe9dTQ3j^>S+ zf;;uvzmopP#lMX{M0m6=%03;U#zdvG2`#&`Q(6Mt6u>uo$0O__0^K9#2Vn+D3uPuW zpDAmt9ZdHZut5TeKuW8UepG%bYMYYH_vP03nNE_ ze+Y{3BIIwlJIyaeMvh?mEi>jKrdqiecbxw{}d9$3>wp2Rhbd)ZlQyY{Lq%j{xVxE}$X(9)4uvSNcIek{nok?U zWLOJy=JZ7iyzbdn1|%V9qW;$X`hp%SQ*SEL(S;`e6Hnk|sGHjsc8^hdb$>})G5F!(q&B$mX9yTC)hRtA@ zjWJ?~we{E6`{<+fp(;)U6_Bcy+T1+naNE|rq>qnBj9P1Nt(V%a?6bf`F@zXr64L}C zwdU^2mXE!}6l?46KOcEb8st0*bT!Y%xvc5=u@hqyhaU(_B5DeLFAK62hfPzwOxunyvVow; zzkOS4spqqd;l0e+>gWSj;8yzfwju|64C}pL$?%@Ggij7qDn*24QoSTh+Ys6z=tDH= z^S2$h9Z$EJA;}!))GY36M{oqZN~)ZfRF4K7Vc9DR_mqP7ab1(S*V;>|P(wo6?o26#-uf^LL5Um>znR6L`%!X=eFnnM7KN2ZpQjC?fmk$v&eoM>lZLS{>|U?l0eOy@DU_>+3Rxt#6rx z(-PAXB&xu}$}pJ(&>K+APt0~7fca<)EP`1M7FKDE_%@m) z^o0pM(vH%a$bGpj8bgR7uj%`rUe|4T`L^{wj_2t_A?de2y|7TeCA{evZSL;};In`J ze}8{|oaI@UTgoZ^`JaCO^FRG$<{0!mD!Hc=gGy~3#JYd^>-)MSX0Wcsh>oLtJdTh; z-j>Jbp+Rfux7Q8#cUsfvgN1rCcOTV&q8Fal%n$>a*R$s}eferIi-mYYgM=ibo09{y z?`DV?!>ueLutf^b$Z*`pd}X_?FH373)=OrW4 zkci+`njPuz-pq!jB|hHwR!7|{8ve9|w8XqcGb zz5a4%q3vZoA7!~^cN^W#M_KL}`fQ)kP1B8<){qv^Eg1q2Vs2*_;kZONfZYh^rzjtv zb=lJXd5+;}Nf^@t6cKaCYpQ3%N4}kXxuuw6UK35vC4>hv(ujpWetWoiSVGPcP+cA~Vepo3Y*|ISncfa?G1LsvNou3?dUDHP;%$5r~2F4K9mIRia}Uk^~@X zvgVLqqh&>+!ns!w_6u%?Au9&Vt#%1IYDaP^v}CXdy1NRGFU2-7!U1p&V2KUE23_16 zqypz0F}S>_)`A#NVj`KkaCg@z{ruW~5FF}&RZ37{Jclu)5K=%amph^PhrgMXQM|?+ z_m2}RoxDvPC!W$#ZMoNB=kuMpdQiN|0g z!MjFNgfj=~vo@b+wfKb)#l1`unLk-QFcYGuGPlvke1p*0U!FrJx{9*yTuTQsP}`ss8{&L%%`;k+G)(WG2tQ3|dJ)Zk-KiymBQQOde3X4d=6 z+*y}YTU(d>c`{&F3w&c9zlv27D z3p43$i~*;-8jogqmMtE^7rHG%Rwf6dQAKhN=Hz$KZ9zF`#Qt_^_Sflo4 zSGPlMgtAhFx9^*~+x6ot_l%xiRfM^o4KkR~Eu}z4@P$Ksj5=?-FTITr1LB+JgA;v8W0_fl;u@RZgJb%_qZ?W{xDmkCm_*cJF=#Cf8jl#2$W_G2@u3jq z=kt6%&gbV5qQ)3fj-%TcV_h>$S}6r5?*q|jZnGaC6+w^MyX72G45jv<(pn#FENiNz z$z1vg9Kh?E(AcnWD=n`X;+cAMRM;`acJvTJIqDeJ&Q9*Vbs}E2gtz$kJh#_%^ihs> z|8;|=Ki}qX3*l4eUNx!)ZAXWY2Gs!Utr8U1ZL7Vvfo1#oEO|@kv(jY%_%a2C6f_8Y zCNcf3dBfCfTRflj_OdW@P*Ij|Z#Oe9XIqvujfTXxTaH18n~1bAS|1WLuUS&8 zwMo$ZdH(XJx1WFcSnrDlsb`Hjh8RQziOw3-jIfy`Cm#lJ4mpWxuRZ37$0n_@*TG6Q z3H$g2=(k(xDFtCZ9~G`r)p??#Da2srtTL+E zFho{Mkal)}@HGhRk18^Tg_(RbxrCQMSzu$upFEx=Ms=c>Up99?_jdcX_A-g@L=>0s z`TO&H*7I42NmQmmkQir3Ej{IcvkT`_D_wO;4#q%!1zv3;^Ik_g`{T#%!$S-Ze!$le za{v^0Gz(#h?_nnhVIDGA9ph@oFd{@H<`DJUA799AdtJ7de02hCy`|oVn?>Y!oQ;S9 z`E_^PeXTSIiA6a^Wnpu_V37nTw+8K{6U}@W94{!}Cwi#+`8?eSj|7fQXh(1u#-uUF zWy_duK&OOPMnq8kW7aEyVRyvmbaabRQGjBlhGGi?H%L9pIT5iAoK7EO7%unySsc;Y zNzHu>hu|4ATKB(+!g-33e0qH2%<*-*D*m7>Y<-M6FkDBB8n8uJnk~1K?`g`}MVQID zvq;dHV#`d+n!axQgkqF9rjVA1IfbSGLmFapaCd;cgFK4S2Tn7TIZD3cYll(b2;|9mGmY1WGd^4^c&#i2?ADD>uMxzF$1W?)+s|CSo53MGs$~KO#)) zNdsc(r+-~kdK-C(czV&Z0WE4~W;00Pq7+VVE}jayA_Y+5PDMjEblpT8(=1Eoqf7Jk z!FuOf8qn9*MSp@S8fij44VLqd&BC3g_`;oLK-g?%D5lB0!mEl+(brA}hZ|}ew7&Z9 z{@p+JKF(5y4VeP2iSk8jd!;WiEIVTu5sxvPXkC`uwmy#oxL+0yA><|XKDOKHX2Xz} zt0HXfqxbJ`FRhQ9B2VVev97uI5n})tM3G`7QfpgsN->yO?fu*RmSZXn;)eh;F3i5n zoMJTh`?me|<9%Hga$c7lLukF3SxU)?`WUsgoD;dn6o0;d_A&na*WVxe{&?=S*8My| zG#8f9M@q5vZthD?%wlFL$`^DDyB_%DM5NT3Vr;E1OCDn^OF|67V?P++WM*t3YHfe` z^_vFWwu}*J&gp*Jp2zw2dLMmk>jK&Tw&t@`G(6A!%sDdix@NleJ}HKnVsD+CVha1` ziHpRBAybx^kbBT-FK2C~K^+cD05-F8%0iUa#KZtfh)Az}eOcH0QuY#4(5Ox>{I~1V z{*I@++%gXCdR7zx#0+0=i~;D(m{ToPgKE@z6nyZ|PfL{Z^Nec@Sw|lsXHm3M=(!n(E6 zze4-q;<~-9pFa=y@dcp0AWqcVa5HAX$CZhC8_O-3`TM_o2s10IN;@0oK)v;t!uGN- zv8q0P9xx`3VKD?JDtnD7s48NB(;Cy3FogIz^4uIroETc;rqrP2sK?{XTM9vsXCa~x z6hb33nK(dksW5ZO!HHr}Gdmt9RspcV-~`8eip@9+*VcROF@TR^zVo(hl zb4)q(hTMD6psLzR2mX9}S*#n}gfT@He!lN0EJD=%ak~5M`x;XiW^M*GLWoM{P(Po~ za#0jjf;@lh=oS6StH(>vbFs#5*6K)G91UD&EU72Os2mNs5Odyi1*j1L%M1B|+uu@+ zNPwEXEIK+xkb#B2{qe=!8U9)#5&p}6`(eY<8uJoIx6$l)l!lSK@cnIN;t(|F_=jI# ze*FGywcl>blG1ThauVk6Z@1@Ba*CqT&0~t&eH~7<4=~(_>DjbU}K z?jC~f?iWat9(37O~HQjZ4xeXpG+w;F73k81#LAjEJ!YFvW`aZnZpeK|qV z!2+ZhqB4^cjc$Hz++i+q_g;I5;rV&i+I_-9{MZXZ)A66Xdk9jFimBNCv43gRzWu{J zts&pi^T+Y{eXnQ37tObX+PCcO_HB87oFc+XquFxHUuEBDCL%CXwqrhZ*!GY)5yz<3 zO;vjzc}cj@aoqyR14IRt=C}w_qoM8As%GGMmTWV*EDb%yKGKdKOUsUSZr(~kEX;Vhk6%>&j;39yX zB|70F(6CJ<6|)9TYhob)d^8FcKD~E0hx`M&k(5(R3J?tw05U8x;hU&?YVEkNdK zCuKc52BI1o|Bp zsZ6SyT_a?1^LEboLS`;UPiqwBdbE_I2#281riTc3@oM!;x!*BNV0c^wUX&WpuxIrUW^uPA=hizyf_v}Se#8)3>p3MNayMv8P?HgPAE>;nw!g{W*EQGH z1qrFl%zT^$eQ*dUuZ5Y;QdD%9XVB$nBE9<^&OGHDDF$JF?k9nv z=DyvQ&&T=s*mH)rn0g=OtQy44R8>{VQK9s0wF6K{y>z;&pK?^R4Wa^xl)H^FBl<8Bi!rp)4HWZkctOS(c}Zh*4Vu=teOpBt z2A#A`LjQ8l#FTFd-y176sJhL28H6>fGIHSYC~H(eR;&)_!qM2wrl>QUuN(_~@n*;V=Wwh>c#mR3eg z0W1qq$xHhAmroSrAwsQ45)|t%7Akv1+*r&(qY4r#RS<+e#yB4Z)cM&tq}f8)u)Jkv zK`PwyeMkN%4nEZMqYodZ@d}k>!b&0K*!xH^Fbgc3MAX|zIXoW+HVH`5Nhu8Tb<1;~ z3r;ps&au{BO53*F>UeqE-hV!Bw-ugdw6CoV?7>lln?BXK7~-Iry-c=g$i2;37lA=e~w z-cdkpiU!3tiJ8V25Ut^3&WhU$3iVO;dV5{ZM*;C&Rkqi)xAFPg^W~S@&p&^TZp)h1 zHPzC39p_O~47W8Od&R)a+=wWpQ2Xe^KA(p(vC4BlkG;ekLkglAVql?O`|(-IUiqSZ zCrG)52{B;&U|f(<-CN%B`8b()43CSNSvy<4MU9iDB0}Um$Bj$y;mq92TTPh4 z5M}$egrw_B&bPF^EgCdLF?Wr6e3tbk$0d+c$l;uVN%7(J9OYTj54`?*!*)KV(93jz zyE*3fDswnJjo>mV8>3rHifHG&#_6;fgPeLFAQL=)9`$G#Mrss|D$Ms^)>g*z#{ujA z@{-BDoegU!poH-i*Oy%OhK2!?T^siK``!z*K%UkJi^c7AJ@?j1zklC)?V}kp!dM;+bM5+F=pZi$IRIp#3NEP1CgRv4G~{2g;2q)`yQ%S5pC zL*Gk?bWl-Ma}TP$4|3KSqseHV^AbcgUaA#U1Yk4sTw-9&2qV*!#tV-&uLbb zZ4CaNf!xNg=w*k~0IK7^?*ZT}iaCyM#PdZSlPN;L#N&^-yAMM`-y}m2(G(q#Pc$>5 zYK5b3=3rbq0W@7PDuxBPCv2DmMT{x)#4|c(OEgW7tTWyLHaU0yl4FG+`hWiK|K&VO zY0b@Y&V7ua`tiBL1$dS!Dk_pw!j3P5Ktw7E^?z&q%Bny`BxoLRf5#X=1w|kLN}L!K z96iAA-Hn+V(CNg``GA$4Qk?!dv!m3UqObs&g8cwQKEga~F5qfytu>oXi<#N|wgpu) zYrRd&k(xVuh`I(W{#;3mV6pqy2Nzy0GYF}rQFM*sjI z07*naRJof3A##)jX$_-~UdQsX)T3z>qAT(fV;MzdZw&m=**nyGD#R3X&?x9D zG>Z2tu8TQD4Iz|gg=U&CN*vZouSZKuv~G@zM-}6fyhJlkIn~-mxAmTT8|Caseo0G& zIc&Y>ve&v7LH^>*L!nlih{PO4sFzWmH7;?gEpt#&BF{O+7&HVkgW`^e(;6X&pF=)j zR+%#ice(-*u_1{uK+V!ykCzTjRgUM0_XW!wQ9+@Pi|~9F_pz_vZW(#KIG%W}a3w~4d%L~AKVzISl{))`)OvUG)(7F>V}@R0-UGzI zwv5_Q9K3zM_d1a3dY$-lbA>MybHo(i-65ym-qz6vB0O(z+x`2kl^#<#9|dW|?hg1j zu#Zl(y)1ahM;ptQCCt$vjp7;X+1<8?nboSRu0lyk14KO zhJzD_L)|Od{(3Yl?k};dU=5hSaFkpJ6wxKaAoAXN%+Mdg2F%3l1HPS065$iM z@wFm@^ZxiOZtg_ZO~TCR7-P<}z#N+_scyi0iAsz?gv-&|+3(*Lq6WM9e{xwxb0kYO9Pf75o!5(Z^i!15LxsJQ=la^MHZ` zh=?$A!R%jywl-o=cZxAEP=P5TrjUu-*)>Qz8{(*OrDDTOm(~&A11iEL#6<3++h~LTZhL?$CV*o>uHS!oQI+?P zXG#&+QJbD!6vTGh)|~Tkly7e@rB)pDwKe!(V+ihG|2xdMX8y(XXXaAslJgkjEakSX zK;z%H6-aDzYpur^mK1Ak%aY)x8GY|9#Z2AZu`9qc4QM(X{m=bO zDSWxV%^fnK*-)}faEXiIP1DDDMcs$?f3WB`|UhS zsnwmp*x)U)(Hi0M2^S|ecpNC@{~ zdCSM=8FM=K>cde&g`hz3=%fhul%oXoVZ9EG0dr_kdHwYTm)U4zn58Ac^m9B;j5S52 zo=t(CWUfbnB9MeyY1`X^3M_50)vn6DjpcO-S)ac>i3u=ZOwIt;3rpx{*Qle}sN?u3 zs=I-8&h-P^3McR%zw6nVrU!xIBM?#cQ2NR>jY;|A^K+JRa)P@tq zoa))W|LL0mK!J<)>|j|UPe7)%pw_*nB`#}(_g|yzALn|@^{g7dBr*5aYiX^Hw8UEa{&~ukHo`3C)@pBUl(TK?g2AV|r<{a^ zg>z0sF3hbBfHitU&u`4UZF#hgJ&q3#AqX?fb38*DX5>XZT3*uab?t31m}u_%=dr#l zHjG(D>t=p?Sw$poxz&y_C(#5FFmv5|E1ik=j{~hBPZl*~rsU>kQ>M9po=gPoGA6h- z%{`Mb0(oVxeS2A8amI`XPI?Rlty|s_>P1m$rPb2rb?7r38s-@UPUS7JNIM%b;z+xQ zl%s_px7YRge&DhJ`Tl%XsDOU^AMY=(EA9y&PVV1cZ)T3#^ajlTWncby9Nj#xd6;R4 z#I%1NL^S$nXDdfN9|g1IuhOBHIj%afBrlrNC?Uz=cAmD8uMi@CPHk`XomF{31jzNYFqA^h}V0@ zWzkB5g=4*E8wTr~CQVDcy)8r(lHR_pX^C#6QAPN8lv#5yrzM=viu^(J*tqpabG#KGLIadOZfj=}m0kyaNnjQn2B9%S1k!?Vl%NXCXIrck3P! z90KOmx^_Kn8!Mphw?(UAD$vWU35CV(r`w?U8y~hyDJccm(K!}V8_A--zISk-G z4C3iH%j?U1j1hvKr4Z4&F7B3dV&>MGy9-OsQB}@Tmz>Q^MfRh>wi~XJF$9Hh6lni% zFE1aD=O2Ilg@{`3ssWwmS?Zdz6HT9MPSEE)_Y-Hwew;CcslRVcM3$Tup<9WXTC{=e8|5N2u7#+0qj8 zlD>U^9o>5$tv0%-IK7Q!OQPc7vcbfo%0y{NxK3GwnA_3Pl5h~(uzFS-mezzC7bT0k zqe(+&Pvp!9Q$!?tVqpy-=J@&J3F%(U@yo3hl79aFh)WDfdhH=ATxi#{n?usLOa@k5 zLOUvq%V7yPFY-Mxb3aGEr?>)^yLa|1BVUyiH{kWKfZTDp& zW%`&yFQlyvD@UEel0IxqvD0!(AqQw4tQ!C|fcN9P!xfA3w>+^HXB&}eX7gw&N>nHe(3yBBJ7V-g1T8BBc?Eh)zWNOIVOx&gUFqs93(Kh=w4H<)#SJ z^W$Kl5S4{Q_3?gSKte?4vocMT8xh&?Q3si)oG_HkOTw#%aozpfX2Xxq6FO$RWv~Pw zizB8ur!w}pYx2_YkSfO<(h@@odCODA3VVGJ5k4O0a?2pT1N5oWVdak>&(TKAQKLTJ zcZ_*($6z*QV-V56!MX*309|ar zAwAhdDTU*#IfvRtH~V-$9-l|d@#pU!$6nmLw{C5;+G}ah09bbjrHE*>(Q7Y9J3dYp zx_`SN)|!}A6;=NEI9a)#9q?J185B|;H6%@IL@ZQVn%UukK-|YN)q(t`wgbgiN{^S`7EQ`a?7H8Jj-^^h@JlBA7Aqt ziD-LW(i*SH;>-k$IlwW=Owacd=g(;4`F@5)^Ok(fyBLdtm_puChyj2EJb112^`6PW z#rM3Vm_yks)brQaZ+!g{F2fKMf)M;NZ)v@!_W9esy)D)~ zZwV(7CY{TcMz=4t5%h1zqv)4mRHlj0oz`0}d+oKib6`V=LaLlC#(-zi-OFCm5^+?{ zKZb|OXDQZ7Lv><+0l0%N?CyAdzKRm4D^;bp4&Vp#g*H5-$jH7Jpz0E$6%z6b$?!-tilyZNXC0h$^Z8{@Lq(JbGR2wV4%6~PNOOoN6XB7zE@ zh|&7`6&a=)kl_E(6oy9*kAS@?L z`lhCU34SMV`5-X@yb`*ydHGHo&jfOOEncAA*MQM2v*N7@y$*0oFALMe{5Pc(iC4@t0BD3y$xY*wd3Q%%ue*R zgbe7D-LFS_-mr8LQHc?ofFEQ=O58t^{jdM|xgYD2OKr>y zir=69@XL9YJ_gzV8?K_aZ99&$wFVVDN+_5(F9i*!9H0Afzu)>8Ij25GYdz{ zdd?V>nN&mTeO)r%LT299^*GO8zkmCD?4{K2-`>VBCkIT*-S9)duc9mg3%09++SEwzC;ke76xbzPU^DCb$3`8dwJq~5!# zIL)mY;sfyvLHrk@imFB}dllx8B9WJ8f#3mKR8;n6mew?CCuU5J#~2W@;}2k*0C~n# zSVir%%?qgytb^VB?H^v2+Z5G({`DD`siF%>i7wQJGN@!6#LdGpcgLbks1gB^xTinQ&hH>ZMo-V zTi_PL^Vv$jzurV8E^!Qd{CKiR-RqdPV8(%>D)p>R1ci@?sHzi%X%(6b#F!&9_tG$B zhk7zhuH~4P9dM0QU^})8XI@XtLC5HZ?AXVT=jda5SuuvpTUu^;v;j(Vt&iTuv6tI@9m9GXR|&=N`JlOq zAz<(i<8MkqRoy7XKu#(WLReC2t*01MisT+b_*c7(;X-SwLGEu`Ia@s&=9dyw zSTqEXQkN|=%j3s$f8UAtf)x@u)uU-p>w}y}8};n#mSfW8hAFjcP<(Ji zVdiDaSnEMK0MKDQ8^V<&is&rPm|!sqP~x_;e^JbRcs)9Xf<6IaL{6g(Cj#etv|-&4 zp8EKCu*%D~O>{=*;xU8#7ao1=(}-!g=k1<}DWs4W)Wk+a_=;f~V1^CHI2i#?Xu~8( zJ?icI3Z8mzqwG~wtRs;}i4n0hAb~UUeu>=79JuEY6dMLq%J2e;hz2nrA&nqZ&>$fy zivXU3699Gy09f2zg4Vr0e;(uCALrxu-JN0%c}v7-m04BMLbGr? z8@kHp&jYR!>-O@?&Dy}eVtdKhnWJ-nRSeWcns+}6HHSn$;6LG?h7JW@bdBv2X-pRi+MQz8a4A)Nl8N+_&4j_d^u4LIMCT zLm2E%l(*>aux^w4fKGRtd!7c-Imw2& z5o7H6rsK10&cdxCjr3aV^6cE^;1UkQ;h6om+JyyWF+yo)*#CNJv$@Fk62hRku;l+`j?V(4(Wu6 zIRw#wOh6)%ayrktEXmBxJ%$j%v(6CfFtm$7TN{t( zk#iCuRgJ2BjJYCY)}VRKs`~NsahBTq$ZIY~AtLO&I<8C=pgF#tDr9HI6c|rc(%wc| zBKFRZ;A6^_*VN92_16AzFi)HRTm^_gE+s19Vfg^`12Rg}7~JhzO4#|VX^E^%M90Uu zzGc2xwjs;krN9s?gVX0zMoF0Zi*h@9h&pPAnHUL8^=K@-ykt#cMm`Aa8W?Cq=5h^c z0SGD{KlWZnZ`Nz?&7k@)^JUAZc=EcK5lr{Yf{i&AK0s?@fev;ukjCYC=3B<1nV3f# z`^S-&WNxDy7)00k&Sfvml()3L*q`jpOt5;bpJSp9e&! zF@@**1Zy(SH57s2&9JLRzo>I4=%Y0&do{{4UbSBkuP(HO$> z{rKy@eAJ_<%J;YXZApLr>jz#&GY>&nxDR{m^`HOw2QhE=g;>7-;VrL=4LkSp`Qy=R zM{E!b<07)XtZ%=*Y6yAD>$X5uSkB5K^=Q2gT*eq2Xq0-?(Z=yn0Mqnt8U=L#ru(yq zVXjBNmh4PU$R;P^kON>lFTdV^HDrRbv3(>Qb4Xj%AQGgP0S6?8=l}qWKCrPoKF*ke2I+mY zGRj_$M_q5(&3iWy!SHMhD`yK)TbW50#N@Ai1BP74)k6_Z8F4 zS%#8_q^SRHZ%bMtMENLspu}_Y^HIqO5wpyUL3rMBJ6hQrs^`4M=f@eM9FJl^@++qt z5hp@K5M5wdfv?_54=E5i)725FgrM_N1KZ36>-<_EkWtK0{w_Bvtr6xWLd=sp0Xf@D zql73Lby=hRU3}P_|ENIM_l0pJzKok!pMcj%gD?}4Tafk*`Ox`j5M;xuV0KNHi4og^ z%>cF>qZy=M_&G#nYI_(G5pnXEbr>Lu*PlC$fk+mbRuHs9c(pO1GXn&|zEn&YTi|kM zkD>7N31EtU#YfDxk|wAWzEiAfi3lc>(XaIg>UOj1o#!#E zm*MVYgmBgC!A7q;K;*;ZebVij%nYj))OGs5{MY~V{_#-NfBy6D%nV7-`HI7)x!AG>x2kA33L58y56Ar{g@&qr?=MXj>Opiiv4VHO_%s|2Rtw3a<<# zXkRu65lJ!Tl$^Ye@$L0RME>cY{}Q9B=*#`~@py)y|NVdb^Y_=6Wl61dove)h70DK3 zD6Q4jP|Bo~n7OtF1;45c8^Y{nrBpl+F@!(<`u({dt#@=jAq4w^15Zz@lu2FmM?heK%wkutu-Q;x)p7r)nD zo(120E8U&i@%4>eXbzda=h26oAzONCTiZ~T5Q3X8+fw!#b8w@2w!CH-I&oW;Q14J|Y?pJ$69q!emxF~$&7t{ocko=~R4 zHO|CA)tySIZeO?#YPGdCmL(ngsj4~0&-a~$^O9N{F~?R~OtF=Qk?@o}HM_msSR}^4 zB+vJ~w{ib=yT2kM!de+DbbH%k3ZoCv899WbpPX3b_&lNB5#dn>oQRlt_d4Ko{94Nr zdkC``c5@$-VvaRVT0(D@a!gBdb2JioAd#ktt@`8VZsx=@G6rQ0bQ&Q{f!X;yHOO{f zxBK$*Up_?S_kVu>{J9^G^87sN*@DRH>-PS0@7K%dycBgesk7r?#yd(~~tcw$! zM}7b8lZo=0u{{751Mk+$FE2g_Xl;y9eX5X;-UgY66wbX8xvK7;=lQItbj!0sHUs_J z)DQ#8!O=%rqYd9b&X^;P7dNsQ-68l6Co#eaJ9JTzDB;@ks0x%wOw`T> zrpoi@5mN|JffB|6*v^K@D>0`wup@zm*7NTE#kC9TPRw*MC6CX7WkN_H zEFmocsHn16tTN`T2Z?yXFn%1LWrju#D@Ql8m_n-^Qz}HbxcP-ynqsXGbz;rT^!jw* zRmEq=FP=fn0s4LnRm5%gi^5`>6xv0`57v-Fys zB-(>^`9S4J z@P*D;K)D)R;tP0$U!$u*>8Lt`P|O^OL-R2R3PBowjm&Z&njQlU($3CE6%6_}fsp%@ zQ3xZ?H^xxUCi>M9J2Qtl@9m%9ibXHn5F zYX}rzM1*CqmQ&jI z<1BSumr`3w0SnLG2hz#_I}_&Dmm874z240I@wto2vLqy@VseSFWO8qb0nsEcAm01)tT`@68QgP>P?sAIFd9$J?wDzh)95B*D*cIk!|VTLuTLqc}8Sb zrgy5VNC24;?rxXr{`kz3Q$I?IEFgi*a5q!^PJFd?HW1d6lDl#Su-nY_U~W?+!msZ~ z$l>+-5u)T<^7(LkuOnm)i+=p=<>bANbc^liqfJOg6k;1Q^Yty8A#Kp{+Q&8aW}*xr zjfR6B`uO`3{)ErJTZrmL%PkZ0{&8X>4@pysF-IH+M11>l6PDMw3rZp)Sc)mt|Vg)G!clfa;lh^U@z7Q_skawO-NBK}Ye{c(wCZo-kILCUKT zv#7j&?DwB;B7E&XFkgzQs7N{L>=Y9g5m5;`Yj?1?-nMmFQ}5PVi{v%&ma5OpC4GcbI!AJwVSA%d-=rw zzWj7om6#%2q$$Uc!tp90>199&GeS56EwqCk*i%S3xHrnW=Uk^XZ zET>~E#L(OLluBZAM(@ODBs}gX_^H6Z#T1cn;=qZI8dBIl4!Qob-tzXg{rJbn_E`V% zKfXP_ZqM(#8>OiGvoMjeY)d-N_P8&%HJkZ)R(KmUsJWLqzPxS3{MrjM=QTgykMpR% z{N*Q6$vKJ2$M@&xHq)|~czfJLg@hq@X6Eg_np>|uujxD*Tq4%Sxfe{^?d-Umwl7Ou zqAHV-bwA$EQO0P7?I=Wb^4(P5mm;bg=jaD&+JRyrgNX4ad<6jF}MZDFR-445=n#1IuV zh#Ae|!;g;wA;hvJqN&HV?&P#SmUYXxo5!&Ic`|cr1Ie4ccHpC!Ttkv__TFuKTY4SW zGdT~g?UA89i#fPcNE)VL-B~#0fZ(HRNSf8N0Ga8|S*GI|WbD!8MZb@B=DDu8c{Nih+kVGyDSzNW)ZyibC-5#F*-_|Ki7?1x8L zqso<*2sz@o8v0<6z$}H|g{7j^(Mli9;xc(WzT)#S)%nFV!a2Y*+KY+kGggJ%5dz`n z%a+2G_5+*4Xww|UOh{&fj6UT_;*D-0pub|=?rDFO=f}C;QXhUEMUzT|4uY{=jAk@} zhG|G(W)k+{A|i1rlQCOsR7lzelB}`GIEh{a<1ixMU$xX7H+j;GjFBE9A-rW$I~&5-cjUG_V}xju0(ujH<%u7g{5N0r4YhW#l#Kzx?n2{C2;+ zKld+>dmrOC&aYn{AJ10|+Im;vHpbiicGmXiUw*E&q1_YGf2@G4^B0&|P6y*=AOAC4&YKwHah}K>0+B@55f(%2eL(JFW+_HIOwbO^g5+T{{t|uCg!x8$ zA4^WxO5k7L?ub0wkMiYldwaW?8B8|*@;$Z?%BGagd8;4BUh8@oXy7M@#oP=0dNY6tG z^=JU6@hFoMV$^#dpZV?(%rP?wefjf!xhKskfek6tNm%&!e%33!F5gnRr}^3llW^Xm zo7bb=ep$h05|IRsYb2tu1WjVikT3{*4pyz>dx16=wDIE9-ak5!VQ5@2DfB5U>dgLuopOg&5wy zJ)yL2rC-_4G&*Fy(~Q`g(dDmYVq%BF@AhRKeYzDPwVVa%K@r!xe?P7}%)xAoZa68* zQ8g%{fl$ne6GtywbIK7usP(>}atkVC+>y2Rpvp`sh4WR>#MJvh@V^F4G1%}Jg1et* z?Y;Ll#;_Qpilh|bLk0iV`}hP#a!xQMhRbq;3pl8b-j^jov#~4@s+jXAI0TNptoMak zkYrFxQ&r>(VT(APhpH}1-e0E#wQf#UN<;1L`pAgiUT$d&$MR#tM(w?JsIc;i1yahZ zsA^gxGvUcc5yyJZP6YGi$G08$C3ZPnlepmJ3iJR^CCoPL^8vs(<--Jg`mmT|P$A;u z<7B3FTL6Id+I<)?J%4|(uywOOMz>!3vZQ*noI;8*s-9=7wWHU$wE;uef_GoViE>VP z&87C|$5GGb z!{1+3T50=7nZxDYuqVVN5YdFsg+C?QOvFMV%yE+-5TC&TRE}292Dc?_=;f?2PeFkO zA>mO6*f3Th^Hw`Dl+dXv3rZqWCC?M030_ zGshHKxjL22K3`s8h?@P*djpWQM%1G#+6hR2J)?vOb$=pKFB`0$iR0+Dp7%{B;_;|&r?w&$yeWVz2 zif5_czW-2>ZsWGD+mazaDYY#*nc2GJVU|+*{re9M+FHA<>y+R0ahzpI={!qL={U}H zS%!^1#@8>8-@gAK@=|d(x|ydC`Y<4QFeVK!^)h*@*^_EhIs%E_6j_QeOHds)hRwv; zWyxqc$SG}0PH{%g|McZ?zi;m!&%giUyA$pENlXwF|r!EtkD$)L|pUaK6g=SW=D} zr@XJ#Au0(VS#9p@X4Z{l#tgd~ROaA$aX`cr&*y1V`~z(&X;ib(>u{#9gyo)>w@gH3 zZ!r7DCA|Kz$1TJ)`0#X(WF%3Rx8&}ujKDHtVv$itTw^=C#A(B7rHgXfVtF>~>uyx{ zitut`9(5`%a6v-BPej%&rWtntIDdPrP(Z>P#8-dQ`8t6vi%42hUeo*UA2CPF`XaLb zIAT`313&^s9X5uBaJ-+NC(-_XN|c!N?Vs*uUe4OuASVzh_(nz>%Pq4L1cG$WDixgws^#7~9AiWjbNnNlC}=Ac z2I6{Da<8T5oKg<8w9&@xw&03_oGHYBPytAE#u!ALQ!J&8ZfMfOf+0-3&j_~rw!jMn z{LI`i*2kbJ#TfJ~Rc5FU$EalP=74HMxLxt^x3}Bt;|L*a_ig_;Mz;ntgYf-v>$MZp zXyf&|z?W*?+H3ofeBMqVT6br8o1akNmv zJPTbOvXCRhn<8>NPsrTIuo$(Lj;ZI|i}l%sgkBMN65y=OYbGLW8lNIsa$@4LS4>w# zUk{5tCIzd!fasUh6nHfC{i zO`(kpk=Eqq612Bz-O;El0^>3fi6Bvp%{9fG9AZj%q`_PIe3 zbKR?`EVo3L1EiIK{RH3U=j$*r^()DAdPrdU3>>0{q=4ikh+Hx!Aj&{0S+FT7nU8Al z_>%i*1HF5bG&ldWb<(_s$h!IP<5@LGuVZ=SF$_CE+3RS7=YUA*mM}&`b2Vf8{}<#G z4u{MCYN!F#AR-)8%URL4=x!2p^bQR(zK#aH;w-0PC&YjNO$~~AgqiE@j!&o8G4W$^ zQ4Vn$cKMQ!;ogy}UDR!A+TrxoAm^*tXR-aPH=V&SxW%Suo`{?@$^;%&r^J7_h&rrF zW8lHy>*=-ONP!35hR9LO_n2m(KdfiN-qLE1IZoxXvLRHENQ5yR&HZy4oJf>aRfJ=X zkh`nGX{EONww$FHl+ZMrz_(>-W26|}JOthMbC?06%_)J>1QB!jON@orB_Brt zbjOUguZU~I+{T#dyp$psXPk^Vr*&PxCzM*<{q4R5)!)DWSeN|m$H%&+-@bj6vue;j ztk#xue1CuWY&7KF#~7A#{CFPBG|ZMYg`_SlK}Z-WPs2Q<`2F|y+hgsm_txA!L_r08 zuRX2NiF%zcFg9soI`7q(SSewY|j@mU~u}cC>uU2*ee+03m2ZnMQYzxoJ%yhTa`t zzm=vcPBdB%A><|D!I(+IF|f$~zT+xdwk#^g^Moal=ELC{)W?K`RVC(N?q7a+q%HM6 zhtgtfbg{t<@hLw4QZw0G>2Z$u5SuSAZ}h>RfLx{xg|5RF%aK2%-h*u+|;DdAa1v%)xNAL=ZKP#R$Dn68tX(PrEne< zh|sn!?xdn-_VNCDd)(GFGqDCqDIj*k%~eHJ&~X8>qPC9k++~SwPVTMuB}X`6m`H_7 z>1f=`ORS}9P=vsU=yF?**U3C-`f}C~LWrT2w%%5Eqye_H#M_q}0u3c;iU$DJ_widTpw@KTnjPBia)8 zF}!Y9KpxK-U>Ibhs%m}Muw`AIKVJL$E-H_=4T+~VEQsVBt&iT#hQX+cj-fGp*x1iH z-0$~AWj+|kS($m+mi>9G_jTD8 zd&|4E(yXI?4e>uCvIL-%8`6RuDBScs3rvn0%j-)LtOW(~T(m(lHbKU?k0 zgh%>3Dn=+Gk|0Qa)S#{O5RspV2?-5KJ?3C$Fa}Ie9M5o2;PLLxA_!e|Cy0)0n9W32 z)1YP!JDCI_cZlZUdcx~KglTLbiw3jKq)m_>5!Gyl_(8nK!Zw5B=gx+6UR8RVrkdlU z;3G>*f}Dn!dKnX7KF*JVL~RyXPf{AUy$QIYO+n2ASbM*Y_Bb z64AQF(JieZM4kNxPSaf1CwBIE@?3MO%*L&$2BEw~GuJ4NoloXrJTjUZRA@TeITxf5cuQner;1kpL%+pdaBDz zjHLq{5iwXSH`1V^btsE$I37a$f-!8gEdiN)awm%pRuC&JcDHeCPh z-~LN!9rNzjx4S5$?SgR!15(bZwYDGUaaJ7GPB6ThyZ`+4D@?tD@JAx^8MDePwbmG; zjbY?~^oZzF;bdkIu3+@Om zt&QHtY#mDRwk|{@DzE+gPk;L5zy0@rzpX1k6sRxIX1XkCKTh+RLuW>2=1wY7TEE{n z5vjGN5YcLEX2XnUCIp)~W_?Iaf+{ih-eZi!g!un;S00 z?;rawKfnF-)7!dbQQ2t^C09&L6)u?*C9#^{qO`dUhhyf_e7$fF5u5ekwk z-g~cSWo2^T-wzhqf1G$T&ljS^M=KpD1{$oE`(kFq6tXUlygU*Dw$aC=Ni}L%R0EGT zB#IA%swZS6;gA)eI1!CHG>FYqavNo6R{SG5k2*#*ReAk(q$Rd82u?m#pn3p2aHIFy z+u4bDjFIw8x@@&0>n5g{m$W~R%kb(`FyP+%P}R}9s;;*s8s9v?v;gSo1XC7FZWL|gAH46OFbLx z`(rq<_c~Ph_&8bkct1l5>n(kbO|A4XEG@B~y`DX!aDG%YowsV%jG2#*D$MQd_b)5D zibVyHXemc#>ZOGs`}^tU+uMTXkk11OEbbTsOY#^4)$imKg4!^iy-qy(Y`t(I2{XuC zvx=|=S#AkLC=zUDvYSus7y%yoi0oO@DNToGoP>0>oE8AmSNn)S?%P=1&UDtJVVp~bjhX)pFZol zk7qGMwcoUp#}tme0#HyCxEdO))!kzbqYaQ1G*vE>NstTsC!tol1R*1!!Ytg&D0|f) z-VIa_Y5_qNvT)2gx{W&Eq$l%H2aCid(kzHjRe_wCV0oWYDHfgvDQsS%o2MLmAHDWg zyQst%FkB+gUXaU={2!VDIDjfXaZ=Q}(ew}x7I8O36=8+LZvp)>w+MF|s7aoBGvYtq zEXXN=%nQI%i zSvRUjVP`L}OBROBob45Pa* zIk|gl{XhTp&wu~zdr-|e(G12RRWscgCsYA21w5q8XKP;`x996{auway<@X=&zy9-I-=DAjJn!39N)=TRL5K=u z$I$nyNQw~=C`(T8#X6CSoTV%|sp@%FcTW*jETlRUd+cgXR^b#wsWrvWdPf_;Fb6P? zVG%$b`oDt@qZ41g)iM(2w^$=Aa_yegeRtE26lM!NQ1|AtcQkO3j>w zLJnwi91u?aL}Ez4hg`EL%=%N^4s0 z3p}Q2OByt0-QUmUp7SlW(h>C#*DxoBGU76ORqEa(swRPD)}4GH=8yY1LR3v^-I+OFH+0q908GBOnozkOnQ! zf-?o00r=jKYD!EY1t710^O5b{N{3JqVU*A&&WArJUjfgU8(0|2Igl-y<`gF;H)G+l z7w8Rm8d3$KRT~y&2T=X-k7r(D2#QB#PCQO5e7mis%pS^8DiI}Aq1NgWgAoq1Il``uKW7c{3)koKrbUt1WNY zhV9QCXL|4Bd=-rfm?WfNW4L=z0eWr2iD|nplj$1%`hMKLZqQy6b4>AyouTtpTj}lW zA%)S#?dz7ebm@jaksh!#%*;LeN)%n!eA^Z{F8Ua?c42<)<>Pt0J=RG$m^txwUw`~~egF3H_Vs?e zj#m456qz}FYG$gz%|)T#@Y~zXhTXs3agD9FCFXeUCuF#jF((p{7(>~swSg-(1Z}0U z2uhKs>MUu@VShi5k21Q|qXOf^QLx^ZsjOwPi}lu^s=PgxWlJL5N;~&*J`0}h=l304 zTq});Qx3@69^GOLt&FrLRFdPT zCqb;w6#S2Gd)`vMB~4+wXEbKyTUxdR2PZR!q@xX(BF zYY>%>-(Jj|mvHV4MQj>$ePky>9bqp65QYeA4Ev9hh|9AwbFZV70Sr5)5LAe~H)EQS z)|fr)pF{-K?niO*Mc_n2Uqb_wiepDOTP zF4mDqlzTH~wq|%@^AhKAgrzP9H!FK(Mg}ehgvt96)A=kRDb8y6xxqtBHpb?s&yyAO z7!{n7Oj#F?KIV{0{At+z46w&BGM^$S#QGnmRlf8y_*$@reNsa}_tP4Qc}7&_==OQ= z5{r=R-@zjDI`iUrj%RgjqHY@U74AXmWOUhq#XDb7|z6sil`= zUa@Toz5-?^umSE)r2qP_zXI46mSstZzg%)UjuJvZBbB-T>8G#%?Z5x~lG9l#i!3=q z*3S%%W}v$nMZ9fvcSpDfR6}@xqK327loInC2!Fp-N0TEon|)Vk&cqOlO> z#u7BZ+6&c`hy>N+KwLvlF_v0`>VV+gJ;g{&a4SL<*?Uhh;$wiB;qkbI5Nd65Z3`-* zDzE+g^`HOz{@j^)KTFQ(KmPG;-%oQ-Ih4{cLb1?(ln~WynEP=QR&IUZSkWkbSYFe| z$H6n=iftGKKX?LqA1EgYK{d)41LMx|JXr++d9c!(c}Rdd7zY+CjJ=r~vZx0OhaBF1 zdA#0t{4ysBF-VyF+8Bll4E6(NPC1H7%n7Nw8nuv%T{_>}< zZ;$QwAFmk0~GZ;vG;9er$XE0Ke@y#2gEY_LAow9UlHvKLS=^=Pl} zht7a)8hs!+{(PSBuOF`hX5h=uH)Q{9k0qwiyB#0r60%Qx_qlm^7dYQ8+2+Z=T zz+54?z$p}hSofIK%tkkYHj){TDxw`iQtOTx)XbeJrcesB18$c{W1fRdqgh;{6Q!h| zq0)RwQbA~k9MA%Rc{k(`u5w@OiUEkYvUO|c7|lXb){9$Ewr2h85ah%qjB06(=d&R; zT9`$3bUU84mR^nq9b>qHgPiF3ZQtG&==Jfa<4*ZQ=8j4I5`c*?U@SZd&@$j#fS(n* z0GI^uUBlWJQkY6erqM^AX{0mXhNh+kOq$GUPGJ#_8Qm<{TW04j%qsY?%M_jnt3Zzg zj$#bI_&RnXp0GnxX#?^|cE4AHj8?($2Bm{CVwdR!0Qep^atx&%?0pXs@ zQ0pV7h`q$j&r)u;t+p;K!|Zljd+#w$nOzKlm~x6l)LPe|h$Ir>VRm2F(z=-&(V8<6 zuWNqoXNu8@`WPvOv($B2N-0FtdXF){L6}n%(LVZZTc58TpZb@#2SP|-u?<0;2)4P> z`fXiW>(KOL^)&ZwUB)moQ<2ffYx7fHKpL>d5NO3EUC87^qzsotIz-CXQ{_ox5x5)9x=@*q;l3t05PEh7z8D@ z&(?pjOc*{6z~DCF=7+u%xbn^|2zeTXQgIQqas z1@NZ#9%6(fz-Hw6RSYcr<*yHSDz7F{>fS>}Q>L_|uU{685*Eet4O)Pl#yR>q>Z?tM z`$e^*Wrm2YSx7+yhc)V%DJ=oc8qEE@%tnui2<8xTSZ>+O@|r&VMrAKCMHVKK0pm*_ zs+w|A4Mfyix9KGi8+LnatEQ)cx^glOP)OZ~yNvW4CT1bEX@->uj2{Xc%h98*rB z;=}4uV^lateON7xoP_ytU(db97;fwGr(fQVvx@MK_kCH?S(*sD`}@byZCpVOJj_@m z#PE2#-QRA@y2KQnX#Y4Mm1L(e47y$?vOe5Bgz)_SL~cf2Vu%5ibI0pc)$>()Y0z5q z(nmM%4%#r~Foxj(VUe^ZJX;{dmRnx7#6q~tj`velj*n9J7IV0NUFoXYQI+y4EW}JH z#~5`qp!*b42thUI`?uG!WhO>uNM7^(Z390(x`hyK_Z5u6&wu?AlGd~FC9?ly`9(P` z3EUKF!b8?}c1T1*l(JVRib*A?xqto39crJvBogd*25kmh`{*!^Ssy>$@|JoX6|v4t zZkD!q|7ktm&;9!;Dz`7|_O=r7vPE}VZb?-|dA%i3!RV8hRE}oD>)DqzO~S+|uPNma zk}%U4rpl;%L46qD`IMAJU>nU_N^4-@WlItSuFx^F5q;Ed!}lMDxg$|3TrnflLpZIy zkR5k8=K1Pf>fMOA*Xe8#6(?`CyLmY(5!*0xFMCDP))X;Ac6e2Rj5cD@&kq9MJ}~bq z3Z2o!=T5zJLb^Y(OpFZB5*li?wE+zx{^Ji=HNfHT^Ni@H-tBG70Fi|Qx?dkkD9KA=8=Sezr`n26fhTWR+%TZo!+F!PL(HKOxb za6;xK&QV7gW?b}sxXnciYvCu1g@qpyAmGIW=@8RQ&4Ti0Cg?jX=5$#*&}HOPP&We% zM>ix>@pY3rf^LcNm8T%yNoH&vmeLuR!vY>@mP^bng&4R4Rx>=4AqvCx|6&9*Z=yjeT?HM(5|%F3B)~7is8q{ z^KsvtXxowcUUl|wnF-ujaBew=WE z-nW&AhFglEje(m?M2=E|$ddDMp2!97W26)z7slB7_us!i?zbNw&lrO+yLkwqwH`wl zhGBig7+%L|HeFP&&wPf-5%;_0 z8EHfAyPVIGw~XN|#JJoSg;@HN7E)^LYv~H=SaR-+%kT z%&+&I-0yFFIP0J#rQV~)KKGhgpZZ&+Z2d?w1FIv2z=Bwo0BMWmMwtHX3P zv@x2cB_b6OaR(aY`F<>Ga=IF$hxI=2{kGPDmza4@NtMxmJo<<+_Ay%PPDD<}S>Enj zP}$FlSmmJF`iLRWg(oplZ9S(Df}|94Qf9iZ%Ta3Y<91v2qr@2Y*SW4a=6D{3oJJqp zZ3REJY{}e_`QT>TeJMwM{n(dVcAEl9e8lnkP_CRcx{CZRofQ$e_cjIG-~e*0YB`SH%+hggqzupg=Jb6v5GKWRt z@~VIs(Jcj=L|S56V$4cRg8CE=b{>*Fq^2|*&mZ)G7eFfd%Azw0%GHnY7|WyIsMgY38NCe+a~z3_hN!}fm$#K3mzcMN zoD;yzF^67S?*p+ds9r%jxhO|Omk5NuSHL{crEBMljhx9Ot&H9W5!a*jHtN|_HKqU? zS}iR^JwD3q%Qmt6*?xfFe@6H+d?QSh*94^&hBIV8d`gc{q`kkNtIz6RVkSiU zf7*^GL-l^vv&9t1J#UFGOC>bl$47y?px05)zTDFJEE5Q~>7|7#5w39(!o!1LXk;J3 zG|-MFB3I3e64CUD1_7XpaTcZ*ED}BwKWD80GpQk_=B#0I^GmVWQeinrsl0RT2yyd(YE!=WjKlE>Z4F;zw)G83zfQjVk9=#G0TrZA}qkx47DFfnvN zkjaV)6QeJWg+q|ZEq70ASk|cj_J90p=H!m7$<~^v1l61(E)POgR%vLtYQT3VpEY8P zy>&o?$h8FJ(RxSJH#56??*ro?bSW&nu8X@vVkE*bMpfiy+HsuE*KwSMh?bN}YwmQ` zmO=;t=zcD>r5O9b#^zD=e%nfE(_s9@huRm2btGiMeehjZXF+AOFt zaj7k%1b|4G_4>btS?>d}MKOdn#*(vNs<;q>xsPG%x**|H1ln0K_gWjO&^}*-+FA$! zEZ8uMQ6Kk}nTOfi*ZcEzu<#h8wGJbW6R~osJw|P<-M_3T7mQ2nt=F@K6k$n8c?wI) zS$H) zkhg$8E@UO5b`Br@`gX7gj8<_8ZSPEE%|;s%Ce(fVx{fw_8SWI4mc7Ol@@>JJ3~3|Y ze+gp4>QOalFTI?#9wo#8k8dmO@%3@MPEk2uXI^u!-QC9+t+ceHRvPSIi0FwaJiqS{ zVu}b5rqOJ@FYXi*nn#?7Z442aTJuYG8J7SG6^J{U9eWw5NDL8a350n5=}AI$;x+n% zY30l9I@#E$y>=!J8Q=|nq9AB69ew0ABmRg5d1o9`n5dfyCV+FV_b*$F0rySLX~{`M zUe6Pc#N+Mu^~)XLF%#F?h^UkX`4BP35L9`|srNB#tV`}=K=$&P<^lFpt}vW6L;vF; zXl?zr=Gywl^H`U3o--b#K7iP~WC8j5dS?itTB9bOIEDU?mvKi0Jqz+uM@XBr2`^k?@_@gj=&7?fHEd z5vaws$MX7q+AtiaAk7T5XhJ|SKLN84gQ}QWuf3L*QnWr$pp$b{ktHW)ls?KBcH5RE z&y5QZh6efl`-hn?OIp`u3@f$am}2JJeP!a`{^Og5fQJDN#nC&`pG6oU74yO-?{$>@ ztVhXfUe;XCT8}z8uHhl-m091IhtHeqA$5a!-SD?@`I z3KP4^XvR$YkCR2A`*(Ni2JeuWwXI}Gc9o@r8w2I^)|@8w}HHG z$U>|e0tvSJ!a~4_Kz9J0o!$>-h<|!TU1f(DkLD9r~sc4X%htKF!9KqMl!00LtbI0>Jna)*YN^%JV z;{~)`xh$eW?hxPF)tAugA61gTY`~&plZiR_aGJ};q>g(VXePyZ%gng5X1u$Q{`%`* z0d>{dMjs&r5so3Glzx0XzrNiuh=2d_0gT@avogEWun}O*xpeTD?};d-2zU=O?pcbe z*4iNdJ&to*mlVUgZ|l-}N1VvABxZ4hcB8M1Z-Tm|B~X7;*gP3BBt#@*dF~T!PM7TaNa$(3Qwcc*)<90jGg0ChbrPlj>185p!NI8x% zzJLEnIgUPB?@mO_>n*cVEiJFHo5dWlZJYc4ae$$AcSgSCg}7ssAxr~7LR3w&LDr@; zNI^Baxu$^bca3^JODnTx$gf;mVgj&)c;=KNCR!i9YzwYQw0@dk?vUt)(@UGm8o$5qykRdO34k!jrFpeM}~ZJ z{t}_Rd7Y9#eZWQF6jK$Aiv7xxmAzP0A`ZdO=P=Xm5YjW8=OO+=5iOS_D#yn(PMmu| zi6NFfT%X4?m$M)aBBeNnZ`*R7P&)`Sn^~ zbz6S^^((3~LeS&myxg~1T0Tne!-61Ntk&-CAHP5G1&4PQF&(3OTnug;a#}8FyDw>t zsQ#UH&jB#q&%Ge}$xMg)`N-vH+kL?XPEO}ueK=x&kTfDedK=3%grs?|+uH(r)$QwQ z(Q4_-bwN)5^T&bM2|%rg1};a1eoRF2QF*FYf6rkFKB$%6OV4{@B1<6#Lpi#N z)Y?&TjbZxsw$26S3}H1}?cV6V_cO8Ze87$#*e9jV44MqA?R((O5p6 z2mlSwdQv=&=`O&f4=D=PIei7~kKWa^dyt3(8Hozc4W9uvo9U<-a~U8fQI64w2?_=LDEJYOe}(x0|H2&~V}}2L zRYQB4poh5o4E0A!45GArCY8aufUf{Hjn+Dh1Vj#ZwW=P^%mgXNe46^V|L5Px>3-c> z>qpKQol^{ET3bJJDYZ@#iinwU#{fGC!TK1}!oNiPpD{cHL!52z+xBCl4C z+S;}*XDR!BIMHQWFWcIB-_~WI$!jiT;!d~A*2lPQ+x4>6)>U-)XsvI{^8Mo@s0FiJ z%iHbxpa1>OKmYQRvb5Gjl+X^gq&`L;-Q8mhFhJrF=Tdv`cxAy5&7TozCCp>^5+l(4 z6ob!tg~80j9TA7MH48ys_FpsWy^D&fuIqv))>_4w1=q;7E*~Gy&$I+MMT9v7h3UeH zVhCpX_y796wO&dCU(p8=zO1!rhi$EwTzebqb;)Nm`AH z0&X|D!;l_R)L=Gi_FPq_)5{bxdSVh&Q~*w}r!+OilH+64(omZXMR;7ozxdD%BWBHY z4AeIwCyUEb#&9J4g=F}Oj5e6){K%t@u$riZ)x^Z2K7Tui`FttX;C!=qMz0{Bg}<~2xwwCng+#z&}s`YxVybL+5VCqg=kD< zF?_!K-aV}mJ|SrOMRiKFiHZ4m-$M+O?P0E^&60Kn`%dI;re=B^Wr?A+9%Ecmyk52t z3|Ur~>RRhDhJ>tDX7F0A517Z8DX1c1PF3geM$`VQBEv^8t*Co+>SJK+&bbEDWr@h! z6_L^Vwr$t@)_dQd=dz}setFxUXYakYQO*)zAR{`FsYkrtR(E_OC?;#USu_m_V50X? z_JX`fyz_8wjgF^nX-n8t;l06cjfh5@YGzeA_dNRO-C^NSv(W~U)MEMjfmPD#fn9p zxurDo@{W(Q+W0&PRPov{_B_QRZ~+PCmB+OGd*fldeGqkq@tDW1ijBa0u{c=a+k{15GTDKVe&gj(7B7!PYH}(PIj=G-9UV z`oI3yUs1|KM6EXTe5uNsVtctc_v5_ZF2|WwG?>L0h}cw1eZ}%HA7_?VZFOrMKQB0X z3x-7hl)_xH`?%e<)_N(WwmuLP2$s3`by=SKfeg?srTsXc$MN-kKh9H_gIQ~R43xJk zGn>j|KZ04SEd;B*wcag+Qmcy8)(}+E`mlLS5T07CGt*O5aG;0?O2qc#45py?;Da*K$d{w(YvsT=)0gqN++*A|`TR1GTi#MqEQ& zOoNEBMROvtndFs^`njW%6ZD|Cs6sR_$kS|u&}BHVlR43>#EMpHi)-kukKW5skZy(_ zO3ixh&mRY{oU)hRM_dCDX|Rdee41Q^$MCpBQI!d~#e$i}NrX%3`dI-ZvhP_KD`PFx%w1Ks>yp+OqB#)@9Uo_Y&M69MyyYgU%w*B<6;{>r zSw`#Lhnj{Zu#-D||L>2{M%gRcAy8n{OK)cb)Iv6AvdE z7FH3YhhezJZy(p9yn34Dvy#k7O?v-yU`~m@W4sDLK?;@@OfsPNok)fIq>-lwmxz3N!fC>AL;&g18c{rqQ4Nm~{^rpTyzz%`0h*s_ zy`Rpk*?0gZ97%e;^$^1+9E@OA!K?T`|L6Ze6h~_fcLqk>+UjLnSf%#?wamIC5iO-+ zOlM|OJI*tP&_@^MJ{;)v=an{pRCgw}V9)&^pH=qw0>4NDEU&(#$V5mOFaUw>!Hk%( zY&`Z|MTn{P9!!}zrCE1ZN_F?Q`(;1Q*19kSvomLb-=2t=P?9!tAns-wqCGzjH5QWHAXb;4evAge>@ljVU?RT*cI)&GXvSot8BokJF-(Q(D90{aCNd zXd^@jIfxwRvNI978$leWB_Qk)OES=_vR<-XqDF6FHGEGT2TzFo*E=K|R! zNL567_u5%!x-Q6Wgcd>L0U8Gy22n=8DewY!@1^IXz&^`F zv=FvnUw*l>%6a7VwyyUjZE0EtY4&e0O?j@Uo{zKUT1%%s%28tqDU3cA%zd7y$asbA zgasmLpK>4-?*qeqLu(Q-4X>s5Hfo-AoWRteR;{JOE(=^4vQm4MRUIGMf-GxHYkdFx z`KjAMj3b;>pz_qjopBVC`}=RZm@HdF+-+J7hVQh7yjK`NW71ZKD7WUVGkb?WtP6hKwKNkY_Ylm-Ky+^_vw<5C2*QFt?*q8Igz3JRVV(TiY+-Q; zuTbMDuP~Wql!~PST1xNTq5D8n(p)BW)^#!Q?584Prii*_6EwGs;RtJ*B+neKP;Nl{ zGL+Nj2cx+{e9rNhjK>%gih{gH^@Xn^ZOK|`s#)ZWWYa{nFXPyCkm6>jrZQoCp**U7FkLMmk5D{eo zvBJy-SuKXIvVQK(i1vd@KUYxt;6E-Y#`-Nq>)az|Ci7`0ZUDt-U{j<-Yv+w(y0DK=Vo z8B+`~*t(`ts;aC@f<-$;l)rWh`h1+_Y>+@;u|ek%aAL5cQ?#S=Ae*n$a3oIlHlYhq z4Z+SmqqwBE5toS3`Fxzc_OMvl>w4c<8E0JC3&2!(&bIs7Yljm6^+Wk6`{M*02wmNj zX1=1|#%KB8a52%S%<}lh1CE^SZGHTKe7Hq3Q*=B5(mNj~3lq!n$fFOWjE_Dn3JJj? zft0cGx(5a8q(~) zL+;ZU1FHiLf96(Ntu4f`T#~y#-w&iih|Pu?fSQoK*0YN0`8<8b5fTFR z)n+c(^p+3ms|!q(E3Q}wWUBJ*gA-NQ9%?HPT*4NdR^ig;XMTmh8G)U zOct%>Y9UOAbhKqlkMB<+HiI_NRrUEe(;CL0nrm3X{pV{w3i^Gfqo(v;M@m7M?{Ay3 z3@7Bb0yxiS&85A6dxRMBQF`sq$9cW2EL?KM9Dh7dcou7}K2t$>bWcmjN3ozE-*yYS zY_XQsX76|(ebmwckVB$yd0U^~4iXlTyw`kGbZ^z%R0Vq-4x-*hIqK!hN<^2pH7ud# zwp@~!^yX%Qsp#XkeY8=}W`y_>T`YXji0` zuEHfZ;6A;3ujBHzGIK})%OvQgayEMPu#O4w%K6MrysY8+Wh0t}R?i>j>vy4Qg2#^8 zpp{NcuO<_QN|0VrjF?X3C1Mn2)Qy=b46M^#I-pnn7r``Oktb|YAaoAHo1y& zYa=eP)lTFg*mS7K9HX&#grI7&Y>|kL$B8)}ZjeuXtO!q`d>zn!V8*Sbt4UZaCM&t6 zHToDfDG0*tERYp+#L+koUNwPm03%08!5xKD4Ko?Qb*$Xprzsc^yMLBa&$!Z8fML=x ze7Pr>G3W&bTQIa$glJ445Xgte7<%iif<|ME@@Ar@OdOLjaX!laamEywsO4rsoo0)( zsv>!!)h;q~FwbXx{ig}r{uqvR4nr~vv&>?FG5nP*;%N=7fjl5)LIgR+ar}d+7rZob zEvJ}yK_`_IIW?4|{6SGqd!KM_) z9XaDf2-6chSa4Y(Du|0#TUyh2RS>)icxG<~m>+(H3n6~M-4W>yS>UIj|FiU3XAL>* zAM@)oUPe3iY;uHV5({^{fGemjoLOzclQwNL>7m8O3}=irPi8a zMA#o5?-)av&2(K7^GrlZDIDj?#BIzHqSjh({imf^Vkh_u}E zvxa1&jg}kWE3`Ff(9u1AWEwNhx#xa<}F_5Gonv(M$6g;%CELGV}4Hu=!uL^EoMg=cHQ@UR4X zC3p}M63u7eF+!7xg~gB~RCtir6zSIccYkeq0AY;J0_U-+7oP~%EfW9<6Uf26JhX3@-{qO(#w_aOsKAplO5PCj; z?8`Ob;9hS_&CQAGSz*q$6qZZEu>1V6W7daU1M3{FnF$vSu*^^n%!w*3Xa%Ox9YdiH zhnb9-m&>9^|3e8r&5Q2*A$4Slz zP#(h((N=43ZG@msw5C*AbNB0Q>tlTX{w$@IQY}muED@bYRuP~KwKjcK(J^tYt(FEt z!->jSwztde>vfEAe4HTMn3;x)YR%QmM(t(>(>dmKL_fzR_S(nrFMqy|KFV2^>jHK( zrdZ4TtIkL9?$k%G!<#?8AFcNLZ50(nXoqN}wD13XzudM~TPf}S_4@YpUTYJU#1~Y0yiPz)W;~TbTu4=Vgm#`pf_LdOUJD%1aaKU;c8}px2)^a({k5 z)@xj^3kFknFMF*oZW9wBG50n?3i(-Bc)g~Vu5_v$&X2-VP)?$L!0!yX)3I38-hmq)RNlHXzM#NkZy*JaULA5+MY^jp1mg@!_9=(Xd6% ziLmrB1|A*1vcFgbn*eGSZ5BvTuft!}>HaeKg^1E(W|7adO{nLQWC|=8%%_@6b0qRj zoiN>ERYMXNx%bvlC7I6(!SMXb_tE?4vkizeNJttJpakx9%qze+E&%}>M8x`v4tIx* zdx{bKQ~DzQ3Z?MjYTC|*fNXMN;#xW@FW32H2}^kCM&?g3^9fW~WZB~Jkw^1h$N9|6 z496W4!R8y1ozL9*=(Qh@^KxA+C=Gx6a{ck`*=pOiRP)THgoOjhsi?s6%Zvss$F1Qn zrgzezh|m!hgWP)l+u5Zx=TQdHC$Dl`NZN=PGX1&anm|J}XK0-$zKFCw$Vr1*KvFaH z+5!KI%J31BLFPTBYe6B}{5-VrK@fNG`u)&n2O|D8NEm1wEE=*9@nq(TLgY>{St)I< zZR6E&59rfpe8L20nE}kpEBJ(7WGPfYy-xyUz<0-tvelPj})UYfBW(AcE84GZ~;OLjidj%t$0}>F#5D0 z;Dr{E7~*ke)Pa54wJ}fY>?nRY?PBb$!$rW%ON!TR1?$&`uPN0&ZkMgpiVJ|5Ypb_y zVrudmqAVs?Ytv z#y`gRa=)`MM7odX{&v5jrbk3#G$^Th>k4ND@#r2*g?U{g%z5Cv@HV#@ajg)vOylos zvozCrL_!s(5@R5D7QuENQw-4%NTR0aBNOxO=c`5A?pp`1#Dv|Eg;Asj(fJgsk1@sw z$~kMw=IIhnTN-#18cskX;)#_W)yIsr0)>|!*$4G9TJAUvL$vcp zo^Bi9CQj&Z>QpQM03ZNKL_t(H$&ZXFCqz9za#}(;YFeYWA;2#YdvD4@+kG8j#9;)tQ%FHf zH2e|sjQ>B{=*?ScqkBE8nod>5+3~f9XD)5A*XFZ4h2j=*S0QB|P+5$VIa#)t&uXd` zwU*Ar0BgrfoO*nmpZ_6bFQ{p+O2q%E;iYu&rkpwY(Yj$on~ z12YA)3OFnBUYe|cN33FGYT>lM7y+@0Eh zQLpBP0Rl=b?6Sur!}@}9jQ#z9R2?}j?%ry5AFVVvz{=Us{0eK+`OM2@QM2B<4?@Tz zoLgh&V;~cQh#5+27KQ<%mAc&)3#O{qx9!|>NWq;-siXVoeOXg2EuS^#db@4C4Y-m@ zZ6b1>1;H$zZEn501r4B0YJ30K-{1FIdpYadPq$@D$DYA$u3Lio_Lb^OF@`?I{y3O< zy)OAEwbZo6+t({O_1-nu^L>vg;Am1+c7oi?2esN_iek#lw=b76^mMOgEWhX(qeH9agC}>%#fZxza8ss0Y?EY1&T*3oTCqw2{E3JEW+2X zE6(JQG%V&$AK&+q+j5ESZc+15QP>RFe!Ogrtjx@LFY6_Z?iz%NX%KL3ddaKdrI~6j z^uo5!ONtqC5ilOLg9qp+SeUwP8hx}f6Z$PG;8ILZs_ITCPGVv_c~Q=LVUgY%6Sdlo zM~;hOj0OV$hGDe9$~Cugwt=X6rdJe_&iX223nt10r5sJXo0z=01hr)36c)pa)O#;y z(;x`t>~)Oh{^CYj>0`JL3PEQosIUgZg^Q_LO^G=l6=b8R*kaHTO<9gRYyh}_r|QMw zATp>J(i+tCaH0rCyK01-z2SLP|GX;?=lW`$%S{`@l{GFeS5m^^E+kuAo^V!^BQg2qGy;#Hc} z6T~Xy1d}IDR2D`#3BO|5rhN;Uc!EFw$HWil8TvFVlL(1IJq|84j5NUh=RnWYDvEuk zHJON51SyDEB*t(M4!GPAjSVUc;Dac?s(-Q1k2;+>$Yq}705PA>tR}U#5UrG&&w>=` z^^%B5L@a1)9d_Rk1!V&HsQS16_zQw2VFy%^-g^vTS<)C|TT`j+a#^0w1J9J4j+`&s z8cbO@mx5mmeneAcmJkdvpz|)bKi&@&Md>{e3CnTjlmcRBQi@{?jPEJNVD{tj3}!6+ z)0g{sX5jS4S%@4-z^!*5jzY28+J2tG5@UECCq6mGXfqYnoQspE7;bJ`L!=!Mo>i%X14)M!NBa*JCm z&wM=2ICFlu)}Ag&!fa&3Rn$uBeLzGAUtLJycxFPzTx*#AnHk#jkgVk{!k4dGIchH* zLE7G3qY@E3YB<(==_2Bt*a?uo1uJ`@LA`Wx*fE`)dg%}lt4gm((YD@t+`{Och2t7W z9|L*YXC)_A8TfLDpd;)Ri$weT@qFJ!Ad|zu zinXD&9)pU=@WI4D5Q3?@AGu;$b@$^asPT64oa_EPfBxld-%sSRw%YgS!7TG)P;o@0 z3H$I?TPuT@&1MPO7#q1z$mn|;t#d2*vBB?Bc(y2$xe^wp{BXCpMHM3+_wMz&);fmUw*znK6Xs8 zqOc&hF$QK{_^jCy1rfF64REJHKi@BmsNv~F?#LZ$LJ%Z@EQSm*%pgIM36ga zrXgs_4VT&eI5F#lCE$NJOGE{+<=)3=&Q8mcwl$Wse))P4qRVA9GXN+l#mjBI-nYwr zd%PcMiM7=Ay6lg0^bvw-(0~5d_w#YS{c?j7CPW2?+3Lu9QPo#Gi;p%?8PRHsOSEVh z{onq4yWW?#pD*WLwp$|Ruo!lg^O^HrS@`+=xV$aj{_~^PemrtHYRm0%U&ZA4<5;f? z5%t=8ZR0Gt+;yw~LtnF&#$A~Pce0*_YOdQD9H__oK@ZeKUU(8G)d zW&A<`Lz=0;EGL3yS)d6JI1Q9est_^!U@+A{=ku~>x(|m8a-g}1XG1wT`EZn{s!FRP z%qV(xr_shsOf%=gPqj7Fdf*3~JRdc!0ajgPJ)O@oTa%KG?&$Uo0h>F)LTUkqJy+w| zmXpGGH9d*4cbXOTgIKudj=47Pb&OGSU#`*nU}B9j+E8O6M&xu_tdpPceuL45

v>ei|XBb8}+Q~eL>(4&^-~hV8G*5C8kIN z*qo{ffX;Kz%bJ!K*|5EX9=7D6Op%woRbFt%CLF%>L2hXSMpOgx*&>E-IdOeG>x zOIy|mG0apl&t~Py$}qh7OD>PUA9#)Ms~CsL2f^jV1U`W=hv4VMAqLCA%yE_(J}Qik zSH{gXd6=LWW#=y1Iy@&J?eRAZ_ui)g8b4|86SeGZ5EIZ_czal;8(5V2kCkA0prNw% zLGDz~miMA65RUrr+fSF{QO-TrT+^DsSe8T+GWF^#0|#tqFQ} z_X(RJi__hg6yX3Ck@t^h3;}#V&e>E$2+Y)4d#z~G3_(Q4dHPHSwALD?;gyrp68mPsUA7A^JQB~Z7GHQ z$T3*OXJZ;;*b8QW0E3D87`0S?Ny=0eN+dk}VCL?v_h3d$$C+Cnx7#J>Y{90=U$nKJ zQWBBl%pn938NI6-{vMhgOgN7?nEw9l{eHW&+It^MO2?U7@3q$Z{rdj?1nQYf{r6x0 zgfP(K$V-fW{q>i9KQHToeH1b)H9PkF_VqG`lQ6hQjD~O%(hDdd$X!)g zq*iR+f*y)|R#8SNl?G(-@|fd-5!0vx_NLJW5oy$Rw$a_2dv}^i1>*g+tP}t1kBkeC zP&(KgCmp^65WZi(UeXp`gsJz|MMPBcUY1L;V7>M!sv#oha+c@!eYwOjk3~HmCm`Ea z8k$*q?XC5=gt8Y%fIxa^(Ce2A3v!(uGD?t@aQ*_-uoysVESH38uzI$%hH}ozJUDA` zU|BL^hLBXvnAxJ8kKEDffJ7WsKo{V|VAsZ{BKOgH-pjHjh&1Sx_WPo(r)LX7to6FI z(vgW-&IXRchtu$2FAlAZ^T@%plm>WXM^wo0HU@G$>6PzROI4Hoc@Fnrftk;<#Ax5X zKS1k-U`)g;XD$V@S0AAM_9L6g$DT#mL`uc?QTpgV-jCWEOvcPqN>fwp5Bu}nF3ZRF z=ksxp6O{M0R1~H%dLpCcqqN#XvbcovnR_4gtjseZ%7R|LTtJQX+Q0tg%kj)1h4r>r zGO+wOIxz$$AvRzj-o0gI_)?BY|*O&~4$+oTE{`n(DW09Kc-2YoQQ-+ug>^aG@ z##S4$5PVSYPQx962g@u5cB0WoJ|?Xrs-tx%7()y#w_s`_mu*p&Uw*mQ(l9Bi%9o#R z`;oC%qkO=E)!Mh~n$Lpq<#Jn?`8@J^Ni2+Pu99o7gH>QltGV?$)=MJdTH1P9@?M-g zttl*%lpvzC1*i@%R<_zL2pXKKF7y%kAq1#YjHd{&C)axrC%?4a41D-6o;}4aMl5kJ7vM zHW0x{MCEKyU+Am*DW>3PvoWc;#bo@FVKB|&QX*CpIH`O(L(sc4C;QPxubpPx12psk za}*j00C*#j78rS}9eA9A(S~pEDGwHZ$EnP9lmi3?FK; zt_doM5DXN0S|fC!qWt)As4|M@z!KwGeRd|I>HIT($4pv9mn#7pXmv)M_tw{Inz&dW zVuB$aE1A1P%nUFJv+rbwg0?m$%-06q^OyoMWCvO=kx=9=fZ?z#35)(=8-UWd)n+QK zj+cZ%YH98Rb!_l=Suik5aDm2T?z0;h{~=u52-qb^w7O4q)1>hoL38#JTl#C5fk0`0 z&lZiG%GuWI+S`b0Y^8&v277?GHk7y{l;48pqlijKCMu|yMEmj|tJ>fG_LrP16Qvkp z49A&8Bg}L<(it2W~Jof`oqPq_#Geym?s?^ry)dc+G z$0LM52%VkG%p`rlHb6DoTN4(zF`yxX5|^1o^&h`|`*Oea-uLrl<`9A~mr~6%MRTWL z|Md0!;{nXW$3PA9*SBlV_2Y4@OWODBMECoJnV-*dxD$JA-GaD#fnAjx)}Qfu1%b+= zeHoCysvups;dFMZ0&@lEcdm1<@d z_4qj5DWq_DyI9bWqMC{s5!GCmOIj~W$u+IfiSnM8%W{3&;u4l% z;iEemQa%NX=#UrFu!LSa9KB-u2ipJltPgpkK%KB(6og3b5^_t6ki&Tv^dQ7N_L_7dxB z?M--!U$KJva27T-h{%>D;SPZ1GzN2bTsft-1t>D?VhC7Z#)zrPOAM{I*2jL7S33;t zM^=>(wbov1C->*aUUCIF*<0TqrwCuaZ2RM2VHPfX!BToYvxqKRIv+VMasN2HjavG0 zNoE>S+^%W4EW!)Fa2F-EKHx}f?BH1WDFz4r6Sriyrj74QKuPTe)d-kpUl=x~2L z4yPI7X~Fj6yuaO^&-1sx|Gr+=5W{*&_pkR5!~QtjJuVTd>$JvYO~XCL@Q?ret@p8i zoUOK2`|+{k_3pI`bBF;u01yXJ0b{JD`^TZtw(DAJ8(92QLbB(_aqc-T0jAR4$Mf5B ze!HD$xDc1KtSKxho@c>{U26aS{jqH6xo70$5V~KEQqGdL1ZzicJuIQs{`j%S#m>DT z5~t*Pxvl4(nRr=4YkmJX*Gs}<2cQ{xPE!m}Ls_A!TIcK1-cv_3rVJ_aCPQUDl9~w%ryB08N}; zbSTTr+`x{3fe(Ayr1`rubE^Z^VIoF1ORvL%&{PG(Uoms+)uiSQQ7gXq-XW$X=*>h0 z*|NP4cE$wpFG;>Mx`#zsSi`Jl_m>s}VD^+z2{TbST0>$R{ShSZ?qRVPEJdyKkd&Em zDc7^9h?%A}V(Nnr3aW-?0A&kLx z=k93N97$vpPv4BHZ0fH<5n0>XF5VJV_7;M3|eYiQF}Q z)qpN9GV}6I&tbT`$SI_Nx^AF6AQ@0~3=c8>SA<*Zka8gn5|=RqS$1b9X3`+~*T4Rj zQZ%zZCpiUGa|XoDaJkqr0|Mz0!Fa3#GuF7;;WALJS!8Y6y`)jmV}^>6vH1sKem$F7zq0# zqMsl4y%ZLH){}|NEvP=vnsdZ}t|~ExT6;>7h=h60xtIL;e7gJNd3-*PF{haiSPao_ z#v(5tFcGyrE|=~8eCCwK988RND$7c<$tm?dwyhu)L@0Wec zIrTn(ToTb`FZaiR?>wmfc)QiwO36g@{&D~F{eHb{pZDj#|Lb4=e7~F7^I7wjG^mq{ zYRX}N0noKWBhVMvi93ZHLJF#aZ659mRh`|oYgx~#3Q#CKSJSLqGj`IrMJN-nF6S-r z%RmgDnYoWPNJXQXdpjC5rl}-2bx1kyNt0?2TeKao4ofV&IK5~EJET2nkPx&!8Xm~m zW47bxT_}IW%Z*qwJ}j z1Gf6n2025#6ruujfB*YO-Vy*H%-^h>OFkYa=KEd;R&ZEpo$1SOAW=e6d}US9sIyOC z?+ERQC7@TR)lREwo?oMVu`)Vt(G^4k{<7@p`fZOnmJ(ZCnqZXO)U)l^Z5=D- z$TV!v#=^J(=CE;g#Q%xNs)!DX)2*LfLx6S1=NBk4akAI5!GSi0l`S!IN>PI#<D7Pd=B4D4;uv=Tb6(GoSC&o=si)jI@T`8MvO4`!j)ZNOl7 z%zEv4i>;1+b~lSD0xQK$q9XW-pci*@2!T=z&u4vQC7XzZAia;)IZkOKr3J*4k(d0=cL`|Moxsv-J^Uczhl< zCNcLm&PQ!+j5f{faw{Ro=yw0}xm_~LIz@5iaon+T%rTaTHYOH6pH1VM2F!eWD=}%_ zQ{H3V)98jG=XQ?KX1*jRN3kGigm&~f=5|f=3N0;rWahX8qGw$^oxvdGUMAqHK(K63Z{mi5)u>gK(# zGD=N~Z_n2#MPK-(b%WUy&SrbnLH0UeMMDfZaGAU(pVn(%v7ssmAOaP9eAdVNiQtFr zQXqKKxO7VO=wIoR3(SA9m-Konv0B3=tcXHdHCb?+xlK3ooGKNs{?ZUcJ!EZ zwy8-R_BnEXxjc!;CM~XD5)0dOjAc&5LK=8ZKkp6gI_Bi&{TxITlM-=#^q4hmK~>HN zTHah(@)qZGn>M>?lsODteng}xAUzV(^Y*>O67X(C_Kq+7g~2n3@Jf;)*kRX53P_8Y z%Qc}&xwk30(q>d-4!c~-wx#pzX0FQnr9eG$o(-3R(EKwkL_HogM2RVw8OxF$fxWa> zE+^I}piXcjxclsekO_KKL}Tnm6$4h*5Rgw8SwxhHvGA-OV!Q{D7xH?!i@W0vhlsS* zfdvC#gukF$tP1k7Cx#dRqAi?p`LlKO38DX&n*Zyz|AOgb4(?xRe#?H1{1to=JP1UN zPZRJfipfQ#BQFa@%e1B%f2l2Sq2?>e^fj@(J_je@XxNuhj-w-(9^MK(4-`}AZ9-u& zr{yipVfz34^`BIv^`RntPG%C8K2ZmzIj1pK_|LvAp$qY1bz2+zR_2@-9ln3N9cP9A z4+%|U%oqavI+x2%Q26ok{6VXPT%8!h(+x7B1 zR{TFUlh(Vigc#gCrHFka1`Qg_z4abKc%lCcajKb@oKZkVFCz{)`dlhf#ByD}ZIAb3yJj?NrV`yf;e{HNh!>t{u2CQFPa=B!e3olD zK99V`(dT(T(Rj~H_2~FvLk#7z5fO9+=TYGd?yb*0mwZJyZyA$fJ=+`;7zdO*?lk&D zjK=fh2vMzDuLH~}ExrDk_Y_M2S?RM}Ms&#nAeoR|AQ#v^s+77&D@fA!<7tj_l{h6PD=hnx7wssG=GI z1|$)=eB0BO$Q?N$VBBXPcz?V5%OinEY|@}HMP_QXYY-8s&(>=vrj#QyiL7Az5H*(+ zVn``4Q;fl13=9TwdlfmOqyiT+l@x+LKAuR{T0?3KB3yF%_;|(`%zWF*akk^E$I*ys z%jy0&h-lw3ULGu5d%u0V5V14u*PVqmMuq{-ESIb*WiKp}O1!>Z=N!Gy?XvaOu^NRC z%9a)sXO0ys?@5?rO5cBdyS`m7*PWamA5S>uM;l{|+xOe?I8urDY9D{z^CiFk{_(t@ zb53{v?caVGec~$N`6BZWLs0qsKi}Q_dM$=-$Dm`{^Vw?a2vCB_8?u3IFRk^DKR#LH zq})Mz001BWNklR%QedWXN&8#*_SXA73Te$c z3{}YqYWuXs(Z+Fanh;hS$~6(u``_*%s0L}z(T*0QrV`y~3CEq<(I6efka|3t2+uLL zOUBOv%O<9aSE2aoZG=V^aaj41mS1Rz%N>Okn5F0ye_8fqV^MsgPgR}6+ERt_9Jb%e z!Yn`+xQD2=!q<7U3DhGdlpdt>SyM^CaY31`tmM}$gl9P>G|I`#Oi#T|v^36@$Z43g z98Mu~=(6f_q!P+4lT$rLeKux(e$;jj8&>)!3$sh;;YM|C9vQ^|IM#tv7-AaFr<9OGnErh6ut{UBNwV|Z{ zGSmVS!Z148+};Yn7lg))ZXv5Xu`*m_m$ z+YqKPX3h~ztdq}awRLn_wLUJ}hNdkO<1%oA%%T+rOQ)t%8EqOHStg@%h+FhL^GR_TzTD9|x2J$61MJEBSfUoMH%} zj~S!l48oys**AA;y(3`sa@jr}&kzD6V$6(?AB-tjje?4b!Z3}!#gIehM9i2c++$gP{}FQ*72osN!PvfG0xgx zf;novKaS^7r&)*r`&etE^})(xtRBJM2BQ72rY@lfv#9hw=NJ-X&Pl|oO2h`LYg$ZU z4l8>G{CxesANLw_SS;;1%pFkosH0r-0TqyV$k*YPT=+K{FpSlTo# zClCv#E%vhmA_Z${!$cXHE2M_&>nxbleEO?#4E32Ea{ri2!(CXEQWvflws2X%Jr9wCj(3_F1m!`EkS;&PTno`uN=?gej*7GqrAJba6fxJnlr&4{Cc$;5#~Qofo{|Co-jYcdpcfbCK$goKt2)A zXR~fB0+Yk}Xb@b9h}+V}zy)W+h&knO+^fKYva$@%x8Ja zkebwIQ<0S8r^{ z@sB?~5g82hLUh#z)wYIp7LKZIba!Hb>_;wJCZZUm55ro8llR-ToDG4xR@(rhi1ST^ zFPGwG!URFE3Oln+KOc3!ZQG>~@n|ELY-5HPLsamGco2}mM+l~vwvOF8fF{|PAw?!y zg;{N2ZH_6HJ@2>uJSxf)SP(Tf0Eq$M3=1oj(FUfYIlZ^xNU#=x^Z2-*?vzU!eK65> zDOm4Y9Vtg97LoU#_iZmoi4~Qc6TVJRJzBe7wsk@{8M-Z*@Au>9&wGgaJnJ-zDULDc zoZGhb)`03kr2|Vq+4J*$gw-ao6pt~*Z$EC#^!fXzyawFcj|)=UHsL!S^nOWJ=9E)L}eX2^U{c_FwB|o1hi}W%3n9t`q#=L(X zA?h?Y^UK?wOFoZk)AE+ye!0yth)I+mA5X~ZQwhKR`}cB58kB@H`aN)5{)jr#fLg9FDBaNNy4c~#4Eh}!%762Qb9Fd$xk>>@JyU}05u_k2mQg!A46 zjfz`xCuV7NFfoG3KmPvs{QWs9TDk&}ha6Ig2n^`Q>}UV+FK^^D+iJyO=EwVikbuiu zDVNmigqb*%=+lVl^N%NPFpUb)JYWbjN7l2uYtZeM=a^|rbIG_FV`biw8{w3I${ZNe zS8@Oja2&s2FA-8qL|;QKFu~Eyjcm@xdj+%sh4;(hfE){fQgNMf%y8uA5>QeWJYY0QehB5l#S@ftBngN$Zz3q&q~ZCWZ(l+Q;W-A0=+uOPCR z!`FlgB@z(a*$vL-{hH=*8wRu(#fA9x(f<%rq$Qo#UWd)4-Gy!*MhM8y=Crg0jT+)I zt1v_hvc~0?Zw;ACG};VN%Ox%}+Pz$oMD4X}5J27d)M8X5LFF8KUF_vFYqi&-iSo+O zgexzqC?tqbl&<{4C67^*Pp|ZCS*n#4l+3UAJG2sE(#F~bsR-OY7}VVzVJA4TX*nHe z6)~9se*w-#s|R;Ax_tQnB?z*fhzNbxaFUeg^qHQ^;5V|+nIxZkjo5lZ|H~D5gzfc%xZf<-}`hBCIPKVhAZEYD+@F0&51Q$sbN)Ah35 zAIH9xHc)b|$60$HF-9{lCEp)M$*J|3Q|M!cpy@bE+g9S|LbQiiJAWM z|NH&&ZGRcBg;mHLJpjFSjbYS&KC8RuErEX!{l{x;J&Hj@70f1~DScY61K`b^w!iHQ zg%BRyK#BA=h{Wb}B2lqEi7A!T&(1_3;>Iv!A#2q7Y#{}A(xk9uho})AM03C-^;z+^ z`!po3K=f~~Dje{S{p|a-xOqweiW*@~DLg)pT+$e$wVqN;CEh;|B)o+nwf4DuazupA zPSFs~qn&5lw~W^nQUL&&rxamDh(XOQrF9ef%EhNSJ*dQ}NA1ikOz`boxBTbFGv`>_ ziX&4IaxWz@ktkm-1*ycam*L|$?x&l#XDfRF+|tiB#++mBw{5$Yb~Z%B9`_Ts4UxCA zBllfZH3mS`(2M6SBhV>k;0tv5c6l*ZiI`%FYrs-PKOnj$MjyxHL_QKTACHO;9njQv zEr^IoCDxBIi--*~*@K>!P|}w-|#N zX$XrLi6O+eZRPnm+R@;v8DsR;HOlD2$wQR=ZHp=V{Ljzpw+&?G>t6Ly`|+s%`rm$q zW_?aOjuvuw9@Wf`XTAQoh|2Z*WxtjQ&BLCzOGzb8LlKqz=l}dW3+HRP{<>d(-QkTx z*PaA8XgvgNXKUvOQAOnak9*$ZcFVCuDEo~GW$pFoux6$$mP;1p`s^4HW;Y_9(|`I`10n+@B4Y?>61wnHyrzFjlI zB}X4jyxp>>q#Vj6;!D+|x1(LZ?{JRxK1Z`}|8xZsj0&n1sfmfiska$YsLzJ{bs|b7 zU?i$X3o&2noUDwo>MN;2L&=DLFzF`mPNs*qjVhb|I0J|vO@&veH9Lfu69&WnSH58=w%ls z=9I!5c6-}aGS|(Z@8uTA@)~m{fnTQ$YV7%hN z3?OI$;%yCrC~%t=Q?O~N1ZEz6h7_=$2(zf7co7OB2$1ac z)AN8;n!t^aJHcK|M7<56hVvtF(HEUm=HCoDq|R|P>A*ckc#V| zzyA8Rl``fuv(^SE4-vtmm~&dW%d|Rorr9swZujTWdshuB=idA{&u?$H^Q^b)KE@Q0 zIV{FlYe(>$iZYA49ksRIksaH|RFQ4VsO>cK6ywLo?P!#0=5;P!*H|Of#gEz&Z>qQ&3eA4N_~vI$>rZs4znp#LOk9g?5{v zLoLNPry;ptRnFdp37wtO{cPRcYHK;A=h?=bqLNGc|Nr;jL8uYad}Z@NSOzJAh}5%V zZ}wFY=Ww)O7Yr#Lj}tc;{8P`51IoEn5>)cOVn$4(hNRG}-~WC;?=@~Ql=zC&^|U2G z5$Mx3^Dhl(x#fEF{rfihNPCh1T9e2LWl6HUUk0Vk9JZ7c?qmeqg@}6X(5(VVniF*` z6N*)4k|+WLo1#O9Q;re@BmjOKjNmaxGdmx(orBTed9;}0b}it1(-zLpbN^Q0*~(iC zQ6E2_aG|9wJwBcog%`F>G{=1We3WY$wV%%xV`yl*+fun?GXw4=uLCy~#A;D*Gw%uL zi1n4<2S^G3jM`U&3^Opf^VzmrnSHX#cFD{nLBe7W7v?eTu(J=w7R zwuPin9G>@c^a0|9na)SuZbenTdZWvh$f=YJ=Kz_z`F_bu+v$F}mCv6K7KZVt9{q7Y z_e&XlfMSX08w8#EZL?`2szLLXb4eP)wq>N2od>GiK|LcAo!kw9Z|)vL z=zS1zZLO4i);`9(eZRf``6;SqOVx%)`{U2g?YjN?&p(K{ovQ%{2i?NP%vq(^R*!1K z_qY8o|N1M=hx2IrWgBC@u<(S>CB$(5e5h*LvMA3vomSv4tgb1?{gy|Yy>)VmCDiAM zfVFZ-c~5x@tnB2+(WaRO>0|um-+#m$%pC+&eRd*}AU5advux>kKSm!Ul(zW&pKm0j zQ8WpxkP@ZWF~{7m$;~0R`~33>A6`tMojvA&vo2rK?1NW`A>}QmE!Jn(CRM(Efk;~9`EkxZV+!}5 zPk4Mo!q4tNC@}Y6KJF_w!RcfnSrE&U>B1h|GrDm?^K) zRt*fewjN`&iJZsTEtMd=Ah{*WJjZrPqZ>JeC^kFZZzkjyk6lv?5`gB1w6xjYwoLX7q3==4IL~2 zk-w7hT!Vr>Mb4GTD>o^I*_S8)%Nw(-B>{RWr?1tKh+a8(j{5|^s4>ug3C^M=0b+8X zw-aEK2L0k#@ScJP415bz%H(8DNFuRm3O63C#VP{bAQ3=bBAU}#gb>Zd1W_EV-srV; z6D|8b5Fd0Y)T4_^uOp_=jvi8A_@PyDN!Tu4vmbxu;C+P=L0Sfl6Rw8-+rRw=0}yyp zVKKKpCv^7k?Be}8`UoKi^T+-9%a2=a9rs^|q2$COW6lut&-c%LEAHNU*Pv&ua||3J z5JjoT7tkJpPP6ekFGP5Z`QzKw-O2qp+nh55yxRcmVm2a>IlCU@Gm4H2T4HdOVjt@Wt&Pzagz09fL^Dr0K$_pqcKx>ZHkc`G(WcLiW^W#?r%QhO=eLkF<|skkJYO>l zOA6?e(YRWZhyZEpXan$4KY9o{+8A}tF_*)g>G^)f5^R5EA3v9O(9PkTyZqRh9XSu8 zEXuPPeuIY4j*c3s-e!F^yz)mIs7ff8BEl(0$Qyv>x;x0$khDGM zFT^J+9D7dd4TlpAHU>!Kq16FSCQ&tpl)~fZ0cFtw6>9JGAIX3#E6FKssrSXG;>2`! zQDvdg=jHp>YmX_mqxtlpIyxf8LVZ?6O85GHmZj0-{n3Rc+vm#UtWL^OP?PPBI=|6{=fc^ ze@F|w9(B7G0RLvDB4gT@+6|f6s6=>v9%avYPa(!slB%|I!Db<>B2qj)-+ppw;vav zlJ4I7Ftg7;K8ZMAA}bLS{L}f8S{yJnZ9NKNPs zJ+96|aIzv?0fl$lb)|?BQ+dm2kNFbw9!HxYAz)EbiTf?@w+*QYX$unM_RB`hi1`xb z`e@rNk2+?bqnW-k#DG@VbYzCiIgw_@OY^`XYueKJs4=Rh6@YvFaXB6phann>MxW=s z0zaAyh2dU%Zv#=S{T#Df-s0oWBbB&97m~hSIz&$O?5PA1@mG{5@-t-F7EM?n^>iZ~ zhVWvRJ&!&=|9Ci&&nYSzWu0%ry}i7G>lGt5-Cib~*F()OEysEl;jRl&5jBCDKd>3k zk5$5>K{UKNgN1FFO%kC6chFL>YLIpeH=pLJtM7@KY#3DKHmseaR{%`>l_I6OD}FkD?G;~9n8cj7h$Ss;%cUBEz)%;Xnk}RMGJZO}B;xA|;1xEfAvF^D zLj4@G&C#r%gH`Ii?Y9zC=P-l|gQs2L(F(j@@fhMiu`pOlB2pEU7yvzaB^eMgjW%G_ z{Zav~I3x6?zsh8nXBRK9S0pItkvZYBA}9&*T4dA)o52M2dQGpOTVW^(2%q)R1;MNW z4VbEv`*b*4@Mf`BMHj-Lzt$K+u8asa6YK^y4Lc_iw^L4#rHP17H#332AD=rd3U>~} z-#FUpoW@4M^tvD-P!PFOJ9`LNzZFydF{th(!y1UxKM~ot?Xs8aR?O^ioLk9z z$tq%IF{r8xn^D8Mfryy+thMzatTBW(CQ`#=2&E)wb?_>yt=HB?_|NxGI1}8BoTeEs z4>!S)4DigI&a;-3u#1~}P;IrPl$M*>%*jM@9hIf8a4rW7M= z2FG!R5JY+3b4;Pn@$K8?^YI*J(=F$C9JQ2u)+Q>?XWjPn%U{0z{CRI zd*nYZHx)u^LlBLD@bm^e)l&A1AQ!|Mh{&kp`EihW%t2#drjP?OOAv{gw*(=F`NHbJ zw1U6WAoWod3v`rKfER`3AHb@p^k)a@j9=N_O4{SfreM4qh=m*vIrgZP_OOVvH6I6- zz>w*uO9Hi*N^tU6R=QS1$GH9@1`GY8?d(L{+eB~foHOsKJ?r!RgkBJr0v*FX9o95= zdi&+t&PMKt@h+DvL=ptGtTra(B^uP`1mGcIJ;dnl4-cmbz z$PvHN&*k*Mmc=4A=NGe?N<2OeC~<8XOxW1cUjUNe+$ZQh8G#7_Vqu#uf$7!Q?Pm38 zHt@pmb~J2~NEINnlmY-Y{ZD zlwq$U<^($X6*Fh&qk`moy|dTOmQq-D&lG#@=h2YM37z*s_?(a@n@YkZ>TT4sjcLp2 zHKwfA0!=A~ptW|~4-0c60;;4zvBRjU6SX!_qWtrZkMr5KJ+BDSeH&vwKc6D}{V(5A zjyO7U$$d;@jHD8K?SKi~e6)V~wu>UGj&YHJ#paUdm?#f-_j)uW-sO^?pU>;JeT?B| z;1dv%6QbHMO)A2v1PN^Bm+ys@Ij}}?rs<|hLk`<5AJ00?j%S07)y8DNA+)3*L@T-6 z-SRchF=JLJpz5Qhf`&)5+s(u%xOz=OdB@4jXJPS&u-QY_0`+8 z)Mp!gYQP-t*n*%@lpr5}e}t%L&Vml4ox`2ZN8N8_>7bR{(aw8g=F#Tk=b=#%>;q}U z@mc%X$*Dd21ZT2fJf34E0?j_#Ili)(-R&inChKO?Vp5`|57ZE_Hls}pf9mD2(fyXU zYnC8p2Cf)Q3vMnk#L&Q~JsI6>MWwBw zdP(ZBfT;NNR3aq)`%#06~k{(23plO?!I7ha^mIsa|Aj8G2wsE1q^xwD+)V>uSoQD@S>y1iI`Ph7{NE zyz*IVA3L()=7a|3x^HJ~Za$`^6d%v?$M?56?Qx#Mf(dwxwd}SwL}iR2B0=!Xol|UPrF|&$bdzm)LNk#gYmwn^K_%Jc`-rXsv_C8egIL{bYxPAy4VyI`u z(k~)yjN01ux=ov9OJmOGdDh-9mmE_>JgY|SeY}4@wo7)V>E7q4XD6aDXDac0R#hZ4 z8^72?3~Vt+{9X0g+&re(+rZe-YWElGWPQSmb9|f{1lJ!dNvgvFDJdK97lyrwzauN79u3HBFO)E zRxFmIk5>Eh^W1M6Y|tpX0X30Q>}||}@GwUhz_Ll0tx9i{rTapHr@Nbn5D);`hiy4Q z)$2qml2W`MXN=)-)XOEGwTGa!b$5y}>{|ieHl}_5erv7A6nQl!>V7M%(tva#x#GpD zVAX+OT~vkGZB=p2SGk+bNvq#c+&$&E$~TC5MU7XeM`I?Wj=KB#s3EBcKR%uzu4~?E zCtjv8U-SXF`}6Y{eU?jx0<#^>-M34@PColYI|$Ko{s~!rA@oP-!E@F0QHYQ?{f^eGSU_i=6nD7MC#7yQzNrb zxh5wvq7{I|tWnRSZMX9CZ=W{j9vy}R$Vc6LyO#6Oo}U%rKd1twWvUiUIv0m2KK=U3e%>3D26>N!NHH@v zNX|$E7E&H{&c2+K$Gy2bhJevVucMzGLi}-#a?KECfD|ozB44UYsFiSnVFJS)=28Pynjr^r za){}bmncGEz+hx-_&>ByGKcjxfK9|4B(NJn1cl`IUJb!?;H%-dVBuUMqyeK&2=k85 zwjzCmRoJF)m+VeZDCI563t;Bgix~#6In8XXvR%AM}fWyfI&4dGpJ((u;WkJBvA%Heta%(7;wGzY$5`4AX4uT8A(i|kL7Q6%3A`) zzup(bqO0!=3NdV4V8#|d5EYm`hVMBhXvJ61#d>uv6}B);&vO_tqd-?)DVbj;^_Q=2 zfoNFsTkS9;=xa$>_4Z3)|0<)zTlM7*b$j^@a$xM$!&a0tGm+~ml3UhuU8UDT?k|E} zaJ*yUntcLDwq+1zcSq3>bY-gr$Q`j)Wh*6r$ zqCNT5xd|%{F~^`desQ622I_zOw|~hw;UR2epoJ!;(E1R8I9s02GlX!zKew%@O3Lv( z+hyOT+Zc1-%UN5_`8>}UBSvI*ax-*kfihFo5W?-cw>CsI=X8HOUg<*yu)O!NZyBPF z^^Fp}-7bC1tz>+hXKN{ht)#P7ret`Gx4h9gxF~SUQfT}>@lVkkz=SSHJ z)?whskTaze#~3LmcUx@HG$w}xh>2At1|{<6dDhlg7>Qaj1`?h&TN}W_=bS0WkOC@% zH3U%})AAOP_OsUL9B>4q2QEZa)q3>D`;l@~)j8(zSz*wGbU{>XPCOU@nBhbLmJ@Qo zn`Wu}naMrv389mC&jA<2)5u@{2$MVfqrf}ib02NJV`NnZ`gSWe;LP%JE7(j%n;{2Q zM*cAnBN9$~%zNB_Y`u0Y_r}Z}4(HLnJ_KJifH}iJ1vSm=rESyTL z&-(43-k1pC11y3=3brj~!X6T{ehKwPGa#V6%7Dqx(_BYLI+}^_@p*!54MAcKDMtj} zlTfeS)~QPK#be^*Cii+Yu$iDW^PVsXo@lAq$;X%w$4Nv0^CyqQq>(H%5$!| zR%V_{6(GVq-9@GLK}0EqHYYet$o518+8!v5a4VWSib{GP?i6#lyzRvF@%v}FWE|oP zxpdN?V|D97O}rcwU{_(`RWwQhBoOXxU=kt-fnHYNR1&$9^XwyU31*Vp_sjG1a9Z69 za~Mj6u}inwdmWdz4bICYMj%fm0e2wckm4Kz_j4{$MbG1mL76y)P-`V82s?q)#8)Ua ze0a~t`R&{F?c43=&ksbl|N76rynVmkzFo?tXi(hGPCn{DNBErP)1XjV@eDyxiHLFk z@&24+#vFY*#0)V8jX^|y{N+2WBOiZ!LO=PuA0nJee14v(q}wn1>{j*!*JiJs$l-^H zTOi@%QJpAXA}NnC$C&MGAAf&rZ-s+izi;)?Qi-_QkPRST3mQBOe8BrSs_JlAa$`Ud4!CFm1VJz_hX+d6Fa{ zEAUzzs-w-Nk7AyEV(7no-+CRGgm5pFJ+VmHMD642l0ns$uHUIg)Kl2vP zd&_&q?V+#xu%DyXG5f5~1#OHzj*n{V1{Mu^ezw_{toiz5)2QdYx%;=@uJ9LWRAMUE zj6$e6eANyHg+lY|jg%o6EMJ$0eGPNPF#!cR9vlkBx3C*GrR#qd8 zK4IDx6(m|B)qV~mFr~akZ9pUj``s{&jCf^z`HAsQ%u3Gf9J3pQ_-2mYNqqCz19J)W zZ2Ypc_H&dy^>cN;nvn)IC+rD8#Bu)M_oIbo`O?gQJ;|%Yu-tMiswyF?M#)#CO0S`lR!GlF7tIU@Euqv$h+ZoVGc&Q1rySR^L@U+m zb9Zt3ZQ91&l!AEVEuWmw$B`so&kMFiXsJ0ad0IK);Y;~Fms z^r?#WHZ(}Ded*G9JumJgU-?V!5ZgnjtpDS`|66bUan>;=5;o_Ytq*!x;+T0a+00|q z$MgKB-+p}F4`@cG`R%gLX(i|0yQs`La?ZUE>`yTPI|+Ss1Zji51M`IsQAL1wVP{Gy zJ|2gN1dxE!RCP`xrWnGn-@iT2db{p@jA?cpRYX#Z+gAFRDwe6cS|I=&QureNGzIH6r-c%5 zXG|n53KNq=Nm~phj5b+uvS`{uc`NnVLJsxWG%a)i0Yak=8%}N-l$FVm`N*OY6Lh_# zF@Eje%vA90F_lYhXaD^30p}=$B?PrmkjMK$PS}LYmdxz>wu8wXeZYD2;?rcEtwA9W ze|{b*C!~XqHo}T;5@a2U@OiJPg!9qpWmgJOkIxegSpXDY8hVd8Y6#4P6p{1u+^@x^ z!Q~0S;AP`u8xv++;3(uogmW;=G5a|*teHbqLJZ_?!}69yCFeMYwWF6y#%mR^KiihE zA;X4{QV?NspM3^Zr^USe`j>B_az5+zZGU_o0P5U)jFBQ>D2^d$&{`WW`d(B8p8Ne$ zz@Io#jEmyabu!NNq7WH#N>Fl#uxFa1D`47^UClY2DXe-Eloz-LT}vrBr2nbJ{Z@LP z+qH~7_ggV@aAHo>jz)`$HSBD?_Ik9-+g|nzLj|nfHtc+yA?kt{YZul1ZHMRuh4yfU zEO)qBOaW~hB78jR7*;NMzm~iw7_ymZ^l`au%v|;&LNSGy6BD)C-5gvc-pcOIh#((! zp4H8R>YS5ly;0!W`dY5ev(>YO5L)ZKkNr|w?IOHwDMbDFdGEEcNNWQowXcLOH-}ii zpDT_QV+S+aoM}tP{U9fpg2osrN9YG~iO>5HQvedy&dS2MBoStodNfteTb^^8dEO$q z=RN)W+b6ud&-e5AJhwOWZ%kk=7@>~$nzooqI3N9TE7+f73ia7z(&gWXssTAU%*?5T zSYod;Mt%R=J(UQ!SD1U9BK-LIoMRr33K89TuQsinD}ZIBz?|9E0jL=jax`e?J&(a!;CS$(v8$+OS%QAeAz>O8 zK)$Dc`|WDx=t9YtT%Qe(XRni)(5b9J-M)n23`vYl*H_`|S2QycYcPe(xl9rM3T}r^ zEUsX;HJ67JL?~d6C%5?ucrjbUG?4@i5h4aIdlV6Pi(^{xGC)|#ot1$!gZP?bp7)mb z2%E>KmFEjUu%*yIxW_GbySpp11AYhk+ z;Q!MgzyPuUc4qph$~fH2^m-4(rykuzi&Rx+M7W2W>U-Zw6%V{Q(ie?Lb%TiOzQjO|*QF=ifpKHd%yX>BNS zw?!uOzt8BD(MNAHBz?LJ$X64v>L363OUmi-IJc6{+ENVe-daagoCXP^A!r|?^^sC+ zy`!6U&Y4p>ubOk3bKdWJYe3m^Zyg`G^Q>FR*HvHc_ue{w*^r*s)=JK9e$@uA#~4F{ z<`h#5we=8m%t=f!=g(wGfdQe|h`(ylPXC-bW0<$yM~KEvEz{r;0Mu zG=td@rx-Sq)8?`pn%CNL&T~$*Mu!+v3|L*r7gJVpn$z%jrxd2yek-M< znc+_pry-y&N_LRGgY10hZJLlPA(q%B%(ijsdDxgi#)g>zELv3};KJ%V>pQFw> zt?U`R#~9PhxBKR+V{evwKHe@?EFN^cpG$GL$PEH5fSHn6$Q<4jTE(|$=AwR$$KN0B zgw|UoLOR>%Q)BSuvgeQ@xL2P>%n}5qy0k@N(xf4&Chb=bS^G8eOJd>jlA&z7K5MzB z*#@=?7U^}6QLkNe#r@W^x1(#+UdM9zO!MXBtGsoS92WwRRK&^0W3F8?pwyTF)`m+Rvjpd5GaWYAPvjNmcHzd%fDe z7qAT_M?}b{6wkAMd>p;clp~SX)?*HMC~)KTIaS10v4-O8!y?yOPcew_Fkb*axeA+m zN^1~DiWjqdiDR)x8;IgL=bYDB(-x5~^(C(LWtO0j!l+}kVZ$(FkS&i5WOW*}osET^ zsJA}4%{~?-GA7Zp^nN-Kp)h+%z5A?J_h+2qb}vqj;x;1QZdqfvzi#$S(_1#!`*Dk`hZ`=8KsYXmCv8&a^$P*-?q`_cFXyeSor;~pV!Bw zQAalsV&%Li`1$s41#^{6AJ3>XBDx+u-x4$!8WkO-(0XYK#C*J8`}cBv*2iyGzGrv$ zNweF8YoC^6qSqdC$oJIF(axq(+tD#=LUdP;200?HtS5Ew1giMR0Vn?W+k=@>iI1O0 z%mKE6?Vgz_m2iHxn6%uJsD`NdmO_-z-;S7L%=-BKn8QNSn8WpG?da_sd5fc4JNxK! z|F)rMmYG9RG~D@0f%AMzDMtl|Nem#ypJ1myVNT-JO36#a=%WvP##Sl_7FsPgX!YWy z=x_<55qcp;^eQ>cIpdP}lPH_7Xk%jPb*$h{;g7$a`?uWA?kiVRR{WY%2r`;MdM?av zew{rgxP1u&D5f+Uj&DuQgyD`DK4bjl(M*$uAR)+Vq%og!A|MrDC95zq>LB29f$-HF z7nA|3{sO~+E<*#$YHx@N&2YQAh(NDMPSBYXFT(?V{fnU@7m=@?CA>51mz$Iq^Uq5seDtb6DO}J(elxc)wzfvrlANB6twJen@sId)i;i+uuH*SSBYDwxt&$Q5j?Ezx>M| zuG$cI6jaUps!dhVSG8|>%el6$=;C2v;j1?qbcAmBO(c8FcMXdE0 zW8aFI?_23(#2ES*wGSdB{zlXZ#}tG)hA`*MISC79{XT}OsL0F94a!|m`OLhPd|nke zG&2dy%ga56h!B7jBN2Uk9%IguGc#YcetWsUe|+W?(I*gsmXiPJ4}bXk?{9NXxSxOj z{T=IpsO&jObq_-b?NJ>uSo^fuXTobdVna^&3xCRbrC^eNO>TE-TuG-)zA*n+R^AqefDdhyo{h!S$j(WvOD`M_wx98q!OXs*BG#b*tFyAYF95? ziYd%)*P|kBMMZG^q!irz@o_S7D(RUGPjgIvCe5Mx8cpV-4rVU5Y;(H%2;MkQJ<)z8lZ=pEu;VvHXjCk`@LkaLb^ zUeVd)j@sa*vE>CaO|ymiJEgQZWpfA1Y;KAkKoJstydUt`04D}WiQ`@b(5%NCBPgIb zp9ejOaBtn+_tz~%jVX>{F$Vlb+SNt4?77?v>OW%&?P|ySRrW+g!mL5k7Fjvvm~tRt zUD91<=9r=e?RAV{00N-*gD?ilmN~p0wY4$F1kOqb;#e7}JcluwAc;yzDTep=qvW`6 zrT3B0>#}8YQ(f^yvyWDL*>g-GrqJrJIW+`i&x!DV|G)mdx3S$yh>A)Yn9NcR=jUnD z?%!|Et<`b=UFYTIy^Z7JJU-7KfBN?Q58vK?|2#gfT3bC^DzVkR-81+!Gkf`QBcfD- zs6arU_Y_NPSC3iCJ>{1K^bT@fCaRA%8%lyC1Zj1|q;N&Ekc3q$j?(nJC+mg^TVj6y z%jfxCMI`3X+xY6~+`g6TsF0mF5#oUIJwrqRBy~B9%2FSF)H&OXC7OHQ;`wOhmRX31&$o-1H0XBAs9yHz=Vwb9tfs6E-8Rq1 z1w109n70&j7~Pm@dnqw0t6ZNomB=b@|NgPR77coP-O4SMTRJ}~Fz-}i*^{XBb70fJ zzzxMn2oiJL?s@b%&4d|j06o=upz`8Vj{$?tI>S}w^pqp)_0Tl0WV7Y4e0nq)wUUIn zFy`oJ6&SN!BSf)@_$k&1Vv|x1^ZA)yK|tmZ`{8QSC{X?^g|xX1GouOrTTmiG$`F93 zvPVE;AxUdUrlL7q0-}vb!iuZ`T1>o#Ey%TPdfsEqA)>oCg*oPRbO@rL!quS8luD2w z*deh5wrda(?sU8su-qDzdG)uL0nmkl#nTpPiN#r##$`zsABTs~!o3YFQ~K2z{M57v^PFbG1P75LQDY+14jUt8OXjsz!kJ?OMrR9A$rkD4 z=4lJ6vcF^r(ysyI922K4*)TJM(=V5_-SV9F^5gdQw+|=ZZsq4+-^-rA|LFx3F?Jr5 z;>~W%q<{LSANX+OlIFD5ddUf!&~0CBzN^taB`^zDt*R=*zr4QuzyJQ%oa3DHzHc!G z6{)qEn?HNqz=H&p&&MImD7J?P$H`MlLAAC9;4sF}dQUOH&_KldR-9-ro4LmrZ`;;- zKhIiQ-%2vKtM$F)CD0fCJWgVEhjNQPk23@bs=~CFf;D3+rT6itUw@p})q4N={+V<9 z?f3V6-&*Sk@pPgP0x{Rt@B4Pu8e?#BxWOPPh%pGuoG8$yF$S80nPrS2s%9q4wYB?g z$927JWsH$?0#py53K8`&VhFf#=bYP~uG-J5zP}&lejJyo9LH6!4(*~XvW%wL?X|?D zB&^R6o~3PA9f5?(g*m)mV`&7DT;2v8nMBmM%oe>NjHiyK&Bj0Kz0E!ZLeD_kwwn;i=05KVM<2l@$5GH zd=@&w^+izg2s4gjkizC3Ll^@(e*K!TM<2b<{beU|wAElbMqGEk6^-g<62mH_%Ma*O>_~v?nAa%}$`#o)Kz(5CLJcs^-`?j}PC^KJzi%HO2dFAy+U}+78MSvI zXsb`lHDElVoa1@67z31t$S!>Q`LW-MlTVv{jMfG-VSf%muG&kEeM~1}Xmi7or8@bX z1_uI?45lsnjhW*DgHj06yD`m~t`o?DKHksmUZAkVB{9crX9tRg@cvw)P1|l6_T{`q zu&(uNIVw62s%kuj{*jv|=eMhMD8 z<}_M|z*U2UsB=t|bp%x=7AA!C!>^oEa`)akR8^zT*2n+$U;mf?_|Jdbwp81IZi|E-sf^)x(y3KdL4KV^PYR{?tXq;ENs(muiJJn`|HNSt@hjZt(4^CtUQK& z{O!Tasf6oMkKfPHCW)Ls&(UYuQ@Q7HO%W}(Y?Iun9+ikyg_uK-c6Ao1XLF}Hm%yVP z9d#U^za8TmAqPBJu|xoJ*k0zCX$xll`iH%pV8IA$2{NW@xKOb&o!;6!3( zjcR6$E|e9ryyEyqn<1-Be6@wLV?8FOnAOHQ>wJkR$fox;H42C+L{-%#isZrUDGS1aYF-rbZPZ=u&`` zf!|JhT=a;nS2X+Vb!bv%G9w^pXhQtjrE$doDq2=i71$%8U7W*tb&dH~8jVjcFB$iv ztm-aD(H04!RDK?$fXo5InYro{ z1t3{KFipPdBbSdE%M4Vq5LhCP z7Nb81?Jp|hi#TnImssQ>(duXi~bY68mu5-5DZO%StAH&>I zN--)iqua9N^ta#MQViHP#u!o6iN1e(0h4fE*X_3d^6llUHRpVs*Ku6?zQHJrvOPFl z$tkGR)>4d%I3xTzHD~}=AgccK6~W~aLl|a3N6QU&?n=Iv~A*l4rt+1*E* zqYWI0^h`qJrRgMh3Mqi|T?!^yqkmZFJ`+)|{dO;9%PA^51yxKc%$!R?$2u@<>}l84 zSR~~bQ>a&4acuHrcFcPpA8%*bQZA9)k4KF$q!eP%IU!TGTw>W%-cm|YRIr@5n}|Ff zS1D=L7ZTC4bAy(OAkrKfg?m_t;b7IWlh&*kxP!Y3n4?HcXs`|Gy9Y;G{&3?$d1!e6`JN=otZb^?&wN+#T?hJ#B)IHl0~ z=)G@y{`|cD_y798n)|=~<@bHdX7={+>Ev6=<^>t@tihY<~*oOV^nkj9uq z^v8ex(XN(CB<9{aQYl93=i|B_7qO2vp`){5A?f*fq5Gn@ah;9XQCx`ke~uBi<)i`+ z@OV3A`D1Ag)1>ui%(Q7z~-i7CuJug4WaAg2AbJl;+g z!N5c-E1m1vUw*kgem~v({$m%FkKc}RPkE03Vp+(|B(Nx7M=yIk-Yz1JS%3c9hp1?j z?N*qv?3oBZex7dBu71AP?X_T0zdjpKhJKCu+1sOo&?BQo~XXt<$l z#~1!7bTRm{A%tP($sf7Ay zkGJ#X#|}M7h&tQSUXM0=?PX8MZ-FX3=15MEVF1_bb@((J6R!d#Su2GwhH}diq_-J! zTw;sR^#7@Za#znK{W1_Fl z2MHk{2!HKr>;D)gTWB54Ty!ZWMqkQ9ByQnnYgY$m0bpwpFG0VQNc?Qq!k>Sx2jr{0 z*k+%s9D?$yeQ-)`kPDmj%s-@orDRubjo^PFS8{IWmZPkbzU8})1{ zM}d+{xYaHyF-K<7U;gk7gDGB2&dJSw{r-Ahm7H>p*oR`!t2T2-_TPEcltOF6%wBK% zG`nger&3Z33K@*Me}8>B&dc0HbSt^FE>I!QIZ)?m9%FPTa|*g*n_>v6i{IIDj&Vg2 z5&3Q3YHK3W##p_%%yUlB0Ppgcv-k1K>q~8onIT?Ud^dB>317VTvE@9c)!z4gdwc&x z00piVthu~m6L?`5W?0wEU5IP%(`?oKx`UuFvp@gw*WcgXZ`)Q|L-kl|J*cW`3UQ2i z+qd()5SBvBstW30jInL`{o|9E&1Oz9m8dcN`1K{1q=fI!8KfeF@n~1QGoA=gP zq+R{?eP@x;hE2nrQD8Y$6_wdW+B1~&xIZ*#zdBf52~QR;uRz?m#k?m(_S&$tCt#u> z2X>Mm{p>JukvqaPp!F1Vc|e)H8im)W6iXzh`sn1;k1j#-mf+OXq*&6>dV`0Sm}3dx z>CzUVn;LCEbC1LlWa~2X`B?!-xVx(Ed+u$#yzY<3d3;`r{byN3Dq`c^KYl)9ie|p_ zKi&G-Vu@gi5fso{PbH$J1R6mAP8t*iANxyzB8ZtrGgUz*peTsI=NOO3ble9pS1>biAEo7&G;&$EYcV>rsWs%(pE8 z#OY(=)SFM05uPscUJ3*`A%(c4gY*8fL%oBb>zHGV zYVI$u`xx^&Ys#_JzV8`DyzUf}qJf*7oK~Nrs$6GFDNHm35y4|qD_RT0@LUstt0AV| zXWlcb%wgM05tTU&DE0Ai`gC_=mU1sSM^TAM+tqvP5GsTaLJBcOX2w{C(pmq?mNtL; z>w7&rk@q%32pYoiahmz;V}B{J#L*4tV{d&`I6ZIQdNxsTCZ?(>#}Gw>_S$bRo0;d5 zaH~B&u2IL!>&@X1eO`Kaxve)Kd8+#D_4a@NKmQh0{@cI)t+r0&tqrWTr6e=I&f43^ zB?$|;-);!KTi@O_v536C@33o z@_dW?YmpV_XZ;+^+|CiR0$pooAH(LbFVOw{FOOaave%e+ohpu63AR4lF<_oyS^?9D zt?XCVsM~A794{*SOCh5WboMo=oS)4mp&1~=0Ljf)_&0PHtDY}~dUPj>C8iR4n*a`> zoPNBWnnKJ&0-rGY>i3 zzipx-!ugiQn2f}yu>7pEPb?c>7=#4Tz#^kX~htS93VyyQD-+O z)IkW~WMjc?2%t>>`9sr>08KZ~U?RfB5{QEkj; zlcpf*keOpzh6KDYQlOq^MRMDAb<|)O;agI52jKbW;5aH4181p!VvLASYQ4n}i1@6vh4UwIk^YQ0D z{J3hv{`&bih&hHZ=44{fcEohsN*^<&NW^{gzy1D`81TS!0tC30+CF9s0Us1BGt87y zoMthE@84eDKOY!pV+^)zMKtCNA?#ZLatT(1n8HfjlioWqnOV-ck3sG+gpZGhun?2Y zNoXi^7hz-n<;QD?T5d&D_FDl7l72 zlBkS2B#4cf_H5Ha4nB>Ak*udFgdE{?oP7YmSQvj;+7dT!kET)M7TafwTg17E=eB)T z;M7FSBBRZ`CnWP|3gk5E%(sL?A0hf8ay=R>zt*QSxl`JcO^Z1alTVi@Zl3ov>R{zj z=jtLcI^Iua0q~D-DiPlHd>-|9)DTcH>(ge+(TUpC@pp;&<(E5j`Pbu`!!!n8k^^d2 zizy(#MezW?6pbqlAm)fCYe5>S_2{zj81m_ct0<@q%X?ZfSzz$bBd;C}(F91R9({xq zwwHofgR&=cZ)X?Ok)#mPI+WYhamR=X%A0cvqm7mMleG6a#tc!Rj!h}{KJasbZU=MhFo`C)S`tLutJtJj8gnJvc_K>vJ&P+&}6XqpinKPyU zvnk|Qs30(N6-gQc-#R!^`$sSS0UBpDn+m4Me5_ zD5_`03X$RP1_N`;6Zw*=IMZVa8g##B;BX(mfBJM{YG;4>e(!Byqh{t1gGSXSVg$|& zr;r($5pd9U^|BWco@0*MuSa$BIVOtV=a@074Zq(v7Pf9NhOHE6mSRwP_MP>yU>X%Z zuKIucpZ~43@%H{WueR?6`k#-F2lU)Ag?%sQag~zsN`X$T(gUJD{mZZ4etCKS{R8gv zN#=J(a3 zf@ilUEAMa)5?x0}s>TYYH1Fpi^W*1*hov4J5^$J#L}d&cZ8)(8HF)A7GgN^taZWow zE9$yJ)^C5j<8!;+Q@$l4>Q~QuoNcyqV6@VJ7G9ohrV>XRAmz@Fx*RMJ@YwppKs(R( z8gn4#RMM!OY-wrWKar>*>Ft*t7El^u#F&ebn%tR% zoHR&>s4{Bald7~jfRZ9|hlul@Aj`(uIXXl*(T3GW3sL$tMxW)L`!z5}V)`%l!Whu6 z0puIf|Mj~vm#{iY5sZ^df};mmLvI5dSG&3sT}MS2F~~Q7z7TaNS1F(Q~y^ z4Ra!-OGDyM&rok7GWUrZT45sh>8R@>Ck^cG8s++EAxeAJ8<+bcH#F&N%k7r;g<(k$ z3HrQt1s9nFNhN$q2PKFsMs!_S_{XP1fbpqAb{|mowFE|06|>dAm2wajs8Wesqu>;x z)te239VTHC5r<82nuY+}3RKUE4q9FX1o(VOTe%&bm{bISg#<pWp`}4?CWfeGb{EEygG~bm zGB0;B6H#wd!;)#q(^N^s?dq6t+&x1j`z+AFA4Vz_!LIEvk^7TjSS8A^ugJ4%fR{~z zFur5xcQ@dbA%%VoQJHDDLPmTkspRz6zyDNKcViJmUWTAoZLRg|s%ER8 z1i8^F(#QDa`|Iy-A2_>(<#Ap=zJF`IrxbHaF=$0!eNJbsF@~V}_WAhn{dJ7t=H@oW z6yX>`A474nw0^(sNCZOL5VXQX>_i`*2RVJEFQ*X49Q2fY>J#8(7IHspMaI_}TZv-~ z_?@|XTacvZoKg(TQfs4CQcO&YWps|g%+qYn;RLw?k2&Bp7<1lV_CDsfANRM9N6KlM zk1^}j&qsazc2m{+%Wmea_EaJkP&bb$++O$dsCeX3j_#CF`22YQktJs{?^o}&=Phol zy@jqvb@IpCX~XWn-bNe8&%>snYKmn=m5a*xe!6?i$(>S(OVA0eLXdVf9DL{dg`8<- zMuEWSmiAaJ}TBfMvcWYfHh>bmCR!O?6BS=;u`X3AmY#+wzHR)(#~eX zkfNYLA`F`56Tw?Ta3BC-Sj_1F{U^JI~<<)@xCko#zZi2Jjbdk(8-gZp{Al~#K!!OY zT7KoxW=Ih0uefW_AfpaM);JFI#nw_iyQ<(W#N{Bu<(6?{h1d$q5?jF ziV=jq4I6#5tM}S}`Sngjv(Hj8(`q-vS8lC?I;*uq#IGv{-4Qczo(+lqbJ(^QXh>i; za`)axih-N}?Z>E#Tt!`S>ga>q2PTy5%ucMyL%{0iz@5gB4^XEfVYqF3bwd=D&jEjWFl)~|OwX3HTV+d|8D{R2OBG^&VqAFt;5xv~^ zQW6p6oLV2K1TH0|luAye?gq#TdW3uB)K1y{4* z3o*5;k<;hffj~@f*2|}4KH6aAkU}bvh4*jU{g-`CbE23OY5mA7VkS|YZj2)BX(5V6 z2|;?FqfI6bLC^OZOCaZ^HUaZKQ0cJhBXs4xuzqQ9omlwq|KIQI^!=Y-M;rV1?fai! z@L5G@0Z7Qv4bIMxH0^P_=d{IkbX>6?zddX^%mBTP_GqtveA&O1`;YzQ$1UX0u7Q@o zISj2GqmGZiJkl0d{0I>VxtTLT_=g-1UE_$zvp8uFo(qwu15u+j!Vj>*_^tN z`xW^LPY6TO!AtW)NVjCv=ByusmIrpJgKXOQQQJ8rVjyOBn%$V70*Y?V=+pHjdHYg? zOBB|HpszeJW>`x@)OvJ{O3eQ#LkNPQav4u$nRoGzm?N3UrXzVa1W^$dR#~SjU}+re z&!$_kIU!reO^9?<&_41kw~~d{DKXEEh)guKnK0M0x1*sAz*qdnoPDyBs`NH|3E5W+ znz>_z!-Tquht2S<3AP7=jr-X>2WV9o1Qhms$kp)dW32)=qCxRI&Teag^p#<_u8B4f z_`}S;ZgLh8Leh~h5e*`D#=_JI({q50lZePyd6P2eRz}e>-g8B+k(qhf6JUNs;)B%p z*Q5UWFW(?oAfmj-kKYdx+HR#@?fk5G>WO)O&FvZp^q+>DE;9F+BZN=-Jo?6Alm_y>!M5UM@Mfw#FPy*?Y<3*}yX+NcAp zB6LB>`4VM&;7=0y#lW?VjgXh8!_Kri#x>_;A6q1TaP~by#LsH9fTfVB8(bq zGe289d){JYi)76r$W9>y)Iw9LdOj-7 zL=lW}Bc(XT{L8=n{_WdsyOrZ{#iZ^Yg614!3=ON46ESO0gacyZGIU@Q&1pe(nltm` zamA!~gb|wlWtFSF_c3!x-+q0GIbO9pd8<97;O-%W-iELU%l5KiSjl@HW2BOL>mjN@ z=`<~-mCJ_o*nUCTU&9ilqVRPA&!CmDoQyt3A9K#$My~@m8Q?dVC_qsnWC@1}MkO;N zqu%-)HXF1zfkB&TvqAqQseb%JN>=Ri1E zNE)N|J`ET%u6Fa!-;VvB^F5#M>${I`uqn@B!jiUx=`BXZAAqa^u&BFB;PDgyAjejO zg@uet$&a5`j9RwBD{=#w4T8!A5Q$$C7!I_jXOwy!wvcoWQSaY337qJM0 zJ$O!uSLi-rQVjBiaJxT+H|VPgQa@YV7Qc;&AMd#a(YX4XS&-oacY%VI9Mxh8qdnbm zDk_4<6CVZ)%J`8~#mx}Myk=Tn#a>vMmdZ(Ffg2>PiE+3h}>g|b3RRhC41-~YeYqo0#qD#Y6=AbQ z3J$&tvKHsC*=KL__19a>8d7kgkmJ|@djJ3+07*naRJ7NDmUKwF+$ok-HuwJ9BX5z2 z>eVoiXbh~}YY$P3hDSBzl}OEF$o?R};g zdLOradz{x&_B+K8ke$!MF@}9Bh{Xg{HW&URA!utorDQg-!Q=SLDIMo!?j`4s&&Qwt z_@lKkZT|T7a@DHBkMnZ3)_VwniTa!@vX^{ZHHBa(0~X#(`FtEs{&L@e;^dUBTKBEg z+V8g=zUMjZ<+lIRpZ@S~fB9QZ3D&^)Bm~Bss;VLw9Yh3u0+=nFJjXE2wo*Vi5c9s5 z^SnX`DWx&(8Nx^q-b}MG#=dX8cTr{HF$Mq~&2mWh2 zx&~c*?zHx3X$$$Dq3011>(XG&~i3q0#F)LEf=XCdwgPX+?i8(NC8i8r7!=a{{X*=>%wy%t)*!1g7LT`t3C*?X@e#x;WXHi>+i6LU(j zkM;h@Gry0B04VgQG5zs4%a&X12|WfXt@aQC2;3M$PLWw+3`^!=WM;45c3i!9NS9cX znNX&v=xh$ay~ecjto7>H46n0o+p-9Ya10uQy8H1Q$5RS8@i1G56hjKros{A6!VX}= z5S)b=3V*uXY#JO0?dmorTJGzkjyB2Mr~mfvZgrHF6F&0ZWRYXJ3>#Q-x5P*K6oY4#R948g& zeX(RLQd^HHmXZOO#Td=J_YpLhd2jva&ku~Y|HFU!^ZUo6Y$fG5&2q^hgx*Ik@!K!2 zPW1No_m}TCW^S!-d)e-J_OZZM_xtyKf8E$=^iggFpJbw?%6R+B`~8?q{`(vD`TUYbA2BH=Dv*RkyuTJER+a0~SU3i)XA2=<_ik4w#DANQHgk!{ zjlm>wd|a^v;L5(5*Ji&)EQm-KR6&(n5`p_-Xi|hoZnu=S*w68lL(F_nW*$>WdyEC` z48p=`OV?+ceU?3`3fVKF$LY6!{aJ3g*RD~aQ3OWb>$GXxOPSsJH9`pW?6;Q!T5x|X`!-p`tJ>E{$RX1DD9+Rqa zDoKQ$kaJ+j4_MMTWevyy2S`fL&Cg*WE=t^BTu$-?Zf#Kz9XULVR$X@rNl+vlvWBd< zQjhm$)8Sh7XAcxw;X(@5ouA&el}c$#8Q+%(*03Dn%x}kV^H7#&l%P1rqz<|Hq>$8| zLe$>o95dx5r;(>2*v-O9Pa=dVp*4IhC#p70o)Jv`+(lPhggc`j)){0wCN5}}%)DPC zm7uEdtMoP@J(|-{QZ}bynZZSmEgD)ND49o_%<`4*L{HXYjkySvb3%HLA#Nxjl1|_x z23;efHVu-P=bOJGQ0Hp8B(zMfg;qraD)xw%L;6XBD3Emn=TFOm>?`hq3H~2ss9+(U z!+c$2J_o*?ryS>;EDY=nH{Yx!_p`Uo%-cOb6;o2Lo}OuD?#_Ul z|MP$Om&fCLx$h!;zir2PxqGc`FFD2l@(%rxDoRA>RhjtpenU>G2w$zg+;7KuZ8?uQ z0r^8lhF%FG`gXtF_w8T*^7jz6k9pfSsC~=~A|g>W_na~_AsQbT>>Tr#@2~G44-HaV zbD|VuAES+7(^U2C{WHYC!XF=xAKzbE>mleg>jS|QzHNovndoYLD`m@xh^~q+6~4dT z|NU>jx%;=*`<%m_9>)n1x%Cl(*47c62QLJ{4MPkgvZ^p~pCblEVX%?M7_O@l5uobc z$8nscB-oKtidU^6gi>;Cjfhlvaic2GG!qjkwELm=@!Q|uucM|Ew=FNpxLYZSMe5b= zuiNOew*dhl6xEPIiU2sJ)~IT@j`M+@9cVH>KdTL6;aJi?vax-|y{8;L{{DbJespv5>ue%|fS_JGQ~@Y_2w`C=A`(kj zy(hx|kZh^gwEbIw%yEvHN|@aw=x8H83mvb|it#j+2;Cuk!y2U3j)Vjj>TS$1LD8sc z%Hcd~&aqy-j~RlVkE^wjOYA5cRyA`3p{R;5Z+pJZ8iMX6Usuy0IiY@Gu^eMgj5xi| z7=pX2>c_`?5Y9OY;Ax z>TP=@Ig<21GxOJo%&cy5s9DYIX|*e8alrlm-*dPVPFQJ2B)h6IGs4}?&Gg~%EY9)6 zfCG}<)tM3QX3r}Vk;fQ93=&p@J-m%kK2?+a1?G(!owMF-~aq(bDI0@r`>ejru0glm8GVj%lAFigqIyx zES#*Vrq5p=-~QqH@xLCiMi@3Q>W!u;r+z3A*)aT4@R>j^A2SfOMKEGS-rs6_^pFCf zD%(7k7y`!rpIUd{+CLRram?2ik z5Tu_&mcJ1Ov!z6b2!x13V8H}Kj^`)l5OZjc!Aw(Ej897O@o|i%m$wa6t7xSOB%M$U6Cy3);ZO(Als5qWEK%-2gaV+zmD1N{U2=oq}(q3!JZtz!6w9uK=B zSOLj$s!; zq7eVUjR495BP>Qt+^x${`;z8sSLP*ko5RSRCD4mmLcSysL(GQu7>qY_ct1ui30}ng zRs#wgN;n>kS4kGd6!0F!2;(&^{W@m!<%`90$Gwep^%G(G$G>UQ@|N(vnE4mr?aS}C zv{FRQ#O5v{P>ZZ8D`9Xo&>+DpV&=l~;=7!PkXOFMHiVmNeQt0Y!e+*@RNOWVmB!}C zwt{~wydHQ&`vYVIaKJ3mo4Pq}gjFq~#zJPRUu^2c(_3l*B@R{IK#Yg3dW|m<17m~D zm^~+_e(4PS!!dpsAb6Sd__3=E;Z*SM5b!N8dI(4h%@jOdTmwjt(VDAHLFD&o( zN7p5eSDk%~m{7RJW^QJv!oBR96G5qe91V~1n3`e~W+%@no@Wapx66*i8~mC-y}flE zYIeJ9N9%p`73o9dtD%ij43FnY%&ODeYsq7bz1CmfKbYv>|MvUu@1L#rt(FkN<9R|0 zi@8CkfdC;QVF^Jn?lTb)2a%yOhEQ`h^VS;FO|AD*vM`@#gLj9Ba?XHnry1rRBC55h zPV^ryGLo5?a!qB=@4w#xXXKIqg$ncWJc;~r-HvA?_p)VZ^5BQVIi723=SVrtX(=ZO zl1p;(lp<{GF$WfbYB{83)rch?_p@Hg`Dpmuw(F)kw`-j`Q;O}`B&_@#a(7xgE59Om zVf@9r$IRmxQ2R+($&IkeV{mt~R1y>CEuYV}9DBNu@(@I#)V)C1>b`nI z=YTtzeL4U|=x4}?R^JNY7b#oD>uu9vW-#@#=g}2>j+;xARMJ9gfG?Yw8bC)7@%`wK zS7I=Iew?XNnz)x=GSXtejP&4Ty!nLHF({c1K_SW6EOYz0auUzC@ z5@ML61XX3`l2adpnc+5OW?|By&`sg)A39(EA;loS|9;>1LPSt!1z{&jF{HH0(#JCJ znJ^18WJ|~^%O%a}(@bK}sWHcC7E3ZWH;XytE!!}gR`xP=nt3YOrop=cVwZ?Y&DzHt z)6JNu z7)s5@v$1f>>3Ftw_Wim&J`X2)d_3w_%)Hcc9xat*ZgV0La)um_$H~mwt%`7O8bl<@ z@o4=RcWQoFow_6D%ve4TvH|XwS zic_uKyBj^hYa1Anb0#sfrK?*Sj zQ~Uh&8B;(-9b^(^PX^P%mY}x@F+4vH+``Z?W8rZGkzI0sDg+_p)TuL-7^3)k-q_3$ zw}H_XXSms_;=*vl!b~)E{^1HWXXdg;9cJ!0`WBk*w8me|f+B9N-9U}vt6bcUkWCM9 z3CEdvc9SSmJ>|$k#H8mOZH^O>2GoxgU?o8$Vc-@J#i-?h#}vB<3SJj`k)$yDtR7I!&`+^BlFiUV5@vBt{-!lc1XQ|2714BfF6anB7z3KUAbuaxGP!`N#*Pkxh21sUz1^TID z3~Z9IfQ<5fj*x_f!+-wgzig$}9=V$^S8 z0%&bO)TMLQS`bf(1~HwpoNQ@C|9U<;EgfSGT|GsT~jFMAVbz5fY)_RO_ zn(d`X2zx2_;8=yl)j&!e^RcDv*h&NgCP;h|6>0X6)`zx;>${kb@iD6Ng> zdH!Gj^`HNr|L@;YiYOcyI(5#imZ38SVHTYx!YeI!Db@&aqSFkD8X~HtwBC(8g*eSb zB!qx&0r|V)q&Zgt&wv>qu8Mff*3aWykAmCxUv9T=d)@Od|L`5+U1sWS#2~$o5M=ZT zCkN3ou?_B2$;}t>hj(5CdHGGt zwd5_$uFMQ4d#Z^+w7DTPGi}*dvUs%V{n@v-jetwMK!tX1X-mZHMzd?GnT3weGp3Mg zG&OhErsVXM#sCN*@5#-<$V(P&TCTZVGxnd$Pa6_8b4|JATyt;wwZ7{gVPTP&X4hOZ zzNvon%eURW^p51_j?`4-YGX6eF@vmjXPY*fhQPB=(A&(ceU5Xa9FdgDfpu8DmiFi& zg!b&jT(4z`fZbWRAFJOHrwlB8KmaL0*1o@DUJ~cgh6s*eyPbs95v`@mK3`i`n8!-_=V?&Hl3o+zvIq+VZ^#M$0yH&t-99ROAFiNJ} z2>9!j!+F0Am*IO0uf=a726ss@SyA=kxuP z6%#J8#F#=%0pmN4kXV9_2|u5nI{IWLZBydPV8KXn-kX~Rtn1|C9I3A04he!>RBY+T z=Xrdz^WLxDc3F{vqbP~`D&XXBEW?!pMV*`gSIMfWf}QiJ|#1QH3d&* zSbk!e%dzG-7FZbSFJ{7@f|fXqu~tEh2RDfQT|_1^v4~H@$Mtf8})=~Jr zbWFfTkRj2l8({$rDaIUDuBZq!S}VWRJ(ZYBL^wx?qQjn_XRaxP@cH`_c+i}7|8ev_ z&IjtE=2ScH{j0#i+_y^sX%PPLKm8e)keU7T)9v>kpCWR$o>D--Wy$&eIARD$)?;R2 zR)or>_;{X|%l2`9;zBid2wiTMoteL)Igg{I7|-5E*W2}S9E}P2{Q>_zp-?u2TFZI1 z+>#v8;Y?w;kZk+x7A|&r7YfKZ*%G2ou&gsP<{@x-buVC;{6&TLJ`f%{#*~%ZVm>{W ztV5YNq==8gR=2s-y)0#gaJdwS;8RU`OA?ka4tw)BN3JPvDa2I*Z)T$@23#fvas&6$ z9Ezx=sh0Pgx5PovQwW+8msYuCJiakUn7t$jG22V9F~^jb(1l<0Urf==CVHcov`_p< zUvqG-$<5c8U{tAPax&>QgCqNph4j-R=Zr2yQ34QpGseBkGTjV zSa42j=SVrsVRg$kJ&2rbgeY@*I|mvip5iaEz+Z6DgZ z;)FSmfk^V+RCU_)oMTD}TX9N}h(nO6bKA?u$MgI5ODTCY73P%V@och;*MXV(P`tA& zq|@fKkORzW81+()Q|ISzkA4hhLL}(y^CkSS>)ZY^u9>j-^y7Zg%OU40bC7aP`)vy` zAnSe3Y15n>jtJbPF-347Ap|t7!jhrDxtWEToJH8x6V@jdcgi`nXOj?w1?X=nsnil< z(4hcyQjT*@Uv{^!)v~}598s?V9V`Ikt~yI8z4ty8C>Ua=FPB z%zyv&ed;VVI}*F+9DS^dha4C@9>Vj{%{-U*d_R$hy507aQV5~c3_!3Q{rP_I%XdMm z2a2714wJ~p=SKF(9OmZzF`&bKz8~7OKRc4|wa@nGsYXovxkO^FI})5$d7{lZbOKYf zIYSB|34Ug%O2{Z}N!!$6bDEwiLCRX!gX$zE5Q8`v(O`&v@%HG9QYYr^t?H@Tv|bB4 z*|hy_W0Cf3A%x?8p7#cARV>lm;XIBdKHm=_di(k6=Gvw^%`syJx^E!`Z7BU&p*k4O z&PM|SJeuZ`h}Wu(T+jc0(FYdX(6zG zbv*I%MPQRjTf(RaAC?UpO~B^udXqK++*G)Cwe7@F-%7>f?b3H4VsgyC zvOaB%D?&tbML1xsa!C9^$j2O)c{-&p_k~S|HR8)mB7);lzvQWS$nhKD+-T=$uNXkk zIAH3=q3sx#ZySc3yk`&;Q|JBn<8s@sKkq($bk#n;{c>|NdQ}vMB<_BEob_6?Yxqz9 z^baw{)_Y3v^Yd9tZa}=uOG!k09PM`9KRzE{6if*6JX)#6+*RjLy!L*e;#KH;q&pVCI8R= z^?O`Z5hNn}R>`ULE-W#`<81EKhax@?D3`r5^}=GTRyQiJG5p=siKiK(z}h?K1plsc zmXg0-$i*{386P>sU_M*#sifo4>Xua}gio**e11IZR)Po)8U)7YEwM1ks-nRAfcFZU z9&TRq;NW?nDFiN=_)Mj;PgVt}B?opMR4mP^vE{agiG0BPkd;%Me^j z;8YW44lsRg9%95mBd+Jr4ijOYCUL2i@czdv`I2q=Xe+L< z-Mc#>EP{EZB|vO3nrd5O3<-fn0v;-~PYADAF6KErme`-e01`mWS*KALWqs$n9v{9?VZK~9Sao3mYHe9^fmqzWUA~k&>E*$N z95coM?_iLCzCLIYa*82vDH$YHib78J`&mj#DdDaHqJwN7+!-aO(I;v;7=lY6=q%^i z@x8|w%-z@e>8i6{i-e#$5yMYJ+I73sl%w`pwn9Xh(njmJb$NarjiJH&eAB0-o^PQ8y(@^Q2kwP7a0pkGo7 zj0$8CM1?YQYyEcH(c_Nh@_+hIfBE=)q?{y#_aFE7-#)j!?6)1fC<{%UzyIxh4CO#z zkBJ$BLQL^|wC%e6^4FgbRip#7c!0@|Mciz=Z9csponB2kz~PR2Yxll=E2Am#LS&!6 zov=>2S_ty^aRTF)Ajjuf_6&YtoQlO5Enqlr+tGothrk>d3dZ*6X-m1r(Ppm6raeDS z%s}IuED};UKHBzHY&sL`FbPWoW9BgjLM4i*2V8jAH`$QfT6OU7wn9M~4jegMKuy8Kvd2di?;G6*ob3U89yL$+NItz@I zQ!S)0+MGJK>-I8trIaHXiOBhRYM-NP-7_sceTX@RATW2;OVK_@QzF(e`_XSd?^EaT z*#HB%Em=iOp&yFQf%fcq&*RXTWWUuPf4j5Lim(hax*D2L-D8T{r>f-|+tIPGNnllT zGaai`3o{e?fMI(u*jebsoAC;!L5(q7Og_n`j|Srzs~Yn<;_%T)U~MyIai^5S^?OBn ztS@DRi|{xHIp><%qXRQW;G+bY>exd7!65I2h=ip*`u1&G!z&Y!!_Kzuf;40%*6dDW)7@GoTmMPedQTJ+;rWrRV2~6YsT4 zh#4U_LRRO%GAHoLS!IaiV+vTpC5l3jy!sXlA0sR%>&!t7Zb|;?9U~@F!}*Wp1RMx6 zPkrr9M7Qr3qbU=^IhVve~aBu76!4mYot0?BbdIsyzrl8}Q0hQhfYU8014`7eKs zF~ks=DTMIx`5^awD}9Vw%h~$d?b7t(+`k6Mzdr4*5N--qg$TP+ZtwlN54?{n_kcD5!Gh3dZ>9C_ZaQt>>a=;?HzK;fFyc_LZ%eVX!J3<%BvH5s-+y3EA+ad`va>jGti4T&9>{tf#;ZWxl^K zp+Q7Q8WniFgvX(X`*d5P(hw!p3=?N8*f$8iy;!16lNe+{G68bW`RXKsS|FAHfGs3+ z&3Xv(d_P}`Lo+pIIqyA}G|mAHv<^ixA-$R|u%qKzRRGw3N7_O%z8n-WjB~7rQetf* z=Y$9#_*wv}*)&Y;Or%{y2pl+-gi93u1TMk0j#CWvR~`eId!Iz`q@RepX2yEz?+|s^L#XzS!>PD$BD-~ zq)6m>ONI#WATdfvl42|+^)^OVCPG%Vh&Tb&4mc`_DAx>1orv7Mlswgdzvh&J1Ppw) zw@a<%d^YfDF+>FmM+AZb*{Lx`L@Z1*GaF;>du@Gy&iz6<$C!v?;+KCKK&Iit8H0)b z^}qgS7XEMl?SGirc{Iq)ImjGZ_Y$J0D)aKb#}v|*VhU~s`K9)GKHBx$Ubgb~{bqC4 zOU)&l`T0C&S2M4Bar1sO39>BgPVF3D)~|XiNF8|mdcXz~qd*RaLGbwKWls{sC%G*R zfVJSIq#hq z^?cHf0k({Tx7f+OzL(b*(FE+pY9AMI;2)G55C`Q-I9o@o|D$i7CV!-~V>6 z*ZleGBP6U$s8IEGD(L8#VhD^}Ma0fR^o5ZW&!_g83dHfkOmj?}kWA#$>17?}z;k$r zOhluvuToabm*dwD0lrTt!9uQqgQOC+Ytff-m3aZ-KAoJ#sbo}d1%rYc<(f==ssC5e zEW`AV@ThXhAqWWvS@pFz<;cN8AV zbI5_9c7vsU>B^n@sWHluBf6iD?&i2|N{K0km_yxCDoNsN;)QgF$&FSLju|Q`C5QwL zFL_~x+*brM{U0WQX|$C8govTVm->S6m{%Ab@I=^|fXDmmuMmV*1=Cls{)*EvcVR)E zn+Th(9RoIa@PsQw+X%)97Ct`P?N65%Sh>2`=j$dmKTD^ z&2=E)5!dK+r#UC%e;KXG3%FbfX-Gyw6f6-DG-H98wtWe?LqrlPk5i!z0y3*(j;73v z(*{K=uMkoRN!l^yv|J-pj_wrx^2>*IF4d_JC+Z9C4MQh*El z@jNbtmqTS71r%8}8w3gCUx2>u!1?pwrO35FekCfv7`t8Tt?J|afOTx%L-E&Ij z#w?e;{`mO(>D${-O);9SLWJjezTGZJ6p1mQN;<-%FH%whByVQZ?6OxF55C>5LoxRc z{E14=zyAInQ)HrTDB?pL!YYs7LA8^~iR#7gS_Cdt4L>Q8g@0m($&(@!#UQ0+}9HT!65ycXL z6Qr8Ji$Oa(`-~-mGle7+$$a>eNJ{@Vhs5ro3%}LI$^gG79DCj&!gl264A;Ud-eFbx%P?Y&8IO@OmTKKGwtfrm+;9c zrWjKQF^<0KNF_+BX$*yQ^8VW+rYLch2c7p83tAKw21d*AxulK0GWa?)GoV4Shkz)D zxfwJ%QVxLXehH(Y4qq&45O)eO97k(sUoti`2pqwLXjeDyedy5ZbwgDMzpVD|1na7q z^{(w4y^S$ut!dvXG(TtSK#ttpnMNPqzFp3!b6pr zIdI-`>pGgIEgz5O({s)3(J`4Veomxr#ik+EVY`;k-|skuKYu)7zHjH4=6TOQ{lmBI zZA&H9Yjq|wAAO*M9U^QrX*iLsR!cVX21V~QMCb;QIsNvwqmck1KPBf707`|rmCI#M zDgFHO_siu{w~96rVaX+xlCdc{c}dBjrhReWA}fvwkQew9{B$t{G%D29a&744C8plz z=lv05yj=G&^m#uZLi_Vyf7x%Fs($`{C+2B(K8~2=`u!534Al@rKRRyQ_GtTUdw!e} zq-^E5p9?KxfnpF<_C(a4eGZLLrkZxuF+-A=!u|In)u2r!1&Fd@5)nx$^i!YjZM)|E zt=7GWFnCC0&*L$M(6JrE)Hv|<`yNwlXAgPdyX$goihff!M+5F02Ak|^Do|VKsm^wc zudOMSxYXOIAf+W3NI7no{P=MYbE#>LscpV^OChGmk0WpC_&BdWUFNj*7`Y_KBt&E! zJ*H)gYR`WA>6&uFZrslf!1ea?^?dfx)zr$C+d1qNstC^yfCl0v4P94TSc3%+E?-Th zqJ6@Thk#CdbvE?_ZkAP}TlQ?`sYDLc4;@Vr(weq3haI1%L^(cR&4z0GTMcpHCORya zh#`J-?T5DK$Xj~+IARXu{t7{!Hfgk3wiuI$d`Z3u@AXu}aD!McVJ9C9Y zUFOq|&mLCk665*DJcsubMXhrzNEYrLcQ^ICC5Y*v{Ejg&iwz4g%<1Ha0HV5=6^$B# zs_kzDzS~?PGkjA5Lo*Ax5qv>->L6j4Wk;D92SMAu=IPa41t5l5Bm@jCi;V=!_p+S1 z`{=XO43wIQ-4KPjA}?o~NOIfuBFiuqQjU*%6JZG~FE@fA^y!tYxik?enEPC=Jao}0 zcx-&&b53TIixD%0j7U~N++2+7U$a+dHr`+0R`@`cOV~+dy{A|qfX&Yd5Pc=|n=QHq z!@s{~1LSHz_ZU(Tmdm#~r@cO~)gp&(97ru>6~h7CbYHZ9FQxtq7tp4uL}qela$u<; zqT@LTl&dR2h^e1SOn-=-ghw0rMq&zh#qjlMpT}o|K!%vdsgL((D(TmMdq3}uoXWnI z^W{}=PbHe!b}KBLw?_(TiOELcVy#Ms==I*L`yIz>+y6?aK{$5LQqG=XGge=L- z#?X{gPKlWN=&EY&IVU0lT&FsJ{{A*pZQ5SToU;!NFDD|3pmiF)U%>6R>-ERy9rZLN zB@o(fkz9s zRjs+Wo9cw*35?pDM&zaB=W*_Pz3khM_s^UX7z1QQrId!MAi>w&%wvjk+EAV5qYYx} zZPZI?M<-&NR%&MEQuF7>v7v1$$hV)aW6a~(RBgKyL%wp9RMM9i01y3K)TBuWy$#Uo zpuh2!y02jV5Mw`wuNGUv4Ajrj&yHAn?IVP+gt<#LXEDd~-r8pmNQ>)Jf;@j5w_mPU z!TCiytib6QfbrX_P8heyRIArwFSH=7A~R_Bg@i$^wtHi=?XKnA>$SWjkDh9>X{HuS zLcFE`iul86w3=3k+=e}W9BE4|vQ$!$!EPhq5BQ2rJMS&mECKU6^<$V?KeS%zI0nc~ zLzxEC8MCK)@*8EL2X$ z7>F3R9Ww##TkcZk(Pu~^0w$WjYKCG8xujG=J4Zh|q|#;vHAqS^r8ITs6idzcUEtY` zQPBSqf*fbx_u}SbObHx=JdeI_1z>Z`@&0)*bBL01`usR1kOHRj96IOqwgJPIAa&2V z#G#W>$`gg7j4|t_n3I{Mnjn`S=V)igJso0T;Ns-6BJliA|M4es*D(=A|M)y&ircNe z{c_{LPQ+219JI#lbE@^D-JX3kxg#rbDZ}!PTj5rP2M=8;ATPn0$lY7<42l4 z%*2vpU%wQhkPY90wrSImKDmGobqRbv`Z5Eg5Oe(e^-e_lZEHu5Ig*nwKYyI(qoov% zd;9*&jb8#{Hy6YcF#|RNXnH;yIo*Fe>ZRa^#4Z7KIIvr0DK%@KDTVXd&qv!X74p1x zbP4>YzkYM_-~Z>w)Y(sE_WicCW3*>4dnP7r#saajYnvoI=PWgc3`?6lXjo1XBrNQ^&M(5|qTMS_hVYDJ37u6ub^hc_-^yhf} zhpuhno2{3Ep!ZZ_dyJR_%N~?bxTe7aL-G+`H7_9qQ$ykcy_8FfY$e8@Vye-rMut|J z4zE#i0nCd#1;dOh5-}uyUm28gIPcxmVwB6Zg6SeB5n`s8le?eC+L4y)mmJa;=2aMl zEG+Dh0Nt=FV$@z%1Y4P{?$}!hZeX~s@sXm*VKI=lQjb`Kg+hdeSuleUMF0M}$61j1 z2D=~&m5Hwq%=&LsGaKv_UKWk#lka{zKI z?Nb7u_YMpZZzwcZQ;o^B&vx_$P%a|`k2di^p>EvN%btAtdGBk#)tQj@4MDX#5#=pC zK8{pk2;uT=!^$_Ol|AjZ3NKcOlJ|(T?%ou-?z(3;5C8mM{&IgD5VSCnyB*5`>>=>b znPQmJ=A75d7GpflzHfERdD-gyahO>MA?MWk*tR-!mXdJse0)A~PQ?82`EYk6Nc29A zvmtKG3GKq@KMVK!vy^0RFDV#fq{hvJ2N$hFIi=ReR?20oZob#7)4so5`_P;jNU9$K%)E-hcV|`{Q{$j%AoNH7 zYD`+F!22Jx2Lo5-J;#i{giR8+! z!%O>w9eD!QwYIq+H@j^(O*?_1nCT8fRvKv zGzHG0lZd*i&N=7&{CI%YsFzyz0zPfK)Vf!9n{(zZg~%jp#D~pe0*!Vjr_r_498*-a zl;i5?H8Zoimyh2*?>`<>r_O0==c7T}LrgIT$a_Bj_SnByAih(r)VSTs>?R`nTh%uE zsWAs(9!=)7Z(>$Ejt@fMb#18Dr?jxV+WTG;eu-+sc+D%Ko<9e|^~W z^RxBG=*I{_Kn z>4K+j>b%_Qq6mo0Y@9PB*)A1|hCV-V=PzwR9~Ec5$sr?xS5s{ zukP82&STU|J|833IMs4Z4B&iKy)M55=6fjkU*GCVrNKjs;U3q4K*xnymS5G#YVHKS zYpTVZdK(z~FnWn_%n{j|5FHV5E)lFU*edKc=P`Oy9omjTOxvaAlJJCM24!aGewW#A zOoVDc&cwn%f?i4_g8u$x+i)|(ld}}|V+nMToP)pIoP(gI13#6HDKRieY4Z>QIh#58 z@<}6=frw~Tak;&uJTOJLyO|3UJge^X^%vqs@SDQ|jx-bzfhpq42C(J=VU+ZdQ!3G? zbKvn>Az+6CePL>dc7@66%eRd&6&7=HhYA{9t1ws0Vg2ZM9eNw}k|hRa(qXa0vL_KK zmpoBQv*+!SB{DOm5+!gf!OS@>rf%x2m%OUw{`LR-rx-)YY3M{YPVb=9`8>OmPxD$! zjNxp9$V*P|pO3fOMM8Ky&M#)%osgc1_i(R;n75jFRnPJDvfm%ikNX2%h(Nqh$~#`> z+T{>u5fNmJiUfBnC4+I^w~AJ>ZL6xImK=gSjx)wEbe`wfN{%tc6sFB@x7+9aASPAa zYE_+}(&n^%uQ7!C^LYPwe1E(C_`Lu1AAUKG=1!?(X6j=wN-abl&nE!0rPWr&AKA>m zOvX8-7{YP3nse(tzhKw3S&A^rP>mtQlb6SYu`!8?Xr2zbv)hWVx*?`ORolJkIUEh}!YtB{9!tb9iXLAM;?pIC7llgg z(a60&d)hK8$MJg+bBKt_CIrIM%CKL~fmJ3zgy())JfnHw=~DJF+~I>o9Fv6Uzu)D0-!noi3F=N7|?=K*|RL82>EeU5`{a@6R4WKyEBXe|)ykkM?tf7^XU6qf=f%AFw5W zwk9GBLpJT}N`N~*<&bll)B4d7yuDv*YlFxyZ(B;K)O0@kR4XO5vqNDu#yrms8YGuE zy5^kRS34CL+nnNgb|_^_jv=mQ@m%6`NA~WV_IMm~8Z5uZ(aK)TZN-o?qr1nMbec{l zrlIrxabW)exPlNBw-wJSLHaq|Y$^T5M8YY&3hrL7HP>7(MOCpF1B-=G9swrD=eb?W zdIf)BwDwi0HKI?J6Ots=L>%poeSpalKs; zHU)$!#i**NT?bys%X@9Sl3_rThCT)=O>la&K2nOk4-}Pv9qn!W`7ghG|I@eWcKvq2 zh(^MrfsmSz{Pxz%R-A~1pm!u@;PLEKFWXu^Q^ck^)%wwN%y#r&|LwQDWeE(cy2RCs zl=qAZ!hQ@1B1s;94=epM|^#7lg&&L?hT$%Sn*BZ|>)n=bK z2}K0$S`tEgj98JkBe^D3U-#)UhT?u_m;d-vB z6k(KyW=V&JDBCs16wpjUOk+%XbqT=PB`-vOu_8fOSYKW{oM4D*4QqzxFC~%$2}$S` z5VS(f83t}z10gZgO;}(M)(0~W5_G;|67Y>P3x2k#s}<25&D;iv%H|~ZoL?DAYpvrK z(}G)CtM~u_AOJ~3K~%h2<}dHlTGS`KeiF#AF@f|`bBXvCP(UFskr=){chat~f`F@m zI|Xh-tQ=niG9s;F3gevq>ONbO=h;(9sNm?w=xvmJRUb0b`RvS0#BqsnPq;Ib&Gm2tmZ0YR$dtR!i?ANJuGu z-k(^2^owa?akuC5Y<*lWySoE|>V4cU`^Wv!`yir};&C=2E+sSZ_itBha`>=f2rC4KmYW2o_*+Xp4WYIH#h>n-7bCT z7#f3&p(SU??sJMd?Wb?I_xl5ujxlBs3Fto#0kHN-TSMejG@;&09hQGN^|0qoGd`Ina3C(8(nj>(Pop4j||CQ6RqB z(c=Q(YMpn}AHP1+p7I8btdsjVHSZZsnR!p+9NKhFtG7x_KD}P@IwdBx&xR;HpZ+?_ zNRq6OzC{8O{wa=E?NgY?sS;)O$$`t3j?a^sB}m>9e8&CgYXc0>Rbq4|gv7zA+?%Gn zht(R%eB8k*860{Hm zNJyam|L+1p0VGIGPfvGMWo1OTyP3W9>ce>+HPt|&QI(nH;coukUC#L(tG(CO9h7np zasV!SB1*}>z1^7^4y9q1OIyzgG6NBbONdLvmK<-?{dQblRx>+FHHK$_Q02GY;bxAf zxZn5DhmXG127(h(-|Z1M<70S`>3K|?C__{;%$C!Vk5WntON7Z@oZyKC#AZ1~2s5Ao z9eu2q)Z2LabXI8pYCHBk!?TAury$~m86)3Y>)yN3O;t+mDaM=&5ut!^&a<$JoS&e$ zo0B%0h_(qT_!wXHK0@@Z*4BqttPX||^eD3>QN=WB4e*twQ>eMO(lOff!L{6(sBEs?Xx&&uCcYg{yQMYm zw;Y$SUo)s^?PxY_E!F`?Rsra?7o4{i7k_MpnCnqlg@r_9zvg<>>(5(QJT?+QVTKe& zHxXfD=QYC<c>agZ_q}1p+7Rui%ZrPvoQfuxrCsgqi&V#WS}|bAmyP$r?UT7hNk&y`rTT z)moZ!Q}Z(;nOn!xE00?SLeQy1=y<7MXFH^1;K!W0tcSX$w;rNzrDJ(G#Trv%V)-a; zj(3$sT6t)0;Wi!<6ajT>Z$?a`87LI)G2fhBR`P^m{9|6$Cr5`sRXUna zetJ=0*&iS4bjFU9h{EE->J0>i-o=S1i(_`o@bY;#%pf!%o?9{>9eb|1Jx*XANMLBA zw^4G_-~9F)C}g0L6iPRop%H$bHDAFmniAgnRF6 zN>1e{^>RMJhnGV5^zsBTjFGje<#k8SnDX|~nfbnLFV9c!?>9^!%&4}8(fGHYU*2zb zRcXDeIuy>TvZmC=SWDDEq2~X*3L&(; z9qKeaMaXlZ@3aSR8)6|J9M}>0UOe)HTMrBBk}y#=K|fNEP>(`0FuJL7t<5>9xsq@% z&3Wg%V`0D(Ty&G_IFn5jjG)#=NFi_K>m+dM%YP2!|}Xg}8>>*UblgoSBTU2z)5`q%e#jChG&m+!(WSW9E>2 zIVudz+wFjWzLs_z^>j|H_3fU`sFX%RwYD*A+YU@(T5J1W!0(66rqotyV__1;zyi}~ ztVECvmrFZ8udFi2#A!Ze95oBKJ^=NDpG=*KveC3BVSD4eM`wsP;aB;`n04*w5QCZz zKpHS!1`)N^TWR;NH*AaZo-z9rk#ZCtLr4Me7L3i7HC$d!`#sm(eDLU}Y*V7W$xZU=zKfR%JyS?6f8*vT$ z?I?TGN6babHSdLqYp!z^PSk2!FUxva`sl5;bPlIa>llNT#cSCsJ~;Kdy&wBE=MDaH z-o73fscvt1w6VSC5PjLI^G;Mk^tE=g;e&&koQU9q97agpX0mjO$1NjkQZLP z0uWZjDE(`0>t${L{9{#ef8Fv{M(Z@F95vr_T%vnS5Ys6N@fgE-Wsxz)`Q-%KGL+v? zF4c$q#s}xTiz$q5dCU7PU!K?N>;3)p&deeDT3U$V_Ih_tLkfAzEZqAjM;m=aDClbM z&3YUAJ;%kXS8)%J3w>~JpwV0(g_hY#v z?1Y&q@9i-jp4Y)lQX?ZHr1{QKv#@%ZKvlYQGGJQEJrT5yycJrg6hY^@Cv9U#6qnN7S3}REDu|Yhx+A1uz=Smle0IK@j5Hf z3E#t^hyNkJ(wJb+FfuUTrf_$bzx`JUjZH@9L!`vc>tw~4(Sz)V>IF77{82LT=!P0# zPFleNLB6CgOaeGXfvXzbSVTqfxR#@eD2Pw<$20?o6Llv1pS=xi@X!|t1HCYq`61^+ zcQr3EdhlMIcj~m2_7FAkc=%4sULWwHNpC|Yh7S&!sJTfl4Fi563d!GJ_mI3g!4!Y$ znLDPRPz{k8`Q%T}%NPb}*#`p#V@h;5G`lic&JpH1Gt;1BjNZD7YGb&l&_|FNtMt;- zCF#`jO>YF~GQfS^e7U{jixf{I0*T0lXY{Trg-+%kNAHMzLpZ=1fx5w-) z2A^{|j^ZYl-N@*)E?|j@NFRMRBr0Q!bxo&p8a9lqjb3Zpx3X`?)IB?Gt*@7q_kv9V zF^w57XZ!8&(S_jQJArG>h{hPb8|Gxp)JjKXHUog2h7`bHhNwfm9{1fxFG4j}pTdK2 zL86l_vz(W56lh*!@&m!QkFe6ZS4b*daQKg+r$=`Sqg8Jm(~GiY1X|%}gDRbf0O6TF zfnmM$umqHnEG!;YMZzz@u(sTCJV&S%d+lYbWCrdhT+YO#Uj5?pmT_LkQ+Ut@=a^8u z5}A)4?FSsp&TFr|9&I|wyzcKuSOYVQ7wouO>3~xA){%z*84NKmPYLowkoBOI#IY+* zT4_ExRbi&}yzIA3MC&>E;2-*&Ax^!Y!9yiiR_T4vpjw(wevGlb?`GCYAAQiU?d@RU z%jZ)%1z{dWWh?O%%TY%g6&#+ULLT!-mLY7su%?VlfMf+Uy0`=))9Fhlvq_b~zzYCY zoOBwrmDcJ^<;+K|xnX8JXB!WVCecjYf~2R95tBy@%@oq8I;Y;d(C&Q(>g6%=K- zGSEoZ+H2`9IKc0x%9946iESP2!7yuWun4k)TW!Zy;u?&o9#sQku$zzGhKZAMRQ!Og zJeHGTim>NTL{xK~L#*-ZW#*%E(fjD~Jwt7E+_O4Krx=$YaFPrYm5_X`-Fa=T#|88r zvO$9AO6C~c7z5vZb?TgR!PnZ=I~9p38c|H~`yaml^2;y3`|WQ^sc&yr@BQc_#Snvk zd%sP@C$o31)QS-!5%oUi<*hHC-Ev_OqqjuKL+rTXNTa~w2|Eyq*D0?Xpy%(-b#LjEtQ$5qM1*u?D40tI@4>|sS{o?xT5hMO z6$%;WU0MPWwbIi$#?>G9;)7zA4CxWXMJ_sGLNY6AGAJ02dqF2qbK{4qghkStoNCRj zSIb*5`)3;3HkhUNaoqFzw9Hi+5loib`)_n#SX z$=_bL*PpMC(3%@`1pv{i)7#gLn9k1& zES|)SC1+Y=$rbOR3)*r!wvx9}_R1>DIgB>SQMb1}o_x!_9M!t5&k2kd7hKKt^t|}w zu*w!E%Q+zN6q{!s6eEebwILead_Yo1M;sW2**4XeM8jOrndRiw#vCL&Kbi49Dl;$V z(96hMEnCCF2P`9I7AVWRnNdA@S_2W)GR&wPO+9AAI$^sLHcH@keMm|~*l1=%s@Jr7 zb%L#LxtCtMb@Qti!No|bLS|5S^NjK8@f1FCtTEvK@U3FT-)iq|N|Hu56&{1i0j)9- z6J`@UKQ|^Ka4<`5-m4iQ@fW_wKBb9-%>xc+oT9xAnepww9E~|iA)3Ggp5r-u$B(Tf za7#sWu0uPDZ<*+%@nOZD*N4sDo3~PO6K1H0v7DLmp-29jJTjMh8>;RD5d081D|lZ} zxILq^iBQCB-loJZ9BHuXd6!J(t7t!ACw_O=UPg|YQD7=oFZlm{@^i23jXbS z`^|TsFX#2k*S8o#t&NCtsX3RFq6p_)y>ru5$t)_Rlx0c#aqy!heR^8IzFu4JtW0yZ zF(>8Fg^=h2%jW0`q~4dTW>(mc6*( z%tlBdETK2hfdqX8nZ+fvQsFK|OAR~haWCl{5#%}9DNOaKE%(_}8f{-UeAc6mx)mRt zI7J8-z5@~z)HXc3*uDWO-)oPj2*o52Mqvqcn=#$$)GtV`eV~SkdhKK!WS{dEtg z2vMDnUX&j;EHnFc*Q`!$j8TV?(J(-b;4l^^K4?9vPY&AgvK1SKYo^ss%wY)xRc`H2 zD2h-kZNFw_3du8sqdX(S%uJjDL|``1HO&bMk@qgG@z`@n-i&JQ{LjWSJSQYm3Cc7x z#+fKY=Y#8Y)V;c(;LP;WfoJWlKYw>d(5C3LB|Kb%UEPeS$0(YKTJ6{&0@ynL9;bY> zcQZ3_f?65E2?m7GsrOn+L+1cH7aC5PK&_!p&*#;9*N6GwYi+nzL-gw!AuV%GU2r+q zG0Z1_x-21uT3aohRam%|)?06_A4d(z*V;s-g%JG!{Xhc0em~$LX|?C0?AKk83;wvtT5Udfh=1x{ZCI@_aI zM~~JbAB9z5l7_MwJL{OdFkj#9Uurf)^xk{_=JU%KV?VMmFH5Yo;?dfV9E0zzhu~Tpwc;YN82xrX zCSi-L)Cz?^5$${S!HG&O?fvU5Z+X8RdC$z;``B;$Fp8^p(S_vTzapY~G)N2L5|&ep zOTb*Ml?J~%?q)L+$E<{Kbn$Zia*wB=h~{Nt78?Ut$*1p5Z$IAGr{t4I;~Jvd-;a{p zQEvNMQ^SkpNuYriR>yD6Vf|aEYfD=X=aq;kX60-|FEDmCHX!&{{ zW7vKxC^e>%&`DSWnT5rJ=mM%Eu^`8Hy(A=;G4b{5rYbd8B8|q zZ<%KTx45Y1PYV(Gq#Bf&(m6V>E+W;aKOn`-B2Z7#WW@}~Z_LcPmE2UN9;z z%v{Z^*D<=mfMJ71H#Vk6@Rm9a(Tz5Np=88NJ~`(^Ra@!e#OYl0rPa4KoOf_K`JmP< zERKkrS7x9HAn2L`8!~cE;lx!D^$M1#^U6%lt9T{mR@&()P2-~qLd3De!zH3_iujqQ zL5rt36%q2-hjFiCS{H`RI8w%(o*)~;=z87`G>d!h-G0lg{E<^t+DDJ)zZZYEFWfLw9#rOHZpR_A=fCK13G;CmR5SJ1N;&q(tq*SzezEq5K@e& zkHL3HG44l6DLCg^?IJUvI0SzjImPIlgANCmfr^OmkxL2zf%dJnCB@(W@ZD|OylU{? zY%tN0vxt;hv01CN^)aIN$B}cX&MQ>-%=GX6_5b$AfBFlH)LL8Zee~cx8Rb%5p3bUn z*jQpb^r^?X`Ot*2%AryqZgA?!JmS#u&o~SB}zh!w3XI+ruJ`Voit6^d9oH-Zc%NeAU+y_14`U@b8w`#oEJ0CQ zuH{}>S-oJsrC!F&XdE`3Lkd23FI|HJT!om#2^4iW{+Jm;Lk({Gx)YHIjn-`#>x8|? zgF1{)7TDu*FMjdX&HBJ4I-22LxqZ2d6Bm8Cms&g2O+y|}PMwC}A*rmn)xD-u#7e!j&O|RiT=r}J740t!E2NRZ3Qt(IBa|m7&;+PC zj1XYXlh!v3vbibZRE32LXFU!^4~BZ}a5lHxSg5s*p)4NYQd*1w|DT!9mlcGo*8AQ;@x(|LBsDCv?zi)+@y>qy$P{Hh5mT4mF8Z<<2M5y46OjLV=_}j*? zE-!<`k(*)U;V59 z;ioS@nGuWp;jjPj{QUIOk3a9*=DZ6|mlRX<`;m>P^`27Pk4!Kmw07izQ4aPSt#whz z(7E-oZAWXpmWsg&Gl|G@TF_rZlZ}x-$TQd1JKizqzGlT?q$=fTm}-wX`Qx{ruUP)H z+Tt3GfFsjm&%Jkc+)7)Y7jfEZd)Vt)R6hUyxt0F<=PL`JURE;;$(5}lymNcq)hU{^ zv__2C)^idkwY1}&&o3+dQK}N6+inLL#Wm!;w%p2Z2meDrY%`}J_a33G2F zZ`r!_(rFknT%W%=d#}%*FL4Ph^8V$TP6>XhV=wC^jot;#;=|!^dR|MeJhNbZKFaIQ z@5>U`^CH4;UvDvmmv1j*oYs(*h~dsKJGMM&KSVH<$s;tw4Bu{X(E$%Y4=<%SabD6X z?AP2|KW^pr%eFqnPGm9zU<%_b_Nb?9~;TQYoQK%yLTkD>el zB*k!AWX?(5qwAP4ZSybg?bq~K40mV>V+PAyUhzXP^D&9XeiaVSNgKda)5=?8hai3$k;*<9?@LOurL}E z8)n9%Ta3Y`6ldVaM8g144aVN1n~w@*l+6XQwA!854;KV}r|?IB@c>7Ng?k;hulq2< zUU3X7M*~Gly@>E}%VZ4g+3jt2-u2d7?LK*;84wPAuLixp?s&WL%R=%W&$;zcj*4KV z-g@sA&cTdY?PLaGhmWr2Hac``W<>GiMTNywrT4ymP7qL;S-w{@b6$V~Z%0=z`nP}g zJ5_yqzn|Bo)VeOI)fPk8bGe+>%X!`QY&QMfm{^O*7$e5eS`X3RZX3dYnQ7vggGW~o zga7g8ui)B#eY@TFqxW%?Vm3nX=o1WNreU8yKQqfOU*FBlIgK%XeSI6l_HBn-1#A%P zuW$G5d|HUedk>6F@8i2~KY#h<)yz~hgn&D2jG-dlxg(cc>$=3=M+kw4&dYM&4<@)y z*?a%}H=q9V|M!oo5@RT}y*yt4Gv$ZkA4?=6LzLz;Xk-7P+FB2O!gsvWzx@2mfAiPB z|1baWPe>($3Jszr6^SvHT2-VEbI$F@;k{RtT&gOw%DTqVnvs3}{&~=N`R=LqUQ5kK zbzWO*0|~fhz1#h53&|gQ!K>Y_$9CP;%c5TE!(%@BKu(sK`RMxt1s$TxdqEC4Jv4}A z&&wsjwF7}O(i5?neZ*-=-g4f`dRZQRQ|&X7R%))_|Mj;-6xJXrt+cY2(FQXe?-`~g zGx~^$Rj)p|-a3nD_*EAnUPtZXgp5>0J&gliKyj<5@n)-ncLAZ#_Of^HhS$XHyf5NNu6py zz7I3Ac(FD#I3Ki?jyc~PJP3y+u&_9R-IIuxb5gH9`d0e#w1gQHN;ZH!B_is*i|}^M zz0W~A#2Br0RJ3_71C@}li!LmI9=HSN6%*Fcds^dh%hpHBeX?sGB1?6;Tq1JHrpOYg zX{bKt=494z7*C4GXakbjk2wcs8?$B=Mq>{V8U&`$uiGG1aZd8lL?uRlza3Mf>;#zI z*18XV+Kp^D@3HGFrP9NQDNaIgIaeQDA0sXyt^vCOEEBL6izz_qAu1?fgesy4D9#o0f0%bz2s)YtdEbB3>5u zzxc!d_3!`h@4oxNm_myG^rt`l@Y~p9*I!<*;7LJbIC>v8 zjw6>+y;D4OIJ#4c$DT`V!tA~C!A+l7uHMh@$nE{U-3}H$T~-t(tu$gjw!_9GR$+AA zO6$WQJM_^BY;(-D^j3Ory_L4#^X1cth3;?neao#j^@=UcJm_j?MaNDy1`|84E%)vH zV5WGAy^a0-STFIo6(76{&blq<*xShauZE)SdJwaE-ESFZ;OL{(p4K>qk(m$blfS?1 zAjX!xJrbs<>=iss{DJB;EFQZon65)~c$@(DKo^nsx}Fywe8G;slMP$Xskh;Shx5ca z$IRPt{jDoZeO?Om-F+dQ_HQ_?xT;%?|Vk_fRApp9+E3ZC8p(^cqY%1 z4fDbI=+(KH!m*XKrt|Zu_pVM$ZY9_A)1s>CRaI+ky&EPtF-F|uL|k$;8_>?t6m=V_ zM!b!zQgd&)u}aGwxZ$!l_5A$ZDXgB1{Nj9aF6j1lut=|?*B+vud)I;8nm6P&5e@9+ zFr6WS3URcV$a&oIEW-K>)T0TvnG_u&8qJ6qx^NeCbn;%2XF_C{#ABZz!l&n?D#tyG z3bTah_@7n$2%6*v_@9ViMg5?t$wb8J=%$ZC8Fo)qAt9nExCj3YmOOfN`B>D9j{1)n z$OQDx@(A|@@`xU8tEtN%G8zqBORjZbc?{C^bO_yTNN%k@E8DprQu`p0^i%Lwsf-J`~=2o42^eyz@6HcF{LGmQnv5>LI zV=y-?@0CU7MuJ&X0Z}B9-Z~7&hO0_tZYLhh7&Gd1d{C9}dBHISVgz);tqy#q7|F8; zY70c6Aj2!~g^BW3$cTgywjGx+fr^MHUy%yxjHtJs&T+d?1#MSAzvUCLhXe1hVZV|4$U(&v$8%$a;@}oG#9m%9!~+aYTa8%&L!`XgAR(7 z^>6<6cg%cRmLI=-J)f2%*Ka>Pms-7dX4J^QgAYbFhJpFzRDsnqvkybC>SXf; z@9=yF=YIFYcRzmlYGzIqaik*f;c@E&IXKgOF-Gex##mb;rsb6OoO|!-97(Cv+G;Dg zKv@n9Wouv@m>C%)j7um-3DKuDPDYy<9`Px=X9n%-ff}%3vnh{DIPQlJuC+FBWs*S| zg5f$!a~B<4`ADK&FKM(9mncjqeb&oTOZ72qZ~F(_Nu4srg<#|!3qfV<3G%YraMew+b$num#CEv^PlzJIBT|~wDD0>xUQR$_HHQ+Ub#fQbm zbHqv1>+p*oZM36enU3LsFy*aaX5fN;WYnuu^_uU+22I{&@(fm~Fbg}c$Gw0Wgo8dV zzPGWQDU_%o5bs~7i0?dZcJ8>x;`(< zC5_reg)u^ILxe}|!i>En%F|lf>;asDnV{Yg8-fg75N2wnvcQu5ST`Gi*35IiECy#Y zkr9n3w_<${G5fz09ABOjT>HEw`|QNiG*g z){o+*A?kIE*4L+%h%PTDc|>o*v7NUv@o>4}F?-m>uuZU#!tLwbc~$Qwt|z#>*WNp7 zQ&x7~rAva<+k+AAGz9Z z&zREl^UKrA<@N0~rSu>F!+#{RZ@&37T5Git;KI!Nk-?%ivpz-)9&%Mozr1shK3*>C z^Yi)X=^VU1J*}7onGFG;#))@|AC`ux(_=4?Fj=?O+S4}|;Krd~oRg8LWvhg+podoY zam&%|?cQ6@M}ZCm1TYqQ|LL~99(WGR-aw;*S5JiVy>72Z&6SK^|8#x+{*u-Ry}_do z7xcr#)Jj{QSMVa^8Y)s6V3F#EfaizhogRx*tW{k-T5H`!7Z(>7zg%Li{q}Y9$>WSd zO~A9FVk1*0`z-@hvR^Yq0;8KcH~PSsAN2v8+;H0X;BAx1nCQ zx2!=&#fRc?DjxUpQ4B%H&-%#RKqq5n-Fh8F=DhUU-6O!*c`>tAnmCz}DX@*TIaOgM zQE6p3FGQ?hBf{@Q?1P5nRYjfHpfRW&ZN0?S1_G*(&jmHkG-xX0(nsZbdRZ}wN=xho zq0Zw0jWNu;M;|V_R$GW3mA5?fMJV#7`X98J$MyhoaeNn8Se!n10J8}ZQ6|bWl6eZ5 zFlh#D?87a9L`9yI9?Z?~u+2x^hAH|+BYIF}n5a$3&>Z38w;L1M0ML-t2{L@ZOcO>r zoBi{CX-3&Rrc2;}!?{Oe?$*>zEe$;s`z|<=;3F!SgSnapgx zr0sh6;Fe1|wi1^RqHnd;+|>OFEW)Qyj!I-Tx48KEVF|ZfVPMO90bUG8DC^|R5;H3R z?gDr^8MOip0*f*bd^(4x+H#BMU}n&3iPQVnorv^zfAwAOqqU}@pPnw!dsTV4Trh?z zr7cUk-uGHt2>!e-`@=RwQ}!cE3UBYXbxo*`L-3`P#}<2}7;&k@6rIYtCK0)u)|kT2 zUtY%;&zCciy*!`4`SkMj{VL2L&txL+KGI7q?d*@WmY&#Ac_RXi~KmFxr6}g;F z=kux5N<`P&)<*yQ@_fDB&+9V!Xvp!UM`E+t7}k2ni-*$yivJ@Q%nNVZo?;-HiSGDo zKMoHDh?x@^24)U3b8XE#7raX;9=SZ9PkYWN5q^1n|IN3by?6Kh;KxR3-;ZTUwRi8` zejMIS4>7pQwN_?kAs5{BcE7xwTyVn%q9&$f8D;$kU)HJj4sumywqbx+W0?r}z~}~( zAHH}ttkoWu096l7m50S8;DPgt_Yu@s=b{_En^`DmZ#rYYdD^7_lonzhW>_(#VDYRTQIG_9&Hd^<|hs9ePy>*X$nM0mVw=p!hnW^cd zod{8$&yo6UYc$AS{<5p&{mWR94Qnf>#JH*YSS%=tA=1B;U)J;9h}@ z0SgT?a$f7vT4}1QP%8>Lf%r#%QIlm&9Q2g7yA#8d#eu6WlVjV@1x!t#x5(rNtD|5^$&y=BAH8XxJ*k z;xOqqB7S6M8|XelcMu_D}@5nC%Y2jf-kXgsjBQKMg#xOQQ=ZQuxCXWe1 zhz_yyaS3ou#pp|}wa(c*Gab2z%C;RWBFeQiR+*PjA1F|K^u3MVyYnussT>7NjF>_# z6&WsNFJbZOb$j1&%e35k>tXfST+K(N+n9be-mVAM`b4y>5zb%`LV)}WDeTuHZ~63m zIzO+X2#Hhg74cq=dEvnCQm?%ZVgk)6osv(U@x`1=ryi0gVim@c*Ex4SB_Ib_g-Bco z&iU5IcR&2_!*723o8SJ`fB1j@pY!GE_rL$czxhA@tqby>{_}r2pHFXJzn)IZZ@>TM zzx>yKcz?f*(O+IJ-+X!!sLY&t@4R!TQwqU7T~-*MF6UKMpDrs%pjZy5u&S!c`}=mj zEYo2&EbkQ$R<9kb6&7C4i>i#?T~OS?&WhaB0|E&A+0)Z{eqMcWxA*Pzw2-h3^U)FWemmk4XgV_O_2=t) zNv!OHlF)Jnk%o*2qx~@~tpPW}`SYpl1?C4LDtqxs^HxEZZ@Hm*W@aB1873%pYZ(w@ zz-bL}`FMmV^=2)1BJ#;uH;lu3Y4xb}Xf`Zwb!N68?b`{6F1VwOD6SrtqXV<}Q7%KF z01X=^#4aci>ihWu;8Jx?d+7tQyUa99Rn@z4R397;4ScdT%zFjJn}~YvkjsbYQOaZH zKUMXQ+MQ_T<<(q$aHuauWsHF~X!QON=wq@Y69i<|y9pq$kEB}++Q+11;+8~5VK|B( zr9zWQ45u;XdxDz+S}C5R8@7i^7Ady9cM|D!my(Z?H6&sL(!p3}{@5c(w{6 zy|lQ5`DeBXUK3Rtlcj^6nTcv0Gfc1#4DV6N;5Kiy(MMmTf=JWRJK6kRq6n;|W3ppr zWYoJM$D`%e%3SneMS&K&w{Cr)31p&UE70|+&g2}ODZfS-mUWPtXult6jknkBLoTJ> zVcpRiVkM`NZ8=BhbauSLG_003%zA4v`PUz>;uttlfS6$R!)ELuy(2SXXt9LzR$LGl zC*&8C*0B09=D-dfJRhC@)xY?@_mN^OrGVW3dcA%7`Q^yP%#K_zKXa;PR7#yDD(`}K zwKZmX@I#wElwr=fG0c1CoemqdHbl+CJpRMC-?Y{~Jzv(8a;@IE;Qg?{#IOZ#dv@Nn z)=$fVaIroHLWOcE-m6!aOS$jIr zUW{zmxL*(F)p^ZFMZq_Q!G{N*1`#n)T;uhZo46?iUrw==PD~+sBJORvRC~9)m*uh? z_sq~%M4ecB98(LN7o=$Vdj<__6#^IAUs5Iyua>q^N8C5M!hygJ|7D>d}C3mk2YHFJ~~EB2{Crf z9W$!hG1JPoqF&dR#YdO#C9ZyS12TVqpBM9SJ+N2+1;{1Wa#!WDmvo601yCRM&r>7^ z(J;h*bx=F+g@{kjD-&Znb=-1VqYLVzrw3ee2GJ7>3*)k?5Ph#5U5XInpS0G}60MtaiYs&Uv7BN)THXstK2x(nQ;=GY%8rE@>Q81UKM6y6 zL_8t_0_ZXHiU7T-pX3l?#`yDrb(>QqA?|%Ve>!0z$V4!jd#}Xgy=!fZVapnC@4K1x zK2E1}?0LKGt@YC>4KN&4N@?mH3A1oMN^c`9!Fh*>gAR&N8>%{5r-z~)X^tB7^m4*8 zFHY)SPcJ9V--LZIaUQjEe6*)aG z>Krqx)8m$jX3xLhbIT1)Wd>$BlB!`O@GsMTO8DY7KVOA-v*S?+?q6v_QOSoTm7Ad)iN=Sac z9qJ@R-&;>>NJ}uXd=wY7mNuuPUPQTfD@QGR#by#=k)w^8D~p7rEL`^{j(Z#Xtq}43 z>ka_R?dxuRSSJ@A*@822V>+_T$UCW}Gm2LtfElI`qK%rX^P)~zC@fCqN*Mwl!hoQc zj*^Mu`?DS5zxW@M+?v^!HiDiVjFJ6G?_jD>8Niw-|N zO;Z8Q#q|vPn-;PUz8uJA&g*C=&`}*_>iC-#o%?cQI0k}<-zBB z*{%l~IT-EK>GjKv9&=>pT`wIDW1V3#0~3L=7a!er-Ni|WKAt=aW2fq)n}%ft`cY3{V!g4w-I0W%rLj)hZW8$~#O+;#`>a=xCZkUCC`Q@FNTkE;h6vG(iopUN* zUf(}GJ*60adA;`D4TQ=uoKq&+cg#QZ$fedUkCNIug^CW9iPKp_zdT*Oe0^I}3?cO1 zd+$fiPBhoX%m7?$M@}J>T2XX5r!SYw+wG3YO>GTJ59D@j`{A5}=^3$txGh9Pu~+TA z^`1)&!Sykm%BQEx>-%j<@%eJjrMzG7zyHm5pd|hL^>tm+FJIr)DS|d}z&X`i>$dOS z`&z5nK;6c|r*pd9_tv}fdcW-&q?88zckd%4L~9L9$44LA`;pd&fi5$ho>u1_yo@uU zNf}u)_$I?YfJEVRim3R3q=2`bA2=yorX1FtmUF>xx2;H z+!?FVVQsIy^q$-Dyim9O{a_~NTsp_&nni?|mvdrbRX30LVMer^(twn__TygQ=t6KZ znC>D1X>Tpvc}?eNM(Lbrm?-<`nJ6C>tMYQxwbg!q+YzYwv9Ij45ffrqF(Vn>YH5&! z*4kt8F@|Lg%)H$*3#S-zt}%uXy^V3d9h0RXEW+z4%`jPEV#-H>_7sa39MJHMfYiw% z)<;_7e$Pa7-1E~nmk66~JB z-g+%{^pO_7U-Pl$ve(m75*2ask(<+-0Y8P(&9CaBier4rNY!=8EteQpkG+|w_@MiH zuBDf)s8C{B^=AljEaYt zVhYDCd+%68SVHi}mN9vWDQve~j*0{>7DoOqFbwy%y|$03fL@W9_FD!%4lEkyHLdaMk8eIYd|&cju_UiY9euRYk6RwSAJ=^O zydp8c1t&67Ba!}g+{*KJCm1f7nFhsE_?5=k1~bbH;DeUKYUxC*Dx(t+c94j)+SSYG zgWzA~2U|v1y<(zdM50qM4-sr@b9Ck7bn1_0x37l_T1sb{_~VkhD1VIML-N}-*V6F< z&@G4xnfc&Vxz#cH>}DZlVd2p_@>dEFYA~sgs%aDKn_bcoNuoEu~Fv zIJ1qp55PfzhJ+vdv{}8Y%>KbClFMxj#5>@z9K&c>{r{PIxAn-9<4V)a{J8gy0FYTl zQY6(yd&&ZpCPzd*MA!M z?Ej}0E?0vJ&XfQHecnfN?}0bm1wVR+6GK&P7;1V9ebB*%7~nDmX{TP;Do=GQT4i|o zaO0y76rO`EutzbfXJ*L2M$>vWQrmx=F$e8>JxV#-jJfFg@omTXk4Y}F#>C0~{XnDQ zlOF@tO4oZQCK&uCPP(>MyFxMUMTeHFr8T-|_d;f23FDb>0F@)!7-Scc(dffRk0kQ4 zx9d@DP)IH=fgRhhuz2^!Km9!V*w*Zv+m?*_828QT8{KvujoYHY#J~&~C z(PM{wmFj~Zs=ZI&Oz;7zy}fs=7gVkHe!p#Fbd;LJGr&T}xZk&r{pe$A?jQU4=YRM; zGynGE!-v1?ZiyjOq$*k53-9Zek8g z$hQRMqYZP>`QWxMOWdN5-g&84CnBF58hUtk!K_&B8C|$@GY65G_wPqq;%LJ;N5s{eQ>_bCvt#!g=L3mvgJMmtwtG3#RthJF+ z=zU%X%tgnA_SRTM^V*tFENF@Wkf8&W6)}=R|_eixU6Rp=nh5B_Y2NfFtv~#Fqc|m zFmVVTdD7mw;9ai+Nx&iaUw?bgIj+lMEI!2Rs>FgM@_+g7|5qQq^;Qr^+}pqZ+y6X| z<2=r7Tefw1Ja!nVORX#%ga7#0|LM=a-;dIJ$8-bIbI_B_%sI&^2vZ+3_cVB?YAO21 zaj_BP1@x4d<1SKUXQZebIbvvVIMpKABZXBP|gN`srYG2Wu|tu$-recRe(G5mLQqXu6c>0 zkFwy04I!j*CBJd+)usvArz7j3VWIxu>*67$ki3?doZbIt)(e_rLGB5z3>U?U{p-ri=;uQU zpr(GNw-T|h^dIp&@c%2_(kG~8(h#mzJ2%Bl=in;NEvy>?iv zop-1iV)EY2xUQ7rXbN=+KH=y~MdZnRARX3wZ>4J=M&zRhTm*#&Kp;AlSqA7M-uF6m zj1WSr4OtEKsyG;r_Y*7b(bRBd1cw1U{w4rHrqpU@;^3$4Tj$QXO_dR2_wpR3pyjT^ zN8f4}5hzPxhNNi)1}KS`7?EeA59rTZ=}aWfL25+?B&a|*-7e&LQ90|fWkRmevx0&p zeS2A)lYC3eT+RYSp>~Z+1o3I2sGJa4*=tAv7&J`KYVEy^+m|h_A>Se~=UXB&2$JU# zOeS^$@K7j-&`C0Ly?V-_m66tXeiSI**4GTVmo|;JIO=f!@<09r>`(BX$V%%*_V)Th z%<#oB^L|_}_wBd}*2KM!6oYfJAJ=(ZxRz?`-uqHop0s|!Ta{C4eO#r)7^C;Kwf#6_ z48+{}h(0Vie|>xX?c00sZb|7X_4U4ed>pkl=LE)FCoTlf=#R--!{BPHOBUwdde`x? zZMAo1I?wC8%1>WjMci?oj;90#)_x~aT2r-@(onswf-##Bo#*Afhv4Tb%{f3|KlHjf0YVmwwihG`Rx?x_3H5E zhUELz#W_^-VF_$=l^k-QC-;DvpO*o#6DHO%AegITgp+Km$anoD5&Yp z?D1_6(ZNhCB1Yz;1C|69#$E?3^(2zk~^2AgHaS zoSpOA{r0;*{NW$|;mdHTOa*?d;RU(-~Z3Q|F17!zo?G)_YY<+r7k(97=m-H z_a(<~KOQ_GflNm5()Bi$976DYjM_T3`T*N{FSYfYf(Q?_^DHq1@24T}c3Wy~`^SNg zeJyQ&KV6vIZs#2;MHd{>Ay8Tvld7(-nV9s6c2!e;E^}OTqd|-d$BU2=solP;d5QPe z#YZ6m_MTq8Za@F&s~Lq9dudZTXawa+%mH3@5hkYPp6%1_LWJOpa@LUjwU_P7f`Kt4 z>8*}>c0|eU-_O|q56xSe^b)mYOXaAT6pTK-v#oR&-0f}AL7zUKyrlEv^3nA=;BH4+ zcB`FPu(J|jxF%S*mF9z6*BrBF;`{4%e_MOkdiLM_=?$yMS~>>9Sdt@amL^($F3M2E zV~MeB$;@y+<~5=h^V&y3-dX%ACTp8$VqgJCR5ddQFWc4Q5^!K*f2Bi#U6N_@CB~PFkQrJpJRK-?dhdN^ z^}xfeF1Rs<>3_Z{z-rafvAzx|?BCCjJk}k(j=Uz+{o(D;W zQX*=lyFdTa?{kVNMoeWek_o|IrMA}BWofN{?EAJXy>*1tqA0&=?R|vcov`;FhFTUW zr7bzBT5CO}c%By#y}jIt=;LvO7(l%wqTa_*3e-4XUhltt`{BL2ZAgY6xbC{RCz4l42XjQeftV?gf|V@M&CQd!uD#u%-S+qU5IVXC#Y`+e1+L-m*6 zzW?<0x*sQAY#+lpXGE>G5CWFe`*AY!=p&^t#vo=qsGxm2FK{ZC+7PRb$wY|$Jj%1` zV&??b$#XBQbOVmr?D)814m|N1-1{&LRIq1ujQ`6`f-ggU0H2l%4iS~6+M9-FjdJbf z{`KaQFINlE=@@tuos+o5^Zit{UKM z!25_}aZbGCTL$K`Uw!nEwp5RrUlu4A;UAbg%3%c0z)%RLeeljXX4IqNqwfU_VM5En z%szTBh4MX{>QvHu2mC)=PzduPMks-^@gz4lZD(`NwbG#<#c!37Dh9rdQHY*cuwx~b za@1?TU;yp4;kgUZ*Q?K~CB3BlnvU}VdZdK*vL12adG@hF)Q#(GcRvXT1B&Y)hcf6m=eSx|LiO!^SKFVlgx#jC|)w6{dSfpMpEs>2! z8}+QC^_b%MIFFAL@6N#OD3fQ^+aNM=uAVjIF#15~#JQi&J14TgpS|`mv>ZjeTW(pL zgDMw&f;=JXA$T?$wTn0f4+j`;p5`B8V&>~A>$Yw8`@jFsfBW(AW8Ky<#((^u|9!jN zU%z~Dj{o+zzrKEX`S$B?B8-5)oB}Zon+!J?7$#4UNq`VRd>e5e17^FS1E*6TgN2W? z!u$04y8ZaEk0*D$xBk07e7V1FDaDw>v7cBo%Cjd7IG4<@LhOBzunRJWtb!_B@lbR` zb}$f-&x~rk(?~6CUEA31**U?L|Mv5JeOZq8D=skv=cB*&%0%J>xu^B&A%v~TtEMWo% z(Nziy84YA{)By}GLVRoKA$sxdIwrR?Z|OS9@wk>Px7K6yF@}`m?UsW_guH(H<>Te+ z4GX$j8WEMF@|@9FJy3SY?R6EAT6&DZ2RHiYt*dHY)A4aaZS1_%(uruhFXvv?`*I%F zwO0{_t+2OYrq@To4EuUqXdlH1ipz2|X4Wyb*F~IMkFvckNWh(M9@fQxLOyq)W&}Lu zgpW;fonUW?uQDU&xt@(3qii*dRtKgof=ms|laL(Aw1*)D zB_`+MWJxoVj~?2LT6(V|B&TXIITTWPi*s@z0!b3gulBT;z=S;w?oTEa&Nnk8Z_ZQE zCl6Q?{sLTB&U>A7&MELNTTjoD&YT*n zN7uB35CbH*SnQOe_NRpG+6zXU=f`DaI&{4+)O@@eQF;A1uIIPR{OG~{kR~u9z*fwfp0TZ;VvMe*ZZy1 z#=^qVd%tb#ah|ocU%$T#@si_l6yPah^oY=^tqSv5N{Ycdmm_=(7DIgO$L+R4{ST?i zr%Af?aa$KAS(iM9z23J5IXh9D04#%LIR=j*R%^q|VhE4N4sB9xHF&=)skh!*pK48! zQmdJrSAhZg^?pOJP8*}OzAZ~>9YtjCW64R$T5WKpBbnGe^TqHm#5m*0RIT>zgFDY+ zW-niEJ~%MK0Cs>a9e@HtbewnVEyLwTpo~vWHXLuC+J+HxXr(zX`}e~=8S@zZw$c{Jl6;hiLiRC7Q-iiA zL=V-bh=>RG`En>SbV(*RK|H#4@*+j!{Q1y_HTg^^nR@F_Xd8 zl8n-pO%-%eQu~ZOw_zk=vm11yk5(FiH&q9dr7ic?;}VGp@_;eMdRt6QRa@zKiP&gk zQO3e42iz;mn#mOJBanq6;sW9=y@!#PScI=fb>3T71i9-_pPVquGaPsJ-d=jscJ;W1 zankNW?z=La7L+pG=9u)>N44ocqW_+HNVB{bc_Q9tdfTWz~pej64A%&Ry z{y2sC+zXD#n7x6;Hl~c{I%>)>rf6inb|Pz~E%)X2wlQ%%tBk_=5C%$*JbW%Hxi-}&py!`yTpPci5{g1!I zoN``_=>7f2x@>Ct%P)WZ+kgBeFE z6RB`W7n+H00Jt%qMiM|xEuko4=HuhS=KXqm#ErB<0MCV5d z(Lq}UtPK%4;q{(->tpEosIBz0#_Lgp^Z7KFV=XDdYNkU!CAdt~N=F0vEZhx1Ej7aI0M4ADijj~Hu9hakK6oEI zJig9}69$$P{?`!w6z0v+oY705!+dh#W==4mJw#N_I{JWka(s8?g+b1y!4#t<*~ zDFG$IdxwiDPT)0@O?wyy|GkefH0L-u{lj7k`oz{fcLE~;jAMow3ba)M5*>6?!_2H+ z4Z&OVv>AAZUSg&w3vxx<5Mk%s`BBiyjyAB0ffbOA%3f<}*Iw&Yzx?49uL!WI>rtHd zrs}+eTgVUjS2@^|%R5dT>;~H($tN9eB*IbyHTy*tl>=;A3PoE4* zU(|svNIN^i^~}I`QGiTfjxvNJ>7<&PD%s>bxc~A0{L^`s;Qde|qMTEyZRjYquFJyA zw{89P+joHNb?D)EF){JeR+F9+h9sy2RY}w_lV}fz60_*VZmU#wGO_1j1kS# zab3Ur`sHIke!PFg7|f`R&cvlPRSm(HQi!?K7J@6arWji9#C+e@QrpXI`~Lp%dfPq6F{BuCPHl`7!^eK84kGg6Aah!BdjHt5MnEdCa}uM!N{!wd88jPXjD0_G zrNs~+)@Nchn_fNB-+g^Gv){gdtV_O1>to!u<$l|+@hGj~F!eKjLTjzT2PQ^S=bW_O z_-RfzGd1Qp>O;{6U>t%rz&klVF6|1Sdq|;PtzJ!nYo&{GC~kxWx-nG? z(P6=7ePBRKgwF?$K9(&HBy|T@&uYV*b7_s@+}sxnLZb#|a&d{h4xL@ZJW^GymzH1h z9EX^?;D9e3UDKAti4FD9kpL$_*uEMzYhbFFDm|k^+SRa~_}p8~89#tOb-)M#Z7A8( z9VHA|DrCNMd?@Ur!*T$;0_XjweI9dM=VwSEWCJ=(-28W+&}Z^6Fm?3_$RqJ7gaiZu z`QUpQDDgqIo~QgUa4JIzsv6hSYagxSk_$P2GK9oIC^9>Skwod1UcTI*0um>!w2%To zhY%&l9ARSaWgxl;2h;w3KFw8}mt<-mKlb&u)Ha}TjLFy9y!T`1`>ziSgAq9yQs`x% zhFqYob(DZy+v z+DKbWYf5XZr9r9EN*AWr-@Ou1uN|pv%RP(8+s}6(LDCXi?V}GD#Ejw+^O_L4^!WZj zUS2ud{{1lregGI4m!p93a(mlwlbIQq_Xu1YeK3*t-iA7n-~Il}b=Ko?t?S~wgS>yq zaod)h<6}R(ciwv=zRoMgwBEK-E)f|zbd10M?Qg2qTeC4j@U>Pl3&BD4@#Xc7so@wy z)nf1%`KRcI4$L)b?`EW?1H52N1c{a<;&CA6q1IYAqSi*O{g40U=j$r1^-{`ETka`j z|MrJFvIW(&)s}9Nn0#`o!+7Ejkyq_Jm%WDU)hsR^0#@fI*iOKsM6E_(L2<7Gx%E%! zMIWl8>vGG-`-z+lMg&UjG5K<~YoEN1Yrinx1@D2GY8lY|qb%rE>scWt7m(BI}sE9)1TjU)T{-Ip8xAFRVtF6`2op&+%*81^r)za9Bc#b*59OQWn`rz+h zRv+ATmi1-1j#-X}6dpegXrjv1@We4QF|{(%65fA%V1~*UC5w&Rgl?#dxy$LEdEH5Iw>cQ0Sl@#d5%yoELcWAdwX( zZHh(+HkE0MWD-9MMCYVkLxeuv1zl`eZHOkw?*t3Kg|At|8d!V0xLiZ5u@9yzjNU3E~6p zk8%5l81PR($FklQpc{gB%;ErG^p2myZ%l&9RdI#`?;$fXj7_O`lmQB+(8Ms{rY8%@ z$K+!U=oOq3W-(}-f=9lmOpz@x`GOqlUI)}@P_*h$=lJpC#QF#|Tdf^mrCnPa*IrYO zaL1|5o(i3qI5|Epc-TH~#yO-T=BK8}2j{&wCq6o~cGx+Ih@Sy`0=*O5w=h=_GY}Wz zrdu78)=#0=+s`lcsv^?L&?kU<>T zFDAvLrhSYhXLtbKKlYhBBjTLY*0B)y>FwqF`$L4icQN=Sr_Tno)VeG)zX=ZDJ~YSR zoqOyDQtoT(X6Bs`aUbLD<<|SCy)QXCk+YQA+D~t4yWh6^w*B_) zM^165ig0UPgm3GL?~qam-VaqK4&J92htAZDoMT=yJjWoT#~fz^2@-;cbCQ6T9E3QBnT^P2k6r?|0;+aqZfBF= zFxL_0ej(V{qX$5eqV@q(5wJ^`U|}`E!uUsh@}rJP)g`J&1#FAd>eWLE;A2AI4&T_P zyU0g}>K~6NJf?VbuaA;%3CSks`xR1vH5S|haT20eBj*IngvW3D`nsakF`f4Z0BX*= zC%K>CGW5a0uGDH5;d0iw1n;9<%?bPD+tsibHKUn~OE|#^XXXC5?k@|72O{FVKaaAk z$p>H0=A6qpigWM}5K+nzgJ&Zk$wyoQ$dBQfU_Vz_%rM%*TSCmJjhM-Y=P_?+t3;Sh z?c@E#rg+IQFL6A9aWF`kDiNJWsilL7i5e6qX{&7v5Zo9JQ6B`k*Kn{Q`RIIHW_CWV zbxXut&Za}tnqrRSEEqJx1%!yY?QL7O%8|Zc91p^|(|u+6 zau7<`Ul-%BY?O+)bIsz!EQCFT6_<2^4+YwfzOT1trF%a<>I`^#UP$aP*s zWHH^zGfxE)WAho&elqctFNVFrl4K%u|XjcmeBiL@nI!ckIqb( zwf8cxfAdaA$%Y9t3X8lZAH14gN84VPUYd_iJbrs62aMXd_8FNTW$XiS~I$<)3(StpfmdH=RF%#uAoLqY;XT_CI!q&!5P7A||YV z`BU%)@U+tPsLs23RU%@h-WBEqqlq=c>WO)ND(I;-fnfvR1h^Oo1u?}(t&jgYx{hwR z98s8>T1akm&1)cA zSNP~n5%D%pbrB||=P}5&c8KY52I??4S&inv8@~;C%5_kFASMWq?#~yFDwCdnLJDMt zzgfNXg7<>E%&TjWF}auX{`$dwVp)EEt552=}HyDxXJPwg}9BElr&C zK6+IjT+A^;sFDvjlGx3nfMK@E@y)g3xt8~Tsj)ln#sSC{Pg4mcq^NBZv zE$T_gMGzjkcU42frcIyH<)Lcci~Dc?_dnu%H!>%#wIR@*I~imA{N)XN2{>KJ$UE12 zpH;6}ZQVJy zvOM;Knfg$0rq-O!^GYe4S242`qjxg@P9MvXRW*43Y07y@cT8B+><>SG{kQ-1A4^WK z!Yny|JdS_-5Nq%rU>=wpm5&bR#@qg0)|1tXyg9%23^iRIZ8;e zl{Q)rNVaEE)wD#M0+<)dM7()Zt49qv#0)dLg!D{wX9_t06=!PNHQzJHo8skqzi7`(!hWM($3UEPd8nfMH9X;-gTb-{(~RVS>y9*v2B?lQHw z#L;kT8jMgPJjPhxRwi`zGq#h=m^dx5UJZHArUU>b8vPJMD-EQAdbYf#m}e4DIV(8F z7^q`PowtN$0K+yM_c29Pbt-0~QMKz9y~nN;n1T)lK46rob}0l9%M2Q`K!-MxR=p*OwbsEAU?de^P7P?l&U( z`!9cAw@r2Y`1T!>i*LXF8dL1GjowlWwf2;PsRieTDtZ9WV?}sBFPz>^*vzilTJO%W zn)NTG=cChZ+9yxu{3y(na&X?2qoy^%zmakT z^!D6~_YR)mR{Hy|JGQm(U)H0Ip-?YCrOC|YXx_{IasBj%FOW)N6yk!5IV@X>DfTvc z?=NrnAKyNDAJaykUzkR&_*kg))jCwWa`StgAQ_Z)y+>+{GxJ->$`1m+u4)v@) zJSh&U$Zmt@hXux=xWAw0aoyflHRv7(rc1yap|1-meE-`AsE%`0E8HuLI@0S1(Jl8B zl0V+nRcCS0iJpy zGh>+mVjEKk#PV6CPaY9Z9SS~+6BIKqR^$x}nNmp87y!5N9Q^ZSkIrE&15&5c**t9+ zWUA%t-b*c*-86ivg{5AV=FXo;$Oq3NM&z6`veAbNKEwbnDo$@$_*xw(LX4;!O`P-2 zjiIfym=n~Yh-OMTLNo=lT<;y`@^;Po6=lEo-k#uRENVjVqiem|vc*;hMjnj3>fny| zDM4TYc(FYe(U}oohS|SnWoR}Fp z?dzW*;s}NBsHF&q>w4YauPR+b?Z48j(%nSqa;K2fN z7!HBDiaQ(Xh!A|KwRJ>A%6(f^wbmw1ymPI$B_(1`DYQ0nN>?fCl0Noh3|%tj>$WaQ z)x7tx8bh>$XJGWPq;@i7~bD^=N*uv$9XL|y+3v*l2a_TIT181t#>D` z_wGb6#YBb4GjETGXc~J zdT`d+NiV%!LmbC7#x2G*x-fM+7|pb^``|`X#8nWHk6yf7kJ3wvOB}6>$81Avs0*%_ zPDIYRkV7xM?nRt<@5rp34LmzVFkv0wwP_#XT{|mE(ofw2V#_*GrOYaX#cs;%ke-G_ zFtp&K>4ZFVC2SRjiDSrbFusa8XoJv&nfd&2`QWh)$RNkpj(|3z8Qf@QpR6$-r(Vm< zmfO->&r8A>(nVjd+Rmmr8q#5y*a#U`A?;WB5FBlcPQ=7se%xF<(h@Z(m<*ecbRtFsVF^2O|VvfhhHQIRj zdN;Fj6m~*n+shJjczoZn|AoV$oJeE~(A>AuP|&0`o*(D-x)BrdCP8a%wR;bPGD9_v zeE4#dR+{(j+KWw?(gZ-&(qoQ!P5zlV`m~fNJSLb&vM>{2unnMIz1q4YQ);b~YHdAu zFU)ExB4dnN+PbYo#4NSeuRs0t{kLzUVG5=9#cxgDmbG68=W53zO)$&rzEW1^USh#uu8_(Zpt72pw` z$)P6RL6;?7)_aaQl(Rm*?{F5~zuuPD?1K2@(iVYtWTD>2`m%_V?QQYVGZg384VDh? z<23IEH|k)Kw4{18OmINWn(Q63k6-szdx#E_$gh8X#hK%y$5aCCG!egky^E7tn;F7h zf{u~42+LN?adbWRE2env<@U0!TS_^m9F{GQK3>1x^F6=+_IUl>4LBFfVzete=}nzu zV(Fzrhy}V43oo}El6Owjfb&)tBxVoctB(#SeRk7;h*F8nmMz6)vT-p;J|8u0p`H!C zm+f_7VHYHAk%aR-Zf_Yz-d+aaCusG18$P<}if)7PvpJcpZ71Wo3q^HROUDlbh=mUA zMPa@odwOv7sb>ctb22xLiES9Pi}Vz=gDZ^+eteQxpTpN)H7)^j4J;_Iq8uInC=<~D zZT6W+gI(okC5P#IZyKX-ZLC`YZ(|Jg!G{=Fm>~an2K^45QqnQ>vs5)Bb`t}NTSnDj z>7L;OX5PEw$LXW@-eb~t?!`G))!ur&s+q;)5oW*L^D~5i42gtfhz=MX6c7)ReFz@M ztcYW#{rzI0X{y0vYjl5G;TOlNK>qsqxZoi zaB29A&EJyIGp|k2uM!bLjnF8{GY^EAVhXA{xGvA$%i znlZX%qEEd(;mlz=-Y=e^ItUL&Q#ywWa|&rB!f;@o@5KcNTsXiTfYgCvV#A;eG^2X< zUWfbBzx=@lM3{W+*JQO0MX3sXRH^mt<^Jvcqqd$>f-FK+YwJ!V1}`jF(4Zex9q6$- z#G|TcSRwX`F@n?Yy%%OP%_)tcF~*O5&oTC)FSm6JO)2)F+q(Sy+YfMxwlxj4ZOPk` zTkEDYQ~?9Uq1pO~(WelO>#Ds6@3(cSt&4Dq0e}AX>u*lD*47&QZ+exw=6qgPj3LGN z<6}=Ll-gj%_affAK1T5VI7{%Z*5;fO=GOa?Q*ABAaNCyNN9)~*5YbRuQmUQP3f}$r^?|r$ zGlBs;Z)uG2_`Wl9-qIKfMB?|qd{0}(-Wd~jjCcXW@X`AK?L@>qJr}Y9z^I912x(l9 zvX{Ii^hcNvVKIVd#*BP)`HsA#7P4oN8MO`kOZ4DjlTkT}sYP(;n0@xWwByI+vqxbB z=^IAirbK3=cGTQ;uOSEL#icnsQ&lMNM(sWa7ksO&U+wnOW=6=v(uq}>t%Z@rHQJbI zf7eIBPtM5Kc#0tF(O?l1;db@UEpW(T)b3|upP{7@5uZGnft%Lr0Bry=q^S{v%99Cy z8M%-6eKKQ4NKEWg=(RIZIa@3J>p#4$_YBbm^n!RF$w-H`HZXpL4u^Up}mj1 zr2dQ?_Q7Gqo|iO-V?3GJX^AZ2f;-;Nw1kkt@{&7RIGWMRxC@!ti05(hoQh#sLPQvB z&mXV!-bPFw%m=v7%_!xVay<4^pxP21eIPGvy(Jd$UY-Dr*+HI1K|mhhEir}B6#1I4 zuru@fZy)I8=GbpKbVWp89 z!znFJSdhUITW`y<{`Ieax!vxy)weHS_Q%J6`R9N7*MI%jpMUq$|NC$M#>Blf9m9#N zOA_I2Nx=(F`#yS#0r@0ER$Euq+S*Vxqh*P;^?{H_X6M~`)mr;d1F0mX?^el-8KG=mLXEbnXT41M%X#9Pg!-4ppJ^4$>?e z7_V?EV}^XG`G|~d{UkAzqo9Gge_2r_q%GzxmaE~7E=Pq{?fAH0*Sq!#>Q@9W@;Sf! z@%ImU0?Uc$_&C8oQMHL|775YAF}b}g;sqIJQ&h&>N^iBZ0AOGtdyHwYbNLi|;CrIC zpA4c&5o3r?z{y~y{r%)gFr2dwfELQtv@4cfy=y!B=z9CIK$sDdAF9hs3ds`_;={$w z#?nVuOHT_-P>g^Pc5Fm69gU`HrrPTG)XLYRX;X20ebjoi`6PB_GI6X*$g)MG3}&m( z1SKLPkM+XTHDGP|+y+dH3|zUI);RkpH0N^-`y?|ufl`!3WV-V7vy-20G$8wwd~^}o zl6iE@AUu9DrfKp^=4+oia%{l7`&6Nrne!flOL>m$1HH8@P)|e64ai$hxWFj>sqcH|}(|}%x7pUEQ zbS$67gK1Sl#t{LgG=oHFOzKV*fC|-gn0Cc~`shii92I20>!`v=mQW1ZTkWlMRm)rQ z!A~`{bJt#MC^MI{LQi%7X=|lp(lJzf8;}8SuglBNHvyizDiJc~r(mlbrCp7TS{)(I zcn227(u|CH8Rw58A~+=HBRp($OIyUDG{sKLA^GxX&I&ruZ z_v13NtCZWem0CsQD%CmXM2I;AhbW(%qIcrFFcE?(uTn$s-ustrZM}Q%p}JX@OhjPq zJK@K1{o&`Yzy0`;Q*=&Jh(A6aFSqUc`y&L8ryZ~EIl|!9dx)XchL;3sK34D;d5Xx_ zFRx>aeaq@Z0JNH30&2Z_(03yz7?EtS29cg{}@9HimUd_&-Y9y;cT zyVC{7B3NLt6B|~K8NN$O$M?erzrAhR27`X!BxLWRgMQb{%AODqBcy<#`xIi@M7hI}j64Bi?yv{Ix3yJZ)!TM9tGCeQ9I6kAwE6|Gx-$2NFkzj^;t1LQKZg0?ZZc(av-L1lo0*#e&#je z78!kvHd^g@i)oF}m$%YHn4Q$4x!~XlxxKEas>!I=Y0oeAs*R?3jaaJ2 z6yW#mZNwB}3O@KTtn1ir%NSa&Hgf|^F{%OSxz~Q3b?(Y^?#;2O-#-dG5@uA+c0LMp zv_AN}B_oO{6KM!HtO4`=Z0x2^3#xjldlJe^k9$lO#!!q$eVJnwfh=de?#Y1#Lq-?;odlAch#&DCEV?8JG^AJoeYUc0AS2yLz8F z)+p|Ma4|j^xP8=9y%!ew>%aea`F6oP>-PO&WGGNtZK#Brc9vNZvIF>~5;?D zjkVHoD|7E3Jgn+z2_kZQp68=3TiS2Oemh!i%&fip;E$s?@2V;h5!2&wB6CWd+<)w? zDlYR@6by2l2Dr;mRg4+GIy2+P7$Ktq<5n9n_1Z~zXn%a3%O!)5Xl7{*t@P1*IhqT? z%x{0Vh;t$OmtQs!UM`uKU2x^7%*YELMg*c%Jyh#(0nj1Q*0DRXVdU6HXG92PlW8=X z26Q6YKaSqIYHzzbFUB0EN8I`7ycg%^t4he~@lsEHUiZ@{prvCbDvn2|K5Qlu5by@( z9Q)|#D{fN6`ha0+_6s;GjBTEHY<;-rqV@TYjbVcCD=f}odL_C|xn6e@59bk(Ir*v(>Y$*NpC>?2Vbud#!u3VMzX3E)f$7d4{857PQ ze6z5?zx&(w54dAhN2v`Msiqn{{_TJL>6`Yxq=b(v4BY#Pr~$vNYpoRwqBSSPoWrSi zGI3rK4XB1#n-;`0rT{I$`6wa!+x!0d^M#r3@Avh(j6S@VxI|1BynlwF)DDzyZwg%0 zlbS{tR1dSV7ax2`L2Ey6C9M&W*Lh2=w7jKW2MjTgD#DC1m!NJIh~-|&y@urRKob!? z?aO4=P7T?QF~mCw&P7+x3eUUq(hg*ndBZuSy`2p<7YxGV8bLmVeG1>Sw;@2Rw2rCx z`2U42*;A@9`=4~lqmOoIJ=$nJWUq(L=(IkD_VZSlDP(WmZhyIhcKS@h8tZF59tECP z&|UhovSDImaCTKFJ4LuW$}qyr8{kN=gwIE@i7S@4rsa|``!u8d^K56Eey=gcu;X4X zZ);3Z&}(_YD%=IF*A_naNE|-~4X{4%9 z27mr|IHW-v`AKUHQt+b#c(YKA8{jrPZ^shiIy!(@O_v#);`h_(iUBifs7%1YA`IX9r>naHgwdZq56lk3~X}j&0KV2 zn1gkX2}LB!B;q*_@V~=thiw@4Goz2k?daXMmnEc7&$?U}V*2>)7MI|>BQ_)2Ub8qZ zXA6se{5X!!f~jpiwYNUHo%gc7g0x+5l!Y20{5{{GDg1EgSM2=VA6#Q=3_?l!Fv>}HjowYjNug-0|W_D?LK&ISg+gt zzHi&o`#4KIjrgZVZUl09cJPlyc0&mFP*jIl=w-#ZB1L#5CT5?!hD`}m}&3)9F{a~fN2bDFqUOo z@?XFIh+*=4u&?vp;~;S2P)K3F(R#X^2^3mpID zCeflP1$?N?48yJ7^l9D~OfJ)sj@uC?2x3~OU@QZi7~55?9Vv-s)=Ii`F)9nB>VhftiBozbB`CSoU82mrRTyySW) zJx?n#(l%TWfRkI*tS^fV)2gi~v#>BK>2lOs8s;t`1tSuXV=t(}F|dJd%6Z>v18k@3h$%QX z8C>m2EUjn501T_Ave$gg!zNr$L{Oq(xX2R@<3*$)Ex~9EYqf{qLJq0}#W8?}#N3)P z@vs3g0Md~j_tSeJBIFsz6vVL)zW2Y$M&WFEe3p;D-j*$O9Uv-VZLO-RN;9+5?3sC~ zO{a^owsKV1zUx^*yO?`)A$VvlcL4@Cax;iH)!O3Xf%NS$XGAeasXR?!F7D9YHb{1Zi zwVY>bx^CNX9LN4(rdsN8>|+cj>%Ctu3nTbeL{+YTfO?CogcdD)T;Yo*t{E|RG{`MId7>T1x|_ww$$|+Dhx)(C5S)kY$V5gpj6S50xn%HhacVmA#6W^HI)y z`j~MMIM3*X(h^xXZDD&|aHjx1Bf>s<2#v%sYQA==R`tmrw-eK4pWH0M2{4u!-Ykw| z_C{ob#xNIT=%~A*YeM}^M5yP)i}gu_LyWfzE-!(YVwyJ>aB5i1(bE%*28^CUe+Pk$ zamawJ%{`78r8NNC&vQIP*d&ng)BiBX`vTw$(=-2zK)thW;%E7f(*puOtsMgzB4T1~ zS`PKWA;s1?DMxkAp`2vK6o0;7PZgq!ZXoACe2-%Rf8;SAA;zUF!nG<3r4;9koFyQf z-kz3aC%ERuF#Ik!wIFWv$Ruq8L9tIs(i~cg<62sb0R~?P;c(@p99ek3pFTQ7l%j_Z zDRk}iY&e$D{H)j9b&N62z04k<4>HD<6{G|r($bh2dN82p?CI`^$s1;r!$9DLfr_V? zmWiegsuk_s;2r91JRj5!^EYh7T{~XDkUX9oJXgf*gS4Xi?Zg8BRhSJE$IijY(BWh8 z$s0sY&*;qcy5KrsVaQ)mvJz9>8xg_8(%Xnj_{x)6E;%j%nqf1#ye-rogo@O5dd05_i z@cZwNJ;gvo+mcZqn9=9$5keR?a*AiE+CfjZ5CdF}P_Lpw_;P;}v34C}Trb;kmVG~J zZR?tk^YqS7z|I&*v`#UeXK~(Lw*?^)F$Na)&S6V%-w){If_Jqk5k2TU-J&gE~6h zS$$l-ZS8E<$Nl?bx#TDBcA#+As&S1zdnO(_Fy4!6{M+Q72;l}(UA=fz)eZ^Q zD+npHdLY3{Fj|=BHM1GDql%Y$uQU^di5b}c55DU3c8-B%xZOJs9C7h>?yff_XWAT|*$ zdtF~w^zqwug)-862P&|23(?0oLG>{O;C-EU=U&9S-g?UM*lUa-#DHM05X0yD4N`TK zzRQ|QX(@$LnhjgFjIRv2OI+gZ`!3$4C4$!}Pa7^XDSnbcXnT6?A%=FU!+qm;3_`~> zhWRkZ>WI~3C*mAp1hw@s?B_qeArkWXx_+7Vj=gv<-aD)ytXr!cxH^O+00G&mGEb8| z;;Y9~XaVSiR{i{bM{UuoYU`J8mx-dDMDmjQKrFoT-k)a~MlmMs{qO(bKP~I}_V)Vz`}fD=v8)T(5T>q;Y-nv{cG(tT zdK@Q`-J!`1-hZuaYg6YW#dy0P`%(9!>__?YfBe|@^Kn0iSuO26tM|UvhLN5Kt9BN` zejK@>%S%@6*3E|1qiGu<`uZudhiwLMp@s&&>5` zz4f6p?O`&DbLf41{C0;b;PG*^(tPqLU&_()7Ryo5?y{p+m6*;)U9JgMS6s9#9FotM z*!x&6F(mJkJNK$Z^CkJ{mzOM#@9+EDAFeoKx0hu+iQsvQD95#_nbotxS@#c|6 zw%6t3&vzf(^_OjXU0`ht(dSEo=Q5cms_fuhaKh)G*tuBjG9Hp@hjjOqHtq@$kA&jXE(41?aZMP_cN zma{FF)QYYzi|Uw)uN=TT7VqlOFcs1hYYlFPj@G?*^;C>PLz8?b!e$_JZ2ZIhldtG^2=dMB6iR z1cUjnU4-+_x{0{)B#L5sIC_6hj^}G`gIw@T?1G2=3~Yv0nzkNe04vtaw9YC4BL*M6 z4HE%ed-7DKj8>jZB#cnCYwJ+8;n#s}dUVi`U5ufYHf?W2O}h`CpPGJXGV!a4z&OhM zd=XHWqs;JL5SI>6RoCHz8)H-mBaN^vgx*G*j$zA|p2|RK=XCtL;9xGtGQr0=9X6wo z{JB>|2aI9J4EDjpX#*<)dH@VuV4?QGwbF>mdxwRUJ!7PM>*xkiD`S0k+zXbjHf*S+ zHM!uD)46*Z&YdfBUU945;+s*ZXzZ5^-*4BsKsh{=cK5hc-E*QZR&2SM-!=Apn3 zw%P-dSc4lnm{^N0*95(m`_n)DA%-ACF$6NoDcZ1F+nnC{$-1FQkd;y^oUg5EO5rRu zr}%k$tT|mSOVgfX?0vkwT<-gcg!!gDgqaU;mP%%|>C0uUrLi#51JDDc=yQr81ZHC5 z6hn^bD5n{6b4N}QZ-0!D%!2pY`!GZ17Z&>14B}JW&6X6;QcG>Uk5b!$=rJa6Mf(`r zx_sUqOU_TPTRM(XYJI(IwKb!8rD@mT1LRL$r1u_!FQsA!w=RowPP@MU`1IZd@6Bk~ zNHM4)r;0_mHPxo;y7bYR=(4T<^q>Cp+xw54;(b3-imxx%ZCP4VxCLz3cuG_H7_YAv zRZTgh9F52j>D-iA*3069+aKq#pD_jJ1vkOt<3N4D%)&gzfS2Du6pfyk=ibn}j@mJK zVn(twCafU^Y=MVPWgZdLqsA2S63bq3>Yn$4Z-nS?Z9S~R%&N&3lcJ1qBK~%{0 zx`Iq4PQX6z@ZA!@m;^&)Oun~aedHzjAiZ@L98{`Avk9E{tCy~$9(8&=%zE$J>mtv( z9ONquDbM?9W|y~%^X`0{Fff#(0%3uaj9Dn~jHq0$i?$A}8VkoIrZp~?W%O}84n${= z8FmHh%SuGhygohwDJJjTcF7`4M%yJhFSY1;$;6CWHs|Prf9$7^L7X!p?PI&FW^|tA z@BZ}n|NH;(f4;oFh7eOuKi=POA0NypP)J)VXJN9Rzr6rN*0ev>p5rX-ufKhW@W1{0 z`^U%rC)d!3_7ufBH2hk0}o(slD}9+Hot}w>4kl?fVY> z6*~zz^w!Ixh9zKfyuY7u@z5L&nDWiO(rxySGi2|h(>g+QUBT_0L+jr9{&|XUNIoUM zf1c-FdK;q~MC8LJyNQ^tZ!0sWHEL5bs#S@p9Zg#&;p5{(Wm6t?sJ;GSLy}-QYFfkO z^9s+5MJFNo^(8-kob_lw|MB(qW3NZ6r7c@T*qKckB%?__@6~yU*-sTYGhq22x4P7}W- zunhJ|J%ae#Gu9N#HKjGg#k0`ky1UFsW9N>wd^qF32$jvY?;%8w%M$R+MAOZ%#`8g{k@4?l5N`^oPo!EYQ z>i9tv6>PRg$Ew63B@L|;App1olqGm3!C4WJ5d71RF~F8^-WhR9Vcudk_Za+y>Ok#d z!;S~U<$U|T6H$oHd54`L5g|1l0Ph+&e_+X&HX>CANQRjbAn=EE`OcF4Mg z6o{p3A8M_r4b!GTr}*gembB^ix|$7k)Y~Ak-iP->#25%NQ!5HhEI-MyK6-84CwKX_ z8d+R}JXKg={OhUbUPJV~4Ksr|C#^ALZ^L?1Y@fc+0wTOzGkO>sQ)`ML(f)C2Rc!+- zQ7jOQ=(rX1nc6hw;M`OnV2-f9YfUegMFe_Z=e;YX zJ=3Y!Yy|JuCGY!5L}QF~$xRgtf#a;qbe!e&W&8gA$;>eXY;9Qh+uQ5!&pfOUT#7-M zwY4Rurp=6E2r+o?Bn1CNQrNa+V1*w0F@`yjS{vF4Se22_l|m5VrkX;is(p;sdWwNX zgt@B1S$~`bG_PUf?RwQdLJXx;=xtQ{Pj4^3zkhh|V+_#gY9Ar^VWzD)al=Lo;VjjA z2O|F4%hkw!eB54MF3!3AC@BR7MbtUm%6NQ<2)$5kZCmr2)9>#eF$U0R!VVn7QsXE)y)EO+m&*MFrJO-CMq< z-p0@#bMVQHHpIK3LxLDlTzq*{79k^8_j(&~i4e&UQ;6aCJele7zQ-KkUJ@t0j*xvj zntK+AUq(9j+<_7qgAzT{5E&xHxOih4YT_NjjEQKp(QAj$$esgfX!pg-<70=^57HD! zfq6o^eb=r<_s^pq)j1*X;}Er2JN}wY>JdC!9{y}_NX1D^p_XQ29D7BFAj12jz!pNx zSYAIZWdsW#8Qnj33=!AYrJYTyh8#xg^{6C*KFv8n;-C|>#Aa%(>9S^Ry`2pO9I9vR zolB`PMIjzG_(}36BOfLJG$xNy*+mt|WX_s9S9fBoOvW!oS3dX~|yOXd{(0L!KKCC#9;LLDqiS!hA74px15~#@wF6Ad{J0$y1 zeDDqPyy&r_>`n3RlTpmEw_eXCENQ`}8XdR~DPYx5j@osYQOuz=b-^LQy)_Ln;3BAp zf;cep>Hq3kR(bv88I^yEB^n8hA)Q1U>U)n?V z_uqFB_CaC}+Pc<0`amMVto6-2D3B0>LRU#Rf2Nq5h~pAi2v{MXfL;*s0x9Y24G`7j ztqYgH#&a10`bXh)o! zkJCBnZ2-C3N(<3{et%rw*7H%I`|aADcPR0h7@;eW7^rpzba6?wqV0PY0 z>uqT5svTV8-iLDzj*&4yR*jf2at+D5fBdii&}#eIc7+g*vn)$Sg{{4V znzZCtS`*>cU<(_UZ53wis@g>)#wg6S>5?-%pdt8guh-jsFSW(seQ-HN*aEm3f$0fmdm=v5J1UvPTJF#1A?cHahxTF(0k`O5#ZqQ z^+{V#DHzeqWqa&rDRtsLpF+GohMDy-z&@pCO(r5D@}K_ncmM5Q|KqXmImg>$58jpM z@1ojUQ>6UZQ;F=o=osIB`&cg-FNhJf)_NZ?1#LQz2afy{BFw-bP6*FY#IhxTrSBid zvZZ=9BI`QNdjS;(zIY-64ABRFJ__>WwJD6APoa*A_W;0&NN;Lpz)%c>Lw8`Yi10|C zf(;Yz%qT3O9?eZ+nlSVFx|Bx+^WpN#)=s_rviTJD_npWfzBe;HHEsdWA#qY4rJZeg z%{B~5fUty+-2UT$GzcqNZ0qdF2E{RoQ?=X+{(~6?R&&ThAv*76dC52hP?y2LM+mqO zhH3>D$>_sJ4|GX86&r9Cu6rG3KKkB`iP>?8o*0T!--<4mJalFfYt`Py7{f>3&K8%z z&mc?}JQ$kwXiQwr=7SR!Ad1`3Y|Oc-_inu`Uma`(k z)XacY8GXbU0LjI2Hs?e}$6l}lfv}->d;8^zx)96r-b;vqrwwj?c*Yp5 z>ULeaj%7Wl7Z1~^xzHmvvsx6yJtBJl>nEa=&ZFXeFMCB4G%(>t;~zuyn%y^rp=pFW25 zWkq%p7G)^?&&Ro3m(SmB>&pt|RV~eI_2aXAZN^|B>uQJu8Qt<0P~?p^%A?-j5AU6K zGFk`cO`JO(g=PR}ha$g~j%l~gj+pAB=4(RypON|KVhS_;+6)jb?&bPzHKSG)Jp(h8gHyuV4Q}o{Hsi?-bm%LoFh?KoCb3NOXts7hK z!i;d=`;Yy26vWKo2_`UPMMClrWAr|1X-Lt|YXYngLza+yh#sSN6sBk$MOa%u_mZ}# zZJ;~#QJmxUL>4+P`I1mB!;;(k1U+LZy1nKxMvU%w)a^B|FRARU?9~VV958dpz8sZo zE{KMXkoZxXS-m11v$f)ryB!ByT2g)#QVGMhG-(7GoziwI;S#lFM!W5T) z5D6xRb{CUZA6;+b3n9&n9CsI&2}QMm&~bz85W7l@r7$sti<;mAmbnzb1`<<}=_??@ zk`3-MGlMY6d5=kuFxRt3Br+^!P#x<sHa}GMm);gM& zn8FkVF?a2V;bUTv>9`dv`JISJtqSclW_iwgaEfB|W(3FA1o4T8lU5Y6_>_YUYG=h6 zG))y`%O&~fMjy*%8QSxb_S@05!)}h(1{1wyOP}8#t!Q~v7D8s!#4pZ$+oVP?q?QFwr z*^*#yPgahqt;fY1nGu5IF!-jfNarvg9Wf!FC$3(cn2mf*vqfKmkN&HNG&0o}u8*36b@t%N9R>e~?V$BJRg>G#18H2mu~HlVn^Fgmn;2sRa@FsLhJf|LSqc;9n5LGLxi&pZK}Ydbz7R94#*o=~ z@68PT(ir2ituNd5|NhIrUbfXc=bW5p{ps!HaUA<`l2MFtjG@|tb4HX?BId__;L!12 z@|LiPD`#Wov_!}uLh{F6@+FTx_S*?{LCgW#YjN`UJnB)!yK^rgc^ZUdJ^&(Y%tDZW zK5UxSi1i4r1R{z#IAKiC0leQoj=02_BN|+UTs|vrIUmIbPi8**-a2;uK6)*!oeE2? zR`oGFCuIKh?_Uv*8nP$m<#i^!hUY<#qcbi+oYX^o^yOZB@=VlQXQH@7I6i6E&{6g} z@18aGsy>GC6gc4{fvGu)F#M5qqd6#YE=W7nMd9fUm{4Ky($0<{E;2H$kGKT0iSI1; zf?okFFldB^T0JTr?0Pg2u6xBIvK1w>^HDEv8$#0rUd*Qq*UUhHz`*HAX|nx(#uQ=< zqYoc^IV#eH2O=ZP@|wvAs&OCu{d4!hFKhmMzqO`Np1|(`kr+)N4EWHbt>+wjALXbq z$Muq-od8w{&xTK49H$(yS=Q%$BO)^C>;hRQ(tn|I1AV-l)p?iKt(TFm$%EZ<;Ta4p1hv* z+aKOoIHa)Oj-dm57~BUwIH*gZ{mp9}V}xf6A6l9i1N4oAuv;@09!3Kt0yBUiA;!mT z2kqc~yDiJoYJJ=vDFres=ZQ1Ui5y3XF_;Z-koy?H`&zZNu5B>Uy5&Ah@i>(hVlX1D z`u6k7>rdC1!{c@kS>DpJHR%FyLccd&-!=w`wRJK(kE*?UFT}E5 zQd;73BEQ{GL)#A%5(=)9NS z2mD3MtW6Wt`K`BSiNhl0Q8CA@XDfTvItH>q+8EumjxmNf$!kW@gsSVS9>P1034L1P z`KYb-vRBm+mXMYJYd-SAh56hI)>-15_fBVX9;aVoSS#v-JC904A^Y3=-kYipz?Zf4 z{o~N8KDy)z{bFkD0md*uy_*2Lw(?{{jGw3 zhMd3%F+p(5Op`JMXA9&XqmQ(Oi2(9WL}o~{6SxznmS%}#7_u)#;9%@f|C13q>ejSB zqhV1j1E%b}v@(@5_z77A^F?`za?zZ$rdkzWzwEW^Xr;N}%?1_-A^W%lGIHKAQ8`Ll zqSl555kgBRoVxerl55dc)xM0mL|Xgynx75?^WIq>^{C$an1e&eZ17sOYxmx_)|sGK z7BYjM7(byCVdh#iFOi6jy?!ljx^~D3GAoVdbGDh+>0VeLf%!{7L zdGTHV!)eb#h#l8cjR`8mxWu>yG?raQD++rw5shvx2(&gn3NQ)nY`5?G>#vu*MXg9U zma5*(+BL;!X4?C8Tb&354~8&2BD{0Kdnj0hMTBpU zBgUB%vF6m88o}qzXDPjp{X9`&ixVgAa#_rP0vywBXSC+rhoO?5C{pNTf)C!O6jKbU z<8hpD;$k&dTSMdCW-J#*)HcleFk$Xvyk0keN6}?^@9vL1c<+O&bw+A8)!=+nWtQlD zQ=PtY?X@*X1Vae5Db}VUl49JCg0Y=8#ps5J)+K*?z25g7Nydl|OKJKOa*En?T{1rP zt!YZJlrqdZG(}^iB|YwkHvRGbSk?q!oY^R6YfZ(;`(Hjn3ULX}IbyD73(*@v+oxuf zmVn^_e3@7ZdrU@&%3gsyXJJ^}j@voiv3T;`+* zFUf`-KhC_RX?5b~xxn-kxKnQfXU)^L&-t1$hKG#7N0}A;^CO3OCk9bAh=_f1S~`(2 z0Xk+bxc$e$4t{^GdxfCWdG~mKkdgHP)F8^_>)TdOU9Y)o2S*R$pBX`g7%UNF@G%i= z7~Z*M&Gl>{_>?1b!1bJpzL-MF@!Zc+8fGfaITmtGZXb`lCfvl%OF3K9jwLBGr<_oP zjWL9om{X4Btjn6T^;Wg)WxZq;zI}gm?aL+Oup1ytbjwS`c5%HfAv)9t7)Jr%XoHqZ z-tR}u@#Sqp(h43G=NwSH+WLM!SvbZJQ)smzk`@^zW+u$*nqmxJ*fqGy!1~1426vt~ z>21Uux^|S#;sAOh$mh^p%@d<4)L&5lBQqF9SUoEQA!&&}{`xUpG);MWE?sXurWjKA z`0HnX9<9#1v_$6}nJt%m-itUvzl|f_`{_~l!2`d8ci}wh{wR>%)zXM)5RJ+IrrxI` z9{928Kf&dFo+-!s=Pjjp9>==mQYyiZ*ec2eQ=k{nwRwZ z?;kP6>)ZD7?GjQrk5WsuSwnC;8xv!vA5%CVg{HKZUVgdkKX!P0CsrJC3+9l$IHy%X z@mgNe@mYEsM0EMKUVmQG7U6y|4%fcB*r(o{Ah+ z)N|`K!@cwSzkOOCV^~PRxjC%4zn|Mn-apR!`%#My9gmN5YFjG{HEQoRhI4ZH zXSNo8dB_dPDbY@GKRS3jP_oAZtz%(tq{ynmj|EK~79+v@_^n~%Qh z1SK=m`kLy|zUmG5U!CXmCACwhH)#!%EX)k)g^RA-3utL9%t9=XL<`Ow7BVwTZEP5X z89sRyc0n*q1*jAiC*Zkb5cDTL;G$HZ;&E2Yof|wSlP5&Z&&*Ab(0}*JIYuyCK`&hJg`hV@$I+77oKOOVZkhS}jeR9*+}e8h+m~3^Lc{l38dBL%3V3 z?f&CPOL+OV^*(%b&m3H~F|_vcQNZe8=9qonVm%dVWDMq8Rq!y@Ew$RMkKkQv9RnS3 znXtaV{vVe8kOEd-y(tD&U->Y2c(DEBuhh;Md~oOEq=~e~&?hiV3(1igR5XY;!OUWE zN6em|FQgkilLx){;Ft+qJFJv3U>Z7l8zK4fs9%;r7afN8%L`y%?c8g=#8xz9Jc^dK z$igvut$lQhYsi;GOl5B%lg2fcz1pzjv$WcA(>d>kj;`GYao&aGWIlBQ_p=D6HQ_Vj z{{El-E_g@GqxW@5+IsMgh*F9M)r}5RIUsM2F>(sEHO%#TAD@ric>(!n^bx#6GpfB~ zNF0KPI_NwL)|a>Y-p6RF5rqh|F#oUr^FRK}zyD>)iHvfNU|M5ZpnaTY{q}kVM&5ge zy4ic*nr=C(cEBr!*?ykP{CeH)j|0h-%v?%amRwt_O`Ug6oQ>g}!%4c%uQ1~Xdhbm& z=lprQzr9?r3P-ciT8G$f8hy-a)10C>Au^r@WzS4Nn|trYaZ{ZJYcp(cYSR$>?S4m8 z>#sk3`|)|pF%nUVo{4__`P-j=`yQiLRp_UOnW`Gmun~ffF@)&Pvoe#}VCKA~5M3?J z1u>(`+X}tM6X4^{z0!o`F@k1P2bBG20Az+gaI5O0Z>?kM4{bn5lZ?j1A-a0D2Dl{C zcm{86FRM=;?Iu(=t+XjXPoY-@*P<20tewd8>@Io{Iq&81zAvwN{b^;UkOMUC7|MP* z==lpZfLk2e5@H%8PT~>(5l>5iWb^e8mydt{j7yySndpWNNdJ3<=DvMRbU^taW-S_* zz#`Z%$df-n&-E@!8SxJA5LAa~@k0)9e-csMn~yFmfy|JrheUD)nencFf|%iAdKTg2&~Qa(LWMX5Ov~5r^mj+ZB<#rj%pXf$;6^ zWrNHe>*n73vLvwoK?MaCu$;|#X|0FkLvUC(!>~m&J(q~AoYgsbd>*K1iAWfMnu5#B z`57)T^&w1O&qn`JHnOoT8)Es-WY?6haK* zxalw>WUb3Q%AiP^XF5){p}m#{Mx;LN*EUE*Vvgrt#UqrrXw}g>wgFhhpi>G7c@84Z z5z%ow#m$v5B%U_4;I8atj1iN^{4GX2s}WZ+44_awwW|0bI~)ScqmSdL=U#|;m`!n@ zn>P?M&rk@P#fO<`)ywsA?1y)*l=|)Mt<@T007vC|-L98qU9xksZ8-$*M3$UG@avKw z&x78w+jxDuh;zeiSyRZ7m|D};I@Uo%bH>?Q*V;e-dNZcuR@T@2^7Ezag@k+UW(M}T z4eQ-T?f5*#CA3qWcaQg@+)CH6zUF*M1L+W_wnK4llt**Hr8QtV_SNT~_XPS1CG^P(84+$CxvU!Ad?Jl~I{PpJzv@xH2D~h`R{^Rh`J63#gT{}B;9uNr4?h8Xhl#KL@4TiZ6n>_~cxpkz#!paPx z9jplSB$i_PREr8T_y@x5yklZj#oY~)5?1a$dMD1v%F*T$Rd@_TC2A)D!?{Hq%{ zy$AvbisZ1DQ8jJ25$Hq)%LV*&*%=w z0x{137KtgS2J8OvexX6Fb|zwxl*4cbvI8C(_IF_6+sgu+6d$|DM6ss$7Ny!Uq}7p-8D$ZUkmCE$*P5*it3*3%$%=D|J(oiFEj{k z@MeD5vYDq4qiRZ_*4}#WZrFEI&=j?GOEEy&-p!B%zoh)wkLzXYZWtn&Sc9}~K_-!k zEj9$rIW0L|w}qL5YKkG}G}|SaUauDsF11}QYlN57{r&Zds0tNDoA0#b3#0ef-D~SX zL$|&yOY62R%Xt=JR@Eh^ZuZmL>wXrMsYw6@A46c~>t)4IURq^lA0wy`Q|}$R9Wxs~ zE|=BZhEq4g908u`Jj=Q)XQ|t|wAS##EIFB3jIq|1VrUTmn4_`sFMs;wkB=K@klN}P zR9hWmtV{mmKuUTqMv)kauCS|VrxjDWaBM0xvmvDSx=e9g#XVV<$#){K?Qy)LgA zGa#JDEKE*rt|0()hwHzWUXK=+uz#G(O9rMgmFOz7(W zPbn8D@9E|d!X)S2Se~>m9&w%Y4l@rM@B<)td$`9OLsktcL9JR^Q#;yn&E&&vVlcfK z%G6qE2%C#ZLkcQPM9XCXKZ~m(FUh;t(t5RWv~|n>Nik1uZf5uZnK`C#?q^z}^*-$o zV~B82DW$=O1F2X@igX$n4Kd9-!cu)8K+w#~S*`V6`+hsu>ypw856x??N1LI=K44vi zr2%CzFj&(d8g%Y;hEhLgToD0f0UQxyqbC zl45UGYtL)$2w6(8mPRytBIzkd#ydQdZCYn$4SM_Ifjc`S4M9T;8g+ZwkXu#H2JB5{ zwH(o)x>t9HLme(aYxeQ$XUwscHi>4HjCyPz_S8q!v+2~hGc#NFURy{3PWqH^bnuu( z6Abr1Qq)+ul}0oW+^!<#mQpImDI&u?~5A*fZEN> z*EQGL@yV3ho;~GL8{JxW_m2-0hr0v?7BB{_m!-Epe6-ru%d)Ns$9^{(HoGrAf4$YS zz5aBuZgsC3rR;4+EV#J)8tQsPZ(-QL*5o^1> zuim|#{ro7G_f?Y~ABBiR&|bQVlt&j~QCYT>mQ?l%g_w13XNQ)3eaRsP%r2^Y-0Bz< zqtYOE3MxEAe>!>EiAz^!9hxLDXtD_bFZ#YSlC{=#iISRg|j$G9LedVk4(xGW~bF_(tCB%dfVUoEdf2DP?JL+HweqZb!%-m}aLA^UOu@K_I z=4*-kB$Yw*rMYJ&79Io60Vig-Z(-rZcZxMho?AK-qav4Q-yoWa#k+q6V%D=EXn6i! z;P=G%w98SU55#p=&j#SYY>t4;T+Y_czHEt^Lr`W>m9#`A8iQgCy*3qbcVI)f*3GB$ zfr&&lr2uo+S1+#y4Ot~f%mJ0yIK81?>dh~2D~yO^jFvVYFYv_>9glSR6u&8o@iN8h}xPF6BEUxgV?$eG28{X zC11X6*ezoWECj&b-O*G{JkVB7gCIBPr4RG8C6GuHN_rX+CZuJ)UYA}v@FtDQgQ2Nj zu8EatP;VVX1gz@I7KtdNDVkU>k(JXL=As!SE-Eu|E<(l@*SNlTN2^rn%oHE z5TH7AK(*2(NLu3{YG=;0KTWWM)*-e3@oq4$GENB$0A}0s)LO9H_P$}8g8njO6`im;1k=Q%NzWfAmWQwgjiElOH4iZ$$`jE3c{|U08BX=l)|dQ6 z6if$mcTJjBP|PMlMOae+m7!7M5_$HY!}!RM9)W8Zg!gxPbHDzdAW2*4XxV_I7#unZ zI3S6(=5dMOWblDAvm=rZkFrnYs0M|NVZG$EB!0 zGL_9>;Xi-Bsj3ErA46vEy#UPU=J*507;sR&ykC3my?1oKdw1lum9r+)1&F-7ZFx-) zm@Sv3HPfiQw3veix&8i#Iiw}temq14jRe@HP(?oPNMSJP?jtNgm|>{xtz#`9qTc$t z?_Gp@?e&;tc6eBi{kUAW zZC!h-DaGG@{XM7HYNLTfGDb}VjS+&Xpm&#^;|uw4u0DYR-K z=;LF5dA+pSAD;)*-Wr6J*Ow(^b@%=AJa0vluCIA?*R1DfMa>Y1GRRx;+PRI8RYdC1 zVvZtHi4mf%*R)*Ha6*OW=f6L!``b@f6;YO;5`*&KpkWLODn6*y{{GWTOfkfemUuqO zeapb<#oNhuIMF>DaIJq>k?uZgVt+y zC~dma7(#4)Mkuyw%a)ks@ni1|=})pE=KE!@DB4kts~z#&9)duaag05Y4yyNd;r+LV*JdpLx6iVR#Ku-GpcdzJ#r!k`H z{kFqS;WknXe|+ABxzw&AL}OVpGxu&O24Ygt)(xcpzyJ25o2_g9{CvcqgGLNmYtQhF znWY$O>pn)#2?ESP^p#vILYH+3AslDDY|Faj+iedqOzKudRn3f;w{`j3uYZ7LTbDdF zSwv=z)c@N1l2SLjZri{A{v!m1OISpXvtVm{k_IECIL0s^LG`}xklvP35vS!oQV2v8 zWB9y1RQ3MYnfd$s+wHM46V{a&!yu}yGgFL_XWMotXIGHZRTVmn7Cd?l&4;}aN{_|^VT~)>y5H>J#E4EzHSN>x=JHk=`Q!x~o zkVT4sJ?JxaZlG`tXB{?TBJO8PThixv*Gi8|?A5?awWH>jC8U5VR?OLO+0t{S zCn5<77~5@x9Ll}GMrO@0bODnXhAMdc7iwo`rgrp@krK!V1){G;IVV;|aW{O%3Wh?{&i%VH6oASK@J5W=*EGecI35GU*XDg?yf;Zo|z*HAYQK{QTINX}d1}_RqhbkJ8Szyez}LH%mG6YP}dv zIq!Dfig!P6)w_NE>;3ho>w3v$Z&rJFz9h8a6Nm=jS6!26kAzh8RqW==F%XM_N-Ml;`Dm+yc7-n)Zh4N>9Lq%pkD z6&IeOr;w77@TfsqsCUyS8l@byl@3`E{016luGjjSi775R+|9fo#?ZAud-Cuvcgea_XeP8t{3&d{OYo9e8Oju|`)O3jfQ1K;}2Z|}}_$>Jn zH7X4h4iY*Ld$X7WhDe+t5dRDsy#rMnP*;L0z~6|@G#o6i5clRV*y3@JNU%*wiry^d@F&+#yhM(;!wJgW#J&a{;na@O2Ml za4~_Dv+k{0Ui0}V-aMr_tEkFs(gmnM=%AJ9nj6Erg{aVOi6Z=9hE!tEv~GC8LBETz zo98v*Usj`}HHM@tG*DYRjYiDE2qZ0Mn+_1+nBr932%9;5!COfo(R^xVM$Ca|fU#+3 zfBn7zhyR9Ck9&zr)TAP_Hy!W(^eRN% ze;mUh@e;85hzb>9gkrgQKRa5?@OeSfHU`zbi?IIVfBzG{LNo8ZuWMEj>z-18-D39g znB|-xvq>>DpdB`ep%`?Abs8+ygL!V%SU_8!*YgxJ*48b>cpL=^0oa&A2+(wvQdu~KXlC7P5Q2&Nn)C0UHxXWPQjywPju9~zMATYS z)fj@AUAMJ$JI*tN(0cE^uj^7ub$7UyMYNP+=G|;vmTrFE4_vN96hi2|=bYAMS(bdB zWe}w}vdt_&)fd~{iWgcCK~Ro_1>LmoO?a@%EBRPFHM4iy{%_M>>U$9 z>>(Dw zd($B8=(tpHf3&l!@|P*in)w*sJuY$hU`E3{{QQHMMcBuz`2aIRED^^s&#q-ANLLBd z>g9DMAN!*~V6a}7Wy?X8X41ldj98Ro42Z05r6IPmw~hn4oF(Q6?#0JQIX1X8p2e2; z&j-TzCJ;qjON%+!ygSkJPN0xQIWN&{>giR5gg{Ds4cv1(vN_>}JWF|>%36*ooR7l7 zF$S23a*hb%-nM+d9n5q*N{V6lFn0(uV$c`@T>I;q&8(DJsBSg@2;myWD(lZOX$^sd z0cQ@P^KrU)UNfLC>sF5zL0+rWv)0mj?d4Hm0O++}-!51Srw*j_Wy{ys3lWv0r2GVo zRkxQF+y0Y7W@cK}48RGvU(V5Ny4F;sgSqnIPZt`bS&$y#^5$nhD}+g^y5A4gka9YY zlZCI>ORc4xWgyXEj4>RCo{FmSSt>Kf5TJPMW+_F)l0F`1>)qVb5*_`6y#q-Sm2wm} zhw=BgpJ_oi*+@B(@coYmi`1ho*Yx(MYbzaLEa$z#rT6hKx8cazBR4OP8d88)+q;vG zR(gHZ@Bi?Y*ZBBxK7O1bhI(`Y5o*rDa|R7TM1lsl5mX0pjA0O8uFK`R9DBKa9>?u0 zN84T(sMKD6-k#cSavRs5w%`BhW7x22y;v`{zGUPo(%@c=o*ru~{Nw}P5&#hMq9s<< z?PUp3Z@)gg`}co%|MsUh6c?07(WtP9w9-?KWv^}qx!2`=B^ujH-XA9>=`qG}FTI(M zk=LX_&AYYOBkW#Slxt~xxBN{(n6WqozYwup}mBxsx z4j&SD|KqSeG_po*XWw2I7`TUx+rRIxe|O23lrJenU0)Uil8!MDIl5dkVs=sZFf9l~ zA~eQGYnX~7A{Gu&=y@jK!wD&%{4rnB{^JB(ZQUivvPERtAe?mmSec;oKbCtXYaY`dCVaMZOuXyGv6+YJyigpA4Om% z_z%!ZL(rg5ki#Yy((JS3S+Yw!vyVuW&$BLDo|^loxe;=#uP^J#5Zbb(b8lnJ^3a$9 zM9#h2x-IxcW^TQs@eqs(EN8vBDB92nT-FV6;^<&yT#qjw);)T5y?2=_8%duAST07MH^3twoj#w_qu z9Jg~Of(&X$d$Mx@!uYfVQI^2%>|;>ON`phvFK*=8^>93Ia= zE>)>h9Mx-U!cuBgzzJjY?m0)K6^UwXjfft{nPU9czx}r4M9;`k1g;Mnz4z97O0m}V z=U=`ZXTby7IwH&|=Y-GX+qaim8!PWev2KsOEL#dG`fyP5Sg&IaX^s2sIPWJh&V|qb zy)fT@Jg`=tN5#Jp#EX!Elt*1I8Ba3=vIs?XhpNQg?CWtHW5gWCaO-Z}kK3tHLkw8) z+tK_Pjycf?h=`e4kS?l>T7z?v&Ujttc`7sAf{4IrtwWDEDv~F>UtkRCwN{=~AuikT? zM#^syIhi}JpMSKlEm`O!WtMalm_jk;op&&ty#>G#t1P2*~RduD*bE{ zmHeyOfM#4^0HQNxspV*`b~8hM{IQ=Yw&gH2E1YxkZaJsk`nsfJFFD6!ulu9;QzQfC z0SqaqVH!h%K&))AP8wnvd(0uP3B^M(h3mIV%5mKmunP64A%^Sw)w`X00R<64`2Amg zzr1Z=im$I5p7VN?oMXx{Mjc~lkQis(S4^NZCe+uPsc<*%&*T;oZngg>$tn35!@ZvE zOZJT=L3IW<#T3j3rWP8g%aK~@{dVsioQAti9jcERaoD@526tCg6{Lsrmjeo_40GT2 zLQLmTVva1*O1IvxZ)RHi{_*SQ+fP?4z{7pNorvgh_wWDk)@m=eBFga3egB8I>)Yx! zdh>d8q@fQR;HHrAPee$u98Tl|o9(mVj?cY8N)fWwv*84&=Pc9{6(n-v?pv?9*T%^C z7Cs+EgTTcExxzD4#9HaC^t`23x;%rVAStwFtO27UuGOT zktn-40T>d}AR#I7v@b80N>p3;2fX3CSrJjF6OO`((FfC}@L^0+Bmk;-9Z+-n%pW$Hc=1#L5~K?+m1M?qk-jKT{ep)WhQc zrCr2mJ)EHQ!vlad65Y&bXtMqvX*~Ed3?~WFn~izS`*U?5=yTRB<5G?gf8*62WZhDZ zwYFAz+3Q4MX4faf-%?A17m=s;ibdqy>wZ6g=9InG+S}PMNQ9^`l_4R=$I~Z0$Q@d1 zi&0r1Wt8Jq;4XLyjR=*gW`6E9=1|e(pi)bNDI7?&1_ogZaRIZ`vjK++QBlM@#*|OF z4`}dEXYu;&#gY0YY-W(dK{tplNQg?d>xz#bfDYJitUA_RqwJq&%t4bff3-F-Pfy^S z{SZq9S=zFu{quwfa11JY<3R`l+FoWaR*0%WdO=O$+Ys9=Cr)^zI?IIFmJWE9dQaAhl)9YDkDb>gL(_eoY%w{&2 z+=h=q!bleH%`R^njj>$wvSkEKAWCexWGKQz3@|kU+ek}1ZzrS$So9%$gc@?DaUt<0 zCz{6g;O6V=+G`IfxR3RkTWxtwj~{#5l0+TDLyo<6h=m{_^;r=*m`S2)QY6X`AGl7C z&d$R9Y%xa~8*37#Tjo#eN)0*NMLk`#P7eqVv=9+>8emaK~`Wygb zA?fjX3?ppSGzdxdjF~wqoPyI!)O^?|kHXNE_F>J=dwHrliB;g#v}PJ)xMR^mU;Xnb zVgxLJNk9v)Rf{?H1{aZO&=>>m_k6CQ<8kH`&r-jCe<7m#?J)O>FbcT$!lamRg#a$X$NMA- z%({R7^Sg$S*NlwIkV0M)Qjc)@FKcdRBcf$nmdjF)+FL&#=l4H7v^&F-JO*AO7zVH`_1bZ$iU=zUb6O%ZPkhjw#$X~&t3pwX~1}2aa2~|GvNd`DG01t)GuZKGGJ;qs1k}sJ$97udg}e5OTPD zThbQM>^p6yh?G@{OAwZJb_tT#I0h|i+OB!MX2^cL`P=)o9&K52t34>XcsS?y`|qD) zc&+X8boN3$J0uQMBXr*h^vR4gqe4L`ZzT}v+?k$8MEZ%0M1}Hvqic#y)RM96P zFjk2OXt6OS>~(ovZ@)d#8m$k6;>QK-{OApu6Hygb!DQ?z=lF|80*; z2ubSMeGD`(#uVDokB@?{BW-aw#T?=Llpr_~Tj@-E+$z)vX$g;yQ*~zYAYur7FAYMZ z@|2I;2tj+Zw8nCF7LHk4=`kyaQz*xddo6prd|Ol@cpx)(hjB}-y97>405bsiUxYP^ zRVU$gb_onTLR5M&?~VWokUuOuOTqBf5DlkU9)=ob;wMcvuq}* zg7&l~lwr9$i_rLLFyL}jn1&I>)4MGwN~iI>0lT@!9F{FgPz@SWm`Qh0=Q%Yg4rVF`VZU%B!C6=Xu}BxUu*8ot-F;DMiHF6`-oYWYiiYo4{#tc1vq4S^|-`(^bjje+vT$M*2DCVvUSfXhA=VCb;;nPkE5m( zpc7!`<1EOAhle$#7&Mex>oX(2)TSy+N^4Hwcg|AH9HhZ}E zvxJ~)&gWU08O%U96+!^Cgs@(1t)Hb}ESpIhv%-L44DA`f0!~U~D(Uf1nR$kiby5)e zw_pGG>)-$K`8Zm)ZOLF%M0Gz(OaWFQQ7*Op^ryFdFC-MQ-fzbgBaT_41Mr@RXwdz~ z4#q02DWw484q^(i=@JoaI%!FWvslpNVxE?Sz9gd2YY#bS4ChgB;0|+*p_k@1@|I!> z=nW}n&6m`wjp4)$h8hS*J!-jEjanatA(a^eeN64>>5^eiqA>_*%1-rYBI?~?t{PDJ zAMNo=8!f}n(eYs}QN$#gL0`^A88lYSa z;(Z3-Xw;BGOdzIn%<4A08EROGRReBC;%*iMDOQ6N^&Y z*VnDp9)i}|wlx!TYqq1Wo;c;yyRl3O0zcFA#vp`gAd$^|?4QTmPcPOzuc>znGwqJ{ z+fmPoq#f_$^S2wML3qKh@0as&GI2R7x{zs%lw;XX>n6~5^XE)?teC;zF7E#KfBo|qUQ6-eF%nXkN3&kboOEP!& z;lqFW>pL^WHJ}(+f~+q|l7@&FQyD&bv3_>%aA+`QuhCtj?jOhYy5uc=5oMRR6>w}y zAtY@_S7mR*n*I3ocI>rR+qSi}&P2w*UrQ_n!tj;fjCWV`?V$Xn77kTG@MYg%H;Aum&d;pY48Joma@ zm&^OQ-;V8VnJ(VpnCFHM1n}o;di*$`w-I_Xwc*LbNFzhw1j##jnMEAF=OOC z?p33t94>FGH48bk(_Vks@NCPoOG}fw4@ABYQ%B>QNNXl|dWF*(+y)re5VanCeaTQz zw9_yK`K)6fM4Y!UeDv-iJV|MrpC_D}tODvo0t&X~SV=^~DJ{XOeWfoD5%ZUHhlyyI zGgK4Gpn#?dC5Q%X)p&Ln8I;Ct^0b- z;6j-w<}l@Xr2?BELBjzdHq>k^E4o$)m0o5O#cQQw_GOWfbiL$S`u39H;7UvQ{Phm` z98|CKTATw3qb>tKt(`qCL71oJi&0u1#vm9JA0NA_)KVcZrmvC{A9;s#v~tNB34kE$S+pq+i#=+%h{W*&DW&ig=?n1^ zc%I=-gUAO0_aG(=Nrw;Ixl9BAYC)C0*RP0#CG=uxi$s(!DXtM_8*+knxISvyQm+Oh z4aN*2h8DNC*}wkO=8=e$M`a@SF>L5x{>PuK*}CPFQVc;^(ImR$bR2bAa!&E%^ATg{ z=Fqr@pdrkk)mmS2M4wZsEvjk|Red}T*eRAJxuciP?)QCJQYo#r-nzMa>*m8_jO)5U z(3xYnKMrONK}%~PL>l8LHK+#FZqCBTSwwgY4~kQdRptHV%ECTIit#MP&42p##=`q~ z!bFQFo`~-E{ipZ0>t#zJ?#D?qx>@h0B7;T@0XvC`ApRw%)Otq(0C4@<+8CryW(cbN zB_|(4MQUw9XZbPyJf+m}H2vq8+y~1%7cT3H&sJ5>vx-P<4VQ5U`ftDf_^*HYb8EeI zTXHUKnySz9yuMsm<*b#JyL;NAL~Y%W93sN4T3+M%C}@`L)j|{+B+AFVpiD|sj(dR{ zn?-szSPzkMD9m|{w?FQ1CLQ;4%v2jkOaUO4^}6(C8p9YPZ3zvpKHWu{mXOv2`wJ_V zM|HF1WnpHRX;`>CYJF4^2Eh%$4~V`-1;!tj=r+o|)JN5zA;q@0kf!AhOU~te8)M{4 z!jLCHXVfl{ySD?7_B_q!h5#G-APAOtX3Q}WBbF;9^$yFI^lJTV)(lfMLdxr2;Sk8z zeBKKSi}JJZn3mTCJ09fD!?E|9_rXLO)v67r7$JfWb+0UJ-8F`KRKOk~O>qT)Mj(sj zC`9CAq!erE)@^%1t0H3uK%`7c;r@B#CGEE(B<`Fgx~}x)a}QEnd@2CZ6Ttx z#O<<_v(?(y71V(ck*J(|2`SXt;RH=N^xhG;1|;nI{Q}=ouYI{Be!@#nweD2^!xtXc z7;}&y8Z}>1%mK8%&PHldRX9fhgxA`HSwvcCF-3O^L6#-GzHYbMo>J%)W^_ssra*bz zOUki#b04)d%%sp3<4a+YkVA+8Cit|Zw8W5R+y^tmDRJHlF=qJkJ<=DbEgvw4lZ+4izveN_bbC=VZ~ z{Q|P?PiF!KK2g@BU;02Aqn#bgRobFNp)u~i9br-Eh|HXo<>@3AWrTsIC7``g1Xc$o zrm%#kFoC>#$bxv&@vQyQASuVXH)t$bX6Ffx<-MDl^9%kem@y!119$G)k?Fm&45W2`{BaPC5Cg*dvA{F& z!1bZR#9-K_9 zz5n#>{r1?2Sw*|q%XPyEsKPPmS?ZcncVCyx%;qjkAGbSd7~Q>;sv@m+W@@bsALhf& z*Ck=39%JnL$-*%NCWgX{nNhlNmMS90QF2b^4%I}AN;GncXrpA}(pn6Gg}d47%k^;_ zJ_Zw+8KyuL8PA}Z?{6>N{IagU{rE&p4_I+gIZHiDVdan_2_e3!oYk6R;SQ?jUdmB> z=>QJ*k0YcIb71Cjw5h;Xfu<5ymq1J?x3g;Ay`2s52>FuIB_lu$>a-b{0BJ!`B0_d2HUXZZMQ%sy zt@qN_x6QkeaIf9Xkr6bU5E#-+*QiLkc>MNA*ZfTBnKB#i)6R}rvsa;)J5B%qAOJ~3 zK~#f0X-?iqH}cWX263u2C*rh5CJH&uxW?w1lm?^ z)=Xp2ID0_*bgXh(BJTS^1H~mVM{m|jYo)=r4d6#bx;gH9H+T0CX3ZqCxXmaGNI`%Q zAQ^_4mNmgR1;}u{EcefSyDlN9s61}}@%O!UxI{t*~_Wlf*~%YL5w8FNC!3Jl_dC~x`Y{nA^vZYf1fQRi6@doqa7S`Xc$b%1MiqlxPTzhAo?sHadwLib>)|*Kbvp#6l+E|E#aA4GUYhdD$*0_J1V0)m} z*gpzJuDnIJfkF&xzHDhY#i%Mee5}_zY#g6wEB5kz)2O3+S|adfyyG#b5Vx}lb1f!B zFR$DC`!z&`#UwRGgJ^zIrI5n;oIM8y-XN%zl#Xv7>_?d7QL>>;UjUoJW3 zuz#L))~7^x1287`W-$C%xBcThA7u_L2-$=aYTfiW++*J8%>6fl!N;Ws-ovL>SI8f zf~!QHCLD5z$PxZCv3&d@6;_?->{M_i#ZUXsW&ma$|EZxIazWJWj6slAgL>^{+R&k% zeFg_HBBTK^)Y4+qa`tjm7P)`yG|1e&!!{!tL1+*SI_{@N*{)fG)}xtuOv=hJsXO}A z{d`oJJ&n{(NM1)hd&(gu#nO20H6&fH8IQs3_dP9P*&^n0#8|=mI|h|UiEG4j(vFsv zpg}^^%iHSqGzvT7diZ?Qa|#-}s%j7sDMx9|&{F&rp$3D~xmWK7^nFg@Oa&dONn3@G zn5N~`XSD(%j{wlPJp~m!2L>o_2ayILA2Ee?c1>ax-P^P74a_Y+UBy!%#0=WXeZU5T zC1>~`e%4J0yFINVV=#VwcVq-J%>@`CR~;{DOLdn{f;ZQJIK{_0Rv?-=!GG zpz}lrCz;vrzkROD0zSI+zT|wC`ucJ?OHC;d`fg)*9OdP@F;NJCnPbq$alT$JSO$DJ zT5M~rIi*r+RK08qGe7oo3~Ie!FWcjBK-{wLrM4;pm|ucwsoj12{Qcc*>_=(6i75KH z@Xxkp*KM5%o+AJ6KmY5u*OwSV?Om0RQr@nY+8Ptx9{aN7qg0)>0Yh1S-0r2+)_RIz z&AD~Mu&yetci@ObR9i=iu&Nx#i3%_uBg6pV^6+8q3RPbW24STN;N+m;$LB4@*t>%u z&N&@N2{Ak#2g;kCT>l{E>t!`__pvSc^KtzA?X8=grI~q*@d+aO^<_gNJnrN3tQrHF zk1%|Xr%@)Y3Hglhq_)!Ynt)+!FUz@C5RNcTnR!r@T64+~qB?~Cgs7}CY}BI?F$v`@ zK|mRw3oZu4m?HqBv_$j~^8ZiOn>9(297&pT=wW8=9+6oG(A&o}?GnxY|DUukGd&G- zRc3^{o0(oB`@rgf84w5r0hAfPf!<$l%je(jOcd9M=o3|Sh2 zn}L3Vh}zlGmKom$!-N!USWN0pA*%?79BoX){%d$9a|MIj4g+tQ;!#oV)l?;}5j*#g zv{#EMh-i71<+^AD-Y!DFfzikpg-JsIaRqSS^QJ-n1E0Cw4gTKKhCrUGeIgY)lP>nhZ=%mApc(xO)7}44278mX3 zyzxdI*m|FL(5qy0Q`Njiast)67r34R3t!&W%lnGAj9zkx7(>c2MI~pS)@=iAIRss| zrT1~3CB5>_T5X>nPj|Z9mg8AK)$DD+t@QTWH7tr|*dU*{<;Nd8T77-FIRz=3DiAQ> zA}^)Gqk?CQiPI7Q_rxm?Sw%V9{&|F?Z@*uAA7!uk5=XaoHqa49AES@sQ8mc%C}tj# z!Z3g@M?@iNTw;0Fyu{15b+nP!6rwJd1^VD~FBotV(a*o#w_Dbv=d)s~cJ9s0L>V7F z5`se3Ud_zY8Z=7C8W)`_yWwtAEpXnex%Xn_QDY9R3>Il+oS!9M62wB*4FIM6v!KXu zr{xkcao;}+2=N5)*Yx08YlDbisMEo(aXxHdD5mXIWBKsqn%pQXIsr$@qYeYQ$6Zz8 zqNABP0mSDvi?b=Xo!Kl?rVm{JDtpv?ZXO~4fXvfHI`;v1F|B)ina2<`4%ZFO$%SBZ zD>4OR%sf#=HbvC*8W`iUW8pMWp)A5A1Tiy4f#??8JtoCdhj1?3cVjqE-N3)js^1C9 zh!`a=5koqd`tp+IFn$=e++)l^5yUMiMR;u7t(+}I4Jkl~1$k9kLhl1Qc=*~=4)yGh zKlkO5;NQR^S`bZ1)XMncHJ$e&)9*e)RDKP=(e8$*`I5;!1ks=&Do&Vn%VSu~DpO{H z{34o5HuBzvMvYN>8+l3aPNWoTsUd_f1Xf;CYok1C%v#UpHbY1?%KeWgM&@|r$lSVz z6tH+qd4{`LH~QZ^-}v+RsBAde@(=}R5Nvp$#B+Byf&+vI$#KNO=-=iR3+p3ucN)!> z+cN6RT=G5#3Qq1FcZ7JikQ6tXs>ZA#2j3?nQx~)*c8Itg5K4GFP%t7_>+%cJJWBmHUA7bgzfwpm zXrVFGT4xUs)XY)hGm&a=HxUV{036|u@yo)3Cn>0^2r-Re*akS!ah&hBYagA7gDRp4 zmK0m-PA<%~4|8Ld()#_m#}E)H;N?)w z=df;_LY>lCs2&Z5ckFG+>G{WF`{fdHur@R*8hVGW+T48-g;^vnQG<@sP?@1?Y)1i4ow1)GauqC5R^d zx}I6MR|As5nms@E3Cv+0eVlvw=YRW4Yc1t)>}B237*>v2YY!nfQOXHGl0HnMUa#Bd z=M&EfE^>UzF(+njrHLxwDQ2^u8W4_fK1w9!UdQ(6)e9rqJ#ipy>7y{pPFLlk$) z5kp_hnbs{sB?3o8f=-gDoDKI`E!AF_Y8FAKYQuW#7=OBZUK2>H611Gv`ha84hQ%CV z6+jCO+}_+8Ik9lBBgC-a+lXPj5{t0jga;0)NDT6csFa3fPEc)Q5PB7+?Y3TSs}qCu z+*_Yg=@?k3x86$AC`8_BCnhw6y^Zr(N4N5<00V@quu`IXv}&SKpRFF9F|TDNqgITJ z$UUY&PQu)d2HDT3Lqv{yA)^o#uILyv1VMDYFk@5t_I{abOmb#Ej`MO^e*F1)?8Sz~ ztm`G0vjLoU`L>u@ZwA2?^VD1CHD2D=@~GgM#2f`-3qZHEftNJAV3Y=9-!Py9;3cr( zqmSOl@jRU+o*Gyni03O))(^KF;UI0sdoJ zQ(9tqR&uImW1{Ehp(-)Q^HG>NZ;_eH-mdTKpa1Jqqb`?3Ak{`KduyeyZ!=3Lt)Uk~ zpHR>4P9Xw%+uYomxzi+v68AF58E)Fk_x1Vnge)O%(anGU=kxl$eEj_hrvYM5++3sL zxRW409LfazwagQ^{-qTh-OOwZCnC*($a@|2=ompw86rY zW&sRncbR_cNnsL{*DtGXNCASAIfxze2ZwY=gz;E@MMOax186BoViWM9qN=KsmhMJA zj9KuVd{zHMlp*X65+;=CH7GHk4io-I_6#DT(2dyeUOFb$uu4Oi01nT2)K(h~79b@s zoNBcJokzqW1c=sNC!|3~8dC&Fl!>?7(wku*=;R^l@hl>8K5OqIP6_@VI%tdJZu9`kq z`Hb;p;HLOeI6r^v@L0zb?tdJ4jcJX&3?H7ir2qQg|Ha+M7`NMIX2*Vx-Y?sVpAMpS zt7as-?E;wm$a#JWEPxn0>olCTg?x+S<0}kNdOtfz&M`slZ8_Z z=)@JIpcrG&pC6C=V~@ZYDF~`U?!W!|?fSNwn-NB;Of+LVTIt{kGIMX;&0~&vO+;Kv z8?A?+HYh;vcy^E(5EgsfPZ4?he#I8d&0Fp0O>vTHnhz_oU|=xSS15NYz1LBn)qRHG zJUshdM-4#H2N++R zoO#iVK@%fv?gYrkT0{C6TL(% zIF%q$awk@?F+|nvbu-a~B%qpSX6pms5g!ImkG0WjXOUhTQWqXSo{$!t&$E`s%w;c5 z{{HLjl}=?WGVwS|)Sz*R#5CFfWi0#y_0VDruR@dEsqA%(v26MA@f6k3yF0YzJj}4n z8N*Tzz_ATbDT9nLfCh3RO$x!NyMtaIlVVry!^>XN8b_aUvb4o^w75oKn!Y}3Q9<&9 zsDz*xAL696Zolnkzql6Sv4ybhZ&(nvUkAm#8%iHGe+jZ3#FuKcIMnWV{NUM{( zrVvwDw%mKiz8HFCci$f+L_|&|V(!g+29$!)X)z-&)6xoRs;pE$?sJc3EK1Dy3nV5`xC4zx?+0$KO9LxAm|8 z^eruMKPnOZ^Z)Z(IojjrK}_r0;^wvVyvF0>B<9<%m-Uh_Z_EB!QjTx~1FXT*z|HQ2 zEMy`U5yWWV(nS^_F`>u)^U!av0UzsJssUdiHjrfAf5aqmEHWUSnEfzT{p9hXf6yr(yM2g-v?OY}@M)nopYoNLdlkz}JUL}A5;W%s zH+il7>m6j_WlNY%5E0VQz!C1PBiupU z0kZ}f1`>l|$q)68zIf&C6oU3TLnns3S)RY?6L1l&ZPm+#!Lv( zvUOS77|gt+WbVUVS-OoD z$=zEYq7q^Vsxa_jr&($ZL4N%BY^@Q~y5-)7nN7`cPUL>vPYrtR<@WvBTW@U~&ocU8 zVjEND9-_is2jZ2r@$L7w5cPPTy^Z~G0>%QF&3FwgVFL(Jbjr-;=yO64Zd8j}?uM*+SX&6xPS zpGb|tQi7NWU>UsFlk6*ILzI0OfJ@d)bSk;=2SN_a9417ZMP;`PP zT!T9yfFfu)3fA97^}3T-Uqz|#LJrV zlFWRJF$S_=y|-RV8^fNT$8yQ6EJ60q!yy-j;+z<(4>$7}^BzT|*Aa6t0J9mS3&#C{ z>#aNru1|6T*Pop7n)dsls(_}q+Hdcd)_PuIh#>~~_;}RPVhsCHYVG(zCRbO5mCv&} zG4cd}+Q2n{duy~I3}a=hX9d+EZyEiJ4KpKnbIV?P?TBN8bgkFc>Od+`o1lz{&v$f$ zHc`n)*!77D8J2Yxi0t~0ExmBYM^UkPRo=_ zO{%Xdw$;p2JC1}ZcPC-Ibkl!Ht|6opwry#(wbo+{wRPvI7N0=UdCJX4-OQjvU}c<3 zHn}1JVinMD&wF9!^HD-nA71yi+;T77y5~z0=6bZ{lG-t14t4J=EW~ARqm14x<#0ZW z>L(o+g~OL>VQg&5S$tXoRK`dD(htc!@a5sX{dY(E}{ihO)LKYu*m-nZ?t{PAD+ z-tBT*LJG&TG^TQ7)1E-<7j7t_#~#_!$lePcQ-#D1tZI{*ZuR{KhDv{a?9WT zdUbaZu1AMBn}{&(?RD@Abx%b5kCTXiKXxMx(&}KMevWqb<(j73l6iDXIS>;DJ<$81 zS0SPh!xYoMW=1GkfD`p$#1wM~Sw|ld1ylFdq`mdP_a~n^Mr{ZU}M52_VHtnIZ6~HxbYXv^ovd8gcAdglMP4w z3n~FZH|vCp06$||B7RGwjrEe<3=}ChM^v_(*P{V{gdUQojnl0=P8fJ;;AYgn{I}oT zE$7&34=Tq|a*FFRWg+X5r}UiY{&*5Gs6J+fM<>UqK_HGq#c;cBr8a)KVM=L4{y+ZL ze=RxJ)>-(MZ|}!hLI^W|Ubxh{E*Zb&<2>D|+lV2GFg&$H97II;I7{z6#ZYR)e!yQF zTNcSFLI4f@Q}10~RM0+#ikzj^)?x_jl0@XPF3j9||F}OzG|V}!yHikk>_-fNnR7~` zkNqsda@kfQDy^GaP$l9RLhC&!%zy4qkQK!kkNvz|FSRu@cOqd%$PT(XcVCy>T1RdL z^Z@+&7e4S5;_Z4l&ePnnPaI}MuEJxCU%$V7d_I5u?cK?r&%@o<>w-cSE4&bcnb!j$ zo=!}cx7FQYNg)$%&1qd<0y^3CCy)Mio%m?JWQJGmI zM35$7O4d*#itwoYf3qjfaxmmTQ;Nd_m8;M|ItHk@Ue zZo@(f=i`+Pd`-(WGf`XuDnbb}T+Gdxg_U*2yM*#6?$k>MNta*5Wfs<;{b(AIRUSV6 z^8*RW8l~)2BXo_73f?i-Pholzn8{gQfhj~TFKZw(*JqWW5FMs9A%CEi#=^@jx3f)M z;V|GSnE7~C9BtMIe$^1G;BX&pm|4DLbfh@ca6}r=H!9do!npy1FS$SOyQq}2#T;`^ zVBy!=&}p!;nQPR`w@rdBm#j&N-G+x8U=Z{d&DMw4v*j(dGPkZ87(he(=i`q(Uo&(s z=p_5uh-Q>>UZXHucU5U;C!&;M%n@ig7WwtJ_f{K*ePh_=y6iKJArRAf)?sc$!yqiC z*81~tVEf!kb@P;C2w|SW!_17#LkxM%>z0KjF9}7z4KV!aRf60{*XI$6jI%Sb)q9 z3TOJTF-1XSeYlx0YfwUF@UWC43xoI>msm?P$5x%q3{4s?(cXGF+w;CJYaU~KZA;eM zB0-!;qMDhLOH{0wfy}B$!PTfqnE2dlD=n>&$lKY^N4foW8O_MO9q9J;yw_2!9&P_| zgdE7Jm%+?Fh>1t-w_mQXA)%+LM{{%Xx!^`pVJoB8DT7|OJnC4MWZhDnli-{aKK(!c zxYyF$e6o^;g`nFd-`=)9?DON9mzb7-81=ZtZ~t`LKT2=Ihr_+FZ0Y{T{`SkIA;E_n zt4kZ!+kk(=UJgs_ZPrW1NS=sdkmuuY_vM;e?Gj|UC3kD3=Sv!G0HvZqS{ax3h1^>k z>oxb%%dUU?@Qhy#)4y*MnOQ>=q}3b?9=5>5YAD)rgn4@KJQh6*1e%u!A!Ir zEw536AgK@(#nA>>oD$?EqU5*)+&JhokOqMNB2347pm~kUB}-r!OO`E%C{CW2*xEQAWpqP;F`n4oM_N8SGY)?>$F?q(jNn$h{F#8i&n z&PK0wdRpTQD*%?)DX$S}WvVjF&qpC*jN1*XX?;BhOv@#c(*%Jm@#o*~*KgY#MmV`! z{F2--x%qls_WO}?N=w*3Pc#@I=yJ;%6}4rEScRc`m@pW$)7bh>=?%XuR_5oUif{-5 z$|p}*F`GGJF7e_xIZF19Pg!`HPdsDNIg3lr6ty*60_lZj?&ISOx6s% z0aQVl$AzeFl(L#RaOXHV>)G`E_qSzR{`~t-bE~C)`{gaDZtId?8AI+K(5-4{t;G!D&>!sHIe!IB&FbhHUQ)4B=3CZ39YeXPJZEpgO_Y zZYhO-|F^$BkK_CITeES$KU0p|ZLOtglzKK*S-0Hlc>nc^1U|UqCokMF=AltXgm5-T zDBxdEYASnOE(xVPF`0SHYW@#kT(2F>J`JJlHE)@mQjQRx*s$_!Fr$2t>E##Q$de*WB2xF7FL|_1PP3?G>{u;d5*QTc$B9k`mw^b6I+&Q8 zFi~KiK{Jq_&M}g(bz|jrbX*MWXpju`(&G~A*);0;EJWN(C*fX))1*MY&`dPCjbTKS zZH(n(hzj`9gbx5c@qha2=p`j0qT^9OXwFM=qVp)Ka=9*0t~;!4L5L}2g~1UcC>ZI! zPOf&gyha?aqM|QzMR``p>(T7#OEiUAR)b_if#CEeU(jOGsM4idGNZBbQnCwDZ4u*We`nBEctG6gFgi~u!+ z31nbOIh3P9{1bE9??+nG`7HHp%a+kJGBYbb4gt&R%K+jQyRaXs6sca?K5A%@nv2Em8r!)j^%BC_{3h)Gp} z$IVMT_JYsU$VDZj5K?G;&?{sRbq36uZXQysM_n!%C9L6wH|lkaK16u`S%4}pdqH0p zmk^h*y{{qa{_{*ZhNvlpWli<$%-m`p&3ZFO z24z-q$|;R*W}b4awZq*Wg1*0BfBVb(&!0~$%0{>ItZ5DVy%5pw|N0GsIt<=Y4x^b5 zy8XJP6hYzKZtHoJm;$zWc+1>uSu;=n-;4rCOT>e^-%r?i-7GEvUU?f18i@^$Nk9I! zyIHFP@japvlJ;iXEyI1dYzc8cM3lFTnlCM>JZo>(>p&gZ+t8o@r)WeWZq`P~5nE^? z8pE#N*X5QTKMyjx{kB>6c8-`dWF5^$v+}6c;Bt2SJ^7mA5-;BuHwXO&%8IxI4bs~v zk2Z!|H)x`mSwzAT(X49H(XBknv});`dbT=5sn>Bn8fF>CXJutg!c3z=;O_1Q<^3$d zyOn2q{8^>~tqvlxK2eo(_a$8S&Pt8;-iGWLMFe9B67))+1f*fDC zcd>w-!bLbtM#D0Ym}a8z*BKjBM+YZ}=N3X3^lFIIN3&TRn|-wbn15rWMKhgaera-t znB;3=4lv{Bme%m?_qUjW22D#mkD9jVFEt4M&b-CErFyjad+URlRV5~Ma@@|n^t`3V z#{qKdvLz;dejFO)_I>qX=yuL$K|xv1ra^k`&yVx+ZS8H0Iy6Wx1Max8H?SXGzd}GP zIYfa5408}7s(W?!v`s$v)D{L|ky@I(07@)8n#DX@J5;)PNg}*#Ib?06KYs3`kKx6VkZwN*3zI0!t4eVFHt$4HE(ITW&|4GrZ%6BYAlQ3HOG5_zX7NcA0!xssMMq3 z(@85bVUTuW?!?L|1&r-b+u*CXJ9eaVn*LI&!mXjIz?0zfic6RiHzPEM(C^iwPiXI} zG8dIzx;rh`)ElH?fI z`P%rqr5K4wML@9xy;om9RVi~DkWy3)kLM9%boaO0m8KrozrEdJ3Or>z8DcmjNUKUI zbzKrO|NOikXMOHRYdz<5mcmS!(+?X+6o!&#Tk~T-iRrqoDaD*3?6YHx+hrTWp2wL} zgh2#)@5{ChLm|ajs-m)AmjzY6s0d5%PAx9!;RRxfK zQ69CQdu3rX)%V4LT8aZnpwBejhO4vtXtaB zsN;N`0!tB3xO+bvhIwB#blrhnnY!cv40-RmNjUM@z4MGAv1x6Qi`~)M>i+`Y8r8Zv&`UFdI4>0xcM|+qQ`J| zTr;4!qN{;w?xn2Imq|u&po?%w5fecs`pWahJu&*gRLsfCeolj$iVfqJY#mFXyk-$b zDx3pG*~fX54#PM4MxQEwd>bL^{y6iRusnsTu%5k_QI5*a=d)TH`;UW}%igy4C2y&> zVcq)KMF72((F{2GR$48cnd;fmoY%9D*3G=06=3x-28N&^s+;ZiBEr4d=jZXu_Z!AX zB8=#mR@;w1?>Q%px~%D6{`I&2`s0I$SXra=G5+KK`vW6JRQ@Oy$!X%bRG0)c!LsG^ zSyGNOGS(@k5LEJ#Ff7+F?`(Jf{PApkJbpY``2F{5NUBN7Q3pauhLd}*HtIlP0Q&Zr zbbDV%Gvr1=K8Kc|mL8%m*IbW^=_AJQ`^SND>422j|U1$K*S|53o8iX!!W3>dmr6;=}^3YF7m3*&4vRpp0I8e zhSGYu<F7Hb_+f<$eVVMeeOybiPvF5S{-8@^juXMAit|mqmj`doIGMbCXi|`_D1lJt! z7@|`_H~JulNMq9ap#x@`mMTn!(MHmX7K-^=P^q=gEd&M&I*-Tkg`u3v5MyDiEYRRh z%Nb3!0e*)uhqOc%Xdgyv9Y=RLnwe|h)+}a4CwcBAM9pg^H+Ki>?bz$}ebK0CiM8~Y z6f?4Ai6QFseL=`Hgkex8GLyNB@N&y}joU3_g8|)|2B~KUfy&H}M@dVBzMn->R@5Pw zGUF!-Iixj?KHR+zo9eGIw<7qo{N-9<=I77-eAcvvvbUHNV2qRl?v(9q4Ka*iW0<+8 z96|{7toNULUej{Pwe(hcIVwKQ?|*rl7}hvx&KS~#C|?fXm;Q?QwGcpS2v=2%dfp3= zM?0^yOEK&m#}9O3a!!GOOfr_w-ppph| z{I&FCdT}<){Wyxdrx^OMoMLUgl&T>hY597&oM#zuK!*@RSeE>Ge_)7mxvag9+ikl) zcXFg7xrlt+pDBgQy51kp{Ww#KQ3DQNdHW9yIo3YL1(svh}719{pDNlV~lZsJi!|8W4ulY=uT!sJd zrZsBPQHO>Qm)MbMFno?5rh8_}?7|WNY1zJQ?d%$)o!yCg8EK7ZhcKZWZ2*yhffI%z zW1@#-|2QUZ&M7Sk#s&;=nOTGMI#6h840%hKPQ@jJAR^LAk4e$ez(dJI4Ab@trvM=I z>=;#51wsgvgK*v9w}E+l-ZETnV^}L~f~$f!`TjVuki{5dT3yYE$eKBkK%d7H0&>c5 z7!c%`ZWMFaKMxi`d%!#)fB;Fg(lO>Iq7VZ!ANO;*##MwlF7e!}FpJ9l-_Po|W7~486^&)6L1e*Nz4_<;YB}4xjueFMFL`0uiK@(@ZH0T0A@+Aq7>%G`&2V z=mcLt^m2V)F<9N+)-Tb~7}gqi?w~Hoy|K-|SFGq8;T6>IoJj-a~^1gik>y4Q5 zB@$6w!tIyMhSj4(s4(mPpzUm;Y#qsoUXPBF&djkK&?x2E>OMmZTJ6&})y%qu7(@ig z2G(5yFV{4hwc4@V3olI$P5;zCR-@pPwzHG4H6x;4hE1_Pu@L@8d^Qp!trK{P#ni0H zf?!Q8Gj#d&kT-)jH@pnH%w&TQD(vpKS?~h7`wKhEGDYEnKz9*_dzi=(W(Q#jsyB4w z^diPGQ*Q>6^viur2FiuaiFio=phSHA6lPS8sxwS?06y#Z=Z3wS3&J26Ph$u`v>Oga zVlUVAM)1c^~Y)bm+G)LO>=I7151 z@m{{Kh)it-Y3qbRI1%;IN3-Rci79U>F4Llu<3bm=L{=kaXtfysBg( z66Lx#Z065LxqMrJ>(wCZHG`Hjx@pwql0($(mSG`7;)j|4{NoOUSJ_)ybOL5a&x3-;yFi^$S;N=o|dntF3!th zDm5@If{A5Hzi@jd#exE}|5*SCYJ)jX#G@8+faV8vMZToGhS5fdA*_Lw^|ychRf96| zy5%X1W4>&wn?E1Bvg}7;BIt?T{WwZ(J?F&4lOet3K1K?mw7#UYA7>1+jIO;+c%>6I zS$zx^2|>@Z5>w8xwSJt%+?FLDXI+*w%u`COHFp9OsJ0FV@a3{S_w%wYt@mX~y^nQW zN^8glZf$&jyB)PK^R_N$t>mO4N2vg|y&{Au=h*s4DKg9RI6}}RXChj2a;N8hs7kG^ z_0f7)(f7C87(IlrALn)3&a;+Ui72Q-Uk^|;3^Biad;jz2&r(~dEr7Sh)cOcPnK`Ho zvn8kNL_p)ogfzr)5fUa$Gz{`vPmetveFTegrRTsX(G z%#o)#3!g{DYcs~Uyl;R0$4|^S!LZY)xZ0VyBTihUcdRcNBlfh$=f{E2t6n>ffXlb- zxEC|GW)kKzDwBoEF~!lw^XCq8Z7+R$TQw>%V=e_%y6D7@;&AV!hZK=uhi_~eXNPMN zf~QKQ*B(toMj^^EaY0E9QqvcEH$!OyB zeQBlR&cI7P1-`HN*yWOknGc7Qg_uGLc}py0!$uu3hx1WzC4>}UElo>wqmV**l>Ns6 zn;L|G4F0>5AP+Jri(nLrsR+v~2d7q51qtoTmKCgJW+I=f%qb0$yyln`s=-#sX_c9H~D!p}czkXZ6`s}4k(z;jdE~e{L1&+hfr;rgVi`S1I zu;`CDEZ5wtX_PS>em*FMv2-S8)hQJtX6v&|j4AfoL8Cj*f+LccYw2l8!2GGodDd1t zq9NR8VgsHr8=jX0``YEUfpK&`&t+SPDdpsD*Y|C^Z6Y+_rkDybUAEj>e||nkAJ@0b z&;R;q7dm|~2Ph4YeXX)(vqZS;YGO-RAX+-D=5me@-Nn_@JK_oi^%25NaiF0u_9 ztwZ-OLF-&}F!9S~z>I}55jbN+PBBO8vqQi_6~cqG#NGxR$!OR8W&agn2=*{j|DsKd z;TrYwwhl8UUM|^*&%LNB{6+Z1rZx52{q4OaWyt=%^&jOv@!7_cEGkP!z8k0}2!ofgYxnv8>6= zF)D&z2r|yzEJmHhq6!mT-j=*27JmQjx?R(GRE^3?+gtwge|+>Z@+FFL+Tfto%eS?j zee?kmKt20tw!JSCt#-7u#`T(eGasIoSoT&+U#|a3(z!e59G75S)UU2A%a@iZbg!S(3!|StaWaL1d zpKZA&=q=qnggIFkofHJ-*XH>ZDIm&U4raKI$T?<3agP1Azc?+}q@q@x*`(s7!tHM1NvS!0=a)S7(DfvF)2CqZrIxs zQAnDWh!pL(1XgyZ^HJK_(-LgBC_E>Fh~Iy|ntNQLM)~RxFpMK3JWkJ_2NB)AZ|;8F z3p2w#+)HN_SZskI5tY0~2$>{EoY|n^`nHA{$l$GX7_6a~78Oht_j_rrFWZ7R)N<5X z+H%PuO&TdN#iYFtQDJN(!c^(Fd0wKsnHg?mcZcuGjAR;&iD{nmQ)V2dTPdV4hKHcN zb?Y|z&@i)=+-dr(gfTWEg1{D2bz(t`z!bmXsWUS`4l!_?AVjC-k};P3>Lg(bMdAnZ z%labhX1xym>%ad6wq+3^_ZR~c*V@ssBEJA8LD{~xloms%wf8>OCA<6Mxi2{%XF=@O zx+D?ivz(guaL}#f)RBQj5Y2}>EtoMOB<~U1?`gk5WCsir6 ziST7xmnGdFPwcs%K5DIRYli9VC}mrgK8Bme5FgL|@jQO{b}Ov|aAD@#x?)nmEcfS* zhUBs?!|W)9h|Ii?0UYOLTirdzAR?^|H1VJJN9|o?mMrexdY_d6A!f*~+uC{uN)^K- zCs)y7o>NfO=Y9bCi_vC^aar^D~`NY`+CW4-rIQl<$C}5#9NJRyG8|E`TA{(DJ<6vO0Eb)cYf|wqxJ@# zKxZOms%Nv|81|H-x>4HV3w1Y`8RwUXAoF7XIBeK*U2tSTYwqUDbzv4f^q}5OAW3%? z>9s><2R^i@^wMSkPnaWrFiFnO6L0nTaS~HMo5oO&#zgJx613Mo>cBY*!H)>1OV%Jv z9M=e<|8mWvPjKgGoq6W_YEta>2TRJjQ)9l zoaEk0!v=Qr5n{N!ZS-Octe3@x_ugA=8gyCn=+;UlW_M#@2;LyJf#V8E+q2?9lGm7< zWp~2N44>}{XYK@0k~t`lAXH49vHLXD3`Zw`ZVLXquTh-!!NMUZ*jaNIp@Q(8UOUh6 zyfNaL`{-?~mpq2O_V`Tza?#m`%U3r-#KQHguGk=_@qq_!Kt{Da)6rE(QN!^Kw zA#oXfT;JBm&!absIU@chtqFZTB9;ltx<2qYVPk{qE#(BdON=4s%no)F*%(aZ@Mw{j z+J5}Fho~BKirElYrhM*ox#V8PvgN!ac=uHm;8A97b)1h=Cs=SSYdX&wu$NKkeIR*_ zXc}^0SY#*o+ShA_O0AwXWKC;~OURdmPb#l*2C76&OJw5n+0qj4|Fy608DyvZUSR*V zZXpH4sw|f@y50YLh8UpqIG!glozJr0Pf<>5(4@1t528`h8i_fs0d$vM$8t?50e!fH znUxWj0O=-p;S#vl5f(jumUea z8daD`nnT!B|)gX*;*_VOXoorY=n#OQE&faW$TVo1kuee0uT_Is7N9^~^#uLWH z$1iO6Xahf2%mIHG(_fyV^N^O%T4yE+(#{rA2vGp$s{cPzZ`LG9k|gQLp_iF^L}nd5 zJu?I>h(P=Q{}b@AgW2h>%8YO~GrdIc!0J)cPt|o~9B!s62lL0*!joW;GR;-F*NIs& z7AYa?mz^W#u)pQ!j|(Q_Z z)WEn7R0T*JG*^HesB+npIeaPpTJus&0gfb8ENM#`1R>&3Dk7c*`e9g{MR=@GpckuW zTFilY<%GWaz_la7!vm`r>TgxPj;2BCIp(nI(fZX9yw$Fb*&GWaMGpOp`@(51*W4FT z>LulOGpufCEq<4Ec=4AaLXrLYto9NoholGraC0o%0gH3@v_)LCh;Gnd|LuD&iJ75= zZ>=-&+uM!I*I0H#7%GPDDt*itbd0IO(+mK9H`=y> zYkMy%>ZtdDuP!1%m!l=6c$}9_3n7?Wt*vb3s_mbD{QL^UjUm+9&Ft-dJI@OBbBgiL zA0OY|?>{~ss$5&gjE9NGocmV({a^p-h7TS903ZNKL_t*cIL@u)+Q*oam{W|?47{VC zACGTuH((4ycyVgYJ|3rt^f{(kZT)`R&+9TXRShvmtovT2kNN8_Z^OoZ%Yq5z91_)tG-1Cl z``ZRF2AWzYYFEF1+eH;m66F3E$wMDk_Ka}_gr{yEbEwa@zZDcBF+l|}5G95mX>^-o z#2o3>SZxQ^mL6dEDr0FUo^Ck zLr5Xykhb)tOw}Ou(f03KJDNMCJz;Mba)1s*RS^HKFDbL?lDdvI^DTp;&%_!<;)+~h zWl+glOg^Rt2z#V>V`6cMSLzB;(9UroPA=@g_o|^F^9owf>!`FAJpXMJk%ofAEet859Zo0x;D44WaTxwSTo+>9j1=O4%I z+YU7&6oaE1Y(jImPmei{I#Q0k_VaP!Y3y}{j;BS5S@Qy7PC1bKoEA&`{CUi2A?utI zilcJRA!b7*Tv0lp(y8;Gp{23>I7vD)7Mac{ZAM(msFdhR5U1Cm3zh}9OpcN9kd=fe+lH5=A4&9Kx`U829|@HpC1*P&+V2z|2T-~{r4La zcgPl;NQj8w@Nt9#EKHw;75KnN;KkE|es8s@;N4FLhi!@3UcRg`=JviVowj+oWq(^a17l&p$tjTv$+KBjy&@hP#KL@Av(ATp_5t zAtoKDV%SQmZH_UWD5aEA>V1wmn5DOlfv&3b0nz)!G7He9IVTI(){sh8 zYu~pr&0+|u`u=vi@B96>0XbT7uC-6I=W(W#u3Go4v_9VNy9kw(QwV3R&@8>*Zz)E6 z(Y=%y12{QEbk%xZ^|qH30=&P>TuQ;EkWzde=T-`$32JM73=!$Q#~54dTS>ote~%je z_dow&=4p1GSBwFV&YZ3S5|*h-?*ki*T6>J)_g}yN@#jxC{ZkCY6hm+)vnj%T%(vUt zN1tYY`|TTaN86sy+S;7wRh|8K*0*2oV}MMoARAm~i!qcv*RwGZjxAUT>ruCR#wXja zPENheIqdD19p!i|(Wj%Ecc(clmo&zleQxg?>?}6i&HL4n8iNWTZ3$77bBverk@J?! zJa37JupBJ6yuhQ(^{6pNtTPEkK+?6oglWBwc8=MmjhSz&;M1u68nJ|sv_9KxQ&RxC zgq$>o*=8t#vHfCV;Sglh;qw*R0wrG#SiCNbX^;REHv=p!sA%1N)WOUW#8CXr$s#P$ zuP(w)l(qyH7s|MP4xIe^`*!}k5a82_p;Ra!ugi-JG+_SMx@L|E0hk7{vBr}ul5&K`Ag1Uq)Sw1kbvZALl23OhB>L_5 z@)Z$)X>RWWcO=Z`b6Coemr_U}c5?TS11xLu%1K3kdp<5Wo|qYV_4RD9KgJU6Wu}Mh z0n5mpkezpGJi5#NkMWAt7%|0z^)^r0t&5mXTpHhvV%?TSQ7Lv=Deb_qXkO z){j3PM0|VOu$;uzpdt{wg{TZ;7#d&#YK;0A8ujzzWZ_yng7)TcGm0@>M-NfS*w4za9hiw1fB{kAHAv69Pso1@KgOCc(mg(!$^y1ke4+2)wX6SnJ{qEhRpt6oN430#(WV(`kb10z z9x6Oy9(9WH`B^bBox?u=aS%~?OE#?BV>`#9U?~H6xt=8=?17=9=+~UhMw?)y_@sP` z%L7Bq%qxhnsJ@``yeg-a`^!wT8H>zjOXB~cG~;q|TF4g`fxTM;PG-Tc8n;JpQ-WX^ z%*-)`c8$De5&1&;GB3#xE>`qK5RKTh5M-K@y;O7NaLVF3^M%G&dxe%@26TK}ubN?^ z7GHe$mwdd{uEOma^=NSkchhT($N~g2GvxkXlWenPrG*A$j5+$uTb$i`9c%WK1Cd|P z#b|b-71~7vPuDbC#7se6Cvuc2Z4n+J7|_3l@uLon>yw(@MxVXTUMCU#`fu-JOd<*; zK>HN3y1A2wD4=8IExEfnDM)v1O3lW0rFR(g=P|6I3T1P@+&JE?J?Rs;+IJyDqNgjaRK=KV`hZq9(K9V zlEIoa`^16*uD?`*8O4IRzAp^7;}*;KYf-(Pi|00n2{Wb%$45nIQYvvhe*gA=|NYfz zFbarP`?e*Uroy%M`)zBr2bCDYRa?#p1wm~s1iflkk(46fA?R8{(4dNF9wNHmw#V~Q zkud??Ha8n{LN)^s5Xxv(eID2IIN#sy|NP^}Ra=U2+sf6tP3v=RTPY>~`tAL;@6Y2j zr{9119z#$;?6#^39Kb}LVl?yHzWwpz10AH9Ia7{lP75I%S9S7|(^*?d>3JL}#W^O} zqYz;WOY41%5u*}uiecZ&kB?8xsv&b?;k{&LR*~bXS8Jcoqqfe(>*ju)G$Jzk`1bx5 zLs%(GOf39%zm=38=Q(ZS>=2PLCu+*xM^39%xZk#%)AKxy{CS+yt&I^%04)6Rd88bP zh*f|+?ro$TpPy&mvY8=u@_bwxHI@kF<>SxiOC--L=o?<8<$YPr05i2ZMCAU9PAWg!aBmuMjIh%eKb@~8Wpo-2@sev8I3xCL@ zK7trpRBCOia(gS!&vUeKK5L9HFUsgRsnyAuDQy}5Rl9l!y4^B^4ZD08}-OHi9u&ov_n<<|G3t4>CB$NCy^m?` zo=dE4)T<)^Yr7Swl32LcX|}SoLsTMO&W&LqYEYfi+f`Fu78E3WEkFY^?0V176C4E+ zD))3g>YVoW+YV6yv~cLqP}dUC9MU<{V)%q7vfD029BPO4uftg?5IifIl z(c9K4Km;ycHzK2#pLkiFmF+nq4LMyM-eQ{s@kr$v@uK~ zOpcA5GZVyeHqEACl%vYnncTkZB8;Kl*V%|~2F$VTj(da!4zB6wLoh-{J%AN4A_bw| zfl!u}nLL$1OzrH%)apoE#5{$F#xO{UaIHA|^T+8g&ufU=$K zSXEPupN}J|_CDV3JFdYP6q~i{YVICXA+swbU$uSBz_4doZ-rS(an6b2V2qhk9AkWY zf6FOCrIS;79w!q&p2wKh$NYReV~lgo>#A4l=hcELF_oMlhnTNit=5{kk2#qsgdoDt z<5bZx=J)qENFdzoYR%nM*vwN5M5HS>l*~*;Yws}zRsHyUh7calv(`4}yx(toS*r;r z|MSOZNoZ1iPJ=%eT=0`873mA9$M=; z#mDo=Ic!^Qy-ENDvKSeU!*w6Gm|mk{%xyO5S!2Q8_;=7OD4NZ)jJbG=*^!&sDnyeZhsC zSa|f2_tdY}+8BKj`LgaY3#=m$mLS~M?Ctvv8kOhAxjfVE_ir~)`Rmn=&-3=SuQrFr zKmOxGgWP}F+c{L##uU|G{{D_kG(>>e^bkZ;vD0XEEU@pevZq(q5k?_)fu{r}q&cNgZbGJVda_gMKGD)p?$ zgyxsD0RD#%6^I1{;yRH=+21!-a`Svkd5i8e#;DJ>yr<^RAGMvm9sPQ=di4Fhl($@; zeS6CYZXXu{3aQ*OnTv?qyp9%vY_~k>h(YVw2?mlrnK?!UV)c5q>*%9dZvzel7Ku5m zg=bQxrRfh*RRpb0tHaD=3GEpB_dMHd&r$BlhldvYkTbyl%9A4`JTAjdLvkY3WmvvlVL!wb3MDhO?S1cm@qI~)*$2V>9`QxP)feDaFsnAwi~_xogz3wlU{%)R=+@_da5d=~F>0Rb;d= z`!pl`v5+0JpgGp-Sw|cF>=Fb(kI_d!`k257wHgB_f^C$UpkI{NjZQ@E*%3|9uWn|T z;7X9|;}VtUKb~*@@?^FIx7D9Y)phf6couKGMYiziTQMl0i`q6e6vr)cElV-6!SJ> z3aXHuu*i$^0Nw=8frW#{s8}q(ZsG1@%sD1vry%ZRCVU)jew~eY@$Z<4g^;2!$7G@F zQA1KuG52-4Gr184_Sh=A5x~PCugX@^)^Qvsl*Vp_bI}y_E!7;wy~3_ zVpen=6_YvOx-k!aeja5{F$G5Z$2|JXTTUg06rhvQxKhkCXuJ9xGwQoUZ_?? zb~gm~^fsXmiaE5iIXU1_M9Z#cV%H}9 z4r2f--`=BJlW13Q^0hP-OrDD zJ)2M8_mp$&=ZHa7B?Ni=xKKpqTS{9TeU3KY|8}$Kk3Y_rP;eEglLFA;a4aU zN|Vv8K06Eh^z&z1w4643vzV1dY_7R!OiE0%8;k)&#B0+?HZ0$ht(7K;u84ZP-3F!t z5#9y(gP~e{^(5*rFTL6uOmkjK4{GOd_jdKSU-p+EMDVU*M}gM?&&lle%8g>5juteg z1ql@4diJs>a_=wc1iswTpNOCZb)p!xw~2BHO&T!pzEa-i7}o1JKO4?lRkuY(9X4XjC7IK&kW9do#SE7+hyZ#k#=^j?Q1WoAsWLJHF?<$!Yx_i2bq z*#F09-Iz#-qiRrzG1jxis8Cm86+?doKR|o4G(T7c$FhbycphjqdqhP1lGJ`_@$uoL z5ZO#9qT};KO^JDP+LA&7k;5D_l?bu5yF*@?x0tpdfh9=V z6MT3m0ij}YGgf(t1e}F!KmtV}h+t2+tt4h}3Fol1#ddZqLs=MgKM~cVg}ikCtnB8g zr2DToBC5}p_be)CsLY%N$q7TF`UFOkv0f;9hVesJZUF2M?tiV<<@~$|)2y)|gE8oJ zwd=TuDCKy2+ce0Je?IWdfF?2etk;0rs?~vLVH>lzaXhb-6AQPi#T=nH(xBVD#2n|G zL^KV}_QZXOA3P=~Vm+k*z3-fsON8*0upPaXb~JQ}h*(x(Y+BA|Rgn-?Ra1^I8RO4a zU5f=4K`b$?|p=**TQvkJsOzMkhh|A9(~P_%)LG^U;l6wp)B5-v> zT@AO{@ob+Tr#toa1{j6_03ZNKL_t(KL(tpXE-I~!l;fDLs%W8?Ud0zSz}#SyLr-O9 zA;y?Of_*|5zzGe~>bSiX7NnNZ_EvhIh~C6U5L5X1Ur%yBKO2N$`+FJPLXdLHc~AA| zXgTnB>w?O2J=zX%nQ+Qsv>B7uNB#cGU0JSYO)1iJBs{pe8>Kxh;Lk0yNV|rar#*iB z?*|db5)ARZw(3;Ozaa#&mpsXb*Jl?Nn?9S}z846%V+whTZkG1QOlaqz?CNc3;Mr}| zNyH*l?y=YD=7<1WwSJqiC}bW)YY@2XE61>IW{woFuRyf&7FVinkaUZq+4?3IX^LjE z*)49-;1ps~6>|r$7>9!>k6}y%3_rqLUotKcVF@ZC5QH$o!d`JaqYhM)A%yK-P$rIH zxIspp@Dmd;@X*2>VdCetMgaTawbnx%vYek65tAdBoI_Mv%SI!2v{hz?Bhk#E_*dmQ zT$D$*-e!mzg0S#*Pxb5o=4w8Ocenn}E zWP~-iM(t;_>9K^b#F&&L4YT1vWwuF1ImV#c&i4FlDtx<_e)W{XSTUfE`UmJmUJ<|E z+raFv+|qS){G{#dAu7rGsfh@(@Vq5kZdk_kioy(#IzYX)dv^DB4vfQaIq|}ZI=Qoo z`wBRNc|fC#HnDG6+Fca-4D^{{M2p)B=dG=*5yA<8vBK@Wj6Sbt4N+5$DJ9 z@8#q3nR7;}Zcg!eENTrArx;tGXtir=?hds~P~EnSD)~4rRn0kFSIs$*lQ8ETQ;hDu zZ)J?RZ)L8~1hP3(P8iR$-us-jwVxl4^Slrf1~F1lBplFH+ifdBLm%VUZ{LpVQjw46 zv2TT$AJ20u86AFY{rk5!v@UIo-iHPaswHP)o@QeV=!+i5*+7j zasKk#+c1-$eT*?Jq>#6W?z3J!m)QHrTVmmq;_ZEZd*4G`6+Z}`bNc<;PUbPic6DG} z0Ty&~V0;jtf#DfWVd$o?y27s6roD`ML!;KCm0Llg>M}p2uyDor-*g0Bg`}g7MFKU4 zC4aOD2QWGL^x0g|ad7bBW;yT$u|zcX8q|lUTf#!%bt||=4LKlfgo#3q%p@SC z7)>-qZD1*kPG-q40{Zv>=QMbq_1Q-4ko`c-((7Sf7M#461f7|AmOFrVnvQR}(J%tc@9p|G;(0Wt|ltl$m2_R9{tFLK| znNJ^Mf-)3R02AixfG&H|Bt$g2F-%cRL9wdTf=G#8x>CSNOauYa?(XH5VPBRY^;yjwyCw-d`dpOT^_tim zCcOG#5rkh7HY9V-T+$r#{5(e+t+sadxDvG~=D6fN%4h}2Y4&MjmRo68o6|-cm^QRxE(d#ICg2ELf6C5m~j_1!qRZ>nX1Hn9~ z+O+GeBAj9vVw6M~DC`e@KgK$TSPSwt{ah&jv#M*)1326lp(^GbU0 z*{wc0hN(ztoWt8S@;${8L>X#QoJ%6?M*UoUNm$v z3Q@ky4;ln;Aw1~d+xVBTL|H`oWdQ-6ST&1aCxa))CoK4+0<*rt?wq!`jz;7ukpuXH=mCRWl=vz z+9LX^vc>aJ{e?DSW)ZTLaz|JN5YbB)uJz~+B`qYBXn5qc2{+Gsggg&sEm2wG{-AIx z`E(5Iq0+>c?q}b>6&&V1sb3>)>xhHPwq1R@=U5`VNl;yI-LN)C)uAiwdF>amZNRCEC9SAH!wF~-MEn@z z&S8kFg9jDX2z<91<@2Ad4|GQOGH#37YgE7qEEA7ZkG0B)5<;9XNBK4WS!k?SS$f@ z{E*b$ug?mZ$9B(i`j_+w&=PwM5;RD@Ww>*IOUkzlz(`0+%=OuD>Xlp45b~CeAD5`8 zDoxLO!S>T6;@ELt<_X3bB z(mfq2VOdip;77=zWU$$1Z=;?KolMMe^f8ez;56#o-?!Vh9g?B#R(cx{(8DGFYDgx^ zpts-dc~AM4G;q0P942|sOl;jW=;O~P313H597IROjG!GITP$3A0kc)%^Kp(o%9b@Q zu^GZ2V$@c9%CVFzuOl?5GI8reM9l2-<1AaA(?t3G`yJc<<@lP0R%dNgREQks!|XF} zk(ldI^R1LywqdvT9RLFn{@P35-pZW*@yA1yzyHfyf00j8iO0uPkB&brl@zo3G@JhU zk7vxG*HND>rl?WcH2{_oW}Cj>%lW7=2A~w`(T|@M*O#!|_l=C(HAb63^}71;T&5bN zzKmh*8odqoV{Oq7l?3f-}2*+GnLq$-JPKO`f|IN8A7|5 zDQ1PiEJQ@aSh=O+qq_SX9?~i(p_v|SragwFG3y#3trwKZ{Q7JX#D?R<#%Gc5aeK?F zbwMJBxjT(IVQPZ9(%mt?7ZFW@*#Wu76hOS&xxDfu#b zhNw0y<+ylUNPsbNCm8M*ecK(8PqG5I#SzwyVGA=x-J)0=5il<>CcU00L5Hw(DM7J- zDtjg-n=^#JG$$DRL-HDuh9GnLa#Dev|4Nc_a~m^mA^*2Mc1%HojN#-iL6I%xPC!)S zd-Li2>h0x%Oyu}MzQ*tn zTt(;sZAxS|-8_IkWir8Y=aGS7)2^oQ@ zMa=s4+uh7iL#xX3am5s3)ZRMgotRzq-cctri@VS1A{oJD&tSQB-wvtn8km$@g z4X0Hflbl-XC8v_p^EinJRDLGzW8@TTZ7^Ek*PUZLjuVNwXKke_dz=|)87)k;q1Rhjv|?Zakk zI%`VF+_2why>DA# z=04`WZ|`rn7{YO0qKd|eS@5W-DhSCT=>5L;F@F91{l||_4Wd!!i}WG_hdW(o`~J84 z@wm2o9>b2$Gvx>vEySR2zueIz)U&B-N^!KAOOyo{v*Yt*=Hv4!d+N29TPFI8lFP5r zb#IfI%bq{}@qnRlxsig#rGgck22%z6mN?Pw}`o9>jiG&-V@#oc2H*V$U_M06czx#f_f zo5`A*c*=>0%zV3*+r3<8wPCIHm;wv8vw_x%Ks0hf^_ffh`18}<@hif{fSAk;W;^J` zLs)E0ypJfdHEP*Xy}Bx=oHPi8{vk#P2{Z&8*3XaUb}Qt*-3lD8sYIKeQgEkNBpH&S zjhuk_0#0qd#5oY-BDWjWzfIUe3=(;btLwui9+4)PwY#~fj$y=t-aC~fDhQ0rTMAKa z%(N$nQk)#0V0~6%YDcqa`U*h39v2LkX^Z8S>a)snlUuo!QRn+_Z`*x4Kd;;O+w22M zMMQwP83L`^)ing0Hd?o7bLC+hGeb3pDFfyvm{pZ6N7a%O5dqysM7O<&aINFFU*G@! z_g}8sdY>>^0{M#3_-GxhQhbR0YUakoA!u(?0jPbIQ)4Wy0LFW8Nw(T+?bp%sE#JRw zA;(@j$R{>D=6HTyc}r!_D8BLNta8@e-P_U2o_d|R1YvGRM?2l?`2O2%D@jG_*@I|K zv0cN4)oc8J|M6$5y1N{r1v}YKRKQ{HSBi z_06wmOJz+E@*Ztkz9kHX!5#rUVh*!uc?&Erj!F<>?sbGH*Q2F95;Lrpvm2z$?HK76 zQwiI*?B*-$8o}pjS!Z!Ri%PjgQSNo5Ex=;{anjNsfG{{=mcVee+Avzy9g$bf zx6+7>Mj!p^YyJY|cMRC88zvwNa&NF}G7%9W#5b3Sza}RXg=J5WJVCmK(X}rMzVU*A zN(cf5>q>B|gIPk9g&1WfrhW}pfkC35-Oa$73t3s!`nt%LlD-a6!93fHLJ*tYuTgI4 z`NshV2oa&fQQ_XEh+v0|JOo~-Mhu21Z}IWtEVm>g32HPZG=#HFHX?IH;JK5qTt|bW zJEcJGt@fy4v=MQEA}55Lm^J9N66?&(ucP%>c8!SO2LTnAUPem)vUe+-Jf2GIZIb)w z)5ekwU(Xs#Y)981KCPWSm3Tc`za}!L*VVv`rNj!2o~9|p64DlNvXS#>qwM+fj{}v- zcp+ZUdjlxs=6Q>FV36iHhcN--Y)m}*WFngjX=BsS@8Mk&5&hf$^&6xYC>p*lNMw?K zejM(GWru?BM1(Rus7zZHB6DxGyHiRb#xSSF6tCK149}yc7+ddK&Q2~Ox4oddO(9I1 zsAJylcMV!=!$o?vrowaDA3r`q2nOwq*}j!I{kCrx~`lPDrP)b=W&5Uj^9u3Bd3J? zHPlQg#oGF9FGveM&iejsH}|VHQ7L;8a8b5IMECFeBo z41zd4@ef8Dm=iF+QUg`6`~pSCr^gb>9T_O7%*Z_L3Dk2?hc!q7iISQ8uRP##&r3WP z1q<|;LwmN_tv;GYZO=A`iLL}FG9q5!%QZF|_S(NYl<1(g_p7HZg$z9sjW%P6{DO0f zaQ&> zhyfc|a!OnD>E~zd*GPN9gxld_?~|DkDQ#oof(QJz9xZRNodfv^<(98!)f7V1u`IA1 zT0KA{;XB6!1p@~NAw&hg|IwyT+inGN7oRIg#hpeUsU#6Ok2+sFF+4nOmT!e2;&P;6 zxT-qgC{K@%qhBqSNKD(kZ1=Li@7vpk^+>&1%(3^^#w-OS)#IqaSWaUgrt@(Dq{hO? zVnnRfdLyPOasvbK*vneO#3;l=)a}0Y)?aRom6M7oqku5|3M;sdw!aleQgYPZMvMx% z@OICSKacZSVUaZRF)WqTSDY}TKEwP8(xZNLysdL!NXan;H)rLLqfOgxxojB%#j@uW z2uNJEJg3h-Y&sG5)|n-jIL2HOSo81y`p!&nMgRQIPY7&gv;A#*{y1$|xn(AL`+mdL z3n6r|M0YD&-fk)7khgSu-(cqPY zgrtzd|Nmns!ez*A_EMD@5y17uHdQ_xyXdaBij)Wd7w%@dobw%W2Y$PiCaT1|-SW1r zQyT&cLG9;NL0{;@rbejL5ZIu`ZWH<3+Atfn^yQZEkE4#n6bv~P^=cdfq}ULXfSlV~ zN0sB|qj!3?SJzeZ8a2vwR9uckWPM;9n3j0$)tyws`CcG*Vdgl6g^rbW_^7qtUshte-4`OFfSgU1Jm0cbyQC0= zj~|!2$EG zEWF;6W^tl&G@Q)KOIlwN#^d<3pl)*a`5`Pa+F0%p8kMx@`jUu|14ZuS!#M=SL*Ct; zt$SMalfd&C$%2L-N>0#hpg4j$f@i!p5s@3l3~YUp29V+C!-1h_XTuC1qZw#0dL6wP z7IeK0GHSK^@b#W?Q($HapAVMXnASmRI~Cy?a2U>30lDvUX-Zg=LP&`pFfHjiD$nS2 zH}kwG2&!;&e157#WYeqW&*G2a)PmDMLTGgm@bDRxk5-16%?mMv z@L9Yfe^8jrH3Vy>BIT^-QNt&x0tQ_4vE7)MorKwpY#4qK<^=C=J?9Pt+lKQ|H0km4 z3@W3IvX`_dKL5!8Y=gl;>ZTgtX+dFtOA4jSr~_V($M-X>`dJH2;j6HliwLU!py1(} zCV_wE(_VOcSx~-eR7Q-05tj2IFhJxnMYy?Qnn9MM4V4gcOgRGM-rIo8FFmD1*agXN zfB%h~@{+JSd;R*d-f~naS2go>OQQ|Ms{n)L?m>i{fQr-SX#6TQChcS7l%Snj*WCNa zDMD6$o)?%5lkpNlX{`@ia~kHL>zG;VQ@wiI)?pR`pXb$jCnwd=he-&3`{PFle3hDW zKF_OF0iF~#e=%=~`4{qf^{ zm<17ck1Bl_k$-)A`S#`Qmv3MG?XQ2_Zfi=ZwGKtlw&qgXy5`z?9|J{yirR2SxJw9T zmZIKoYi;eeE&Fx#KFq9-k(U&+_BMvuvL+i&PMG*&Pa-0%bVNV}=6W?I3M##IfWvKA zIjT8jpC zhd3|i46Q@xJ_QGYa{p#3Dg5d)*AJ|)C7zR{juS9HZ*s#1M%@GGW6JZPwwUs-K zGM;uN1_~Wh!q5B!Or-eV2SNyTMKU63L_Vk!(d~7^tspAclR~HpwokvhXuyXCowpmM ztZ|8Mq&a#wXgXD=sI=GdOj>Zwf=U`7e6Dm8^hMub!Po`Qz&6% zLRwh@zWTCWO57gMTyEsO_p5oXXFbA)B~c&5;8K=2p8V?RD@IEJIF! zE`%pEOjVXOiAszr5{}0O!Zes9K|)Nr|J*^^VP+8_p0JC0*4yiPf7|e1t&jWL_9@XO zr(WuO`vQxwJC(DwvrCkq0!WcW;Slh+hQP#r9T!Nx_zV#h+)7V50*yb{LGBYMRC-!d zIWA&CB$i0n-d1AjWh`6z`PUDm!o{e}Jo;2!hrs8fj6PD1bBgKy@neVgZgeYW(G&$f zP9|{1>Q(cSeE1k6YQ!%lr-*ASA*4ObIJ2B18lCH^8Wqb`Vhm6+TE`Fq)cJ5fpZi6` zd5Ix}7@@wXxc);3Zg%ap))oRiew=BI>&tR`TW?=hjAPQ0E*yZ&KpGq$S2CeCZ{PEbfWm)q5zU+J9!28Fw zA0^0)3q`;p2Pgx@o$6V)x25cDxy7`m5V)0YeT12$LGUQ!ui({dWnhTFL~)tf2x(Q= zsfj7AdcId;f?H8Ey#MtKF)X);aum);W?o*>a!Y2E@5zSo6Mrmo%rU3?@O?@Wgfr5N zq?_tzi2@rXq)OL_`4oV167zz=6ZWeLxpJ)gU4h!-};)2my($q7s-#GjzPz zbb&i(W}^=`>U~^~I=bPY!y5!$Xm0~s4h-qWFjaAKe4&&SIb1}H?gj0T4>uzphBY-P zv}sAB4T*x#m=Gp_)yB*d#9SQapSWl*9Tzn7oUeiZf%{HCXLh$fjeIj|7T%9CmV4@D zI56cjqY?rHcJ3MiJM}tLLa$?85(X3Gw5};&liAIh{qp67hQDsh&!0z1Dk8o2*3Ha` zr(-Q;t!JyHLmt`A7PAt0T=Y|?^tpI(Ck*?DsMmqIAB#KanSJ>6D4^28O@ijLT@BAR zGxiCAe43%L1_6hygTsMPFmobW?xd001BWNklwGP$dx=kN{kwWB?OI{a$@4^sFQAC1T0L9 zqAE5#M!}u8YtEp0yNw@ z%xvAZx9wSGQZEe%kyb}NswU~Rk7i?x&#Vvl6bHuYV03hgS&xsaSJR{+gqRftC_h8U zV^(V}Nv4l21b88iAE!o%i}pUQN8u1)egXjv5`TW;N-)mpb$tB3YZ8e219Qx=T^*l^ zyHCd!&0}{)ITArwKl)hiS(7qRTw;tGRFFgGL?1s6B3kcRqO30&>-)TBq`hJUu2Hf3 zhQU1q9%EoZ@8rvtK|trgV|dJ3uZqRmb(G$Ey;@pR%34c9sg#yf&sL5KkAWtwM?rKH zB%xR?J>^@DyBSVy4nd>%u=Tc%(N(3jHu@m*S{gC=llxgqD`$-(e z3LXy;?XCCPV~Wq+pM&@Tx9k|y;`_%b z60WPz^Cxwu_uoGd>lcU{TScA*;Vy^i!imzVs`Byuc>VPbvuRqiUTxXZ z{&AtrTkhG%%w$-$ISR#WLXi9#f+m@hMGYw{wkV>aD!tmWW^(LPJgP2h>fQGJ0w+;b z9KSCO%N8|B@35LeKW32Xg}`}BcujE7f#Zp39cCGLdELF$ar?6NW)R`PGqb>Eso)%nGI{#c=^+o@nhn6j3IAvxhF{fU4NZ*Lj0kT6>*Zgr?2-lR=m8AbpzD2lGD1qo55cZ*q|9vOAm za9HYF?e2d2vZf_!7MT0v8r{4cb(9WQ2}bYuO<}?^>fjJ?_%JgQFZWEunlx{z*KzFy z*J4@}gjQ@|ke)l*2!SPvYLF=C!i^^4|M~U4{q>KJ>sf`D(pfmfa6M`WL9?{dTWP8xDAuiXeU$Yjfky4f!9*85 z-5T=w>_Kynt^jW_p5vG&d~eh-hPhEMy;pl;A@DEHZOjxM1egTyPfd4|nLo38sh$n{ zmeGuuL6DCKCYLz}fBd-enlhqVOUGK39B2whABa0v{`?QWLA{i6ia9dVdds!+oMQ}< zR9;^;6;TOH9FdtywB+3SP?6qkTa$3;X4{hY{k&}}xcE8|Y#myiQfp2r1nwP6tl5i0 zDda>d^4QNYhN|4REhgRfGe$kHYGx@$WP3$bDC{9Y8D_8d+b~NpzP;R;SycApET#F= z8LSfaqofpX>-yNw`?e7C7=t-nwZ<5Kemq`ox8u0%2?=%bKmYd2eq1@n+S*mhd6mb0 ziiA??vSdhUFBAuTGT_hv;HGgzHMuQ0y}v)!HD9F?Ijj-;ai$o}?Yc@z5o>x3frx0y z=|BDHx9>mRi3nlyJSUfwQ~c%YOHw_r>o`jr#>}_Z_3^kip!#cvJiyI45Qxj`Z2{J% zl}<)()N0FX4uM-6fjO^n*>bCGzDsSUPS)CEQbaU}hI~tahlqyr;{yFdRG^1zh}8^4 z%t2T_i%z4Mv|cUdxNHgJP@lpxpKCSbkO_w{Q?C)pULGZHx$ZSCS{`+D%l9R1u{=s# zBO*4^n%sPOU3%$3MYEQ@wyTjLFc=tPYG)tKG%5kMH5@6$NIuuBNU^nHlHeqp5Q9;B zuVd6@fiYrj08fEq@(sxh8d{XVE<#9E`bAtq4nwz&Vs8Gvkp|-;WLJY(67Vr z5CV$|_>%4}QDI6ZrqRdoeu{?PdR$@voPL;SV5VOB_PT-rj18u{*Q=JZ5hEpc>JdNw zIM#b!wmc09;Lv{t5=W({1u8C4Lg=-L2DF`ViO{3RHIjKN-QAht-HZ-$`PDGX0cjK_ zv+GgFNmC3wlUZO?iaA;{=*w$q>A4?&enevCOe{H0WpffDVhI{$x##V5Bcik>H-jPM zdX)8bAttEEaL-LO<8&*{ED?<1E-04KuuzG3oJfwc1;0wY0n?e`dtGdt4$+JCC0SWL@QI za6)5jfB&+=M;IjR?-!=9fTwBFa<+2TWy`&f&x?Pw(QAhu%#G^Rmn|VD(o4sr15vEysF0@QRmX5l8Z}G4#URYgPVVMNFfg!hChyMj8lj3ww}_Gm zzt+4(C&!|ah2x@FCg2aT02Gy&q?bYNsLTDSV4){L2hSv?EtsT2qmRkxG;7jR$W9a_ zV8><6aJteQ<-!jD2ok|yge4(fkjL)_IpsBl5PBW^&y$%ji)9Y*5EHXRi0M5plZFnh zygQ{uG2AtCFjdhA5rMDu?*%0csh_kDB7*4!VlX80zP)~YT>tBT`@4_x{O|wtHzF40 zyv0(-brfP+x9CPrjuSYpu^tU=8(LF$3Oe^HpBn(|pzsQ$EddKL1y??EZ(8jjtz$_z zx&@X0D0uVP_R|9l*Is%XD4*)t?yoE0BIRrd z3rEzlSV3l3dqH)ak3p!@-&(}Z%Q|hDy1|tYpt(K#^&g}iU=eS9A|8nFH05)Dl%*=IU#r}M#aWO;MvKQdD&|#ot+R@98)C6$TQfSunt0M8xfw;5CSkD*HI)& zs~x5;8-pc`)`4AbWu!G4Ab^2oMu^}!m(R{Nh%kHJGC$F=L@Y@WaFMr+dx*nip4u?v z>!I9N(50dxp_4(%3PI;Lj9rn#2vqbAzeAs$l-hO+5og+Mz6`FLkzTR_MV%f{fFSlOjgviWj zj=-&!cI}0UVv4}FsLJti#-uoidLPHn6Fefw)13&5f>yhmYt)$Je3W|CV?XaNTTT%= zRc4N084pWI$FSGe?ce_T!_9{oly&W?$0Zsbj}x)SX5J8~;oj=d zq!8@+0DA=XeevPQVB%?eFf)r;U}tKz!%eilWMUe15V=7dsDiO#uOntXKPpOCA_C&G zUY&{R30Eb3PEs)>Lc-CLjYzW@>&DEe%F*yo)~5z=*%?d~nl>#8GsOk74`PO{dbX-O zjrb_bLf}zNG_V9sVl!ZM61S&>#t6)e(MAx7ae9=`M@>r-4em_L?dq)zjRE#tNJH@@ zRKvfIjhP5AnVAC4<~F5(8i*(X*5r_(O_vU^RCxA6V8}UIY1dKR?Q=(sdR-ZS-dG3D(1jQO_RW48-R{1nQb~>!o9zC{KDOewRQD`LI#P`nuS#5W;fLB0-W^ zA8?J1IuITYEhu2e);-@+J-a4pSI@UZPRMc*4fSXM7($U>uNEhGts#oX`e5QHArMEE zD8fdshKy3Db25CBaM>9>@N&{@F9M#P*RgXzp z8Otr9xrL5SVPBnrVl&ttN)TqU?!DTlO2_QqDIo3YX^GP=j~cQKI1`pFsVbVln6%Xv zm_?+PCK~b*d$W`k%V*}9jVL1W%YXUWYj?BtwqVG_BxO~Q|g zGV>=4-rbp5LI@H-w8Wpoy!&josnmwjpNKew+FFBC%E{bg6dcpIEOA4d+kRZo4!Kin z9aop(=TzYkBm`CYcpOBICq4nB_57GbLe42gt*w>P0`stOTbG>D?|=M^s>3X$gv~?L zSZa-`DaNxDRW-MLKmYXGFDikEwl#nM`M^(6Ym*SLs4TTf5F)zYHsqRd;QctG1_|P3 z&+sygF*vFKx;n;4DNR9-yNE>9<2aA=njRVVG3>UjDnSDO`t4POQS*i&FI#T4=Pkvkx0m(t^Gqq`CG9^iRmp3D`s6x_sxXH!2Fe$FJsY-ci-_QQyN&|N zH8V@nxI`vSYdSy5vSo5+qS0)^;N4MQ1`Y3jeP~t|fry1^#sia6e+Df*%Ofms$@&<> znCSYr1Zh(~$)T8V15egVcQ-VI#Ghs?wP73rquT8Ut)hu#J|zzI?maqk-q3DUwsWMm;L<@Sl29pBjE9W*a^)#fiP2 zlGMCLMwDKX-bTF|M1B}&a=@yAIPhrwvkWETdQ>+*Kd$X%C8p(`#~9Oor@~AUh1{P+ z$XUSkF($sV8%oKv#1MFV4kMf4-paQmF{Cy1+Ur@-wPHC7oO!^gaSQ401iolb@KMlxltKG(cSeBSnLvJ0OIW{@CpCPOt zt*7Og3*!_5#}v=^3ovZ-!`NM1dvW)e;{-|&!Mlu-LNtg-%rWP9J}!U=$FSbIJDIur zEb&zXa-H3&_ugvnttaex&kBsJJ7K>JL|r*6s9Zt9{(g==)?1#11~EU=>_udBL!ZeU z9DxS4p>MyA!o+6YN^4icvJT@(D4hV6!d40cqFH`1X%xoxiF|!oV%E3cUVT_vVmTTl zXYSNWQ=I{&a2h~wz|7k{L$7ijb-g8k3i6tei=3CVYS+ z5YDS0fU=KKO0R7Y(XyuZ_r26cOlgU@clt0umeLaQntC57h3nag9j_H~vbXyJ=XAX~ zGsPI@Rm}`ZSl-gIrTyc)zpbNtJt{NawSZz&H5?xW!!p>Q(dcpr9Ef?6+EdnYG>nMd z{Msux9{>7}f7IH4{&;-<sd8IkYjF>1sSsh4Vpz$C}%V9f|B64Xk`QmpHH%N1d1~;)uY8Vj%uxpdiK%1 zH%psxV30uP@fVmmvBxMun{H17X0zZsnCDSmw4Vd5NZ zOykWkbT!zdVKO+EC*)@COd96}SI)NGvkeDnzIOwpXkH>dK}IN$@)Ae4?R7=zkB6Z@ znLHv)PUfUBe2Oq}`l^On`UDcRDP*5J2dBVO(sn+IYDjD1z;N}Lc`pOvRoLpvUZ-8y zDKMj&zkl7*5;5#Y=G5quL}X7rp+sqCLl;-}QqCqb@&zH;ZP{|n+WW{$baM&8x~YV$ z8k~fKa#(Zhb+p!@y}?m1#`x23uh&^)2rpZ{_WF0fye%4qSwr~#zJL94|Hps(js&gR z8Vfu57MY46iC7+A08O1fN=g9vCr)b7Q69)zX<$9FS2KK#xe2B_&OW^t1 zu)HR4PWef&or9R?|DY*g=3b4NG%DPH*zGL0+?z$<&Wu6`aIxF47`0q=-m%yPnI9h) z2fn{-%F!1*w0_SzA^K8)j8rN8pEzqVUhg1KmTbz&hxs+ zS)Y=goZ@j72>Jt)nLUo{_2p*f=43WRWL=kaS+;d`!*alhD2n75MfmI6%Xwbwl3MR$ z*z|)kA7^Q;#~kl(8*u(kWW#G|>urILQ$)&HzyI|kZz*u--LSqF4cA$gH8bShVTD6kuFu&({+B;+Pa3d=9KhAHVO`Eam6} zTjnsTjW#st{>RRN%cHot&pGqu3Zs9JAW6R+>HAyyt=*K(v6(3N#@C22Kc1;b1_azuXrfR^t*U zxG)B&If)46J23W`tZP(6vWtRR&o&H;lzMe!xf4;ZeZA-2MtJ}_;n3+Kp&cboD=j8H zAJ_V_LhXP#A_x3vPVSl_zH^#^34@5%`+{0IFsCKvB}Ld_pVO=u#feacy89RdXhaym zf`%X=ZCRpXh6kO%B>FM8+KDMhurYe+>+6D1I_jqoLcr=%LcLnKswQodmQC;)B1utH z=Y))ina3EtHsC=qdCl8$?H4?GaHftvBuY7oL;;)md|bVBO_J6O@)fo~u!g&tM2#ud zQr)c8VdkR^o(GEu5y)&LO1&B|J3!Q9LG14Ef@4hB`xt$QNM7T46e3z~85~$#FL}$l zC}3Qzw9&`1WhWYaKqLxB7Tl;)?_TO?qm@?A@|hXJM6LGy=YcXPrie3q-i~gMA4gsj z^8_rGqcHRJC_aFU%-DXEqu$>(W*W^JqLcZs~ZG^_H1Kt1Sdx zZuvT@4cqP+6P(A-J?2=B^6}%bZu#x)MJ4psRV8r10fi-4jIwQ+0v~4`eZ-{4UWQq3 zy_{8aZi-@#t#%H)zAPd_Oh_?{SvgQ#X0D>f@cLyF39XKwf7^)}?!ey0{cR;8W?Jq! zW`!2WhXaOV-OMNiMqr{l!vgp`IqmD8Up^Ja8ui-C%hx-gA76icJwDF7Mq*ml^!3-* zkB?)R)z?bj%ZsNi*4$=Te=R87?VkAy~NVt)88T@k>YS6uuB+F4KL22J}CA0Ju+zi_dZ; zM~H=bGql#|VOnWb5y8T|5uGGX^6$gb&a;&sfu*Abo>;Tl70ma<}lWQflM<124}p8NQAb?jXeLPzVS({KVAlApX`YW6qTH7)VcQaO zYCGaHXj~?tSP?#JnvhM8bm^?{kL!T{c&a0 zBuego{`$IT{Pp$zxA*-Y{`~9z@h^XM@~c*2iqqJj%a$~WC^K_-a;}M<*D=JvSmV=F zmqEU7PiU_Xd&2rAWeaYf$B*+lWecE3Zm;t|E=S|1;t?BHgpS$pR(f6{G@>vApdJ7- z1JQ3N6maXQhW-7_YZOdAB*dg3?tBj1!_@eYinQ7X&~xtc`rAE5&1-Uyp@t(KFh(7H z^fvzdmv8^q|M|}t{8yOVvGfm|VWO!@6RT923~@qU9Or_ zH1j?N6Pvq)aMil+S5EP~Y9He%ZetN?wWSoNr{5fZ@$uNVZ2?g4_4U5wgrWXyX_%Ir z_VWyZ;Z7!^*7|Xl`)zx<-_EN%_G8I8=XjNRmFn!@zPx=r_SU+poTWggL_~l5_=$|= zxh`}{DILd!4;NiQ@56ise{S1)p4Xp#{rcnQ2W-OR^zF;b$K!ym@z<|k{`~7NKi@yD zQjhZ-W^Se`aJ#F7FR%B1{@1_7B(-)YudO56tV6xav~GFdFTvQGS<~FD!-Y(kMu@c1 zAfeV6n5mY&-WCoFJU=rzc`c1;vTw^(?{C}V=Z+~OB7v`uE9MweV&WLJ>=R6Od|cb> zf_T(+RdkZ)M_FDLA3jV$k=R|-Kd{PKw(sH)-zCgidV_;l?k{5}*qm7BI zt^+~hnB2R$^>O|7 z6!3w=s2!o@DJK>lrRQ7jrQ5KW;%CL+-4J@>KxQ$C1{TH`-feot;LDtDd@Qn=L}j_< zxmXLRv*YLnbLaD7u(ZZrds-6+>j-B+%xXOv>H`}yNsXR8Mm;MO%o+uwKIqHc>Gry! zc83oES!QX8d5tLUg9Z+~+%k;LkToy2Y-Xd5pkb15qqZ`zCxy!mzuEAln;=ti001BW zNklsWBC5_Xsu5U5)nR%S>gnCpOU$DHJs0*4RT-ai;Y13L2P( zae{@wkOOfD*M9kMa=<{M4-OOWvN{{h549nY%aGryAq0kDk=uhp@?pF|Xs0*G{f+uZ5)vMy^TqGLbZ z>Hf0)`rDWDxN=Tt&syv2k|c0zV_9OY{p;8J|ND=B{dhkfALssYzI?seuu_^Pfu9@g zH(rX~y1Q?0OIjivs1l`~O=1Yly^oI{XYY1?6j3H((SYcK-uf7R?FEJzxSO6vTfCXX zfqgi1FTGi-y`F8krR|p8-OSUP5C?(T;mg-MGrfMh-@k07)R!-tX5C)$?R7PBb6ek* z+t+P<$syu9r&{_H&oG<$&%f>4+iE@m&^q%(={j0mG=htA^>S1P`D8db)vK4i<$HAV zv}!LMTp%9~2+XLXmGPOU%OPk6vSkYTM>7zFo{TJbOC}VK1Gh3n0t*Azi18|7fM@?a zolHE`|)vsI^XNS>IWg;7y!-Tuv70H zaX^^5o{y4JoL5hqoAdekIN?VS3FTgd;;W%N3hEtS3YW_e3kSOHGZ%gDDBmx$|i-mTN_K$2$UTUsMS{8Qmo zWq?UUn4J;P22hw?~ij$@xJ6?_IJO2 zJ!<>k{^9Tb_ka4AtM%a?B8M0lgEn)_wR;=aqozeUa5;O>z#MFN;4qrCt9f@~(ik}K zD1ADhYKLWo=Hi!^TkdVFFL}o8weC(aiW$u@w+45L2?VXaKI0AmlR%u@e2JKeSal+v zn3*U%^+<$%Pc)<@m9xm?bWpE-S(Cfh+CjkkBrmPE1^-M4LH_Ii@^>PrO9K;+KCYvt z6dlKX)c2pecY~D*G{P}Pg3gELLp;oG+fr)3O1P#6%*3 z@jo-0yGW?LKbI7gVtgED2;s}?y>|m7^eQz)We!fX=5(Be1K)0IPH_zX@#8~6_|tD+ z$*J|etr?o45cu`J{e0iQyxzyK6r+>x#}!p;>#g_uwyNsO{r3C!pRX_5`^T;-kNwC= zZ`*d9C$7WRIuS+Hm)mw;1<5-YCBmQ#SA)A>S0N@dQ`KR1UFEi|OU|t~xS~bEab7vc zFRw4ZetrAc&wu*of5nyaJY1-^9z|O35?B>9F#h)CMMc*oo4J|cQ7g5I>ULXv){>JS z0{@Vx#HK8gXS3gu-!&Zl0Dn>L`z*QEsm{8}{+HM_LlHt9<4M543_f>4F4_Vbt#K zqjpWIS;;*v5tC`npB`CGYaDIF=kC5;EimU>K7Smejo<$Mo2cBs-s;)b+j4u`K7N11 z9LdRtkJ`y;w9dq%Tiy~dZS|=AYVB&HS+B#fAg+U%M>QXm)-<}2dElT?TWM|tye4WU zxGnj~uLQRgb#{<|!83MZ#01?AMlazxmEV6H?uMTZYLL&UKm4S`T+WIa%#>{ij{(iD zQsA`2RvIz)+GEmop{5Cv)X6_t4M9T8y52JA@|pxT;+S>0=U#eHX6QJhEZYpv!j0HV zgL|x%9v2-m>-RH%hY87xfk6{G-cR@k02ia@A<*hTrYCmL&*AHUP^z9SZ!u_yNm)cw zboVhmSW_NrX7y|mCC;A?5s?9X0#@fT(~%jsKEkuc7|U%zNH8qmn10WstzrB39mgef zEZfVHvJx}IdufTs$Fba&AfeY@uiD#y+z7R4T4wzRK|F>-%!mLJY?iTbhv)nDy7f9V zsddBq>gMNp-CwuoH*D={h*^N0mzjDU#9Xf$b0Q+q@bP`u7!VCJX{1E;>gBAX55@3h z7!mi{B`F@Q>rvdHC=g9zh7xDk80dMN$ewixB&rjYeUx50k&ix5ht;!666?1A*sr~k z88el$o$nV0sOQJ!L^ka8mpek}Fd>G8b~}{y?P{%! zm^J1YBkU{9%``{C>RL7a`6nx0Gw?fw+|socH}&a}3V+CH@b8 z{#I+(5XKm{B?*V#jhssD_ciAjuh#zg_a94+|MdMwOj1T?A(p_xy-ncNFmI(x3_-#K zVGj!cK;i93GL3?B;Amjo+AtADtzXZE$%~txkDAtq-2xUb@Wo-Hf^kMK-MX85N;-z8 zC8i|?X3TS^BmwmjI2I)xs)an%ss^@A*7_Gwh+RS6L#F9^6l$u>)qUA)SUB|FE8b)U*2AR|Ndj! z*7x`QJc~$J*X4fS&a1{aqtS@4LXzVuVcPNp5-SOz^^T;1{k(45T5J9N$Iq1Fl2a)) zs@`r}tyM*x=)SFH_Wto8q8O)7;3`!Dn|WZat=HCxTvY)atF_JLsfd|>JoXr4Z4E#E zZC(Gg~R26laD>PLqB{e!wIiqh3eB)C9~>VnRQIt$kYJc@(S>>s3b^c}?zyM8mv9s7HDm z%aU$yH>{-dlFmnoF~%HgX}xzaG)EuShpJe&^}dw796v82%1Z(`eCC`#yIU}AKy`rC z43%zL57?AouOl9Kj5K=UkTbu+k2(d%*u+kGMCdNmui zY`I(wwP0RTtKEh%9H>Y`t6ic59P}CxQ>9sFkOHXKA@tf|92#xrv@_GSm%Prk!?I># z?sZ@l-b#CX96`c)T+j7xOgWA|%GD%VphBCZD%W10x~~~t z;YRhW?v%HzDnNzw+L?&KgC~Nc zyB+V>%ddA4PFo_P-bO23fTID~P=c9l_eGaKWMIulku1V(DRVOE7y(L)Ti6*qZUJdZRe9QG}2t%DxU}iHbdqt%8 zXyf(MdRY(xmx0kSh8Wg z8M%*YX^omBEfHwA(FT|&$NQy8@;!-$v_uqSF$oi;Roy%;iXRZ3V4Q7;Rf&t{EfR6r z8wl}Occ6;WB-lJ_Rz!x622BpNt3x{!vy=lqD0hFp!e->Ii(;9NRRAbtnA4+Gfccj` zZ2(Rf&zl3Bg={ZFoT7CnW<+k%ROP!3@2y`SrCy*g2Ww`11QEoUX;cw`ws~@#g~?E+ zPb&p8na!-Ov?xk*jC<$!)?Kq=f{Vi(TG_G}*waNA_zIq&Qu;J^o{wV9uA`vONjW~g zAEE*YZk+@+MldaQ$aBDv6qOGqHR0*2M3Wh#z&U;Vyd;MC-G&geLbnsMrUlWT?B?q& zlR1VUkjOHzW_9yr%hz5J=W^{e-%>joXvnh(oR_BHZ9>-sVhV_#KAee#*_tVbsA6>p zaS8z(n{T)EAO7;od6qRrGEXWogskFj$5~(2Oh&bj-UoBoa(r2rB(kP>l=|!2?PbgV z-;bY?Lp9?VC@`*04C$`DBGLy`qNm^E-@_tcpMc7gnOo^)uh=P(P1IL}j4ogBp^V%URF;MA6?$FZKUt>P?y?Ig%_*W|mde%-kaaK%z3I zYMQF3`#wbT|Nq0>`!Yk_UAX{=2zNJARauz14^J&}E+EPT5O6nB72)N*?~Th+PXL8# zPN~mXQre#)9~=s83>IE%8B^7)lq|w(PO#qN#c(P)sd+8s@!0mG3yZr$*b_v)et#cB zOHP+db@x6d90D-}HT(E@Fwy({o>LxUVyy1&t&ROSF3a-%aaXmR;`_$~j8Sv1C5I6E z7%>DmGsF4T5bAZHhaQg||Ie~iI1qA9V~)#GpzpI}@wg%k5HY{@d?gAKS4kCB^Xm@wluDm_PI+lnGOg@#VTQ6Fd*! z-yciOwG^y6Lk#O$w!Lu>C))Spd@^E)QDO>MtL+EnM1AR&b9eGf4pH}}*&(JB53 zQE)R6(c^6=$L1kChy5CoNDQtH88s$qW+pLgZ+pyPd*A7FC{x=yun!UfV4dVXr=5Zp z^Lok9Bw%29CO9%b<1?`oI?2Z{KiTxYk66wQWVVR}Xwb*jYef<#2aYkcz2gZ)-HCO9 zh#=g4^npt><`{FBxMrB)(B%{HN2Z2^8W!$b2MOdUd?IGS7lD@r+U1nu<@F-O%mRwS z$?9P&paSvf?P*&Bfzeb|4R{t}+CC0btC!+VvkiA|d&fRxxh*kA>~jJ-nLc%@1Zi6n zkr+>nuRG15`^NzX@a(!=3byK}ScphfM;q7I%ZXDfiJ5h1Z`1VL4hi!ZW3)-2&gF;| z1bm97Cc+$Kbj@p$5RR=QTR!IK#I6<-JQ#$s9t!5u(F+$Z({nnTAOwQ(;D@>lZbB3y zw@=sJ2cBMtTXb41@lXHyle_QtmTH76n#i#YTVLwOw@rjnitco5Ev67c;J|(Fr zsivHPBtBVNOT_{&*wi6oi=Wj~zLk zSl{Iu%?Y4SRr~n*&^b{JgjKUUg&1Ccx*|%&@HI|T)l}mCXjs}%;Jic<8hx7C z>#tWMKOW7A>NQ_~UO^N9bMv`IV6c_alIk_*CG~xp+Wy{%scl2m^P1LA3)ndDR$&(^ zfk_>pQZv_K#MB;Rf9v&@`aZ6|tYaS#g+s9e?4}4|v?PI3jUh{30`Vy?!Ek|v^O|t; zf|>J!lF3hpq;?Gn^|K?&K-K9-n(ygjbQZ?3hBd&C#8a#Vpk}nE&6iKa4KqIlNzBYV zj)|%Za>rca4{jUIdnTTJaNx1`n8WGop?@m;;Tc86EJ4i9)Omcl*n8vr6p>sL~Ac7;tlcs;p(Syu^5uO1af3oa^CtAK3 zPz;O?h6JHOjX9pOel;u;%&aUKE&A985rr6!dy^1SiDk(^z4c?n9QXTSY9Ywu`;NAD zxm5{rd>mxNOrt3aA*a0U0}!f|B8$wXLBzT(HM4mXUQ1q5T66m4<;qU4Oa1w}zTfx9 z-f9ZsRD$FndmCeDpQ`351~q3VVO~r5@Bj1fd+WcvUVneTtJ~lIc>n0#*qzDG^d62m zN|g1bpyCg}-JXsKQxMJVNru4h0$w`HX$*>#T|bB z*Uyl4j6Uygj~HV}5#^VTNp`-Ikld7CeCZ{O#={ zrFb0O$%PPof)AALkL~4pIa*68&8cI~+vT#i<7p#?6oT=S*OH0o<+jeL|M=}|DM>`s zY>atXD_SO`jFlW!?Wfn<>+O<4P_v&tz5Mb0*#>lzC^aw-a0gFKAztcxUtg+3KJKmW9qP|i zBkq_V&MFaRk&pyJXN;nAPUrQ;4DK7;TI1-Se|<#}*^drKrcUj9$0^qLE&(&q25DA^ z3{D?v+*5zzgn|;S1xBsVrKB85XdKhj#sQ8H*|f4|mNVVZ&uwO$W5$x8KD>Tj$!NBD z+#8P0ITYt3^gX5#lpD95v-LOIUw^R?l%YBR(0M zB1Y_@JX3*YpU~N##EjF8Z6_dH4M13%268_$o2sj0@>Cj zgu8uf*fh>D>st2vQI~AyeeW36tJ<;kE-n@hrPU9=g^WP z-jS)AQdG54(!RH&cXxl>k7Mu4nvcE5B&u%H=1{P?5Z`k=n#7QD+TM0mO(m@_%kgM# zRF`zzkIS{x5_Q;5zrF+!Q@`A55J@%awB9r%nO*lsFV7x86;pY?ysped>UAw5d_3Cq zbpf7>h{}@iea)ful4Fh%nFG&0d!K2E^_n>`Y#!yBV~NYBB_s(sT)!-jZ+lwOZ1eJI zi8-Va_ecNoms>~@Qy5Ku^ly-5)@w$%3WgN0PY6rf1`exvXx|2(LEY3JqaXA7Wsx9x zjoQ@RLkhDgj1Ba|MrrOwWsS2N-268EOvYu*yhwsb6rXn1{qFd4L^x!DP}|*Yx=ss8 z7(P@8OPq+vhCvq;lECgoLeEN$u&6}0fYLw4$a2c`;Q)qZs9p+-*fe>56hv;OKqe5A zPTN1)a;p#nL*)~bxDhtPP~)Qkrl;$Gk(^y4aL+Ir?e``NB!)2ha6R|= zIyIM!hkthM$0$ppXX)SD2>(1K$jmti;E%^+i0~YC?&VHnC@`a*QW!&H6nCF(=1ajz zo|n|NE)fb%4gh~e!M6$Xy|9>Bxs=f-Fjk0w7{|as9hc_y(^}TV%qd5V63UWhQ`~*2 zL}4KeSj|%mZ@=A3&Ej-_+t($pCD$0|&@nVgNFsmv{POL6+mDW=&$Z@{t@WWfg`q}7 z+cAWBPE)nd*M*42R5QylIQhqM+{d869?uw`kOF4pqfKH^S?w(Pnc)dEbxEh>%++m} zFsV9BbjLKEXE>Yh`^K%-sJ*_S)F>)yr70DA)gCpf_DXBk-Xr#kB8n2Es99>YR&7Pa z2&%T&TkRStG5-0z_`iRS<9TsE&wXF_b)BE{Z2!P-W1U3^WM$T--f|kXC0CY2ee_{d zUln`71^8IdXlFOG>L>j%U>sPQLm@87%R}89(b8ASJMDYhG5m>fH0eLtqbt=kTjOkP z@j6RJW0sZC+cW)cZ-FKp6V+m4hXVT^S%ZVWe0k4N{vAk4qp%+)NV2z^*HAmh#X+ri z)7=FW1Lz5>FE{a4^9rxevj?cWtjf^QIr@4AQc1#unz`=Ekr8g_e%rjd+p`aEQ*r-VvQIuPBuYRm=Br8DL9^mG3j(ZJFRE?Cs-2ZkUU6FGt>p zlRgwrzlTj{{?P#a5%$jeH|14+4x%Ne@`_!ag&B--ro1|jxIdKUF-aKRDygn+xHlHw^4p6g35Api-t5U|1~jWFOyN z4aovq7$bd>rKWJ|L;TmrxI>~Jd8BZ_+#-XM{Xuy#@?qU+Q8bvyj*_9=+zPDrUy=SZ zUT@=kvHTjezc^Ud#ZM$~&mkW@^(T!XxfgTvqD5wrDKvM>U}h4&oT1OZky9`%r^1!5 zpH(qJ+Ghroco=feURNsnMU<-%r!*~#!~M(a!$X~`V?1f5dU)U6=tKNv*?$-ryyRfo z$ZVT*bNYLki+ZHtAf@^vLo3kzzFlcN5ivWbe*#k22Uac|dV6l_&az@zPDWOuncCr} z1N+t5%2tN~IT|HhsgEOhPr>x|niSGBIfubjh(o$SqDxvS>JQqI;MbZ@-sc`3lGA3* zmQkS7ymceeXT}fUt*Y@Uk~~zrg=cm~G;CPSmzXm`MJceZ&s#LcCm$IIP{ ztP^SZ9R&N;b5lJg8w%d{hjgrQZtSgq00cy*SM;*k|CbkQ<%c}SEqH7W^D8}Y433j!JCW_9sz29|TIzGw`t>99?+~s=v@0`0dwf2u+Kzx|9 zo|XGOX{u9OKG{nG{0D6bp|CrJd&#_;XxPI!RIFQ0bqo7d5z2HfMMQ?ZOy4$XgM76M z(U9)KurdYkF6#(CgrQf#GvyBoh(@DntcEiM7!De1i z%sE^^{I9ynX|~Dzp9@Bse zsZ<$rG*WuKT<6N$q7&8{9xD5QOTGNq`%8XUN5tB(4ku3l9Vn?3k53_&DfUzjn+t8* zZ_47QP|vgpgUK~An9}zeX?1`9hd&H>w#Cgzl5fM$b5JxPn{sg1_G=t>lm35?77HC~ z|6dDW|0#83C#gJH5<4Z9pY=^ZVvXqh-B0#D&%Yci9+RmUe@aRvGR7k?%yD=m$5{clJdpYFI|99 z()E~^m3;=v+w&2lyh0zh=X0=+j=`j|t@K%+j_Mm-A0(gPPdTw2a=J1uCg#$wxNm&- z?^ZU;e2{qfAB%O63Lpya4IHX^fIHt96-$L2UqFxcaj4%an>~U7T=^0 zBc<*PUBpFa(|W#*P12a;A9S{zQ5z&yPeoP2c)QBSMwE*`849hD6BfKBA(mGWYjp z5a5~Is)k#Z@fO5oBVZBt$QGtMBm|?n^KXXq#V;D#w{j-;@Cu8{8K`uP@7Di4(+3jw zlTI=`vDh*O??N*yA7JG-g&_|M${HFop7?H}ytP!X5KA3aQ-s+frtO8x8GEDw^Pe6Fm4rp|U(z&yyCl`2vl7PxHR?|7!TEHv9$)V?a8z!bLS%=1- z|2<)$bGN$3IAkE$8ZyYBsYoP~0N@Y=Pi_LX zyOXDV2GCRWqix049i%@Rmk{3^C<~4BOKA2GAn~zdr#hM#M^0SyKaSetoniW<-hztD zNDfW@4gLmox-zz*Pew93f)0V*__5uF2Z)}9Awy+&!tKvCBRZd5}Y;NFM>-VX_~V-dA^9NzHF6dqBRrEd-?duq*no{O<5l~b0# z&1e}nP@Y&=XnR&eDwBzd|Bc~1Rs%Ryf|8-a;js^l_Ryy85~UjY{@<7+`;!pLrbnM~ zuwq8P3SBy2F-l6KwJEh5==3R_TQBJ=H$pyyOXu|_&vVM8FYc!dP;R1FjL!AVz7pmv z?fp}f%aiAO$jpY+{0B}9KcW)y*13$0OC`^VXF{tlW^!}`%8;v+mt>3eoAfHx7uZ9O zBX}l%mIRl@{VEmW25TXPjZlFh_U^x>g-+XOQ;*&4x{0g6rRQYQqL#0GP?${Gwx-J& z>Hf}T0>F@a23xL%4bJM@MJI3|)XGkNs4(-b%E_lVPBIoqMyj&7l3@Z~!p?z_U)j=` z4K-8wx#g)b5tbm8W7uwY=$>4Opc3lpI4mhe-B=}!zUQk%68eS9hX%!4BUigkb1=hC zdQ4mKw!W^m9^@St#x&z#eZc~Y7@zLn5YMH)x9OyHU0&PL!XM~eWew^uU-K;A2S4VCCG(dt zXh+$yZvU8r(K7&uVEH(O#?uKKp*C6l0qLJiJaL>42TBe`@rdzJs?zj*PTvAK>SI#~5zkEW{cza8eT zcHU54WG$O`0C*YrgEs&d=1W-DpQS&%r_LF)H6W#o`T~)&9Fi$atvafIulA4nH0cw7 z;thA$u?s59%dAl9)ZmAS*!-{xA35cM=ahFVg}-$WiQ#n=@2x(HHq0K4U;w=Bs;qR4 zvS-a-H|xml!9~3y{_ESXd#tK-G>%}fmpY)qgmIdPvDN3l5g}T(?IgYrxK}fsWSe?&=-V)j@4D_Zbbf<`2*woSX zF0-pW>Ghns<$b8 z;#WlE2OQaHIv~hG>9rMWfP#6x3x-*R2u9J~nv(+BHH7~=o^c(93MtYQY;#oEWNKmB z^}$0BJ4w>%y%y1>C3$;lZ4syt*`=^@FA$w!ujg#_2g%ezE1?fefoN;u(3^T5T!?V| zN&d~h8-j+nL5k@eg?6GHX8fYSrDj@tm$b8?qFVcc_~P<<7iSKRQusv=K0$&@G!B42 z0o_onw~o(>F$R#)WltLip;DGo;W}ABqjS_ z@D;u@m~8{Q{rn;h*?rzv#sN*?C4;{b)r`Nar;q+J`&4$plXF?#_tAEWy;|)A(Q>GK z@*9Bqie}gKCzYWb@j}I?zaefu(sF=-(046&~x{ze68IEbSl z40!*^?Y;gZNA9eYU>UE3ychUpN!<(_I(la4FrE64O-VsT{|BRk^Gsr)Y2?0?teg+B zF|$Fj?7eHAN>kIqFrft3r|LNJU%J?7{p}1t8$%_z3_FFWB4c>UE-n#>7g4=0#O}Cujcsx;wGVrX$kTAPlKrTJ z5f1Vtt}0>Y6!;bQ%hvD(Wh!9&YzFcuEeDcDjD__w)>4jDt4 zpP)9~)=Ph<)Qcc zj4T`JX%f#HyC(&x5$1j$B`*iYI~TRKm=2fjMW{CXyx`^r3SXoz@dVO!RS%A;) z#;2q!)c-$7qgyZYFV(J|UpQh5am*}F95ZR4d!Wzp*vB_cYWF?v1Pa!Db2t*+6V5#$pX>*aZ5FyE!)39rM`z`BD)5U+Y}3ieIb8yO5jV zmpaD7Luq;bj-%R9Vh6I(BVAOH7dOq$0na+am$KPNZ0C!+2JJX`B3I~?nliNs{nH8I zEIxx$bIkkx$+vp@=w3@(y?36n_lhcWR2p3W?JRX*S%z}bdqUqzb#gi_IN!zJDofJVhZ;Q=&PS%u*q%9$r{JkQ^719Ct8vu@ zg@($`x36FAoL!##=R>V)-es2{7ncqXCN2{|t4A!G8NVkWrPgAuIt(I%UK|Hu?Uico zE>&l{Z*+ln0=+sVC}X3U-(2{wQ{VQhice<<7kpPjH_h;`;b3D^+BlF#%ggEyRHi!X z<#6Axtlg3`P+8c;>2Gv1?mq_bt8vtC)cEy$8`GFqeFH0{<5Sxto`h2n^5V>Y*22Qo zt`yzTX)We6q5!+NBDh%Si~ZNjn~9QtaR2RagMO7UlPCXY_$4bjtor)UT(iPNsy6S1Z!@G7mrqjmtPM zfj-DViuwHf*mZbl>pSrXZ<}~7#B8ZPU8I?5e9O4=Jri}258mC& z`+>g3dK%5$maMaT^j-8`LJUt4^~J`#t24err?!B5#PbZQ_4lPB9B$uA>WPdS2NZ&z zJyRwd^;LUtL+=|&9S57+nf_0yTD*|af$%d^+)aUW9|8(BD0uF0Cb}G6eSWVTnAC`~ zJ&J~FjB&XXDTCu=Wy3rrkV8);6lfvzc4JtXS~CF>9eW*{VgZk2gfGrxBQ zZZbT9!4)kWqPJV**uneQ)UMrYFRDu)6~^aqBm2M znf7=5W=?hfD|`9INWg+O&_{NLVbB zDdQS5Rr|YrT0Y4{?2JCbQPcbX0HAnpP3cOxyTSebT(wstr96rHTaIJ!V|u1!(!c$h z2kyO2@q4P2Kd9*oG5&FkTJ-yl{*3I@Gmn34@jUt{s-L#gY%S$>_h0r-uLkmKUG68A zvNG0tN@ToIwJY3(R$H>;elJFUGLt#;U?Y(9uLHmcvxwh`AVqvwBR`qZ;dtV*wOEN< zu#Q1%UWF%b#wS2$AIAdq3{eD(`%4dnO_`ST&z7MQ4xEYDn^QO)kD5V4%QDSJAUTmD zT(B>qq<2PLV;Njm(GZfwjMVRD^j;mz@sx+c7)RIixHo?QoTx=4Qc^6H9sZ^&E0pGP zB2sv)Fbo1uEiXSmy<9xTFIs0YN26Bd$e)%VH1!Bs)7?1yF%}D}*q}#VG)~x9S9iCq z|C{zWgz2^AsqyJR{{X;oM;k564Yy8JQyljHcBcap-}Wwb${Dk?+v}`+$IY_z-QUyj z;{QmR#dO-MN?X4mwfvXr`w#T5md&xd3~0WssmGqeULgvK20ek$^EwuVTNS+`n)kox zUbrRf@il`Pn2Jbyccah|1K9)fQ&}WZ04;%9Eh{%_U4Gm6d@b(Hp{l-62h*SQ-td*n z6BdXJA#$XTfR^@A{q}L~$=iw8mI&d3@OS+)uFCv2@%QE!0Ik+8hbVpX*aWKCGj75> z@MEG`{4uqMG<$}Erj7fiF3$V&-_Ahv88Us$EBZChQq|y2L{2`wZHb>tmK76tl%M4r zCE1F<>jjju3uN(^HQ_=;%wD<@at7c>V=b+2*!NJrQuDtP>Fd`78CcDBBPWjrJ?I(u zHt;R)-%IZg^bfG2qxX4Z#D^RA=_$7)ikJx0@$WDWOsG{Bs5A#H=zjyg3~uGE6TaI# zae20XJ-&Z=JafCTH5wioa^I-4t%E+jVmj>-d5EjZ@GbX~F&Eib>$t7Cz0%d?Lad$d zF#61JRpEkQRzA9_BS}Zkp?1u(y=~TCvaPE9I-i9nh9)GC#&ggk=CFZn`=VjF88iEUZs?(ou@IB$Q;_|&wpav4x9Pj5-U@qr#Qow5;$y%%JfUP9&Q8%BV+so z$texQ!@7P%e%(kpTKf!q2u4B}T640o6P8T8<9dQi=6@DLT>#w_nFk%t!g5;oSE^!(gP;97-;9u$14U{+0jjpbS9uUp(R zBhaVo>V0)Iie}Url6dDrlAR}gb;%$Z(rM)k$oss0gRc_@E(6g2-q z+ZF}`E8<>iCh=@A`;hIjPTt;hyn1T})#3litU?tufL;TLUxBo3C&r6tEYJO^x?-}q z4)43*kjmJQByW!4g}Fte6kuZZA+Bc_yXd2L4X_Ej=16=#w-)z6Qw^ukOn$G_jsS1_PslYd1?42q+T_wV14VQ&5`zDO7;P8xM%rMG z!tI4o^ZL-%%VB$}tWoU*yIZOGHp{{D#@76?7~xn`pSkl)XabN*o9Yv;V`^0ohVdK57A1pl zZoPaEH2ua+7?CEeIPX(xvIMSi?}7ZV<^!C6^Q4~$Fcy{m!<-A5twO~d6KnN-qCTv` zy|HcL%w)OIaWnk{yXjrE{rrqFfKJm=Zu5m$bJIXKSNPlhuiZ!v516o0lxzp*kn8!l z))1rAruaFi)#aJsCg>qKe_TR$-IMb&X9+RNjO%Z`9W>9Pc5LGJx%Mg54dGAXGhM9} zUY=I-iHOC=)?67quPqw*=X`fDyAlNazSVRVSXe7 z>rT7wRq5!P=R`r-*#$}ZkOMB7+M%(#6Xa#lnc1YbN9kSnBWAfC9G(Ldv{XKB(TjY1 zCh$>Yu=$y-kv8OqS{rQ7RB#8m()PD6_)C?p6DDDH@3k=ozOLT$)5Y-@4?@z9J?X|a zW9QdweYLZHw9!yp3UpORuV08(Hm9)Wg>d$<(!NR>k{y&A5|vCpsDgpHbRTRSH=ape zf-XVP8diUUMH-5^4YlQ~xE(-bc6mk!$p;}z*si(v2@_YhH;CI4s0ZX{cxdMmq7Osm z`yk|%2(S?}xtEpo7zFDO3CG`njKgodTXDzx(12284|bZSKXYx-K4Zh=g){dp5`oM5(ucO73s`5dH<&d$q#P#jF>NArSJl%Ws=?v1R0})2qK@>cp7YgzSNqUyM zO5l6xK@^`9#-!IQ83K2s;oK=)&{AfVRQbM*Z`@P?6(!6oTjDs5hu{YJ`HygJGv_K5 zj?R5@wdP&Jn`3Mf^PTEdKons@%nJQ(^qjGKD#S7A(BN(nEZYb@TsY)0hAU55BYLDu5>M~LGssZnfa*U$;_k%A^z1yv)Mr)c- zQvThF*ZjT9te;VPnk;y-h>Dk(Po#C)sg2~*+=05IBi%g7Oz z=p7^IIlR9xDmp^p#7r=6DuNoQ2jQ#6AfPX?w#O}A;q&yQjrG}5hle{YaR4?ag%S`X zWDq|hX{5V9Hc;+XH9`2iRgI^--->*gIM>r@cG&Lh0TYYxt#EI~fvWW0L1a5TzN+Tm z#ZH}HCqR;*QzhF^b8o5Fg|bMDlJ)wHh5I~%@5lYf{ZfHn`|N7aU~J$1+6b%QuL+vg z=$3ZGcyY+7juG0OMHAYbZmIdArj-$V{d=2wcywgc&iRI9ijp4a5%&c&5m**R9pL!s zdTcNU1nsfRPpE&){8ftMc%O_RfR#be(rf>$eT)70q20fjqPuEO>-~A{9Y%-m+C{}` zyPiT)h|m7ZG0im*z0<7BxK93%!m8;@EOUPKJaOWM6X|0L;b(*9-nvD)ijm&KGheQp zsFkVR2%&by;Hb$xzE%Eb@zHhFvB(1(t^)#0&bs3!lt4o&S!3X$$G?@9xl3|Jo9C~w zP@ONDdckWjgxNJzyN`vDHxo!idkO|;BbtT7Fa^_@$w9*x-;qLKF8$xzXKxndC0PZd zfibnhZ_Kns**Y`mb0M$kJd;4$OL&f!g#aTl?UW1Obtntb*dHKwcA_6KLu4QLk^|Pq zK|c+va2OtJ2)j9X*J>j#!h^=@XK^upn{~im9(xt%)B`gp3sPDxP||o+J7a<_YH6X3 zOQlSSjnS|-AX0G(!cyL+x0tes@M^X4PSNqU+LbM_c{<^e*!y&|vLrM-ybDxWTB7RR z**;;odVM|ffOBQHcOKiD2%I*ZqBcF>9c`lT*|KpL%QxX2!J;2|`{8jb`AT~DJiF)#r8&};Z#5Y92*BmQN7>21g?Ur3q^L$Eu9j=g~ zp3Yru;*ov9H_W6YNWyXFc!&245Uod`%hSEHz+nbhNis&q0MuL6r@8iI2QFX9-Uh3W z&rW_s^(UErm)n#oy`NlKz1jaRq0oqdGor+@ESY?rfb5=2P?qaYx*`3C<$uZxRZpdUDJJ;*K{GoT(eZGT zR_}w!Qb4QON?I_X_X$3_K7!0`-`6hXgYOghv^L8q)zHx>C)saGRvj`msZj`b`yYH+ zz(h?=q@^=r?IV53ywZ*^_kQJ8(U5t2jK-z*z+4$OE?erM^kd#tLsh*` zY0rHAUkktyM)5YR{+;R-hui%JV{Lrfy?K(4g7t80g#vp=ZswRDn6Bb(?JS>|Ka=@W z0S*qV&%_!MC?-CnuwTPnWE<7=&{Jb$*S4A){K+6F?KNOs9>0ff3$-Sm20erG5DYvU zi&VxX$|CX1*5NQX@Dw`pl=q0AZzFII)^7Yc738jv5_aJKF+s5GyKqBBn!UZlM;{&j z!d*YFGD35QwC4uUjY=Gr?>`kB&Nf4Cp|Jjhh?iZ`DoQX8^nUVAd`P0#h?%yvi`{0! zRLN8mB4mJVmCYfqV*LTsS0ULZwB;_1Z4G1-sxZG7Y^Fm0@_GM(q3iC$m>1qcko_v2 zw^9_6L%llqG4Bx^y0Q8U;o&j8tE>mSOSu9UR2JmzKgj=+BlhPDZ=M%~C>qC+ADGySo5t)*l;mYh zG|5(j|77`#no{OR$}agXL(p9q7tdWr`2)9RR$;eP+bFA*ZSaTBE}w6PLnUJaLB*-s zf80`y29E3C_#3;+9==sUCT=4j^><|_mm{-k)g`@-IZOTE7!LF)Y> zm%1=WY#=U<*^0(rv)F#+d2G1OOAz8mM0)ntfFDDX5qCmK1+SH#5O}Fmez0LCy@*c2 zn9!FWI_@IfA;`FS{>#z0yFju)Q1 z44RM;_jThJoa|pcwHzN_MoUB%(L5Aoh&+1Ax1)|GTDA01m}D20z5Mm5d9&>`C5G1) z(E`b&V^qNq?`lyNLR*+Rbh&L7WIq6+gq!Z{ka@-}>%8M%ee_h~sMB$JHvf~Y4&$41 z$Yt-;9k^hTewW;*KRktNVFj$~TN{KlV#e3!&VRD9ekP|>#dbAsl4&Ki=8l5AXcZP8 z0H1TtA>1nhfpd!v1o@X(JB@7QvR}%S3dQzpBSJ1l9RGSX13E%^&(}c@Wc$;^hgM0N zga$>xE1$NuNDGh@J+37-)y?3C`ehm>Le3=}a?95;C!cC!CK38C{X(WngWQCJoX>0c95JS1XRJ@!@{vP;VtLw zxj|TI*4$<_do2htip1n)!neu>QApnltvN1{yFf@8eZ)I%vfmrN?ZT=z!4_iL%;eEUGp%)K{F%2rjumO_En{2@bT`b)8k1 z^E&Kp>tMCdQ@Qs|DM^{p-oI#nm%%kb(Riav_}`lW%I`c54tD#QTHL&vQAcQhuGjLk z?XYs&tlSoVH^eM1J4-5OuHN_|0}eg2q>dpe^29_^uT(xL-1ZD~iIn!cV=(p{i7_M7 zrlV9=+jb!+lD=~WO1>$*mLK${ZG5kf^6q^g&qwL_XMBAtCndp`Ao|`$CV=a9Wlp7zcLWf6V6e$zxMarFE#+R2>mVh;Z8mDe&92B|Ky6qX7iA{5xaA1Uo&D6J2B$*b=>F0lJ%JfhEQ%*v_`@cSOkUnBT zZ>tfyPNYoN==|`Yr4*1O^-5C{!ukBHV}mUzxdZbKhEnTB8{pUlCR&Ut7t%e0_XOw8k$3CUFs5*1J2XFr(~ZowMk$U1o}#p)}3fxcH~f|^R7JpiQ+Y7 zQG|@IL!x`v?($f}8&D?JdDYOPNZEnEXk!wNMsC0Jt?*h$|(C z*4n(dwdF~V9Ohth19hkaep|VT;(w%5@Rjk0hZPbJ_#F64-3|L>O9xoW%#ide_|+H} zVk`WD?)HcfgK%@r6?U6dvxGYd-P=N=$A`;i@lZ4$ZWnoF1dS)jgNkxhBY&D=_YIG+V(-UR_U_2IrGJ2!eg4zJZWdbumWD-@+dd`UB(RWurQ zzJC%mTzWT_OnF^;E!Badgxz=(xFSv`L(`I@e!A&w$kWQR%MCKKlI1 zP^Ln6n<=8I(A38}5cEk*%hD04a^Q_8K{W8-F*ReK_EqeiYnVd44$x+Gt< zk(vE@{)vObMkao2=fm{*&h&kd>#xPH)@S&wVNPy#>w`N~U1N`I-eXg817`=nIS33w z&We`YwPn!XnBP$T<1B9(ce9Z1bZacgbQxcY{O4)q%xRS3@$%2dh!^>YDljA`uHwAD@mLhr)rW5K-@_{ zy5ki$bVU78S$*%AqwtS76|v&Mic0zcsgHD~(bdZ*-%5gg1ETKrV^pXrNw%}q8dflt z4EW#?gDr1;wECCPYJ*WaB6PL)IXgH#o{_sQZvT6jWrVHqZI_Rok^ycci#I$)($1wC zk(a5VS7cQY2f;iF{h9T^*;j?mlO`=Ywt1g4C{~KxAvY-5olgj_KI|%;kpsBxvq z#)R*#xQ~!hwDQCQBNU8dv?B4Vc9%vsCOEfTwd?g)wcYLdM^o;F$6CA4%rOVK;4g9| zNbT1eZNp}^cXMqO>WdhRl2)#FPp)?#I*?TvSQfP{|CCIAzO5W!={&d|(|bRR?ds2% zT`%t=Te>h&Q`Pl=+aor0X=TzE4`Mzay!xA?UvJv0gWw{EG|Xj5tYno4;X{7@mp5I^ zz>vw~22}O(CM&)wUWR^8K@icAf$j8;*U;~MUX0Z&V{@|-aQpXKZtG|oam^uDc63w8SUhr(bx3&lc;1!pJ=|V)(4Aa6vGYvX zJECDR(>0 zQqbB=t%y!M{ECH&)n1XmPYe!C_^~i;!3Lcu62YM|14B_&$!&aTu14zzsTZGWiDT(t zhigroq^j5B;WscHf&^|Vh8u2x-gooEt$C%$H{#iACJ|d4UauccQCWX+T}>HyvtM;) z_$_yIN4T=W)^fxS)H@|@0-d2;zND<+{cRrqS0avxlxr>;fey16@-oTo;My`YJoK>` zLa|0aaOB5ai zO912!=JU;&Sop2}ErIFS3de6XVb3r2Z)|Rt!rft~Q`yZKNwj)MEVV{%otCzdJ69bxEu{r@W%m z+FZCSv&!ig!KIUhF;0`&iadp}m*>Z2(9TZ0Rl&2T&xIUlFO@WuVz9F+#!ge9;XAGL za1E)EONgmP)M}n-H@MvlO<}UJISNqY%lD26hovzSUG=8(dn@-7Rz8=8g=Z+OKlrkMKxf$?U1HLt44=P{{gb?MD@5XKQo zVTC#*Y3Zg90JId|Y*+Jfnj^}EqBbiQ@H=N@%d8Q_`ioRV#BPE(ZtrcDhzIQn+%Gjr z(yZ6UxzgWFgRN64B>tj{%=}lOsB&qtC}|HEWC-@>-VI3r236n&`(SE z0&PQc$oAE9-4ecyz8l~2ot!tFo@!5i7dZYqtziC*-HS2t7rjd1la(gu( zL_#k|6Mi*|1!;+nGMhuh*Rf__Bzs z8~&Vs;|1ct;mpZ*gN=fta43iK;fI2C-vB%MDlaik?i)Eo0uQ^{Lr9K|vS8XHEGse(j1ED^HubvyCd4BuMV><8VmQ7s@mD z-lyl5N!TggTd}7g#4pOL@sWTU>S{c+b?lND(sM3uyb7E-+_+)-su5fw{Ao-w8f6>-3VlJQ@PTzTfgf;15Of3wQEtXuKvQ+ z+Hm%X%$?<`KYS-+jvj0Oh*nJ^9HqEuZZncDArY0$^S?(QcypgXP)W*BuN+JHdl`{p zSG512+~#>)ES_n`$};3Jk2f;^=2Szsv^4xWKf5Lwh{m<*_=eTj_tuj=QyHV)q&wZN zQU6$7_3-^?C&R!{GXRP$fXaYElDY`lec=QG+6qVkK%9y_^XH$GE+I%jJ)3d$ay7RD zgBzn2wNnQz%_COHldEx?jHflg58q+tNJtd}k~~0~OG5RIkG`=A6}oOE`Jk#!BZ22b zKPJH;9#0}dC8=;Qfw+6`-&>}G71wtxq~K__2wXr?dBwOuV>t!wJK(8LeO(nUs^ATr zQ9I(vR^cUmEaR`3XmTpEcdcBAM30VX19wOXQJ%hrotclvE5UJ&KH&-y+vAJ35z!w+ zMja$8n`W{9nrmBNX2Y<0GlZI6kT&u^jV{MWzP12&jQh;9ZshB6V;<-A6DO?6CJJkE zfaCA$QmqA!OXwpSDUqvLH9#ApeP^7+~K`_H)jV#`+;9C^JTre+TbQF zkeL!;hl#=cm+OeZ+f~@vJ)%{Do2iiho~iZg4)5$cDU2np<&*{Ev1u)IiPHUP#k;6ICcpC~vK?k^4mDXBG>S88y$Gw}{_P%!W=Z_Lb>3Ee5B6 zwq`D+T=U1>vH!CXLsf|ZE4F=>jHr2&K801may+oV`@Xwo&)3h{O;lH)jdqm{vN(4u3$QM9;EWy zB;*U{kZw$FCV%qoN|wGem2{9D*#_KesBgO0~~$&gZ-dmD-WAP-nX&W^n*sQPz3fwRbd zt`FQrwB+(Z=0acRpTs$;E^~TyIV}My*INuye+v1V<5>WA+)PzAAAhb);I2+G;qVw0YEZl>ufLgK&ham093mg}l8>UG zo|jRJD4CY}tW7nNJ?zrymB8b>O-So_`f~)hcR7qOG1A<|y`|O(4RQTvu(9ReO%bwSd>0WA$^^6Q{MZ3*-Yg@4i{(ESuK@nAV_r}Wxig#Kv zGVb?gWK98lei*3uUOuexv6+q?5hqMOEM%Fa_wAh{!<OQ>Wz7-#tJ#7%I`aGOwjUxo-Nq2epRkcxsI!qKlH{w;e$CNMQaSdKW{B!#(tzg zU?CRBi_peJHKF6~3&=hfx{)PUK)5q3C>NH=;iI!PYfNVIrzL})#6-Ue_eN9Ae?mw| z?SaoPX7l?w-DOJ)eBS*+kqCs(X)_FX@Ve)qvr;M<;rP*ky#Z0atWO3f*a02V=QPy? zXnaW6tkv&aOi|Z`goTETL^fd)IO4c=PcES9L5XG4aoDF%^dU)-2=r{q%7HWdvyEBM zR5=x?tc|ObLouq9F-f>Rtrg99q-q>%X7jH+ec=v_vtLm$4~G(gdLCq zkTb5H@3YME`YGKt2dG?p)V<;r&C}MO{N38YVZH%cX1nr=uFo5;eTaH{vph_X92p@W zM@KM2BEu`f98txL!MUd1e_7axvy#BTe`}01P#>TRKW! z-4HQ+L{un!&3d!aw$WC6W&XiZn_8k#;sUnBtw~|sSz|WW zuML}x#1Ba9CD&dJX3 z89%7eFs9B-*k$vLE-&?lKE|#9=$%>Mk^hV)a$A}Dhg_g6cKa?u{(<%t714*Bakshi z#>#wF@0{_*(R(&QB>#cqkx~>#lxMS>gbW@OYZS%F=)l8172xxA|99SQ(eUZCk-G5a zn!!qptKQ)#sQ`w)L_efn9zKUk-zjR4R{vO6>705$=$V-7AD^_NeYbsR*!B7A6&#n$ zV!>k_RklT&7i!h+!xU!qm3tAk|K8aDn5v#;%hJ&4?~1!|JTF&L<6@u0cs)}}h*fY2 zdR)#oA26f4krwfX>bL?OoGW%HBN=qd`smrEt)2a%yqKxFt<=1Q7y(^Eg+wnyGBtW< zE}$1Et*CwzLdD#f$$wE_;6nN)U*$>;n`CCO+j(_4FsKP!8;FJ$wSF%NAvyH;qnvMjc z)t3uXfA{e+AXr!{VJc1;&JOuW@k`!bJ}9YNX!M$om$_jm4Y5Y8MBta}xf&V|RGa)D zuK1qAu-2DXWiqT`>+J$M<;6hmH#b%`p^~Vz$6n{cZO{d+{Ldo zSAD5PHIx(nEUrT?;lKV%F0L4|_}1*(9b9K<`0c+df1i_@rKMy1O;+cXT+A;t^ZSf6 z@%#q2-6&$&RUsr~i_F#U@Z=g@*WeXyF=X;UArFelSo@YqPs&Qs)Rdf^(!N??c3ASU z{Uhg+DaG8}cR@TRp*MQ++jQi$gU*jq1}jQ_AL-2;AHC$uH4m<#DqCtD)vk;D(ZtXD z{si0YBv9#v_v8I-p12L`7X}*=JzB`=(^W{9ydTfHxISmkR1<%(hH`oF?k%ZEvyr)B z1ajSLQ{tV_^7hrLM^p*4r+>bbviKn;=r{`$nKyh$GRf&o z6f3$ugafDc2?1+FV+D?a45|+U&`onADWXv*saiF=_w>)xiJq>w^XveafE)cT6#P@_ zACAmtzgQ;fD~9jZ+C@xZ#RU@i&wViRG=jk_2Ib^r8|nQj)a#2D0bubRP-Iu=+QM6q(^2o__rwI_A8DkthNI76FnyCr?-jsNzg1qi=X1x7DvI90Tp$yhkiAP>dlf zGTr~BXFvPbW51-9V%pJ7{jo&~M0sb|0rbZ#2imw?)%jj#WK5LuCE0x;sUu#r7k^-8$WfnXb5Qa@;G5YVwCNI zr@gyam+?UpV-~px-RUmm@gagVrIKFd%k`7|f@>tJ&%d)#n<)#kr9tnC0s4`OsT0`A#k`I6L2lAW6h!t@Aaq@}oc~HphIUf#XKLCs+a%!%sgQassjk;VgMky+;(iz^a?)`EiEYoiRrSCB1=T0;+N}YmpNWUMe5n}l0LrfAqK@6=#)}`kEqwaKU!Yn z?aQJ`HL4ARCGi@`n}?`%A2w~dXQ&oK(7JawzyGr2HEL8cs(bHsLgokbp9qUcxn&!6 z9e{P@E#)<84Cs*Svx$l-AMdrF0|RV-A!Riv8O`B8{^$P3|MX?Fxqd1(tnOW-%%ACC zM5zQgBilZH-Y+6-Ms_tte!RDsFQFRLDG-*7Hi0L?umfrzEN|iW#gQ&7z{Og#7&YcN zk-%k_9n+0$n1m~x7yHRn;_+y+V-Q0~p}`-ndbzfcaO~zWMG{Uq{6w|ztD}H8r0xx5 zl-W&~FFtQl@(X{Aaemz!Xl4=wSsbYF=9qa+Au3K?99c*nu<1@-wgeW8vgY5uK5~iM zt)vpRx5dmgiP7bD3q_siVxBsUKCy|ifgbfTH#=PwF{BE(U)%{`2|TXI#I)%?Clfhw zTA~xBC6s$fC5~YsN1!rZ7HC@U%W^M22U}Mii*T{4mgZ>_9+KsrkkpP@VNk_oK~6Ep z^{s%mSD*FvW&Jm=!n{ri{q-NdD5yQeImcxwWyz{ImxZo8f~g`oMP}NTGN*L_@0~)3 zW(Hf;$K$Dbp#ViBsHPO!7z!S)N*@E+E3n#3b767!5JK<$JR38c`-S&OX-+F8hY*0| zXJUw2Q;My31P}KyN>2Mx`xq)B!hMXGBHS~*4;3-9ZCwzuOYDFB`!^yFA#7`TJa=a9 za|jDgF=2@z{Qc`U;C_i*UT!VC{5b`8|9BoDgfXY8np=$F@2ysQ~MUA&XPr(kQ0UE2lNaVMhVSyPFr zM1012w0MPtUw6qI^Of_*B8-v`4RmZ=^*9aMHnO*B2txJM_yCN(WW806l%17b_HwCiHO#>m7JhnC~HBLKiWXS zdiijSekx6|x3yt5OoQ|`nApsE8);4b>}gFuoj1(HMD=J8U;t_age3+xWIl(rqcL$m zF2W-!RI+PaO?;796>;anv(NKU!3?f@4Oz{6)Pb3IS|cC<1t7d2`Ic;0zNh+Vm<_Y? zkAMB4QDTXscIa(JA9ZgTE1iDD&9>UH9d;){uoqqO#FzqBqG*b~{_8hLFZ$WxPwi*7 z>F~Fqhryr=T+|rDs3Vm~MybT}ak_b4k}&^N^W&RDO?*5~1$Q3n8Ruu6w;or8!j2Hs9oCfEz^81u*cGAIXK?n|!&L5NACj6PZDxBu~8wwRU(F;d=AULuIb=HBbFiD|I}VPO?_k2$nsgs7nMiwYT9@vEeOenVoox-16CUV%%V(==+^JA`nkaTDz0 z!=MQD=_v;$_URh+`R$y263eIGZElp7s6mlBe^t^E6(JoT4OOO3BZHm5Y&x@~C9+W4 z2Zm6iP1rQ&^q9kJ#=`A6MmHM~rihoHdN=QaEEp9y_{z<^~(uL&*Eo$Ap8zR7FE z$T0;R_&&|%?0u>-q=uspyh`|E`#IV<%pGxER|3zNPFH$26E+?emoWN7c8$4Tnb2+e zbWNc?db*{QBV8$r5@W#CZ02CHF$=TcWH$45^t>dL2O>fQHP?LmWxIdbVh+>n@ojHs zpUo7}kj$uGHOe^0^T!c@;W`EY68rm+N-QM;BY~pp8tA>`;>@%yx%Ux7l)3k@&UO&Hf9P&0@0%lh90=lC1VCbokP-)Yl-b5za_N9Pqj#WGnk2c*rmNd@c#P)(X zG4p!Q0p`pU%9>*iC`+#K8#5*yER1K~%v&E9KerEIL6bJS;p`o43KAPi%sKfa==MjQ z`iKAc`xIjgq3%`SX=AZz$D{t_$Im{Y#8pvvRnM~lF_Ck;Y&6rs>cM)e_fb+(g>Q$Q z2w`hZRBJ0Gw>Hc?g?OGd#yICpIn5UbP(*9(;e|;5{OR7u$SFEeO7Z7+A5@uHMdq~I zwu~`|Tvc1gWWbRj;BIrwl%guD%DR@Nq>_`WEG3_{o7)w@!F=1c+S;5J1lvjKV}yWn z$69ZIqSn@Pj$@2(-`}sfVDB-8Ip&!2)BRrCB?LkQkGrRsuvY71U?`Py66O@czyI?e zfBXLZkH7vxM1TG5+x5=OInD0(4Z^{*wh%+fX}+w+%si%DKk5sZGpBw3_A$+Kxzu&X zv*vO&bwE>vcqMV}k8|0|90TOOc6KO$(LbOu3@Nxf#9fY2F%v33d>nI!t^gxLhJABP zW(F|S%=40Rj=j&6Bi?K%ssZoQ5F`kZcg#H6j3vxI5n1KtqYmW4&Nk3O;F-q6B`s-G zBzOm$&Tw9WUdQ}epE=Z`(vCJD8d2?MzvK@nESzlG90r+3%+bt8>ozSdX^u-&|k;>wrGqr}a7@<+@O4W;P}i4ln`3 z0&zahvSntfM+;HQmLXV&Hx551S{(=gm>Fv6nTaHE(YVh&uIb z`}0(l2~qnihf75M*NMKH3kwVPHbfM)iv|_ZY0g)so;g^FL@7l;QE@F{7$0K5#VpJ* zDhq=@7*qWGyZcYcguH-{?!-iz^!NajI>e+J_2akQr^9n>WA=0OIz}CMsp0zsxX`BM zH9dbEPOO17>Tm!09rs_%F_mzMKluvP(xi27Wz9JSRb`@5l8VF-ekQw2b0Pxay0x~H z^w>`#PbrWP35BHJzdtoZs&Y?-+ zku6*1%aI?2`SEQB3Z^XSC#4==dq}#h8J3U7w;hiwzc`^GAP$d2`TooL@$INbL&D?R z@3+zB9A?qbRNeJY=B4)8)n%!obqnl0abuA_ZsRo8IC+=;g{Mux~{wSQ52x(v2 zJH|jMhKL2uWkH_ISH#D9FYBk}?RPiK3udzrrJwT^azc5DSCAPrBFI)F8g;r6Ig79; zqjkp*hRq4G%to`aMih!5_Y=_z0c5$PRH6-!DU3E_j(98Qm_XpC5>YU@5hD4nbk%u< z1c#`3&7;jZJTK9P)xANLHwO^gp|^R7^q6qMx3i}uG3FUg=o3N=aG#^qU$(q|9Jm(I zEz@gZm~uRxC(31a&n3?}i0JWc&ui>$XpmmJ25Dz+N2@y$;)vx+7r5SHa}vhJk_gf1 zL{6%Vp2vxfkD9lXQUI^>%JongeWV;)9m1Sm5!wLxKfdo+VB*bf=fJdERF+#gk9zFw z@#8?NU2YkmSRCUT0}QokiFg9xJPawk{j%Y2VP>3H^b*{{;sPG12m zheZV*B;4JY{?LmJIy?F~b|+$TyR7BC4jb2j3Gx9xNVz3wL5bOnMw_w3m}4xl*O``t z@HiOoSq3`6xH1>kvEZ< zm7JE6_Oq6fQi^A7K+U{=JYoo~4UC{(Awf<=DvHE_Ijy!Ca4VbUw}t zS!3jGmvFYt(I?nGL=Dbn{J8zPg(%Cd zgrqhc5X0H0rjVB_$j{wbO*~?bi*+h7Dizyr* zC(@~A8whrQfMnFs&u(K9QC^cxL*s$Lc3RR;YaK-GaCTmC)PC(Tj>nmDOgWM>J_RmU za_?uK!(j7@Ib9Wr`QzK8?v;oz$y@JhJKAM=XWrfx2zcOE#?H-#0pzMdQc352h8$y3 zVp?uxeOvCo+yI$T)mRc}+#lbcw=e5*E0~C*8`mhymPKTL)bR?2VzCJK^MU)$+=01J7 zmFN2j@psB8m3aTM*|6i|#IzFfxoczD&E0QbHuRIvkE0#k$wCaweEBlp7FDTd$3Skj z$;yD4h9F=bj6UzT1))f&kLI)#BhG(jUP=<--h0Whk3sBZNhycc=Wsh~uXVK6d+id1 zg>X0FQV&rsScemyA`}N;L(S>irzI~5@Dr%W`Z=CIPV`YA%*4YJ=ioE}}x1-m+ z&tWNtv?QQ5A;>AWgxTNuQD?VHu>+VUb9!YVFKZ&F`fS!s1Nt#UsuSLhkQKcyInMSO zt~^?~a;Ao%i}vZnT$TiP0XdCsOuXLGH4&IjVA`aYY@HZrvT+Xd26;)>!dXCSj-!s( z&oj}65ixEcEVuE>grp(@3-a}Z+%oPsRCULrmMyEw@m|4>G{4I0%cj`|0(FJOrw3I4 z#~{B(iW8P{{)*tZA|_sZi}hBH$2t1Ef7yC%Zr*C&-ZHY`KvH`CIARGlJr;mpFZC+` z*)|1NfhoDY0hm|eI9AJ$gY(>%kh>kH+Nw1|W&oM-0|2Sd}Dm?mxJQA}K zCtvRcE4zC1v_uicEk?}CEnmqGPRyKAWVryK$46zN^=-i<*UZ{6a)~L&ixf{pOy7Td zg1T$ddmqPMpL=`k_0PZmRe_HO+3b+j1{;@BJK*0^)pQW*j50B8hWJ5U1r5%bF#~@jOL2=1{hR<=E`zMp)1K zbQ@luO+>Jf*xpvKE8Khz>ve_@>e;m1^LAV7(Q;0`PZW7Egy-WZYYr+HrO#n8gioLD z=TWzH8Dn6y0D}TEhY(=NMc)&Gs%pGMGD3tnFmk8)LWl;{JsfUmi~~W_SJeRF3;C*bZZ|j;;3@?h&n1hIa z{pIs{R(B6E)Yejr!W@H^lK$NvfB%2{*Z=2Fzx$<+8C3uB_iw5Q=$6_#q-H6`F%653 zoT7-Ruw4^7A|m*Vi3p1SZCj?<{;a?MMj4*AWrKU74GwC6Qg^a@2O1UA3bz%cujxdyN58dAZV& zt~H)bFI%2%#2nF^g?x=GuqIA9^t0n{aR;uH^On$RlY58(sK;2soED?vr@}0!)d8Uq z_P<1IW5$x;Q8TmACjYM_3WR0^>2<^st~^LU5~GYZuK?P6w&~*>8YC`p)Y0}n+H8CK z^ryFwg9Mq~MjNkW69bUM?NWXtc?48JXk7q_KRym9#6Te!ef*pur5xiD;ay(tMer4k z%Y)I65t63MsLf1V&yG!K#|T`7h3A~)1P5i}%WQNeem@^fG`v7$*!ynSBf6)PD_ zLdEd>cFbYvrFzF}4&?yomJmvnHN!--Y$ZgQeg69A&&#cZs7{`j$U-3p5J=o81hMI} zPgMyiZ1?5)W5>#ODT$mCQgw)ksE?UKeC+3vlbN}hFdwz{G0w9&d+X!ztbNQe?D6Ax z``vmT-KGHw1<;2fQI#1@wG)eS*)n8i_1QuWbNKma@LA4oM7(Utog^qZ)xCk8g*pR@ zM=U^&$BESqR{#6QiMshxkts{y5M{Y%Gk^Pa6XnO(V-7ps>+Q?BeOY>&c-KOSW`2Iu z5Q8W)OFIS&hZxp-u6qY{!1}~!_LZoBXWeJF?NcGAvLOVJV^W_UV-OZNaYgw3Z%+|! zM~7cUL}8kWIm~VtBSKJw7dbCc^jfJv>;F?d|Kl%DRM<9LUI9!9phT3CUg^2Y%r>d- zeYxigXADx7Ff+##=5QMpqJl2{6G)A8MU+8sXSy3$t0C%gPc{q*)1%FH44iN6X!YpZ z=ardz1ICS7?Uy-i8075hTY3CGdP5}D}Sn=o&;eE+nrYXP&Km^DftlZ2dkzR=#pfC33>BwWn{Il0}4 zulW&#(3k+iYJZ&uFG@HIW7(3Hz|0{>37Xd=LEGLn2Ag(1DjoohA(sdXdp$dRXzp|Y zC(P8$oHgf&HZF$XPBDbpt!ZVK{s#l)tzX`Yz69%>v z)bPw4W5D2woJOBEtku45`FI?$#PeD662aF&*8!CU=29raQb|zn#B|j?qJlyJz%>k0 zah+WHc;Znf`sS;YM{w-f``OWm*2fv59v?@z9Bh{|C#JxdNU7Mgwl@@fI0r%R!d&0Y z$T{VRqa48;umr>$=a>=%QpMx_3_($CYY+``?yYP&1Z`(Wpf?EdfWFneA%G^NFlvXt zjTv}TY!3v@{k6LvCc?2qiK0_O|refsF%$h=|We6_r?$h_s`NvQ0-wGZAT0h0zms|2bzJPAtNzicuwA z-Z3XWV^D?T4O?I|ljiP*G+7qqa?6k~qRL0s8)`m06=T@!bM|rjvcb*>hulv=*ZHh4 z-^bU2 z4iyQ!#d*o^Umq9`k3K`v{c)z8N{;f%n9L;;(Q(xHnnsIqs~vfKDMxxO4VE?IukL-u zsKgBPGk#fa)XrY_1~bF^Zx0AIkWv|9V3B&X(Plq7Y=7soiZGF<9Ls{YUgntV+ftux zxtH~=q#QITxDn8a*__8-(F@zO^V!OlZCXDYvEcjEAZ5*uZ_i~bIVTk!W2h*iW6T_% zx3zxTmT4Aa2r5Ud)2xp%9ZCS1?jP^R^KriYek0}OEostr^m0r1$jHr|!{>Cg%@P#r zk=AB=_Q%&9!?ykVk=Gc^ZonY`|PdPy+fdk5ic=q z_rd~zn2bKhn0bvMX{}?qmsV$50iN>>V_MA2WlJJ5`XmPglh?Q6PCo6Wq+*0Uxtj)!C7=kF%O-TKn~p~< zYYIWh9W9Dn3sC`spi~;!S(Au{5SR$rls=uzB`CCB*mlANG5T0ssj|ea;M!qa5#!$x~<&Z<0la$*SEZm2Mq)5~zW~jXGpOz2;rmGnCyKu;1n)PWU zOiZH8;DF-+BXV;I2&zNuw32(w5zO>U3jhiwL{_i6yPpHmKxvJ0c)4d5(WvAEZC*dd z`gwJua?k5lAg*)svSwUumlX|TO5m;LJogGCf#{W=0NqDBI!YjrR|K!8TrZcqlT$xC zfLe&k#yh3|_@DoTR~MSml;e3cltD<7!4$KU+}lVgjy`|+{ORNIWMVUNqG^Vy!7y8L z*^fhBn2r#1%)!hssuIz2KSEG)GWR~lFP}es{r)4T1Xu2HR`l_;ww%)#v-h53>|?|j zRpqR$*1j&~pa12rIj7cpZJmjFN9?kJy@ih#Lnt}d-v9K+Uy1zv<8d5SRDQfawx#@d ze}4IN?_-*Iim{KuB3Njc`)ys{AJ3cAvqrP6-mD+FB|3|Nd|P{SUwU^5f%?VtBjVocuVOh?tX#IFX3t zoNDXB0+kdo!`MJX=B`&y0(dRq1ab0dcDt_1&9W7A6 zA@1f7+qI)X1r$;!TVV#pUoTkAw03kDN!#8=#W0dJs0QtAw4==zKn4dHF-Zhmd4jfG zZpB_HQFBffPD{e}4FB#=jri;na-d#^Mzv`Yq@Nu^BZZ_)kOvJO96^5)GU_TZr#Wp7 zXXWKBUzV5@E_KuE_=u<}`$Xf7Y85}5T%=*QX>x@zvIY$oM=#H5kUd~J+l~(PJVqdH z4vvJVU>6Cw^ZtH{%CeTxXFYme)AIjQ^=?g)97&d*s+!ux-6Jv!Xf$SqJLJr+$O>;F z6u$8P{}x_mIkRX0l^GfCZWlG>!||wDzOl%?q+&9=R0eflSBg(0Q}C($Fst$ zhR*~Y9JYM$mY7ZWRnnS?Swe_loWZP~JQD1X9eqpa!5>&*(Gxx0r5E(3{5%vz5=x*=E{ z_YF!3>vnvd$JhDlpgaWj>8Zs1ajdt(fmOr(+t&Ml`Bg%IMhkzxYN)l#1&(A4L>?c{ zQnKT>FwD$U6_OiOozqK6Naw(&W!>`Qa|ihV}@VEbYgcQ(QrX@0Qh(b=i zPn0{OUo1h`hct(n<7k7NG;3bt*B`qk9sNQ9mM!1EZ6dP07ZCcGX}x8Q%0kDpO5icZ z^ZNmJ{unmhN1x6#Cq4drh8T`#+rBO9dyy#9CI<;o{IyX;ASfCATjd~jp*Maz~F^p!%DLF{A9inUBXhsNNO>M`zdv(HU*Gp$2STn!x0H1ZyW)CM;6N03 z40C3)DHjcgk&b6$mNnUMaBI*8ut={xFNv)J>bO^= zOh{{_>Fe7PM2I-X0EI}e-6xIL(kA6t&n6;c3|t4jcKE+z)-i_r9AnNoQD%sUhA_Gb zvj!P`pbCYW`t7G1Rz46Q2}}5gfByB@D-o#%$URHRM3hS+ru+NGL~rl+OI zul;_zwbsCj8kfu_GE^u@F^3lB=~F{!eJmwE_XE2slqn*zA14-lA?R_O+q&eG#u!V< zHf&i6L7GYqa&sT1sz^6-nLalhS_n}ZCy}Lw=pyX35=w$lGA=xB8oA#-kGVJF|o~ATbu5^_mb0q z0l?-0V$vAQ1VC zA~~fPb=a75zQ1oj|8#%u$G)Fw$s|l7=h<%GwrSJJM;of4ta%K}C7YQI!!zyfK4(2U zX5M8<_2_0(RW+&*vk;5)HkK_D5#R$cDht6Q6;zlwFDd2t`2M`TugjK?uUeK2JwUI+ z#>ANwbL4Qna$tm6pBnYt>jWK~C?;)ZXC??sVul5rVv1==hHGOw5gnfgUUFvcwS&t! znx!QX)2M?3t19L+d5QbS0abc$U9+YojoMi_#GpCixC}vlD2p_OcJ{pH{bOI=7ZGV^ zi$&*{0CZen9VYOYH3fl2P#6>)h>^%?xi4kS$K!A!YlE5dnyvv!QX{84ThB?GUl&xGF3?dsdEz#YDIc3!pm^iOVHMH8%RzY8D zeV$(@R!lLfPw#c~I#N=|goqebzN$Vy_T^rD&f{@v3^7Jz`jAg|9<5^zguXOHL~X?5 zc^+RUD&1?93=wuzz-r5yQ;zUW#jJVD_%m0OM>kOsmgz`X@ zmNL!Z2fM9{YH;%XsNGCe0z#TqTrQ|$z9-FL+MLtZp9;odd_~?)CpsUEgfSPN=5u&V zA+IT>2>Vbyn!OUr_;q^sI)u6IZFGw%v~!?kN?Fgnjxk1`WlhJk?jMJy5TX##@vIU< z%=+=iZo~4H4W?CQVhSmw5?Oe3;~?i(3o(GTg5Lh|+f!rcr^$7sTouX7u4>qWO`9Qz z#=s&PLw#a7DKW?6tK|}*ghY{nj7u;aVQg)+V|&9)5-vSGd=5;GjzajF)LEas8631P zn#fF9;ZY8HS-g+0Hea*^3fgwIGc))ZDDrg;HCmsuPYH5< zHPvuFT1?uj{g@4(kG9^+xwjaj8B*A;4;yRt=@Sy!5Q3S3_g&T~D*NZDQPz8jNrAN; z-CzY|x^f|ZBqy?PKe}cO8d8a12gej~s-IsK^j^6l(*B*F3f{V3uFIerdYeD}e1nB% z&bjZcwh@!I-bMI0J8;1DXgRA-5~kbR!pwPz$Q8lID?v!u$Xg$e&ogEP<@jaWg=n1n zY1q97Bm=Mj>;@Rd|8Fs6*G%xz8NL{=J|`2qQQb$mWeFGF3Ku#S8n~>{Er1u?j_Y+J zBHWTds7;$@){aJ($AHGLT+*16++)^d%VkYIy?0YpRkZ=}wzG3yQ(3c5icv#Q>!zyY z6yAS*^Xa3HWi8AcV?gbKxXo4@vmgjeL)f3^aU9R*sT#}%PEs32R0#Tykz>!ThmmlRa$-ul_C832*+rlT5zDRb1GmUMg^XrF@y_bDoxH0F4n zLrx;nj#l@&zOOWAUNinYDpWjjq7sWr5NBehUI#13qTsPW#rQ*_gQgDEWYDXm9&PxX zi1~DP&9Odf2%`Cd8WFkmS@#AZyY=bjanZCy%=4hA6}>3qdgaga>t=Ph#L}u}Q}ac` zVBrh?9fI2gBIbP7vgY1x^dVPJ^aas}HWZ6;i89BeNgRaf5}JcH5_43&veHK%&yO9GP6<-BjGmL2dhc`2yyc6jVi#!qx?0>v8|~;ZD`NQ0XPrjV zysSBdz`{X-M(wSe*|L?d&ttmB6eNV>Srg(hVq|6({`S+`*K>y$6vPjFlf+z>(pz`n zcl$6i3>SMhY~;q6z4c{V%&gTW#Hu0X7%@e@n#MVrPO^3kj_HBiaJgpHKXLy#{IfUihD-oxnZrnfbZ5a!ch_LX_ucz5Tp|bb%o2e(9`&hOgiEw)a?6UrG#2>mlj6{Q6f)JtO!f zh=AYvT31q8b4&qdVhNI$=+oOd;QYq+IAyhNW7z&UQ;yReJ-J*Z_?6fPISRtIG-^BA zXhuxTasi{AuATFks@H5D^?F*=C)t=W1^~|SqQMp@g1uZgpB< z7!PN!qn~|@nU=^RAp~?X7(ACPLj!~VewE!pkj^`X*_dff$X$`Z$TmgM#w<4G9DbQ3 znR*)`2JB#QcJ7YHL4ZxvS?ioG}AS`W6W~$FV8lIM9 z4V8nmqhsQx8jeTx>DKK0s-Sg&-~ySDgiw#hg2D6kEFqR~{vvd7l?j98(hfKj$mBmz+dHT4G3wUb;RTP12&< z+ae-ZD^0ufrK1k?5-Dq0i`mR;-fj!VzVlj!8y=Xn#+ViMlKan_yMs7)x#yGibJ#G1 zdO*{4U3MWr0$Pt6W28w;9De<$U$)zdpg71C=%qI`oBP*+$2x@2`-rN?QE%JQTK{_N zLF9g0AI~GFc%1dy+s)_9DY<)VO|MX3Hk&`a-CFOe;klm!Fc!xtGl^U^p!&x!cnn)g zX?U6^uC)6gdcY_v%X7b?_(h)pC- zcu?8T`gULc_~Y}rpXX6YnBeh95t#r)46g|>*%-ORdNv|TNIi^k^Z`1ds$w&U&0{JF zx_lI}qOz=|x89q98z=z?jw?w3w!*YT5rOlGnOp5aFblyNccdi)!AXwovxgwa&%(EH zKHD6#+zR4{kFT27e0&~rPBIsf<8j0k-+#GJo7U(3r!7Whz07%6zdk2^gn1>$am>1Z z9NYWGLO9cXy7d9Lkh?Saa$kZ5Gm{|aUPl{RA{J93Y|}IcpB_@U@CZ533)4&f>ZRpE z2s2$Vw1{+h{PC4aENdc>(QLV8h-K3niAYnxa2g)Fade1!nK>4PEpfh*1#wFHr1osg zLQcJQ8wPASGov|yEljhjhO{JXrO}FDKH=^$E8^wb*@+y=mQZ#YrcKkP=%ur zZD)%m2Gx4hX%qN742OW~8*RiKaRnk_gZR2I>Rv+(SPQhXJ^p-xuE>EkDl`w!L4Ex8 zm}8;|A*Xh>5JD;no9VP!*0O(|)<+1CnwY;LKdl?mh*MFdci-MtVcz!>BII=~xujZ~ zjk#{6^)3=b!?9O%2r)*C|66S-XUEFO95At%Vo+_h<&;DOR(_uzqvn#Z7O>%XgzC{m z#c7Ui?QAh=+Z+5UA%=bq;Jn^{xkEY(>kC@JpdeHd#s|2YK%qgNZeG&4J;g^!er9>`1p7(IfoGHSw)zM$FMPtnQ9wISvhMPb3UIZE3faRwo#8(&#NgF zG-f}TvqAEj+5w#mBPZ3m)vqSZnpC6qI@Y(PY#BjL5@flTKmN;ixcOn>h*|TR=9nb> z`19G$UT(!NyH2=P;KG^$(!S=H+fQrI(EHRBrV}&GNu!RCg7w*sUY{+m36S{uY$?Za z8b~-k9Of3h5rWzmqWo)9jZwQyo1(#|OTa)Kptt?@l%h-ghYP@!++iw_}Vp zafr=H_2_l)$LEO!4klTQvcX;TC17KIem_JQFRV|m$H)cc$7KkvXUFsnF#Gy!>sy}F z&&P?8IrLQEfojy_QG-g^Qg1_5+R;;1CwhLK5Ue8ygWc=iMzd*?17rBrn?VtJ5%I6^ zT^5!Gm{pFd$e3byKAHLPd1#P1=i~D@_C`eY=*;x?ZN(8GDiQ<)^OR$49lVOP#_a93DrVCxFDiS0{&1;e%%PrTvr5t@; ztsNrU`E{+Z@br<79zyu_ zm!DeeIVV+lK93YNr^L*?kF(a2Q%+#35i{3*iCDg#hcKH>bT%nQvuQR`jN}e8af8-Yo3K$;< zIhCALL+>_*jbX>xmXe2AR6SdR0po@8bRrtVeo$#+)D&YM9m^9D2_hQ8G$ZC9a@2sj|!poG{aClW@McjqzFJ^LN#|-tjnOTa z6tkiTP9-4+5sMvso_WdG$$ottt&LI=Goyh)k(9E2{PDHkiU{wIn%C&VkFT1SbUf=E z*H(ea+e=_g4AQ)&5;f}nag?oGu6e!UY&3>`_OfQxU_j>v#;7JO2_{!eeDNV89|}@n zOqXHI*QDiE&b^}SPD{i~(d#H%?zJN^*TyWjoR%1pU@eQ$FUI7(jyY#qQ;0!RAfkSD zxCXI&(4?adV8Rfb1hzVKAafWCE3~|bTNh?#Ovtn-*49Mi=02u10|2KVo#wSe$1!Br zx@pF&5(4v;4}f3Xye>!|wa1d`v(;xs^Me*zQ>aJl&DOVaK@5@LBZB!l66G)~A!ZSA za||yDorVgid}vYJ3G7ik46ksE*}DY^7o+`x9x#z>2tQ~}qm8mTN7JOx#f1>I_Z1=~O=<=n zd1B#qw)0uH_Z1mHu|&7o>ov+HrnkS`VvhgqMw{r0h6pOp&mEGvc6JhqS)H7OA@gPC zvSt>U-7s?Y>1E4EuCQTI)w-A`6w%!T|dSJP@;mV(-B&I99h>1$ct@Y!m zWl8whiO9@v_qF#iZEp8%n%A?IC69i&keL~bgx)%a6gDiE)LMtP*xg(0Q3K8dcVZz} zPOs>t*OaE*QYw*|+Bul$_S1$L8!Q9>6XhkM_DVVKpNFU*Ws;fPy{yUI>$5GlOvLQ8 z-paCNVP0=#+B}cej^1iFn?4Eiln`WF3h1aoc-kCeO!rdaBtL5V+i#z&0(amfH=A++ zkm&NKPWMTvXgdZ3W6=Ky@#Ak#aw=OspLNtBf|2>$KaO^e?WYx@g8NS^s-NR=p3f6b zzJB)OtEMGkaXQ^^-Bwuy2+Z=tSC8FU;(8>~wI+mAst@@{*d%ORfi| zA4tR_Y&HNYg{*G&i61|NFq&!9`(HK*yuL4p5WfGshA4hHCET69{q+uqh6LF^PYCK1 zS;fPkDS8<~=-TO#qrdw4zDwY9Zy3(T9D19OL5@CBiJ!mkHl`0dp3S-)Uo~chcn^j9 z@i;}qy0H-2GZBV=9X%mD8`lrp3_`vT1V<>i__zzsvoC7|TM~TR_n+33wXEqpdR~+R zLn^|;y_+F-a?a@$y#LQy6Qg3rg!%QWdXFblEb82nOIVG@$Fowk# z-Di+6P|Jo3;(pl!gw1Rz38Qo(&N+t{ldg?HM4;!6VQ=@_aaLhL9nZ}Be%x={e%9W{ z^ciD}DT4b(%x|}~wSkOGC;u=1`rB<=v9f@l_`a<_Xh=~NGNcgXwk&;&Ih|SF?i&%Q zhUamj8ZIS0k5ez@9R2zI^S-S>p#Jgar_*GnAOdI)e%ZbE);m&uQ;fq*LqLWxwgK2y zo6VFXB$aa-1Z1@}y`r=2{k{zwU(e(HeG5TijPKuWA%@S7=k0CDOJe?aW^0TgFVVW0 z8T|hB>>+So^5{nHF~wf5)UceR6Sdm0rW}2cfMMK@XH8jCPC=MRpwztGmY5XI;C7A> zf&?DJa*5x6d*mg8>NAEte*Y?4y7H^f*3O1KnsuAqVhkd@Y{kZeHV%TB%YARNHv>3K zW562vnw%vKQB?!v)aTa;wD25O_a-XVh6D~lVph;>u%*QVuSu;BQBe&chEaPgF(_+} z<(@;jnmrDT6>#3N&lyWhYhvN{tk4Iua4ZUulFy4Bbo*(w4o_8Td&gD*aa1f^_XdIB zzk~BI-xf|woJJU-^*Tnia zXo`rBIrrLXKfliHZA~S$vtJGh^AN6FVZM?N8pz3}sRZQ5_hDyi)13o7zs}{Jm-k{m_s=se zx<6VfO3brQ>juHw`DiQ*Nz9Lw5@9|*&zPgzgmmHg{lMK1_g>68n$^9PTYCKM8A~Lm zIp*_Yzx}k8HTOPZ*0M%T;rD;}$Xk5>^+v>PAIrUH(%x)N(xf2?R%YR4%YcvN1v`ZJ66h0T*$^+y;nQYb zQV4P$orA=vz#G7d0Nx9>ni$D5bKQGP0ka8z9dRP8IcSv844^q2EY{%`n<*=1F?Db5 zju3iyI_Jc5J~f6hE=kOG&)`ln5i{iynfdst=n3RXUGOWFl1XFG6zbVW8zgvVX|$1+ z*p6;C$w>lh4$Rz6L~#ufNlRSrr9LY&`=rsQhVcBp+i;K~aqIy0Ma-%pmjqb>v@LHT zp8xwm{UreOu;>r9Ll}OJDEH7{jLP#aErGYIDL@-RkJIr;L1(3?9b$Y}34* zLxjpLFSi`Cu5UT5@$vf;$E&KOC6*;};QH12IRNv(Q^dmSTS-OT-G-l+O@gL5eofQ7 z9evITWefAw)cF-lDk&)u-|tJwaofsvD7>d2wm26idh4) zM`FOB0nISJ1QQ9f4JUUjQZ!xK2f!pSun@VP1WbEJv+>F*bwrzq&^208jN?;@=U&m( zT)7QID8etwZ3uu#lr=;24}BC;;ov{H4%ooGc3d2=7_o3nx@;vcDU}#RdK=S>S*#nZ z+rV>`rP#3W>p%Zhfd+#G^5RsH(iZO&xTeoSd znvx#J`ReK~)h#xREP}ATs{>Izj&og>=^jHcvmk79#tU{dLy+UF@Ar*}%;xhvQ;d(V zXHF@+LUu)D3|n&kczm5_TbGO-Lhl2E&*}5q{pLj9KOb+mZ9giM448y{J@-CFigAo_ z-`2-|Z0oX=LPXoTwBF$`2ATtz2|)td)85Aw5l{4X+s@kNoXe6$1bM@A&S5r&Z7aHw z%L%j}=dihy^mgCIw7>l2eLv2WBa}Jk(SY*Bs2;<6VxDs@w}Sk+dbF4nI-e&*a-$90 zuVqPC90B`vJWiMbe~OExA4UhfN3=r#=8rx0b-p4UiB7?nXU!Pn+m&;Ts=yu6kARdI`qbA+h4 zil8^hTk2=GS8Oe^MOY-?5~i5s&MG_!7nOC(YtG9B2_>fWtzavN-T(!(`vslEJc;q$ z%Z2N1wOb!7$X%Wyl1l1zxRa)MO&QsPhPL6=)$X7q~FeA+ej9NkcnguoI6^a)Tw(D>p1 zg%>a;-R_GB_p<})>en5{*6s6;ujRJf-WJtp!)%OtRC&=?MjOjkU@?3?PV0vFb0SJ9 zE=&IU+OHn$y0A5+WM&~~?+xOs(R&D5*7AJp%nV=%gfz^&Y&oUN23A`qA}7ZkHip&O zZMw}Vf!opF|L!)rX%5Rhw{r-bq9TvqpD4Lv5@KSJx;JJf$LDkX*5LZpbOAR}(&ZA# z*}A0^$q7ZCh&&%>OyPDf_qP?zMsGt^kNtdqy8%^W(-e&D-lzM==U&@b-^=!GIgUEX zNf<_&uRjkKN^AW6|9a#t^<(sNh{y?ptjeg?o^5?AbIjvWzx{eYzuLLipuvrV2{;ja z&h2a*h(3-$bWG&wP( zHQAWuo*)o{U}Lm_F$xxg%RSqespvFcZv}l3JNIUzjoyaa#PXAfF5Bz$ykwk>C?8>% ztY0*KjvAEUyc{ocnQf;No{X#E+PC#V8kFvgqK_PIVG^0vv57yvStVL$Q^AD`ka&# zj1!{`cbaAzBe;T>&zQ;GG5Et?)rR5Qh&h%esp{9`z-mJ@Tt2`YiD|p9*s+KI?mzzn zY>`CNTeo5NZ=3tfC1KG6+_g`SDZagL$8mmsd?C5R-J^zIzP)`sc8tvT<0PWmdemSx zw{^)FX=}J`%bcE*+H`2d(dExMbBa(pVu&7~jUq*OW#7-Gl*?}*4B;a&^==)}NJJq>Nr?f;R>c&vkHO4q$>-Tp zN{AUI=5O!!+WPZ2Sok=q{LZN$A1q z(c00mzk7Tp-mOvtFd?HZvA6FvXt$%etkYK$1@QM1tNO?>21zAZ1ip-OzvYCU#cf3qO!!00;@bf z4mdQ@l0@YG^A=Pw2DUNJuj=m4?`K|9Uem{KUu8?nZGiy>-KGS#X5@74ZH~(b7)0`t zFdH6YUbX?EpZ;=x|F$v9Z7c6@w-n>(c3-dLQGC1rGNU zor%mGk;$4gCfy&$@i;Yw(d{yj0P1fTD@1tnVpb@yal$~Q@b&vs(^U%!%c$f2^VZK1 zb41=b&_gg0*|=Oin5+X-Flv_|_2}DMS?^0)QmX@UO1R{qhkSkqCu!tf?c6&mIZdJN z-HArC7_U_3UJa>an8AxMutL@icK=)=vsj;qA#-O5Ozt5mjvY~EhT==CTV9i<0DTnZ zyD_V~2fY{x$Pf%6w6l>DOAhzNt?jI0e} zKA%lkAi{*y=`v~y0li;O%WH%SYfdj)N?QskFgprFh;Lv@9(@Y4+tj3PQv#2QWJyMZ zIr6#N+0zosk`VO!_;Y8W5XH$wMWe)g@twA}GP=#_qYW%ZZa)_k72tN1HI6Z%^uxad zY3AFncbxXX*t?V4OgV-q)~)Vsx#jhqok*iFGbA*~az)eOPC33Ka%m{^E}Tkm5` zNchH>X#XJh*BtT^v38c`+?CNiqYx*();>tUB347wl26oqH60SrFhnMWss>t z2ySyuN3y2E?O|pyMq%z_yxnhD<>VY~&SO7IDfk0sCM>iZ3%M)mfHHZlE7-?lNv^LZ>wwrT(S z|MEZn(?9dvG8%!7(=ZCtKJkZDLJUa8r5vp zv!|S3og8hTfF`HWM{k3ea!IMAIgJCe2$Hq{w~@f5BrN9U^tW$Y(7;YH>hp0hb8lCe zYf1sTJP|qe8dE&J&I0G$-f$Mcu{4LJ97h{WeD2MsYgFqKh+-BTVZm$?v%70llMaj`^o{tkNJPheaN4g=odn^ew_Yech+`MIsVR{`z92Ct1 zi*PCt_2{cR773yn>Jv`xbbT6pxq6_ye||ssbtS*PP5*b?YSz()n-e(;WoUy95* z!M+6e0^^^UBJ_$Pf@uoqJ$SSn%PMmc)}-}l_3N~bEyrMCWWe=v)V)fOx1Vl#&DO@W zx!e|?emu|Z+t%A?XICgMHTa}y^W(RVvXwbZlj1FaYI(aay>^Z8V~N}B9i0-*ffX$q zBA-Rz)`ARRx}RTXh(UzWdAhli_X`by2nZr3>vR7)Q;C|;KM}N8L51Ae{i-Ua6S>*M zDiycBbz>H6bTz7(-EZ4-KajdeFLhv0b*C}LG!qFy6}nqhC8A|3&?N^A`}0USm6FSn zbBX710sw+z`J#-u|M1E6+TVV?+b~Vqj=tPeeRdlLQaG~G_Rk|PkwwnEz5RS!ZUtF; zL>z*=ecMF1H-jBzeJg-Oxj6_ntr?VuDaWAl^|8mOOG#g!2TfW^T5`@Ql9Pt;+HY40 zGNw&;o3kuYbNKo^mwR#Y5XHuPeaNAo!yWEVzW=g`%8y|!R!rMZ%bavRYClG+qwekR z{^MVI9rao3-mp)zK2uTb7_sPQkyiU0^LU#Km9nKdE)L1nCFc12e)MV@uFP*pmIKyePSz}hV8e2W)<@ZLZ&=oay0?1t zRAMfvH^X8Ie?!c%*M994yWM}<&b{MHL;47cD@v37<3#+~{&~i%b#K^og&=kBqgh;Z zzKpgZaBtR*9&-#Tu+-x$9epxGfE4hirzQ4k*3J6NYdrThZQ5{6A*IO7(@9mBW%Mb5 z&%G~OVrH5ofm2oq0I)K;kyx&{Nnoj%xu1iBAn_g2M+uM~{ClPtBnf#@EEZzYcJ%dD zuGP1Om~;$N?D}5vNKD6Un3G?PcZ@GD@}+xhM~|;?Sq{8x8B@HN1YvL(V`0EAF^Gn; z`)ubZOG1MY zvjU;PBBKvXe1PaMGfmoR2Y1nldK*qu_lA5Gy4Wzt3!7NcpGVu?R`6KQy*5zDiKa~n zL6hbj!>|ARSJW#(Lq9v%7w&%U4XZ!~MJNVh{^Pgr8g&j^O2z>STk3Cre*a(p^FROb z@xZ?0IIrZ|Wy$UY$qKfg%v^Fr)ypEcb!mM>RQbZwC%K=s{lMMy-b=}5GsRR}ODP4G z{XFNKF{-=gloH}FLCR+l;U5%HVsf83=P^bp1+N4)3AMJr{QNE=a2&2nA)+zH=my}_ z^!a|jMb#e>W`FmWpP%QU8X(cx)*>P{C&q+pDPQ}Js_{5$QaxK|P!8sN?#Hn4JkCB0 z3?H+ZQp_A z{rP=A>+^ZooVRW1WBl!p&!4~DnfdGMSl9e`?97~UI*%5D%y}VZS-31of*@9Ddt2+? zm?4$L59h1>zE7rlmu;o_n z?<>P`yXLYcVX;2QnTgh0p-JaaN4MTas{{PR>y339-JD2XF*IOfx3lLp&FMZbH}>d* znZRm`N%1#avz#C-jCxc;zzbZDM$G5qobDXN`iMpG5y>lg&H5bG@-0o!^s@S#EEJcB zC%o+)6FXo!(RECl&p-F&UcUa=L%L!waWEZ^I?d9WMjfMHqpX+}tU9_T!Sb3S#8@K4 z~@h=Kt9GK%$;sO zZ8j|BXl8A1{<=c&pJvx+zaFjbZS-+_TaV}A)1j8psIVFIHh#!~a4RtL^f}FOCA>gh zuOB??=yt6moGz5--s;iL=V{%hP2>~LSDLb1IbwW!TR(pLL?q|5Y27sN{<%Y%c|OmV z@XUMdy^d58D$&slC)IK*HfBtUkv|hZKlkhAUBCh5)tJ!OOU#^IbBt9Nu!%}8-2tJKoL@k=YAsJ z5w@0G5`GsrHktW6TPc|l+a!UQG)5L_tw{(@#LT1jAOZq}O$$LG85(1hC8wM;g|EkR z&M6q8x~CM)AZB9@eC&;wAAjzD`NwY|hPt<22RPXn_x5x2Zkn{W@&3#G_H6?ZKd-5` zu|LjfE<$<9$JZHSENeRVijYBclK5oICRBoD&4^MeCH?tdKYFuzw9)PVqw3w7BS(@f zO;uC70dOZ75n0ncEi=0-vj6`_t?WZjS5{>N=?=iIs{3%@QL`^8c?$}i1kChu&UgO% zfBQcA2;P&i7w_1anGb>kyp5r1wRa!<`j(I92|KA1XZF9*yQdM+@|Jv*`fNV=n0?Fv z4twOs#l@FLQ?n6E(c8e}h?(&-6fbRW%RSYj&#pc={Hf7rh`u~41VX^!>$I2xzle~tEB+pt zW#w!!d1f{>G8=7Xa> zRLr^YVD~cG`7anlKLIG4qfUsv&b^9rgiXSU~&3-48 zJLg89*!N<2i#kC-Q;_TAzh0u&x3|oW&1ktN!zKjA9wWR{*ai9E%h_PcrI%A#RWTX} z!OyAkmd5h~oPDKY#uo|M72_ zSobmJR1wKJU7u%8Rn0lp+Rw8BiZ4#am^sDX$7^6@;{6yyt{*J>ON8Sge5pHFX!QO@7zyA5adp_DoIVy4@hmO{DYK-1YWArg!y{OT} z_Hx2$iLdWUu#<&cm5fM9g3O`qY%J`PXJK|sWa1?xpKm!XVRlVRlpy`=X^Xv%^Yg?V z8J5tG?u2JoQw!N+mJruC+C0C?r~_!obirpR@# zWQ1sEe&v%B+5YorN9$*gYfM`NI%>J+>HN(USR zlN)gk(ay_lsiloJov;(Pye+UL)U%E@Mw`8M(3H=|iS;X}5rFg&(d~WJX$91&=atJt zm}~Y~o^|vAv9BpMpAI*1TH^M;GLgqGB6)rFKPkuk^Ekdv@1>UpI0?$@UWXHQA|j$= z`YX%kmAIz{^-J#)_7cc2fQrLL9$Z6DP}Yjby5v^-b&lQF-bby~2Y((l=7e2}58+Z`h+}qU3c*ay z={(BqzBzFzMKdL$Ij8u`Cx_<&n4?;HzNfE0pJi`E<33gDE;S{m@>?+ zA%|Ya@hB4H`D-4QcZ5Ikw*SXZiKl9-@EzJap>zeeHchp@GB(oA&u%kNlR%481g& zwY_7yfvT(5xxVL+gL5t|L4t>HUp)3dCSIK9v_`&Cv1s&J_ezk4Peo$%7<%D5reTJ% zek@;qKEvYM(TQyT>kQdLkq=ZrI|mt?8mY~RrxDquwm-@hOGoUGo?(W-0aPLUGNaEv z=P-7p(|Q?ouX&AmP3Kp^`2%lHULzSnX@=qVRYFX|Z(r4r$^y+2YV_VlIeJI}42w<; zDU`jEl1&|B_BxRYKc~(ynYirTd1l8ki4Ov@FcGyn#!zu=W-)mt?sY;4M@ot~0tlA6 z#vGh;Sm~J3Xcvyz2l3vOy)CzNJj!SzL|^yT&K`4UN0%UJ38U)yEI9d*{d``^Pb+&B z5fK5bqC88l14wIAtEI&pAm;X7j_2tEl+~J+fY%VfmUAzv+Dd!;wU0i1l(+9U@t0A} z%*wO2Hl`Z9%Pb6~E3PwWep(s5j1Xn?*~>UTE9fSqWYbJ3t>JQ=2Ep`)g=g20#CeBQ z#9l`^8j-15%#!aZuK{J)@l|`Bz0LtF>;)z$#B6h<1>Kjp`!?34jiqJ84>8U2P40HPE`PSl@RTdX>gr;9r#XA6Sd++<_Nkrvn#MEjZeTq1u*M=V5#nf_C zJeHue38FB)u;Z8lvx_mPS_mS4{Ldd|7jux9Q;M(H1HOi-4zqzXMBiIqQrh=2`gH8( zR4?*&TgRAcbi1w3<3&YqNyhje@S?iKhZEvGBVgLXj07*naR1KB= zx@0pOV|tO++PW@%OmQy8Xl7IO_OiM%bL;(f+s;yg_uk8#6Oy=XUBJ`yB1b8XNyMcT zfqqlf7{YOu5CT*p?{7CU+m@xa7Q8seW|m_N-k-G+d~zurXTifk%qfP)et7XHc7ylZ zx=e)^lKPl``|)v{H77KSnp14O2k$XvF!-K(OEH?7I2mI=yoCq?$faTkeM~R@wbs$! zS|HrY1T1L`$N|9Q;5_TPq|(})+G@)=LLK`&imE;L^7g(B)%)9uOtjX=?S0)JCoymh zwB8moD@Vny2EMUY8Z(pQ%VQ3wiUDS?;w1zx!k8h2;LF)?3!cxq-Io1%u3PSXl%x6J zVhZJGW=3{-3|bvbbe`=3pBb6i{ZG%&G2onrs`RYrbXF-)1!XjB5-_@X;HQ4t2pf zFFMruE7ZE3eY7FsB#KR4KbCZhtqcW_k*^Ki<>KlS%o88HPjY^h?c0h-F9}YP_;_Uv z`gkFaF4P@gURx%LIgUDzHYy^==ZOJ8$Ppm}Ms)vigH74Yz#h492OwV=h3tD7af!1H zHN!LulP5_c(T5ZqGd!1M6m!@=59i$IW44R!6Ou2_3cajzZUTegn3;9VvR74ool_UV z^R>rdFwR=L62~yjz4#$SdCT?!a+ke;@o#3!Z2>BZh;gmnWiOgLAH(4et>~IGEp~y>!mOEchA4h^Q)C-d;iiG5d2NBJ#Axb&w z) zrL;yOsz-yo8@>YcqWkA5L3B!A_l9-FL%Pd4U9Z|g3Za*qam6)Z?Wu+#bM|U1YfUn zy{9=9g#LUBs#czrjNr(cUDYV%fK7-*VaKLO&>JE7Yfl?Qr$K`%-eDu1mYBEr_<4Zo zem?5#3N5ntlGX@2f%lj2Pp8hIX^qdHhneLy;paSumS;I1b+ox`F{OCjEYko0B%=3k zw^sY{IOm)qmnt2!WzabxNjIasr3o3k5h7F48uBe-%0NsyOqJ@<@j8rttvxY>1}YHR z^t?u$>b&G7)T3WG!Et3}h9t1!h_D1V`ao*$s3WZ*-C|6ls+SrKGf=zywalE?(CZ{K zcFqZ>HICAIosK!*5*Fa{(%7gH7A$52(?#AQBO~Hf7~-TH zu0Dd{Q-U+ZJ_Z+a$ZPP~$0Y#xgKA!{jW;_HB7^i7rZSy&Jgyr0lGlsFJms2kfJ_f8 zDN>#3()>VH3z3)^)x9GY9sGA61dj(8$D`{US{@aAt+H2$W#+UHV4aD9sg5C>r9!%DWAx>_L`S!l4s`r8wKek{v3fUo1I1ux1J6bDUoXcw*T>%pi@9No{$m}zvXhhX4Y{PDHa}?*`#e|{aMYVF+mZl}5l==AM&Q4nGZ{O}jR-T2Ot4CEe zQVP-c+R@$RE$Nv1=egW76T>G4kP9>6tK%gK!S_CU8$_4dCvOR5Iy)ZiqR?VWwA^x9 z68IHmuQ3N=J{~7Ci|Fwq;H|_JWcf z_LvZY&KYCGy>4&;^$}BC)&&Qbb23K9g3f#2S{LUo&NMSR7ALOOrV}#_3(5C7W>=t8 z-hOQRuhRzsiOZ(tHG6+yG}_t7NT=4Lw$efh&tH2h&5V0(1hZ-MAqYc;J9YN?__ZV1 zqqmW_1PZYCQugYYzkk1*8WV3z8e_iQ*LBIiMT6qqn7SWj46U_&e7_xMC8quJJfE!| zz3y$kGV)*#JwIzbMt!#ZXStXmWbQ)96B!{7=pX;juaLuNbr}i@H-k6EyqWfEFpQD*yd@g1Fn6vmmm=M@`A4t4>=)V?SzT*CQP z;u4Opa;>bHb?W)3_wOq_ughBo)Qg#quL5=jCjHBn)-4h7=)*8Um}X|@^Bk?m6!H?w zUPJVzcBS(se|(*QyC08J0y3og?PEzx@WHX;Bz|Ly~sR>jMQmy@z)GHdsExq^SQU)CX8^VHV24s=A*xVUqbRu z7<{?qo|ri;F)YD3%>Kb7aM&-QsUz_IjqnZd{|1k~&cJIH!}xh(#fSMjCL=En1xXMI zZmOy3L{aEi0{qKNoQPJpA&C<1UcizhwinauiH#pzm zO>)kWG5zM_1!wxoU@80e?AV(bRi>7IbkKo#I1Cl8oVbZ5m8eV+5i0YHRps}HRnWF!CcYt6FKt`Jk{26 zibgiaoH`-m7m?#Uopav%=YD>?-_KIf2DCnwB|GMATT3ZK1d@+9>3yK%Q8jVGmn6%a zb0K)g4ij`D?tR1%)-{hlV+`WlfBgI3etf+B*Ps7fmi*k0C8rdl_ww`ek#i*G6hiIY zId_z@EqPs*F-C2DTbD5gF-IRB$B7v{5#J)xP=ddtp{W2a{4QHjlm3$IH=-a8)yx@SBg{EDFetv86#8(BR&!h>P#Q&ql* zS^@w9q+H^Kn9EU_T|KG~*Oi8=eGWC!dbSV+u;5T>p7HLvNqMTk@_yvVbr zrhS&ZzTG#JQDB;_tt^H!phhOQPsSqR)?A8C6%Lu=$AEx7|LGenET@#ZNz-( zhD~jKTkhYs{qrbC!&)3w7j!n zQ)kLqoFk_FdEDM^$8jKpA*N`+14C9fP2|c#!NP=@35d2fd=P#?E!Ovp2Rw6 z$leM6`tzCB`0}MpaxB8mxxA%zcGNMB8LR5;Z80(=kQ|Tmc$BfBdTY20`l9a zM`NN|208#7^5t1u87X^-qFsIT&N1)?I-n=9IgBnOpf2}R&*2>B?TWY_Z6d8{w6WZi zsv*Q3LnSy9;LAY;Hrl-OjdU^GuJS9mvbVIw^}fuZDMt~GIrt#UE$=^1W@=?1so)Bx z^l}Zt>cD{pVvP6Vg9pdfdlyqswU9!qy_OM@KOX1ob532id}*JKI)~;Q%UQkm%v_Et z!s|U7+34D92THCSogF#Py-lJE7n5(%UC=OB_kMlSu8vu!l}E*Y?ML^~1FnzCScirs z%r=o<)=L-fpsj*G;r@L=WM^DLdA3%1J33y65Z!W5aS3q=FdU~fI^pFOFO8XFae`em z29)k)T|=pjHKrM%Vurc~LJSOouVChB*B^1v9y6h4xfD0#gvU_!E^jepKf!{0{U_t= z6oR7PIS0i%%3V~vFt6isbmCZ?4`N1;^`p#iugotA4vHXD?W0{H94LxjzX-uJq@CSV zVKsCjkbA@&kI&PwOH0H^G(@k6UOt-#0xr+%mdn}Bql$C2 zG`^PRmtF7U{r>gXV+ckTLckwPAvoti(Q)j^sE+}hFnnc8PQA}LXG#&nzf0LaCKf9x z2IoYagM{WR1p|2e3VR=RsW~XdIL7F6zHGDxvM1I~Mh5&crWZ6)RS{goihYqYp=EC9LeZ*TgiA% zJxW<~4&MLzdJ>Uy0(Y--u8)ZTV+;jh(F6D>MqgWxAwXgTyxJU!*tN4(6g_W0rHHD+M}IsDZq|CG zX_^z)>X<{JISXD|9j$Z`=Y!vF%be=H!!uJ#4^i|bUc$hD9rKHfd(FAAQFNfR8$o8{ zg`hx~YGx@%ojT`a=RywkZ0O+URA`pOU&>A$s;aGYXyQ$c90B)+3Hkt1hA&Z;c7=4+ zi8H-|grK7F0c!+j2C02RmE)W{zX}m)*Ym5exR5TB4UXyg3UV)xMod0>f~?$&O+y`U zWsMk#XET~Z$q_pux+weXV3VMBG>}r~PzesUgm$7Rzj82~_ZZ3CzHM(m?!ERoXGmeR z0X!cu|5mQ!JK^i_AXDqDBRUPbmtKZW&9@8*sS}3?q;SO;UudAwI^-wwRJ3{qwl)1~tU` zj@t8*FzCYG-(c@1BW9Z_BK4@-lK$~uzZ|o|g`Wa^CeArh^U;fNN^z>T(j{C$W`J~E zq&9X$v~0`qb*{JN{&B+#8mzNHL2kU_DZghDuH^ z_N5zR;&()j_pj4|Z0p52e*fd1w}eJ$^ufeVcz>MpLRZOol-|bU^I)R;+tzEJQ$z4x zWXb9IJaS4?6)Egf!KL9jb=_8AmxzeSj_0v#>lkC*)=Qo=wbj;Y)z<^xduO6PMv4)N zWQA@@1VxXCbK;KAqH6bV>*$IA$##Nm>e19em;uS3lZ&_~;(Q3Gw*a4s$sf;}mQcV13NJb|z}AfB)nDc3W#{!o1~_!bQzsc4}%&rYa((HZ`47jqE(zkq=VOp0=2`D8YvmoH(5}r$XhAM;E^c_ZqWd%HUupixRSL zb--?9WKLXfBQ8E>FHu-1ZL!z6eJtP}-v8Jh|JYmUrW6;CaW7s=-r=@#;?f#oite>%Fr)jo z&9SRzTkd(e<+R4*vtU^b{|QJKqs?B%iw#6y|JcbcO+<+Pc%HM*=hunh7x-p)ch*}f zXM-%Zx7kY1TmJd?ul1IlILzQ+916*c@VPf4I-j+kee~Imj&ERgEQHIscN*Vx$YL3o2T;2jLnPC)oeOV?`W2Tt=9LmNBF~D}fFuLc4}jLLv}R zs{>O%g!a5V7>ex#Bee$eVxwM1If{>7#65oQWv}&Ue4)uze*BLg7%KbVRn>vi&@R_kaET1ebH)OR4qqv5%L2l$c7XW^~`y&&TuQ?f&!gQG2&*qr#9ps@Z;= z;)Ixcf93Y6nbB?AAgVE=pPyf5_U--c>$&qa>m}7I`z)n6=0pYptPZucB_~rg)8IWu z`{G;-zSfo!VyXn~on!Xizu&k0DCnUf)lD&cyxsooZ{Hrz<7|x`Z*NP;Aui!K3Nt&A zbFc6{qham!(%qWr_P)$%MiheYZTcvf3yOE=UdhPFw)@KNB4_p5xBJ@rEN2Tbq$TXn z@;mMuZ~#2`TQ!FD@gFiuR{XDiFuBx!+Z+A%eeKv zKw#6$wO$J`U_%np#a+Q~0i%5;3NgUNYi6W2`-BPtMsRp%Ay@>^L)GR~WRw9z2G8YBAqX2DG_8sP;;5l@paUrr6u|lXc{xuy&jKpyKg!s zvMgHb2$F+c3?_2mxgqzTQ}dSdmT>Vv6iY9bPKe&7mc8`aQQG!C9CL3yF7f@xjUAtl zQjT`}*nIGP5CSKOQ^i0-!6Z>UP_Z(LTngrFtJQLB*Mj zOp@L^;99M=(Z{mpIcD!;S<}wAmTAJZ&A(YwHqwY1|Uzq zN1yztbN}lgX7up4?~6o{AZ2e(TrHiM+Sw(zoTHD|St`OINpAy$$B;etEzUbA%YTE$ z&u7!2A;@Tx$m-c+^4LXS{d=|C-W`u3UdU11+xC$m)Mm%dbKat=rX|2moo~@OZU^$V zxt#-ZYaaxOUG?niJ-0G&JUVgZ+0rdK$ICs9Hkb+Gb&$tUpfhtln-gbh+gomD8-2cZ z7p8h)-ym&b=F#WveMPP5qelWA>e{qKOdqc8Q|%y*9G_=B$LtgDaxc9+8=1xEnd$zq zrX0?rGIMWJyi+9us>w&;UT zYaDgdXLHQ#oJ|^alG(Ypc61`Dd-K6Pf1PhXHbn43lZNXXF=}>koD|9lRRgo`DtOJp z5<-#?1n32c5*HsbkPr5{1^5DV5{;oTdAti`1hd)i{nbnMgGZQw=SSVo%wVG60>Z8j zHys9=Ixi;gg?8w()#*Il-TaMQPfvzZDGc$UXUYCUE65(9x9du|o zwV)fsT;R1!VE3~8nvoMe_X3mKHU1ll(uJA9QA9s^t-*=TXI0Y}0?-{-uC^Kx#S|{} z>6%bZVAtWC!ycfXjbFB7HN`Q7TLAhC@eUH=YiQ!#9J<~Y?0&sRz^m$npm)k2|Kmrm z&3nPcrmDSmQ{CGI%ro`2K#st)GwQwj_4Wdly6?ZO7-jb|cJa zV}h3r_i=0NDCS^HP;*aJ2?BDNIALN0zKBRI%}n7&3dx5YUfd*YwPRfBgDhK4Ii5%H z;>*!O^m$Eq*3mQXkMj1h5nr-B9~>Aooo6`P@7ss1+MBj$h*7Jp5z0^ORn)B2)*i7( zji5F~5i6*Qt!-+yYEvatjZi`D+1NsfO>9s8FP_&q9C;((?|om_=X0LyD5iZAPdJ#1 zMd8OXF`8>?wV7k^g~jmB*g$bod(@GGQ}>;in(r%q=ZjH#+JDvrUKMWeXRwS^s{n&( za=BA_kb^5*-SkYdgU@H(4nr$r7bkkw%DP5bwYgo!2RH&VN8YR7zNBk|!ahV#pH__* z2NI>`+ERL+N1gXL0}juM{?-3`FQ8CxH(#r7-5+u5>}_6qdGAj-`vy}U=ZlwtT&V2) z5Li8vaCqeVn)vX6AqCYZ%X!(&;g|A_!;wKjj1S4Yq#cg;I|XF*5>D!oSG}*QM|=N2 z3&5G8#N?Fzfy4ny-V3OF8Od^6ofax0%TdlpQj`Qf->Cj5_vvr0N!sF=bWApK*Sleq z#PJ`VKdrgmR==SF!)OT4i7`kO9a1*V&*W>W@4`>%5|*dIA1vG6S#lN8h;*u_o1FhB z!M3ucfqAP*a8g175c*XpXrzD*f`>{}Jr))h^GkzeuYb}>J-c2}?$rl>7K{m;^MHew z%~^NV4?t%XNe*SL(c^bN57-&g+|~JyVt3_zQl$sO8yeFLpIu}Y$}u6@ueIHB0q^ZM zv?lm(+*W>v1kE1%dg$*iv9W+IfT+4VXf?e0!kOy#mO~DwPQUi3F90`H$9UZXqBIPX z{taHX^sagbafxSA>ozc#dKO@9iL7wQ;y^@)1z5BF(b07FAx1{5eC=#uK0|L4`5tq_ z>$d|N!010uL1*dWITH2vI*<0@`@>ySUbR<8In z{_iad>;XX6NnXaM7BE;kfy9aRu6p9}+iM$`INo2->T;LgSdD|eb?L?it+o|n_xS92 zwR$+C!3+Y0Vpq0lOHRHk(%KZgBofZfQN{m@Cf{lL4=y@7K|S;EOJ?2!etYdi9$J3j z)%8|fP6ABhWDf1GTsipAhw(n~_zg6OQ5_%IO6=EIXH;g2e|FmT-PG)Tu3!?hpqV0; zf?0LB2Nrv@pK1Ao>7$-ftEdC7$*^)llhpZ)c78pac?}N6>Y!D`qx+VA=Gay%cnRLBs0r>(BY);Etd*;q*Lv%1UbD zSWIF4c`qIULPj!TI{K(Nd!NzqnsASXsPgu-;^*qx1;0vEPbiJaa5X9xc78Cvl#s#SY>GzNsPfdh_~rhCE# z{Wr`Ab&F*HzK|X%;p&V;(h+0CX1 z4zYlK`5OiEU@zLowyYd!)Z{+FJ%TzS+3!F{yAW< z!gC0Yj$D`oyY7;k0Q{uZbwDSeoZx>>>lMHCe{w7-+CX_CJ`C}gP6bw=NHq%`^Pq<2 zsyZwg3T1ij)F0us-pK?<7ruCtS&M&}rbD&Eq{$w;EBN-M+6_n!=QBAFCCg^S<>|@w zG!rfuBZ|dwczPzP9NL~Bzj9V`bO3R4SG^d!VI16N7aox?!#qaqH;O*p$8*1NYm^nj zil1bpfy`a0l|#?Y&fc4L7v?$oZa2vgajd@>-$`1JKKl$B>A1lwC}4*Vi&cOjdYP+o zx|S=%3-^S7L*RhZ_7ipbs*|?+!erVNEPt_6;3|O3x|_rzf`UlqG38PE7itxX4}ld& zDednqT1STOZ2a3FJr{`&c?wkSJKWM_&8?{Q)kU1VZrE&FymVuLLAujCy`dtu9XY=^ zOwDWm_Oc${*uDPIKw*9_;z$+|=CY2fmZosC3HToX8Ke5Eg0rz+pytky?Bia9_@3SI ze{b2tj~rlpp>7NNVoO@Y?Am`GBsbEiY}WcgW~F**b2slos2@$d7mJnS&&lAsH6 z+C>_9j(@DO%@uV|{W*IwIxsRjlP%`3F|kFh_jBMa$D8k30Hm)()h?YvQ^-iW24nqT zy1LSXp|qL!3Nbo0JC;lz&qCcD}FIW&T5XDE8jf zv_4%khPQv`^wBo;`3p^@ZUB9!MoIH5yjopzYpxFEx~s&z-W^A8EKQdT2VW9RO^v9M zn-kzd%y)M3hgbXfAx*XW!SI25YP%nvQ?e)q^POhJ^YcT39VC2?o|)#EM(piIwNBI%`#buc ze?IO}5#+Us(XMayMHl!tQd#GH-oG`(doSh_JLbaELZ#W+&(h*Wk%k7IzSuX+3;(ER zE>_3HdIgz{f09wKY6~$36N}q%xfR^pHm?=5v8*J>musMRXx$ohVE8ereiLvfGYgfU z$+&I&Bq8a$e?S-B-rmFJ+jB{1XJ9ILuV)VAvYOW4;p-%F2PS9@HQg5%W0{Ly`4Ual zCGkFq6V@6e%KW<*putX)>3{!ILw6RklGrYl!927KUdEsuEKc&8AD5ji+FP!9QewU{ zeoI|==C(uJd*0rSa{Zza)#G*jn{sll`8_vs|EGw-L=Ed3({Ba0?Zlkk%!P#vyMdqG zx!Cw9a7)Nd|Gun^dtLg@;sAeYC&=z>!vkTz{eC-cU(xV%A+LBLR`yT-V)5-arZW|l z6dwnu>BN}75ECFVvB12<@XVT1V$p-jpASa@UU{&#?;15nUjWhXB4RUxPJ=88`d5m+phm&$Y0ljc;6qDEw%DiUBfxh_`HUPkA0;&XC;^{AWSfinGo5 zS000dE85qOv}FpmIa}_j;o|ll;$C`&g)MkgAh$Ti6#na-pDZC{s2}kU?Gsb_TcVT= z3~CfTb`@f$z90P)9rs+Tz`dSR8uJ&YCw>x*VB8`fmrDuIfh&^+6(oi z0&3!c`ddRyXjvsrTp;p7)0Eg(TLn-nM1+J>gScLmSXrDlfBfD&T%{eg z&~!}PQQ_e5*Zg^2`#iRu zwSaN2=A_PZDm{n5J=N&z>&T0hi#fYuc)A7!2PhOMW&Y%fI_) zFYFLhpp6ommlO!a6>OCtAMe{PYPr^d8zzhVD;q}!Y|A+*i|ygH5pMw-qNXW1Y3Vvoq)w!T9coo`D}USd3@WK2ih*DL}s>0~?f<5BwC z5Z_<;4gMF5dP;c^9-9$}^gBk4%lk)J%Qi|sg7-H+T}jpxU9jFk?|J23^L~h9VVDdT zi3sD?XV11bb=Za^)N`blEWJa+>8?nk9~fFEMmDg-+@O-FMKQ{U+3Lh2pcyhp9YeYT zqRGsbJGXviQMS&o&wFS&!YoDzud>e7=%%;wJ>_BvR>lh^_2}>ff+xr1s~1PJAPN^P zFM#3HJjS{KodC+AwGk@)uHovx1Gf%2ZE|PA)beigT_u1ifHC10-@!}FPx{TOj`@sL z-}-phNP_Q3@X>-C)X6h>6@T9X^)A;4$`Sm}rYZU@w46Yp<_sgn!!iHnsdn4+z;PU* z_Zl18gfQ4a>S{_~h8r?DIq@*R<&$CZ($x{lOJ9D)ggQBzzG;_oJZ$r@csMy097t?4 z)2dlVL;H0K?rAJwo9Y`TwwWxMj8CA_ zek^2;i(Ho(1`}PfQ%kW8quBNZ>-6++oi{c5-(NXXk+f6{Iy|e07YUZxBd2O1{$4L$ z8VsUI;!EK%?jZ3FEc!dE)BBl8!EDqMiIFgE@wa0ri&b1o4jPKOWlRlr$4Wc!ay=TWz>Q{5pMg>NF6wCd?i zPG~*P(@X&?Q_Uy;Nka*V@aA0n3{)?qcALRccb?3FT&6D+|9M{)x zD3W@9W2l*=%`Jw`43E5hFp6{C4S`d#$RpEL1^SBkUXw3oG``)_59I!R zVQheb>i3yOHIOcIXNk$DVzi1$K1xY%nsOP&P5AjB-@~48=4^>3Fe|ydB)-NPqHaqk zffw6z4%t^P%Y`5(tcuiuelTh~Ds9rEdntRs-CI}vp$37w1A=RMm0{A2IT2zj*OA@f z@wa=ot?tQVLjF_eyW>=e`|6>8`KNGiYxpkpKi=xmj}YEh!;w0#pBW*yOWu9b!fo3X z8`@1z=NNSyyo0@-je;doOWZ0T-+n_3=UU$IS;*& z_A4kAb8L+?Oimo6?kAUjL_vDyO@GYK@kdVio_yG^#PvVvWE8olV^08V&yCWGu7KOe zry^~4`F8?I?u9Bos3bGxkAKTO-F3(>q_EVoJ&#jq_x=09fR*WYc5FQ$uL0zO+20~0 z91c-2rL&K4riiFnaz@v~K?oTQ)#SNVISn5Tm1uNW^3nQm5BA;Up5k}@m`ynr1109ZF(ha%<^r5?Z)xjYT#U}`vOm0f)gbBR`IyIQlmK8@^{nzXZ% zxZi-NEbSnk>Hbby-UG)Eij-0ZWI+o|ysFr0SyDk!H|Q{(8Zk!+*@!*<8fB}$`G+ZA zzhPZ%M}Mph6SQqdr!E9m|5#O*ln6FRjk20Bx~Db<35VaveXAbu?;pr6{E(K*ob<@k zWTF~wlMv5g7&33V;jTH=%uuovZKs&`MU zv=`a~4WPuQN}3rN=qca0u2uDFt{Lajh|#VaksBv_AB}3z2MNs=-=yl@FKy_~5wPy) z`;QbUdOs?nRZ^}-Pt{DU&Rv~$TW-x>c!z2~A;1(EE4A(O+p2G&sOVReQ|~>$;6zd}rRpl%Beyc+w zMwgkH$AqJboPI)&K&^&T4hUytT;X7^lx7GM7 zlxO!X{$Xt+Th!Iq>s*D#(=N38tqw*Al$RwAM+3haQ`WeKNh>XMl<(UC1II_;4w}ma zL}v5@ItBFc$f4jFZ@v4Rf|5XO?u@od{<+9(8TpxU0dzXM3f9&0AD<}Sb{pd?=+yj?ru!%$T$j?T&3mdRY+(x!!P`cE zj+&cWS6r}_fas?yg-v0#^sz?`33YoxR*Pnx88W?+0>JP@)=zRQ^klw2zfB$O4=V%> zKsMZq2LiApAO|160S zW*4dPu(Cryxe}_@l{WoBNDj0+^&|0){zC9lf4^~4^-_@~H}PSZLWbXv(%bp6sccYl z*SF(wS{8-8h;+ASD!*VokQiwb7NbHYD~ zUj6wh)rxlAH_qXHEQ`U(_tfS?9KRlR71HC#Dfzcg!-rxQ7f5M)U;w)kZkw2|h?G!B zi;LTxae8tjjw~tAgPP2xknrl}fy<<>Mz4r;^Q=aeEfLW5@GoqGcxGu6^qs@!db$fg zWL5Phm{Acsx`j!6KGjHo`SlvnOb|StMFs*A1T=kI%8rv}!uGK%;EIwr{Eug;`KViq zZG8}e(ooNppuf-1VSc7%P(~UB(YHu5>3fIt&AKBhX?33ivVQZLPw=$8ke0aiTu@N~ zg0+!{*`eFcHqbBJXT!dl5jR&W@TkkC-M1+oo^wA8%|Ev`W2c;RA@Pgo9Pa>W%WN}U zXY}d3)t2f79P|poK$pM~lW002<0{P!`KI^E`w>`efIZwd4MjK&vh`^mzJT;^`T;)Z zssLSI=*~^fqe(oFlR`tsAX~d{9T8DCDmN<&H&b>uMW+8EBoF<}aNnDk0FR_xTzn*^ zu0$eInh~B!ov@4R{R#9}l=kj${yVqISDq)fH7dE4PV-^HrFQM8cC7dfktJ*FAyYaK z7y?)m8HCN*PO^=pI}Sb7{E%i}nzOPmw@%#Bfn3lY7;u=0L4b#CX0GU;Z>CG#w502# zUrOxkny^HF#E_q@07&im=Stn^#$73Ly;^1lqC{|3S&IqtPv5pgrP%D8n)y<1!~j zJeGMPN?t8_Pk@8eL;Vr$$D5r-AVD1?Jn6ErA^ojZX;viSaWF|6+mIC?P}g@rrddjo z>py-|vU;ZKAN}0Ezqarh+ZlBnB5tmbHq4p(En zUsa)K|E|&Y;-pEbQ@0@sFny}_c^{eP5adgysCfLTfMqC1{e~Xp|D>4EN54hv*poVkQ9}Xs3ZqI&s!RqbiHYI##}rT|B%F=okd6 zebCi&D}f;pQ#~veD%Vtdy)!lM29jD$Wu_mHdSVy+p#GF9EsZG7%mJs_i&o}T?Z z>dwYypnlw)xAzTSei}y(f)2P+b7i&(b#zbS>z zwHlEI;^bm&V7dRWJy0UDfwY`0TmoZFz@{k^^_HGWKbXoiM$CXf=a%lPFFBS<=K#|f z4Tr(yP;S<4u**_Tx(bL5T zTY)iu;8i}=MC0qNkF#WhPgUY6>=V+ zWJ_-!+6PFlF`Mw#t=OucD4*I|J-j;q!MUBK6Q z*eEC7JeC8aLH&X)@0`3~mDc#hz<=AW-(Gy-{uSv}rEzdD&~fu<2!_ZB2iEh5iSzl; zm}1M45P(+fxlh#1^;q-0czM2H5hGpj$7_B@)qLc5fg`mtI`OiCL*270>@W zpTDk%=kRd>6x%xXRl`dY)Jom&ceO1{;y&J4YfKyvZ3Hq^#nqZ@ODqVvC{QJY@w`Rl;^V z6HLBTe$z|q1eO%J*fmbJ5_r7*>9MeUjb_0q>_rYFWzP8ue}MxMCt;b9XI)!%QCAV= zmF~r}p-lZ3tJ=j|-i;N6;ldOXTCK@B68e1Z1b{l@oHw^dzsPF25k^metA;p%bNf*H zi7O(Wx7$qb-C|Dgj8yAb3!Sn{-^cf9WVJlpwNh0__)Nc2)hBzW@}rr*ZF9k^(V1>X zeu^GC%04haY)$f0a+VUo5*dDe5|2+o0ReRKU#}1mMO(J8@*RUR$77bv;)wI@uzPs7 z51%_b-r9UN(DT$h5Fg=W{NXjzmo^N!c?5zycHSEJSG2b~gFC3JLqa?HakC$RXP zn2Cv15Z-tyP}u2d0PCy`*Z2lno|4>9bUM`pKpdzcO6oC^4{yKTafKY%j~vN&@;S!R)Y}Y`{B7ZrX=SD=U3^{{k_xP(yIpySvt5)Nc|m!N>!?Q)I)Hh+8m*-v1?# z;+~4k+PeqqVO#RU-1b$2VB5*H{psCe07aIq+1L1NF=EHKPPWwl z|FZyZSBw+gjyAhP{4foxIi}MczcZKf-aYu+bXMb)qro(>?AkvmVErc^%h>fp`_SFPZHCzrQ8ah(q* zkb9BP*X)}~OquO8ZolV7_ps%{T|Ze=qjvsktEGIa>=9JNG6^S=I^b+{)U}ZGI(G=f zeIi<$!IQq9AQjHcyf8P?D3D)}R-GhF1%EsX##vhmeAXP$vlVAKw{rP46&0m2i3nF$ zjIwQRUPaD#AQ~v6BS3P|-%!mn@b>x9eRBtYVxGMfsu&25CrUu%RD?V04IF9vFYZ^- ztKJRIa!zhMq7;5uFZz~uS+FEp^mxOP5TAQQgkTLeXt8X1mvgZeW{ZJwvm-FMXyom; zxmKHep@nxc@A~04p6WD++&`A`MPv>(zwi65zz|?=-l@ zVER5WTWsi~WNlpHqp3}#SGAswBL@>rzU4!MPi(s<)m)j;-cP#SX;6kgEhU@m1&*X~ zfJ%d`1N}$X!h4Xu*O8bZlt!BnKT2}`)Ztgq@?Ie{>% z6q{qu?WD|!wr65y;q0u5GnTZEgFcX?+yG9uj8G|rdZZ5dah%W~jkuGvAC^KP;f6X- zOwvHN0!~9WXQenxHueEsra`*w2s?dufdo9 z-VlgalGB0wy7!Y3)%luyXsAcEKsAlw@^b~VCa8ywqf1qwOtNUxWG?qK^)s#yqdiR& z@sfQpxE#JGDI^hl=K==X#yzc*H6|Q}1@KRmFAs)58VAR29;>K)$hzP!2r4dchK+mh1lsdRjc*^Y%O|!Mh7cUK|sZf z_u5oz3`w`VTu8&fc1askbN>8?@FIy8p2Gg7W(M0IR}ro*U@E3)4d#$nem$L$j7*xCk;jcYS4e>g|L93gL0f}4q0oxK!V%t zRT98*)d^T;ZKJIVZabJGSDGk3LdV}_SXRh+JS*PpTnS4|TottSnOoV4KHz!DRD(-H zef8vuIKis@A?suPW$`G*h_^wmFwdX5vwn}mw0J~1y~}ZEO8514uiQv^nvErElLNCj zPS8bkn)NI8~J@>tk#kmPAsjx?nN|92_N zdlC9FHB{$j5m#%=F^By?`0q5EbkNaNwVixG$Y8{7{ZJDjJ$#n+GMPgpCafNN;3h5Z z*R+X5@a}h0%=k$R$aq&LSEhYbPGS?rvXDOA&e4e>s1+ctB8bvb={#@8<+NbAAo^Q> zX#@=UTsk_6lPlITf1~18$GG?~Slc^=4?0P`yES<|E4a=XwhaY!tjQEi8rSl~7w+uu zoG0931MC|TN28MM?|E6B3}aJ?Rfi>~P5UpgQJ*w2tn|CDIQ;gxJ>RSvGwHJXVxLK; zeZ%TmD&~QN)Kh8?S^1y;kzOYu5&{tt`v*VHd7-mz(xtv37N(5I)SRws^K7v^R&lcX zs2aJi3mOy(eNWTz&QCpmsr$Ex>#tHgdZ8X(7gi@>B=&opgS-h5{E?@a>UU=r@ed_m zcsC}nQ@O=ys)$S=5Kp=%Mi1{C<`s}6Cjk6})`RFz;k7NdIOAcCv{h+%K?Qj}J?I9< z;b~?4;E&fwsrIU6G7a@k4WW-u7+=*kgx)PsEJRn{K~kAC@f5<^?tbM?Cp(&_OkXi& zbaKgQM3�nKXl`p8wa@7c8)+xzt0oIc=svUlYx5FdS0zn)f~5=T^rz|c%U12d`!IE^%26(vVyoN=h7NS z!GFA9mv?chtO|0JuE%GZ(%S73IgZyNm0WG;|CpFZo0}24#de}S9GB3;K&{`9hmUdk zpi0ZVYd?1WB+(<~DM4~lO-*9>=`RP8z!Iwh?JgLr;7C_#)v}nH0Dr@eQ?6!NdV*a8 zk|b}*qp@@fMNr4}_-j522`qQXt1bSWZrZ_$^te(E4?MW6U>QwpB18AEwfU8{0NwD* zOu^#8XsETvTz0q+bj01V!)CJJ6EQG}vYuKg-^v7P!-y}Ieijg7R{u7uXq)wgu?aoG zduB2`=v`??#Es^2Kj6C@w3(k`srm?e>fu>^EM0G2+3r z836qBNP)*$aV8lvf3e|B@?tr*x6sscI0e1-O5O2HDU>lXAZNBydoxkb{6Y(9aYte0w$s9iqY-L5br z{War4gl&Rcf^v8I)kx`~@Lo|)*rrigDTl?wu8{vOD5BV;ca0M?NrBP1UU@93%AFs~ z%!^}&*cj3b0;-itYv!fIz2Zo7^C~=55{r)XB}q7 z{SOJOLd&RcsLU>wHM=*w;eY^@F4+wM_4yH>M8GoVkS6)X!9O2AtV5jsT)34CgEZKI zikt{!25ZY9v*xy^(s`X$!EH^acux(@bn>@P*T8+kQgM}vcnU+b)2Fu2byLijKh~>< zZMxS0C_<^Fp1^We8-aiM+f?9RRw5<+*jZ0&FTI?9p4OoUYJ*6)B+zxxsxTd|>Mz>hsz-Ps&HWMCdo}L9iiM{hCVnzepoD*7Sc;2`94u zY%|m-pNVFUjAolLoJdfp{xg$mZ-4buF?li9f%|tiUnqO)kYCD2fO#8-pXhtlLg=$r zTDBf`mI)1JC?P>kq-A+iqDrb9pYB7=&TU3Qe13OD_ACZ|}RsYcaj!2Vc zi?>&8K>uM@;;_gu&(CG33WIjSpx(RU-)++~^AEDS74m-%O@vuhZ*Dbfw=_f7M8vDq zCc;_wrF>%=-7B5+iG51V{P)^hfk(>fS>dVf$EW<}GTwZ44|*RcBDA^qFI<4<+{XoNG{2ES99=X1l}5ebks)&EfBb@4{`8w%_nOKiwL+t5qL zk}NotKOJL5=&1v5$H2kjR#M0nW1j`_X~p4+tw7Qk{`JIT7RA8}6mKRCtq(urQ(x`v z;)Du5=UZz+Zt(J-k_UGswgk@>m!@0hC!;Qpl|C~g5*^YjKki^W;~Iux&|k_rK36Nv z7XYnp_ta>$GJqr>>#pNT;BKJLOZ7ZUTZr}LwFPmH8(^(J#KQQPBujtrN%0-v3%l1x zdRfhjWCElN)U=Ld3ywEmkxO}{&@A2|@YHOygN0?&71wtA&KZ<=eNlp{|77ZpTf>+JM^fWAjxg+9 z33~wo!GO~b*f)N{%P$T0-$T<<7FBX1)``$D*Wzi>98S4ecbHwr0?`Rk7|TV!Z0prr z0NrX@70hJ`wF$X6e3;zTrR`NYu509}-ttTjIy9)hk*B|Ln9)AxJbH%K7GzKHBtlvlqQu!96IE7q&Iz=h>B001Xor?U|fyxy@P( zHIZ@r)`(s#d%#Yn)v$`exKMi2$4_c%x=8j+TDB27>7--7Y3Ns;Pcz9J`>*!|6QPus z4>))zBuV92fXgtgz{xUi7zbpXUDs2eg14g5M&coc zDI!I-*N@%YbRvtNGZj29iV!FajoLHmGcFP|!sa zIJpcdinLoz{W6K%Dp<2ccq%)XVi937Vaxpmp4x0LMNu1On7y5a*8r1J`7(J4zJx0X zlV0=&`2O(A!;rhspQ^VqEr5bPqN|b@>5GE$iQe~hh;3B0)))b7T2RQ`vwxj|IEsJV zGqx{WPC63+AJ)CJr@)1Ygv@3RD1{+=z}d*q%A#iW3@6!JXyp#xskq{7)tig|iG6Fp zc0hSy>k}cFeQ|NMm_#{8_4)ThFvXRI?&n;S6^k}xdP%AG2hnKBL}LO! z8SZGmSPbPJ$oq{Hw+b~Bx!jPhc0YQvBz|Aylydm13;@qtvz(8ol$7t-6^$>$wjb`wO78!uh^=qi6elQ#~-oU4F1Mo?VMOcx(&V zBY4W*SDrnT_NEepnAVek-??*B(3Z;<^v2cH(f?OzTzCA8*!rIV4rkWf6VAHbKwg|) zS!eQQcj4_D)~yjDh?K|z|NB9M?F;J4Y1RTTR5l5o7mYdtb ztzx16>V*}xH3X@$7$(^Z)%)25R!81ad{e-O+?b!zvz{-^H=HD^ZrQdW{6Z{Bi!!D^ zmmNAVrj8_t5D4U44=~C+z$azd+6rfZorB*l&9n(piEa`7h~hge*&AkJulQ`pvMmS1 zD)R2{k2Iqaw&BC^PxiNec#Tl)8~3>}UW}}eX2slLyou}Fdt>ON0;&ct*zwi2%%SUCgAe=mK=Wi&^g~d6m3+wk&+eUS8ms} zHJzKom(d-OO)ELJLlrA?-?HaCQxV~-J>|URD@$plH$8@WTHfL?5$rhcX86{AcZ;AT z?r`(952ZD%su}B-8Pj^#o-C^UHhT?}BYu#h5ac0Zm<2^W0`zCSMg{+SJLO_lFIS>;b1;7sA zrdI53E(cU1qdIK<)9Gyct}LWnflZL3diW{vOVvtVF4R`sQ#7!$X;yLh3vqosC77_- zv2!uEHDG~w$Sx7b=zszBYBohfapoqvGGhg%u{)Z=Y!{2rB+V?SuINX)6cC9*BJg9d zXvrHlS#wjxD-y$(#5$Rt_s>1M$>a82+c@qhEKoFlxEgI#-8`BHVMfOj+*aq&Q{+!n zIt~BI2ea81z1`4AAzUy{zh!agN;mOM+b3wdV-?Kjnr`jfk}#am#h*r+9?j*YZsVG# zW}Kb@~v!5QFBas^gKl9F47!KbFmuE{Q5U#|fO#0Kz0ZYy=dxIkfK+ zb#-+Gv~!0|O$DOFG4n(sQXuN94lZJpV7NMPZSF%fSyziv`2(PG#1GbiVEh`^r8vX@ zypmVEC5Q(6kExn-tW1E-d!T*!HJS9K;wiq{6+)FM%X752Srv09P@uy)XAWq8A79ZQ zu>Qaw$_+CC4L@KVTu*W5_D>3bfWP%CJ!>{wJ(^!b+{G9B=Gym;3X)g#Ts}RQ&*%|6 z8m;XSk^+)vC^;k>Ca{iN+fKKHKgCe!q8uU~DH=6r=jCat3};5fvwtYnP}~d0Zt+n) zzH+-Aek6D6<4}Qz(<#>;9F(Id3UL}HZRO1V%c_aKPep|n4X>-vRJ>Sq9hD0(MF!yn zt800PSt#$SAnKozJJC!`5v3JtGRN|#xm-azoZU~EG58$n{GT(z-A8+7$Ftf%6&R%toweeq3#Hz4$D9ax;mYS} zT*zT?p=g;X>xkbt_PowX=i~H#-8vfLij=l0qT$xjrGWzr%q}9}pm+|C3gSrAvypSA zZtcpC_q8PWDqy4Z-HS| z$!53gLIDDw{V}Acg~epAvx`vSfjSz<#^o4?gJ&TUgbPsF#4Iq31(!9%)R|(rt9JR! zS)iNj^Xeh%4*XwiYr9yvkv$=EQT+rzGPVo@-{(Y^6I?WU2DZzt(TR?XnxDtC?rnFE zr#qmBCXm?3ANCTo9bjOH zPG$j9g*ZE@HRklW{A_PH^s@0mD>Zu{3w_D{ju znnYjU{hwCUBWVzxtNCw|hx;PLansl~Tm46@p%yXnFQI&%qi)Nps(Li8&L*8=TaI@; zK%VitX|Yg*m~lE+|7U1#_d4 zSaLc1qi`c0lDwDa4nofI=Avn!1GI3gHP&%Q7!d@|wH zkm($3?e<>bchW*R+3l=p@aZqX>Zh8MdXeGmED7;|DCQtLP{_+lUR5b+DO!+y(Jj5B z+{c*kZ)>o~ul${Y?7QiY(L=cwv&8ws+!k2__q6VI4n8jF-_y*(Q&|Y@ckhfY=^B8- zy#(o1bV@)0!k=1MsCbGZtU*zb<8)>H*{)I|3tJWo|Jm8XjjBsXD!iIJj#rq~BoUl9 z;%{N;4#hYR@SXpd%2J;hSovZtP8T`Gz5?bE(gR&yj%_uGS2ZpwQJ#IT;%+tZsPM*| zjcrvmop@yiROT7)M%YLdQSui-*RzzBcL^7UnvIRl7P?j6*Y|@fM7Q0_;Ca+b5WS%) znb$<;{dZTkgMuYKGyY({(uyAxx|Zb2SdG8n4s>IH#0jT^*Pm}ted%PqU!!*n!`TZ#2@QgK|BYqu(X8raZX62g z9hI&_e@b*_L&rPmr83zhwgPiC0`+k=*8Ft3PX5d42Wz&t98^p^2sR_EqD$z9=)U3l zg81mFSbx5X%aQ+zP}6cZC>83Aja!NJ(M}d+zV}PbrFcM)Ks@7uN*M>I9xX@P#jT?; zUaV$RZf%9Hfj4I~i}dZzi*o(UlU>t4XCKR{ChBz0G-L^6^sEvE%XrPw%Hxfy0H9%v zwvKY?Pkj#;QzHCKVKwQqj6)OY9aBsGum0QAT|>4C>Y)9EA`?R?;X3bRrcsYwZ!ZKf zLkmkw&2F8D#+-?aMv3+H`wj zxmhZY0|YjV4u9)Ufi-QZr)d?>1$HV*RJ(WF6{@^-hdM#c?40EeNVtMHsBzHGf?7|m z7CeM=y%XjanbqcYH;^^g)Te<&n&|1#_9LT`!T+8C<8sNFO*D2Fc4fUSqyhFrEzi@r zzYy)<%8Bln+Eq+95NJ0Ln)zFm?@P%tFCL{KrMXQsD?_%+N(X+(Wnja63c1njJa!5j z*ChE_D0#FpEnTXzU1a;O?mFxu|C8zB3Xhf-!iMi%idnDR1SCLW`-Gdza_xzatbiJ6 zH1e}ds^4tZlem;n{F12kke<3=0`KRX7{gTMEF`z~)mj+>u_d2i*l1#@F?z-sx%dG`bBta9cP?&A!|B}q?8Z{Jd5Uu{{g#S}RJa}Ei=F@nXX-TNhHb`Dit$Nngm#4mn=F5Y_rl|25p*n-#FNlrno=Eyf=|x6LsC}fWCkzW6xrHW|`4gG39nD~q?p1l?slmCQNGD=f-856X0qP6S;?4cOH zb2Vbz@1)LJ>KTFf>{|v3&~@@XpeSv89;UCn=6fS&Sl7-X4G)d<_TQywEc^c~zynHq zA9M6qEm@iS@VkE}!L9iVy49JbET>ebmnX2x?$8Ur8l z-Rmm?iW@SXG3onT%P^PmSCkVY1E+}~`0!UEhrgVV(1&ss+pwgUk%^l|J#;MX+Cm0-v7b&_D?3~ZJKG*mCZUkx<_j9&> zh;R1I$(VURIpjEBU*W&slVUC-&M6G67B9cx8M;#4Cy^mOE8Ky2B>otG&uPyfT$Ggl z%nc@sb4ApWxfLH0s+mWXgQEo)c;Z35$))s>eCG$Bz+}}VvkbYSZpbqkQHvRID%iIL zXWzb2E}7Oi9gsW|Ovr^bm`dz<;=hB?Tk*0(D@1Nw4W8qB!%+*#Cip9C94@a1KT5he zzrUKy@8%FFy7XVlST6hew)pzq|6%3+{PiUQG#J*+K-ig0ZMOG}fUPL0_Xt59F06iX z7BXCs1m5umcAles0{5GeaHr*DeCKB{8|;O0Jn3&|q1Y?#W|p7mPoV|LR_Cf8T27Z0$mUzq~MMqVWnvK9OAJm40H$VfFf zp1G*<*Yn~T%vI>a(Zk(o$lDgX_zKnWw)FLfo4pmo_@)m>!4-nh3d*1xRIM7xvNj@D zzH`a^NLV;ik|p^|mYWL=$-{zKD(#uNJqJG^OsXW5*z($#hM-*n83mTFUH)qK1)>n|GU znT>t*1)#s4dq-rtA>gcI8y-J zk&c~$*z9&4f5qFJ^tIIEelm%LA(y|{;B#AontHu(f~t}+UBoJ1M(k2D!^acZ)acbn zwW`lS!rwVGduN(S*AdAcQ}=5n0z!eL4D<8@?HFk<{?f8c)qRH8vaD+$!bA1ci)iu6 z$|W@pqR}RaBLlkQ#Txcqizeb6`&V8TN@oqIyVGOKA%T)GR)|?DtfmDE7Am59b%d{@ z{?eQrcR^3M<_l}uY{ku6CTyWo?)CQ?shsH5hWc4hI#u#Mb4oAG7>Y#OGd0t@n+?Xt ztOy~;BAPR}IKJn^PT*Vn`|BDQ|A-P1Q-U;b7W5;_rk|bu?4u= za}3{I(lm5;*nKrgqJGjHI`xoW@dBO52~L$Xo}OaxO~MiV9=Cu0)1fWrGPDQ`v;Xft z=e-?XjE67UXh%slHMl=bfZ?Nh&yx0&l-Jm_Y3{3P&Zr>Dh9j;r*UIO@zwM*GWG7J{ zXm3BUGZ-0{U?(75N*hj?xqIk8R*5}I)-%~^yUwMj=tYZQKBb8*Z~Aydqoe@K@$zn; znf+J)$=21i7FRJo^VR+ys;siKN^k8|Ow^avsBr&p^I6wVNYx^!49#e48zv4*t7r(; zzt2SfEDB8Tq1gHm35v;#Eso-PTqbuakY(;M(5$>iFgo z6mVqU?8+$Tm0;8Mh217JSMuNhJvJ6z$)_Dm7xHkq60_@3bv~Q0>D& zO5Ib+)H!P6*&ylhd|Fipa8ED5P6~egbdc>6?ZN5)cc}NVB>dh#P`bJc)TPhl4>iWt)dxpdpuTr`(_w= zwtUk}XY3T*gEg7bzb8$h5|0OAC82^^s{Hl&JmlL}MP@1t`i_g)L5ueSWZHTuHyE!!!CRQr$3&S$SMG`%Hyx!aCawYu2I8(%1cIT20OO<)MgRnf03+TiXHHF6-O%Lx){GAvSaqWi~nbsFT zS)c>n)O+7fB~QVf0{(~HU z94BdfBonDu5bGwZl_$iTx9q-I?BG?&aOHboIBhJI9L$VnfJS6vxf^Pq=SA@R;vNcxk{HI1 zC?gsQfAMh*7Aq?MF4MtW??fQ;^JTJVPj?$wmX@G^b+VZ9!%o(h+)xBg0n_M8!8aC) z{%`X;5MlkSu$&8cFAyJ(-O$6Q~_hVwjc1Z%TdB~w z+dlpbO=V5rm)V1LiwzA)avL=zyeaqyG=jg(_6n zL)GPxmJFgiEsHHQ?|j~U*rKi;*NN z_Q6hQM$=S76hI`d5*5O0V0keKB8O_bh;695_m_H7(ODF|exGX-W0({`;kyJiHJiNm zX{DaYQB*OCyv8ySz7)v5y2;nVa~ZFJ^E_tqifxjluW(S41+I=NRFlMMeM*C$%(I(v z6~f%9!eWn4H#TRvxD;{L6x-$#dz065b|l&Zzl(k07l@A{X^i;KNq-_tPx8gzm@nRa z?FL0>lBn8+L^-r8&p!u(w?6tB{G2#dkLcyEx5Sd6G2Igg%tUZhLIl zP#u#GRFQ}xo`1amFUk-Y5W;*FS(mt)29$`p1HSDKkHT#n6d5Gv2!nmH;mSsZ#@&P7 z*&RZy8$4yl!8~X0jz0=maF>DNV=?o?Yw6b7pEJ0UKx5<~I1J%>$#5kj{j5o948Tx% zmro2qhkyfcKYPrDpzYbNK06uUu2v;s57nf4qxcD#-jKPaf4JD$z=1b6orJ6;HqcC9 zf?rXDteA+2`3?mZFmeH(p?GOvx+nWAoV1Or&sTPGC*K+`k-q+}PPK;EXbs>F|6sNQ z0GFBb7?3tHlMTafb5YUz88aB`Ral{CeY~~{EH9g}=^_kMOF#6Q5xsm!3 zG0YBRxHJVWc0ckRG^p8DtLT4eCjK}dT^1R9>&0ET;aa(dKs>`O@AE=SuHH&S0=(r> zxioGKpi<|nQ-s6##A0(3+-#3!m8Zj}hyGBee2&>TsUg8;&p`QV&);^IEgXl3N%{T; zaS1=)L8%?}BWE#xFaj1Q-xnkUSb)3;m*QS#V^n9NB-Y-e{iBL>gUWuUT#>L(%IKig zP9nPAo)pir%eh?bmn~V_E*LRWN- z!t>>Q;|p!$IzPPV`zemjg|yGN&9={?FRSx)Xe%FR@roOjH|NSEY$fQmn0@9Nll#c- zY_e;EUgR`CNbM4CwESlu5@P(KyYf9Z^?y58gginP&T7O$H<>OJw91=R=}kxwB(8Ja zZl{2wRHPlNL6A6L`$@ZI^ap?iots=<+|E&lh3T-XV!LJW_KFi9FJ7fN{{fXMbF^#w zQ4I}NUF8lihr@MjDM3BL)P_?rbvJwS5S|w(@E~ANJSXvyObI|-3M^Jew>J;dg=nww zixf}GAv%^ad^Fse1+J|gZVvW5tyRi6a5$nefjd{&Su^u@m(9q1D+6FWKG zi)R|Fv&5WKG4(r&5h#8m#iAwa)_}}KL==xWbKmi%-t8m*xO~z=Mt_s0DYY9$w<|oS z$J4XNt*ZxZZ+H@vi>t(xH#G~)k0F^YD8_zP)YGTNRrd%>WiABP2SU{9V~R} zPkEtDJQ$&zm`d5!Ql(SD3LE6Um zMD`zqYRJV5DnDvS0%PEp?xXq`tR8@e9MXWkfMzYZtuS1*EiFd38P5MXZNQs&nig`4 zA|{*doON(fLuq-RZk%ds5mXGu8YIf#6&IWXqiq^lUJ5>+B-HV7KfQI%6iKQO;Qb=C z;Oc+~+|(^%yr5Aetgz?m&9OXYorr!2%Y!Rt5B2A+quI;$Hr!fIoDTkx>eF|zj4HBhXlVDPVj1r|$lqax`TsnNEC1eoXD4=g ztn?|#jfqR>?>2|#vVnWU^pCF09kppX>q~cNYT9D=wjqa}|CF@0q0A|!6k{jF=R z(_!R1?Lwug?TBZmaJf@#OzyW()?i!nBulz7M-^it=EAlIF+DPI1FuV}FE!g73nB%| zbu{zKCW8v^19(ZJfvUH=TaDD*MEw3(9hCw%4RN#6B#XPWdE)Y*<1wzq2lV-VO1(yie)Ay*TKq zh9J@HaJ0W9g(4or@d*{~Q#?>;kX$oV1G}aXe@=@_oR}5h{;Y&fsl57QXB074$sBP= z)2^c3LN0`+jp(3=w%w*HL#@CtM`t>Q$9-W7*Xtj9f#q9hSj_6xauRI|)8Lxo`*AZ( z?Cb9Gow3UiSD75q?N5Cli;*MjfVSZtDt7_ljWRPo5~xo{ zA{|_?{dKd%hIX@~;A}MtUKQVkX2O>}5cxAEL$jj|zRaRl=9fl~-EN?S?Z>%(9G{-{ys1%BxgJNh zToOJV&cv~|l@(SDV-|GzP!=E={}sy|n?I2hvbcC+$|MIM$=wzQM!y4WB%6F1gnRA# z4ASAeP0|S5J5(M&@2D54wFqKjXszH>_SliYcdrC1m72M2?Sux$VyC*+u6MZZ_ z1Idp|xa!pf^sN;?NXxy(VLZm~Y=t=Og}FjV{JO2$kyEmX^XTW;IzXUZk0rNu6LOCkY$+1c9^4PnWLp8Z(VQfgFB z?%<@7v7O45$SenKriLl^`%j~>J{qWg$bj2XAmdA=8ttF&10y>5feXm(WFOky0H zBo3VJN$pHZAMrB6whcaNF&um*1H-pK-`#9xx7av=d((lB?-H2KJ~azy5ycIE4O z=NZ59@M2&nogrHA$uWd0wgpy?|N5Gjk2-G-tFk_nc_6XOl% zl5+R=LoRVD-}XF8?>uWR4Kkib7I!2YDwEr>F%*Tod|WlmSHs@d;tPPC-^?Q!BE>n7aX0qA>_BOE(kK4GA9%Wht@P&|O?nh! zVd$&c%{eNBGv9hF8^@B9DE@Sq4ZC1?-uMtd5va=+mC7G zPGYU6Arh2}7eal7rBqUZ_~XW-M1T_l3B6h_-Wxm%n;;Vv`&u(dd|b{ zoz&A5#)UqRBtxRu-O@!Hov{FmN`<(OqyAe;B350>+Xbm!KraEo-r(@+r$2=k&!wzE zSS~d&o$Ku>cAT3-dp{E&k)s$Logk*&;rdaR6^gl=L6=OXQ3bHbu`thp1=Qh_+i-wV z0?7K8xGxW}N|6=#joV?74v>?OE*^Nj7`JjrKRIr9B?_HgB8Ita9SbIKf_%&|+( zPuFt=Rqh$DZ^2VIgE1e0H(X}fM%wIg4SDh?4dLy#DfAYki2O9*6A?f33r$w#klx0D zlwF=+E-z;SNW9P)R?gL24(0Q#CB2)2xh1bFTcPS0HODHX>gtZ(gw>C|glzzgC(pSr6o4-zPVc9Uzv;tAQW~_y4|6<`cow)O|s2GPBvk8Zr^3+9kruV}ggAu#Oh!%}K z^a>BpuoAMz)ZR!S;hHywLD+cxi z0b;ehnU0i&A2hYh?yViWYrT;@roAUaN1HFs8!ra1svr@!L$>r%U^(r}wfMCG28eOANrj!gmVEJ;>2i z`YzR!f2fxlBB!ae)N0c+H|>J?`Hy`yd1>AO#C<<@MU z2bZv^BJ4`vrx7=vh)ipBW8OZ;jqY>E-Q16okLv8)(55sGs^-j*=JcU~rVq*Cv8F|$ zhMLqpEl!5UprWYVv)a&(uhsbun3D|+q{0>9myVK<@egO`T?JV@&-9A9hR|#;fP5`j zoMMBh;XJUdOl36NUP*!C+yl^MAc-#pf8uRb^lGp@RP3cjdJ2bXIqf#6E?(LZ< z!%wrm)IbtN zOChzjg6{LYe2V!hYAQ$jv-dbl=~1$Qkt|xNeN<-9K$$XH4?JX>>#G? zCz2F}I<9kxJHrA)Hov%9Ls|TX{bTF?t#nsQLff{sObljBh_PQDnw*OGza9LC%U!f$ z*KYXdqL4(d!GBL=*QP`p0>o{JnfngbPp7a%Cfa&GuRolUonP@yuG)P)1`Ym990WB3 z`foDKuI`fPB@-riXd#733nxsnvGLLfuTl;AC zQ`TqA7_WmNy;B*&PCi%e?2VDe^}QO-!Z$5F1orqQ;OCjw#=!3N0FqY749IV4M)%0 z{7S48rf2@dZaQ2UJwqgI3{d~yH)|d*0wjRl!C1-X+YJ{b9W*yC>`kmC#cA|kh6W;( zMYy^CO?={>2B_{`={BI+TP{})5B4`3-J-Hsl=Lo(N04m!DD12qz{Z8}8OG>iU1h?! zL}HogSjlxTD2NYCDw<=x0Lg>V;3=yNb};YxQHDp$5&c$x`+U=R3~ZXA!V_|W&9YCr zz8mSvH~rB4LHB_OI=2v{M*a~y2t915bF~s5_?Ic5>hYJk4o&hMGn4LN0jGdi827i``$0tV*BB>~f zEPuXh`{icOgkMxe+`>;3iA0oJo195PX23kD6m@u#Vn2I&_75dlyi(HBUaNJ|7-bPw z7_7Y!#SXUiHkA64G@zOuA`|g=InyglcSycH6aB#_86bDiRF~^$0DsuKMx2EiXvMkAlV>TT)-h^OakIQPLq?q^PF=+=Cj!8y%Y5Q} zvz=vj;mBx!FTRKB?*Rleq^nA6_W_z6jU)0wK~{{wRcU2;mI{w11_O7$wBtR&A`}fM zR+d|G*XzTm`YL;eG4PlwAQ8d4-{VnK;?DD4BTQmbZUvHH5T?;i2e>$%lG+|n(rG z)$M{|Jk3Cvnz0y)ccCtqcG-$TF(U5Rzd84hr%C*ZmoB<}9|0}}C0cn6uuGd1V9)Ih z2;h_c#@a5A6eH>y%?(YMrzCeSn&rALOxFX1MQk7)OXJI!=Pox*eM)~0ZlD?}5`;Rv zOQ_Bi^zP|3EJ@|4yV_r8Q(JlEeyeK{WMe*_xAA!2o2`_$K0u39!g}q}Zj<6&lDvF3d2`1NXXz3el*Z!LnSEC-+ zl4fg?v(PhZew&Yd@`WS@c#moNl`EIFy}o>t+8$XKnw$S{&R&XkM>9(+2`X%|l`wS4j5Tg$25ET}ifOsQFkG!rC~k`Nn^r3$q_6sGx%Z^rbR38U?dnlua=LPjUD4L zS3c$mA7Pe5MB>!uy)(Z4qU#~YPhD0uYVw;-(KB*AB$Sy`_68>(aga^h@*(9j2kuK& zV?(LS8c^hO68GLsycbnj2xil(YcsWcMZ2~#Q(%pLf{iwW+t;CB8omb-aoO_`{gK6% zFF3%CtLv?7NV*Z*6zmZjk`Kqp%}5xwSqg6iuR9%QFQ z;pWxXw&Z%bI{21N?3@eb6g~dW=dI{=F-P?G=MoMKwtwi3-S3@^Rw2FJM88SEm#|ht zzSwK8@-Fzd!P*#nd)4$fktCblYwB5iy#e7S!mv0P^1PW@?W>f11kOsTrs!!v^M}NZ zJ^19f13o)$eLon9baUT3kqtOnOL{nekq{7Q705D~tT5bp0dJhG!G3Iq4x665(xRh&U2##V_uP>8xovT$%=LF6;j4S-h_ z#x6z7eRenw7ISgex+2-&GMEn`r>Ps1Xu-0!rBL6K$k(J?NP3rWIp1k=6sFn^ zJ0Ter4XK?vPYD+u9~LVvJ}(pB4kI8bp}G4fMwO)#Deg#ux>Gnj3gSJ=OgBHegrbug zP!*Mjd9d~YvAtBtZGbGt%K*8@zVeAo;sPbbbb)MG#ZMT*)Fr}YW{E4Z{M+Tc`J3qt zN5%eJZh^h*SdttU21;P{Iae8xgEgBft9YXvo$E(Q+|5CE;;w#}J4hve*+ST5IUjK^ zHIj|U9cu6YYZe(Rl}RvaEkyc7TFfc#3LF+3eZYZChs^;P3>ChupyNSPSZ@Jtz^5`Q ziRTPW3KR=k90a5pF>`fTB{O{zqIOt1B=)d-9Xyw{N*1}!rnzmXf1A9$-qZ1^1>gnu_c1BG`ve{+cQyV)qiNWLpzXzk^ zoB>6&GN3lJnT4JPI3!4J)*`w2}FJ~X<0IkUs=w@-NVIn-|L+@zG_!S2!Lr(-ty=du=4re4m$+{T;* z-$}-&Cy3c^tm~__Ge%aaift^q_hDenxdv{MyAZm&K0ZMrz=?r3-TUn}G+CrJT@6Z@* zBJ_1}R1m?;&ekJ%c$mb7U4aZiZ_r0Cbm~L%?DJ+x(8CxjH)LZdtA7IEVH3N!D=EeV zQvf#`)Aw~n9t62)X+su3e*p?#%%_g!A5OAtcZ2hwi-%l-KMr-$W{TL7GQ5y3$}E#; z0gL;a9|%s6ihZRTqSdCE8b-%GW}{HxqruEuUR)L9JkGUnwrnqdj6Bw=F=>vRzjtv2DlULBTEhJv zRdt924ZAc_-X&ea8eyxyDVaplxC)Edw=fvvmB!X!gehJc&qn_noKv4gg~N0)%jd#(CV7jl&M}d1xv?smis7wIt|( zW~hb2XmG;2XS6Ldf%)f-5ZywuQ2DX7{u#P|G!T;nub@0TtpjH0QIMJQe+SqI0Q*2U zw@e%OojCrH>rvQjh+^PUnXtQmTZzm3vJmFzUj}Xk!MQ2K5g`K8Q7ozxStn7;Dg1Zq zPi6QvdE1G@Qp((yX3gbFkX%vi_iR~*!ZY%vqjK8wmhM82yFMu649=T=oDJ%j3y4)&Xw9n$|Q=Fx!g)BYwHC0~(l{Kpi5-o7wr9DN*wx=bLF4+tXE z;ix9%i(c;W>lhfOQ9w6nZAc4qn!Nl=R@?VPFY-A7V{l^wgqi>Y6e+!}=YA&g?JNGz z8LGavmV>UVM!T`j$92BLEXFspC}P^_hPJ0J8X49jd9jlP(*)tg90~(5 zNlCT2>u_3_BgxE8W4ZJolJ|VVFdlWM&da*fRxIn9h}HX8JmF!2^_YCNf(>&ymN(hX z$PCIRZnPY&TxCKNe7B&(hU5#uD?kF1zop zPs7Zw1p``at?8ExGpguWN{t>Fs5tN&v=AmAYX*I!bK zvC!G5y1IY-v622TDUZP(#BB6~mDg}nvytu5Y2RDrsKYHRiMCJ#Q4WdkC^mm823ws8 zrp^8yI%X{(I}1Z0rTbaK)lif(GF}m%r>@oN3M;eA0r)ieKu)42dpxI zX)@DAwC^0jp;2Vn^TOshRr#~5siZnVF}Ute4wt^mymsEEzcsA;8&g23sU_V-sSU4- zkLS%pi3u~BzOX-R>V7!E; z@u1)Gui-u87uQK@X0)oQK3F1$xxq^&+0g9&t>!%B_=v~325CT1e~KwRo%0(W=f>`S z{zJos)24uQ4ORk0DSgZee0sqYa4sDq)Zng1NTgh}+y&ji9;ooswJdMa5?4WmjZBrO%yoX7D}(Gx%nt`dn1KBsj8*=Gl;KXV!=vpV zKSdj@TixHa1T-&0+rHG(j|J>cFG=iqS!%G=nWsle zd}@8}J&4(%{+xa7$jyhuYbLtl1o3`*&rbA)*kV2D;Z{0-EXyH3^gc8nhTO{QeU`n= zgd;94`dXjkC50jz3i2-QXMWQLdCRO^!zE~2K*QpwDdEm>B@`V#64JOapXh)&SXs8x zfar zYq|z#_r}izM%#Dh_s7yAoq&~VLCsbM%x|ANw!;a-T0bOiWt>cZ`{~&9vyH0Z7~O)t z$NIh3x2eA7p_pnas&}~hjJub$gnm?IsmxU82KKvU?DqBJw~PEdmop=%0e{4pDL*?_ zq@6|V!pz8At9bdnm+=w$SE8^|#>Q-b2uf~mVsAOi>4KL}k!#CZcQ-pD zP&Mi$f|-T2t>@!ql62Ypaia?5+e2P=5dD}7(qa*-*A?zzw~FniO(wEux)TjJZ}>#F z(4diQT9{+jqR%5%Qsv=QwEZ#LP8WaYl;-&OJFztbJ&-55_Z4)GZ2nN2QY|^hN>BLh z8*4L?pH>^P+&4{`J?n?-e}6|Q{IdHPLex#|+ud3&%#bFc31wJIFCqz3`Y1%0QcTFh zL6hL8YfUOpoB5BCLX4aGHV!vrKH??r;U?C$8^R%6(UPLs!K|m;N3Qkwl~h=CR$I&U zmET3cR^#&W?7V~a4_3iasT)A>)B{}cooBwx~ji*-@fA!Zm3I16awgy{J_g!4g z5k}w?QgL=XjNV;z^-1F=t={{?{l_P;jl8x@L9r9@r;yU(=X6H>Kk_$gn3h-E_p)J{ zosUU#4TDZV;4;6d=IYVLQM;z}pyqZ#vI&VV6IA0SMS~kveYV?8GXVM_=-EmWmSNxQ zv+{T@Wo6|M<5>!j_`8qa+j&-4laX2%G@z$w9LQG5*XPn!Ag#D5HQv&4Fe^^BC+1sz zN-_4DWKAk(h`(QmB%Xj*g-6=u?n8Ie%(uq*B*WUwHO*v(wM&ek>RtZBRWGth5@Zx}CP>w%Xokpy?c8apjID|rny#S!Z+}an8DxUr5e|9U%S%7k-3_xUk^4VbsAEww0^*!S#h)Wl9v2O z<5`;OF;8;pWu^4TYPYyU*)}wU<@u}a})Er2SD7?~FC%5kC zY0iGaRXDN3_0BPZabLDSz=859G?Hp0W3OSsr{j_8Hg>xQoZTJe?GSGwn8Ee-4DM5b z(vEZ1uYveNHWZaNeo^;L&+QTR4+1TUF63g>mDtM;EagIFk9EGjH5w88{D`zO7|luK zkUe<=zYNTp3}6GlBW`JXxVmQl2CBYD(cBN-lt=(c@PX{JkVxeFU|Sxdil^h96U3ZU z`uOP~ZUee~uJ$m~aq2*iHL?UezeRsZo)InCiy4emQr;|`*240eF@2-u`_=}cXFP?; zK>K&wtazU_zuztLD-}VrBSjVfON#=(07@Q(C7WPZU16{w*JqEoc7e7_fAB@*m=hYC z3Zg#D{5@>jM9g*xFcRv>$Y}irc#WS|`Q0wQEy_c*Rm~%Z?*i^Tf)|iABXN2P#awlj!sydodsa>b+outQy(Bc!ro(d) zZ4G)yr>=q|-$&3GQKb1(n&PGtOm`<(F_Nn4XX)`(TYl0A5K)weY7fo(v3q|?uBhjY z&0ClwnEFpQBAwYNyKh`~{q`EZc`q!_Uanw~$)TY*W%LG8-OfkYqG|W7@QU8#s~`KS ziv9PVNE_3`wH=7PzYYiibC=XUdqlAB!))c#xpN*I<&UpB(oquN4ScO)W(t#%8~03v z8^edoUBO>ITNdhneOuJ`CGy+r@A#R;PrstLfu`{>>N1~VuDt1P^iZ0~`aF%#t&e9R z1-Icjw6-Y|4g@ckm`7f|@+(Or(A6SP8`>UloGg_OVWlaS+q=VL7%;!_yLN=OPTu>6 z*F}c-P2Hcv5J5}BDTZK>b474x<^+*6Xd*1xFCmWC=4C*PV$sDy4J?m?nI~b*Z)Qey zB!G8zY3cUbQybPpZyOgQF;(oJP*I)}eAkA5CteoCjs^BpYniTy*6$?NG8q3|#wruC z3FKHQF6$sS3HGYPYOjaTS!J)Yj(vOx!zS;eF40OWJ*uG8sFA00Bb$ct`0{<#F^wP|g=Fq+c zN*#0bZHCsr`thuNa~VX$L(@6#fh0)@rVL_Jo|0s#qv~3q!O^CEY$sql^uzcg?&Axb zAhOm5lFYB~C|}s;1s5{B5VP0Npx{-t_@F+f67yWOiJv__tB16S>Q!y9H&x*rGEwbo z|9EEzX7njp=$&7Cptd>61eFL4I-$i{ZLOc4aC2m|DP+EPO<ZAG720mZruT$W%kq zGO<9w>TgyD%tc73tgi|%IIj8}DwwpRv8gx^KbVWXNvTXY(^Hkhbj7BB55BkmQYTPy z$stg}>B|JmbNH+Qt|OVA3EhGh)AdecBN2VQVXc|x15<(du<(gCS4N%!nJ*Fva%%ZS z6t7q^1T(;k-j0!lKgoQ z0Z;yRNx?MqPF$gLGV$U&Uv(hY_IF!`whrP+_6ZFxppvn~T%9S<`xCY$**{i*Ex0mC z2xB{d2yY&SzQ_V>>+MTx`OhTDaW$4En6-|g_!%r-Iy`!wNd4!bFwxLiN3lL4mjUM5 zDhg>0U9ryrRSqf)9Ae)gf797#CX4`cbf90&E$3ZfL$TGruB+Z8JO=`)iH z-_*Lwnwk;n+z~R1#G@CDd3`m}JGO`pGXY#uwEfR1h0blm9?%qHWVDt;=$j2OyLw3{ zNseuM7m{t4Gl~Bd$6VZTE8h6oC@f)f^xQ;$XTCRaJVh6T<|B)PQ&c!p?$zkC)XCgv zQd*&g3E_=d`t5)1*||em0Z(-sI|Q+L{lVPczvg(bgbR}Ty;!F!AXjt1YGBFcvnIGS zRowY|aA+)(K%!!@rs?_%w$X7_cD532ZmEB#}reLa}j5G*>uZI%)m{qeRoz0jX@(}!4Ki1zY zO;zt&*4-&sSW?FjFs76a7Ic0N-cDD|VG7s8vBq+cnk_Y1C5?UFCbFmFWLAbd1#X`M#QPq`$WUoB#lf*D@$PZ8hrIOd*K*I4 zSr1x63$#3+m`$}!|ILIaNs(zS;&;`td;vvX@P%Yl z6moCbA)Gpx`Ujl}!(U}p6m6*g?qDv- zopl~@_7Iw+Et;VE^2-;_XV^Ym+d=iGs8wzAm+!y)0IYf7I9ScxnDBu(51{RaW`$W1 zpqD>EX^);U;=g$MXC}-Q`!*qdJd)sYp-m}NN%V`8E9BpY8XYo2OW_XF+RkbH=E!g7 z3eLrU1Nade9ie6^YZ40z?du1le-;2xg}0oQVR#Vhvy+WjMISSo#g+rda-?d@shNsh z=Mz#ILq`YqCSeO93nk1))u=D-RvF9odd7ChX6o|U@sHDExp}j#-Cvy&1X#5I{W#&; zS|X>7D*6=|9KGl1ICV)nYVu(fdh%*9G=_ksL2%FF)N>Kyw2{-=A{G{q&F_y0!l9p| z7n=F}hEsPW7V!QaB9gU#((6+U#$LoYnx+Nov^IDz!iBzbyK#7ZDr3GODf~>ic?gsK z*M05fOLJ`UTfL0NzWcA2tK-;zFqE()`B|CPcZTCT_*A!Q?Zq<(#-0!ULgy9MfA3ZCP0+z0<WkOBHCx@y5%IWbfq4hlUK$8OC{=J@ezOI6sNK zW8@v2!88kDLh9qP$^aaF`qNZO)q*9aF0?6`nCPsQxMF~Q>7|_JxCgTUSnM_1A7qOKePlHPkcs=I8y5Mv{12asK5tI9}dr%Ag+iw`QN#*x%yOZ9YJ*UQUxCa2+ zxrKP)dTbEEC`M@RJ|Y$@9bF5G%y&<+8+PFp_-FO7k>3Jknd~dek%?a2hKo-D;Oc7=Aw`o<>kuLrdA5O( ziT=znf1;tO?cezy_&!uw zn*lHmWrhe?2ip%c)Zqo}_oNw|5P(ZK{upKj9MRGRBf*fwP9N@Qefwauf_ySwb-nn6 zQ*$A(eX^wtS<=j8s;hLUXbguCB6>E~bay>rMt>$gV74?t?qBM{JeCrkk>M?in&)}H z4ny8SYSl(99%(={?1@MdRDY3&G=9^+0UujIO=SXx)=q-ePL{@XwMKR0l@`{x;+V;xoJo zFU2Y(K2~z}m1m5+WJ_|k_a99(N-1|!RR!WL@Gf`%m-f>c(x)8LBu9$^oo1`zKe`Br zh!FZT>D`D+J1zV`t2FNle4h|_AVQDy^ydVC{^)WLNmW9opcVyXxAZ(!`YLwWZO8sb zCjSMCQf2fBkRNRW8k#Ejwn-i?9aI(@q@P4Lh1aT36#G-(^J&m!3;%CGx7; z3|bqgYWp;XyA63A20K2Y z?XiWE#3J7n#fiYhgsqwnx*BJM0|+O~WLjT<%Mh@Kn}8=a#o=di&QP#Jyc68fYy^YZ zkkZ|ML_Hw6qYVaA|GroD{^?#VNxtdI)XdmZ7KtOcLY1=ovo6f$H+qhZm^z9IOLhIv z6FV4RCJdEXsQ){;GfUdmZs``})K-G&8i>B|SO)9KOGg)QJmUU+z+Cx{Ofr0_ortAh z!Nr5ewkve$56#klqbqLbI6?8T0G`XLv{)NpclGGX!^Qa>1jVbk9rp}JtcPE8sPmlK z$oVOUvstP#$m>}gS8`DMr`Vu?m;VP_L8QJqtBgL^mnEhUau8*W8WF=3MT6>Rk|?Iv zmoP8t?Pb9XmFV&de*62E+m{uCIblvE_Bt@wyMNozPG8$95gV3E5|MLn7?YcOD$(X- z=DPO~_3?eTY3HM10ee0w5djW^48HSOB}&YCyq)A!A8q?m-01o90QVCwaQxcmv!NnH zqAfFP)R;p|L4zPp9{M782U)l*DW+Jqj84*q&1rc{qKsH*Voo3;Ob0m^JJ>mFz2(m^ zT|#ae6Njj6@5?RCVY6GWBjqrM1yw}Zq#T(!IgwoiOVhDziz}7qvjspqCRSACKR{Q7!E(Isw?qzg4_lhB@=qHCnuNbV5G(?4?lz#zmm_mx~Hisb%y=>W? z5Re#i)Ocl^eEhXLnLCYPB3zG4ZADki?d3_G-M80b^U~noe_x@Mg@Rm@Fta8}OK@T* zFSk_pF^A<_(y09yA%&Qfi0h-p5?}x2_WtKShmCU(T@w7!CkwN(yT=kWibnZ0YrpGuhj?k2H3m$eu$v<0 zUaxtau;7=}pdkn3Mc{aySHKycdnKd1B%fEjbO_$pSt+kIn;7);-^$MhmAwjoBq*3eHLJXoj=Y(-91jTb9A~8qYw5SU7fB8TDQ-}&k z?fvVPF9WNUCC3yNgtQBXq%f5_`MK9#`|V}LehSK%F(&|m%zVGC?*994uaGMtZt1Zf zC1(Kd#+We#=;QmiKwvP;!I+hEoO2%MsVZRJ!$@(SEd)J|np1Lj)Y^F2na!v{G3L-Uss~8T!}1ef#oVoL)5c2Rc)=O7@RrA_}mW>fiJDK z-ufspf}2!ZgZ34)9}y0!Dx5;dIrYn>H*-o5v80@ERr{DJh39jJr1{36y}U%?!ceyIcX5*h(u)y^(V>%G*ykvr~o_?~Re%Tvpo)|9v8M1T)U z5ELAE>6kgwMJK={=6pLt4%qe2ZZXHSBoY>paSk{Kn0fzs9PejZ((!({(|TWKw{~9ROW5LO<2*1chy8FNIrCP6OutuUFJd2eI%X~Ut* zk2zjExS*KL^g2eH!aV!D(o)Qc>3mdF37^_TBKLOmR3an_&^g4Uvl~!}^=SIpcw_08 zN^G?Q6@|+ca|F5+KWOy9BDg~k*vZO$%<0C;xX+Hgr6pkCD#H7-VhnS;m68**Pa(yW z!{c$_6sfJxG0T$4skf0!7Uog=#fnxz7o_kY4kL3$GAW^eXK?Rg)TnCa=h67{N6$G) zczs#&lFF8`6o&Gr_d(a(ak2{LmxwoUra30``UvTR&#Gg^Jg>N%AAi09fQz8F7~`_! zmzUcd6VlZ=4M2iE#+-9qi#e5?j%AB(-xp&}YHKu^= zS%?~ez_*Dgv|pN*yyV;KMnoZN%;7wm(Y*b(w%*&(C5jWJElLszY>Z@HXQk1n1Ws#A zOVl9eM~gW!F^FN;n%{|;V+yky;xl1_&r3=BES9Xm+f`Ef88|c_Okx?@9(Lk z$B+GZ)Z3R8V~aU0M#Z)*<}l6y6v^l|`V3K)d-?eD@!P+BjY(q;y^izIpqq!?6NOz$ zVGI-H*FUy7?B#E_w8Z11L93%t+c}tpK3f;eQ_;-hfzV3|Z%{CzEd){)2g?YRLErv*#2mMm z1<)8GIvy2QsU96B?0R77t;;Qo$niXhIHriTNr-yvjod@jdi0bc3b@PqXda@f${bS> z_j@!bg<^^T$)_AyWqVo9vyMJeNlrBTKtLEKM;P1Lupj^5M_%IW^YP=0R zj=h%r(?o=fV90j!UMJ@0ESGvGmEfN_@x4!kV-Qn2Mk=AViMnE3J9F14qnil3vrWS* zG%rb1&b^sAN^LVsDaL|AnGxe~wR7%79D?Eu5>dE5LJHVy;Jw5|*Rqtw$w8|lbF>*? z-U73Rw<|u805i%IQ#3PRJj#~A`mASTVO3qWg5-+4qPZM?Y`TW?ITR9#lT6}lk?n^4^*w0qG zJN@nN-|E?j>E(5MeCz_jWo;-`w{`jP_Ce(6nNkcnC1~q^jSQLjtQ8yBr4$v(ITKM( z4IzdQ%xo!HReK+ZaUOHdX+aU#bk!g51Dv(8Fq#%*`eK)zuW^wx)3z<(Y}VS%toOOD z%j0>(2xpr?M0=dg-BsA!;4z)kN=mhLbhJy!fBk#|S?JI2Z?E^Qq_m$kM*ZXK7iRg7 zKfi|%uKdD2&~l7EbGlLvfb8gF5TlTGaxXcJF!e@njWme}BN1yx0xojB&9-J1R$s-r3*X^1& zU>j~`^BOf#Dha(l6G0%MpX6y^xe#B_&W=^PPpf+kDb&4{HTSc#GEGNfs2gDC9VLZ3 zwWASHS+kk{_20hdHP^l7HIoyp4s+NX6M7X^?roG?Vx{N%DM5)yqV%(4=^=q__-Hev zfK|Z9pU-m7{)xE74irf`$J_Do&u1zrl~it}ALGlvytch5U~@SVdCalx?e=YrC1MVT z#^d-no$1f z&^ad=g&5!%0eM!VhM;&PqvSxhgL|nE!yS@H)`}qFUpkID}Ii9DA zp!q>zWYe~nQjdlTiHOn?Kfdo8^!9bdFm<%KeOW`4U*hbTH02ng%rR4mxQ2O4?dTze zw8q{>eYAEA3F1!XKH5xc3h^=l_d5QEMG`jpKCr9NAZbZVggp|Zl31P`&#EeUji`X} zhxfNLCQUgo(d^dFo=Vt1DtK!E(nEwj&H6D!MVMQiy^S#p{v!Ns`=hS+#payTh_6T~ zCnxe&JN9F}O;N>!9w;7(7u^-3+5K@q28jssdUQm2q#Q#C%rrUx*1(LK20>-E-b!m@ zPSYSEX{+7LV@dz~Z{L?&DYs%~ZLg5mmNm87_qP+GeEd~)Z)J<;-hqpaC6q13tjj$? zrq$|jglY+mIz!S?r<3fGT^qG4= z*G>XLrihVxZ=jM{hyhAJ;)}n8yLy_j5CA-oQe*Z_pk+KxoUPsXx0mHSny7G)(K-g1=ib&^A*VSl<+R=wRD{b`a*DO~kN4-l{o5aN z0*SzHZx0c=Z|mE~o>OGzpxRnDx3!c$I@D3*q^j;_=Dm+ThPjoT(N!_?&$kcUKrAeL z)qFv9*kl$|=Y3!=Z!rWS&pFwgcJXBi+lJNv0*fYLv)sO{``aE%EVqK_Vj^$n`1t3?XalV7*T3D% znqv&@?C5X+s~NSoXCJT4!w?gbYcQ^5jz2v3(blAAh_Z}5ORi>4r?O++=|Gh zm!R`mms?@Js&l+CNA07VDu<{n(rYhE&TBsRYQSG!2g*fXRuwZ#OG4}-&`&5GTJ1J% zyRTT&lVD)1L^S#k;g9dnyu`9bw94)5&>gilH0aCgTHAO$P9y-By9D{`A8*3!#Cgdf z>ULXU%Y%2BoP_uak>KkecgLs|1F8@dOL-QaX1$FVHI?}NpYLT&!)$w99AhdsNW;^T z_%pAOoHXg^1AUr*YGiQ?T&|dbbJwq*evaiD4^ocIg2TzC zL0yTe4${Q^af-)WA|iAD_`VYuzD$?OC5osVkD9j> zb9j8;L%Je$nm&H+_)_{g@-3gw3etZWdw~b+B+;;_*?(m~+_jQrgi+ zog%!vF3cR4c)Xt>hH^{LFytlrbWsjbQSpGNMxQlPUgGgQLkgI!V9m<{9ME9lm)~y? zA*ZaP8R{n@`uKhEruT7xWw5_ zl3s%zcbuLft3=6Ldj6>G7_*xV8g;gPxOvFo{Agqzas&@;RW^Thn4q$09bE_Rf;h4gCHYYcm+v}>=?4Opk{9@0|Y41NC+kIt`W3MsAG3K_F z_m5``0a7r~eney`<*e;E>yonuMUw>EF+m>eo@0c#4g##RwlPKwk(otwjG+O0c8f8< z;el-wlvV3m#zaDvt16Kr*|GN?LV#2wX+b4oF_)=;~P2n)H<95d&1)=qrs`Et%G@;r{##+R2{>tkCMC~(G{KR+HhB`0dV z=ak4j#pv#1&Xl6LL!%Eb|9MtoN-@@2gK8fG8|0E=2y&dQ_l}L{ZCg^%rKIO^j%i>w zv9P(Zu(?k+M0Mm8VU}PaX38avKHY7*ujkotCjss6L>jfXK8KxqGqYvM?d<#WyuEJg zwv21q`m3)sVfyv_htHe)DrL-s1*xKp2stMk#z90lEg7C~o0dw7DYQCb3dggq_r=^C ziD1)Wj)3<=wSTcnh(!eiLp=Pm55P(ClImXF{d^qj%Zm0OrbtAi4ZNE$!)AuWn?!{i z{JuHbWqku6QlpkNLw(3BcvG}GV7g~v=wxEnyk&B)&lWE|jDfv~>Ljn}_HDcW?RGxe zXk+`jVes$M$w@@EFY9tIqfQ%EA5}xpfbE2!dFyA#I1QuCnB(XZRtvB`Qk_DT3yPvNo>?;(h}_c3#hF-8%2dw-m@0wYUIW`={oozA1Kw-sy(7GAgYJnFhFV~h~P zdDLZD%)HeGzX~LOz4g&&i0U9@6Q!I)rMHomFvf^WaJF-A<`x#^K$;~K>E~c!Cm(Hu zEcLy`CA4EOamY$U)_t6lMUZ<1%|JT`a&}NXEL%addOj-)`*bHp2Nera4lN}uOWL*^ zSZvzMy4<(rJX`A%lw|lr0D;heIAJ!M?sVVQY1Zd-qL>5rv~A4k4zZS*=QVM-#M4An z?wJ`>b!Fyu_U&cC#1v}v?R9}t!lsGx+h5Po=Kb4>0Fc?I6UP)oR46JTmV162HYSz> ztqv4S&yO>e2#JNex7ysCg%E`yD%t^T$yi&CL5b;5CXVgs8nvW&+cF^ts$K zvPJiwXTD`3(j45N2v<>AUl()lNN$;C)3K+uX^6hU6d9#tJ!**I_&7og=Eh7N!}rIr-by`N z%%RnuOL8LQxU48a?tR9rmFtY}UOMoXHDtQrk{B^)lO2qD-O0s@on)Mf=J}V+X&PUtd zT3W-kkGx=-*LMma#5Gnm3h^o{;kqUw#R>&0Vv$Q8BO)UIvsDZy2s0BgAa7UzP8|Ki zh$zP3?qx|pO-#(}g7kBU{15pMY{BTL-6UEM6Xnt4-Jb&)+XrTl`RdYTnG-Ij)1SR?bxI{2X{3Tw% zZUN(0tP3!exCn%*5@flRAOCn`;anovhGsVXVonefj;Fd;5jmgLi5OpW4rR$2)Qz_L zIyyQl(SQB-KbY9b&u0aF?9cz_ujO8xE}`)8I8_DXSnMc6&{oI(euNm@yw!o|2PcX# zw$|^rB?R4;1;JHJq#`9JbH8o- zeljtlaEQpJYCxn`zIYB=MN)I6d zLj-sKvgG5aqM|BBw&aX6>Fxakqxz-fZOP13TSMsbV?V~6wGUO%pv-ifHRdqJoaDKr z`+Y-Kb${93Kb|o~cq&2+5eeHVJ|71WwKh;RrxN(;$}UA?%CXl@mq%VMzCJPf(dXNf zMO0x1CHj1r-6@wSB6E6-AqK^*T#shMVh;FmpFlTDCBbn^PQCVJD~RfVOdrkxGcRlY z)SJ4h#2gJ_Si%g^Hq)p>uJfDL+XBc8w3tYAVrbr+5DG>_sU#wbIp&hlQHK<8Jm3IU zm1D2atP^=VTZmzOS^C+I#}Q)aweN3-JAM51WahHvko57_Q=`;pBcf3!tB7h^;%GCk z2?Z0}mY*BIix9fpON;@r8|U*}ZVMg(4FYSjsHBq4$4N}feF1BNi1M0P2%cTLWFZbR z09LZ1f?0@}pN|t(1e=!Et8TVwz4l&*DA#9QU&=Idv)*RPVYG>GgUc20seiae{*1gK zxhi9G%prh^2Q+5(DZ=nF*0W&|iK72}p0m%iB{ZS{P2`e72zbSpCHFSUlHI-cDXQyj zJ@&eP9GJY?yj0qkr{63uak=HuY=4}!4N;Mxu|)73@jSNH^O{jvV_(mZ=|?4ZIC_Oy zu2-B6G&ammbR0DV6=6}St!q$Lp5`Q6ZkdG6v!yj{uM3dCP?%^`41px5*+k8;+?PwS zX69}py#L%spWB!9Qk22~B+}33#Ghsrx9K)*UCYPMD~vn@%{iKTYYoYRI7DmhFZZps z{{8z~jB$)fbe%E3hH&I`A=+X%_j8PSd)XfEPi6+!yd!9d836b(@YwpYWF{h(l;RwQ zvlA1CR{M|tcq67S|8^UFhN5#AD{~+c9(8<@VNJ8RQ;2fDx0nM9`*5&vn7OPO@ywqd zJ8fqtqT{2EZoPGpOM8Ya>e=o2cEqeNziq-CRANvcZo`hFZaKSA$5k*A?#Jw|{(yYRut$RA#z=+m>5y=a_x=v#+=E^Un_m=tI)u z*@(%Uj<<@zvrV7fh`FEL&Ck8X9Ej+AHbSgQoyViry)p6eIPn-lE!>U{z6omq3-bgvpFqW-rvuw z;&nfsRfBA=D`XgXNocN!DCY3^`D|?hG&%av5L8)%mNkF;e45$uQR~r0pGf#}@{j~W zB@)&su-Jj2z|1V9Nm2={B+7Y^Mls(AfUM7i9v26doLq$T;(WVM~ zO~AWNVt)R(^s6zePjaXFY|BfAs%LgXLr%^7;hbB3Uf zF39ND23161rL$og!WFIcc@ARU-_9|IDXLA z1jW$5wE=Y^{2?}BR#w=QTkY5z*k@1-xyKYn8+-*aTp`U6bZ88@#Cfq(FX||Mt9V5l zUC!X=`vH|v%19L)sU#8EA7{LRYkiLS{&SBp=$C(eozr59$R*LB#oVcl9z#Hci-^Jl(E4B|_+o#pmY8MEIp#pt zqXu1aE+q#A>B2>1S#k^^sH!S`(wgwvN-@+vaty?TzyXZviK*mtp0$+p+^-J{_S}9p z5Kco-kVal#F1pcD@|?CV<(Eq~sPsOUl8&>f2ovX=9{b_$Utex($+h?WIPdGy$H+0x zX^=TBCC3>4di&6zA?mW`l)|uCmVAF%%{`U$eC%V+ZCjx04OeiR_daY|SrakAZ_P|l zg`uN$qq1Z(52~z!1ug<#a3J~gYiaAGs`E;3WhTlw9gliE&ln@9rm)6~a7f|#afB3E zWRBU}&>+Yv*C3;f*-fL?y+Q4hQovIR-MJIhqmenN8bAZ#fp_!ew%GLEnv)+Nry`y< zMsja^gOeB~IDR_3Ty<|mlnTOV8usfWqdEU_JZwh$qbC6R&_;C){UG#Hc`|+8y&3R4j9M2y+xZoiKM5qzb7<2X+lJ?qTiSF*? zXkd?sl=06DhJ_}Z7W_<7TDbT_sBLuZE>)x>3j5(wd+R|)AEwtDO{m-u;k8Q2Ym%961aHyCeV zr)C~=N)T4bTTUfnRXeA}98l%Q9NN*$Je34+1iCVWzQGUh^83AP*@nR}#>5!DVt|yE z$i%9eOH$S6+a5y5Ipq?UCGYzYf-Xz;i+V-EtU+(L^{lP6?oL<{;1ro-Vw*wkF(@+) zz>cTE9NB7Jw-wePC{KDDF$V0DQ9|XC$DE@LW*mf!C{|=zID04>vVi$(-Pp$uSeGq@)Eb#HKZ`w zfFtX8Ki%!+xBIt0zMzx8eO(QC#pY&qJWm!DrnDq;-``IbF1J*V0j)*MVS8Od3T2DS zy_}Ca+DJJ(e(s|gEZy!DQaJbioy1e2y5F=@JXFLSn|*JlUe0CPZQjwzUtfFn13PT#&{ zBJOQE`Rumd(%WDA=oXUV@o}e^!?NaU-mGF~cxs4fy_fhI2_nn}8;8?pua({W`F>zj zpK@%qm#xGUj>marc%K8&PGwDQ_V)c@(_X&aG=$M6GieAm46K{|L1JjERH zmX051Uel;^{ZbT@@@~x3&I^o2L}`id|9sxRuDwoGp2K3fqWUx{7BAOi8X_HGf(LJ2 z^r~Nlsj!S;G3x9F1u04eeB(?ka>Xv$^eb2RlKTrVmlqL41f&X^6RjhVuPmIvNwce$ z#;3-ZKtph+U*u5ennZcIU*{m!9U216BuELG18xMu+Xg1d5Rf$h;S$B9LN`nuA0yPNIpiqE0it)?K?fvnb=5TJ+)?Z(4 zqYrnV<|>?0sI3C{&CIYJUov7dW;tsOsxb01aY`Ylc-d17@&h8GX;w-`+ud3pV}uZ( zMwsr?41RDki$V9}ylq8<-`+o%MOD!Tyg#0E&KT5*0M^9cuPXO#egAmI7;L(^*WLj& zic!ayIAd~(=0;8`qN*>qHHeuB!Gfml>Z@ zju>v4UD`nm37oy1{R${mNlPRmjRA35EZl1!W8}58vjGFO+{*E&2+4B9b2-WLhi&|pN*LTV$UV@+FM1U5W4}h!$j21t8{?n@v|4^ zdNw2(rIOC);p9lj5-`g}Y})hvP?cT>gtm{Ly9nnc%`sC>$N+aE44g2l(4a`!AZCrq zOmE*G?QCd$kPO<*S?jdLz60@qV1o`g!PH35#>g^Vxnu#@sBeDJ_XUgJXP}u#7%b)rQSJndswf zCnPIRGqW)aS7!e>AafMr^`+Duc%{(mIQI@3Oj+|B{{0{CA;)^QF)gN0>p1s{_q$@% z69Y3NZwv2VQFZs;NAGhCbEorc%Ubf1&HdVD$n}!^to{wl1PP*mb+{9=X6@|~fc82@ z8^83RL>Gghoefk6HwV({*Ls(kLyGVJe3UgykYAPVu~Tf$V52ZnR#6c zGxsspb@~4N{X8r9Y=}LAs;ae)LHOuhRgkR^qmDj95LF$0&N)g3aeoNXe3*p@P1or2 z7Z(ndJ*)KIN5`_ozWm!=i?nBV^8H6We$?_BC2&6`E0>q(=C~V~*rtzW?3CA3pUt|( z6ndL=Z*E@JOipe_PO$fxIVv{fc(kK^``1_CFY2?6I?rdzN!Kl}C5iLLdxkeaRERkQS#AY$92AT0?w`F z*gypja#|BP-G5vAK5~x7qrn=Ra;SSxIi8QY+;T{vpZ!t+5#iYFb>LG=;gvZN4$MkOLu$xDJX+OM{a z_V**ED4#ht7}z1fp!Wf$2-0#C$u?t>)3WB?#sw$966q6XjDrmFUYoXTxt*O^h(5VP zpobxEcpB#SP+Rx~lKHi=sr|0wd z_T|1U%l9Aes`7H%f{I~Q?-yYcBN-!*d9K7Y4F0!uA)?-gh{6v*OudgBFC!+i9A`yr z*0z?~`ZSYk{zSMDohWK(qsI{EoH=J8_NQ4;`Sp)G?Z+7uZ3Cgfh#{iBA9E7XvgBHO ziou*x4AU&7m{WAO$9|NYY|c67ZCl11&;86P{PEkjA8#M8_uGD+s`ByJ-yhG{`*ybe zdf#g60CYgngk;}724n^3MPdv;-yTazYsv2ZJWd3P;VHVW3wRVU=w53~!Q696qB7<* z_c7)elbK?QA?Ug;K{bXj=5%-X?(5lcgv1hA_&gex5^mmW2ZnFC6-*lN(nQzZ>%~Mv zA^uCFOvD)HhZu5>5FdlD?{1B^ zxI|F-%sk|vNoSi-?<`v$ZLBYgn=iM*%I8PbAmx_d{`~N1cr7w9NZZ(D<9&@iNk6YC z3$`3SO@cBJqH3`Dse8rrD5Q{=bfwwPdC{mYi!EK#ook?FDaXq6pyWQ-sU1B%DX zM#r#5xI5M7Nmo*j_Oq+9h~N^z2h2=v=#C~v^?p6aKF4(TrR4Lh&*za-L@fgTLJX?H zwRU01Ue(PYm;}zx%$ezS+f?D*LPC?M@E9|w^xj2OMQnP^X^uH<9!J%{^=!*){^Q@j z&N*i{4m|2iTUfs4pa1n4ipC}MeH=ep$U%dQbK3B9iy}OS_j9!8DED-HG?+De9qsI@ zl9vbo2o6+Y&L!gUl%Vx!_usbjS?^z#yhLC?eL7%VLDkG`dQNegsVX`*T(2<(=5|ap zr{@$(jxk8iftXlm*d$>iAALIWxwlcLxi7bbuDcywn8~OeT~%X>5rL9x{#?g#%*xF5 z9Oaf-cz>^`u40a}8-$~f43(|)+BN9@afF~DDXY}u|7Ys$mL$oNY0PN8P+|JcGOfq z?Vv5=zPddvkGF?SyF4#uw!al(V!?3C0JhGdqmJX=%B`+XxjY&%E!RBiV8?NZm`i-} z$7}IW7KPWB3=@b8BEo46I@Cvp?6OWqx1%Gn0XnnIdHr!)F3D8cF&^oB zjaUerqP|D7&B-z$nC#`f-IggP-;M!!7%{vUy(yCs`mKST2Tou%Wtfnih|uB1kOAc{f%y zf*t5Ag917nP3p|&o*dj4;QwRx`o2XOT~VWppK#lIULq669L2fWC)%}Q4mvFa-|KWN zKKkQcK^FENJ;!tk7C1EVBR^p?r`tK^kd}lL;>Xnyb_O3k`XB01(X%_+s7H%A<~5aj zt)dP1V$&Wql)+b@w%Iy z&sJ+=zaMBW@ZR-0o}RWC12b>SvhM}=)PMQ&Z~yLZ|L}kOpa1ng{fEE*FaO^^Pm)Ya6i)qZ_hL0!PW3Z-+sEWLH_Jz{P29yoTvV`2ta zrj_m^s*&xSnd*osoQpQ1?P%28EK4f_*u?7TxCq)x?uT3Vv1 z%{Il!ay@(a_O~OXAR<0U+gp2dP>h^+%TqQu|E7M}=tB;(Ykid2rm5Y(?P-ba=%2nk z&v}~rd+Cqw4;|_}_u9+7_~gI;%WH4Fyq4!*o?gB@!*mF3-CQ@wW~ zhF1D$BjosaJL=was*A4Ge%$N!oZ}jGYFeXnlC~^fh}i{S_xeB65AY3}V>;nE^tc!A zU0fnw=g|id+fY-xeY>?f5I-%CS{{{*%A+|ifBx@Z>(N{7+tU`82&I3&*W+H&8WDX% z$wNp18N}1*#Y}20_?Tk|J}vS3a&g{0Zbx2o%;7j{NFnCvf^V(Udl3vf#`i|TnL;5V zH9J$(;6sC<-tjpUL~9TX!1iPId45h=7$zK%URpc4DTzDjRpLbl;8T=x+^);ACR9Xw z?{W%Q^sQTt0kb|`*1WCD*RQY4q*I-+&gq0zXYV6;kM}S*wBwnXks2t}&dJkt^WK@N z6Ddc5(y3FUcd8acXsy@UMO>?Wz~HOeduO3u`|a1=MM+PgmtkuC7|gW&l*ch%|8bA2 zUp^;xEJ3jMfCG?)usoby^f8P~O-t?0^Zuwx_>j|_C+fHF@va(VyOL>BL0LbIduW55oT3E{^tBi!+G|IH9vC~RJEKlqkg(3huV%d@5ems;!G$NpN2gQUK3ovE+t0X; zeH7La5$RCO>M?s$(yq7_AcjlEWX8m;%$U7%;)9FH$0ej3Ll(E6<-Nzu$G3Ps{!Z@Zpd=cp<79m1k>FKdK11@HE9CggOt_ynErYd;q*j}YI`sBghnM1|75W^gUm;m@AA_PB1 zA0Y-ZOF4n#3kw}w!mV}~)Ito8x1Al2K3s6M^m0@zs#@u-bY=ohWc1PNXtf{rlD9;T zV~!ZjL-a1Vy7#iT%k!pF0mlTY85Jkzfg(^H9FeIS7y>p4)kyFyV67i>c)#IIcD3t2#-3P zlU_OmhTdjc)2JgZAub6nz?cFWj&YA~d;k8YR{%Y61M$(NCE!VJM_-yXlq6!tJRKZ z8WZcBXflo|q&1=cc=Umb-yE~-b-gb2sK5K$pO?#GX3Wx#MrNZ<#8mQ@QjX%#Ms$Wm z&5VfW)VjC0#N&3rG7AL0P8IKBjvdQ7C*-veZ(aa^Bmf1XCZlSA6Hd$DY)REiHdg^#p4p&(c+p2&|AnB z(c#oPraM!Q*pI?;T|LqGJd~U=ET> z@3Z$Y`e>~mM|pm^G7;9SA^6@05;(QCkC$<(5}P>b{d6;rKH0H&hGF3Tr-O{b>bD;g z3zyek-`XfDo_+S>h17g80dxruzfH*|B*RiY_DK#IxDHed>8u1xUV1!!TXBhOy^YJ!OCMK@7Ek3N4c!|e&4+pED37s2l~9`Y;Bs_ z1c5#}?aJ?v6PyP7YhmWN1fa3@TR{aZt_>JCX4kj`ak9Ov$F1(K$D9U!2pNqrd+m9N zX-Q7F)gi*=UO~N+CK35OCli-pxc{VPm~4Czn&{edlr76p=|_ zdVd))<-#f;qYa>w=&xu#q4z2q7Kt(RKEz306Vi0}d-gil%Ys$2s*$2K`TSSFIq%*% z<0z$RWjN=Yb8unJF-M!G8iIFToRi+q3VAvkI@pQ0=w=54kRcYsvH5W+0$dS(7U+X` zsY43;?O4`iX8WzAC5GU^fI9X{M5Zbyfz8hK@6@wrNzR`X@C?8=iDRT$&JVO14*xTS zVb&TTd%Qg@WpDVZ*1fGy%hU5E1n-=*dRAP!pZ@L#44{Y$AUKRF+;T7I4L;pheVUT@ zURYv`j@gOy)<4z|MrNupg&4gK4bCxhDecqC6$`lM>t@8SZ}-b(ZLOSLPPQR#<#r~TTEF@N~=4DCD{CFH9 z^7{2=YH5vmOZ8~$(+YU4onab(e|_{e5F`Le3T?jlgn&4E8pM^(`@K=hsrMex^(*Y$ zncsz~G{&^4&U+*;N1ZHEj~3VHlaDDd)0~Q}>+IS}128e3V;m9D@u)=BJK7zT>^xRf zEu>J7iuwrClPEH$dhY-$LDasDthbKSQKtg?s7QO~fTO$}ZS;X1F%!Eed5OY|!ySFA zM8?eb*Imc#ZH_*@cQFMraNNO_bLCdz5_=iq#CtdD@X_tx_c=5!!AGAj3m|$ig}B7G zUvFuRy^QsF>7|7f=DAHKaZ(_1I0-or$kW2*USYEL!Cim2ESKbiPg^pgumn{lwzx)9 zBQqDBu$bB$vmZl(#3jOg{`TwLc@Y*Jik*157Z51E|La>^LMwxboO23yiqffq2Maw-+k~{Kb`k^Iw{M5u7dr{!u##Wmke6e z55Ih_M~yLH=IXT%gsYJE3ND<@ooAuJeBUw?v2*hH{vaZBs_UHa`S2Ol5)m1Fh;v31 zQ;0d(Spw>@USr__a3qtSrcwIXZi70|>!^DbCn$UfDZq3z+h|88A|v}yfber3NRuN| zK@8APx&QOMsZ2Ddrs#k9^7*G9pNQz? zx;S70K<1oVRY4LG5N>$lDF8(*q#>{>e9(r^C1SjDa$nhtwuyTrxA^ zJI;aTTpkr;V(+t;zCAB-iL>kI1DlH1zuZ(64;Tp_x4Pd79QiSaRtFRN;L;LjpQF#1 zJZ9TvOECo$<}6#TdqW!A11NlQ^T?*EDXtkYdwz!{lt=f$(P?G2(I%vH#E6*~@Mtsg z@$|81!|2I2&!DglL*zq;GIKpTXsY_&)Z5A!eXiH+f4Xnoq0jv~t z?ksuW_o6F!l`tw`aus)mUv)y%IPrjTmTH~RVN+!%I0iBPI_KsXBGTLGVMas{n>|3l z1chSEA9i064k5IorJTr2m|GjTDD~2pEfcz8-{C@lrRw-Ad6Su1>6qzpi#SKA=vmN( zYM_;z#!CdfoV-7N^nq+PHIN%dpDCwSdQ6dpV+w#T&#uJOOV4YSlV-V=M=V>RwE zX7cWAOavHsSyDNwsWB1S1|E;2)t;A#Tw@5n^*+W-ONdJx=!<<6V%l#7V#8=71fSPL zWN%+@aY>KY{qnrweHa7Se*$trPnCk5ch0%dx)HGuGf!0)#Cr$E*8X;2C&SG3QPBY9 zyxX1@oZ#hXbE*W#%)s4*f z|MM2w=l%NwDWbO5kOIu^K6orKoge`zKDfN3`lzE#GV{TO6t|}(uc_AoBZraMG?@PL zB|#O=YlIqsTX=|GyqoQ;gZ=tX-|_`6VclQ%>kk)n59^rA^OCo8+)FPVe__niqfb+< zj~a6bOZ34rmc_#2Ma@_kGshgW*TGD)Yd_}xcDMis|IAy)xQrj>=+imJ3DaV-8XahCRF^1kc_+2>Dz*{h-ITe!=zCIYW z(PdU1^|+UL_Q{98CWD;&09*j}kEd%+9b@!9#qsed%O$I+bAp@|LzZe{N0y- z`?tUQo8SHP$G`cqm#S*N`{l=!VvHfB_;lUGN$@T&d0q1lpI`pw55H{d>OC0wY-VXm zA-HABphTrLEH6od?5{M7&(`iD4khTlT@#(ozoVC4*cHPnQqw@wzXUeB27c zC!^1_L|ALmf;trWkid>d1$yPjUta3bMjs)17bK<-f^%NfEad>r1uydK(?z#lV_JfE z?(H2T%M=p8blrKeX(2lC!ooVNm%+?F3Jd!n^)bMp^wI0I7`+cpoQ$s8ZPc?)%Q?wg zz*kJi#4jQ)o`@hShv<MZnT!mhsLPL5>ziMCP*|j?8eE z16{*MC*Wi2H60Pdfj#bs6g!EK#tn zAY&KYM`Rnw(t0#@Cng2&Tkpe(kWo3>^}5#5y$Bh_;Bn`6!h2~;j=z0-`(OXz@BaHg z|LN(nmDZgI5RJq%RlReMz05gdjB{!XVa)k-*;;E@Gc8MgyFDP%hu}+X>ylH9zkT~& zN}E%2P9ieKjNX^pjLw-D$mgf)W=1jiTD$Y^`}f_x7?URIail#QFrWiu-+mff6nvS7Mj=j&;2aEjr+bc8oF>4*zNEl`gduRNq zkSHOb*Urv;fL6|N37iW=nuKGHbO!$w)7!asV@gY8 zCOh#y&dm0E@m{8?4-TXMoElOP$F0p?J39fiE9SGv3?;sE%rPd+X{J^mb=2`!Ti2N# zpx&o*^0*y36`OIagGN^-9&JMOB_g&0y7CZdWi_>y8G8hI~u;hE}Wm(*=M;IoAz_5?cFCYC=nz=Q%_96R3+eBOT7%GMs z=FoDh``3dVUp`;()|(m`i^y#MQ%W!R<6hV6GWzUg< zu>2ZGz5nxn{g;r!=O3Pl=>GZ;Vdp&p%0BwwTyJx>k)ZI^@or!vA6&WB*%fR9abirM za_M^=W8G_SogAyq$J>sgx)A;C`=ji2ds>tXFZhXT80x%)=#bxyIkuydkxv0v3dDRv z3ZqUR9dZa*T!baOujY-I!&!DVF^a_{KyFBDG+=YgVh-g|ok*{v>@}wdnPcDUwkt*@nr%z*y|M2&J_~Y+?{Nd&D<%j3r|NMDd5~2iqslR={eSN+C=`Y_NM|r*NZ};7M zw=8*CGBLlrJf#$uB|kk~pg^Y>Tklx3nvs&dz1^J?kAAc;76UFN-+w!69+$qQgN4v2b<`*`F1h2a?B9ZVlPT z`sfJE*fc~iM<4s`_&`PBKoG~j{^M`#c-G;93&}Cl9J9CSg9AIL9b*m)(f2ZSTHQO& zSRc=l^0WlFWtc5(X%2-h8?tBNpZ?8@8I3lz>-K3SqHq7>E#?rHK<608%siUbqvuN^ zI=LmpT=#}K0gmvH{qa`Fn3yK`w%(BugcufLC*lM__T`e0izPcv=P~)1qrl%~hLH~W zHy=BpE&XICRitJeYO!c42TY2^V`$cz}z9(pR%7Uob@0@M=fG7y}t zoGgTp{p(+L(Emi_c(k;}x_A5xA*K)!DTxq3e+G^JJ&k(uf7As0{SWCukZweyc`()U zd#cE#$cemEBSwlqarJT{C~t-Z5&g9&Wk+>P+xv3Om~QdH!g8#`j(fr2deW$g{rP|q zyZ|T&BDK-Roa%#vju}qCw7{>3wc(liB_cbWv0w^e>_NNm<8{Xc8)_gPA>hb}IGmMP zJ+J9_ly)>oilC!M-pmvaj8=ryu4g9Kk$n?|J5 zfWBlSSc~zW|557YUVitCG)V~FdDlvVPfk_KUcvmv8mQMk$7GSbr1N6r_W4kpSejxmo?fB5wDuYdlUQ~d4g>+|(8)n1-1`%&oKhlk%~ zi~-X4wk>0fF{Y9lkua&*?f%F)mD+IbU}%2q2mC^2wB+RAxScbG(?&vk&ascj;k~=v z_Yi%nJtf4Xc+8PPG_x4}+31lYk-fb=0Of?!&3ng0wT+x2E)^o|onM!XGb=bZr(Q2> z>v-x1-c=ueaZQ`4Lfv_+H9;S=XbKC1-4)UT=@5%htw7Dc07Ub0WMS1;89^*u99F z3G@ANnAsR}FSU(v95v^7yB{b$D5U`b=AFP03D_BLB-Ox%wCen&b#S3Y=Dgy85|))G zs}TX%6_((mzkFKFXnkHrJ(n$}=As{MlzTz%0c?wH@5?36F=w0N*eAcfEQTsv{7(r{ zpW9#V+tUg;Jmon1tb2_)K>|6mVrTE0ty^Yh@h-1P)zT7s?c2+?J}n_fP!3ILw8=!+ z8lQr~nD8tTSxCVLC&6o<<iEA6%=gJj(udEY}Qt^ckD+BEikG zQUJMcPVGk%FE+K+maiGiZzQJN*&1_7ceuc`qdM<^`5S$XHtW&q zqdM>K^fD8vh2XrGCC749X7=K)msM4BitzruJa4EmK}vYZ>4#5G&)4nq%k|Uq_4mL0 z_{*2ifBeIjpMH4x{qKJK<;#z^$G+tJ%aQy}PXW`LZE4rfR)U;PY~drM8?>sjamUqjye@+Lj!Qt+Y-~=G5B8Z~uCm zYWrIa(IJnxu4#5{r7v58b?yFoyz8=4+)4F@0|&L)HVyMuxm6MAZOo==joZ^2q8E|- z_j@lrL{H2q$69+i8Zc;P=93?NJpFiKrn0y9bv@U;gVHkUWZ~mhafGHEKCBLD33-e7 zyAe@dqX?%Zj5fCCoVRF7z0A=kyd^fxd3pJAZKc2cdQWSb1K2on!MDAQuDuQ)9mp-C zbmtxFz(yG#H)JRd*q8d`*l|6Y3tk+GE7zAb zuW8v*ul@6vXD3o?1 zx%vH8!Di@9ofn;kj%S?wxFePcIi@(Nr2(N~s%H*?nckxyXD|RY zxVY5q%?A(5!+Y5_xi5eJW4YJ3M8q_)lmXNkdi;7_9V`98cG+wSnMT3gIYq zSyCzQ6nRywm=R;0s!PtT_tr;>(aaD#>7#GkdK{&-Ze%fpHoC}pZ-Zlmh|rPVT8CAx z93@6yTStG#3Be>hS{g@MgwlRjPElcWsE-_t}{MbwIZb`|^VhGRI z%eS}tZ{KcDPnX*Ix-4Uk82qQ_C-?3p?Y+ZGEh4u&97N=tBc|JZPa!;CH|N|@3S1Vw z4^@5ahxh)zALtui*BpJ=j{?`PcaF%G9I@Iq)zL?UKbxi2{^{j^9nHb*z_!Nel8nOn!J`pFV9a zAXOvp`$wLA9FMwe35L0{w-EjIwBf@r`dqe*eu=u*yyo}SB=tIC3^AU&R0y0vZMt{! z2;yR3DM4iFr8)0xD%K|J^AfUi=n!yJA8mbEko$c4VXN=Ha8olf=VkO+j|OM?<%iA8 z;^NJW)Z!ACYtpItlEH_;p}$;nJzBn`xW(hGU~7!%q;uSkK}5@zV+H`nV6W0?&P#nX z9lC4_j3`V3N4Rr-f7{IrWKTZv0J=S`K6&qbZyoDI7Ixmb;M&pR5`6M35|;?0Hue>& zszZ%v^r1#9JlcdfifseVZZZnVNgft@isaT#EAj6RsyC-?MnF*2-fiEO(rre;Pl z`t`az-U>z~!2UxFIK=CzdYq0m5lL$reY*E1*Sfc~##Y+>b@$2VOJ1%Ewxb9%hZH(C zGi2`U`}=G2%K$zP#5bdIug-H^;zz69>{G|AkCrc4Skz3X!YnlVK%&4$Kiha0@J>=E zL~g9e%Du)M0={!bI@OB{fPxG6F__VMt2sqsX??UlM5NT-`rJ!1qPP1|YAdbxsin5k z8hWr}3fpDf*7fD(NraEq`EWH3pwj{N;B)5_9i;&S_?4 zZ)pqchy&|5*}G^ma$bCr<69eL#?7yv5{vlcwdpLDFKHZ8*f|yln=@oxvsU{4TCn@x zu36v9)Bw$7$3&dgs6%@jHZ8@_jvj*-;#xWrZ#jn$n7H*p%pruMR3}b}uG{i{eNrM* zRbf6_W8to|w86qh>E-Ce{PN=!qe+S$=amS9A7Ezd(-M~e8y<=HAfrvNBS#&~QXl=C z1Nf{)!vBSL!i?I{i0QbO=O3<*`%&%{UQ;CdotOHkb57?N#_^c_Jasc7;p2OS5=6vL zpEgJpmzP!NgydICM|%-FRh#28Vl5Sh7+lkfnsJIA44;nQ7e76Ifmvf5OF)Y zk8Xdfzb<$(B#1-PEzw8M37$Pu3&G#N9YDd3p)t78(M)^F)hYYYHAXk5 z;kJ1S`NGWXf}rI8hZ52*J=>iHKQXVbH1mox-l_8#)Q5=M5Y8hV@Tmth?JPQmwx|#Tt96(jnn{7579%(#gkU|4wEp}4t7Q|$%zot z=#xe8<;PY8W;4}U_ohSZ(OT_9-23dci*P*}dL$9I!0!cOD}K2D#%Dx z-TJ&>gW$YOgdnHJ9Et1%92r(aV5g?zmS|OKU=Maov{D=G(V>Ia)dDvZOin z_PSp#>v7b8@xi&)`nu%S`v?B%z8}PtQ|f&XQ}4q$2MSvZ@i>ZeGR8zfeej-$mYjrT zj0pnNB%|4-3Mc? zb1sGO{p}V)P@Ud;@8mRznlTGA1H@@&PnT^!3c`!Q`7V}f*D+@w+L7pYE~hy9 zxIOk1{mawkUw{32-B!FFF~-(8QQPx% zYh&E+2bo>Bfl=Dq8^gTY#BPtkjDg1sw8{poj~j-zf*%NVnkhHG?O z0xWc}lr7tWN6L&+iXzf#iz$Hb4p|~Zhk`l-nr2S%vfmCLJ(BFWiQ*$?2*2hq+6YVV z!L`y2HM(jd+{>ts2K$Y7ryC6}qdE1XAF(%NbhwofbHJ^2OvO~kBDh%BQVDQkHCS3> z4j~3&cFvVYfdmqwH#N+`WY*gtBInqN%sJ;&$ULo%kDWd&dq9%uR1w~9hx4*r@^LS7 z%yO?|%-Ki2BzD|NH#?2IKDfL^XlVeL;NXiXu$Od6$GxO2#2gS#LcSLK5T8T2RdMW` zo2Qs@MRqxHPy`|HC;?}AH9LPKgl8u$n}%}LFa%A>Z@M;+(Zp22L9-bT!!l@3;q zctI=yRB2(JbH)@{B;)`}!3S>ve3;QkI~t@idG7$)T~oD-RvipZSC!fH0vj@p9v&O0J*V;ZrlO|?g~|`M5Jo_V}E(N2JiBcj-&kD-~GWzORcy7?2q#L=lk-K@e}ZiZ6Hc$LyUObuKAh zmZZau(sAg=7*Yt%yAXmAEjh6W6OTE^82DO?kTESwe0vmjT>J3RO*5S~r{*;s_lDu= zcvOIxF$@9J0Jot}XOAfv)uX2z+Hod=NGT*g>NrU$M7Z_gE^*vTcn6CS+0&;h{_~0G z{_P$Xj|4g98y}pHjz!9&nbP{a#2oWwiAzMz7>|0)VUAf2=)oQg6KF9^v_9qIUgyx| znvlP8!M*+Z*q)bOdb!mQy*M6CvD(5iHeV77H^fU?7;NFEKo z0F^=uhcIDANV?Anzc`)kt!GS#K&A8nfMyNJrxb97UM~rzpfOa(j7#iw*1gt8oqaz2 zaD}lJr;3`Q92!3mgocR>y(q2DwzpPCT4G+4j~*q4F~^Uf5i^h0(XWT392(!C{l^q~ zo2L4BJH)e@otWJ-OiR7aIgB08p~wN7TFhRj%{DQ<<7Fo$=cJd>%0!|U?kNcHvn#X2 z#bdDpmS{{quE7Ntvu9>7sg~!2CV}2&?~|ClmvfIAeeZw|aLWF}kfLff4Mgm`hE_&Q z{!ApFtRaH83i(D6hTWWqF;5Z^i>NBw`E28F&djD~@CGpzQ=4sW*Tp$*M}K$cs}sRT z(|fS0i0J%MGgB=s1YeJ4Mwjb~KhSxHEKP3%-h}Y3GoEA@ApnBn5)h8}5msRbu8BA) zdm}QCDvtXBAQg65V@xPb%Ow$U@aKMjg;8+;lZBbZ)2s_?y^KC!nI=LS&5@Z89@-FI zOzcL8;Fu*sU;})idlAQZjizUzGRz3GD;8GolIU4XBy!5=c=(vv{q8^feE+ul;6e&S zJnAqt;8W0xPVY`TagJGRYTetY1B|WPx0~}m1n)#z?I;Li;?YM4{^iq?h}>?ECFe0F zaMbu(IFa55%6h%`Ol)LC=H03F<`ime_xt{I-Tw01_ZU5t-F3}s+Q)#(etYaW#mi;w zV+QZ1DikjkS(l~O#>}b~yfZr$*`w4DLTw%N&))j=y0x=`k4K+-sn^Rk##AF@aBJ^O zq^c=|shVRP6GMW*nR8uN5$R(fENy1L|M@2~Dz*RfpMMkQo%ctr+j@TczrVc^a}43A zEr9i5G*x@=(^N!S>$SC`)G_Cp(@|<|E$4TUn`J)=Tt@fDF~*!zTkT7Z_s0n|>|;#T z-p85~r1a6px~A5~7-LD%iFhYqp{i;OzO^2rFSYsL)KvJ)6hh~&M|V!h*au%rb0UEA z#1tO)BQGh&;JibVq7MRz2qztWD06CvA!d)W45JwC?s$=U9nQ;%_Yu~9(%kU8>9q47 zYXjwic};58TW`l%*wovAtO%dn<#~gd4{IOsVq`$~AlL7sLoY^%VX7YYf@7T#>OUWT zLYWI7=;)d-)wIO2H*tKPXux$1#o(xV{%!LTaqxu{ymt~Lrm(%Ns;a4; zrNTz_QG1(nOc#CcQ#_A4LJs1%+$-L8e5*nVkds+NyB@cK#E%*EqdDhpe|ez3q?bPX z%xl`7R~-sacime^q1>zX*~@tO`B}TBC9Y4a;DSpu>R^%bD44e4qn%?y3+eA|%|vwU z6@2{=J^D0Izd%H|WX?8S@V$(fd`xkiwxVEW$J-&nVWp7QY^Ly)0f2qn3MS_EXsWhc zvrWxga={C8$N{T=5n8r{m6v!VG72UnaCCa;efE*jLGre^2Sg$jY)khW20_OgSjUX)9LJmGi zSOO4qWKi70`q*-+2_w{QoocW?gb)SC-}(?gW^byORt_m07*2p8Eg) zqt5PCnJXnRNV>ZjfIFXl*f3_sQ%ItW?l1uN410h3a$B53_Kn$?2s-uNz1-H@?NUm+ z-PSqhl49`Ah>;RFrnNr$iP6x#lre1*jcLQIA-QZ!5f#ze`heSYPE?t-H5kwz+fhoX zwXRESt-pWV`xuw&%FM0x_g{DQ?&IfOy~d0G`R|{&6vsyiH&15u(MFl^>eP!Um(M0n z5dG`CV`5>k&ZABr{A@EsU-s7PU^4YCtO57DkIn~&c^kG*>Xg{dl!-Bgxa`%dT-F%W z{qc7D%a>bp`tf;eM-ATfKK7#!u{edDtoKoC%LN(1Ge%vOu;=Q7+x9Y1eF=~AmY^8@ z=+lOU;6rrqYWv{$opzs4DXo> z%0ysJ_~4JNu#gBp?z!wGq>wH_gnRG!jbMtHMswPz!zUk-vtcgkXeWpXKI4{$I?0bl zW`1#K@a{j4bn!Kx?hY1KFY1MuM;~SHHm38ME?$H~bjPFCqusu(=@$Px$L7?TeB^iu z@TFkE=$=z>=xur(7{i6=%F$2e4{QfdN!#x}4SFGZ(mv_@V}j^|`QI`_Ve6wwgpKH! z=#5W&xltTd;z2j=t*@7KPG6^m6h!FsUOR`EIcN~)L-WjKbHSY_8l0|9p)Mw( z-bPwNE6B&_aS1q~oOj0~r!}aGdPUx)^D@UQM~!QUYnXkALsSvAR%ajscsW=CIH$)W z@At!bk10PW?fUJ1eTl1wUC((mvrNRj_T`#NuHJi_#v;9TfxTa3zh|4|;3sg-In8@% zwYSpdv}H{y{PKF8V_t7-KC1T~ISbyo6Hqfo@8hzjNwyzFn1gr02N5shRHO8(_)weOf!3Z zxiWLD-Fr2nH6`Sp_Kqk3kEAf~w4bzra|wXT{`0;Gi}&tte|$MgRn_l5-%n3!AL?|8 zK~?^*fBD;wU+;5H?;JC?-eU}CCB5@~bnjj7ea`vUZ(l<2-`-xPS?isdy=tj-&&4~< zrLHM%M}B*`eEV{{KlT`X3?7+fz4yzygy2yA;`jRUdQBmGeY@4x|M>d)m#=S#D4x@Z z8JW^H4fEF%mlhm^HxMS-L>SpJ#!M-Uvv#jzOp?o8|&S#EgW~CEB!fiQxI*0|jO) zVVdTG6Onw+qmJ+Y?++phOI&VC&)r9t)?jD)x{N+iI@i6j^6l%jY*kg_5=WbCG}^FX z%O!wBR*xEDnA2)$*Vl^=uH@pQCt&~ZOl32C1Np>w<6$5skGY3=CNm+GemcLyNo^_ zA6tk4aq+|)mnh7&)Lz@DgN41<`}=l#y{L1&_LsK{i%hVRgdqeH$1i_eS=a@~!k{Lg z$Y7OTdR&7r&oKz6+)46exDkBva(Y6jmkxb15&7gt9|R#o8yIz~b7#xV%tAPy&IU61 zdD5#)ojaMZB54Uk)a!^Tq&41uK1QFQ_}9|5E$7naoVUwzy)3N{ux^-mntAVuc#H`} z5D`Hm(B}-nAEowTxwbJ)kwf_G8 zxgX{8{r>Zx?>=}49yCbZ+8i^z#qv>SH=i67FE}aldn2RS?D$zk#0Jey&S~AcO^ZwT z{PVHCEOGJsN5;ndxL2HZES$HRw^H`n`#A1LucOxv72@c_J5ABkq}SWBrugx>_cmW& z)?8YxV_i~=Vb4X?h2YE#V5>Q&3J0&t;(H%`4r1yy4e=E!*p-n{2rga1IMFwPq4=0{ z^ufX?ykL&Pjcwgp9%XOqHMyrH9b;z5W{!IPRqzX*Ue@P1AWW%gY$nAAamk96)JRU5tQPOEt zWgdN|CD7U4Grqf$YdPB6w_93cEiEqL{m*-A9rJr=wLjmtfHaBPk4J_xnB~8LiI^cQ zF{8HkxQ6*mt%8m}E^c;X;kx%TxJp@_v^;!td8^mA#pZcJh3LxG;_6|-Wo8Y^D)0u_ zwEeThC5ThJ563VN4tnVU0~BU5vSF=^cC?VZs*W~m?q*iECd`-DrSAPKe1u^yh8mXe z4H{tvWb+iFJa<`aW@WD~D8V_20?(e{OJ&9=(5U5(UZR%K>(Hl!25aqF+Oou)>vLCd zYJ19Fu|^nugy2r6@+qkoBRi3mkiRea_HDr=4zLh#NXkHdR+JdVqC4Z%6p`}-!s&bzlSw-|$SuC@O1a>+-vNj40oy6d_e zxuzIOZP)Aaao^SyLH?O$Fp1*ULNW{UY21#%6LD)DhChr4QVjc%Z`VuCMO26^=Q5}D zKA;ggN{PYO*2u^?H|Gq&tGYfq6Hhx)4|C2KJf7{GOYlBMkL53jmPgJI+98cO1ebF| z{s3c4PDDgwbgU6Y_<#M&-~P|vzccgS|NL27N1zyyA<{U8u(=5d>=k!iXZ7S5~ZW-gfn8F;holx!Of`hvo z-Z&_ujxE1^eOcE9;JLIWIuq6mDm0LEj0hIk*_^V_^}-FqoO~y-!48nZ*P?$(dt{=L-=< z=^9%d0H3jndX0IIjpTM?yke<8pZ(Dt)TcxO%)^pP-dlk7j0ZiLeCK z++y^nfC0TwpTrcGXk@dW)97;4*~VytiF)m2Z_X=(Oue+;&P$39H!~N!1|4JeHjpS> zw$j^3*Mtj>1o+;D_gZsP<@>J(k&QOSoX3_$!mdjIZB1&4fPpr-q!oS{oDWf z=l4JF_kH%Rs#xu&6l?3bRPWvEm)j&e_UwZrAqcXs-(Sn&q?5iu=N*DrA|ku4iG@hGG>nYre$+8%uS0|OHd^Tz44>6)X_E*q zrCPh4oG62g&H5yxyw#SwI9VuB@wen72Mj^;c>K^m8!DxW`h5sAs$ zKz=s+ps;De(;1Q%m0mkgCoQ)*CSLO1D=10G+*KzbxpWD5>-ylt31n}l`4v2pVWU}s`xvl}yq}6dTO%X!qE2j5Ony$Q z88+)PL2tdq-sflo(TZf$%karL)l-hxhB#TS>9}hYEMno}%?S23N zIL8#HfaKtbo5N79FiS0Gya4)#G3J~T4+8#6m}r?9-xQY2ph1WeFdGoTdFl+27y118 zr`hRvo@d<0e1>uWS32e-BcPUSJ}nkRbmkBoenDn7cJ>*%xO z=A5EvIL8$%Lj2<&@3)uBdRhMR*Kfym#29Sa?e)UUmo+V?P?bSe+8#$r@&37qNc7&! zmKggO!TVe)5tY^uw$)l+mpJF_9UCBe?uj@!9dml;mLbybsM@11w9)V9QUe{8`y408N4uoi)EnAoKlJ|DaH&TJxm{ju#S#eL7~l0Tp5R5{bck7G@SFph`m)+*+@>;z=f^<+}7S zuCHr38oCG+_s+Xk8p>b%Jikq2W@lEs_lm(1xQ8&Tqb$Zk3=cv-Ct-qWSe#&_1YlpU zL%^w+hBzVhf;>*2T-i#m{rYXqTXjL91++PP?dSD$+S?dy%x0o2PWO+aY-M}j)oV=Q zbY(gHO_%|`O`N7nNS7qS%Wc8DryUjDz9{$Fp<7TVwKQQdqxEI+Az+d{+aP9Gi?)v~ zq#)q!_94PHDenaofy-?rqT^BG5>G_Z(O6lOU;p|7s9cB+hsqoiKNx06bIiI`yvoBLcIx#dK@jY{FiG#jY$AZEwO&ibcAkk@`19u@rXUPC4UIlT`PfTZqA~gC z-v08k+@ecfoQRiJnyCCfJbDAXh)`1CUu;ZqN<{gQT~H|a;jduO?y#tZmg%T;vdoP| z)H(E`42wK5I2$+;_<1)zk57Snn9M>9qmP;!Hg(sRMMMzR?!8CsVDJw5ic;Dbv-NS5 z@{jND@1Kv)$Mzrp_(3d>?bwcN#P1*XAHP1Ym-X{=d;j>{wu6lS<3IoL@$n$xU%x)T z|M<;)og|{196;hgFUa8^!3}@ejK&7n8JEpN~u11pA<@uQO!qZ zea<>(x4sV%dHg-kKG_&12Ol)1Q0`S&t($u1ysJl@W8mHh$s+<58NlczT+p}#X7*ml zEN_*W(;7n1*)0UuYrkEW+hy6dY}34IZDUSLF~ks#Tx#nvMn#wrbMFnbm1#2s9rKL8 z>vM{eVa85+9cc~DDK<+e3mCGo;2!TgiDv zMxU40g_)LH^1;=kLAro2klwlvr+bx^;}S%8eMzjc+#;E^GVr=ULjrI(5t+@n#=I4{ zZ}E0wVH-0a4g9prYrU@LJQ-RTXBC0B^T)vI%ow~}*1 zO$I`|8O7D#KaS6zTg~nIWvS;5(DI|=+KxI~8KCCRKFzF`0b4&29rsF1sMJTBy-nw3 z_F3`}CU`v5sSUfnE${!_SlD^-!Sy<97;?U5pS{A|HN=S##nt<$EF6*}mf5FI4g#Ce zrUrfacCAMv=2ki}`{>geh$sZ-oS*GnlK9pXZ!##xpaX5u@|Q@ZPmLz~Mo>09sId5%>_`_-t1VJWpDjmwBiDRFYgW&i*n07*naRJAoCiXrsYr`fthVY*zF zlwxcB_4W4H4kBu8gm9`{n5mTd`f>$YM?_w(E3=qQJ+TZ_N*!aw5a>4(mk?ddu$h}# zaPITI)z*ycfBx++|M>G)?>$#+`lR>H%%xTpxvWdB)j467kyCp?t%C-LM z|M*KE+SL{fBE|5<&tYt)#zOxv-R=uxrN|MIdh$RA4cT8i%a+~t|f5@9_o>pqN?`R z)#(^>jFFF$mbgC-Aia7Y>ot{Ji8&Vi`zVF_ig5aGln^gfZ*Do$MRXRP&{a||S~mZRc{X-A8fG@g9b(I*jl zaaWGEeeS50%TdUv*Dk84HBmQ%&hvQRginJeKkLX4ea-FIvKc`)b${R2+sWBPl01x+l{Ut_eYwmr z(-NS_Jm=pc2=pnrBD0K{MWh}TRcy=6%sPmTOg?zHz(e}|eJOYpaq)5W=^Di;i>P;H zFZdil$!ck;GTLykJqbf>=De^nbXM|TBX;g>umSbs%&3=!INMq(e83RuhzRHxB{y+$ zY*|#uNh>v7BE)9I3}NRV5005y?XQ2lgyd%*`{!|aS;*}DpLZ8TRMN%2ysb;} z*Gu}BfBCW`zil}zS z?!9&p?um(n&>rWb5>s3Q(3aSAwLC@}w=b8=>t(quSjRzNi4E9tiTHlk+uBOoKK52; z2(I^u43l(;w{N%Y^B}Tx2`sn{?1J0gclCny5|u%#6Epa8QcH$Rn>nWo4r1$RK-^NR=s@iR7jiM;EVpZ(gTdjVIP()FqMo=qui5jtIjM~)R zRH{bJh^jprTkI{dJ^B9d9665s0m*gW*LA(m^L(8z0gbZ;Gr5kM)jrvO`98_kQdTy^ zcX`CpY9N+(R=bzS%P6??(=z@963k zzBo8~D5}0|4!IOWYZ4g0PsDk!p@fi$I+)vJ6owSf7!9Duy}6t$fJ@>=9D8kzJ$MN= zfVCmcE+Of{LWRIxSmZWT>4(Iuiu!K5RsEAhVgG0+TB0?wFy5Hz0dn$B`k3$c9o5ns zf%`e$0_o=WxI6dXs49<7AOv*m-;hKzJmr0@5nlVMcW$5Y){~_9D`(7#WI9{- z7>O`ogtpI)tHFM;cGs<6L}dK=m<_L;O8N~~yu041sDAtU$Bfg_Sji}X!e2c?oMqYT z>5H*n2Wubxx#%?EC3g0++KvWN-~2`)K9|r+ODQTf`|D}nG2v4QsvF;oxu?t#ewd*f zdaIH9(SjoIcg_B*r@!3AloXT7*o)|rEiPhG@rtol zBU}@DYMULj$Ec=`1S{8u=GUk{^u;5 zhlM{oT#mgp*jyTWg2~GGjP4gAT&Va(QMdx8CDviclOBym97u~|Y31gueP8397$-r_ z`v-*nut4(3{=4?VzibzBZDFuMPG0SAuTfuJ7Mh-(H;` z?h;;hIM5XLUh7wi^kCb!THplm2<FjdplISr=*$5 ztyZj-<*np&`Qjj{A4OfD9cKT0S6H}@t9pvNqLy{S7fwpr5-;)J+cI?^Lr`|Hw)2A{ z8FHwLE3&x?Jq)N8ekt4M9*cdjpM8G|Ioq(31K_0|js8lbrBc+ey-mDQ!OS7eHp5;J zyT;A2df!FuUHkpz(D8Yp>ZlBM1xdO%CkOQ~a*EM*$=x%Q6rU**2bQqq zKuVO3hdnJW-$J54ZcChEqDm*xaTDLAxa|=0 z`O-I8$SjoF{&EBB!^gJ+yOWr{9fmf(bo3HU$U_r-Gs!Om3;N2FF+sr4#$91+61ETz zsPt~S*(bD2CQnyE7QSlgEndsktt6`av!65RUUTYYTW>Nk^QgG(>Y8C1qe)BhIwH=x z(Q6+8XqHqdJU#4d7DnO?&B`Q5;3K&ZA?=+;-TLINS}cIJ^EEgoZF}uz`q_YBqlK%J z(1V*Z!|l@#+}}pveYKCp!m<{!!yhmYi+t2e%hSs?!difk7fUlpr%Lp z(M~;B7I+uRw|bM_!Yys;^lB@t16kRUR-^WKZM4^WMA-GEO++YUI;oI}Q1R18JvEcK zEDPx^9VeJ*oLJ32i2bl!-c4jve_P$XQ~SY?4IIH8aOLw%mBP^Dh2y&T18UOmZAM(* z^xz}JBVjbuVTM^_zEhVl?eM+(5w9OB2d={R@k85wPz%+yi>7sCkA$V=TkPpkU4`)d z-cprtw*}98Qn$l8CLlMYcZ{*wCy3tDG1au@S*OpK^E~cX?Aef6t!2V>DecyHLFn3ISlFFeAo)xLbF93X^dCOkZ+6k3`a*kqfoFEukxlj*N(oQps2g z7hY2*H4Dq=UdE3|V+R(!^;B1+ZVPcQ8Q{anrwKNx(najR+_BL@^|Mh*GE6QXNsI~i8I#};TA``a+QbTd+2)w_mdU2zQhz~3%tH_GHz{A zjHH1%ifAh((%g?6;|?n3%3ZGIby@Q;zmrZJ8u}%-)6%{>Y^8K!4@s;OKJ7sV#3iOK zhRrosltZXqh>CFAa`a>Jp83n4mb_a3Y!psBfU=U~|!>``W z!(EuCmw?+UIPPqooqS3u%y^<*Y9s}!>GW(`CEL)&1tRz=9CdVls;A#Ry^j9_e1*ad+@1saFO{ft7G|YNbI%%~g@4n!R;J&!My18jqz-WB}qiE+Z`*6FvZ9)Ja z{OM_(5Z$L(`C=m%s4OlF*75V7<9=77lQPD#EY{TKge2fw|L!R<2W@ot;@Fed6uXu0 zt6l=uKu4Ca0rE=HOZivpC!KQg-lvXsl_z4Em2gXcm|KDQK3A~_ueWsxQ&@&SJ7+tn z0K!Q*b|8hT1C8DE+mU&3Vc4WV>bYD0!p;9{Nrk*7Dg(9k?1JG=j*Y|CsQhwjmo_@O z*Rlj4`Lw^H)(^`hnxE@hD*ar_W826qJG9KWkWbWinKc#_P@I|e{w`IdQWU(->I4u0 zaDR7KY$aQ?H~e#Js@+&>8cdRWkn@fs$c;mq?q{HBb+r@B5*fCsgv^1c=P&HN#K*kO z0QXM7B>^airTM1D&y&s-Xr|CTh@a>nz8j@7t*%g#aIn@C4(ka9&Pp{^@J~%W{Eth( zy0wsyB5A!`H2;{Zun&o`obAKw!=|iVe;tjI>g&i$i+yj+**4}CLKsH^1QfLXIRPC( zW9Rqvq!&I|F6~DeKRJFHlbz$b%B%eEqo75)`(;$=u-H*RgV3*5Ty4duem`?P@4*KCq9unkk@q_bPxced_=`UeM(mH}Qy>2yBMu*Bg0I zCkgh=Fn55BExPC@Ol`wy6)WBhvm9{HKx z={?2VuECqRrU;_e{AaIB!wqP_?eUai&~F5!)pBZoA&9_E(dL@~MlM3U;&PH0MYqAA zRH=1wF2w=V&gsyuhq=v(^*x1-j%Z5f|F+&CPNee+EL{04(SP}?LNb=Fy!B>$#*OSW zdruv#@1>JOG4vCwXK}P<%3L_Qak%I(>cjDO@6WYdwD>IEeiDv0;?57cxn7ZS6uh3B z+dXY!Q!h#y7^an8-oB4{JtI{D^+hI6YHe?Qm?rc#0B1HYNBXX@pT^8K)h0)%%!u_C zrzwM*ke&wCiL@3!AD@18Au|J!bjdF8)=yB^{gAd0ic&=ko(?s#4EyU&dHR|Lc+%Eg zu9~yX^|2+YS5#z7Ad9pepeTT_ux7Sw;3q;nNi_ql12L-x$7~jW*Wc28LEAP3*%3$$ zBXPhwu3qdvc|v zG1NRw?CXv;kn1hwJuiRYesqrYZsn%SIA%Eqms37uSyv{c1*_%#M5Xt>z(%mIN~OK@ z(m(#dLPm8{C-2~4%)fu*rS(|KKO^(ADNqdxNBeGBEhMEWYV4O>&9f#SV!rYB8Dy9u zhy1URwq%pUlJD6i6dZxG?!wR1VkXb8{*{!jRyzLiiBhb4TWb6Mu^oNTdO+*y;M+9w z@GK2l0WJ_O!rIiefK9H7%~i=nwMq=}v=6B?47afPUOyGJ#k|+})=w^zVrqUQpjOlO zJBKgbWFAECadLLv-AM2H?Jp4Wy;jQCa;|Zot ztV$i*ACRt>rx!X|l;4`D4QL4}hRWLY3N!YMEheA zG4-2>Mj{PINaonB*;u;i*Kem~{6r4uk6@i0ae^ECXO(uDmjylDDIk^c*FAT=B``rq z=N1!x-q^^MHrY3H8tO{eFZjWFR58M7Ura+k^F_=`i*+F95p93@yBOs6FTo37ih_|j zuYYhGyZ*+Uv7fhBZhA@w8nP4^sC=B{1rt|Vrp?*S_R5Q0cyks+h^&K^bR4+PdJhf& zA1nj~=4H{R7Bra2^ARjVf)9n#FzT54^3?f2 zd^>s@S6fe^tF7Je5vf0KhTitje0Z@A9NxKc`q3`5(V^O-s_L7ZdT_YH(X}locbo`I zKYDA&UKs;^SuR^VVYu?-HEBq>3zfE$?B4l!y0raRJSjtJJiGeLcfXJ=)&ib)lLvon zZb+^aV${p~cdY6l<5-acBLQi_N&}U@Pt12AR&Fw?Qm&*ZbyV!2CAMa0J73Sdsvy>q zTn()f9-@xnXD*WHl|Z}^d3efp@Ab1j;pX4uY3wPm!M6t)&umx5HPilRMeci2byta4 zjIFILhbf%)LGyY4le_!m&|$j4BRO5E+9KIy+Tr@B&4yS-r4pCv1p15nnNpy{KCR8m zS(@WKy}LbuI?3%L;#EY zsx{$OH1@_lKMDUp{Lc=6MN8k9x@pl{QtiI>6<9~B;N{}a< zD(4VBvbCch9ua79QYjzDVlWuXcF019kan7_kQ9JrzsO@5o5FgRk2LrK4BydsHJS_-|aIo z8R1$_d&Ya8e_N9PVpE-rC*lK~x?ursw2rx^8J6~0NbfAq%a!$Z^Q!M(f3Y`0ork!y zk4`36=*@RILn$dW{Nt6!WgMuiE)>XN zv3}w)n2gfZ_4z2Ks#cl(qXMgWr?6o9x4Z|3GQxwR>&CpuVagZGIFFS9ov`Q1zElj{ zc4~nx!>mc;?aeLWLv#7|5!u;)KZLda7-ArUnf>wYLv7LzSq8Y-r+~>yj$F-cT??9l zeHBba^;RCWm`5fiOCAk%Q?wTHndJg$Bo+M82t!Iq`1HB~u)Sh{#nR!|?qrbUV3*_0|csO|m;h}%~BcenyIMyoHhyo*|HeK5CM6xF4 zx5=PSqD7eMc>T_F{uxTajtGeT53VW!loYW!lcJlA&9Zj6Ya3}($&-p|Zyq#?{$0*3 zZX|jpv0CM|FTdpxTUx_`f7TwGO>5ewmW9hY(YF&YZ2HQksDk)h%F$3WV zRoFNwhK(a%bA{JX%-`YFOx6cYn@;9FVaii~mkeOpf!2uX@GJs?SE$-D?_(2myHtXg zCfAC`DBlmyF znl=8{KN$}Wg{RJB`Yv?jfvh$p&6uRT(*~K`oJaC!-emARJOL@+(7gh#r{g zZ2JvS44^8l5&mrp@gm{+sztf%_V)Tx0Y>HC!GAGLgSFtB@Lw>qPX%o?3s-lY9A5|i zs8m=`h}1Q)Nc)YFmuFW9g6h>@_XENS_*1V#^eMn`S6getTC1$t%OHiIMq;Z+3@?Yg zI)&t?aK|f_=H#7Y{{P~XblCAO)Y^b~{7Ribhdldb4w&jekNcvo$vYoY`cIv-^YDH4 z4PE_=vd5xZl`_>11;++|&Y}kQEg|T8Gj};<(X}ts5_`I0YWQ_@9XFAueV06(LxOZO zED_mch{gk>Vu`xCj9AGd%LIx`9|e(h5(I`94rPf5{Utn3uwH|fzL9`RQwZTfc!1kU zA=Mgk`Nb1xoPC|M-~+QKoHz`t`CF`#ELZ~FSvi9c?*j?(?LVaOwb^RK&+;WIx!Uv6@KcuNUt~4BAg}@soN|#pP=Ab$#s@S z}(KS6Y!j_nj0;^kAhPvzS`qkjMe*$H*N!yrYC zOXtQCg6-bqH_)Y3Ceq98vGw#tLXqR$iH_|euFWVD2LfGn4z-eCP0W*Tsi-bzpv3en zAw%jl$9DTm|J@?fTqMpj);bnT%v$<-y+-XF*SOQrgL^7nEJhjt%SjSFYD_cdj&VZO zoh{ac-%Q0bh^BpVv5udh*X6GzCjI-An6kbHFz)~BxK_BeH2(ogoxE_jEkUC$n84`S zC%9BFwF&9$X&?TxyOK_G^^{rp`+zo;3Zf`INlBhPl{@CIdw7v2y97-d>gK@e`d&z0 zYCcuS0r+HW04rqf-Z>2DFHK>~cWO+4>3%PY1#~Y*0flm+KyFF|2d(*(kLF=wK5aGM zC;v?dr&HbO(jwWLH*k$FwV+cy$oANJj`>G9LJP|T%X(;>^a{7);MMki?xoy!%9BY# z>N3}2<2jGs(58x#buHAn1!?_yMgjj;hSDejGI4dja_F=0SHj}Gu1AXP2f-p$v7UZ`K}_wPd5Uz4yYpl zJYg>?*}kQs@3rx`$Jl+${IY8Nf!ekv=QXW;6~f5f5Jx5~A)a*L7VRMjMfPUOICf%q z#RRMG#qd0Cn4nAQ({Y4G32opK(####P-~1!W)U=1&V*@Ny6L}520g{C=T+`8V!(G{ zi8W^>Zr%NX@adSXA`Mu2`BMx`oZrzr&h{O)}(m%9^$)jN(td?M@moHm(P?h{*( z(Dc#$9$H4n&Xg(cwU`V*1;ydB`Zq>?lmrpI0oXRse3!#Y*I=7&Q{yK1AYM7ke!QE- z2uZ<3e~Gxvd)^!3q4a6KjL)RHBW0pR{vA}T{^!l^7uCP?c=+AONWwGpZ6vncZ`hnJ zA(?ow9rID=Tk;k%KZQ2sG}CMw89V19hXZ-|6MiV#J$7@7z>{y-tmN!5GjqP*=$g4v ztZngB+EWHXT}&lk&sZLC#DF_z4x>&KrmCW1bHI)tMumRn2buk_5Sk059rLyob3%eM zrf0=^l4D?g`_}?H1beGXzK@)kyGc7la#)5`(JF?6Gi^w;SBy}+2qSXb4GQqRJipmQ zpaHb*ZVNcGr>lu7CsIf3?>mxbt=JAQtgRJJpO0%Iv4K#wN0qe!@%_dkyP+KQ$eB3TOsRGQu|Minr?mFBIgg;@m(YF#y)Z1LP7-2j_P6nU`hdd zuj|RPpyw-op6j)bH^%LDk4~ zgHrVQ4{t}tvjl;OteRPUJ3D)dDz< ztE6OlO4F1K#WNdq-BY99A*n)`DM>pzJs()2OeJ>B(6xwuOqG%uV8tLeB{QN3%%kPk z%F&HM_SHZAH8xWOq72u6NEEC(T0L$LEmPTRX>72ylV=kwR{Z5oo0eEL^}#a(lA5e^ z0Q}9=%}DyP4Nj+g#~=%FjDgFmJhb>|Ka0{SZYqe{VmbD+sCL>V6k8`q zX~zh7g2uB&f}O4~ek#DGE8~LDgx*(xm55xer8cvC2@1k`m);lSVv0}ODWK_8kdO1= zYkl6I!6BM%u;UA@EKl{I>cnyrBT1$Ho({EvzGmDH@y|jVlpWqcA~{rw<=H9=r6TDM z38I`)JJzc*|A|sCI+3%Bsj2F8<>zn4m@=AsKu0SX$tS^3FfOk-eY?`7xN&q2(;&pM_IuLq5v=38?GPGKjD<4oa)48 zaYWA{f|m!!=@<)hufc-(7Te1uBl?ru9(nZSsHrPc{|l7U((Dnx2ng6&9I3-%ipyN~ z{WX^6J6@ATJm1L}2ysX=w6c?G1xKMP*cl|as13*CPr2bjD@>Q_=2fk`Mg*M2o`ScS z5s~o20ivLtyVm@xrco4JTxZT`5De2}7n!1$_qW_ZzxRQkxWOz0)IxK z=GR;v8rVcQy(%8LknI}U*2uKeD=-`+VsbmAg(NrbFC;6rij z+?%H-VZQd2_7uSuFG96r;jA%uKWaCg&z}xE; zv<`A4=mOW6I)8~M7oHkwV(05kwqXZXlEVMvjPw@NiCxqyWWpliK$M-RP%NV?onX3^LRK3I} zNyKu)!@*7)m2NFT=+4ian}6YSO24eLa~VS+w9YGQb14}{)X0%5+ZAVaazhy@ja61$)Kw>E|LW}QAsgGC}p+(%LdR#(Jj}Uf=m2K=DOeCsyuj{tvhJa)BVf_bGA)?0*@a(78J4qz|po0w_L0VN#ByQ(8)aYTw z@Z}?=%-_=w9PoEsxOD1$8WX{^(EGu#!OTNYuc{KNl_y(tPIk{4sD{SzORnm z>@n|u8%lequzl(U95{5r1j$;J>GGlFje`3Od(*cK{cdyJ9(JEGaar+HHRc$06*<^# zo9XU)n8sae0FggI7fkP9jnts17T)R%MECPoy~Y#iUAs-E^2QRy6q9M?&hi}yw^Dp&bJEx=T} z8z1;kpj6Sza1!OX!OS$LSU&pEqq<*uy;MgJi&(zJT>L6iVQ2bS3L0~Ov_9go8Ckq3 z%A6Lf4g2p=X9?7aFY*#zxyzL*=J5pb?)_tG<4K)W!&s50rAw*!3vr!jia=dbH#uK_ zH8wuPZ%z3KP(j(G#P68;KR|zL>Ie<0OG32NH?$G6W6$@XQ1@Nj48w)=?Btxh@#)(3 zmz+zrhA%yg9-5ceJ^?!i*F{f;fra72I=}N2xi~?oN+r`v{bD35qjs*WH5za z(zq{wfnhL9Olq5*$-g~85^BEi;FM>>Lh)v9XD29r$qQSaim{N$UI&?yoENPft_4wL zujSKq0~Y5Nn%jFpD>!#64{q;1s1(+ax<@?IDi^gRPJRBXwx?}9IgBRIQ`NY6JUy+@ zX2=OGfdgOkL!YAOYrSwFN1OfEhRcgH^*TV@66y=fFYd5G$v8S2m3DI1B3~Vf7A6H_ zk_2telkB+-(H{a+v!7LRfj*LVuaf8MnG!Oxxv1U#GKdkaZWipjq-N$W`EwUH!D*3j z3^@;rK|fI4VZB#EF&E`N&Zn}ECXJApq6pYyr`^EX@3!G@ApGeTsoK9SDIV?s)MW>h zsjT7`k8a3Ida^NQ&ZZ%^@&yt0JoZgUd_hOx4>X}xiN)s!EAJyzD`=VJ_^?(%pKe`_ z%aURYjI!2qM?ae@ds6WE2K5^Jy*kj>+|#j&d2q(B@^TW*VrYd$==~mssZjXsBkHH7 zyiAWq$*4HwF9>T2#ZYr_Fy@PF_2}T^^4T zbiBFuH<#*9xk!TM;sC`20M&t9w5i_aW%V56IS%)?@2bT$y+}(hj^G8!UfeukTO8#O z?R6_Lf8sCNY`L}4R1jbr)KK@lMi^K5+CZOMTK!01kIaF-ME&Xw0^(CEcYRV}1U@>^ z@n$nm<7mb|fPH2@I+`>2-89Fc+zXhMM>*e0<=K|dM=`xpR_J9hD#jIjpFVWpIB$Ej zGiwuvxx}c&bfSJU&0^dO_xx!90#jy_vT=Y*@mfE=>kZBqVV+3cKVE^?hfA=*M76A6 z)4!S4)7O8wiHl*UJ1fJZCNummufI+M=wc-o!xGCxi^a6HpY-`$&FVgIX6KQdpzzAo z{M`$vjk+P9dDZuBdF1xOq)MU}cBe>hSi+*iQp9(I(Sra#1y14jxMYDnD8eoz^1hRc zqMI}Dg^0{j@d3a}zg)kb0jQ4Rgpqq<=ZB_V#+-@pUHtkm+{)7~IquxVVRV!k^l7(OL zbj}POnY?zBd>o`$o#Osvkf9~vK_wSxe3w*~LjtWY+4$h2zr(Js>?@=-X3mbzeyHp}BeS#0&IV2}Jd^5W2vi@xqyWSKtb0bZMX@ndY5}=E9jx;H zSQgU09KQH+DbXW@KmFQF9xzO?G9o#VyP`QK+o|@KAHIXq5F-^?;?xY5MhKdw5IStSwW_UiY1_UMa@a(rLm(d_^M&jI_1Ov`{|L@U63d z-uY}pTIPK1tkCCoALCJ?+d(iLo#0Nq|B`^sdi!%JA)Na0sKR}H2jt{27Q^E&On|Aj z<5@Ha#gr;SQ#~P*Q(7u%%@e>^vm5?>bdMLBGHUTd+>wiTbs4}|e$R6o0BL|inTm0u z??`(6QX(sKYdjEDXZs>-b)Hb{$;7N0-}sG_-M*26?)Y#c-E;j9aJ&o|U_MB1^Z@#_ zK3XrStU#C9ZK#IEQ#K-FD6J=_<{jEeY3$KtC4Uo?MU>H;*hpI<5u!06*4m)L@ZTiK z?rlAiT0I%~0a{kZBYREA$EoZf%R=AE&Uvn*KQoK@i>fAW1U(NP*3H9qGr#z+b_MfC zJ>qb$_0H$Gdkp8MDL!?=q|w#D-w5k$(!1JKWq4-dmCxcH_R(?7-V#e0Hhm?}^jn@O zNVEsRe7CG30t_!t#uop;>FD1wP~CHG7(ksG&Q78$Lz&CHz?AxU!oT*H^+CH(QN6cv zF?D+d{9FF1Sv$T*uUH=QigQa{p$YPd?llr&?JlVNH}OKA)@>uB)FaO5If+6sEl_IFcPg57Be~YIRyr{sKT-Ti`|IcJQqUbIBB3 z6{z?0>?MHU&bYd0sce+O%J0E%u?jcW)r4LqLR@KpyGY?@$1NU@H~gC$=>L)rx$uhf z=Qx3}z>X&v)(0x_fTGoO!+ChYDPK86tI}8RW93vPp|XOIi;#k>e*D4irHOoSV3|JP z-?1M{(R38NI(Y1?f6XMd{p*A|9}ehY1XEu#X&9z*M-dnc#qrx2++9GK6seNsfgCNw zgFRb$HfR%{@+`PClS;xJBNhLAc!B10kgGQc$eas|com17A%j zdn?bI=3amyCF;4&v-u^&zu6ZO)~%CsdG!PP6;#?1Yfp@#7TJ1PY;1R|byK2#HE|hp zBpQvj^OQVF%yq#@9!A+c78O_2-HiWx&;KrSC{ZS?-vIe2Bhg6|z#anq<*^WC_|8OKJQ4*)k{d^yhZ0sYN2(6LB%molME)FxE? zA|LR3&2X@&bfY!tLt?4VTMD{X%gIZyKHp?!?Wu=IIUUEVh-5__ci+nL%&q$S z=QFL33>C@6LR&Fn{uH=9opQn}!PBmXcV-q9K!v(8#WydAb-CZhaba-eU3uk{Q-pMA*#CirOd^d58-_^IcpXa)B)!!MrV9` zCQzepe9xK1{*h5n+QOwzYn6&E+CvY18Idi6`^VH0Vj)?NU^p9kcPWKcqFM);ijo_O zk?wcO9L33&aQD)qP>3=LHMJxAxAfs30%%;e%fjE~>!onC_Kw;qs8t#KzK}#^P~8Jq zLDpE7mecq|NlqK4kNo$C5)qkr0>iv*+}Oyu&o+OqAOQj_k|$Yb(aD{|gyPEwJHPY$ zuJ?C*nuE%)&ArYsiZWunv1m8S!N)1LyIxA^JaDgD!CXpS$U|aV?XHY=M-^7Y-^qi0 zPD`YSHyFyw;h4w~P{k0pg1lsZAZHtBsP^+dGllC&_|N60*cmM1iA~G3Pa*x1Dl^ni zzkUQ{r1Nc8E{#Hs7W6{O6H590&7pl-yiaTDE+G+b`Ea%2T|1Y3v5HVNpYXkFwsjEl z5&M;c(vD|&`50d~mNM8m4#wPCG0Fpg%XdDC9E@YQpHtdbKmhDHGPDN9jAAbg!AEu_ zC4gdD;z+kTPi%Z$ah+}b2=0A*Xl0{;uxiOV_rUn*g7ldu7t}&5Ab;1;=FO^j>hdN!l+92us1##d>~6k+yd*Mous?0#6E#& za=bw@+CN$@Q;h5vZEy*bgA2jPtPeH9Hw02eiu1SAG95LvrK?N(neYj=Uh9LIcZ@e2 zjAJU4p;B^q(Z=NQxR8c>ZzwAt2pE|#;x4>T(v##rFX}iu)~Xm~DJy)SOOO5b<1X12 ztX<*3b(zX^!BJv7n8!xG7T{NY24koZYkWs+#%jVi$tN=!fW2N;zB9sQ#Y{TtsP{sE zk38>OFFg;)xUt;osK5V8o^EgWctrT^R1A1zWo1J>?Hg==MKla(e>v^;eJ~kAmUGX| zw7Vu=yXX5BZiRY^nbQ#^eyP&Yd0{xR`aG%3Vj*?3Bqk|Drmt{JYwM2<$p_kI@2ZbY z_c)3B)uq^ND#b4jZjXX)%c_dT3vHPEtgQQ_A3kMhIi%RoZ{)p>9d=%Lf-z_96BeWW zISkTTn!aq>)uA%9q{x{`OT2U4UeO2-k$isudSCrmVu&xQA3O)qyL1PocA>whVPa11@(ti?8yPh0=5V_ghJaq~FQPGG$#MPD0_CfvqTM79a?Ho?Wx7zZT zODuE@%ZY&S0tpGc2eNb;Iw#^)L~A)oy5KA5iz+MUBQ>BKby29=u47j}0YT)=%+rnt zt$dc+gM4f*?Z}D_sPFYQyFy=b^Y#%T4Y!e$0ije-*t^}%4H^Mjq%Om>^a$PC#V|*{ zvPM90A*1_PW=3fuv)Y6^QI5M)fZg*4jnMZIE;rbpSn?68lw?P;uPF|gUjdPP&N7yU=b3c z%{?qc2vQ@4B&=zBIEY^QKOEM6JJEOfc8XYr+$sRjm(CDSggL&RTG3qNVkVYP`I@6$ zU*ARSg|7m6@N=m2a*_GnrCZ}ZU;OrRTh?Ml^z;S-2L?~b&575(OZ2pU@sb#tU>L`7 zk-WkXuL@8#l8S2=OVd`W{UqSt#K9Y$rC<8tv5kk_siE4_gPA^heb=@b&DU}nPHHMl z1q#RJHIZdoJ4QWLyunq$D@2~Ap6^R@Ha-|r@8cu>^VczG6S@0sSHG@vpyuwV>Y*V@ zBKr*tOQ-SMvs7o-AI?WS2%MY$G$&fgyT zdfY){X{-=9502W1P~pFCn1r{Ccy{$zd!z3lXVmE~n(Wzpsc}%bibGS}<+TXp!>|Y% z$iv`d-W|>S-B_vYhm3ZgEk)AHw9v3xI9t4$uVwQ)UD|~5FO0JVOLEee&($F)s7zH_ z(W(!NoGQU#%6d*-!H{99`z=M}7*Q|uA*PjG{VRYZ*MdWwk=J8))cyMV zthWrz2bl_5k>YWj)$#Hz`votZWnplEV%sKI>L^Qlq?_21gt-YT;da&|ZZ{qHrE!&g ze~!_5-K-AMfR7tb&HT;83e?dc0B|C8)T>T6`{ni`X@2f@m$AaD@)hm(%%4I(;U%+H zwFxC`;YEKYo4?3KGCd0z*Z$H>@`lmAik;P7FfOn`PyZEh4|>FM3%EX}te{M_3es7c zmXY;9iN}?drwKb*CW^7TTr7G~0#MEvb(+506>wS^hJo#HaeNQR?Yprd}y7dhJb z-5QGkVhi*oQYDChhSki1>pRTl{C1s9GZU)FIi&gKAbOnL;Wd5MASQechmbj(Hwr>o{zHpB%dV>-zg%>&D$jaymVv* zq*aogY&hq4+&mR0#T%QN4aaIGe-W{#cv3_n&O7i%$+0O~tozAK23TLujU8xrl+efF8(T&u*1V8e z_A-q`^WQi}%~HX8%lPLU6?C|{+J8T|5Ap0BTr4rUIwGTnV5 zR!i#TJ*XLu2vcCF!urhv+uz1t|G1qFIN4Cp0pu00Ab z1NR#qkDBd^oxL$^bA4)+2?(E*Niuh&GoiQzkVstOPItZi6FZR-B*ieo%-r6Rje2Fv@8LVZRO^BltNv!ZCf@ zUM7uYh8_`a7_-L{MalTfbyzQBP%4Z6)kmbl-RJ1}z!Taq2oEQ|WU~~W1C}+*f{^VG zJENnzfQX2w(qzvdXLRer&vur|Xoqd&>dEoS&Hn9``Sx)w>*BSGdQgXp-JZLrnEwyU zpB)Q7kw{Rgw5pb#wxIgH%E`2O3{eZmLl+X;ZH}*LG=JVB z(KZ-=+h|n=W}WZJ#ZY+I_F#EBZ(mH)8RNONqS1%PAliv1?Z8&4rWTZSx^Fg zC)<2o)oYLG`XuwPH`q_`4(p)tD&qhI7T7u&7(=)u`%p8h^XA8gaXqPAvHTf`6tN02 zN=?)9R60?nM2WXq)$Sn}RInKtpco9|ssCq{;;%MkKyfv8qn^Cr&pBT&Xgw+CjSeE% z{KHCxE&kNa?8y~t^l*^bdH$HbbK=MDBXz;MuzTbsF`5h>Okh2&BptCe7XHGTVYZO@ zHN-73Efnh|R68C+qR?)?!K!@fgTD7tO8JkNI<9^90VFu15y{ZHW`<}TmBu*c32urL zfTEqiXkh4_*awOl)=iuJ6WU9^TKH|gLUcTfb1I{A{>>!mLY>ltANv+BT}svvV_eAz z8)9ytIxH_PUGL_vlp6Bw-T7ITXBIk)U=2V#MD#h?!W;#rgel!&j;0}6C0-}Po&K5e zkQiPPHsDVf?*pXkXqDLIA{18OzGz|31soG|%lN z@#=HbgQZydjfsY6W+G9J=#2B7%gG@Lt}%W69lQfWg=9rXlqQ)2n|Mh$6QZ?=hWUx1 zivQk`A-JpX*=pVYdjSxvovTDfPC+byh$5bh%p`UTba2nWRV=DqV9lZ1ikLdEJTLNO ziV!%ce(Ebdd$v;Dp>#4=5G$_`C`%g@T6Wjc7CXP4D?Ie_$gT=R?;m*XeaImzqqy2? z!}%};fR)NRvU+`piPqBKD9W>w7j?carrf!35bHT;*_A)5<3YWIZpZP31cqh8$_nn~ znd8~#0%cOCq$5SfZXA|u;fU9K^RJQmxN*sLQk6()dk!+{7^%(+Go^d2WN|FoichSm z-G8wXf1EX5-_&zowTVlQMBMd%&`3`$selS{dvsF5KvsD?Es!<4!LV1H9;z2Lz;5n3 z_v==4HU=m%w&OwhPWjD?n5H-Cj|>k+M}S7U5DIddK=fw%(av2d_{JD3K-~wUXq{HZ zzZ^ybNPg1EI@_G%L4nyf5335d*Bj)RVo4I#b~MN5B(O#F%3eGx1})U7%{J zB_mCDWJdO}xBgXa-z7R^O8eiZKHlwnCCLQ+zn7(Hj!67HY^iS{5HPj^j!a{kV1Veb z)a2Up`+1H>|nAhuYV{##s7fHoh2Kp8+W{n_f=eDd$y;$lM85O*W8S)E{? z|H@M)Ii;<-Dd&g&H&E(P_FO^+SH*cbsh9^@B~HB){#QtSRrWaW#7I;0A%NB-lpv?> z@8ivkoGMqtqg}t|&*L3f>!;?n*Bk^((hX+`z`hQ4ITD(cA27>F>E5fuo6glx8jdpz zwrzY;S{kaVYGM;p?Dto-PuA=ua0N32Je8klfcqkiLn32Y#7+T_IF2)~N`;_*fmc`Y zz^O(Zy0gOlIX(SQ+9tghWI3WsO`d2Aq5E%Npge;JeDS&6J-M`Gv;7X}wP>%8vrMQT zM33Faq8uW*PKEIwQGVX%fX1!7o4UB3+MP>Fd*9qQDouw3z4gMatzBGSgUd)y_qF*t zKH+cAnicjd(-5~Ew^wtF!+h6grv`?Z2Rt)n0-OW*qq>V<7=H&@2<+=7Bgu%DmW8N> z7TVO5vRBLRXq2_})J(6CCjm&#AS)fL|Gb^I;^=iS+2eo)4v6UGb(2ivHKx5})XvhX z;!xgg@ZRl*AN#F54rFteWIp{Y#AzBrnvvxWLIc46gh?Z%14wY~3)DIu@?@%!X|1Cr z*{!hp^!SlT=l4Qia<6|t`U4l#8Rlal6vf;|Nk9c?NO6R>VD{H;8bBEgPLvpBg!fs1 z=lScHF8Xm9Hq?%26`)97 zhE;$yaaiwNd#uBXk2ubj6NZm1s1|;RwU^yi{@TiuL3v$Kp}Nj!!qN+SQ?u-5+XeA% z_-5p#VS4N>Q#h2iumF1_vtjZuwsnPRu1|ipbV^I7wHIh-SsztIpV40yTi|b(K`&d7 zbv^wAG{xcbMpv1lwQ%IhQ0w)B^ta0HObp;ir4FG zioFSHkJboPt4i#mX6?N*@-U!ospPR_#YdS~`;PE{N=_#h|r>_Qw>cvSNQRUZlnQJI$Oz$Wvpik`ZT2 z9$v!z`F8^W?MUZy66pMT!7wV0Z-Z!s`l}_FBH;braS}?kNP)6%IFF4@>26mdY?S_2 zQu{rGK<$HHfI!d()I5q)N`HWS{6bEW{}EccW{9hMpXaV}Z1*u)2*^W;0xbB*e*d{f&Hk|R zkz;?H0#K*r$4F?DvoZ31n!B?imJ_I9R=A#S71I}9ZrZ%o5l=`ndRz>;fP(g6CMnKV z2#m>N-_cW@F{xBAzTC94%+^O{e%JHOYr6iA-yAAB(5sTU&RFMhmx-lBq zAqppvCddVB9}zWUS!p4|;k?awsof{Y*`GqGC=8EEU=kEl=tVvG*M!ASAXPFd#Yw=4 z_A;Di=m&}fGV)`hpezlAOPH`>W#k%eQ#zxCe~AHaRR<9OMCdWY`g+ybLVw~erfOSz zz@T)Z^hZf|u-~gbF|Abq*d+MPt<=XMG%I~x#1FyJphr7S%=BI&CqYwA-Cl#^1`=j9 zm^zb~bD5WEY^csX$c-=Q{K$k`HP-Z?UOC zPQni)J;4`y!EM)*^^MJP^Q=kgG5j1!xw?vXd6Z(4Nb#|P@SmY)@m5g)l6mHTSKeV} zWPz1)RMK)wE8_zqMMdA36o4*;OoNcG_aS8Bt!;t`YKr^fpr8^e7Li$F5B@dQ`1~B4 zECO@lZ#bR)3Qg}wfFWs>9t0m`60j?3`n4qtK`7m-vCSYr>vX`rqUHx2@O^0kQxRnz z4Wf*btzVQy-WPy@TAG>YV&CuY+U`uIree*4|M4H*14M-e$lKV)#&HA z`MFVTar+V|wczHe>Gra*a=R=guS&z@bw1KjoH%i2^ML4}Xd3hMRUV#>St-x&D>L$5tuy{Pz$4KPEPdD(;A z5pfp~c1Nzg%8ve}eSDgvuXCR8(2J^b;iUJ6^M#Mmfoe3u{OjD7BLccsC-nGm!rB%b zaUF~S=a1HG1fMjBFMCyYJXKeP1_ySELS^?xy!=cRX%Q-vVRMb`d*{C?b3Vs{g~|2N*c+~0vM=CkjjsNf&i;{ zAEg@>gM=gF<7C(Z&iOGAEM%vCmr%<=|H21k`Dp#P+0u@T|7wEcK|cc;k}1mSfnPlQ zNez*FZ~Dcic!)}y14J(4Yf?Jasn4jy}EuXw-3UnKAlOL+^kJzYDX7V)Ys-d?YAH6Hb%;R2K+-YuCk4h2aWNP zcJ%|T4(yd*Xp=AJ&dP_5O$4A3m_$Z>WkRmdj`f09Ueg(5uC^2UVMW>lU*aUc%*ev%HKmo^HylO3h_aF4Zdzj3ZV zu{GFKSRZi^1d=`2gx}gDRFJq;r}mV)-HkGJRJ#giX55W3Gt` z`39c@KPqQPoz{vr30->8y_7@4NPp_hO$NK!l3#?wkFuZbh7+7wdnn(hxO95B_l8mi zBofdjdfv3RC@NaCIm*IV;C15=64Y6H-V7rpblDSP^$>o6mD+27I^?y8?_$6jiod*DSuU#Zp~BJHcyyH;qp3#z z&{2}^r!M*Ue3EX~pAJsW@i!OV7n@iK>tc-|ClT@FiUKAzO;hjHteiP@1{+rcBt(&~VPhDzQQy#F z$KmeW$E>~Wyq=MhM-G(Mp5gU!YTZCfnPsst+^wIUsIm~(e&*-goaZt`*6_bCxp#IM z71iC~&C@kZ!p}Uu-{eo|Ff|{nP8`r#^6s{W_)uG7m-qLvJ8r3|Prt)^wtr^!4#|9( zjn^hPbBWq9_*wdy(o-e(b_gcYcZiG5`cIC7D01j6ejI7p;U`t8WO-E=YrW4%Obg_yI^!wyYtiD?syJ$)O_ zV}|My;#SWFn#ySGW%B$Dx6#)gtjd&@nC7WAH@f%F0%81-BQ47gJ861?17FD>Sr}CucN{DIDn$`=V7lPW93Kg$O6`(=D7{So@En5bwMihqn!6K zd+{WBJj-C)`#O{?b7^+)wA>BGbB2&IoJ#vwbdZ>(%L zk;OA2^TPGPCv&y}kd)=j<1j_qX4|vfsr7Wk80C-NCR(S;dzp@oDmFznWD8jJ4xy-OA_x2L+oQN zx~!xk-K~#U)ww)3ud@^n9dUNJyRwz}wJ~5=WD1q3z?ucG^hay^5Rv&H3!p?C-qIEl zvAU?E=@;!cw4Q|cG_rHl{7gAdl4~hG3{LLj3PG>>sAQ}y?7pXQzMF|dg zj&;;y?=0p5d%}i|L752XOZ|^vNzbK@jxpSjJ0XB271sem+p%WODVCBtvHDd($mxeN z7xBx`B71`%s8hT2t2l=-!zBTVhwwu24e?L19Eo+xsY0``w0TJ$NI&-%L)gV#b3XE?wtv^ki2qc_?()Hp2oelS{X#Qf0^_^kSJ6T7(Fgwj1&eu;jLE}k;Sjtm#=tKtz^Jou_TnQiK9KA zSTC32`R5`qkBx<7E;2}0O6{wX@-X&}Q9lT*pkHYTu==Cb;rNLt`z7`w}Nj8@3q*13VENLoaktIyh^PpDPWaRGSjxL zaN5Qv@Vh*MC94gJ$AL>o>6yd&w0Iuoy&8Y6gz>1`!h9)M?&+>#R#4%$aMj=ST-U2t z)7%5@`ZepF1uq!|ocNrq>)-&ha#nZSKP5jWeIR*}DxUE$0f73_4UBl%)Cew>J@Rl< z!Nd!dkTZ+omc`)XkPnA0etxB*iN_CvjsO`G;}+XjK1#SbQO>{}_2{{Ci9@;4*^x%( zwI6Ld4oFVfJj{UQfv&iw6bq^P5yyQ*uRrff#`n~7UgJaK<)8d0! zKO?od<1}RGFPE& zbB()>5|Kz``g(eNJ9;f>*@QDI`Z?W?Pg7Qux^?GixrmoBU<@3QI8X$w%`GkbW!iNbZoUx6Bf%aP1Uju%C`M0x5P#)G-&)moA7jj*8$q3}vKRF!({?-g=V@9gIiffs zCbU@S+n(!&Y8-2Chd9pu%uu~Y_}%W_>h+5aLOi2%8h>yj$PMNk$5EJ9s#E6X1|y3r z$R<8Q`<30chm))YzDb7@Ce~LcF~#?8pssIltP~-gdk_lx!?5G@k)$yz3dABlnUgV! z2|J;=cSDd+tyCwmLj+qQ6rX4Kbolx9=x7L8aqePlO z>}z%cpK=OH@n)n?YesSYdsIak4=)zT<{)|}sl50(jm1J*1Ja-H+Wu3m>`3xlM4Ha1 zBtbb&RQS*7Fq__4vLQvyYitOR7@a|XqfVbFG<&?_ygQbzgw8%k(~A<3{e>w>QZz|7 zH5!yja|(77z0`sdb@}5x(B1ha!}h$g#59V2h;bQ?}bG_kktVP1}6=f9iMJoMu7Ll9lArS30i1ga}H9{MeP9-=4y zO?W^|WcE9&^y8w^@_T9T{bL%=(c^Sly3C5MKUu5K$L4k!@95G>iPU%K+3}7hpcIZS z*yaNG#AGk@bPYvMUb=@Xz@p92t&9R=c3a(PZ8=FZnT`a_RMxBX1d0y#4b)M7{@o}* zjKykO;h=skol!v=HHHT4`(g1mPjtCb+onA0?uOk;UQJL0jPcjYE^|lhDHA~M!ZZ;8 z9l}{ARG2$J>|PraP#A6QV_7NecI)YEhDKIpVDs8}s7V~pn4uBFf*_2EP_|K*n;VI` z-u1kND{hIu54}vXIzrss!rDiZxZWle6qTOOV17U5yrcKlTk~GggU4%d_fhVp5K)C; zv7+y<2QlvNL|f%bhx;M%J=B0Z32E#bGbh_noHTW^G%Hs4TUt6J+c=NHSFv-rd=!-T z3u|2YCldMx_g;8q@||$}Y!x{^2aO+G(fCV2sAy0b2uF};UXvnoMeL%I6Wl8z-;Fk+ zJDMbFkYW9J|K8f&`u|c+Bu1z11eK-|V>Wl;h9ig0r=Bg`mV?l2iVJuZVs{+gy3bd3 zaW&6C|98mr-H0}lQzv&-ntpasA)zG=H zS`Qv}m$5=$+aCpz^KHRpHmV84j+&Tc^1564&*2t-4FXyfx1oQ&RP_m}yC~lt;-4dBf@MhRr{$3jQELqo(CY06usZ}`G z@{o>SI4jtwiORx)M@p2)R%=a4YnlJ&nXmVXnLrQeK$f4t9U0odwhAE(nDm+4M`z@y ziJ1WT{U5WE&hcz#ukUj9xbJrbluo9ocZZFS)jmG#0Yc^H)VTBPzl6gs{FX+a&yeo^ zY}V43Zb(s=X$aoSd5n87AlEo4)e z%>v!S5M-&0PPT%dkd*mc!M?WBcqBMEQ+>$bWf8FPI+RQfhrH$LuLA9z{FjDfCEznK zKt-qL@2{-xD>M-th=|+$+Z%H^(0JvNj@HGhFh+&jPHu$lNn~iv9|++Cv;6K3aF?U# zd}jCB$00~~aK9;&qPB$9WmZxN)@)G)NOTo2K>l4i_Q}VX}*EV3iolyQ9$23d|JNAm#n-5U4Xm z=|^ki01$amcJ;A)3cL90gvkIAxOm=T>pb^0oH#IiR!!*e@OtQluul{RdK#fg6!T~v zJRMt=4hz#~3NB5~V*v+J4e(7EzEp*k@UT&HC}I5rBu)SYNl1AfO&7O+J>>8$@hj4V zL#}SN{Qcj*EzPz27sIX~FzXOjezb|%4kT})utfT5tu?7CuGaIvK4E;|&1`OGCjgYo z_M47+-%05KOVCF81PRe`OxmiX&v{$lwa34k+kg3s!#A_hC7>WJ&Gj<%$r3Hs)qjXj z!S|)MWy*j4vtnz?`q`HT;fy?1vkLXkcGBV=cx!Ncc%7yej@UgsX3-6QT3q3MV(1vA z+CFvE=H{~Bc>cY$_O+1}_7M#m_74Y5^d>3@B(<>~#QbMYiE?F|%F&w^u?h4KF!wMh zO8-4HWff-u%(QMyRf|3bD_Pp=n+uWg`;kKQ_07Im!!anUQvRpSf-L*ARb&tbddSGu z{)0q=9#$Xc@-k+ps)-Yuw~|if8f?)tRN$F4B}l))%1yIk|1)u~rf*5}we(4Im>>|Z z^dQ@B7ci-wzI-AjB%Bb&qJL35kma0Sx^Mhle5qpRx+68IaK1s&Jjte{+?&(qNbYva znDWnYhvqNBCHqQFu5k}NPLWmMpagqC`h{QeLKzg=kT{9m^E@L7cQ>NX0|scksQGtP z=>{hArZMCi+Ek3l`_d|>e*ST-NKu@r7ooaxZivuBB5{?k9)GZ zD^--8e2?egKTA`Kjng;a^XjVa1ztQXLT;y?-**a99wOo}CJ0BDZ85|>qG>WJFr|9V zaWfmn+P255&epLfuybFoLr!bMKiYO0E7oYxb7ZDNby^-Lk=ppP(Q>;)DFb)y&I*?x zJNIc9ay4_zR{TRu!JmZM&tssn1`!Jwz!^u-)0?D9a>a^m5elvp;{FwUF4&KqS( zqyh|L2n*j7-uk63QJ?VPZZC6I8oQiNpndHtD{AlnFjR+#@iTIM;;={jw8gqk!*!gT zKB2e(fM*a2s)cxu8jdCPZkJC~ zoqwQW$V@pKUl>AiQXGc)HmS%E-Z3p?F#bO;fXQ$2;;-xqlI+hnel)z$DqM{JqZ9;U zu<2}U`<6^XO${b)gooY{*M6x$ixa)#M%tf6``_mUp(R^g!wpC&#c9#7aOdarX{Bx3 z18FwPR)P$Ox~=g1B)-(oYu^F)r@~o`-FH`C0-Xe@Fi+2j7G*btc#{%thVHE+Od

    Vm4GRKGZL0|}FD33Jpj-Fu@Zv3GslB2*8$_BV}Kuc?S1FVZwliD_OM3iH>~msFm? za)xn}{!1hpVh?HyF&T6yVcC?oz0*%NBToP3m_ug6np3`Hsp5fPXX3EPF^aP^P**J| zmgz$&TltfM;W5@3BJy+O*|2y~14w)z@@ z94T1KKLuC;?!*Qf3ebjD$vr6u=jg%==!|ra(~snZ06_x)M9FNyDZ8S>fi?eZ?kLes-T9dhwY_6VEdVBva6}^5=&{{gT zO2yoir>4yl*T{1rjUj}F%sA#-P={HV;0xH=I<;iwg#`z|vews!J0*S9X}Jr>2+s^c zQo6!8T*EFTaL(f$i=|uqtsj`)q;lePma5K##cd~Yy`TKZ(lpI;2fRfPgs9G2i#+q& zJ?wbr?^I(=d9%7`{n0~7ow)f^CzbctITlb+&apwIJb*jXRZ{ zZR?rA{{k}wY+}c8H}$Aku-Wwb{_RDY)jvXk;O*fxBWxH>9>R2yb+BG z$rZIoR-PZNZNuXBRCC7@UGegX1=ZrlxS509n3c}d%GBs$IVGc?P6eZ2Do7M-8ZzSN zL+)YctC+upO_oAj3GCSpI+?=-RQrndewCebPCy0!3?JrtvlN%nVHSf7=X1$HFS=Z1 zrdaKo>e9O3Bz$hZZjyW4#$wAKNw^z(ECuYWUP>lBw-NS?fPaFh4z6sUrlVi;T>Zlr znv&>navD5py>zaO9%f@bMCEIV*=Ck6&YC?BmiceHrHFIb!7=}pb3HeuXgBr#8e}L_ zD(;0wYP^2YUJm{gyIx29J?ZksxnN**E}D{kb6sa47NZyg_B5>3s!W|C_`|Wx_lWL) zWoUXvaAl;D<^r295wig3D;2M+n$U026V~i}4u4E)NHagJ?O8aZC#I<_DUl)(!PW~ow0{YDbee>RxOJ8_ts#Z8dvWLR z_BU_kva?jj4w5sk-?YDaH~$yE-q7WdsN2&BOo}KmUwT?K#AZzLXnv>>KM~ilAdtw0 zCmN*e9`S3KuEMJ3zJSx#fMD!3;e36vE&Z&{j!2!9+c6Eiy*oTCZIjH zN@*f$jLa}RjOuc zaPqOy2Bu_-(G(*r{(H=Er#D_YOG&l>!65%%inQ%I^ix_Wy6g05;j$8#6y^Y@^ySj{ zJ%!MMO`VPP6i-Ns&$icQzBL4X=OWLFapGc3YvCW2wadwWweYG+N$i>41TGyM9jZog z6Ggh1I^Ou;yP=L%M7_( z|A0}>=?umjY$qvP{JY^O8qu-*a^p`E6VCX&IayZ8beQ!agT2C?`R`gI&?H9bpf>Z6 z8{ds2M=e{~s5t17TPki5DMPOPi&`%FV6}P12vf3lvJj`kAh80!Ya0h%dE(JphKiMw z%h_r9%5{3V5aGwqT{L^uwX?Kf4B{^&hzz~Kb@A~TX$6@^I}nvID)Utnkxrg@osl$7 zU(H*DBPF;f{7HxOC{?ljdw+JA5vcV4=l50%+53MW8#boV_Ox^iNXh=$t5E8&RzMx4 zj}X*F`8#(8e!?GlNA4>gp$?JF&JZ4ly3LHNHrG$9t3tvdwh5tJT^?eH@AWe5k03Ld z9texX5t~c&`S?zY$Z^QO%Fd!>e~_+bxUPmUpa@tfkZ=j@m%BYXyz%jq@!`Ds7brY| z_4Y=H(l9jaQF6lcbhcfZvajDXe*-P;Uz8~%K$s}WnvP#Ez0BUaMDP}&h-11tWfK6_ zV?!DYq%Y&a5jEC`VRiBf`saa{G7Vf`ykzjKxD5=(bJX_!Pec7kaj*}Tfs1RRWWJiD z0oZF#(jBkE==wB&9DR;U3$Xmx7tOMG$X8jIq^opqWy5BOSDu3snk)Kfe{gZYLD7rz zoq_+tzq1iF4ewD*>|}WvOD{l3&-_L%^WDDB<Lb1=7VuMf)=`LHaUI$tw`x7{Gzqh$4g2t!&M;F}v>k1&a)e+bI##p*eLeAw z**Ht3bshglT~7fXDicGBafSXdb-V+gRDin=byqn`6UgZ*k`ff1J|O9|2MJjNRY^B< zB8s7r3ogh>xjL<|a*#{3?F@i>1BnNF^6>MLlIA`bm+h2!i^+6+=wcB^rM+FyP~MD} z5lgXmEa7QW;U=K=uR-_jNAshgJnEcDe9Niki*N7RDcZ&63X!psSb8*0OKE)Zx?*>c zyIO6&y$CcBs*m>zapv#$e~9tY_ypnH|9Bpi_C#GRp;Z6VUy=Km*~~K z87BeDPEh{n`WyPw=@N7;Xk0c9JexN+=Q9qof9H9cG;rGTg9ge)@4={dp*=%J)hLu=b>TwcL zRED)9xIccW!bTNc3+Ih-S9cS|eci^$T&<-NN3VJj%&UsjV6wNA$vA~%mRKh6ijFSj zofp4=AMQHg`J4)MQKLaSYr!&)j^g-8fkB)HpKb)*c{=_QQ%VGmin;6)95lAWmUYm1 zSbEBV-AS$Mn^A@2X&(AiaR@@gv%@JI_hSzic3MjJ8G!Wd1i_f#wBTK1#z^kp2(2F{ z@55zz=nInla|8neTAQ%zE@5|S1hs!{*M~Dq8-Fs?c*3=%Y-d}R_JdJlS29LB`2D$2 zg{4=y6DOyrxvOD!O#Sg{L}!0iSELp+0Z_B?_ihf`$EHLdCu|qacCrGbt^!_9P&08I zu@?;oAf_NY1=-|1OdZr3?mn(L%0g7P_S?MMVq`CtV=U_Bp8d7B9l6x)B^guMVK~wb zK9U>r)A?pb1LZMfccC=9?Ey!$q`;k;!cX8`UxerTILYm7HMGs(6&5RU#=heL{0CeY zk3<`{iY)ob|0SNIEhoQD*B~>RwFM6AZlp6>9;Kx}B1?oawdN-0bBrj5kA(IeFtbp< zK=G@%=glP^%2#eWpq~*GJY5#XH}%P@nq;KZ)sjS8Q03d+8ldG^YMO4?99iH>TU{fruU{020@h{Ie3Y z57*$0vN_oE@7|olTdXXi_gdJMbw%|NVk+@rOP4^#E$aZom4)`?pH~Jm={guF5!}81y;>tx4NuF7XL~Cx z6~Zm?OK+vxJ1ep>;jZM@-=n&5_}Xsp3|6vT2*y|RLC0-dFwnVtQDD#np`c++1;!OS z>OT2mKRJMs@;YJBWepnOqwQSoqXc>jG(9hF`A=O!^yJhkFe(rX>AD+mHHhDI;gfnX z-J?;EtoL5a)Qu))39fa(bSg2wX!n*^;DO$LT3XuG)f@TeR~AZYi!*JheBXR$`@~a&s@s(|5Fod%#m(!UZAW$xJVS8$eeG8 zOmzx4n+&>{KPi6L{8()Iyn5*#M_S`J-9C{)CPYjT?qd8IkPz5UEl>!v`<#l)Y(S6w z>#2jF14XP6TFqSaTgLH_4W|0<-+QIkHeQGA=$!HTi|E0)1{Q5AY{ur|<4}f!hhp~! zEH)7HlH}pUoXK<l{wd1JOUB<>0)bjTIHtFagO~S5I|G@D$$wNQG^bX95$Dn_qc>hyGCFp_3EACGO zT`QdQZA%2l*B=C1qHW80IHX2tJn`DHm3F-PQ&J_sr~h zw_QeVvpL6uyz zv+9JsBRX5BELB5k#2Y#}sKwAfnrb{MUOkB0Klg|oL91yn5ECm@?Q|*hayAbH$DTG= zw2lkn;qT5TlB>8)^R)KR@@+|j6Z-G`%xyDxS0%}_8caTBtfzAw-0Y&KM*#)vb2!#Q zmuV-za@yzxJOr}F7GUmHzt7fm^0cV?G8IwbAjZx4R*gHIFboxDtM>&*rD1EI&WNO2 zfyA(^%KI*)i4zo4Ny&^{Uhj13br2QRE^HNlC%jM6)SZn({>|$46r_&+E*wCry$*rO z8|1}S5M6#?1bjXzkCy=F673kK_P`i=B*prKi)_6fa3p`Ra%$guT=+RKq~Ym#bXjS$ z$8yf?MKa$^JmD=h%c~8s+=2prSdWOajSC%~_~gCp#V9fy0FNHh*DGa-cCL⪚W5q znZfd-4j0b2DFX!~&gnl=n8I#AfS2Q-64OWOogJ;h-SDvQDhhk(!*CGTMdD9LcZX8@xw$u-J# z>_GA5kaZY^6tq}d{S6v}urzq^u$3Z&oWMob6Db9SK(EbR zDYQ(SnR>dtzV`TKS=K{Es(_UeB7c$NDL=zhP)_`LfnB3x}PqUTf+*@hk8Dog##Y%p9-dZ%^NS<$9>*J~|ONg*Qn_ zw<2IBl23eEWwY^y^@?k27EZBHL|i;h)?2}?XP9m*(}!q8@-|If-X(?N19ZB~ImX!Ls3VztEYbKJDc=l?MPts?zDWjzuCyVcnN7hDThU zW8;A1FRaL<2Q~Sbt}E6=xtU zI2CTWn~Ty>mq*o8;vblMiy1)=5g6_WccT{UG&~L?L(sE*atxzd`~|7vqvEIHbPE0chTR zaK+IMg0LK8~|7wW7qV z*dnwt@4et6?}k=Q9R;%EJp{!Yr_=Z&-6K0Nm_XCv%-Z;{);ppP<-7<9Vo$XICr+6m z?%~r$nm1zx!l-7g-j|0OGQ2Me=sWs}EqpANy$(M6yU<~#&U0MY8E_tx>Fg(kl4z5P{@?U}xoky#TEcdf z_~%@6jsz{N7lg0zKw;8%VbZy#LYdo#F9%g9Y$qvv zoCD|=rX=~>>e7P&a}92MNgOB@cnj%WYeYM0BVV0@D5FN0-S7Nl~?nElWr zPTHFOJqo!zlC}^^LQJD9dXM<+^IpgJ{kwg)fa*8Yt}rcY-q^o^nPW~#U3SO_`Yv|j zue#KLcBs244b4uK==1{bCOw$6EIffBQnIA9nTMV|=qqzmh0RH{M`t6|`u#^kmCo!* z@WK4!xn!#%C^X{G@hor%f^+@v-_Gsf1IZ7%YOWpE3)%|gR$>*dVK%f~Y#Z1;Vhb&z zBTd*ZqesmfdmhUPF2?cv$w`D4=?VJc_`Fq%1QNUymvr3G2+S9rNm_7;-O@_s4rw!Y zdNPjlaJ32lMeBGv(L(tpb7Lw=m!RD4K?cQi#WCsRZPD}IrpTsb+WSS#ik&;~jZ96t zW-?o-Q9!5Z*2}Kq`a+;KeajRE0~y3!JJ>>$zCCWZHb{w?x%3h1(m?r^{`qF#o|@?y z>k@0E=HycP{>$OQ#G7f?85-xm@woenO>*oQ$(86!4Pwag#1$HkoiGB`u3@}-NY&I- zMq{d4XELK5O6u2Qb=%MX{N2$>P5Mno`(t13FC5c|wTX>B20cZWh=zYHz3pS7G*4-n zlF<+G>%4XgxjrU@B;*!d+dmQ3#k)aCx=)%@WCmzC!Gn7>yUH1*ZZpgZevv{xZ_aog zrE=f6wrSzb^J@FpN*1PrIh>E&aJt=$9wQ?> z9c_aDQue&W0JaJQ_Y=rzvHbEuPR95Ch?Tp>vth~JMQ!CE)A(?{&b_14JH(Iq1J!21 zVP|AKn6xKCs_4vK&r$U8CWRJ+`f1UPXL&PEW>DY}0!~S+>E1?|uRY@6U76c|OSrz} zrCHzo#G9mpq*9HoNm;E{PsTQmq>Tc`#B|3}qXZQcMs~XKKOJMF_@sKWG ziQ07|-B^Q|Ux) zM^Vm*i+Y$I?;`NkPn~Rv=B7T)YHj5wv%=1B-96s?g(*&2;{8mzYas12MAKNHI<7Ml2RQVh~NBn+mwyHt9omny_fz7v^=+`LW@^l=RXzsgT_p4loN#j+ zLKHu0)^*FDE>pBT<~~YRh|4|AwdKfb!LweW&(WDJWn{LSR5XU8)qR9*jpNPn{wvj7 zGiuR9Z6T`kqPSXmk#Cyd6-xyO3B}B&D`RQ`aAVPFt>`5u=6758-^xJkORu z=xXr=(Zp?tIF(Esv`FOgaI-{-(|l>Wn(kdrP&SRJw=RV*-Arwxxe#!LTiAdM6BuOv zgL(EWEJaDy6v~PKqGO>0tQ&`pL%#fB70I5grfFn~_ly>IJmbXOdu9!Zz4OAV;+s0k zr34F`%>ILnmmGwl(#N7DM{gu;-?Fuo@xvVOlw1EDuiC>y8FS5QN=LVP1j8!#X`12o zCe!aVtE8=r81MO&usEbmY}BNT=fr@?wOVv#XzKc>I#1=HJUtDP($aBJ3yi) zzU1cqY57l38+qAuUc-YVnsK9H#HyAOx$k=QMtxQkf2kGDJw`DFX=ZHOx2RkG%DB;z z>_O~k^2;+CAs__ir}EmJ#+&|7RE1LYtGi62O+!S{tfa^>62tt4*gCiEv%w-}8kMVvI9`_zz zI=_1#jy%|nZldo4G*KO#Y&`sZO`{slbq^YJicex}PED8ZxH4j<&nczU5~wqT&or2Q zPpc$iCy&-v09cX#JcxiW7f=49{>dRj?d-YG3FeP; zBv~QBU7E;GMq~U1?wxM@{fhxHiAeqO=_G|gXgx&lOBx=iUhen?@%{m$NNnrl+bR6( zU%6^)-uw_`TBVcsIRpnx*L5z(f9G>G9iEWlsV>-Xk;~k~;`h+F_O(pJLVSbJ>8a33 zvJQyx(Ne*icRoiz_)uCz(L)9rXi0%;*<-nGgGroDH-l@H1l*UH=ovD z6MXT3o>EjuRNAlHZz=vC!-BffZ&Z%!ZV6n=_AY0i25Vr%|GWUK@V;wDExMl0wxxyN zn8k_*q5(3EIE1+)nJ#hP4n&;X0WKfYeb#a=J8*Fp+*+oOYS?QkQy&___~!)d@P{X_ z=+Hn-r;m<1zGM<)>S-8PfrTr0P;U=$Cd;iB+nuK2J;vzs#}-0{D)+|JWSfkj-jCL{ zDHfS6O)n0x)>cG>t81cbRcQ%4GdqFm{SUo{{>om{`;Z*xr=01gBT3lBY3#5@?LFtm z%8z{CTaiy_jB(0Xemlj>j?Fe+Z8BE70pA{^r}ZL*`?@}$UH19OexzuD^i&V%*^IwC zO_vCU-y>D-Vr>ax7mSq^dAE-qI+?l9MPw0lb`+!_b#dY$8q%LBrX3 zdowrRWVW3-kEey4$j+#<=r-aLQ|lHSk(~T(w?1qx?;%oA6*D?B|Hd&&OrFJojOtK~ zA7?Bj>7uwG!~2AU)(lPod8sKq!*Glx!br&b%rJ#1Z#VvNyHPK4b}GfVJe7bPCs!$J zCI!sOKMZBw+kH;wi8p9eR>WLm-WJzObP&BjPkZpF$d_m5FHd8*NuT*{M#K`?8wrt# z4mf&Ziu$0HU|Z>_|6>jeqHUZtb<}H2aT7Ae>YSF!}>U>^gyC5JlJY z)o?B7Ta-IXSM(XBSZ{=J&$8I4w#I73C^-k4nd}PxaUN9R((2W<}gRx|0i=xFG`uDF6E%Y=gZ@& z{0f@)=ot+1YtPTb^&=7`!1oZq3Gn!afYQ7q;fB%@pI+wUCfkNLq^ob%t($U`HT;}i4*ie+uIAQ{S=Hx22#maH0*wew%z zWx_ae!HX*8t( zE>QxUwr|vAht{DRz*M6`tv+@nUjcwic*5hvyF~HVi)>~VcyQYi`#2rPSmVe;MU<{C zEjCylYwQTllTeDu{S>!ETVoE>Q(tT_h3Ulf-Rz*TC?j=3?hM?c&Of5#siv#X#oB)E zM@>vvRK*N#eB7k2-uGBiOhN~}m41NZSGH$@EuPWCiEOJItL5SV+yo4M{wH@^{boT! zPHOQ{DkUj}8-@>f^^C`UL*2#UGT9Wg3pt%jZc7y;{|D?q6Th_`=muv_HJRDveMPIE zo6kN;xGovnZsgMRrTw*ioC91*cBbDLXT;Y%8-^wP68qx-%XH#6+BPoL%S8x@Me=kSrwz#J|u$4m-_gGcP5?(2ri$ zvfQfnIr<1G#vDQneIMXJ%s$ua;tF+(nE3(FWDpS{cUQlEe?V7tb0M@F23LzA24Qk~ z+;_OhuqHXH+SSkxm`a2%*??GKmM9WXWxyij>VSB%$f?7eaMg1)6>}n@kg%W){pcyh zws)I`W?2^2K4VGP(4e$PLLf}NNNepKr4WQIsqmNT3fDwgva7)`iLoA#7NnJInyVA@ z^ZQd`n8%a=(5Jw{e*N{5ORBd51;eJf!HUgJdw&rDTBkKA2A!(stf?FHhr>tzW+jy8yyg}1Hsy-Sha z<~SyY*U!`d17RJC83<;%RAXKezj72h4I4F#DK^fG>DWdpF)!))eJ_`c#5_nNU-6ULavU>Gu#(={BR~n5HpJ<#vIL*Pwbed znqcKWE%iA8^oex`N|Bf;PT2hko8*IKH5IOUydoF`wvDJb5A+dn#RzS!_PnN>$Ng7RL9;1hF~W&)EWtm zG4mQZKuC5c=kvbgA!7FC5M_3gAmvqTA9E;cUT+nZBOFA#=8_N|CE_3g#6{mn$RU@= zQQSN)5l=|Sp~_tKv2Ys-#Xs}4OWPi6u$Arl#$MO`s$pF0yHb&zWs$0T>e)!MV^ z)KcR1*^F$CnQAn(v6e6^VuL!VKV% zaHkjpx#yCWwJ_roBbc(7XpSkusic%c%m_C!h=Mre0S5dMB`__V_b6sF>&J*Gjy__F za|{#^<(lwQfPi*d{LT9@+A+>Ani`#iAOG^>;3q`q6o(* z@{NUOn^=>OQ7Y+jUDnIeTTdx||Hn`G=C^Ibt|-L7BCQP!$79Z%GcmP3+}+%BiTm?N zDU61&wv-%GjJ=J0Yo`A9zkOeq>`w6Q1d-k+GBj_um6_e?xgGn_ATop?Xc>z^)K0C? z%-34>)=N%9RfGZWhhIO&2tz_2vy_b2D)P-}u3eW!Rp(Sb>)&Kd%`vgib3f=+M^H=d zV=g7*S9J4|GZ;JH-fwtAZ2MkHS(n;-XXY3~@10L#H1B(xswpN!1;)@)GWyus=-`Mk z^KrBg{4txJ78 zH|(}AOAR7F?+?7xAJ4s(tY$&P?bP4ll45@KC8a3B&*#1_H3SjnzyI;0kJ-jB^X+Iv z6jS=VKZyzb!QdB7)%X%F_ST8K^;y?^?ET}{D*_&>3XARQnC6(mu@6COSOQ_%f&^9T z`?!5v+SXGFsH6p{GnHuWOsu9XT$tSOOYTk#!~Xx7)^v58oWlA_w{%l&-)&5s~HNPUMV>QIktuzHeMlk%y6DM5&Fxq zO*B14Mf@2<5G2c8jfe+Ya!YbQhgvsEH6jswMmyXka7s~!K{vqm#ns7N)xloe?+x?H zx$riBNk*>I5E}?NBI0~Lav~Dscr+r%y%Z_W5W@*+{byx$uxVx|<51ns;W~J7oOu7Ut-Hil@%uUu@7i6+s`J#K7AZh zVz6Pe8|rmKI(tmX$<^y6<3bgZh;Yb}nai3&6hsw6ikJ5#=ah50eyk~n>$eMdT)+I~ zw%(xVIwFANv_B4i5u74+SScKPCuVZWIepwNP(m(i{g>Z9-frud^Lkm->~g8~QZNVL zzHRDd%{pMxJo9Pv0-?lL%LEgH0dR%|on})+QR}sowd4|YOaqTx(FqDf;%^U`j(I!G)`=dz^+*rz*p;nb8KR=JzX1(O)T4M~4 zKem|Tv2|6gm!i|g(7Ys2R?y%Jzh8{;r4bQ~A8=-u?aW`V(c}x)=$Na*c#)y^+i7B?dBO-+@Ctgg1tP~;PM)$s_H^F!eo2a{vCZ?I1w;@e_!8kvXr;q# z0=e{RV}{LX>Y*tW?;U*4ut10k)>9%2Zh`&DYwX2ve~mU$3e5EUIDRFpG1In3vzdOce$t>&Yw8_MJ`^zm|6F%nk zR!%~?llS`h`Ajk7T;@WG%9i377QAb{J9T&(SUBf0#$bgKYjw1vjgLPb+ZMccZ@0_y zamL{DSybhC=6zc#BQsN76MZvtP9M*_Z4s!S>t+AAKd<|iOPw^GN~z6kVgxQC!FyZ1 z-qMpfr!j^U1GG>-KkllI=Dcj%$Nk})jxmRg>%N!Th`6=Z$3TBnYQtSfL?Jj4-cqz_ z%ragQAnc56&JcWQ-8?t^toXN&Ji<$o$-m>uDjX%|Nil3sSQ@L^DK`eo7vYd zS5@6o7-o|w1oy{}&q*sz_5F51OQ0g6{P}SZlL&*dg8LXCl#(0Lg3acBP4I%F582Hx^2JoRco^yQt8dIQ4uAzmN;! z1Z2Hm&`jqY3ZLG4Jz8&uyr;R!4x}CNanEy3QN@^%{ z`|5)4ZPeOEvvQPP$K(4m?y2O=i!6av$fo|Ys4bEtw3M%-obRmB21Kz9D<8m=(XRzT)lUrb?=??8iG$L zrY*GGn1$wKrfp9kAz=F-lSj4=D%VNO!jNTSrNB(R;+?d5meEJL#9rF-=V85Lpg!j` zY@%PcU5H+tma}ziU5%Xg-n%&|M30_IosMSKCt5GG92nvXb8jPE0`AM68|GM8ns3)6 zPFrovtX@#W_c~VEyjM&&oOi!&4i{WZAzf0sLhStpS=IX;RD3XK6XZE6Cx)QNg^PFiho_bgn_vbdtd?%$sxoOXYHmdB4%9lPM# z*`6Qy`o29sG7UNQISZN%il?t3>@_Q|m@=%T$2R>o`s zpePnrZ*D>i$-gf1}hwc0UdTVo@q z*o4cAhk=QPPo8LzzEEdl?1HD|yl0|Wb2E62h(h$@WWOeS-&sUGQirDohersN8_fyb zFGd3ky3JCK(joN}bRmK*m+| zU!gGz;6tz)=VuWWFhiNez0wTGCfsq;jEMJZ+V)6GYigLvIhY(&FzOW%e2;J@V}pv* zX}<1mgrE4}VAr-44MuB!HEg~t%fJZ;%Xwt|+yDA&uiYm%YDZgkJ_@dlkMH-<2RgY) za}I;A|8m)Ksn_d8RC1}R()$QoaKV8J%uGJG(fVt_Z6Sm$#p9XrQjkdB`#{|pmp-0z zX8)V%ZF_uipy|MunW z{ydy&@czu@df8g*BH~ot@-z>cbiM3b3Pj|cBO*YDJSG{=jbW4Mx36FR{*OOZUt$#$ z){p1Dr88%2$(?Gc?c?JSV>El6$YwDFvnfKafdwP3*vwQU*J{)7%wg0zMu!vn%o(9P z@I5oJO+$PEF^^%m#j&aX?d$vVICVwV%}Mj;=i~R^zVy*AdwM+2ZHu`Sh;WE-#S};ROTz z;e$@I^I6`$?A`<1zNY3N*XE-w{;vu%^=6mbhOnpmkH>aNc;c6mSh=26oP-qSYrp0^ z@VdexagSyeqFZ2KGw~~VeuD3AOWBMekdJ=Uj>imx$@5Wc*diCt$s)D%(QLF4wt#C! zocPyRqU4$`Y4nlLA}WYTM9~Z)zH@p$GN=W;4xogN&$G9o-W?wY_H-eJ$B!djf;v?v zz~`$<&5exW9@7>@L6x_aA*>e8RnQ~_W1q`$v?h7S=dKsHd$qq=7NX!7jA17 znl@```!$IQc1_c!**KpiKg+hK5WQ1pV{ThKkJ4Kw;(V5Ei}|d)B6X*#)H+&iHs=1m z(JSk*<|@J}QgdVGR$AHG--Gi4bJN=t7wc+$5(^q13Ztn}-%lM5dt@9HN5U03yN&266Z5oO*TM{VM~~rcd4l z)u7e^XCxRiL>Z4pXJyzP|U@nSADwf+w106XJMg zZoMxz8_nQ7q&}^W;Jr<&wZ-7ivmn1bhVXcvP<2kGe3oH0CxztGC4Bzzurbbiv2OKQ zKmYNZ-FoiKT#tsPtvs8Gz#!CeuSbKZ06Q6GK7M2fgw!jTKP>E=q-(sqZxAkq=&c(P z;>{)`j)=aY!{EqYMKZT3F)E#h`)-PCC= zt+hqbv0=4!0y7HM_}A?|ZN?M;=vd)F9#U_^l$v>w_08;fWasqqw%HhymZ;1oi7d%V zD-E@dbK-&%r%a^Y&1qO=;1um`#7iKXt#q2i%4zegGKO8=H%!f-?1y0Q`I+%7L4V95 z^ondp)qdVHo=Fxmn;I0`OANDV66Uyb(zeAh48nTBcW2TV7S_pQ%oLLoCut9l&vU-; zWoC1~Zt0S2PVb#fd*LqDO(DV+`kXNhS+gpw^f87y#ez$ms8h^tT+m)e*qo0pB!?4k zzeTKNAY3tq~%UT+bxFVRoVIk%;)XfE~?uem^mNa1y}2!*TVz+XsvxTLngo^8pGo5(=|A+ zKBwm+cZ_@*#PjoO1vrDRwN(OtcJ#L=)=;o6|XmGoOfj zbdWKH%|o_LM6W^?3Eb?0rb|Sj+51?Z&X~P4JdG~8RS(emUuda@WGQc%>d|m6(WJ}U z1|xDSHSSTs^Ldex=9sNPQ#3``x*_LyyTo1xh8Q+XowG4R^w--qnxQp)4RHp(L_~yp zcGBVkv5E&2$gGuaW90$+;CeHJY&h@KYX_2e*e`aAz7oXHj-mtP*RB|EcYbCc+;Kml zVuFecK$lh;5nrww4t(^tquV5SoCL071vn8W8?ictCIVC?c)(*7}?iPKoD{#fWOe#}yWAg#=qp~Q_Y}gMQ<(c0TZ;F`5n~u;U%$Lv z_GC1Jcb9#;-S!v)YUNz&W#9ht`?uiT$LA9tb{``Jj~0L56AL{b`8?{EZ`XVjvuR@u z*F*I1)O5C0Axrl@P=8ai~)wuDL>l6Zfzb$xd47(`dBLBq4do9H-6Et(_H9 zhngEsq279ambeG-?_uk~03cnGjoIn|BY6yS&Z%=4;7v0y2N1uie)*qhaULZ(iW46-rvw&)9W1{+hd>mx+?YB2o4O<|aFXzzG0bAmE-CJ@963J=@`Fc1P-Spli6&N}BGPm3t#6m)ojV?9+Cn}`&2@~C zw($Hsm}naP_y6%%6{)2^J`e9*$<@Yu|N4d|)`rFCop;XRD{o^M_8!A#e&l@50Co`( z7;3-HP$mjnNY{i_FA??HYpK)Viy;wF(b+6Na@wPF?(yRZAp+(rAV-P3P(PEvYZ74= z%8$H~C~EWG#T4e47#g+G;}%w_p$p91TQi$1JZVltNHCrEOvFC;_5#}@mm0Q6%>P)p z=7zKvQMPVAuLzwj001BWNkl*8 z*p^hK)P`Lm#Iw-OVO#{ek#`QW7}yoyb*>%S37eBjslhJ}?3}A{>cfP&o zZ`afdMoYex)^f*Qewv{pdYN;GiC*D!;MLAKXUQ#X-Z{D55}GJzQ$-~>N5tM~@5U^1 zP9y42QmG8HQraYfb^f@Q-Um(Vtz$~<{DS7uBs2T`^FXx(k;anb5shJWG5$F}Ypcyi z|Dr*F+(JxrJ~Hb2Ry*bht+aC1^Yir4BNdB?*0H(y(G8Ke5K5^N8-%#1$Dc=Uc6m>| z3{gg}j(8TJ8gNEImT6{C+PI*^Jm;*r1FQsr#4p(iM8{^coOSg=Hlf8utAi?P+HAF# z+;BW%wdK5G%?rdZgyuM1e;r&v2`yu^O=9xVZ`WjF1*xVz#yxDep~#?1;SNIVtX*C$)kal;Bq$eTHov?z-SM9gCM`$1-x!jWHpEgyol+M;$&m z^j&FNRz_MSY)84cbWw)Uo{V7&IQBv#V3xM7OI7H*VhT9W&=SPWk2X*?-@aX8x5Zi> z$EG@g$q>@~xCP*JTW;!>?H^y*xP@LuD;-Q8@R#NFNUL|3w|&lu0VRGH%gJi`#!W2A)t_mxYq-eVUO`J~w7uRwbG6+PDUZ~yDB$LG;o4_iQ$ z2FfxpEcsuh2zNA%LX$?Db;AY;4liZY2u~T21J^3I@-V(`#f^*qYqQz z82pbPceHVsCZ-r3M=rIc1aH7VhIF=X6fjdq#7ZIaPRMaa*_6V+wuPW#2H(V&TiS z^)XQK=Ug!x3&9Z)$ofw8$H)EscKy6R&z#@iZaCccE#ZEhG{+bq8WGW--+x}O7n`Z>tx7T6Zu{T=`9lO@)D&Zg!4I3xxt#0ux}jwBNKx?)*_o=EQcTICYe#1oqGRGU zoTh2Rm`GtT6lNi(QcItcF1Li7hX^Mek@uR93KbwtdVD-prIs$j%;J;7;nG_trswA& zs>Jm8@u<1A+I@1sli&Y%_~hzY%ULhC{o{{MEJNzqXn{dRRMqMESb=d1Vn9nR3Jv{n zKW$jrlZy^UJs9t{YnlTV+X-V3F*)yW*0pa?@x z|H6sr@{?hV_beC*zx{S=r9)5eqxaqs5w?6pv!2b&kS&5bcoM0u7+q{R78L{`2DM{L z)9L{1qQ9t@C{J0WmbzUcGr8b@Sr~nA^{C9;&K6Pt8dz2Hkwf&`C5bG+z~#0x)0b~I zM58mY3i6M1+qZ?|VF8HEY+m*)pQYBeV&;U+Y!ZP~*h=HqqS^YK!?sHbDfqOI3$1n+ z+~}6}i2TczTijwVt(G1`cwH)y*CbVG64^w13^#(=1dktk9t`+f>E}H|yun1OG%%+hG>XW;C+2SR{J>YIOn{&`K z3Y&*dK!j|}<7b9hXbuAqJw!)Dk3SFRwC5o#x8E)y`SM)IEaaukInQTNVITY?s%Jy# zU^cCp4Qp-WM=fWAABRxd66LdQTW~7QX~}KcjM2MS;|HM&7}G~7`K+vnL9l!j5!r4L zO=inIBoA_zIGtvA_gER3)+$_o$$3j_rKdgEFq?C`MSS}f6NXlzlbQM8ZOrYGRQd67 z_STuXJW9GoqLn-eSV>$;zHjiQ6J1{^oNbYU4){$C?@4gET<7el!mIjqV+EdyB zGsoo99=ub2B@>$&Rv97s{gzOr`QUtVJ~&Jqu&EH`(Z`$w!>9`q_h8fT3)a%`2w}dl zk~)}tP_tQ%iuMm8Rp(u6Z4C24MY!N~0*o>zAf7S#VNi!_Z+*X|?HX*%X{M?zHzKlO z*RT8YXKuOoYBpxteMoLjs-?s6c>A)WNkG;3{%_aO4Z(=5t}MLss6?}s{z`o!;sp;K z&4?zv&Jh2Aq&%9Hqb)QobJ{)d54eezkmi-|i#oWLCM@dRXam+^5%zvf@v-w+&KXA5$|G`6bWu(NCLk3%c^-WMPZuB!v44cDjJV5$bQWOruXx zKwT@Qeg=#wQ_US3edtBcN5RXBneI9?IC#V=R@?1 zRs@QP!I8W|PH@hwI|HRJ_DGj$|Mu+-s&VJkd)InrqLf1L0bI`3`j(Odp?QoDJc4Y9Xp4b(xq*p^ST7k_oLtyp#&a4-t9q#+WuO zI5+3)eSCet{pa8R>Ak;RFQ~W9T<^~#c-Q-w(^QrL@bweLkMQ ze|_Kgq#|t$6}dl8{O->)I~7Qpr%mj_kiY&PfBQY9$imls`};q?fBX9Omnqxj&tWeF*u*0eEN z9pxw}(J&D~$!=pZv%u}0d~Y3T5~Gh+dVW^C+Fr+K{naxJ#MGmFciugIKKX?J8_jwj z+ci1w%27W5_*9i%`y3OON`PH&(!%r234MitEFN5|J?&v_RHlJ3+S>?Q$VXiQ1E)Kvo=(uoOQJE`TbdI!&fFI4+qGc1QKN{y_VM7VB*WZiPM@} zEzQReL-5|!vhaV8`vEZ?Ol;`Py?3-Cu@WXRA$cenM5XsmMCGXEC~HJb1hKo2#4TDI z&biAa$!n=7#KP>I+xBQ<9*-Piz_c5ClHSMl%LTw6A3ck-+LknPQiy&5`{z`ZUvlv0 z#}O}4ovP|_&ms&tsXD2-V{OIEy>z$~aO_;aUh=ar6A71NSsGka7=kfRK~oJZBQ7({ z0|W1_%Na}=j_AAuo(SuX1M%wsmSUYX3n`>%k6p@ql1Oe zhd~bNoU^%15xAVt(e>7OQg1_5C$I7I<;y0@t&SMI zkKQ>&sDclgE|G|O9UbgoW*2m{Aek;+>60b&gzq6;>8;w_TE9?h>0w=AEOV9 zZ$t2igSRoEPrwKRsN&1pzF!hf)HU$uMU1sRMjrvaADB^dvWhr?QDHIBy@T0+h+OdM z1>Xf$v>day4oFn1!^XhG1j*=#rYUE|4i*JBpe`Xg?-d8mk_r>eNs9r`bRNYA6{lba z)l#ur@X?i{?(f@qM^E3P4;uc0<5f;7mxP{)j4^F+* z(tTQiT)i3OSoq1mjJeaMD*NDsnTS#EVikjDNxl0e<8gjHs5B{VF{HrEA%)e;b;Fls z^wDZZ#+tnrAR>avy^S&20DB7SWypLmv2LY7;yC9*vCTPsaB~=jXiTJjrLV9uGcR(T z7i1mGm&T^o5jIao>IBK(!ZOX&IVM&WD9zTKaZY#uFck{Hm)sD{>Z1$Mzt|ybFM(@o z+C+@82rpeF5vu?RD6bs@XbL`f5J5y#ogn9gnQLzQbz9Z-q?#L85$g2$c}|)zZLUkO zc3SV&ax$>6Qz@k_d1^N#fx;Gy|1qXeOLIQg|FE z`rU1d&m-S1du>aL@4Tz6g%FrHmny<3MEs^I>_pK1*4E*uyX;#o^>G|qj3~JEWfEwu zyH}XbFq+Q1lF<^{ttvlzub0PTN z$MZNZ`_@NS(VvgU^T@-7_l{`7*ms;ch5&~+Fq+fMsoJ#bp8m&w{JRK!+#mn-=Z_eD zsSOdWrPM9OTG|+P0t|T50hxSF5i`~9G@rAM0t%m4^|#^!pz%s!;S(137UkG*9ABF2%Bf($B$>+0t7jz z-d5*5EpBnN0l$AeTRtjg17VBEG(}3N4QqA87|iDL<78&*2ocn2n9vL#oeOTeCJ>hw zLNqvWQcJ_^ztt9!S0^<$>juild<8V(PcA7!@g$BQja?4%+IP`T=2^lHm1!P zlCQZPpJzF1i2nBN)@x&tR@NDJer9#5B58}NDo&ku`*m|pL^TApIrC9QHy50+Ah|4r zFl}xr=2BHvRsAafyR|-Tdhg+^T0)v(P8AN+S{i)11koxGE}LiOS}ILCpBXa_Gefp0 z+_5&S*FKts;Cn$vBepOEln`EUNPgdsjrr@{=g8fMJ6U_hZo`BgGTP25ViJ|H}Mo$1S0(7XL&o?y1ZykbqK*>*|R zhY-W(Gg?%yG>MFAZakOrYQJtUn2InGe~*tGlHc|?C*`Ap$n^RBiQ5;0F*8e>2MzGLr<~gu z7J-NXwp^svzVGql{#2(n?fdsnSdE{LTuUb==ag0O-pN`WOjS|0hJr-1)eiAMIcm$D zX}aK{BL~{DovpPFQ#%m>U_gr&VrdKaKOZi5`M;{|RvI*IcmR6sETT>@t%hf*<=%2f ztzV9Yv8xXrxASOYyQS?CSSW1Xsg&GQjSZITph584DK4%*^M#w9;`REhnxKGy8xftR;X!p^1w_ zb$J#=6y76<=vEtmb#!nb`$2Vx@*M>z+9d4TA!WqE5QhdWXFiWtiZDtqEVq9F5+K%i zN%$CxM_rig2~dyosv=C(+kmK;44E4P=U%J5mX`JeDl{jFXtLX z;|yxGgT5~+BAm8Zas_*l=3+`Xr|_ohE3heS0WKmUZn-+|LJZR=KXNbK3@3tXwK2=I zImQUl`=Gt{Ww6_W4~s_k`Nth8zeIqsDDV_On8U@7oM0TzqmO#F?QO%9#JY(SIF`1{ zhD-5R5D7-zuhsbs$%ieR_tQa>(|Wqb-p3sF{@cwb53pKq-3QNef^8a8U?Nb1dg~!B z$7hHhzF~UBaDw)bK%8W~DL`jd+F>rdhg16mY0JTW+J9iu&Na z_v+OLPt)>Imw1t=)xk_@OBk(zZRMOEk29svyLsn^85#ZBpQyUt`RjD`9B=OMyAXh$k%>7$L7@#~AQSTk0p$w(3M!K+tr6t+vs&tf)P zY2|F&Eyd{I%tNu|obK0T(|m9+wSW2TdjB|k?ZGS3j+wcZ=2ThtW!OXKX9^U0= z?bR?sMxVySJ~~zL(O+%}SQzKk=Bx#72ZE;v;<`Bv;y;DKO zj7dM94d;as=FN*u1VKFJN~kcWP3UQ-O^}HAm6QSpHsP)z!hh_7S{p0Bg?ZYVkEqD# z#*?sH8^eT|CeJzbm27OoU5}WnL~vbHQOQ zGneCbJ-wK7`Lwb!SU6obe9LSNQPyATRJ|gJuazOnBGO88-Z}5iX9k@aPwyg{5ZRoq zb;aUXb=n+es){f{xNB?}ifyE!G4U8{3u7x=U_JbkrU>hoe}8Ye5itZwcun=JED}>_ zrJ<8(rH1H33`|r?-M7?QSLG1>r0Jvo`SYGGsg;KPsi@c(qmS*9eDuBBB!ZI_7RDIE zoU_!%#J!KSMdvii88A^Q9M*}F}%);s#J5In|bsv5kH(Jw*#aqe5Ht!-PZ z6$AaTr2tn=sqM$l&)&z6pP#Mu5d1I$5f5s`+A8oq>(O7pyJa(Ktur(BEZ#ZDf}Q?~ zitH)IVfJ>teB2-40>$7T&jWvd+4t{1etPHjE#*>M??C7vy%?ix%=?yV z?f>m>|MvaI=i_mrHJ2Cndf1>z-f8d-za}tH!8;X(xf7qSFyj$@9rxm#PP5hq5v>{0 zG*!9(Jn)URFdFNe7zMS2A_1@Le&~9OZh%r)m7Mx}F3P$k3)w8J6pa1xH{yat< zy$yukd+){=D%wgLeK_ZiXU3@wItr2jm{?THS(iuZSwi&Ax##1Y6M%o)_5>$@s05_@ zIjN;FaXE`R*)ECULY%}Z_)YOhV1M%V`wef=%C#Bhg2O@Yyh7;_{9-9Or=VVvsxSZS>AuUr9IlP7=sJWY+l~?S~~84w8uFo6U{NPv|01- zH7!+1spV_0fwkl9hu;&|6Q@BL^KG=$O0+ zm)cVD5PYf%%3mTv)EY5iDe9fp*370&1GBStz^xf=fa)tL(`)Yo8%~^T@ErTy*WBL! z@>Y(jPWQJ2a|MbL=ha7ld>)v#ii&j$n~%FM&#G{mIE4bux^0(uxoz+QK0i-b9+|nE zHEjW_wp9w(&cr@wuLF2K1dNokqM1DI`S!l;dter_8N7Skvr}Xj2u!T|9-Y%8S7xfc z!51q|dLI~qqQY?ALGPzdd+l)9p3kgKmOt1g&2?$k+}XK@^iWo1>3kvlXcPS6MkpolN3Z8w2R+6ePo6LK<~KbGF<=^!cc- zJp+-gVDJ5wd~_iNRUS4&a?b1dtVD!3Idm-0ZP!xc7T`T-K&UYj^IFELC~9RDpFE8C zFb?_T@QHwa3nO(eJ*IFz%H!u5wh%W=$<`BPV;+y9PM$xr--C7AE`gQvy~NG?=+1k= z;(~0pGME@9w6q6R8GVj6Rb|fgn_?}H?`758#8CXBu*LwqmL8+;-N2P!lY8b6wbnkd z0k98y)=lwu+4!16}XEY~T zbPV|LFz~B^Mj^2l`;%-M7B~omnKsosP#nffO9`I?y^s>bhHVzo$#Q|9AohKj#F> z%6pfOlD0^5ZkLo&2*C@nb28f4_XJqVFgtTeTimXxmWtUY)^MtdWduG^2m>5wR^9SZ z&a*OeYeR)Y^hUJpv75C%dS9&B%O%#@;kL11P?M`7nSx^oA`(If-eCjy=g)f#zSK&S zuonFO;}g1_=ksLZG0l5tHu@MT1gDZxSj7ZO@UFIAYQ_`ao5 z+m_O#siGj9+AuS#wO#hDzjXiJ`}Je{fFuc_J>F^SZO*xG>3N**x9cB2KE8dq{qxVC zFk=Bx(#Lq7MP-4IKOaX7ftjC2hQepq49>m3T~!yi?xp%&BJ3YOKcVucNu@MY|8ve1 zysB&|K%q4H@Xq0&`6YQ`;YlkFMpk$vcq4PaZWz5hK2K(D&4@T%BUWHHeSVymx7~*A zx2@L>4fN%0!z48%U(Px~LSW)o+N&-DF_p80=)fp&PLMQQ&(`}G-4M6V3ogc3!F%sW zmYki4MA+t>Hd*;4gjG~gMC82l!TF##?_%=MMB=H&LK)gbWSqn;V0Bo}=3f}^{koY^ zYaJay?0Da&S&nek6}>#PFoSq zNc?5y`~47M=UlCAX&`eM`})V}_%HiK&kvPDn^pZvS@KZt2JW`AC-tySAtxqnBPv z<+umu_4e(8$u8W|PyoB2U;cV)rH^L&TcSxZdB_rC3TAWE-fEv_z4r52R{4TFETQMe z8Is?xiD}l{mU-CMJ`KZ>d91Vo{)&{IQqmDK5ul*Op zF(h{$6)>*t5;2M%Z9oC&f_r|P@e-_C?_+=4@}uB^abfMU^0Qc<>O{T6bMCw%wDGtX zd&&uk5tF->3Z=;vtf*zk)ReBj|59O%s?7a>V z46vDqdmldN<+d%sf|Fqe2jHaHyD<}k`E%CZ`t^Mu1L92f(bdx89sr!6SI->x0D7a3 zE^L9&4%MMA`_mlLdFjoF*lflqiW3*m(t9 z$a|<@nC8l_#U=soFm4|f4#~$YKyU>)>lhObG+h@rpQG9<}e?E$ihP#`H zozn>(t122}Osw!o+j90UWf3v8I&dzTO*7NK{l9RLpV!GF*v}R)Dcr_U07JT)?R9b zng!||X2$6g))L&@Jojif-j|o;Goy{-a{mVYCuGgJJ|aG<9v+4#NO-u`NVu8 z#ZYQp)?TM($S9bt_v6SZMPwm+=TeGu8gxhSK=(12coI3M$B|PE*tyr%VMJRJ!(pnj zZwb@2+WObGHwcty5(?`r2Co1aLFT@$v?dEFCD%*(_T?%nIoA}!$H$Y1_7oq_GX(FP zqSwN#7u?)h8!Dg>{I;hMTrNdbOKsk{n7oKMCn-i{_Rg72ry7FGr3UBl=fa2vvpBLW zbFJQK#3WLci1E?)Ven!?tTKj$;3v`Lwykdk%p}5axvAGyTC1((2GB}5f%~LhM>#6| zk&ln#d}KIHu@)b#JMYsTdmFg0Ri)+DO2vK?bJn7v2<)f^zUmGn~l*{`q;W7rA5DVFm{Nv|=>3cgHHhOEXy}VqcUXTzz=e&Hm zjA5@YQDk13fBC5V|1}|Nj!MD8i<6zX7PK z%m{Zg)9GF=j(UPvlt2oBOb>TA)jOQ?9Xvr-h5YgSy2_q#)aGq9y7)tS8~8O-j?hQ; zI($J+J*BXKXabrR<5-cP*W-G*GYL8$OfhlTiOS>8C%K=`x@~#8Z!reAvB5-ZZS{m- z-=8Qz_j?%#UnF{b9%akEaLY3yJf%<6&?%?hx=s7|_Kp$N9Cp@*qn=^P2iSXBZ^MV- z=W(pJtJ$>Mw;i@We6rY5`TF|_Q=B;`lyX?G&N;^zbJ|+05rwFqe?BzmG#h>FNSI~@ z(0vg+=S(>eF*tp=hvu}=4PJ0!PC1ej?#p&{By@s$3CL2}^Upd7Ef8oJqYaHZ$CRKU zshbN}hr@h2XcfTH!!v+b93ou7^8JsmukXk0USRr1I;N;hvpHw29c$R2QgRw&9!GU@ zSjU7HnCtz1Gq>+Q9^01pk{!(fQw$-h9>)cR=bRH)aR|Yg+8D?NcJg|(U;fJn5ycdM zo3!Zx5oW^eY;!ssIM>n0JeC0F$#4Jq4I3MqzTI-(68IP)s3r~A-G%k}#uzjx=Ag)> z4pFb8gYI%X&SjmS=CtH4SfHmI6kK3p9M>OjI}tyR`gL5)R9lZRw$XbZF^6fhkJ-mq z=3<7!b=~DQjf|KmWW{)RX&cNXXs?~uG<2nXn?Wu@vBdYk+=*A0em!bTy1#80TcYZH zokCrsvd~&?V9A+7$l>F!Z>+*B_1X6K;zn=Zc8wvXkV|y;cCN@_Chl#^HO z($3z_KAY|Do16D*Kv&ah2aspf2^}*zZF|D%z*YzmrxcIp#Z0<1Cjrxklq0GfS`IXU z4Ffs{z#CLVRC7sl3`{hbIhDwwz4p8%4chBu;a4~-p`gP69&E#yV?T#G)n}tupd=H6 zr<8I4TdCIW1j;1pat9HJnR*?NlAe!>;qjP;O}m+Ix9mjuo|nif=?khek-gZCg{TTq z;opTD!3-p^(5}ub0E22&pB6$m9@prr;)1df{{?R2m;$CSA!@tEwkIr4Ml&}mw}dG? zlbE@xk~y*wQ4+o+wVNAh3^;Oe+S_yxR6)~XSYU(LwCil!EsvKwMV14KN1ttdt%Z=<6{XY5(F<{K+ zjunTyd%K#G+nkz0J1a5IF_AS1R~7gTXj8F>#!Z2yPS#Ro5yt0Fl8@6||B`IwWUmU7 zSE!D+t04k41RZ_2ucMn72vK(@{q|o!MC5wbm=)WHm?H#sAqRrtiA6+miZ(69__KIY z)e!W@k4GuV-Ed)GAeVE}wWH@T#!vlIuTxd{CBioMX(qx>-p6nv6*2PX^9n(T=y;xQ zZ##B0b65ycYlmtD*c?dPu@$PV-*0>GBgR0)bI!e#p!zsYyjr5yPTVZ0*4Ci(MbeGC zJ1x?GP{7LuGqpa(m?_0tTL=MCduBrM8bTOj0!W&3!V~3$y8)fFw$^h_`?g)RjWPO| zwYK~H_Q&_n+qOA*P_1wh=WK2%#y%!?0+_Y@_RBjt_11A4!9_q$EF{9M4fuVptA(K0 zWMN!q?kR@a+S~mGsJ{q}VPDT17^`aZ7Ug-dh0#L03RxJ8b900x3?P# zUoqD} zFAtg5v*!}PW1Vx_D}M@e2$;#B=p~{h{~!uMAK#yVA;1=+BKv(CW2PLD$qH^=J=%QD z@8Pn2`{i~WRTco9SUB$qiXfDpW6aTJs{^}B#DKdyi=+}n722eqa%v6iPVE{YY2H!@ za(rEL%vY5lv(Ho#u=o8M82M<>v_(|9LqjV7#=5}>A4=G}sXTwsC?P@6}cTXi^ zRo!b}y?seBhP>q$fMD%XU{D6Za7kQ3(4h6K@4wtd<^H}uK96nB*R|m2u+pxYz}?;E zG??HqsTyNGA4kebMD3-xKwpFwBIY1Sk&MbJSmNQW!|DlCmWJJeE~0`>Q<3wiZWL2k zOrEIbi<#!`Zr17uL2OQbNpY|i7uDHk%1ibTg7iLn>)XAs$oId0!c8&zB=ev3pP7#~ z)~3SgHA9`p*Y)#}hlGp+i^@;1qdVDHBHECYi8aV#1O?R~X-g^T=O53vk6YPuYvca5 zA7?dpK-pImB{`8JVmYT++kgnTkAY;>K1NCD?Y95&erKkuHaGux+s#Z^YVR0-AcPB2 z;6CPY)z;d1HH~7!IPlwVx9d^&j~yauJg4qX=JjZ)B#mmr&CFlPeWT4#0>m33hU2qd zkNWt2vQyr(Pshlx*FMH{@EnO^4tdL^q-1SWM8fDRO*P zsj5)ct*fx_$I{9krfqv@yr5SBKLY>~KhjM>8CWqfgN# zUs93nUOs<+#H96XA%$MYO4WVEGii{JB2G26igiP+G_0}l;kQIy-(f zn?8p1K9Fk*2@td7EwhkMh(-T-q%aBoaB`Z{-6@rnQmj{95oS!P())xq49$iJmp$Pf zL!y=g3~lb@kmrp)SqRls-m;B(ezpB$tIvuza1IMeLy&s35CeFfVBioD6JzqY)`raW zYTLccK0^vV9jzC@11w_Qh^Xwj*SQ|07}6T$Ev&Tkv$PNHm%fT^X+!qKWxv6;lq zVKu-A^;@<*cB7Qi9J5_L<2hDkVcTvITfodMR7#8Y%?4=y%rR&sd$60G@TgiX>>u>-0k3a6W8;p!dN=_*;Gm?qj zh+e#HUopDI!nJke{{GWI#?pFEF{o-zvG<-*j2a%t`F`8yn8$gk%ID(=#myKq=cp>j zb*XU9F^2GbUSnDe3T@f_wzn~u+1$rso-#An*8j`je*5L)?RlL4`Hw&T^4o{I_c69D z6VvC{vy}At^(;Bp+Q%3{Lv3wwd0z^)<%{)K4Ws(UpI^88cAO2Po!i^)OzvKue+}}1NAKUy%rcZfGHq7RPxnEzn>vpyUesBjo0kt(IRS^F$ z5%{EeOU#0)!{~E;*1VAauR0eab5A*<3NL$cvtE0>dhh-DxFA4EDY*G@TyCba9CeT9 z(c#KqYQ4ACF$1<~A;-Ms>!_&SVvfv22XOhfr5t+gPUNDJ=>htm)$myd%MQ$^Lkz^5~9W!Y8~z#a&V`Y$!xZ>*;wYt zIjn3+lmULVX=TgM`nTGF_5cNinOOz)1|nhwNY`07mBg=%abT>l1;##yh(io>crNL7 z-&!9bXoxWFk-QLxFYZc!E_}JhoTg0`E;-%yQgXa)g~&g@o_Ms+Yvlp=F){dvK_RoM zwOv=8<_Kwe`|bAaZ*OT&8ua)7@jY!3(bV_^ojB#tu7Nq#^=$QMxIxpFP`K2ifByY} zsNma2NhM*|@%fJj#&19V@w|V#DN;d#rW{8f@`CQ8GD|tQ6Z(0aN9!)1CQRqiZ1}fd zZ?i90!;`|oz0K=r$WQ(J{ek_Mn=z3FF{h8e+*=#Mh&Q5Mqw)Y9WS|eudVnPjUh*Xw9ukn!~{I2l(Ho zV{}Wzk3SD)n#0SM@PhFct&iA9QxJU z)ytM}4#yNA>&09EQbX8~K%%p0F-2xZXATfn*)rB>SkTp1ErFrfoTjR{!C^~-aD#|2 zQY?FFuhek-4C^8<=`a8KOS{_b+m63XgW{Cg-!~Y8Fq*PqF~$fij>vUYl%(69uk#8q zTxShIS{<-sBcu0vUbpuhPlYHGQO@b{{i!c7B8*2d1!pqypINF{*xldvl4D7ciQOm$ z%_+Uz_TEPy16l@*0D(z@OL*JLD$r~H{`qxY*ZchzLd3=-=e%zvrLb*f&I#E7&J-f* zqmOB*a+pa)`j{yOSnFV7+qY73{{H#MDYf1aRi;5wj4%MS-k-<0m27Uz;^bo*n4~f2 zRqLGoZ~ys^Z7VT^&&Tuaen%ofZLN**{&ssj&--4?oDrE}-g=)l$vLRbIYBbTG#v{v zcaI^IlFYrfR#K|H;{t|0f{Bjv5+)HI%c7?-1ajJPx~@hd5gVxrGdCQrZZ`<}b zFJ)ojxBG77pO5Fi{O#A)$1lIUG|)MxIp+1Oxx|pd=;M4=S{EpZ zDq;k1J)?)lWb6IcxAW`jS7(A2KlavdZ(BWEh?;MSoFYh?XP(8`yT+7QAf@(l{CkE|90zr%xR)}KCYNTND-KGjRImDcGkH5h^Sw4 z^a&L^Bu^rO3G|u|@d^qcW>Lu{67iT5gSQDIFM$@PYxOtH%=fK83;>SBZOhng-uCkG zc4MZ`#{tm-6QvZ#G z(ObuPvfUF4ACGH)%kB#jA9G;kTteBSs+5va&~^=S+P4fT7c4GBgoK$f=krmQ?_7BF zc|OkVmQ!9q=^=#KClj@^tFjxNpv0DVeAN*3@#g_~Ny@>^p~Hb>6uYd^C%I|V>(LBW z3L;V2-wH-T<(98!#km?|Kr48ijhR{a`N!ezxujmlb+o)iB3_2tF=I|4X}M(t7vA1C zGoO9rTSjv5{bP?QKqtdaPIUj+FGS9Y)Fu)&;!gpmZIr>^bECO$Bn(WX)M2Fw=mf z0%B1CjSZ6h5W}|TrI-=9&PGJNwwR(jxfwFQh?U_q4y2cJ}+X z9Rum@o_*SOFDMz&pF^?z(!F>p0d*?UT2y7bmv;7;bpP1#BB4;gtOs09bc5Jg*>DjV z4P6PRl5Dyl#E_VUM>kpnd&XG}A&@&Er3Ax1U?HFldnr#Sy~3nWNrxcq8lpv_;EnwGlrEd<9qkBa3UfI z-FZb~Q!cT$J}@{&KGoTvw$h;6o@(teBYx4K7Q+tR-SwA${kFgF8nm4aCNnHb(iUw_ z8*@&ZeTEQv?Z5ryTRm%xk%%Xl)>k7&FSgLL;D6C=EwvMI7ab8<4klEa}^5g4~Q@&ce z?OTjdgSuO-jhP>hCzf2bbruOh%`C-u+skoXBJ%!rdma}MnbV9##+)fddvy!gRzO9J z2ZNc+VYi*U42p#PQt#u}Z|{%i+4^v|eJe4<)_Y2knPB{d=K*X}?2lp$K_sQ<=0U?x z|7eV1ngihizvG;13i5uxnL87u7$LRaOBrMKF+k=9(&TZR=*NHm^YgZq5JJfrU-uZ} z7_(12RH~|fe*eOT!Q4N;j{9v3LErCt>;2#V^Y`a*5;2&YApbuer%iu8Pa^MQ?j@Vq z`+Ya3pps&+>2Q6tKDI4mP5JdW%>3~@pU=zPZnx4}$AbZH95cWFdLyPWOkc7#2p-(b zjGmuo*-~3JU%`cuOFADX5s9h>>9yN5&|Td8_`Gg!8;j&EgI4kW>s!Ct?c0u}VJykr z+&%4yh(e6+R_h7_*n zg;g>!#~dJM!dw~eA#6jrBvHZ76E6(h^{j3lbGVMGs;%~AW5ao^5+hb^R<91MDwe-U z8a^MVnWcW$*xW|z z&Ln~;C3AOSZhibDqk$xg#l;-9-AmdNMDvI{0QWHFkoPp|bX)snH^&4q#)zMU)QyGA zeGG%5U81tE)6$hmkeEZv@%iI~ZNS}cAG^q^)DfS2JuB{M7G@P26W`uBCh-6GGGLYy zazuII?s+fuY`|Dyzkzfor1_>2FYLaE^OlaU%f_-h+uB5hR3auC*tB5Kbv`RG^*-&D zWrK=;zIOCMb-$GuLI?q?DhymojzP7gc;8D<`Q`mS=Imo$wXulG;;~>i=*yO z4b!;%ihwdU*uG48A8Q<5EsUt4MV-i2bg!fjL&T%r8jM+JjBQY#YPMl)}m_EfG&K z9$wHah&d*0=U73jv^c+uF_1!t+OL7PclO0cM%!S+R9DT4?$lOPA2ZWjrZtC1W{x?# z;RM4V4{JR<(ZHu(&t}u-Sax1^2)RMUSSg&)aDv}Dr#YCXDsWd}_yXV5s_X&GmS5(j(Ds_8>vJ*CNB*h?pDDbMt}L&U&@wy?Rn2;hM6m^m8D)s zO(o7YdmAam&+m`@wwsxTFs5C#=PkXx@87?FfkKl@8e=YL)Y`E|B9gFpDJYUadRa*s zYwRS%WUsb(U^UrB5c&JxzXz3n`RljWeGG1<1l2L8yMubEqSNf-?fyK@eJjU#5z)4l zAD>_EZ*SA=d0r{T+S=&z@jO)!!8>7B?Y(bXL4!5M2tmIdM=6=yi3zC!`&Q1Y=A0H5 zy7w*T+8Q)1*lfbWn_^Uz=krpP6w~uKL(uDL8uWRdZ}+=9jWO=G{m0j1-#3V4_+|UJ z>Pjk&F?7Tq#&BL&P{mqcOe-b5JX-`?GpL$DmE0f4S&&s^7J`g1&Aqi&dxzJypu!;f zxZnQmKY!o1a^H7z-?s92p0)RqlCab^wvxwKIHH`QxrG?Me?I>F@l{(BmcRYw8?4eI zs%v}B3zRAnLO_es+Gu^8wV8PgIu~)3fJ+jUKE`p@Qc_GBL#VZefRuQ_b-3M%1~r6b z2=DJ(tK)iB2y8TH*%HRU%QPbbA?*IP_cpd$xsHY|6v9M-Qi6Hg3-pWRBup_!cusEb z`xp~c#a*r*p+%6(9{8D4B<_?I;+e% zQQSz7c6Cw48ex0eX1A0BkwZ^8x~WRY0aG+o&*fI&{=xbJyN;9-5!vw3#!rjY9P{`( zUlR@n$O4OX94lCThM*7#Av%$am>Ek0z(dv#E0;Ypi@SrPH-_!+8;jsVU1Iv6kk!E^ zlr}U}no5GvR+x#{CXmZiwg@0kN(qIIx#yA)RbytoVQn(eV3Rwz4VdtWh`W_ri7+Rm zU@xn$28ktMNu@zU(w9-#_Inw1K>7j^Bfgw@%MxTv3ps?Sz9@B0Lim1a3L547I&a_h z?QI*iCm66mfuPsG9>~GzAw{1P>L9=_3~_kM(+owts60PU7!b>rN!ZOt9}FQ=iK2{x zgO&4^p`u~tHO@>Lb8KgWw{>*0VatT~8vZR0G}9Oc!B_yoe0qp_oqb6Q=3=3M;ftN; zAK$<5{2o{R{rgub$-n|5QWbZrb%Y?8_Ki77sP~Di>p6YY;pC&uw1xU?xx`V2O?!Ml zw)=(X4^{A-?QR#Kovt36|Ig~xkVW_!L8Nn-jd|mmL&abLb@4xKz z*?OBGWi8~F${emSppAsHC;?NbJlY5;2s28Myd^+O$f?(H|F(;2zj}Cq$q8{tDYUCE zT%hpzY%wcJ0!-F1Q+KC&HfFM6_|~E3U;&+0%n$=?Aq8SiCD|}@XOZ6LoHNESr~eGq zf<_;yv>^l$i8=N*+SwqCxsK}Y8s&Ue^b(MaryO36bAqe@WGB2oc-Yq<(g{NlpPq6u zb1-Uo(eNA^Fd(pLIbwrPyUrG(t}RwWu?37QnJ=`W27P{>xx{)lRUNI5I#Y=PX-ZmA z*4r)pbPBa=V0zf=fY`hqoyc>ENG)Kdm_fajnADv*lw(onw04a-CNu2gqKjTnsQG%G zknxOe=hwx|w~sxhz(l|wr4+Es5*3>kf?|4WYm%~Nj=4lM1MO`1poO{Yd33{p)32UN zG&391iB&ai5r=9>8e(Wy4=MDkW4I0nGYUWn!pt!(jXUaQfE?+SY9h>VqNDVOJPiMY z2ddQ`W5A*eA0j9^FCm;@O=0GcP@)p(U$ zE{-{-%?UM5Ju41sV#vd8qLOk1Egs`(H-pjTt?YYdUSR?-jD{F)Z##bed|YekUlLY?Xy4Jy zvx=EtXIq2G6A3|R$Gz1aM6TMH`InFTSsT70x2*)#t2IpBVhk~c>uUR6#+W6i$8n&! zpEgyr!^}I(47oy6m~Z=5TXT02Ejfuu?LFs|Q*>ISDrN?y#C=65iwK++twUo&F=*@K z)CoQDNnQ7`rG~X-~Y#d z{Gb2FfBV1w@Bi**#FSz<&MJx%fSG8Trx?sFrD*0Ug|Dwi4B@~2%Wt*yeaktg&#$Ak z(fi!@A|k(jdl&hcY3C|@+X_Vg#B|&8n5H5i5*}yGF@Q)AgZ4gP8qOt&2vBI}^J;D6 zE&c4&V+{9?{e09h=6=hNqz9}-Va~o! zbehkx0@e5T9qNK!d(0uGuzzf#Qjdy}2QnpQUul#vhfx88Ur~rKAIB7quZv%iJO5s5L@t6_FNr?CiV^u+Wc z#4W%8ZZAl*VQ`$&G%9pWz6djh{54pE`qee)*PqY#Z+9XpTTVH$vYC-ED?9FKq(Q@` zhN(3ZRz|R{5;HbDqm5KjND+2(NIyly<`k8FwV31kFLxM=MP<8XtV2b>-bFQQDFXW1-m$dkoC#dL4MHpiVI*7Wz3KeON^n+9F|gif4`r{ zRcpiXl~Q~>&zz!&Y&l)6A7|}-;#hcLz3FErI-&!dXqt^S%$)fBcgjc|B`8dMq)QxZg`_1DEUUR_+<42ENJHRb!5b zqQ~4UlV6mJ~}2LAACq#%z6leV!QdAt2&B z8nF{|Jz8rcZ;^$!TZXbZmB7sP>{to*Ixv&|86XW+H{2$u=0gr~i~C0@_sq59RXouRPaL?patuR#gSu5bd-Z(F=BrI&6v4RQ9(mgwU=QOPteUQg;qPCq(wd zq7q|(&$S*6-~a7aFeFB1PTHcIACD{VX?C+|V@?*v1~}$Wwlo(9Y+1uG%+6bCt)~=i z`WRDGQ8*IuXg!y7J}ZPDjBxJh$JZ5ea5pmxA%I5k{Jb2ozHsV_rukW{{~QBz~U?C^cwgoKB<@jt}S9Rhl&VNFj`ltu z%MFS>Guv;Qle5S)L&prj6B-NXw-Cz}Q!FL5KBi3|4sh$^J`fc`v_T9+jt?Fg0_Ltk zu++da`Fxz)mYAq)>AdQg^RIvT_Q#JeBKmrsBH~Ud#@0K2M-{~+8#2Vl^LV@O%zPZ@ z?Y2LUvyb71E+sskN6uMT#vJY>D)4lVfyu;lr`ukP+?_z@oO6D>-~asl+_zF&YrStd znR|@kd7deR0NDWXG)pnMd+!s`6<4j>mcJg)7(-6M-9gZ2A`RhroIw>eH$3d_-uf`} zk|PGF9VAn;_`>myF>{KK~%Q>~)KOfH&V{3iiN{SIm zvVF@R@3;F_{_@L*uxurjoX)F~lL+@YK?fRUIYwCcuiD0#W7@~tjhT<5UajYpi0HU# z0PB~zwE@E0Zy)cq^{cj0;+S^Tmg3qD2UQV1u9gvM?H0ni05FHBSFdN2Aa5W0-e6k=c^aI&|1NjcV|?Qh%XpO2K|{oAeAE-D%oYsy~7byT?3iF^fw zfupX{YhUB-7?$wPtk?1N$7BE4AfLdx7Mo&}H8@0;NJ;hidFCC#*ehiamm=1xv7``# zftv=-ld!xh6~G@<6|l~bR8&deZBQp?qO_+)E}w=|GUZ6l{p$VdcqCD?!lZRRPIvEZ zVAcY)fMUF<0_p;mb>ze^OCtQxW{&1fn2|?@Ar=5%SR-K1fHLC6qm)tm5-p^Fl;Rh& zY?*_{G$IC)qFn>aKpaG^jTFOA&9R%e*2|X8hZd^<>Fwm#QJt8W)0WK4ro|F5kHQw%-QiHj{{8rI z#2lHq*9M*i6T$6pJ*x!0o)^p;bIk3YMHo91OsXL7!KkvHt+$y9KeL$mYgBBa();qDn;GWc*h)PgXKSOj(fa`X%xT4Te*3tm z7(Smz3?T+Ru6o-GG2L%FkYc@0TH)X3PC*4h%OM2-6Cu;u--|na`|G=zA#~#QzH88W z4tLw{rN8{~$B#2@aSlW90z9Ule}4#5DsfyxqaymiiTc&Iw}NP@$B!dzY4nc4TP%8e zFC^64*xvH~QDTYZEyJ@|pS2zxL;keIdiK%A^Q*RNJijh>3bN9&N>1cHhSfHR{Q0^NVlE8J=5X0;PA9uS3G4-pj33Quau+BbHi7^J7 z)68wIj1&<@OF+aJPRE5hV2lZVBCu?_xyKlh!l^0<74;YKEF_I7oX-jq6o$TQ5T*(@ zNC@FN>yiSxkCjhv5a3#$^=f9;>X>Hdv+nm?uSP4G6)zZ;S)F6ri*Agv4`O;2AnF5F3ySP8@yb^U8Zh5xCU$EOSmb!#xNt zEzF8UlnNN82>9bsC##?ogdf_bgKiW;@ag}=Vyci45edO5Y8CM&3$8WIJ*8DFu`rrX ztV&=@z?i084W&FFwtzr@$rfU;VKGG{QTVjp2Q1VOIN-&gSqdpk43(#eO32~!&j*l4 zqU>f8R#qJ-QZZ>NNt8#QJ{^_@2bdn~L4@@h5mCyiy*PM81o{gm-OP-(1SVkI7ov;< z5V1LEwtMeo&mh#Hx3?Ey-KOdLU*77~Qwnq1^*nnU+dX5xNK9o<$LE=H%v-t+M1lHs zRT92xBO&;4QN{R*gQnhkh&mA@4mBIPz*V%7yU#u~h`+|(P9&-YY2LtRTaNGDmBU}X^=5S z3~`JB)Naa=kwPV+D#K<_Eji(h4l$5Zj?vu57&*nOwx|mH1+2#Y0*d!Bu+7LR*497X z?tlON&k(frX6`vI5!9S6Ovo-K;(z^@zn)hW<~~M>%jlg`oaX3;F;>C4Q&no~%F@SR z=H9!i{`unz>@ZB)VhqpYR8&SF&)9@v;JmJnw_EMwIIgXvfBXCI%=DkXe{a2)ltR!x z207K%%{<3=Rs^8-Qc`RE+xuNr{`mgo?lFX`wzs$2gm#eV|M`Fa{kLD=ZJIED|9r%t zDTK#yr5IvRRq11*JC89a3(9?FYHfUd9{1bk=CuwY>TQ-SAJ40|>5G}j^=z}vR(mOF zj0vwW)B-k*gv*{De;)28D%Ww{KW@HoF5*T26^9VEdl68d$HcM>r#2oTj2kgQck?+W ztBl$;NWVHx+gwseiis?)a3&soKx#jSef!(T^|-EQwP7sM+t}Z?5Cme@?QO%|pi$i^ z?-_#E0QBT^D1&WUD#^{~oR9}VSxe04;}Vg2G;D-(N#q1+uN%@X*@-|Z=&gqo>e+Ce zVDF5bc!Uj(X-+36Ttegy4xq-+`_lVj1WQadT~u<3qgy*GEay-IgYa{Fo~5K|Hv8P) z_LL*+4GZ??UeBs=?SG-6a&u;CwJ+>g>%xrnn$1bCnMbeVuYdj4``GuAQiKx=JH0VF zcKYxi&pF8{#AOF>S97yhvJ4{<)y;1o`w9p{dq#ep&D?Z+A9yg#Ab!RF%chl*&u2x0no=a731gUM zIY)C3s$b7@D@lYuALm~3c{O5wJkNbAFf5@(A$Jj72Nc40n3xE5^FRLmhr5q9m#}-- zcF)(N&bdPLp5G6AOW%IIEpW&5`m7RU_K7zB@%?=N?am_U6^0#iAf~rpcTs+PKUy6z zYe+iH(B7vl>e_+8&mHoX(w5*0?`^=oufq5D5~HT5r9@#-W~4@5wU-pH)usA~#Kgc6~*!OC!`Ljzr(m7Hcn z+JLzE^=P89y>HL&M~sT{9fYfV%Ni8#hP&fBKw&!CROQ)FoygJ_GlRg0uOcuntxdQ! zu#8%biZi5rU_JLb&;Yv=#)!QRa}yPx255Z$|08|L1!Q61jZ|8H>|Pr zOeJVko1h@bb<{ac2sRZN!)#j00Rv+|9?>(q(->1QY7ELEtu}n~XP>Z5PaM}P`I1lz zzLb!bb276SHH46Ie12Ua=<#(S0j+G&oz6!MQEYnNLB`O@ji@ zy=Ed~B2p6qn2-eZ^r}sT`9*UAXlQM{umM<$4<3EylFeLHp(|q|{I8>p-g?bIE(Ee6Ld5)!=hY|@wAPuVJt&sb6FW2LOlQr+D*D=RH za4D|CKmYxch+>YwrMK3d@KNv>14&rs4wp=;{XE+k6P{~FR2F7PzVeU-i?d;PBd|Vx zwK~hJJ^JXiryNoWy^oyZ0!qdO4s%+XW)Lust3J=VZ~1Di_5S(we7oNu56CgzZ~H(v zGZ7QD)@yAaA8(JxfhL5RRTX@pT6-z!<+)ZOsiXKM}m2e zzbnO9YlDa8+sE7UICG5dWHyN$Z3g(B?p|_q_bq2MSAC2a1HQYkS72B&=M)vi(kcaP zMPapIVF;5#&@pF>A;pONvb7Xb!K&e`_1pXX>v@)({`>#@kN@_+{jdM?KmM_A#oe#k zuz&ct-w;XwbA5`z$wSb`^Z4s;zZ_>B!(!0qaXFC_nHj=^Md-J0Z=;X1)~Mm_w!y!# zZ@Kot%*R!kNJWrc?*zTm9Ah%^wxxPj7;)yb^Q_m|Znx6M)F9WbAQHeS1?;APYe|?){V&Y5W8uan!bGvW+ zf)&8aZ)3LFj;{(LjZI5srFW$*wX36)!~XH>_pg{^-iwX-{BgKh-cq@5fD>Z|i3)rD zhbWg+_T0{n;vfVSQD8JN`D<;2piBfX2oxGHVds*sv*s<;tK}`tY1St(&px5iIv-cB z<2CmRD#A=LCuYuDBKH1@249MKM{+HXF_+~%g_M$+F%jAT)IDzg{&D~MdZwJt*!?x)3M0sOVbm2x_ot;8_t7G2^XJ6=Ejh&)>h` z;_7vvL|~?mzkaOfDEE*<%;A;ewuIxp0+`&Vsj9rfm7&arl6%cTP@t=%6x^NHP0w@M zwwG<&fMkI!&)lMhujiR!So(OF~=U07vKl<6B$;9_CB*j7l@g4Q-A;&SM z4ZD5Y%br-c+>)r|TY^kkgPzYOD(&jm(d*Ge3}w&fSH&}B!}6Z_r8BJ020zdBY^@G* zI*uw#8l=`f%|1U*5Jj+?!VUxuNa(HCo1jP&62KKYmLVebY(CehvR$K|eNJm6tPrfXJ#pTL0sS*Gv;_bYRIAYMfxiDT#u@%5(EyMwlsTp-pU;YN{1x~N!vFvv07*naRQNn&4k*;-oFRq| z23jApPYmf^`tk+X!Ba^j?d;fC_S!MFtj~%?x{WCSsSO}pnVHL;a*1C*4tGNo3==~y zTCYJwA&Lfl|78d7i;+ej)yyA%9(c0ws@AmbTv=dH2!vx{&& zJH}PZEzLqi!klt2_xfzitSY^Y@Jjzhg1DKrHrT1$k}9VZQ%S1K%=M_uwB0sliYX*? zO(JGK`m9$qqYjn^L5`2XJ%yl9joQm8QLlb`-@&iLB#2)5p-zN2Fc?~}Th=H+0 zrrxVLl4Z-%^DSINL?(c$Bd%g|y2(*S4vqZ(KZ9m`;sb4Ztf%{mI#obsM!4R5SdqB% zc1~FdAQ9od#aiD&eyekKE{D&+Y2B{NQ<%hc|JfGjExpd%y@}Z#YgqQ z=e^*1MNpC>cUA@D;1k1m9>XR^C?S&w%kTd2m$b(F`{NwU!#Z6X3+H<#rkdO1`_5iq zr0~(_J)g=>a)6P|X^zQzecbkCO(j=nr&?>ysmSZm6SOqOgf%ln#Z8kR8D^$2?4*XD zT_CYgi~;A}<&shg-@e_J6pV?9&0MLSn1a_M*WdsA^>*J=498LMq~7k2bxBK#tv9c- zq_m`PyYJ@g<>ji(kK_3I|-o3tVk8VM?Q}1obz5|@N?P{HAb+GBoDGqQEhF%RAZoFk5i$UzATzA|6}s-nRYQ!5S77-(AZqo^_vCF(VF-g87uWq{Kl2}+oG^qC)m(xU1jv}h(Vj=0dtREAdz-J^O2pBPX+@tU( z5OdAVPF4fZKnm*AaX-=;d+X*LnT5so)?4Z8HO^`8f4hYgfP5B}7=w5@Qx5pdL_~r$ zcrWLIg-KP%Fzh-`4!v`qBTqA1*Ts9;??+0pmX=a%r9pNQmnh0cwBHX2>QlhHz%L#_R+CF6;p;GR8EUtb%XfIT~$1Tko9n$=9QvD|vHh`|V^ka@yi(!-ko; zbcwxnRmt~k?hN2mFLTUZx+8+Fzz6;Kc4Nkbsnw$`mo%r{zTfwcW6bI1WRai#^!3ZH zUyjG|^^afiKsqxG0^AeUwwTO86og5h2EmB;sje0xN^87*yQeLQXNLF~A$%v*#2bQy z96572*Ey#n82W9_8N5OPIOi<2jcIdEW=xiFne{RDqnL9(ddKwj z*VoIJ4UX_$M?IQ)MinJ0_xBw^JG~A^j+n3pan7MxwQ1L%w)L8rB|j=GnCX(%mj$BJ zu=rNm{*l*f8e@p(Rz^MQG}~U6;||Fmi&t#b@REx1XZ{vqEqzcQJ(WSh$-V&Z zs@L1M2WYSu524%K-;cNi=a4PfdK*|yVon6W2z2xBf4y%nOUV@=)LL3vBMUEEc%lvl zRs^by;N69+Fgu{f@=YAd-S@q>v)`Tl)xbzHx!%yjv(vM>>YKn)=ucB;_T zI3q+=wt9-0QK6A+J9#0RnI#xwRy zgl)RGL?(VtSI^xP`T?*yFsO2b(A+Zt4dT^O8nECXI>hMbbSN0SN#J+ z0>JNsSJgS@$8R?vF7lq?6F_H+6OZJK-4$ibp2Q1Eb38U@;}nz}VQhpxt(9|bj%j0v z8iMa_v^G@a)7Offt$HPiWTUtTw6 z?roIPzPw&aX>(2(UTba40J3qd_52m0IcJKoq3RsNd;iDZ{rb1xe)ymtA9qkb07*f% zzFY0kL_OOqB}ZcpFWTn-grbc>X95)Ad=wT$gTWz{LTIBiGZRg-7((#s^@Jq@9RO=% zYrWR`_WFVqg!g*na^wPV=f~p_L+E2n1Z~(n0h+ym;*SbWh2bZ5Pt$7aoteG*82nKx zBmrh_%!#}+{2mo4wPD(^#1Oo;Hvank9Vc?{t$Ku<+2jF-p974-bN|K%q=mL)>yw)iRa z@zIO_`&6LUZqC`9z4h{_L@p$swo~;{juKMXURDX(YuBh6b+pmjoOAZpiOAd;_(w!x ziEsd`S5ZmV1xxdm>vCQ4J+Ch-$SR-KKuj{`oS-bvK0*rX%Ywvg;ypG;|@@b7{dhs-PtkwHk`g%#2U*bMKEddi6cSNxeR5XwcAlD54 zkb3EL@Chiiv;;^SFRzDl>n5y`<=mTwb>IZ{I(#s1#;L4%!bQs-+=p7?Kq`cQVAxW6se#tga-4sseD& z*)89TPaa-I{BaF_)N%cC2}=N@2I;DfT)Mo325{rL|srS{&&KmMoRlW;lOmtU{o zYeBZ_z07I*t*~&(joG!*5lsNk2`U~~S@2R^-Zm@=A;f?D*jadcU0dxTdMMh{7Kz9? z>aE$CWJJfu@e~O_sAIkMxcE6IfG6V_@PtK>&51Q{?~~l=6{)2;IwdQhpQY7{m(j;@ zFQN=;eq7>dTq!*yU{VZ1K_Uvvxpl$*IW2+pY#wT97y^c%b4(u;W2|SSmq1OF_lg1w zc%RWGj6kD}xCUb0?`1;S$q;9=-@romE*^+av)d4p`tAmJqR8j7IiWfb7S+h3` zo89GQMIiyNf^!D5d++1&y5K#!epy4(j+8*>MEUl8*Qnmhek-$¨^EgmLEJhho5v z%?XL!oaVjGVYAP)1<;V@nI_KSW!)m)g3oDG&CN%})mBU2UKTUUk4BD(Ijw%q6SM$( z0ClS7AjrkM3}L5(D1+%>q@TImRC7=2mM)>Nr2VF~+luABL!}EE@#5j@$4>>OrO}3p`e#-VkdbLiV@_3p1L^cxDigyP1bU#tsP`E+ zJ#pwOINZd_rFJvRrKxIdorzKk`%!AC%=CEVIcIAfB+x!)iUAt>+L~82b6y4G#uUPR z&oKrw`|G#wkh7l?;%Q)3Fw?puA%03DE@Ehb({~k6>bbIV5bIiFV zMIiaj*^<(a_ghK<@LdsUW4vCsJ!hz5U)SZw$8B3utrb>rGh3JNFaP#8@KRncTkCKl z%%fBcV^Z*~KRtpXwKrj&&Y0=(I4;}by?*`jvLE@#wY4t7DTeot`#B~NDW$F{5K$@Z zzUOsGX6|Iu+GIy#4kCgx!_0agt#x@uAY(WIU$rwg=EMMF^r1oadvWCQUS8fdJfG{9 za6OdV%3eUg0DuJom{!O2ZL6iaGgtC_Z+!{~$!evAB|z5!Dvk*I=z$z1qU+a-Ps+^G zthZhsWz3;b#LFD^8RUrr5yKv>EsmvUG`FZu42+kCnHrp6&h_I;6ar$vX3ZEKK_^$r`mYIWJ)(2(g-X{FeK59&U+NtEW zQ`zZ4)Z>gfW5C`SquX=_NwG4!zO{EZ36dZ42GklUOW0m@mi01+)FEMw2{{M z(;vP{(BtEPnbb|WsEUe9{`>l71IAvfxDitXrp{_=5U|^ zCBiBp_|ax>1ChfJnAN?44>$mBZr0;zQEU z@fGaO7)HMR`g(a=H7N2H(9&ZZ;G_TX=a1!@O0IJ{2rWQ#h4;hEPNRQr>)VPB6QInv z27EnpT1sA+m}vG%^URA_Q+Rvbe!TCuNBQ~JYuaM#^X1EW{j&Bxmo(GxVdu59n%nlWj0U|w(yvZF7^VYEl#fcz z#WfNW))$a-#5IWU(`(@%6Bi-qSDiaky|CMvHsKD^pslu&>#_xNE^Q%gJ|rKasMlo+ z$i2b|6IYMgE=0u;S3MTw44R4=LbBPJLskY0g{1JCYEbV*Rm|q-6ZjVt>-fNX?aL)1 z#{*`Y5EXl4pEM?K&iNodDn@LM-Tk+{lPq~1r_&n7vpp_UE;K`lK*AEKXTeN4z1h^f{dqlfLqLTOGy%G}% zx7us2`KTiB_j4<)mA+gew3=9D;K_mYB}9+EVe}DWKotS)Sx7$b1&928-+lCH30RB} zQCy-q1Jiu;;ieg#?beB}{nUao0fHpgpD*QTL@w|3^0t2Rq1V^-w}1U1UcwsF792VF zv083OGM|0260E3b^lTUse3-b_Mns=AE?Ti^ra|*jwwJY)w%?AB0wT=>NzO z@ZqNgbIjI;kz?ii$FXcN#t?$`K1ZM1x{z}}eR*lE&pG!auPLS!d+Ym=QP7&%WnCUe zj{c04YQ1~a);h%ctq)bHt*P*mqK)~>Pj8sPo0(U|vvuSOuFl)b^~d`yhS0{q9s}=B zE_I24nY{O(77%9Mmh|oWhlBRN1k)8Yw{{)4!vAZWukEgs|m1}-Ybz?Q*vfr6|D(5r(Pb9^76L!K3naG z$%OtVE`GG(z2eY}DV%ZTL?oQ|GN+|AU`Rkry^V~0lymi{HqZM5y}Owkbs!`Tu1(ma zM(Y|Bo50aWx<;QgZgC>ME&6iQxSmv^*+F_aJwYNYDs$Luqt%X>)v^~KJ*3ie&UQ4P zf*D8x&N+wdBs%flXNF~nVa^#>DB4G_15pF&W%k)h1vm)3!JKoy9U7H!tM%cg&1pU= zem^mV=ta4f2Jnc3hu_iTc6hJi1sOMKix`%hnS!8aXA&^xD1@9^th^oJfE%r&KnLvH z=2R~=Hz-7(gHOswA)@uN+;6)hH>X`*Ru)#TFRz!6AGbMY$qmQl9LO96b$9NVsn>RW zyDVEIreRZr^U*X&c|1W+2*R8oCW$DA<;4EJ{CvSGqm~vHkC76q;9>}C1U(5eY>e3d z$BblNah4Ic?~lvthISg(D;8ES5_H+p_3O2_c6qy)P0Z(xd-h&hX~#Vi^Y*&L zEr69|?hLUO46;KZLpWG3U6fOQ{Wg z{R@ES_bo3|a9dV|ul<=I&MY`5nfbWq&(Q!j zZy|< zpD}s$3ULU_Nqc6;{w@6ufv^!QkY)E z%t0yx+7DLEko_F@ED9J-1IEWD>}(hh8IHtSnkdJ`FI)0amo1PGv14IYhMaHo=>wzC zN9Pk4@5tplgqq`w0wBb4J)=LK;(o9bj$83jY??E(>7EY>jdL}38YxG&w0Mxc9v^w0 zBpGu?y>*nx>q}%7Q9iZf?%WuQvNK|KAiH49Y-W8-)Up_kh-YF34I)IJmN*zBq0l8PR&w4bhv(g%S8xYYz z3)B0+#se=A1PGXw`>1J&y$$abv*S}CW(Jl3R!m{>A$d3qN9)kn)!eWWkw5&0UoUTK zE&b)E4Po-fJ+CiI&26-y5zm1<2TN0ekPsdka?S_;xkwdZ%$!E+*!`U&Oo+~zhzZR5 z`}cc@ftXZ*(WcXUGo}w7yOM-HX3WzxtgNcHACI_%h@3*RV=pmy$n<}Def<=fdDWcD z7!!%~W^P>)46g%RGqV^xb}Kp8vsH~D1fO$--|@077&y&o(`F1FmRuwT0CZhj!(6lX zE-c4U;PJg|>&N{8mkh|E&as@HdRdlKN?l^SJ&q9kv`NoEJXAd1Ypo5H{e9p6^6j_( z^MCt~|KC6V_Yi#RO-13lQx;-+ew)ew5o|kHN1Clr~uQ7{V4}^wZ|ox9hg0WeFmjmUueMr@g&g zR5|B{?T0g4Q_Qt3F&?FQ(OP@$ zz4m2GqxAt^vM{3V@H)gbIOoFVi6}n`3@YliJgPHS_6irWdvX|XUSGdl2nRo7fI1)< z4@*FzIPOK!^O6oJl%qW5xje_f2oQFt(nDfHS$8?82SUyeW9I&ZiimIw0d;(> zO;p5-IoHQ*wdZ>V<^5c8j)@VzMwl6#Pp~}FoNo4^&ow5H6o96W+WQlsh<3u+`9XQ_ zXCHBiSR4WSd;hUN>CwYEhrzZ6y}VsCdLO(7wK=!f4T|mUbwh`bNETu@`dD8V^?GiQ z&3YdpDpp1U4Zw4ohwehX$TKl8E-~LTB7x`GqD(A3oEd_g>QPT&uCRI;ZM=PXQLnuY z05y7R!TV{JV#vAF+F}f<^7eXdt^XhY`JdiD?#|rTw+jMHAoRVi3+ku)USjlnE+6;( z42X43y!2sd4a>HOKTUGZTs;~BYinuPEdV$e7Ij2EikY?Coujb$w_jh;GRcHHab694#z zuf261`iJ{-B}94G?44fGP~#mvAVnA46&DY=~jS7cwqJ01UVBuv;_5?d3w0KS{ zM}u?kv;4(&z^1W3na=o0VYGjymrTRxM1#(56%k{OwwFbOL-PCWfcPE-t&i$XKMz6u z%!IScpdMjm#{_V&PoBuNI!^PkbL8BKCN|gGjEgV1Rc`Lfmnc=J8Uq$jhMpd z=lLI(0M~>l?H?KVoxHc@8e2UhIIz?jePCcb`UuJAqY;r$iqW2W@zFbStqfc%|dY|hx#wDy+4=y%p$ViGQnr;TrUF~ z4D@NO4ri{n>6{DEzx{m0vgXVPV>ie2L0AQ*WcLJFdatY;Q-lSSpGLSjCkDZ-jf_>m z#4V#{4#j#*(G1Ukn`6T0oYt5h#V0LC70-a1!Ci)T^PJW@5+R%eHqI^xW*cZ1na`F_ zRL&_BAvew8)~LCKgs4;NZS*>b=%g^iM2AqtF;&?nR-$;W3?c63EG`j7b`830ah#RI zz<>vauiKoHiI+9iT!rN?o)pjGt2gB#$;wcHiuS|3l# z_E4|;?YO+G*O!eP33Kq8qA$5#x0SWAf6M>?AOJ~3K~&5gxm=dT%$(8J*K6%P1|Pf< zbE(bDRFsIOvoQh3;M!VBk(@b4t#z+jTMeqyY>b(nh~oQx?0dOh*4nyPJ>{^qeXdjW zB*9G-@o=>32_%i!Gt6n`Y>e^s?X}w+Vk1?OB0;dX!gm;d~~ z{`TX2%sJ+SXuh+0wG5<0x}jh<>>)b4*roj)*xefkkXO zo6`r6)f+m`15$N^Y}X7_JF|1*HR>>DAR7X^ z1`97bPlWsUpn0z$dN`r+*5|#%HOy%~dQn-g3laGk&fz^nzIp0ioU>1n4~}4bRS>hD z!b*o|di&I&4(MO!=>ke?d{Rn_DA&^El$#HX+f_NHFvfXB;dU&w1+NARha(aKpscph zYF{tOoQrF~gb&ger0w|V!{Wy?zuXapq}XS|y-h;+bsVXPnS-sIkezHNXK3_E=76KY z72A9N^-n*0ulwyd9vPoTuic!jm&HeqjC%YLat5aws_>d?Z)1B~pW+ZV`oLb)oC{Gu zzTL(XxWv!7Ead*9q3(3Y{XmX8T!}>FremhjCNybYb--MLA{KM!or5J*T zKLNZ#5w4}4xrbh_m!*#pf;ysFTOR`@`+j60O3{D&@!`lWYl55Q$o1Rzn>mXq_~`L- zVHJ5=;#%#!4+w!UdUsH-vQv*wUIySZZQ{=MQPum=dR(KkGu;Mp+H;x)SuW}QFSlu@ zVAaE&PlTJBm}2yE8gv)#?EIw_$N;F8j!J#Bb9U=h_^DGmN_+n}`WdxDtZYQJw7gej z1;D>PropO+Rj_?p0|`t+I(d|Hjy7Jtyx_^iyd2dJbP?O@qMk`OE@8PuAPSt>_O_yP zBc{juvA-V<&D1nv!Yb+1Im~nC*~jR0ekud!m?yFE8Bhu`49gj-0^TK}NC07EAxBj9 z21^X0cduvxie9# z1N|5dWak`+O!ptVJIOo_MJ@IiHcuads9@I$Wj64RBE%wT3n6OWt14rpf=+mjiJp}B z{6H?R%X*2Rgni1A0e3f;8PKJWbLRGsj1j(wpb4x;ZM833jEirj^)hPiFn*|)RtFBr z)&?X`&cV>h=nz<#*@^NTR&yU?GBJGZ%tS`ODx!88!{VaT+JyW|!X4zu+T$8dQLC^jvycYq zZDKp^o?1avUj{mpomDB~S#T?1v*(_|UD(HaoA7*#2;Ql@7w1TWV1(5B-xJNwr--Sw z&dl-YNz~7z0VF{ym^%|l- z$?x#Q5~0-VwU=De7V};J3LkwscB2hYkB-|h`XuLW-|wn?dD%|12@xc4qd$H2W+j)= zMz5Xa9Gmxc<``A^GyBHmOYU=}H*UbZEd@m4#IRn4WoUN1*3wYA{ADm!Pw zTpQ+9=hLg7_XH6+YOUASU#}N1No#GQ3O*Ek#`{s$lpcE~qL14h?oT2DoyIx${&Amk z{^<|D{Q0lHg>dGN%sFdqUcIWoTK72e?|%8Iwl?Ps;Y_W9_icy2i{U)X{`epw4}tuDTZ46Uh3;*>tnXwYwMWtm)f?J=A5+;W?o{rJ$7)G zP72{PuY$Mwem{KBbxU*1*2e3XORvM3`RK2&TT1?MFCtP)LmDDhctj39{pSR39`~## z)5frW1UedWh+3L67lJR|@f*{3w+mfp6M?P}-+qZX|+Di&RsQu-)_isP$doI6yzaOP~FMF;j`dk_+ z?=h_R0g_-y=dGOgg2x#B54?0phjjR^#|+7rz4kU)NWzICQSTo=cE{%uY>wGV(;#Nn zT3cR|nTZ!xVFfQu-hO%g+*hOf^1+8Cu#htcLj?ppfaky?zHHH^wbD!Jh&)#>=7@wz zxYV)Vb8BO}B*eWTiN!uuF?1FXFwDf{G5=GQ<54hpM#nYhS!N-qM3j4Ls!FKgrlB=j zUserTOP|ARm&C90QE`xA2F924r= za#Uu~p!Xj;@VEx-L{JQa*K5KH3o{ASFU}b=sn?q8kJ(zs zRI!z=L0cKHX?}Khcof~~8D(S&rIrPfKuS=1i4OEaqv}>OeE~ z)**H{?gh*PNG0L$fy0oVDG<*mpYXE7yqngjK|%^dPQ8azH6*WIR0VIA%~@*?$rCvr z1&1Dz8SvJRXE5U9RxnXI4|k%+?XWpp9T+fQziwF6)G~<45zHzES$QoT&Q!RM+;q&0 zP9By090n6SBX~&&(i*H-&?G#?HZDTWjv2b}91{YQ(TAvFrFjlGfBwbs_h^g)R^#VEqlEJg(iDwoPk0BbsDF@{{q8Y2pkS{v%@>t$V+h@49l z86kK(MQj$lcHq^`dLOD9qtCfujR^72{jqQBQfph+)O%M^X7=hu_;0`cSeLY|DaLSF z*HYUU!|OQ~Ewx@R+rRwlU%!5NC35%s-g z_I%xzZ@+ywvr^ia)<-8tM4U_c>C4NUlSNXB!TZOa$F!Hr`Z$U_Y4@!UuM)g|-1iXl zk+T=Q?Z?~8bz4iS)lhEul zZSlNiQvm3lMe0!@GG?Y)YFq=RF3Tk`6Aba`l4hU1cPKP!X&xX>X6LNzHLa1H+i!XH zp+OL}2L2ArJDQCdQW#?brGgRBL={PuI3=8OW|K~lDnaRv zdL{3r=H6RhF3ZP{dx*Z(4s{TiS1^5|kSe7?Q{>FC^05~m12aK%0f{3Eu@E!GEkM`< z8^CCzx88GarHN|X;`^U(&MaLL%u!5)0S_^iqcXEbRaHzSd+jj>&|}gXzx@0H=jC!) zK7P9`TRQdvArQm>>&qIFC+1pPIqJu6Hy`}_w~u;MeB;ZOUVgfu)`vR6oZ$!boQJU^ zDtj4y64Ca$;2yPUpsQI`uXkWH)guLT%h#bANk+@ z+h5ZX)@|vnZ*`bWn6^>E;Za!IB%~<|ofI_f~s3n%NYU$4B0-3%oQi2Rj%E z`T(8&QTn0?S? z3z&|NK2;UPXe+Hfsb$X~GgFn8+vsEVi74N&cvW%GU-cQ6fQ}BU`|*VP)zUCOcI1fN z==1Wnos-Ve98vE`IObaV7!!X{*m-aGC`9~9qUZ*aj5BtwdX5VrN%8J++J>U|uy96&}vj1F2Q^8UNGH{>4}FSs-=OI9FuoMy&~}!!ljeqaMIYE8+|gdP4~pb>e=bR zE6f<})b9rt`_;>q%?+_za99cUvn*XzI<%?H11sT^&+ zq+W;jYR;8hpPzQ8lNd|b0AQttBBz$_2r?W)7mBHebLPm>5?Sf;wxu<&aBCew3dGDz zwRS+U#EZQB>FrFibcQuC-Y)ci^=Q|hu0AQ&Qp^+<4_KRcfiZ>XG%~Bo``) zYL8yYan9M9OEH{(2~jT9%%vsTbWr0s=N|iUl2)13OY7Z{dpwSHNpsFI1{3!VQH|f$ zbblP{y42c`sD+PjjN!fh{N?qrAI{mnXNRN-bFd*UDLH43oY^^*RFPWix}@8ESJm1Y z3;*=`+Q*0?D(JG1euO+G6xaF8H0Q0#XVKzr9>kr1id}2oTUw>ah7=|K-om z4I_PhdnvW`-o4k>2COhS*Xy>#5PIua0_0MeNLX_1BC;+^>%Ei~y!R^KKW^y9g*lg+ zOI=eerCzsm-*bwAnciM5pJ8gwQBW1(jvK&i4(#sh{dTw$bIUl6Q4r6+&)!@uU4*ym z>XSc_#&r6wz=I8CYAX#jhryiZTq}*pF|!RzYwWc-BNhUn(+Az}g~-Jv z%rQk+qdMp0$%wFN?|-`yBdge#qpJ7FxjX?lbIvv(Api)7h|Fe3A||+^UcwS_$~bdl zm=9WV6Cnt5%_b2;L-K@Bv5(%y>8ex}NGy8kX-h2P*a6xw+K{07v<;v!!x2QpTo1=BWNpP|GsQ5{#mvu{yXxS2W!9Muyvdj}`=6Y#qjji?Vx)8aV zYue)Fb)C~5?>h_k*1!Mx$Mws$To&=-*s(C;;>Vo%o;66`D?yII1o+iCDx(|U>O0JLlaedwX@DIOZp>l>$sUj88#$D`zf<9eSN*;qnOPv*HwhKCB*21*A&B^Ywfet-r6{hLd2yu zpt2oPEj6U@^179y;-){J93pbAmELkEM+(MEn{f^6>oTXooaUU<;MJdVxalmeJ}!R$ z$k^{=kko5uk&i#$_m3l8l6!`=Vd><|e*F34%kN(y(MHY#a2GAN-umMsV`oLoX^jR3 z^fL`+n)N=3+9bhNjwdOA|Tr$6H_gji&` zq?(&KYPCI3kmN8~Jk10V`<|pvynWw>X zo=YmMK%KecBj-n9;k3lj`l$?JCUU|I7BIjjy?o1a%n)_CL@2o-K*f-o z$cganxBdEMC32UyU?? z^_tdz_8uI`b6rowB6FG#9%&oS91%kiL}$9_WFeU8muu3eGPAci5EOmx0~tTrIp&-O zH~Z+**;C$TuGQY#00a-mCNs@5UizH+hj>0(c7cX(~pOMVRBVS*(R;o=WDh;FFF}F+VZG`A= z@AolBZyiBH=f6AWIBmGorm+exHpri9ZfT8Wuea|HCc>6ggb*bGpBS$DxCHEDaf676 zs?Zr~L;#wRv&-uiqMAA6006cDA%l2rWS;P0Se!g2n(XnQ;jaDeaFe>(>R! zBvFPe68;{D4dBP}QR5b!b72j55H)B!Iy3L@$Ltfr&2rRMds^cCeFx#F)ANe0Ckqh2rT&tG1@{kR3M(;Tb_k3IkX*Pr$ys|YiL zvfBE9n5UGMbFH;`)zBdPMHtR3&>Yh(WZmnPML&I zwSai7LF--+OH2%rt6`N1&bKqeARh<|OqHD3Gz-b6HEu5ppWAkJ&cqA;X*2WD@3$Pc zgqt;_u;20+!-pWs<*4LNQvr7VX^pjXxYM9=mghDAf++W_fb*UaSH!{tq-`@6&ba>R zR6CrV+Y?RGY7+~sk<=aOp( zD(5{kv9$Ej<6{K=93A)>o2^_j5)*~k$y34$q5y7jlJhpbOK=QNloD=R(Y;`pX z3uE9i`fRyE?(dVwqzy~^*=Ngbj%m}{(U1oWR~+O7>q`~{ToE8ZpxA%@85!YjW~wUV?ZpxE>|G8B4|j7_kvp98 z9iroQzW?j{~NNYUz+*&iDw8YEnx?WPw2$)0wxmTyX z_0}64AlnjisVK<)`Pb*`bq!vFcOkeRKko%suPENooDn6_opa7RK$6N?vA?ozy$!e? zU6_Tw5p8da3p)LX!)`zBtu~w75X)z6r7hP~OH(fzl+4sgD;+wJ%eMr`e&{{|f7c|TdiIa$_3#MZ3U z?w$75L_|cvuEE$AKlCM%X&?slD3G1RH*wf+Gpnb$Btbn z+*w4V%Fa9Wz#PpUpqv#re`NRaq_6TA6Z{Ws>!g}K)A2BS?ydXiy;CT{?HPEdqA&$P z7UH98rT5lj3UG~!FiZVWzYv8=rfQEs_2^W)iYljpC^Xm;6X7@ ziIK46qvo?NYZNCwxM#3Ka6$7~vHqg@lusWpgq;|ggs8n6ez|c9_QNr3)|~bOJ(KOyQlye1eHIW7^3pHAL}*gZ~yf>(X_JVqsA>T^Jv3{ z#VumVh+hUP_u9)*UG#<#TDP*7{dTS|iw!&X^YXSqL?leGN{Ewk78WkKE|;a1DyqFU z8|LH82Z<@P*5ew>Q80ahPu#izj2IyWt1WovRomHu(~qBzEk$&eWV9_Qg%F(9)?TmM zl47attQGcF8|J;wr5ag^v9$(Ui&OPrdXzf#g-9=UuC@m8j1TUzEym0~WVEfZ zJY#pSm#wxA&53jBoYvYyaAz(tgyTGM1`(5Ys;Z^dRy#2xY!ylJ%#=cCy)jd*?d|n) z=5n4T29FE@@0|$O+O~E1^RJ)({onuhKmPoSiH4afms*85m*SmM5d`akbJ|+p7L?k8 z9sRmQB8!l?odv}@UbEl7z5V0IPZinL<$j!Iv@8jn%G%o7%jNU2*VXz4y$-#M`=%+5NGn;GIaVb&3A-{$OHZ-jDOLC8v7ZPgTvO zsLUzyc-kDt^RW2%d|(@c?FTU}Tk^q)6Ns3hcO1j=QO2-y&$pkC%iCIOKOY%qhlu#- zN9(ZcV9?cDYo#MHR-NM67LomSqG%q&@>#88ckI$7!95RorHcyuXsca=_R_>@s|}L_ zG$A$+`5}2PX^XA&^|~O<9-_dhz+o1Zv??ISJ$^RU($zBl0+qvpLo9>=oAd{*zZ)v;``KO%*!>^19h|b=(o4E=JtF_$G`m7@2cV#&&=vI zU6-c;+FBi~QqB_Bv|bltsilgFD8Ia4e*O4#9x>;pPS0FI^5Qfke|cTkEwwQ|KOW9a zYwYWFO~D7Rt@Uka;I5uW>7|cmil98$Z=B+I zgzoqGWMi`H@=@|pe1PbiYp&;BJP`83#vmUY=4Ft_2%>_C%q)0^2;o^OiQu&FZK%$^ z1)mrKPvjZp20;sE+dBPq19)*G3qjAlK(~ft-#J%nhnfzy{#rXEQaG!fo6b=T^#Eee zdm$DS&~PrPs&lTD%EHSQmn96c(T#~~>5yZqll&-g^>DSK$Sr40Tf{0Rt|3Gpm*A5( zvk<-Wn%02+AJ_)0O};cR^0X07D^wrOE07ZK1=%xOs@L9XcVS|M+LOA@Al0}jol>Vr z(!i&rA|Xv4bW8|`CSpRnPGmJ#cMmX88d!|}+iwvyXuLzr2(oQ0;{nZF28zds*{Q^zA>te$C19Bik_87UL!M)^UbH!3=o0xF_dBr0g|rsg?Hlxj#vT z9(t^>CZZuudLL;^EOSK|7f(h$y50w#q&YHwroqj~H{uX|JxfdxM*tJY7=(DVaaq&H zugCxS@Bi5Yj!xYB7-M+vUa#B7?NM6?=%cp&%v-iEU{NXUKmGQ-k3PmA=51MWX{usR z{W176Fwc4Kp|c12^X=t|FN>Z8!ImOYTKlRwh^Wte3fq>YkI`F?aRz5HGn7a`f=q6P zBKMJN?c2KaF|OOHqTabuYw)i1aptlu2||?5`~A1~*P|4hs2opZDTc3`35`?h-Kh>6 zGd0Z2Y@`_4=-ayffB*51>t%`F=Td9!5CvVf6_LZ(@iB8BBgJrk?88Rzey(ney!RkJ zL8G?s=fD2`4VSlbnrl0b?7e$`d%4~B5Zq;5Ypu|fJCT=dSyS*%;hGB0wWkX_m)6bJ z81c6|bwra1j9O~gXuaoBym#B0`WUT0pYPho80S$guZueQ`1!cLts+uN9m6iKTUbIq zijU3*4;78s4AVieiySCc!JrqnR9ZvL%?5!sfVs%^eXFIp=zI*zCEBp_arW9#XS?Wx z3H)qSjZcP5Lve%m3knS%eSVbVkrjC&A}%=OUovw!ONbrjI?7q|qx9Or zNyKatk9x0ty)I!5=pmu7XA$q6nL)j69RuhIxUez6W=2UwQ?A3J@F6dhYnJ(`uK0p>m z66$h^z0ZLIvEg#Ia$~1cLB>J8TfjyH+Y@ zc*p&0z1Pz5n)hz#d;riJeb}^A3h+Cy}~)-f8dsJPKUz+jT9ud9PTx zpxVI8h#90hEobc=X}el$Yo((o$3SqupS=!9D^Uv~UmVK*eAch+WjU%oTY^^l^y@o> zlo>b;__H=p|JxX202^>rB5I|ps`Uv#WU@XB?hf@P-cX2D;O%Lxhv@NU#pw6@>Ak8- z$qgj?H4qqiZRRYil!b5A=R*h~|9YS!vtq_mcf|AI_nNz^c<->M z`r5$sHk=nDE@zpXG~)A-=Z1{M$a=$`<8N;|_+UObGTZNmx>=PO5svp(IwYy18;*Ay z7L#|+2w@*wN}=S6q~s|$F$3ULL`c|2H_Tj6NJ+)XXhXfm9sDT8i*5?^W)LXB$&y4Np@MGe3 zR;Rjs-)e68sJ%2FUCj-z+;U9>(O4gd6U&c`o|{DAG$NvOUGOv$G2}hi4?;;c%<5T~ z34A3NR7BP3eml0;m5h4tt@g6#x!sPwl@8ZYZ#|}H!&G=?SF<>gR+<+jqS5;3<2Z8k z{%eI~WM?kkyW8W)rM_IY<19q%oCCXBn3pBg)?TmITuLc5cppQ67%K$dS_gB`h=96R zmDa}h_m|@=z4zWbK1AmEjRj!%TL(M~C<7KoS}>$9y$|n|nVc#aL0klzZw$fB@i2Su zRkfDZdQT}hr!j;dKR=@PYl_%lsK{~VG3>}0dk?VroSV$nHo8~Gla{~}$3&zmMwVhg zCxB$MCB-ur35C%)ONWn zwe{e=seAho%rOB&jVIPW{PWEUzU)9kKTqkFMW*Bhl?7w=%ed(_~@`&#YHvU zpG4RT+Ze~Aq)UQ*P@c0o3@V|I!s!Vb04jl2+skhkBTJWvz6Jf*7y~`I^)cFbLXb#Q zfqR<)kh9G&$o&z7E>8P%E=$5Vr&{ZXDNrwEFU+J)kJ}090-CY7#IQsdwVA2amiNL! zs9Bk~JJhf}_khO6}c z^O28?jqUcf#!C#zkKTQ9fH|Z~Xt|yD?1F+7YewZ!!s5lrz*<~5E`I8Qgj;EsxApRE zL*xaZL(nt0;Ka!@anl{QW7*PZBd#$Y)p;#vf$6j40{t#TYpkp)J_a9MIqR>Vx3t7{ zOP?Qi>;p?}s=O{S1y^dXwLvI&Gjy=RfbGjn;ZCJ+1+=V>9~v=i|I*pS%kW(RgW#WK{M%y3HZ6 z>f_hW!lR9!|Ks!Wy1ahBJU;g0cE&Y^POFACK#z2hgxX)xB%4ZefkODZ5c=Gq#F(c0h^2JD4@N;>u zqYV`IKp&!}QJu%#l#3t`ptSQS+sg{`F2p%01t_HHS)ipg#Ko&qR+&8eF-T~1i)(-t z81N|dB2FC^5yYyR&qhY@U(Qq$6*F>9^HI)6@y{ea=#=iij+%R`ec57bL!6}5`{>TS zrY#U#tK+!m?Iq2z4%6+|v22sdis}~1$zI3&mCYdmGS@^zP<=w|PD~*yGbzW0xViSkj=W?LUj^tjs4iGi0xMj-|7-LfSXhBpu2jELZKW)bJK za&pq3)+h6zX zb;Xj=d&P1$Eb$BasVd_1d}Nd+dCxw0=hV7=1$xskWftOE+8P5B@tClkT3ZNSm}~2` zwYTeb-;Wf-eq?4j&Wv(_m_zU%w}*53`T2+;nAu}LmL;{;qjyV+wRIv|Q~3FDyIxi% zUf0A-eb~0f`+kPt!SFeb3>8-?ZCPULqqHfK4&Hy>A2EdBott=aPdr7c$61#YhgolZ zKaLPXYwfY0`+mmB6rw)H%VlGhQY#UACn?7LJRyd`Fv+PxQ0Bd2TZax6puyayt+qMNdB^B9^9K4Uwmr{+0nH)HwX5Zdk|MBBz@V=CSnKzjoIYYmJTu(BJ z-o@Zk2*bwpvZfdwk0S)PEekS<-(N1Oa^?)_zX-S1yi;b%rNCJV;;MHlEWM8uUbY2;=NSE&t2%ky&ypM7!&po@_M=-{e2WuSCyt!r>7#cYgxl$u*Bjm&(+2!~v9E!S2Wi%cxnuvQv$ z$wY+X&xZBd!!lJ0%p8{hP9M&rztt%!b1NzY_bT>UE;yWM0Ex_F(J69I1@vX3$@Xp5 zTZ>Eb5ggumb%~R-#nFey-rtPOFqmg%s06>v&8&i`9Sr2uDH?df{?JJ+4Y9=etRYRf zo9Z0%hoFdG1ulJt*E07umMzU@!%S4J-!528$1OcRcAM%^ifa@iA3Q|)A^9oBAZxYl z_tQCbUO#`{0XK{>e16

    #g>hYlt3|kcgmdt7n7k;k@T(tO0D<(-8q3u#axk&LZ`w zK6oE|FCA!9r>ah446OpDq#{ys9lc|UQ%h^L;VO0BgOul@Ph0G*UA}G0H5u0NLh7Wo zUe01>;sl$GvR4-!hGAiga9H^0{NkAjR@c!-%`L70fLdI%F8B%6eu5T=d9=}6Pg^ph zumm&v^~Wz}y1cE&eiG4gO}G(4^hmkFv-kKsm?fsbA|;pW%eFtxl;XCfQX2O7eT-rD z$B)m?+uoj#zJ@{Cj5lEsZoQ8&)JZ<8FmEqQDRsXe__kF=g5sCkYCj)YoH(zoLAu7r z=efPF<*2Rn?KQzycmKJ!+ONN@>)XOKeH!~mW?>bzZt&ZP$ge*>X;^;bmODH)^=yb2 zy}WN_FULKHgq=2|M})a)Z{xUS5wS5^=`_rF8P#g;y>=s_LF!$}b-Sj=?Tm|OA=Lc> zZqiv<*f|Z+p^|B>$KqnbYJFYQ32fX%+-gr-AfEq>7k$57>mQrk)c z2pbyo-a1}Y8wP`BFC7OXi};}UU=iOTGriHCyL#U5*$1tq0{UfRrjwGaal$LP}%LUhL?d*?7$!iM2I3XKUx z?R~Jw==K$B&|8O8spN|03Nw3r8l#WVyE-lBtbfP|ePCPdTp|wABGiF1){H zRL(|VT>x)AnV|~)J%*=G7|c|NL8N0(*Nv(;??hxeYrO&w01PX}&^{pBc<$kSa**xe zVPNKz!f`+8Imy3V;nvl!aj>dldNoG(!H+SJSPwE0G)}mMk*yII5aF6S1x^s6FB|iw zGc)Xz0B1u24AJaEdK<8{Otr1k-g@tSy`(vy5$>(|;Fe1gm9z$9OIz%{gV2L*5|lq* zW^OYJ$>&vpdEa-1qZDR~kE@v%AX=ioOl}8bgv<5PYTP#P7 zTZHQrmxOxVKaXBIJW}_+9wa=~J~WYqtziyfxKw=f%VjBNy}Ybr*yyIJ%B&*ZJM2y_ z>ynS`MA$e6ufi~+pu_jx_hCOjZqB=0nh1OES|7pt@9!_URuMVQ+D~yc8Opskt+htq!Gml}f*Gn#?jnTWs7+$Z}Gnd!v^}g?D ztj!F$!vFR!-&AEk&KN^3<+3ejDY;Hg|L@;kFY9ua0x;ACO_B7;0;8ub0o;e*4^orT3n5 z71ht5kC;4*0CVAk&u6h=m$wx+G1z3~oQ~Mm`m&|-ah`h?W#_fkzFg9|XE^bl*IFwA z>GED!`8jknJkJ2YYjEIm9iImgscJ8cMMfWH!zT|;D2tF022PN?qva;Ek3VmsPxUDi zixk*)+f2hD;elA3VYt{J!m&PV5Nf-87S!=T=H;U}Kf@r;J%b1ak8fN82C-ub|3rgg zTqi1+a66}#}x3sKh@7dL}Q|zMP|<6*zf0PL+A3> zV6jR|#04NuM{ga_p~j}yZv!M=UQv? z!81=(oDEYII6(m=B(ksu7G`C2TuKvVD3`2T%?+b6Y=q+_5VOdXZez7rkJ?HHmgMnq zIH-Nh@?OTUutk(sSW-hPT+fE-bv@g%rTuoOYFa|8?f&sdYgCoT=Z?@WY`R%LjkK0+Fr3^Et zYr4K|>UDIBYjnZUEE*~ijb>p9aq;WxqF(TH)m-BmM8zj>gYsVY&$E|a&ZesPBC3)f z1-ZX3-!CuUwz&A~`vvX&_PV@$zqHcJS(i&wY_h#rk9e*dQzx zmP-n8V#|+5u4lDD2qjHR+&|CW1}aEVDQ9D*k}Dgrh!HvG+UO9YPQe(Fi;j#yio~va zza2#6qgRod8w*4I3_*pNwbuUmKYkvM^Eit0y1lMgPb$MDMG7a#@!NbK)W(+Gw zVP;fmP>(>`PR!+)9LbQp4~~g|OG4#0o*}Zt1UXjT3o}1%C)l89FGb`$Dl0>_>Kwq? zFwfc?PdGudegAokZYal@*v5dq#JYL!)N47~`N%%F5Z&!#_g?#;dbW^UE$#m6IFAY) zd|ZQ@rzo9|+}kK;wPEF~=@KCR*;sAq=h0jMpE>%o{8Ezw*Zd&42x~TZ* zZ4g#}Q``mHF3;3n5%EEV7&Z^hMB2r0xk zlUwi=uz7B^)m+fk^xoCM)a3i<7%hp4I6=KW22vmh>Q?7rV=yS=d20Rvx8Y|-?f8<} z;Ms`L=Xm#*8jE~sOamz zzO>xQD6D~q*Ow(-5`NlRnmB2>p&4Ld7aVq%>K)B4*;?(Rb$TxEMjO30G7C%CZ-=T} z-nP#lcNd-Wv)@83h1nbAZu+$qwMkXL;?=3Z=rg+2T!VMYl43ZI9D>iKE=#IyQeDqn zE|>MlIe2GAeT*|#@7;YrUM^d0t(0muRr|lazyA33i7EA8KR+OP3Bk2K9>)o>9n!%> z1yle1$S7YP`}x?HJL{?j8rfpr! z2rD+=8a{82ZC$X(RFxRKcly{5OvJ}9q>l;9najGQ<2(S~*_Kpm{pxw>DMvFRQLeQw zDVAJAaO<+{$LYOCT-p*N5v3RnmWkSl$vIC3KaTV5LgwECd&VH?!+y?cG9fXNC%3pm@r)zHH0qZQqvkII>d#vdM^ocLj4Mk zVF`@oX6Yjd`nbHWHP->v98)=}kIn|wqfX=UJwJXvn7P-nzAR+c+lXsOYxKz< zH^i&SSN(*oVhE55kae zH7>Tj*qmV7Dk>j;-f;fnzRYLEKg_r>6(+7{oryBS08_#j*lQ=DS{jh9y*7*+ZP@Y1 zjP;YzSBHl28+JIg)GsoaJu@R`U>Sl`l|g!O=rM*ZTY|MKrQm{}o9^0d(C7x_`P=WW zb8YfmbJW~E|M|&8c`tEI8eFeEE|G&Jcd=cs^_IhL`)$%Q8q#s1Cuopy?7vAAKs< zryY=0*4M=bK`B8*SV2d+b$ljt$f86vgd<+m-Q zfI*#m3KDwh7|P!Me2B{ReKWI`D_Y|7cE(F2qMCa-DjtcJ8#qx|aOFpiOBik3f9{AZ zg^Rr&c$hV$P)ldw4>R-e&A z(69U8mMxl5Eft%n^^#Nt*@$7P*u}`4g6<#ij%?QjeuGw;K;}x^#~`9XFvE~cBdLN# zhJpss*%CVd03ZNKL_t)n#`T(f(9y?n&*&t{w$NEKni#0SWK zB5Gxv_Y4#SaF+9Fc?ztt&?aIZ9n|Elj&f8{`3h87)(9%)_L`W;M-`R0di=;Cc|eNu zQAOpv7aLU0#>D&WRHs-Vl(Rag#PXco&Xg-?V?fR!BG_r1bNDUTKn$7Wqx5d)BU>Ln zDrzkvYo&o~3z`1&+;AA;z+Hp2Ls&vuB9Y~@u9qmHt@UM#s-jN3S1ih$*O&sSQ)BOq`Y^8!^QY z!~Np{{r&8CiI}I^y_V*@I_IF^%16O+(nGby&)lwIwY1Sj?;`|{`W~NBuMJ-rOSV?p z7YJzBaNZ3VNSLrQ?8BZyDZ;ag&v*>OtgV(7g4cifZ@;;qJ~|A*zWv)fx)7Y9`>)+a zkm-2z5w{SM2i7LvvroRBwbdS$a6a;+VF*vzQ}90c^|}CVh3BK3Rh|jqF1S8>JA_*z zPDp!eXo5oUI7)hLmu)#7=gZ5sKhF2J7be11E_nAi&KSZ#N6+L`VHj(@hu~8T-n-uI z*XNyxmKbYo0AhOYZjT+}gi`AFx7XhL=lx+*D(z5OmDbNQ@B4{N(^6aT9s~GVTT1c% z*uTHOA~H-w&NHh@9|N9in;aCz%{PVx@A@z%@?J5(4#9ipVhlM~z+aCeL&JYr7r2B| ziZS@dan{yS46U^##ruA&OEfS>z%O&IwL#NAH_5xX)U*U57M9>$F2y;wq-19AudkoC zJDkTxr0QDh-uqG;*h)V?ZmqTV*Gp?Hc=y+@&)?o(|I5Gq{vZGN;k|nAb1q|y%eJ=G zfBd@r$3K27OJt(`$k)qSYCFz+yYEc&vMrC}%%z6l&Qe<+DF#&kDi{wlGY2=djHUIL zZB^AiIV#-yXrtqz3f_%jeRPbJ{^j@gS+%PO%k^am(U;oJvl4Mg9ypGYYg)oze|&&% zFvkOZq&4DvQKv0eba9ww`Q(8CDQ6v1NI|ISx7QW=)VPG2yEyUDqllrY$TwJEG20k@ zgeCOa#R)Dj3`fj(ai=; zHN4Sy()y8R0?{pMQ~XC*43{m%B_8+Fdv`uEvU{-XzJEMWNCBG3%q=%8Mvx)M&v0Dq zQhOUUS5%Fok7bQH*JD4w{q|OK1(66&m@(}B>wyrQe3Y8&7gr7_hF*KGor%vKP%d=Ht_Jfh z{9N##z`d}%B#`qUK2}xWn2Fgr#S~_YIZX$CH7)^9ESRTXIxZ10BOm?umbctQl~3yihROtAkIe}uUdoSLj)J5DGs}Cm>2Vi?jzLU_eFB6`Hbw}(=62jqGIC*tk}}aC17LKF zQCnkX@jAxv2~vB9vjqnW-i7rg^*-v^h-iCRp9|EYw_Zf98y#b6SNV<9@|TcCk~+zW-yanGm$ zFm*<3xiGiV0MKLR^O2!MU=`;yECGN;RoNeB$yFF6G&JNB(}|~)g+18(OaRC-nieAz zn%Kn|QEwwI6J?{`IS&Yjd|3rB{YhIy?U>epGa(-pT-yEPXl+c7*3&TsU2d;^dtH2V zX$kmWG5P)T4AG4-(mM4>L{xL@b*R&t`*MkRmqT63lpiq_) z6ExM(2jUaJI8}s26jM|myn?uTRzN|J%z$MJ5#bwCudm-PXogW&ESE)9YwgPxf$&6v zr_9NS^)`G^EKV!JZB&Mhw8pf>J_hbtgmPekiSYq;8u;X83Rs^4f0>(JGsMn9H>;=# z)vI*_NEE{(VscK9|7C{d4cFhvZAHB7`nFChvn2RRpUKlxH@5*vKuNA=ATp8}6BtP;yx> ziHP8BD`$yIL>WUft&A~U8qfU(l+WnsFs_1Jijhy1>u4q_$30(OmgAB2U;f*77d)1U zaJ-eHl%uxNYH2>X{3z(vF5fn|j?lrUOWHpUX5QXbfPK;>VQA;Ph7`zvOcAKrT4^FG zD##GUSvIdLnj{3D0{ySq*D8q4hM0I=(#Oxcckb7(+nH-?otf`@9>W^4-G({u&Ro_t z-5&>tRHe2vm&>-a*1Yp(mQpCStxFP>^UNSRrxbsFe6}$GSiO(ieQ#|%_OrEq=5oDm z_xp~Z79$eo=RTB&S@6Ep>YU3t#~At;MCR0)nfFR$y^kfvQd(>6ELE68@MM%y>|>y7 zPcbm|BLg*zApu}rQZA+SF3Oi}W#ZDBFy~sJ=R3|4yu00x7tyu$av8(=7%_x17w>&36|epEvgJ~sj~b%`E~LuA`!&Tse*A=1 z2RULyltTEpJ&5T2^;&9OQjEcWe}DP;>!zwAb81Uwxl|QJVna9b4h|}UjLOWg7U;t; z;1}WG{q3=LK!ut67~Z?!9T7kFb6MiAkNY2g`~=Rz2e&`+OycxPOb}!6Gd3m0u-^}? z0%%ap4IJ(#RX{#|JV3w31Ogh2IX!h!OLJaW1qyyMa={^=53}vjM_fbA71C{1?xlYL z5O7tDZea<%^sx9DrCB-|#Wh$TU>ctHQ=Aa7I>q(lg8JutqUGkJ&wD{7+Uv-Bh7ELn z@jgNfEM#LwM|}Vt%qLfls!ucvTsHpZF{yF8H{_xW=z0q2#JwAz}_|%#RXM*gubu{DQEB zVZHZO8eqt1$*^)5eUxLOR8tE1$Z?6IkCLm%EO)>gt)<2kkK55|Yo!s9h@eOU%;ECB zwbJrY@R#OCcHY|KRU4I4HfQ5er$7%K9)-w!+i9gKW_Ob-~hJL&b{1!K5A*b_uH=rU^^~2X8!f(rzkI% z^tc_r{Ss&`Ce zeIU#7`nECl_#*0r%*t6%P^yzr+w&3SF-(zwX-`M;Sw*zw_9Ue+3p+1>1{|L`t>JiN zGK*_~RkYQ9?ghq27kxQut&Le&Xt~64l(+>^xxB44*C_;ICZo}YO_2bXqZ0FSP3I#k zpsw9oZTYPAte=0~kvI$cjp~dxAH$GfJ%#}mjQRsNT8LhhaY3JZZnYCrTH@n#H#1Do zMY#2WjTsS{QCfqMX>hGh9LikN*<3n}K{kduJ@-OJ@Zq2{L7IYgJ1aPAqvctcLh z-;pK+LWZiMLnEeI8q{%Q-1|80nUx_`nm$_9b1x|P)H@96%Tan8-a8w1+;dExX!<+N z3?oJKeiH&g1nqb$-NvY;Lq|T^aKU-6@byl#YYOWnmNHK~oNZ_fTB+*wd=!i-&b>OX zd9QOpN;5+mwH=GZUnJ?jk16i`SAx_a?#1w$#jVU}C7@e4y7y*|=)N6<2H71Wq6ZSJu{5!9#{Pp#5 zMB{XwgSOJ)@t~&~9?QyF8X3&cXftGjC8nm@Ae~@XL^^gI43G&va1j>eF|7BVR^aT> zs&zb95R5@xi`0}>nvIcCIM3pdr>UYIiL3A(u=9#tI!aAZ#R&TuplPbgOwKFAu-!U# z>0djU^O3m27#2Oq6@4xoz@0VU0KYhThwDX=@ zZde_NiV@Ybh9!*Fu}M)8>|RBro^`n-ED&ji<4h|(5&1YB7$F6CEvHF{U;3^jxp$p;^UFRcx;bzKl3<-9VpQw3q5w)XqC_v^N{-n~;Jg7J5dtxNhp z{eG6gLoA!vAINXUFa%&BA$%4kX044SMHKbN znTe?NZiw(D3f}K$Ue|OSMO9Fmq!0)|ToE%9l{tJhOTjzmz5>65*{R<56C^2B>D|0@ zeGHZ9A`lT(Jt|{H_59eH|J@|>^LWkXi_qUf^N~tY|fK2jd@*1_)WAGt* z=NyskM-Iu?*0$?nX6X{KDg69-Z>2-&L_|*<8>t9z#l4Qv`t8>qlY?%)oONdC7-DxS zP9m(WMjx0nffq2{X2m7~7?ekn&;-&B%;%$sOgm{>BS63ikirX2G%YT*w6w;@=aIJfJnLc9 z8$5TiO`J|6ZwlvLFp#LFFPEj38FFMyAvjSPy~j1S+JO%I{PXkjwmR>O%(_8XpU*Pq z;$xywYp%UpOrh0gMmg7YOJ<|B)>~KaX090%ch>Y?rTQ^ZnYh>oU7gfkR z6}|#U+Ts$-tmH}t;p}L&_1b*&+slGsIWx7^UfwUYwBwPP>E&(v@#n3!Hb$?drQ~}b zpZDXsrEN*u8e{ZJ3ZI_`)_pO0SO$kZA>U?~x9#m;u11vi;*+nr<-HhDFMZU3#a(ZG zyDmQYuPEPq&&<^8fEpW<(YW}_+xq#(&5XRC2{@=s^Im*VRXOh&XsP3#McKx{2$GC$ ze?3C%`HF5`6$f%_&hGJOK)SpXQ=Z7hq>ttyliA^BQ*NN&9>P&C1G?wkyut5ier*t$FoWXZ6qZ^$81|Eh!ko|AyL~m- z%O&+bLUg$3=Y0%oGL!Rq+|RfKvq8+>I~0YF&jSmAF-BZG3(rg?Clj~eWd4}L#+T}* zTi%O0aVl{7?)MxQ|MIp14Pr*OpF0K^T^vk>uU zKuaMUYP33V0wV$s2l28YTB|(|E;%2?$RNYR0f=*~*N$~)Okwnq)`TrC6P2?#r>Hp5 z7P4?iJ}y3=Ra8Q7;v_5qO_Ytv1p(gR+)sRyc;-b#g!?c!&@dDj%`mirrj-9DQ*Y8E zNtR{l-Qi6lqN--@o)MW@1GCwz27v}wT=EC-|1Ww&G(Z+mT|;IJZiA}Gn=cnf)JY_e z2t>HspsMoT9nSdu^e+gV&8xM~a^oq8R$`-rR?v2)P* zq->ip^O)zQ022k?xZcO}i(}c89DC-DHdjC28|3Q2xh=g98x|IS|NZWxJ3bEe4)XR^2KG?B z4dIjI3j8^4M;|0>WTw2AWs9hNu_9E}lIu@De|_AKWsNDt{gGku3DNaA z)H_k>WB%=z@7tEXe7)7$gZD7n5?P8dm-6$sufKkOkHL>=wKX%FX07*JO08{-S!;WF zxf0QwmUG?KWj~H}U0UxjaWiu%O@slVSK%?|mJ*b^%v@XZ&ehgK^sRO8-P^}~NfBF4 z^wV$ecPM10nfLBEG6*5dlE&%ZJtY}t(>oWu6Bbx|or)QG??4)5;U&fs!q__oR!fRb zovM1T4I5jg5P}(vC!7?-OcwUemD;|&zCQNDIW4t1mHT5~Vz_LJ&3TksYnyYtecb=? zPe1+N|MKs(_5bt#_}~AZfBlb?LN0BI@p0sJNiq0ezkhsu?zhXz%*zsuY(I)qfl0ur zzTPh1Kkk=xWu{V_h>U5tjamy?5B& zh;XiLl7ZgHDrt+VVoajaa(n;%UUMZTtb?KWRHyqrUvKN^$cM1Y%X-`k%uEpZh?CLA za*1~Dx_;bvYegilU@f>q~T|}ksm563H!k$57 z_UXfkFI+B(nPJ0qPG_IuL_oiV-^o~*Lky7UU|R$9{YqqVoM;-=H}m=D2wggpMH&Mj@O~ zubAbJI$ZFl27o9oA>Yev1DB{xBeHrx5;l76>YNDoI(+aEtN&rpjnrI)#d$aTIQBf} zROcW|`}qA6FZGu{zCPY}pZw_K{&w%Ri&tb+LxsQI5>m05snwoy8-1)x`f^)|=*w+2 zv*6S@S6gol$p9y_%Mg0?EPAlLF|&Gx91|NsSyzu57casw`4C-P!|{quqahthaP|-Foexzdgi>bFgjr{3vMPMfnGfq?O)VZ*}z6ee~t1EE0kf;p1M! z3BYToD4Ds}(c2gm+#`e9gqeid<_rlrGHR1-%rk9wT5qG~j@yle><0i|*(ZlR6%mob zgEySh_hzoDaFUz!$-%=J}5p>A$pqxf$`8IhbU$SEo(6Go-g4%>iw73G+G+Co|*gf4U9 z0JO(vPK!q!)=Gzj5{jmpo9dZ@!c6^Xa|#RM6s=>oKqvOVCLthVo<1=_Z_!Kdb;87Q zhGa2$?~g~`@A>kw?w|SkWu0T9+Z=rYy)QzTg5$6BHbeBRa(ouBOj;eY&$tB0#PK76 zi-3NHn4CK!u}2-X^zCJZ#>~vt%c5RYk@Fz6A~=ljq@%*Fx%%iu)p-T53)cBsJEDlq zC@%5(x|tD-q#*?#d_5|@0>mJ&Vml|}!~~fz5_k-Mg|RRWL@eef8#)Y6$bEuo+Igf{vBkr|F(*bMN=hhVJLUUGq38gps)1j6E# zB(t=Jve(|`=ySU*^=N1z^bh~(8`40Ls8w^Vd+oKu{|7NfT*K&{gKvj$9D!cE2A)R7<-*j@xyM!Typd}2u@)}cyKN?rHBDr?|s{ruP?XzV+Up5rh%)FV%$q{>WHlO z*+&O)a$Vw>GsXbaJpg11N?_~GDPnE~Yz3yreu&8Zap1uiW43;}`%?_wx$p0vV@_-^ zoG3DhRCHUDbGj{QT^4>OD65Ebf{-sJelqxonM;8vNNv*B*V|DFf`^ZsmlU0-2)Eu- z2;L=@|Lwp3Gpv5Ex9c3XALahYPNmfLKmF>5rUBCYH^7@CHs=#QD*^&tR;L2W*cet$S{;^+P zwvha?ru+NOMCj2`DdGYnA~F_b5k+TfWXokKxw+uN;!mFwkqhv#omDRj<1k|8xFH;e zIuIF5=nCrIE-x#d4m8`?KOlb^18F0heL`+WX3I5!5fowo#k?E^4o+f9TWqzTXrn%i zPGUVKH?vI=#`3`?%~K>Js0&#rZjqVGQGE&!3U9Bg=qb%?rL8YXoIsnN)~HVRkHZJI z-WCWCAVvgu0jAcalhvf9D0}-eQ*7b|L`sE$F zt(Rp^3&H23&S~&C)uTA?aP1+7Tihu&4bjCE%TW+4uU=pN@Zy3WWA-t8(Dk-1mjyb6 zum(7HVR-Fz)V-ZV(Olcn<}eg+Hm&BKKMq{sv(M26_|SUt)+pag+=99j88q5BK61Jw zA6z|pJ!;xgJ4<$U4k5=TBG^%oSzN+;U7XY9ntJWq>-zcIU7UXV^DDTwxWlerx9iuf z>}5`SeC)?jSvcn^Dy6oM`%!8e(=KajV?6evs-=x-rlPQ;=@XNnULPMvA48aF+WwK5 z&)MP0fD$Tu72yy(xQ#V8hzbNeG^gUU*Iti~^5VFcdQ>86wU0JGe|zNpOg_QnSVVk; zvGT;)ro}T$h%Rl>IVGlYG!bc~8M6-#@}be@90pDX7D3Fc$|tbg2?p@Em_rH(>K+3` zb52W8ry5*Xyz1$MKWlW)qHypKBzd)Tr&>$%!3*>LaU7qA4-UB&X^YNlT4Rjitm%zJ z^rYO@j+Fw2u(j3@e2lKE&fb6N`sBKWbbeGeh3i z+rY>d=0rx*LUQ9Y@=hOg z*%F+Z%OwE@-Rl{M#LV!mnpuplmCj5dx!z{p+ZnM`x{-zGK7PNimuP3I%%~Yenh8xg zj{W)kW#^=_w`C15Q>jxkMi3KvOJWL$Hz9%@7Hb)>lHhj0u4cU~sQhrQ)-rt1lDjIy z(&@d!p4^P)7;_p60jF`kM+(OO++Nn+Mm-ucT>i)cQ!|Ru`v?FiLyyF;u`;zb(i-ul zMjIq-1mn}$;o}V=A{P{sUo^w$0MI!*C+ZZHI+g~l4&<^qf2wDp{X?q{MZP>Kh0M&) zI5r!Gc^SwG5Hg&*f<6i1Nc~JwC!$*0)7VFs*X^Smrzde@4_wLvZnlSXG6e7|oVD(~o)Ivze`H+K*go&!vj8_xgF?FSl)+ zsx3C6G0b}hnH`3CkdK$zVsNFl-Ung<>NCEMnQLu*3`p>?u~L=RyNZ-jA4evl>t!8t zIu#=BW4_!j+qwv!ES(O#j7so+PRpex{1&aBIlHR(=hF;Lr!Ie*?fbDVsrPYz9B@ZL zmp{#7@YiiUa%sJbh<^s?dZ%qnRXJ+;K}xBu3lqX?pk%`Xi3kN~qTuFPQyO!$K9srk zQ#^gz(OM_7{m6J!iRkO?^7%M|*SF96&tG5PJ|DG>X%<5ek-z==-K*BtzuvC@`q$qs z+j3o(+B*@eaPMPX;xy~e*S5A+TaVHAK5^Hd68+W2or5rE=71#w;QF z`}+==$L-5y*&+(`UOS|;K04qOdg-EwsUXlBY}jbM<-S}OA`>Srx|SOe-G6%=AGzh0 zuCeD+@zU!!`|V+71m?zaN%@{HuiG3G{0(d^aU$ov;4;Q_;=I$~kkiS`5NP(+)jN># zVatQh4^}xOeuOpHr2YM%b3|i^#euI>m;o>rl@PrdjXsP_g#6-LuB>NSkAuR+b7(#L zfZw$Dkslc^b??J@#SmzY`FPt!wd9k)J;0zPJCl;V0!2@Ckr2tPV+M zC&dC^{PMD@6Qra)J`aqR`ZyWrT#X=)Utk(r>^{@mi*=wm})>|W@bctz;qYo0keY-5z2vvGH>UvA!&h_SY zT`sp}N&c6=zN^aDua{+sfBWsdww_{WeY8Fvdj=Bp)GMkGBnrXVw0tjfp0v1n&sUh}txkiup z?I18j_S&&lMOB2}3Cu1$9f&emwggC2TtY}8t|3HUkBVD>o&v?uXU%o=;k~mtTRU?| zZA>4Xo#c30wm7Hxs5Y$}&3pAhk4J%e87tE#7hz7!n2uf^6)!#>I)EKj#Rt8=Wh|UW z8)*&YXk~B9B|>}i_{=K8!pFU&HH7F!pXGpL`kWRsQCuRy@B1v1Fm;{X#PQ{It)=(Y z=QN}=h>%16%%qRs_mINnwp3WK`hf8OF<6iTEL%dgZD!LbM318eaLMJ8LUOE(&oh`7 zhyfnM(i%Xi&W{X&4c6nQCdWHsM*IS%nNZpo@Fqk=hyrkDXM&x;oJ^-LLQl^d79Hml zqxbRSoy7YpEEqVNn^EfS0TH0m&UYWL$sP=3y&>AP66vkN%WD5sNB>mn!=I z?Q_2UU?(b!!si*x$<@o=Zj zPKmjc_T}5ni1tVJ-rYZUypd)z1m9|#MtzJmC1HL%b{vQ~7m#^cAI@p;zLXk#Frz1d zT|xkU-V^bh6C11A+GSgM9~0aXkw1KSee798-ahXt0u&}3!`{1ghFoyYji1;xkQ|p3 zYiqqvRf!>Z?`vyBbiJ-jg1Tpn5xl?eNAT{lEr>ZYGid$W7;}t1=C&l~T<{(tXdj;s zCOS%4Q-pzi8aY)=YVlq(Q)?~7@b>xHdcSUK>zx?@0db1wZ8DRJ5Yw8%fBWzM{O$Gn z^S76O|J&~$k37aGwQuV}L~kE=X1Z?cob$`;HRt+ozx?*)b|IqA$F8ctn~q`okx}tS z?@lg?oKdELLjh3&4?}Go?H>%&L}WzB1IEv+s=t2!7<0zpk5YW_&bw0Ua!L1(-8tRw z$Fc_eUDOlhs6IFmv0-pdfB)rU^y$0k{%;MzzuODW#y)I!3`}?unk~kS{j@DsKn|;>3vWWGGAtEZ^k{hOC zdC$a*xfd*1f)pyJOne?prD4f1!Fp@M%${aAl`{c{SR`FiFGG}l@?i~u&kk;yQ9^!K+1q;6(rWXI<* zZEA4p1q+q9MjU@GdHmR-Qgd@r)oWY>nK{IBJ|mXGiFdG&d{{h69IT03Y11YXFV_SI ze{X%gEH-VuBw4SNX?YYZMWEhc;rz(3=oz6vH?L<$E1%_Bycs?sd#I z!WuBM$1Ge`ZeK4oSF&?=dfc;3LzwiO7Lw2RGW%qvxJELrxqbW77YxScm}RdJ)WT9C z$|C&zm$#Zrev~=q=l8p)T)tg;?IqXs8dW79B`$%5Yi^H^17lzx90qmw&*Sy$#zepW zet+!cdR>EaN2$F}@12OWHW1_jakKYIL`)~ZQJ&szQGr;I=uGZ|u4#5?&l$W+FkyXk zuYbJRBvnpZS}!pq&qT)LqsPX4^bw-3ds8PY44VNy+c9}jMo=pek1s%h zKs?A8W5`|yKDRbZm_@l9Ed+=Enz6M={xtOW;k;9)bBuD-vKM@W#+Y&OP$@8TE#3M= zoefW#p#Pah)5Hl}(acm!Z>1fN0xZuQ1DbC$%11?>kD0~j>7>$8Z!^S9U6709iZ_8P1VfGQIYEcG@bW98}8f1?Y*g@2vMuGQsX1` zh*7hYwr1^FHDd2of>f*;tyQsS)mCcNDuUXyHnBHBj3?h8o_`=ew|yq=#Az;W3IWwCn=eIsu=Z|H7of+UM&`sNS~BWn#%G6<71S8|#(r$3PGXDT6A zarNu7KrGG-McOid?|B);|JM~Uh$EcLIhqy-01#AVApmir{^lfDZQF-8#Iw5a(qr1r zrE{qlI3=LcXJbocuCwf7wYP!n*?YuF=1Gp!uiK6!^uxEVfkbo2CRqSLaUR_^`v@=W>kXPY^{(%zd-!EX^rCBRbGWf8hB0cNx|yFuwVzzCr{YU`a4J? zB_1C}xfgYjst2F!9kl_S?G*;U@1TafF2E#m;}gWMFASl)Hjkiie6!ZTT4x2BV2-0V z@8;ubq*TU9dPbhVdypk%dsbuw;9&h^i2stX*38JLA#K{!?@2zU)PrK>v{qDb)7+T2 zEsWl`9E!RX0Qr}`;M4hLH~iPsEWHpo+$J<$CIh4Bn?eMszVFA<9*}IK}ZqHH96qY&CQ}P+p z*v~d(oGTBzf;^rWdyn!G#eP#WW>vQ}rQ-Z4K_7Y_3^_!N^p&wbS`7H+l6fWYpp0^n z{Km5CzoYV(6be^f^&1SeLEOk!Y&y4B$vIGw=5c-}SAP3Bvfo5LPxP{($crm@UcK^* z!C0nDuv=W*1;X}+n^0s02Pm{%A7JqleS14=IWsi#;L~b`Vh5hlYtG)`ZiZTXmMx#W zyLn3zcnlh!{%_eCHBGHFj19aIQxr$WYG?$>;l#lAgWsqOKG;a3y?czGp@4q8Y8m@B z_$hMA_v(AYe9tQP53Yhmb@Lm~(Sp4wsAaMBbKRrbI*$M*dWI6IkHc2}k;|n0w7=eY z)H6aA?fGRu@mr~xNyUPC&ZZST8kj5WZHqS_GjsoWsqO5>0vj^|W-jqSG0E)>0nBS2 z7`nTbytX>QY>U7C6C6;FIcio7c zPA=u>sAjYn`++Id+Z!djYx^KvN~Dq{yGM+0Yz!-!H=}3{X>Ksk<`EyL!0GX=3qAos zOIcubfNk@8?Xp|xCw!FQSH2SMRko{%f`gD3iCMZ6=vKfhf0e~@vGRLo-`iH<42XmE zvGd0r-s1d3ji&RI#+eUU8QO4HA{(!Jxp#(#wz%yLlEI{c!`jaC80R2R8%u`;zynqx z#qV!SM$_!QiTD%U_vjft?)z5unCG42yYirYdsm#U2!llW;X#LJ$Z1nF>iy=$S zL-6}9Qm%c{YSfxR60>=tdiU6@keLy`hn)&Vfnypsc^$pJxThgz6G=%q{ENzPq?9qu zI{0>xq`W1QV7zQwWB=Ufm|VPR{+sBI&w4vt%IZW4sL5{3``A&+gheDd*hu`upmr9K z5Ei^n-fsWM-W{5W1GH-7!JSM<<3I3Uaj{R@ff4nQ6WRZEiGH znn9|Bgc>A*mkp@Jp(Dt3<^oqAhVeZq&v$282nrRpNaf9JNU`N+r+Md!VCT^fPDz~9 zR@QPp9ap+ut_S-5Yg(ep6J_H1UqSulbl)DMG78PZY_8y<93Om?B$A+6QSuKkO@rpx z#6TvsV$naQs)4wx?8x~+Efr0wFN`MlNiq2`@f;WuHXRG+75}p}g0drbP#5PahfFTm z-9^wc2sn(UDib+w2A_oSi8x{JL;PWD44wA|5BRQEYKyPxjRvne=J=Uk1)t>eJ%0X; zL^&tH(M0chI@>|`zwAO=Tz%thNKH#s25+$w4s-OmqI@}vZLIq^^{G=IP{c{NioF4| zxZt52HxLy21CRY^x^>4SG!~ZjAE&L@+WX!NI|m^`FhIEKxcQ+0x2!NT+WbpgF{t+L zU)b#_f`$<5E#Cd~kJ*ez%BIIuk@n-w(YJ@Ig$fk)HY|-_>7&Ic-v_=@Zk7k-B+HmR z`?B-z?k9FVW9WqN{8PF_AZgZR?9;Y%5>rM)&CHfPNusblVvA+L=iKv%-^1LO{XAV;<`7d$+Rlu_eg>XSKgWSs(K;ZOxm(XO zh3bWr$U|G3P?H6&0u1&br=RQSPCA`w*oj>EgRO_oWdECjl2iK<=a(kgr$tkk(c6v2 zthqIT;b9=1Y{>n7-DdjqRuq8xO81?e*fp$t1YFX~1Op%TW{#BZ*|!Th2FHv$g>;}_ znQAV^;2-5pYeMvja6uHhf>DGV`tg?n24=Yzp8<2Q_hHQ_XRG*Bli2818hU2*Y-vVf z+`qeA)e|}=V2X2)#YUW_t&H>a@GuDrAX;_L_8ZvZ4CVY3N8y1UHxubpb7O<yO7H3__CPuOzctm^x4ZIPz7T_%C^VC~*x*urHa!~y6g|2#;L1lSsixGbt z%Elm2JNrS8iJJD}(1W5^7}qr*CHB?e)90ro&M){~#$L%18KKFm2{^B|yNt^kLPEoS z_5R4`Z5kRnxmd`FQ_s_Tz`q$VmJr;AGnyZ|BlcTkJovzsGrU#gd8s!8Lkw#a86VE2 z^qvLoTPcVoOY^SG^@l3ruBp!elW!o}MA+BAy-XT8aC{o|91;pFm(45+=JZ+l;+y&E z{(`Y_um^WQo1gS`<8I^?OqY=vZ5@gH{+j8jQslQ>We0wr2ilJvdBAz?RS-R#H^)s&hkI;_vBcda>BM>(d7`LjZETD+6P&u(id+)=M=7 zg*vjgqEA6MP~vWQF3!E1W;!BJga_mVMHGTaNQNUh8D^X8wa2<;&_`YtKPwk@H@mau zq7%p)eo*%uu^2J3Y;M+{H(v6a)B2Bm%eEJwocW{iMd**&y>hbOxGI_D&|tU5f1D2i zDYSz;kBw22j_v=_)8zI-%7MQXTJ006e8oRQuk(lH`ru~2q5vd#xh zapNx!;$(tiWhLp7BH=z>nM0TDcFE=S&HCv;O=}Z^?+yqJPTNd_(6pi5K&+RtV$_rJ zCIc_ki-oylI_f%|Ps9{^TCxUt|3eF5C!Akum=Z{AP`suS zPhc3I`@x{9avI%+t89SAtYe>NKL!{DN)b5QMz|HHkDt=ZYgJuu3EW#N zk9X>5z6_L*_E=7hX2sh_(k5o9=bbwVc%UV|h(i!`U)%DMBc)?U$kxmbr}ze0pRX8T z`*@WW$)#yq$H05Dlx+aC1s_!_?=>}$1_z8!N20*06y+*7XONnHm4!L*On66vh}QqL zI}fA=Wl>#m8j9LB;?k9S-4Bs$T8zQOZ(ln1`A`H-(cZJVp2qFzssdry3T;GZ8Cw=gm|4)s6?~DZVc8P;eq+8t%27i0ixx*sU@;!oLviuz{pRRbG89;-|9DKi^x>vhVaqn)e!FCx z>2vBJKj4hQHS&1(4w&S2<6xDVqYM9n`ezOs~Tr%g$^iGCr zPd2e!4}s)TngPovw)G_yjJAN2!H)6CnXt-6zH%H2h~OGUky1LBS%(qtk@H9A=*hbA zf-V(e$}1Ww29lpLexU1JPP^~X1EXjn9Tn^9U2UUZ?* z=Ew1bq7J<0Wzv`3jLmWy-SBN6wm!`BJN&mcP<75T({AK+XDmsK6YV97kZC?~d5C|* z%W8}15+m1JplhbJ`YS@oaHmLI`Ei?~l3?%XX<)nbl)09Ov0BGZOMpg8<&bDcN5#%e z#zNTDkRq4urNBn3Feaqqop$y4_ac_tkWtX(f_+HK`-#2NpJ9J-*2mklaIvndZz9@m z@TEWl=&qkxB0#E#c6EzU!aMgXp@}cE%%y-fV2IXQF~p7 z)VO6L0S#X9(ABsX9#Ml_-Tk?$(&vu>OMpdJ&G(5}jkDO!Ba+vm(qF<=RE8bZ*}NzD z%B{)EQ!o^=KPW|(hDwne>598vW)1-47ny%cG&Yu^-_?3Nk8WtVWAxW9mo2ep(ZnT!WN1n@lwCps66)dc{jaRoNiVZOV}5p z?bMmM$E%rHS+!&pV$hIH)dlg8?%@jz@?c8iEhn+G2cTyUT}WYFG{n1)fj?IiF%9N$ zTEdAwO&kS$!0Ve^%Zrr5EaS=NqVg6%l}GS*E$R;^HE^jGE<4iKLFR3z*T)MMY1;1> zhE^lb<}D^S81O=Sje-)dnjO*g>A8kZA##b&HgEPZv^J4lMwwV?WLY0>s1Lq@m0^xm zSCE$d*>td``Rs{>nS^X5unebtkcF9B!5;2wA3`w9h+&CzeD8%EBNrteO+WH-6tbv<| z!bpon3iMe_*+l;WA@pyIro+msc^2Dy>23xS>1uk`=R$vXw)9`=47!>0WHYCdI{aj( z772S6*-f|CJK?I4G~GM1nTx(TISz#@h`xQ5B*ER@+_7;nOsg(%_?=kuOS*6Y zeR+#}lec=e@&yl^@AOiLZcddHKRxVl?Ia~#d(Tb!5GHtdt^t24-t=d@YJ;?GlE9ND z7626A!5vE>UZcV&PlqebT@8GV}EL%>@YNTa#1uZJb@9$|VZ>Y`Rphvs*WkucT zCSJGrKkQZ)`v)0(PE;j=F5-h}>b~*Eic>4HWK(5w(bWndzh(D~VRC(CWpRDuxi74M zN%>?VLM#A_$DeLWG-d89Q4<{BP*I&8796y@C zVzZZ_H6d`%KCph&2R3a&i5?R5Cu<)VZnqV~q8w)A?WHP#zdZ>DONxa*X(<2NzWbTr z)mnHWy-~O|mF z>+us8<4$W@0?;;O-EAV25OrJBG|4Yc^+t;sabV{jw&pMdZXZ`Ad3fe;7k>KbYV9Xu zg#NtEQ3JK6kQ@Waa5|IOA-Ygy5{#<^0V9xqMV>)8tkHruU`MUjP&C0wiL zYWr@xZLtUto2*Q8zL;fF=62@EuBKK!;{yk6!pA$p}IbZDb03WPK4;zMDP$_Mv}DXyrq(fxQ;|+Atbf z%=JFt=jHl|qxH%hHIzOYpbSI=WOn4J%kA)gs+n)c|l4Ka0YW z7AwJrrvwwkD8B~e#!QrNFux3c_;C;Z!7=&!YlFpV?ZY+JGmx8J()cQl<*-qDw#NUT z%}O(b*(8Z}%e$p;tuDJ~$oh!?!*XvNtMH7Pk;;jF5)iEsCm79SLe7iS(Y|Tj`zgCtfi0v<~eP$EB$`I_K!(PBxu&A%!~&uq*rAh*CM2YKoy!Q7VqYO}o)WsR?HMK2Q=P?L-Lu~tm zN;HcVt11tj?msq}96Vq6M8*E-xhvC3`hw>uN|5ibWK&%gb#)VK#@GU05JmhSZ{0CA z;Tgy;%pvXBY=CH!`wSMNj}JU8MPSx8N`_cYsQ{ADu8^DS*`Gq^PWd^j7dD&y3wOa8 zj-ivEgS5u^LPG7Hd7R$qXV+dG4zX+9%tl43tthFpiKeVxNlbMS3 z^**9Tq`4pMiT#dG+iuQK&Kyx|m=!&K7ndsu5@~i+BlsjVVqH{^mJJZu3fh*$r2i8kILei zF9^q{_G{=Zfd9i;UXsPrdNhqzS8IPZhy3^^#x#@^GLPHlAV0Rf_DPu*o0mRl*n8ks zNBz=|`aE zA~ZCOr=FYI42=}$3?fo(PV$-h)?N3@=e0W8DhsF_&)DnI;#sq4t2s*!L5KFTydU`D zpXF?tVEmeCP!8cv@GJmvx%*y)ewBM3gzA>6SPIB5x(nv}B1JvOpvl&N-lK{-S|ov6 zkNy)xfKY~)ZJ4aQ_B`E!mzH|v{67$J!DlaUkXHy(o1_55gVW}=s2u56$)s{-J1m}* zK-QBFeuoN>qj~52qPQv0p;LL;&hd{_1CCrUoUgmnPDr_nv@O7C2%-N-$n+cv^_Hdo z6E}_sx34$QJ{?!>{)eSY&upWfP`sPa->}@usy4rHu@ecj`m)>#GZR95R;1aANrokE zJ~#Tq9K_+YcZ9}_vg6KRK>xSph~zuZiwOM!GFdyGnN(iV>Xue$d$>~3TCVL00>Lp8 z6AzaXtF$nLkaOA&6y@MMJG6f}eV_U1Paweaqw`1Z>p2bAkMQiyC~3=@FY#R8<6!`e z#PJ&Kd8jWc)u4=;xCweNpr+Q(ULODJFH5lCRM5k=LpOLpvGM(Ji95;}fW(CUYaGQA zR#CQ{ayO&#EU_#&DeKPjb@HurB&OinYt9R2KT7+P&(%F&+6X;iddV_N+Uv1|*^<9l z6C|k%NZafrwu$RX&~im0lC`N9!vX>X8&sHJq@qPIN0w6`^HA4#++WzOLHReGI^I6> zoor?mJYiRh)wKaA>i)XpX5;=EeSh3>n{j`3ado+m)o>Fg!APIvp5lB+$5+i3GrS*s zK8C;zf8Z(&{w^sTR3R{>{x2|+hs62w1wlM+v3IHm8*0&{r%OzDr)xcy#HxBYdi1cB3i|Q^IlAsx|m1m zSFfKk^g?1Yx6EHC{Hx}75tmos-11MJPv{`9(A8Wa>iihDM(88P`Z2WnByWsFetbacj{6nlOicO9~izVNZ?Fic=(Uq z7wDJk|FND#ZkwCf{6a$8Ef3D3dhX zU?t})@)_&-JXgoXc*|BG2kyeHyPqSuXlt$=Ap5MN^Tuqy9lih%X;L)L@f*SwgbnO9 zqi+Q48sAaM?IK6_?cJ*SdAT$uiW~l(v}fzRcktACVS%Ba{$`#kP3=loJc=tY+&tfn zFSC53dM7m2jRIMCT;jv86pb2 z@n=Fa`GK?L9HiWA?1{d2UpZ$@>kq_*KkM$!m=PAnN9sNh)Yz>;7BlfXQ*L2Q4>Swe zsxpupLEwYl&0)m6S^s-{K)Iy`ZmGM<7VPCr-R|w9)veIn49TohJ#i}h8euKAnnY3H z(qnVR-JBN|dbKtx%1IRRX-G28OKodATQTspXRF0SiO0^m$d8t6K#dno)+HYusr}g> znpcbjoa^(%A{0cdTME%7%3TT1EwA` zY7R_)dbKQ;T)vkVP`?tX?@A0*- z@6i$3Kz54QAHbuB+)Qf9(igp4aZyRwZ*sn|`apwMHR_v@2Ztu@cPodM7eU)@l}*uC z*Bh-Y$*^K=$Pm66ihb;l&Vz{8pI~3-G0GW|^Ag4;BFAgENY$@QIR=l~4Ocg~RLIFy zDPChK4#546si5DWzLL8*95xqN54MWV1d4r$qn*b-F1WR%D|`b*o&sN#cm!YF2yB!} z;p$%|f86pgP6XnrK=CP7y%rWjJ1~nTzXEQ97gW8WItDotfxDWoKJi=eR~@Gf6TgO% zu6fma2F!J@+ETFe=R1V=P;?J4c1l*JC+Lj#9@G`JkpM;2j(b*IEC%s>zT{E&& zyimLBB%-C|(|?tpE8nF+f9u1*SrJ&G-C!+z_iWu+YyI8N@~PBeV}Cp#J*ot;$9s&Y zuI3|B)PGETxYGZ;{Jt^eYFegx6s|2bhN!V@_#f3WvqDbnCba=>za)QY!z&!=^UUXgl)^KULtL9T z1I{1EltgEG`7;jZHitDL)Y!l@5Ol(`{!YvQCOCNW++Izb2yFs>Qq2nd(Po~hsfHHw zceNp_ItQau3|(z49*UKCK+{ZTglj2)IZESRdTyCM3xI&c6{8P>a0N_MoYrm_=5*$N zGPf&&`s5PXRZANzM9o}3W`3kvgYuNO-{0ni-i4I~Hf?Ht zU)LE%U|ZB6eBtFgS)86NPY*=OKIx=9r@g*cR0>Rf&Nn#ijZ7X|@o;FZ2p@(^zxI<4 zPUbovvz@Y?QXi>PNLe&|7;YF3+#9$;8yL^D<1K!?#t1x(K8jn*YPSwR!-KY#Xdbp?49x@hc+E?lGEDmF@%&>2!SVIxlPH4a8Qe#X)r zrL<`#;uAdKp#TOsgFk@0MSU#(gouVvtwU;g(0_f*3NQ^mbh6(dhqy6)ncBDx0l?6y z$XdkU|9(wWMSv#6ud;piBWxCp{lxpIF&9O{zaa8{E%kDdMD;t)3P z{gAx@@8Mj3_%bCRGAo(Qi(G}Nt#MHUm!&=!4(|i|3K66zm-I0uTQWdlW;(8ETe`wR z$CI?DS*u=NW$M=CFCNJ_|);S2~!_%HR`SC9NfjN6xj#)@CXF4 z_O-7$OY76ZE72^Ek0iDm1Z(VFH9x?$s4#eSI!w>YJ?&pi!F?>PCj7WrmpAiW16*UjtOdD3cQm944A(jAu8P4loRnNj%4G)!Wk7 z$E8X+6KrwWSw)gyJD%>VG0FAtdb&0iDv^MXE|V9(aUM`DI{wIQRyLJbbq-lS5`grE zrd`!Xu%oFBTme#3oJh8@YVYpj4)MPFKJ`ak*|6S*P%!A9`yUR>J_G7cHXrH%Ey8p&sbWEnF)I*MqXs~mWZZ^*g;zj5|<&nu> zaBoD~HAnU4CCdBtqT=t+iUsYyw@&uakGD#-v>*E}1~JbpWUFd?2_WabZuM&}@iqms zMO)+5eO-9(R+-Ue@sK=w#!1V?VM67igwL`3+nJ2_?3!=B!2bCz?*?9Pa@oHnKPwTW z{!zUkDH$tFK%Mrt=Oiv;crH|?^n>}E*p_}$_b=2(UzenGNqla#dy-l0t@(&g-s?Le z^mHU-wQB}8dN{7j&yWt=RLD5Xo?)p--wG8xZ?0A`mE2SD&*_-DX$)qu_KPMWhXNSc zOWsVNV9k@}uCyk>C*mgxlk<9iwsJd1M0+_5|BbxbvQAPRUJF%xL-a*eGkHK~R5Bj} z?#m8QGC$gT%l}L@>-F5zQxooR7SEh{7e};5E$|29iT_xegM&*u%@NhuQZet!q)U-% zL|urPFfd)K*j*p9Kp1<2g*_B$4bjwdqyqa$cqSld4* zUOEtXaFu)H+AY?(cYp{P9HjrbVE6bou6{8&>*JrN*40%dOve{!Z?*(nAjsN!_InPrs6LyK^6lHEOx54Vp0cR8 z36ME11+M-yG7ChxM^{A!kORL?l(~);cuSfqV81zi9XJRb?#G7S*Di>6UGM)VDnM=J z&>XbVm1mKBvu}%sm;X{V(W7^j^_R~qA|^I@^oI3;Xx%7X$lL-8qm6E6^{+g=d*~Rq zh8=c)3>0z(MeW-Yn^Od_i}wiaswR1GKCcU7o=zg0X$SjC`&m66Qy4;C$gDDmWu43H zSSH`mLx;^s0w)&)Fa?*g)JA;Xd9YX>fT}qv&(vnNIzc{%c3EJ>@rC51M`&M^CR36) z310%MbGdWe6)yKUEs!H%D%DT(u7+$B%${!Q>tcjpd-;NwUJtBe%#{;A&El05pEZ6g zP@~wM)_#Eb2U4Z4UBYA%n17R^rmnp{10F^$3Vih#ppde&RA!=~u$X?Mr4LeSC)a);kqs?Rj>CjkW^&(g6A_8yZ1TE- zX%jNVdh!>a)14-)zM;&1yR!SJ^x!ezJ%*YS0O2qg`-oIV263U{a6)2^+z+emE2CVH z07R@;<(@}h-_m^ojMBD3Cu;n#tdslto8{JkjfZ)_iECiACA0hX)=E??Lg@`GQ_wtr z>>o%r=}Do36aDWJYw{<8M*iY9WocZ7t+#<1YmyLp=Z|DNVv@`Ow}Dq1w2JB4xi1Iz zh7K*8M0dBW3jSVvFJ#Z*Vb%k4VhFWVAg3!IJ5hhJ!>$r!G-&n)RlKz*KO(`0sq;=e zMKJj1IkXdF9huSyE*d7&x0)0@Z&G7HFy)iXE^KD`1!(x zLhKZB4a3(RpsNsA&zEWt9xZs?kEQV$5&ZBtiXkT}`R8FTkMyzkg`Lhp50NC> zbd8{^z;W-ddr#;H^MY?Lufl>f4pQ+yxwaFI@En&z*rs_NWNA0!J3rVT`VT|KT2sk@d27H z8vJ0peu}pd&~Bj)?Cw$wy9X%W@likXo%#FTTFSZ6uRiV!%^CQq<@$?YH1gXT*g-Z> z^!B_-^Z>rtG#;C5@zY{f)?81BDxe+{naj2Q2?|#x+E{AZT z2g>lXdBr@JjTg2;;B-CTHx&5v^f^9z;nYb>X*Ks$5!bs3(L+HZuQVGg-wa+rRY3AQ zHuK4F{H9caq3M2m!;0Eu<)r#(U^2*o>IHwT?L%8>tzM8ww=LYzg=*#YVnFa&-NU=) zeGm!ht?NifeBUg7 z+8^?EhB$S?Xy5i1%luY1yK1J4>Jg?tk%x+Mqt&iZgbQ;j8j5AS>)x_0B{_`3EFz=k z8>X9l<`5^+iA%u&K`oYd{rBgJcO7B(u^rb#OH&G_hwd|O!vX)klU10Yj@LrlESr#x zI8M0GhZin2RcQ8_U5aSV1IkitHnf_HY>O}zG? z)n+k;_9ib~c{b=?J}&4-MlZ)%RJpa=6iiZwSszHHlA)PuZ@R8&ZG z^q9?3;s+vWCA(QEx`3UBnLObl?0}|2j3r5svxe#__luR=kP>m(0SHkc;7`-6H~}zd zpW^M<*hJzLoGfaU4l6~a=rEc18(2=kpY5M@o3+H7J^k(_sHm4|j`B~^kw6J=G)v%a zdm=h@gPmghny3|eK%zg*;@9aI{#ozCJG@?EDSf349r22uxG3|x33-#m#xVAMma7!Q z#7msj!GM(TiZ6{0q$W9{-P)lT=(gdMWO>;s;C+_smK#%AUwkc~K&(-%xMrdO*pr5U z-xC`=Mt%&eao|&Kdk8EKI@RwQ<>v?{c-^g_sZoO-Yl8s)fPy$=_D>qQN9|gKZ~(n= z?B%xT&t+|)ne6nl%VR6w!?4!pN8G=?23Z{P-ZnDkEZ`I?tG!7ti1Nh;C{6m?*yPB+ z8*aAf3j|^O>A1$fM@Qc_KF=Ko>eiJ$YW7%nUdW>S*6hfQjj;9{h93uy6CLIaf9ov z`JLIr2Z^*|m;UUXT1C9+8t2Ntk<}T*c|j~{;hWM5LE6bH4(c4FOnGo5I)YAxvkD#q6VJxm!cX-m_7#T6>NnU)xv5a#ddvER31DZ!Gikoeei1}WLp&h4kzayM z?j35}$W*aRq2)}c<*6tl3>kH`anMwl7EXZC*GlVj4t<^;VkiiUSty=!{4MBzNQjZy znj=zCZ`UXP{*Jt6juc!0n=*Z5ISYPhsML4t_^8(Qz%6=tDGY}AOyr!?@R&IJ2r31 zuUHRsMw_Cj-eoG&qq9#J``I&1B7d=4uiUnIFDn}wYfNHaNE#CU0YJlZ8T0KdCp<;5 z`*>LsuB2_Qy5ljx6;>HI6)#@(m86Z4dg|$a`9-cZbgNI<`qMD zP}y*sNZI7ibuvMtqtM~5;6}kwa8^r0MBnOeB<%9X(miAF;Qhk=Rnz^yu&cv6^!@Gq-3SgIu0aJHZa}z=IGjnl z2ufNLEj=Y^y%kWJ_o)3q=i)j*r{o;PW7r^Bf}D1HUM{sMQ2>_g4^NU6g`3(d1^TZI z7${Pn4v>Ofw87K!@0)CYR0m2ST5k>16)RHcQ+R=71h_1DM$^Y!mv=9sxdX+$^sBf} zT=c5N0?AJ<_K8)G*4F5hWoMJP+Nsan=)q&JJfE+&>+zhWD*jke$^d%}p!bX3c357I zPhc!fp+cvF}I zlQRAIuJSoT@M2n7D?O;IVO;w)GA%VL2V{?u-~Zyc@gtdWw620|H*+~`aI4avi4VA0 z7nAkDGc&k23tZ6r>!eiaZC~cHfDKKagF;SVSXg1U={^pyouK`g$3}$-M^V76W~-WS zv)k(BgoN8hEGV}DMj>k_0*m5QT{1q2EggX3;*jY9ZrPXr?*%}jstczRi=ln&#}C5i zWIY|yyrelIAV9DCI{`#sFq7Bgu70L`5~AKi ze??OcANS(c!n22pVXnB53`&7Z$mF!^!+^Q&195d3Nac^hK#v@o)_Kck1A*2WzA;&S zOu=*m71=yYj!S>WaU9+mou-vYJN!WNEz?1=UQJj z)-6xjJ4_0;*h3ZZrnR$uo_}#E?yXl9blN3b@QUP>tOOQSR#@yCU#`!smB)R#NFu$T z)RtAY!)mwvcMZqJAfodtzvjxA*|_-GW3l`}V+O>;=puYeq%4mXE}z@a2x;Mqo|+{G zypa#IeX*zdMRZ%_(m93Wzr_&_!4^!+A+&?yZBI~iI3 zNGaz(_-{)Tj|B1YsLO!VDZ^=s3KeqHXUHx(6QBRD76R8(6&RMTM#L8#S}ax~w@}&t*-na0eE0k3+eD2uS=W zJo}@2a;?)4xmhNctf!;;Wi0f``dxh07Tv*rw0jaC7UX;KZqV6wsz02V093w0#H12k z>?RQe5{9>5FW1&L{mC;7MYC^Y6PRYv^HfM(|EiBMMpHeO+|48CU}sOIh1c1moN+`c z@kbnYfOtVJ<#qowgOZzzrF)_Ux`ZzlU8e;2Yz?9ra@S5lQLwyBl?w*@Mtmz0mPhpE z|6N{62cP)V2<4^U)!LfQrp@+?<3)CpB8kWa&*p6@+G+mg zL!Gq9dnhh48P7fS_H}4zx-g(`oFNQkU=qWiIcC15!}F%Mi!O(jdZ+2o_oWojeGcuF z7w14+0mfjJpMyxzM%uC>ACE&9rq#0XZD^ZqDmix{lg&{TW;&2Uc_cmi#dt#@*?+>m zpO!<)_UkkKmHW8Zdu*TN-WvvKt)#Yy;}99flF?li+pUG5z9AoMv!a()m0!PHpHTyD zM)y{v@K)ibxOjKJ*AtmIk^q3RjDKcay^qQOp?7`0yqxkjOQ#D4)LrD-904^1-Olc> zYwma4!|wHMQHO_qm3P`&_xoYT?)MjfyQ9;lCIt4Yi`&`TrNb^#aV^k=0{z}c-q4YN zVRG_(3{Xg;YT>t6M%=L)J^{ z8->am$6fTbvt72P2)b8h|Ap;!V2AQVM0bt+!*f$)fE=ff(+qYQ<;>|$uOKVC;qq^4 zhFD%k*8d4ksxN%?*;XANyT^EpL&^9`Fspm_+>c~XI z%ZdwEzV=GXC@oKH!9={1~;U)Vp& zjO^XrzE>Zz2g&pNQK31_>bR14wo1k7uu1e4C9UUFkB|6wXNx(W9Ee%x5EmgiCZKj& z{KFqypic()VyW4c!|_x^w54g>Y*agC*=MUMZwdAfm;2X|n?ZhRk8kep2VH+FlPw%} z^94wE85rLhHQM~j&u=ED!t z>um8U&WOO6@cpDFCPOZCB7$cf<}+#3JLLJ)9~vR1d?1O{0k6^uj48R7LMwaze15m% zDO#gwF_WQIGV)c%C&*%VF@mUs-RHA(Xh^#>lHHc-=k&pFBkw4fGe{RC1P1n0`4Lqx zLaH-8Jw%mWSVM*+6CBM2)E#T+I7!cN4K)gk2kdkT=X$y`c0O`_T@ zQmy?z**C^pjDa9_arroB1;#2or+lOeC2t@&6iuven6Q8>^C};pfdGVpi}v zFYZdm-iV(Dj>wFfG9-CrYQ<48TjrF9d~Y_0C308qu5QBr8x7-P=#+<%arnnJW|(89 zcgD&Bw3nH^^`r$O$~iG9=}akNKU)7A1|UcJv6h_F^e4;3kjuNZObgxpI{r_v7uyY$ zwdskY}oJW|$jMWpmWK)?KP5MQEJ*uocSV3K+@2HtW zOb>56Z&Z7KsL2%^D9>i9`%7ErxFso1%>g-z1{g(7B7c;qZ`eudoM)K?$iyJ}_UJOe z{Z_u7aeM!=w!}=uhLaD}DdW33*Ljv-!oMz0R#(0XjU1GP zbS&kO$&~Vo54f)~C>9}`Il}YjUQYXjnyCuK%E(wiAvFG&t-2XyI}}(9EH+O51NX?+ zsA{aMQ@cz(S0nHt3q9+yRL>h=tSAEWtY3x0dm|8B^OwJtl53*=;2Q18NH6e#jH6P7q8!rbG&>%mA9=D#XdJ#zhOYS6`E%y;p>EV zTd$4X;-H5(KqN|Pakd9Qa^~hRRXPnhLn_+wcfXUk|F&D-76|tq4WaA&I3Tg*(`g*1 zFTAO6*qbmb0WMQ|*cQv=xMQBdTXS_hYaKBIo{?;rkIJwNqQGD2a*g*`wIQJCQoJbe zr8pkh6QJIMlL3mVwSO)lvU#4N(zCHF&1E)JMGc}gugRABS+r3_4ZKANY_1KNLLr@p zPU%jHA%M{40Tt#Osd?k4tOyqJI_R17Z+o-$jK%(xm+{U!OibOf{ChYUsVhI)OAFC% zF1m1Ai`!#MyTBL01gp8WmF*d(UxgT~_sADo@%o<>S&BZYqvXE1Y|i-_4Y5V-+E-Lj z=Lo7Bw=ZFa8gKkNHkdNfEJYR&3%3Fd7oJOq-Nw+cj$6$A)Z6j2bwC|^*g^zrf9-Nvr5E@okTN1D@kB%hMttz7?O zD6Wx0IRAh zkPS+?0YhB5!2X|Uh+o3dtNu*BG+&20wGa#RGf5elB7*DT<(0RuY$)pVo8vu!Fb#*q zZE^EnFq*xWceRD^rwZ!Dro96Sgwi?_QmKs!eJc4Sgl@dFr#ObmvjPl!7R8_n2|VO_ z9^N}&e0}lNDND46c~3G7#F@Nmq2Rwm*R9eJrTitoxXi}w zfCzk$*ZPiuhHQxQfyu9*OG6mN8>^M`*1w@GJfoZ^|3}kVhBe)|ZI}k>Q6dt8AR#qM zMoM>wl+@^WC_x&eyF|(n(%q?yhEX!!fzBKlwNAC z`1~d>y4}az*bZS<|MrRk2hRZ=6V?Z4I%l~iNd@GJe2YXN1f8 z3Lkdc+24w`D%rgo%BDV`Ctk6UC$MDpbovw^J&|Bicw}p9ceNG%LCEwHp!)|D@V95x zn?u!JE=jEAxTP(1&cO*v9K3h@I!nBCA5x{XZC}A782_0w+61o&Ihicw&1G&d%xpo? z%$Jn=qp(&hmu|{fCqjevS=5#vlv`BoN5G^b8aI9gMccRjeH~ykUu*4TONq9vb40J# zpXpvz>d6tpie`#-c_i1Z!5)5zNoe}`L~IZl^O*8TbpU!ISi}gxLxd0OGtu@xGXfYO zWpuA#MOH`AN7U4Af1;IBY~z`68IV_Cl*}XUn1AW?4o`VyGR5U(U;?9LHUA6Q4Wb_1cre%g#o5<#l^#wIy???a{${%|vvcUdXJ3eZI0ePu^pBIEOz@YW zrIlhj34pl-dk8~9CeWuwooQkVX{a>%R|0sLkc}7Z<+mJqUhnQES#x&gQ7;O(NCGFb zguDrX;NUVM1mAaPU|Zi&5m>6hT(_V-mtPK*Xx`mkr$37M#4yur9{o%bF+K28Nogy% zvtASsETi9p3@a{| zVn#_E>FBwson6GiNU^Vv5ASyl27UuGS_*|cJ6r=|CZ}lv<6?h0B2fag&uB0u~!8rV{$5f2LeZwM^CL@>hCmNu8(7BO*}qE+5Fcv@1Cq%w1AD zCV*H$QGlsZ*HVr@PcVu62KZU6TmU0rI&!CaM@PFR0ViPJRI2`yr@znbCOB(BM*$3A zZnZ|QFpu%WaA{QquKStTymrSpOKxE#iy~FHMJ92!hUVD|aCNS!NiUray?tHD;cH=9Ra2vO4DRc!DwWY}`S$$GcLLnL%2addJyIfc;-|i< z_P_n^<e)Ik-b#Nz*SdA#r!(*7!dLF#r}$NeWL>UjNT12f#} z&q>KwFZbK?#a#B`y?26kADD#eDi~^32;cwuIsX8gz#bZV8maiv(N-3iYBiaXDv0)iCs2e-(cb=F6;M*EEe4>!eR`S zh4BgYeeK*AzePOghJ-JsnBkHLWuJ0hk(R}$7v~-Xrp)hP^4uHydVeJQaL7%vB1;%a z_FBPwFzCRc9QlF@LZ9Ws)n2%$hnG5xmse+YA)Yi*jR5riy)ewIl`8Z4Z@)P&$R=4d z;y~*;fL#aj+CXxR3_-v1e)uv>)U+%XRg^SMF6`ZmK63VQFC^R9^#wlo%M9Ik)WM*g z5BFlXv|yIdJ`mx^9TnPZp89YnW7qUM_|qGy+2y_oj*?qWc*qzKYGf{pA1OYouG!gB{Wmck6lbVg^3-o)<^zr7ah5cZPvyubQGOiqK8cX89q9VRz7s!$8=RrjP}4t7rpQpUMnn841Wp z1qO!j|1uOeODiJ#AKz*CmG^5F-?%+v^3nt0<;Aog%(o!d)v0YCU%<7v7MHKO%bO&X z-$wN5B0c!?YHtb+@mp;VpU?*v&^xH%ujF%I>5by_9^kFXPaNa687H#E_|L;Xk6KV7 zxkbx-;;Dl>C{x^P5^s*$%1(L6N9LG{zkep9d~eRiG_>w0r5PCPXRZ$^W&P3*S)|ir zUZocb*2lo~8i}yqtq43GdjBxF^;g+3BhXDIZDSS`_gc19@SV@jbJ-jIfueJITr2ak zzvm_Q=hl>`Da1FYkv+AabGj>;RsEXR!~s7f0Nn_m3*@^u z^m_Gz_cOp>WwCv;Qvu(zy1_{snZuffI5Z5f|2k|0O>5%`;J|4LjD|}e5sO_O=2?oMMeo0`;`HG z&(J@BacZKNvx@bEYNHKI0s-;z-)sCJ@H`y$&vU)X>mqo$F4LRO`?uro zimO^DzWG`GaFiX5L>W0cf?vP`NCi?$p=^x{WILpNPJ$}DH3xG)htTt7x{jYUx=wT~ z2iJQs)C~wG`1GnB^rvqS_F$2$5OBSFjbu@(04XTpyzceT2Xxeq1=H7{mTuFg7q7|t zg7sgYZ#8%yDj9qJgSLs(F4Gl#n3ak`JvK1a8_dk<5hg#pDuh@&KG@K94v-JgXL=t& zQ9!igz`Pihs%PVqasc`9c1=3Tx^g+~vFvGA`Y}2Lh34HQhbUUOB{ej!-7aLfs4ggZ z5h}TYH602WOK2q%|0P}NTC@sBg%+|I$QkU+_!$dgEtO4p1>3d?J|X_rxz8Y6g3S2F z?qJ}`f6cbB`QG8oF+b$BS#fT5lTW0S%_-Xh-aC7ZPb!(~)k&5p+qIxGL3ABDH0{;T zwxo+w`&mCVY?*&ttc+xH=^CT@~Ejx(fyzB3N)3H&dt&z#YdKMaN@)ZQs!QZazt z$Kg)=ijl13rRMPexLL439ACC67MoHBg;}=9l>}wEj)?^=2>f$DC zfyku)6Pk7ta9}fM@~#EV;zFUzM7uxde|``=@ZMOR2P%DMj)P;8z}(+W{1E$;p4v)a zN%o{AxnyiVSBf+A1tZc!74s#)kdwp9Zr*do`*-qPZDkU%xVpKXGqxU4Sh#rzvas^z zXAI&lIVivs;4-B;UtwGK%4WD@?emZYL1s!noIgBX9(jgP zF|p$4G#z;RNvPIrA9-Jz>&7uL1xz#)n14!GoE@nk7yZrWGo_tmw&?tpfe@31l=DL1 zoDKSLwR?$p{@O_i-)eANihv7ZOftXiQLvQrjm)5(e7{KF$|It_4ZPfMD%Juw(CIr`NVL0$VkFu}iHvE)fFRPg!B*DfM zW~a*)5I)0#<1uk5GHSlo)fLJl{%%d`$I(FDQjCct5!>F3rw~r_g-Bq^VnYfgV0P+y z1}hP=ErHEUpTowW*idAU3}~i6BfNUs(!RP_CNCM zs2{Uf^fA`qLcTQap4BI-*vu5H$8Y(vQIogNd`V`1uphnO31118=_N z5;ck0Wxd}y=nnq6A<5MKu8|7AcVHuU5jiw)nBk1a9^llN7y&}Cj(d%}qVc3HpZ>^A=$z`R zR<%@U=F))oq2IG7{Gk686Ec{_nbU`>{yJjAsk7tD{5^hEG_Y@aq87)AWA{8<3n=Pi zv0f{^#>DS1Q31rW(*$YemKZ9{p!*jkRNi?4XUh-FEa;wB6>4f|A)};q+HwQk9A#ok zwpDS;kq!O*yv;;27EUHf)RZ&f*doG$h6rvJ&5YT;E@UgIh+FsrLj1H-Mu5?g{X9L1 zB*ONeWcSy-AXR39v0!}`&%LCjEWeQot6O_UuOaf`$*AKsa!XbtuVXO5FE+NED&9~pqZ(gYT*VD9;5Vh*-0XOqjNR` z)*T?s%Fg~dt=HS5_RMy9#EOTwwWcGe=}P~bLf6x#BoCnSxUuc>XUz4az4%Yg5@E^y zbCM5O7a@na5c;;S92_SQSF9fw!1RDzd%;X5uvpRm8ndBQWkF7j?&H83N1w~d`68>; zFmUoBrcO^qJQbB*c*BoOUi0Py|Bp_N?8+62EH}~}c{rJD!Uc7Fs&(2%o7rY9aiD+hJZI&gNS37Be(OYqQ z*tA(N!JzN4N#@DB25(#QJ`;=6Fg`#ybq+|AoP&%rc`Rz*rc$1`=4g^IrvL~(w<|C) ziG%(@!6|7R<)%yPWM}r9bcM&}T`nTtA?fL|r&}=zhezJdH5Pnh=Kqd#aIC`QLD6&3 zsJ@Bbh|q`WA62udUK8UO63DV|FBp)h&m6t>GrL7ZStDYsC`_JOspiUaW^(TV z2GEP)6jS^|xXU(3PrhJ~Oj={&_v!uP4u_jx(8w#fB&9^qg;)m9W+`5s+a(%mH z-b=7-Pf9D!FMfG(DV9^fRVaB{zTBcXj91`=4zJ1c78>)ZB`j66yRY_{ z1D&mhK_LC(4jruTK~T*8H}p~|qN!25Lpfp_s_=a9+!QY#k&)8y7Yyyqm)QVyDCgiBo=uPoW2XE6 zX8|}$o&jzmiQA!TZM zA1$`qSyyJ3>@X%B|8@H4TD@bNScY2ER*ZsT{=&yImPNrFKkEzm+PSWeAF{B6P6r4U zf>igh67RKoQ$bk=Ye(fvqL(ZJtMhTy36c;b-H zm{&gBALnaZWS8XWE5+L*1zC7;NhIw+z|j=b_17s_85?Ci@3M5DA4I1tr_eq_xW_Z8 z+auRY8SA7y^d7Un2mDeT9AXxTm_-08{FxEB)R&V>DarQvz*?XLIR zl5fxoktI>fH8yljR#T<(>Z;;!^UDuKbqk> z5>PRghAx?+OadkV>bS*E$BQCps+}koZD5h!#1}WhB2LhxQ@_hT^oyhG z{dw?RyJS}v^g>FW)i<^mC6z%nX-tz}>T1_j-O+rkpn5bhIo3J>a=T+bL|4MzakDZd z=MMMMjUIX?fG4K#CTS!<^2h4JU+ zHI~+FMW!XhVWnL$dnaN+GFW0R6TN6|O;>t0(*OIJEvfH6ukoNT7CTlM?aD?o&*hiJ z+J6r6e`J_%g?%!KV2A{jY80{mQ#q!xlsE}Mxy<;lG1&nX81y<1Q7n0g8DAfbVTX^= zvN#DB)bzi!@l%cK7zE{q|A)wieT?KG>L^6;d6naIn>AJPX09xAw6UN|ZCKhJfgi_} zXKU9*^ht_|67KBJgO>my5FYi@OXC=+iH}tnmn_{My%`$mKo*E9*Z@3SZ)8@0;#8b<7u7~REbKERNiQ7n=t_NR85t&s~zP14jLRUQ76~gG1(5y%jwmj?! zrxC6Lw4w9#4?z#R^8qK@5?q4$_7CS>xh1o6G4~IywxuwnnV0q^tt=DrO!O=zvKWRz zkh2nE%v(d)hmC|^KIbNpFUD*i2Mvj$mYk!J0T+H~aW&p&0t-?>tHSht1QXm`JYoTj z`j>#rES1|c1XX%g6*0EVK0c0-*u;NYMJ$dOw@bXdVttQ+O&qEMV4=HJ0z_7q5TV)F zvFB<0a@!s5fq4!u>n%C)S4LKYpgivFy_AJqP|Mskh%#-n=Q};YiWUT0M$uf;YS({G zqx0Bb^)zdI%FF%;^XwyGn7=wGBOR7a*QALGdJcG^$^BnKuhL~>FmnyBRpfDPduXZ; zslAwqqSr@YT!Q$6wSISiIEC74r% zWrypK9kCQJM@N`=ya>9Q@+fgEp%h#JobvWHPQCmOxA={8{PK_WZGk@rv;+i+es^ii z1^>A@HiK>lG`UM(je50faVg=V@F;K2H~_h3(_c<-n$0biLH+<8#KqmRqI{E|MlBWEPmT zh%7Ox9ak2&fZg;DQA`}Z>dRwgjOjsIT1pGThokPGBkzm(#+S0e!#{F=7YY#FOT%C? z@&uP)*GfBgz=arwVzoWH^-0sW|3=OwV+pVR`_rJ9FUk!efEv@d{v?{Vt*;7d<{X-b zf4HNc4$E=k;Xzzni?)(P1i01|?Kpo#ev(#8C9)6Z(OZ#3TwETQRvAR(CpUfTVq%xr z2amr!@$PW0y$Gv7gS4Hc@ohi9Yl0M2QXnDbPTqx(X=hGpBVXbft50@aZf`q6{C;KX z8tiZjXMMrbb0+FFdC82{;W5)1%^Yj012Nk8#wGUjztPINQhPG|*OUAZ14Oq@r@?Vv zKjSF$;?6qq$I1LErkNK9s&)jFli&9Q)? z-PN>2k$Ttu3t}s>XbKnNS94Z;o6{(`UV7W|R6ul070dA8+!8t&oRJ}f;8r>c>U#1A zQzwpcIcj)KG_$4OJwnuYmb6st%*#D;z(Z8Bgv*&N-%5Ms+aX4WVy(Q^=%}vIP^F{# zrm7=lP;h|BpL5ZGqcI-%U#W_`-(^LX${G#-CJU0K^BfcTx6PT|tR$`{4e@}U%?)eM z?ff1)5IkQkYU>T1%qbo-a-^hv>@EJgIYTr-2D61?6j=vVE))t5D7Sy1tqCU~fqCtwxe$jl(KKB#$iYqRC`Xo5&C0k3)11Q4?bDkJaY$h@ESx>k37u==v|jZTfdZ3op>mYnjJ zY%u9TkOzz1sB>k>`R+!v9gL1jfkukq9lrXrOP5Or=EX)^j!#Wm!u@+@7C{2Gbv0L) zdH>rKb?lO3Mo`Z*ndM+1f9{%ygRAMk#`@>`b|s69E^b8NrC)6?qlE&r6j-wA)#}d$ zB1X*z<-=2^Z@6EDh6Dx_Vv+F?)!IP4hu_v*5bg2?O2iYS@?XRQCF?d-qxhexNpjV) zpXQ!OYxcZA+aIVGD0F;2zh4+NuOkZ89*@FJQc(D90Sbtr(v#vBom~lhPrxLKO|#&kk(YqQ07X+Ptmg_dnaR)e0eN2c5?^pTsqFL>EwNvO znNvF+E8m#bFK%{(Y=%O3+xeNb2B67L5~i}Im`#kH*l)uhaM_Y#0(F%!i{0$71ZW8b z;^^c>>t5K$M{fojbJY*=?$}ph5h`eUM==s5y2!_~B=m zY)~-7cW8So(Ns#+&^#!zbJhT( zQmtWLpw){|s~C__B(w8fdb~bUkq1RFg-FTUi~z(f=xJy^T@%}}=sUgps{0S(r5^n< zFWc<^OGJ8Hv*j}0+na`?)Cn&fr#8s$b{px@?aCR^c6Ze#-GxX$ZoBMYnmklR#?UL- zW>_lL?Nr@SSpj%kHf5rCLMnI$wbA$MQd+pK+wv5Qzz!_t!vIboCvIP9N>7HfS2lSi z1dXo+@E>4rqduW5x;iD3k;sNR&>gEmizUK119G*^T1fss5;q9%d+>{kY-NQ^DmCXm zoF;8olD71_pY`VmFN=(evAZB?)t6wgU8(@|mMdr^)mYsiV&l>x(@gdCoA)|;3D9Jz zsO&GKIMP}|H)kt%w7><(8iFcgIY(i~Z;rego{Fw0|B#&14?<%D*92I?%C@$>@B>e8 zBou6x1$KBH2)P8xq@_p;>iDXdy!Zox^MFx?rU`&n2|Giu=Tbi6C`fn~2J=|O#3Q^Z zg}*4Ag|;r)GmW|GP^L4a>Ak(Y>H?~{Z3jY_ExvH+yr`+-RzoihO=IRJ(``JZ#`c>IOY&yZ zTCfU};6P-~iX@+k#y?|={XEc8k6Ob+;}Wi{VOGp5tZ()*e#mbPfbqt#ai%Hok&E<) z*#n+@c%yVYUgSv?3ZRz-PI?~k>7rpJlWAQ_j+8l@t)KaE+by5wH*Yd#oCdw8ucS`S z!K-ph%&lWbjZ2q}

    4}J3<6S(uO=mZG(hp^K|(DfCB4$WXPpe1 z0K3d2@cSShUd?6$cT`*c_1V_FFV$O9!A3Qfbn0rI||czn$BEkltBQt zo=ir>-2ve%|rN_ zlTx9CX-^H1fV}^1 zbVb0Yv^g1yZ{~~EuUJ;x|E>i6-Nr{{wy5xKsGrb@vwWixMOm)p^oUm3HKe2BVA+eS zAvI@Kx*1Ngn?TEu2}=9~d@4^66&S5pef+uvCPat#^{ zJHZ-0QMiy$P`6d~4#Y;)8~-FtuyZPjiz1l5*K9i34$v2_*zUJ$} z-X>C6K-7aXU0L~A=01a&-ipQ0khT*nuu31Y(PGQy6z;19lUf?V z%{5chpzBwHqGJ0)WRpt^6DZ=r{p>@a@;Ga;fwvMft5&<%9uP|Qzw$DsAU0@~+Mwc4 z3NgdGT*o~crm#^6e*D1pBb%PX$};TIk_51%F%e@(oJYAV;QU6Iu3Bf zpIskZl0fEU*x)>%Ip?#?i{MP%j@Wh0cB zm^k6jReNLy+bK^dr=1Z?$>)lVmo3ptb4=8*N{`jlDkqSt|5M&r>!^PFeLWA4C@oP*PBUc9Mp9`u_Qo8Ets;q}i>M*Xw=J3ZoDPzG1L+3ps zxtatfUK!ILC`uH~)X34@R@1ESd~7;h0j1g3M-@pp5CvyOvE>g4HN5!6Xa7N zh8oiXpDHVsYH!0Q5F&VYHWcx}Ks}Q3mrnHD&DBj2ky6(JmFD}niB&YGA@@~ZJ6 z3D#tT0M-J2ihBT+^6_xr2MS@Hi4my*`quisKEB6ocVV0;ZtBg~E0Gwm;xZ1!b)J#! zx)RHXW_5q)h~ZXwwzBM5=Hy`fY-lgME5{`MpR(lCqw+Jb+PY(su9!*_N=We3@%@Cx z%T4DB6JP7y?1t02gNJ1;@B@UoH#EcE|k8zrm1q>Dt5Crr4F6*&_b$Dv^|d6?*xr4daOKJeut(8^-)p zd2Lp1B56Zv^x)X~@@6GZ*Lcw>54EV5v+*pf$5sxQukk)}b5v5X+|F8#Mg2ZO*a?HY zfR#bwY~sK=J&JoHqk#Q>DrgXLvNK6LGP|{6!w*QE?$rAz1!m<&NDH>E|C85U-^6ODNs*M{5H6RL zcS!gqfZml5q3mM`+6Bv?lbN^iAy*sH14o{rA>iYgwzyQ2gg*zr{cP?{lS5_+Rgg~9 zqW58N2+Cm-EY#3b@rsCeYP_pJ*PmgMTWNTF>z2b80=bzz3}&h`eAZZ_y*|XKx zk|>)8ISsbJ&*-Dy<;<3O1Thath7+Mc~63+_Ku5v%0rF9!^L<8hy;+h{; z6~IIF_(+5%w74>cQJt%$S(Qao1gSM4hO<;se_+xaq-1+n=;bdkOG6POxr8j<5{Wnc zxh+-BA}Q)j&7B|JoMIhC%A-=KUqxeSEi14vGi*JmEAWjyh)wiEW$Qo}L&vPl)^BeC zr<~svZy;xc)E+>m-6j(rj*A8p_+QoR{ZYr91$(^*Ci~cnOK=@ zFyX5s7pdQUtA8#eBB9Rg;1KmROqs_)o~B{Eelx_&^l7XEfqLl;=gb3rNR069G&z{? zchU}R$nH@F-(Osz%{a_vH|;l@2|u3BmzOrqQM1ZJz28i!&0I5rMFd8L_~R_l!**}{!V$86|+9(WUmvVWn35L@xn z-y_w9+U<>4>|F;tpvlcY!U&?$B@)NQ_O}=?;2}*z$Mfs2m4L*Aa0T=r!Hb+@rlufL zlTISLW_)DFSxfqz2^GcFZ^D2o>SLO?!JAy~)zgYfOOYROXEQ~%%R0VN-?ZpFAV-7QK-~w@G8*7%a*N6dQRVd+CFG z|J3Me)+8JU=&~hI^0C0wd2$e+Vm)3e(!1YBA?3`Z#)zPmq5D^?z*c6AHJnT1xpy89 zXZ-AeH`O&Oppuvx2$l}JdoPQH-Cu&N*tlqt5i1$1dd!EAkaM7geW{|fG&xz9dsse! z2a-3n1k+zrRF=jqdfcK%gNRmHMn>vAG4u)?+ojGt>Z02OWh^PRaz&yWp$>krulWFdZ(ur5)`Tj40&ec^jlixKKvI>U0( zk}Eh%Jy1PHabfw@7?McRl2gC?Ly-^3Gz=Dllrc6{UtMf9cQ%4wo^OO+gKEtQ|E`-; z>c+2T_=o0%M1C`>DZHGUM#hV>N1VV@!#GrU|6LAFx*%`1nM#)e&C^$1Nk*lpY3jS1 z>kRU!SV$y4nP`>MMl%Rr@kD2+X|7#2MYCVZ#9dr>bzg^=i;ZlYvM5*6R=J6i4cE4I zU;l+d&BhkUjqW*wQQ!O?;lPr7w9e6LpD_VTzgSVq&DqKg_tlWU&+=l95SE;%_tb_~ z|KQ(I(J6}i4e;exVy);42v3nW8VBW?SKrrzh^~J&g9l0B;qDbsp$BRjY=<^ks_Oz= zeD(Q1FHCXxf*c06BscAy-@j#^nP>}J;w&w*Hn=;eE^2R12D3apVVOupaUH-KfiUP< zq|}XC%rq85pQiRJnB|nmY+)9k-MJK?F-F9MZ~!##YJqI@_lSz*y@L?CRg?Z+l;>5j z#j~WvW_T?G5B}^>$o%=U;hy(%sx)77C`FVgud2F&=v|_S4fvF9;w4*Tj)``)|KsnV z@K*vDfsIc8xB$Zs7e?=oS;?=$Dw4syj_=E0f6kY!Z{DUC<|}q8uIatu$w(iZnhDef z?t-3KXXYYV)=)TzfRIx4$g&*sL3L54T)77}q`Uc`>0NHl(Da%^v+G9o?PF8&=i(dL z#&o^0znez6`b2~$4WYT_7#dz`SX)Rp)_$bH$|UipUvLBYn)#({z4v40AN6-j?~t+O zBfFN)EEp_>U?1UJ;6XCEj&hg^j4F=P zvn&!(q=;9^9!a;;`0u}t*}KMJHu`8d&Qc8Wjz!hQam@lvT5gRfs7ZDzmc9bjk7et?{)0LXDu3CCo! zmxeQv8K(l9q+`U~!TfRtl%t8{Pk?`?Fjes1KIWTW=C=?cq^(P!RY-U~)v=MLRWdJj zX({dg&0oT|(K?4{A6X(BUbegN%sukFFtRi~ZfSZc(cFRl)Msv<=l-3w14j)>u_)y& zgRPBv&D87?`aCtlOeo{Mzhu8E`@UT(YjH;Xg}`bqLg4QotFkMlR2k}ADF0$L9+-BZ zCs9tRiF5fDc7H`W8THEKW!^>|mnQLic+=i}<9iEarC2N4(TOWxZVm~>#>eI3Jh6c_ zx>lKFr}y$LMx4K9gR-WYlLJ+S6s3g0su&*rH2&>?q0Xw|cN5XeU55?hrY53a3oaGa ziz+i``HdE;x1>F}lCn*$5vxNm^|YWOlz!ES1zZ2rrP6l!{brGpQm1^u^*;jkw2kkQiC+M@ zQd6DZ@TBFjT>Ah!>cR5}LgOIon7B{@Y!~UGyXIrQTQR`0(j9Eoz2cjj!|DIUOAOS1 zbT%8?udLr-05~{Hd9FWywYt_ss6%>X{IK4d=+g7Abl)Y2>WH{UoV)JRT6eL5kM{!u ztB4%&iMW6)|zX zRwEkcua7|Xw(vtRV4b0|yd1^lJKFMm;(#4{%6^(A5|+8?rRivrn_g-Er5g@U%wdGr z@%EV#Ed)Nh`MHQ5N^tHWzR4OZ-rbQf)b$v1{v2X_m zGmgo#;*VYK<8VO`XNN9ZOA(_F*%yBB5u~(#e0_)LMaFDaZYHY^bk@?~Vz0X!ox50F zNUJ+DQn6fn+g<@QSbKBn7h;XAMicEZ0@_ z)a_Bdbcl7WXaN$kc>q7cF*@K&@77<_(TUTm+297Sx^~)-_xBrdVmhvA^-QlWh*SB$ zXV%&m|1K8;scY>#J2MvtG{KU8jBh0_nMhM)MmDOy9%bYzL^6Hg9$dE>U3(T*XOBIz z7|EB4S%uzULvM<%aW{C|cnHx!l}+}K=)-yX8WZnBsT(#mwUqzwbi>$PQRKX{gpR{e z^2f+zz}S5T7bc#I`i#VlM1Yzs!MpRJ4jg5t8m~xe?uaKkV%1WeK{5xLM$RhX5#Q>R z^qGO{a$KZj!d4SyJqD74i7736R>~tk82k3$K1Jwdr>pkYx_Qvwd!Y-C`+~}TaM!#H z*1#7}maYe#dY9{+$Qdq~5~XO;cfCevcBkTx+OE@m3rNaL3@UrrdEVyAw+#Tro z{sz{FMr|PCm`o_<-|l!J%X5cN-Hlev<)=NijFWTJ*BZf7t9{%P*Kzx)eCP4`s>wA2 z7%tnIb(`6LeLN8?%VX+0tE*$rc`os&L859op z$0p>FdJg<7NPH{eLq}o4lZOVBFR%yjJ#0s?;!@YLTEdnAx+~?Xvp}g}OnmRGskn4R zpe!9R+Pc1n&2+!~NBA$$_w~70?Utj1i2Ps`x>uDyKTES0Ho(i&g6k^>^22*iD{91_ zMd4Ha2Wr^r%Mx+bLb})>ZH%k_oHY^gM0dszJ`bW;q>zh? z)mt6CDK*@-wRx3g`6Puk0>nc68M&w*EROoQH0<(xuB&_HtP=;fQaW3?*(nos^`w5@ zy)>{!1xyCj7zn&`n)C@2@kUv^_X`VPa7iKz79w;7mWaw7&snSE@$Sw|>0923_U(;b z(j}RkUH`8IfYsm zP~Hbi4zy-`tH1;7dXL0um>X*oD&n)^hvFZJDHsEeqAw7D+y!MJpOPP0aKw8pA6&#wA!l zbJc69$spPh247>%*hl0R-xKF47(4x}j6E{5{;euA0)5|~7cA1K2!sI1| z`6QP9)8TOmX`8V~_F$b%Vpr-~Ql%@=<8Yf)1$fvXR3*N#UV1O3+915vvJ&~n7|RZp z7Tq4g)S&@d)weSvZ&&+K?7Uwl*B@Lmp~Wu$kyie?O@t?KhA5$b2t8povI9ZvQD~Eb ztBVVH)3nCecHb2?gpLK5M$d@au>2+I`W(KiaM$rg@OH-01|^+y6kMcg9-aP@tr;K0 zEy9b=2u>6jnDxB~wy>SuXht6^bt$4O_B^vph&K%aq)gQqRaCOQKAUX@3xcDIZU{m! zzvfe8ey^2*x}|HEivCk$fjEkJ9Qo*8ac|M(-x12Po)ET)Pu!y9T#RwuLw|>)(OJd5=|$l$L+=F&DPQ; z1|ghfcPE@s{c!7YXBOR*6evb$JSFr*(pN|&S}lAL9iGOgaM0MwjAp#Duujm=d+!~Y zH@|s2elIbC+is%b)D&7;^(`sP&qn;+ztnFd42~a-#AxPdId-!#IgnOO;%wlR$1MKf zq(c_+Axqafme$5}lSOUi3CDd|jRc7d37(i4xvGIgwg^``h5Y|$%kyFx2TUKQ@JO2A zjtPUO=vj0pe(N}J#WEHaW3(-#K?amMx8<#>)Q@Vr-!8ArnJhW`Z);q z$mC*yvQA%^;=|J}|ElSun48lBg0YVFpR3<~7PDX~eln!USgnQu4ul3%ooBmcB3bUj z+=8e*JyzOxog5fVb1wX_mRy*6e4(-G6MNX6aRGx$VP&taCk*s0-(k!fyU;e}Tde|( z%}oD5AsXQ}Y{+G!bXa2W*fH&(4KI_T`J3jW`L-jc{va#V$?w}bRa*hkSxII5VF<7x zF84M=wZ>>#TMPV+09Q(AsBj*JJ2dI{d-?QAJn2-I8$fPvfN6#C#-0^q<2>1V z+*>#6VLe{_v^m%>2oae(Zs0t*vo-ZoQ^Vs?Yw$Na^fD|l+zamLC;MfJ!qK3n0*<2p zW?oENb zdB@GeLECBidoHlj^{h4jKfe)C4XW>T4BoWhBRb>RKy_uX$xTbD>y>fl^WVJObYx3g4C&V1+;(S;U(@~nr zzbOn{ktTEgmO`xs&5jyrjT+*i42di8`AEOv#l07=nVy|n8ur9r-(|i67x`2*V`L;g z$I}xV`U+iOdWRNK@Sp_4<)L%TcwTh#XV$T5RS@y{H$oqUL3u`*mQ=KW#?VjoaF*_H z32*bCwxJ=KERPB2T}d8H8)v>xc$=f@I&0lwne&gz%rbk&vh&K**PivPt40aEKMk(Z zGS9}S>X(%h*P+(0-uK}=+x24)WNTep*Ham7$`4I5StDAEEIy3# zDO=F@DEG$|SAi(hOE2fP*avuhM+3BYv@1y!B)Y~p?*=08Yk(X_8%G=6cw90-aUDi_L zY_5$v?mB3MF&<&y`U=&zw%f|ZM8OmVe(i99mjPZEn^Vppv&P&fvR48cd4fJY*lC2k&U8|Kn3*q$i@k=kKh{5vK`w)jv7E-z>IaE3mRTRjjQ^H0^f5djsJFs zTzDK>?iF`U9kgYc$ejMzyn=V5utTnpmtTB&hOgkC(2E|C@rb07QP#-31^^Q?LFNng z!dby-4^qx<)w$HBH|c>!mn{)SYO_v_x3VkxvBWVaPb@;4OuQ*b;a3hhEkkF7#5250^-_Sb`%f)S<^8cSCRuw_kmoDa&B-opY@wEDuif{9Ir+ zS$f$2F(FYd0nGhclS{C0Yh-@$Y;Di-Vf!lyJ{|-XckMH=7)il#GI$+o;PRCo}>9PtQXOPrjYA3#$JQk@gSUA zj9v0%J)=niDafv}=^!a5tO=D*9Q}hJUnBMpS5|5p*PHhaE`kyMx@?P`nY=vvL5@J; zh}hY+q@54`*j`V5tA8xeJfS@WY?6S(&8DXa!dIT8#}6~SlW6J*G@GX%u}=nXnQ6yl zd1JIJygLQV*63ZS>8Eh4uQWm+&u=132$P z)|mmWEsgg6x8_ zK%nl@khQmaeLFGzPd~cw`npNs%BQKK+%KO-O)W9?dXOEd*Pypo*=MzM%FVVrmF<8r z%Em4iZ2OpVb3+geM7UW6zbONXi%39@A_2=al(K-$F#>&>Bu|Nx^;feTWiM+$;t(he z_5HVvdm#t-=G#Dvtl8tbLP_0c$@_4#%9$Q8`vrhBZ&+|`DJ1h*1lISEvf{dSuN3j~=78u6`fqu@Yg(xj{7 z5O?t4$X>vToGt(s7_{<}$wUj=sG_*0Emu_)FJW9=w?zH?&sl2hn#AY$x2gO?Aslin z?A3hthOa)qtJV4-%WO53xF9f?@q4hD&BhN_A1`kvA^;D1Qj}SiNkD1%o;QaQzAMRo zKb)&t#<6|a&VeLkn-A}tUNAYHU!E?FqD44vsdS;fpq|L=5;P*4Mq|dUeRJuH^awIo z;;-xJ>P5Z}J*F(FA4TMtBp)muMR!8dc1ujw~UKg1=X&hYmT%ovjdxjNB`Rv1yZwb|2Xk{b zv+Z)jKcyM>zhf~8dryy`L-Q%na0;1)xQ`)4*0YRyjT74O;GSuC=d8uqvWhjA+MoGc zOKosmqN0xl9XO7AiIQ*Opo_E?+HYirF3hU;)QgJiP>2|>x-^zBXJ46;lZ zGYIc;rd=ux1g7n};^O9+B3jjH&vGJnz1q5aS?}tk-j1nZ z<;AcJD$7^T+cUYk-Woi`#_YgE zdBiFTrNH9jjfEo{=(jn{CZgW@SN2MjzxdWCaFIDpDIAKwuNH_EnVa)4p)poi`Ce0X zk=UJE(*8Jt(`H@D>vd8}IS1+Aljt`U8@X8~NstGnLqjjGsgZ5HMC{^A>+$6+FjO2?j0q*aE6T$qS$@h4Dx;?m7JU|*BjZEn5 zY-wj^Fui}TL-rhNbU4)hEcP>&>-%%59T@o(8tf52?w(wavo$ohG&5ucosNo`P*yml z(7+2K!xxXY)CFtGCU&f2BnN`q@&~fx&fQRUGq=QDapdRvb8A^;R<-_#oeVUJZzYNh zZY@WZIU#TU9&mV0xtgC(uu#d$C)11ctod;{NnoUY&jmR5LYa_X0z9erQ^_T$IL%P-}7DVI3vefid$!_R&kq|rU# zf}EXr*)tV$9v~!y$t}d?`nT;*Xf_VFOKjZYNat+x)HjulX>S3=77`xQ-~HLPnN9W~ zc}X;D{V=H)Lgy#*ngDu*&MH(9)JFd)aiP&(fx0Pa3pBh zXA&3CY6X6Q=Jt-G?quzmPaWc~W*R@~p{}m(6Yr^gYsS?KjIAF7MeQ+doHoCV@8#vu zsFL39iSv$ga3eWz?6`E~bahi6bXaDnx}QMvB67^~*#*F4gg!sHeJp<7CX9a{tlKL@ zUIUD&NcG=)fwY!FEr@c14#C43w9@x5q0B zX)hQrc?JT$E&6RcJX~IvT0xqr+TY;*y>80q#sx&l8nKnFi&4#*B%iSG`PFZVDZd5#A4O&Ajs45=4>lS;Z6%8K8{>Rc1lu4debWu`|`zS zlMzs~@cFAXa?%S4ieY!e(Dyh8dQmHb`^!T1v>>82Z@?@+!S1$MX4FqEStE{Iu3`i{ zuMDQE{P~&8DRC(@yp+;e7FhX%YJgOus}QmsF~AE`%pG7=rJKbyPqunAXBy9W5CSV< z%T3{Mp2{1mpQh13mv&D3U5xyK)%f&iigpsHJUfdW$uGFCYSgPj&L`?~G$Sluo+JT< z)VR-1r=oHu6p*?l@&=c;s*cS-D!0C z^0;}A{>W!+co8V4rIb$VAe$k-c^IPkp)M^%`MD~6c{07m9mWy9^j|!~Pbes%k789m z1W)-gt*-R>@?mhZK@S5kG@(Y-0f`kben6mu(7m;`47C$qmf)z8u@>4Q7B!CY2ZHSeX1H+7huF|BQ8bVbjrN5?E7kivF)cWw77lM$w;_c6ek$8iY2_ zlFmN6MyIu@D+MUlT{u>hncB-PcUEVGu=zPTE+krucegE~^>BX8Jr^IJ_ISRTbf%qN z>Ue&1YB$}(6MGH*Y~d@!y{npm_`Vw6b#*0@rgU?xBkH|R{_`b8!M}@8)Hh9XC8l^u zY(6|UKos2H_YUj95y)!tq`SuU=3r@5yhxw-Cq7LZBXH2X+|-5IXT;diMJoM0R=SC@ zMYD_7ZUt7Je(BlSKCBqn!|&~RisSK5sEwvi>rWIB!+^%+n%j%IutL-TOT1Z>9aXmV zk|@QG9rEz#e(F0qtRu4i={?PRROY~s1BM#grqRvD{iDM>XLZ#&kZND7hW0RKn!Srp zeqMR(lL&LcOhV8vzZEVKGYIcPQZ{hpXMXg_27$oUeSH$r*$1Q$zm+Ka+Ayt5W1UAc z@celYm)Uh@eq2lA^@u_3L?j3EgS2A{;`S~Hf+YH;l|rs|ZZ5cPnx>51YZ_MphK<}E zQ@y>N4B7XMwWZOnwEQ16mA^|wDd;?OYdW~Sb`Ly2=n^l(R5*_LRuENa+ROOo2r>qC zBL`TU=$&&)ds06JRdpXqkh+vK3JMxLFM9r#Gfjuxfv7)P>1n3os>Tzm2^&gp(x5$2 z>MfP*pdymHlt7X!ig)H(>d8Qc{6@PlyRyhi4u3Q2gj_XatwS(X6`$cBcEM^!%&QZ~ z!bGu`Rb#cdyZ15V5qJMfcCY}Lnqxa7nFpL|GGd(i$ltJR7&sqp&D-UCHhkc#T~OODKnVBY4sZaSC^vq z?*-^pGLcKm`1*C*>$S!yeqGqf^+rrYg;)T6XD3|ObY`&`oIAjjg@hC8yzF$zvwtInRfsfSdI8t#pLe)-1DBBRqQ{#JyqM4`;|2&1jKVQQEP-(V-is zH?5is-)k-HVu-H~-FF^leL01!t8mc(lWE{6_@de!PuWdAx_@2T+YRntG+v?l1FjGRYyMy*$yTQeU#Xew3z@;GxutXXGr~>P%13 zygGm-TreFsgI;udo{k+&N(4C-orc7Hig4oc<23RI_pL#uVu#M|$0Tx?#Kl2HGuAAY zTj*Tl(FL@gn$Y_`UiJ7shh(OwJ!%Zp3Es)^PrekcvNJ#*U8Zt7kD_oDQ6205o8P9u zYsRI^xp`4V$@1Y$aoO3hypZ$6Ax%xA{17o`RQAGn+V`>xOKOi=bDqRmm*VKdd^cnBrw3=ke7#-;TbHlwnnu#T`gys z1l$Dj;eYrlJhP8Dm>vZO^?T^EG3$YRgSuy%vqrZA)&Pv%z@IDmB({4rcUMyGA+y?#|(QX*6!VbI&eIFU_{4* zc5xGUIw9i-FdR#rWKEDYIyrKKZMHf&sKVsG1Tes8F1#Ht!Q$KlT%yuB9O`7n$#Cbm|K0%_lui}U%9OWR%wCI2KO{-QVaGwB$680>ce98$?{1&4&6HS zXe3q4oeCYxg*%fpO&wNU)66k^KZqr3h}g#LvDTCU&(YL&MqC0w@78*${^lz|{rH^G zH*xyaJgIpVNsy(beAQJJ$H$$gKnJ=kTLaKwvr_GqVqqvG$E4D}`xM)JaMGrD<71=0 zafN$K609As;v_R|FH^M?m>8aqckk|g3`>SI!Ao;DC#?9+rs|^VVexA08 zH@wxiHaI2Na;5Ct%DLQ9vN2n~*g{)LfosQay;&7~{w)5NQ)f~j2$t#g04{3q?tH?O zdwc6IqN~H^kc&+Ub$#`=eMLzI;s5K@im+_YoM`mjn8XIUQ#JY7WkhEIuiuXx>tb*a zao-8@Kb|cr%4(EXs9q4t8CT3X|6=Ns+Pvq7If|puZq_gY=#R)tZoNv(G0_D9O>nW> zWYG&MF3%OJPit#e{sf+@*~U#W%bXe8-FH${HDiBen9)R7c1(nzZ~oj|5kjxFl+I?< zQdt~votcOg{0sq(HPA@{hXmb_Oq~VGB|&D(bQ@XMu~_K@yJY&^G1<08J|BsJmZ`r7 z2jn;;-PbAf{qNdDA(J{Y$79r(>&L@ta^d0FP+Q;1w|w&3)Yh!6w1;9m@0k)nyqc5- z@0s7_Z}Ca*Z|ulF+u-T>s>`A#I7DNd0Ez)O;{Tk5V9yFo62SwEi!?ARFPeDQlkg{v z%|@B8U}bmd2%k6jKM)$<mB=&|HBRWZote}Ed208X2E|-jcG@vf<@Y&? z#HOPVI@M&Oy$dG`s#ko-FMp{kK8fqRqbS;2&m*eNHJ#SA((i%!!BlNN`a znZPm{#o2dDi`Ehpy>3gHh*Wrz`8-NpjON*3&Z{_9n5;!b4V)B7ul?1KgOJ6Lln7SKvIpBqbJf~g<>bj=n^ zL8Z6SzY}h_ukH#{JZlZzFZUw^3JHo=d14~YLgFxw)rF>0w}=AWZ@ zc(Ae*H5XaKAAnEf(N&itI|(HyLeBvZdUbjgxI~|lDrZ^(qaUJyq)9PqQ8j!f#ih1qan{-F7Z)7JrD4N=@!OOKW9t>kt*aifZ~0QNXC`nj+w(FK zQV!5y+ug+^f{J(he>UR1JK;Q<5ARpf_ACx$qcB$WyEo%gdD6pa53vD?2RyuzpJ=xa zkz<`5{L7wrg0N!Zj+}Hm6UZTvpvHd7KQ)U z0$AR~ygM(?Zfzdx_a2R9PmAXB)QC`<+j0i&r>0ijCY?(Uw%)TG=4$NF`AZaE=Y6NA z;pSVI(&i8QYCj4^3Aae`lD9k|<>%*FMC`gjT}TG=l~33k@{R|)+jsL13q|lUE1{NI z?nzJ&t$OQEe$H#S8$Y%|45V5o{_fkHf#Pw?JV&PEeG_fB@xp{s5obM8`b4UaRtdzh zP#i>DRaNu+JY-#9wAkC}3>ADag7tO>Px~QX%*xD)-(uPnXw5aa1%qc?=bs-mAG|*6 z&@@M|&!uoZ;Zf{T(qO~m47{RV2wh&I_XtJHVzx4O4>gp?w-&jS3j0}|Y6iDTUYScm zT39#-=M-nU{3#y5HT6d&-mN*bhLGdwLQyBsh(ndRE5rA<> zylfl=X|mTby!z&V2=a>!y`D5ZKy`FmpZUESF-90STy6i)dhMA7C+%;X0dHmD_kO5% zylZ(es$j7`^K$)wl6-3E?dMjSKc=UX+E7PbAZcudROkNZN-6CCBzbIErlDqoSE)ch zEgj<)kwgB0RRj|42ol@_S0+|4$j0#}v>>F3$^@`GqH+6b8$ca%%jQm|gSx z;mmvRMJIzZ z^FjS5jbnhxY1!uTLQqOcQhkQ=!|JC_ptg1vkThF9{9Wls0fTARDp|5VE~+p;IWuonF-#OH2&l`K2(9|;JBsWKDk+NF z$~=DK9OSOXG)N46%F?+V{oVV?g5r!jjjuEi@yoDAqd~;Hr)N5TK4$mx+|H=0jP%C> z^oJg91e^ZTilaaKHJr0jypr}oXLAWr-{Szt;gS?07|XGB>c~8LS0S;Ggp)4Dg$7o% z@Qf+;#D%?YivRckPfZiMQfK4l)TY(q3Pg;8$22IUBVV9D{a&~K^g#0I)1$X<-qmk^ z2B=L}{AMk_O&&I3Gw{e?z3sR)fI8u5Rw6^ncwLAYahGDMf~V+>$9LP1{^Q#AqBo8F zq;}ptrcVb!zi16zv;E>+*?)`Q9DDjcTr>ASKKsz1G5w#aV3G*AF$fjqYFrA! z;LL`mjo0P{naa}_s_TxtiPo`37*QmZ5;S#H=XQRdcK-6CG~dr{zM;cEPKJ%(JAX2e zrTlI+<-8rZhheSY=W+XQH2oOPb*(4a6T**rCtIufjMJJ^M(Xd9Y@pF&~j9 zMN<8VQS9@gZhtz9!k9k*(=yb6Kn$PsJ4XDLy$R^VqL<=x#+T}8gI#ce*m^dMkGD7% z+)z|k{CxKBPrJ!&J{VHTd6;AwE9~y7k+Qq7I4q&z$o$}~-nIi`@s6E>oA1LDa*6lcRPLa2>p$Izrcp}@C(R@^hbVnjOmCm4kazE3 z_Da!{o8y~5?%TUfDNOOiIxfOaE0}P#v)LRfKk=tI^pZ$)<%xMqN5g0F4d~Dk7j@Xx zF)holo(J}2LtSGiT5js3CS_rr8CL}09uGgpo!<8zIHi-wm(SFJ!SqdMJ3=|H6bBU5 z6zf7n%dh_!ywHF3e>9!{H9H6v77vqnX2sTH)fsy4Azji5GFC0Ybk zV%IJ;YVT1+Y*kzAU9)Bo#I>K60un& z6mZgd?R^_4$-PZbd6ZNgwvA;1@!rz-B3*uh=Xu&o3b?l24JL}TCh=V#B$a_H=I`M= zEhG*95x9o7l3b413|>4@6|7Sk;)aTS&JCk{@$ARH4GN(4mt@`_yh+S2)NnbVKQ#tc z^dcPGAJs{#OaqS4zMT^qK>d$g$b9R3zg+AYeTz$9P?gIoG@H5Vaco68B_qLjgk*{c zYO)}vDLiiKFW$^sk>^*861v?sQh4NsdiIyyPF(LdgI@gqFoV!~Qp+(aPbV&)<G7IqcCilmPbC$`FKw{R@kah6OP z@pJdVD2w5k0VD`CrfDDw-&J$Y#|v9(7G-?wq$IN2K9qe*PqiWed<9T5q$|AiQY!uw5wL z{zAL(kVQqBa)@|sbF`G4KrPv4VaCHRlav)e8S}ZM8jOz!PfUD=*feb?s;T#+MKI}Z z$)o#&lAoV{mFkUmo!>1O{(*iH3k24veX0>%X)Ql<_X4K`W{`EgQ#RzyXJUufHJ4Q~ zSZ6G+G!yI@c%yB61A-GIlO(B29$o0@!YeL3b*Fw;#!4zi1ohWhtNgLlvyesDv!Bf_bb!S z0#QZZBe2ry`T2v4$pEyyXd1lEq<0DEtGalc{Z%MpWqalu%<^06(zBxUO5|bF%C~i0 zjq=&!Oh48zpnRt#BWRcm_{$W;I3NmGU=!yO^}=k<_rGSPovK3B$q#00$Jb@(f|V;A zJ4`16E*qwvizf*#qy2A!J)}7^aLd07Ev_y=X5)v4(Bv^XAcmOXOmA*z*0=9~%MrpK zH0|JtGF|;orF*t36}sw+IeW9{{k(N#Q^~E19Jdea2+MPk?)8bseJPI+*~{Z~ZV%Fm z!iZ=0HK;gFROLC*}V!ihXj2#*fc9qs9i?KoaSnLdsL=X*k!NHT0Zy>LfJYb|>&U?(dmO7^#oBo%@|ApF^4x#FBWMI4mRc?+Gp2B z@;Ot@U+-{2RVPH83;&+^I;i&n&rJ2-eV<6#j8}6APhOLNXlbZ#_;?RS!PgX{ia5XX zpcri0Pijo(9zRaigGDyhN_qTe9drM_Sl6FOCd68T(Ev*O#e{Iuqlia({|5FHPUch# zp>rbSRn0ivWj>Op{E#j?FW-nZ+*N$$R>#KXZXzOR=B=AT z%T`E00)Dg42xJ6lm235B(MgYmZA_^d@hz9| zDE>zk(m@AM@d`r#0W=ybt%27o!DpoL0NNG-i2d|+LE-A~?c46B8JRAeBWq_@6NuTp z=vYsuC*kxr!qzVp^I`eC`C!{V9#*%1>+578#FD=f={2Ukh035g1%a7ew`UvoC-vpD}9kePAtDpk_3mt6iR&Z!xuh2~IQHG7h>3 za`ta+DpPl`%hB$6M2yO$1fp~b8f8xw#A+3N^5*xqi;yYPml)hO>Zq^?H;2&3=ghNX zB;fDy2%ECl}tq0`TJlX4+sNO5j?fNZ~43d z{d|n~aBKZLmQ8vk4GCM=h0!veK@&XEW!9KMkFO8*IsX*lkgcytwCf$iNdp5p{_}Rm zU2^`pL_dGopIN!1>-|tzi0{7`w|Ts~C%+At$Q9zJB>XY&Z2xsp(a0w0u;uDzzoTpR z2%PMvIm~aR#YQH2CrkVbl}Z;AQNm6ARnXZnudT2A-777-vmQ*!IjV~3G-qQy85!t` z+B~ekKG>oLA0eam=M_%m^C7f$%%Ey1t=q|vPWstgv^FnXhy8YC;f*qAf*qQ~OK1j? ztgw%dS1SUpw-_L%rK`l8**ZTa+;WaE8 zuEkSC7IrzlnFn4xL|F)Xov_9KUUeBRm60?cgZHpcKZj%pBmW?h9A;`35q?KhUhHuMxBqF6FeKaPMwI;e^WfE| z9W{Ybf9-5F;E-fq2GG9ehm`tM-VjnSgttXPwwD>g2cR)!?oylL z|44V8*QkSZW;mmL61#+R;I^)Y7~Q8!qO@ue^kWcMxoyhs0WI5> zq4Er4XK;6U*D%PPowq?Ry(?I>!60VqAK2$S=+w*^La8e$Pd;~J;=26w0nf3|BmnKyo zCo}H(GlXczi_i1cHLT?qff)<=@y1Dh6-~;SXQ82|tSMMf95yCLZI6w~@X7n{7Z(+= zs$6*dA7ZfyErnwD>eFwvS$0tOURmR|4a+K8x0}?lB+##~ZblL_hx!9XDlLOd9K3yb zF6XEGdJ85ffW(VzS~In|er;dL0WFDC9!pC~c=QP<9hM?t`({Y2vBB6syo_pZ9?x#K znZ-8ZI6-)N6Je+4Jmh}a5GG_2k>`>BgF;c^$j1{ry;o9dE8&8is1C8CfEwWBnVC}Tp^+n;Tyx3khVl2UaL|@lr{IL81iP1@^L)xIkYO6)ky=O zAz{CQdR0iG!8&Vu?%FRcY}-%H<% z@=yPyJ*6%Wwj^z#d@f1n%LL-#+ zw>`*>3zr~RIj}t58{d^>s{t~d&*VMThU+JezL8^z*%{9v6ZHZ_i7If|jS%M|NfpT< z^CnDiqM~J@*5a{^a+YYI2+7VD1vh!ih3huqQH5;a9ENI|#*8>tj*pZhyI=cV`UPI> z3p!h^5edYKvE|_t;_!)KqG_!Mm|S4gQH)O;#Nb&}3Q{ThZs*>h;7Y7Wtf{Seo8Bs21?pf?BtljepptYTwrVdC& zGK{Ph72H@HOeEHJ_v^|r2?WV+#EBNLlUi+6QXV?)(#iFdUHCzPXpy~_3I*-z=#!hl zUWb9Mt`ph=@_WRF1R9%xSLCdB|B{gW~G>5{S#t{v;RLjRJ}W-$LlRXYh7jt})^sFZCxwgRpnp zmTkMc3qvHrsJrHuYIcnGBgKsmUu55H2y4W~hS^an7j8-fxEP$+r|LxtZ1Oz0W@&#Y zm=27rCqx#U++Aw8&E&>D3Eg*>0I2UT*RQ5&9otxuC8P|_@vba~@)f}J9}$m2!f#+b zqG-e7SM`-_=w;)Q3(_DOc>F4of>6U?9i?$r@0?-xE4FQHyd?AqPs3Ejs_w|u>tO&+ z>}1C^GYKPkv~F;GbT>m?X+tgSnxlPTTx|C&i_!?k?M}3?rwdI|H0jj3?_09UDIaU&q_l3yX=+x!wQc_-|ZZ zr8M7ZXQ~DxDG^Q|5>@Ud%}WzXlt1#y)|2H@K4S{%WNw_F_{V2+*SnCIZ#G% zR#U;xvqZhh^Z_W3l$^|*-*wsB$`ej18d1$`FaG7xV>@8qDlxdj2W~iDCJMi5cXb-6 zerWXVhjq_;WTx1x>HI;^-a=cl>SHjx?W=mH?LWfx#Q+D5fbFhJOYrL?=gTWxbAm(x zN69sFV6~L>dXJXXeEgkC=R#k)biM1-WtO3AT|FV+!6|$cDmNhv`0Z+h0!US2bmUIS zLH`N0a?p~W61ngDq^8y&9>^;$zo!kkm|0Qc@_s2Nx0~Y#^jFrk-NmbY30OKoeQ{tQ z$8T;P{w^PCq5;XZ?%X$(jI+u3g$51L-7ZXGS6DwcC+TtRYB#7~J1DGO;^}u~v>B^$ zGzL-kxOv2qB#$p`K8THQ1visG!kKt~vl^yIC3v}&rJWnA*?e&GO3KniefQM{=`Jad zQ^4#PBdbh{`W-J>_lG-INO^ip2yDkCMvM>9@ykp;@n5pEkN;5{C*`|4`>)$Pv{`7W zLMxv^dE&E%|1-aL&)|N3+FA9~lgQ+_LU!?EU2*WBBT_&dq+B?aFZKfO-wRf*UYpGO z?nJVG%qV1%a#78th#-ybn(9zr#u)euo!5&dia*eZ#}v|?Y5glA?Q!+EkG$iO03cIy z=2Q~EP1a;a5V!0wB!B)50ox-8mLsCFDvQP#H92o?anyZ3s~HP)h4KM1-@Qqd8S~It zjIN*0tR_)B6#pGdp}&nDJPSTM&b+$V$_yeN)Cf9++tDuMB$CH+Os3CzZT7x)3ga;c zNHS$lPTpEfL^1G4N;6f%Du2L6JJv)8Kq0gk7zYrTmZbVt@ zi6Hp1*VoHUH~mUV%{85fSnY`tLFX9JVVuij0&a&jP}uc@IGJJ*Eif;`*;GdsztTZ) z^?#-J!1`AkPpj0a(t5PGw4uIOnGB*?jiiyU-u!W?_C2YoMTqnY)QL(ebH+zBMtH;| zdwzp(;v|l1=Y{)BZr@dD9u=q);lf`@|NHWV$w0nfa)ps^5OLE{1l#CG$NOs%;<3BR zr=f7pUQ|S~Fp0=imp;|KX{ke}XYp5o+3UZN`kXXm!}}QD>#G@8e|TnT(kj>WxlqTa zEK!y$i|Y#>Fkb<#`DuJpQDBqVNwY|GRZhep9dPhZ8Z_HPrR7^{8n)m=OdV#w;?Pt^oNs!j3|$Gqni~z z_BnEkBuo3`N?jLFpLXZ{lSjw$WR}h2HJBEH>7R`hor_P6zxJg=wS8w|)UU@J_aC@B zTgZ=#-uv+!?_UIdrJ4z0&ah*-=^i{8ZI>z*=Xc?wDL?Q*y*qLyU|X)^evbBAnj0y} zA0B-~dumx%WcB5RmH!7&{-Iw>4)7YFkuDhLOO|Qo)_3PoQ#VxTa{Tgk!zE1f0YnbO zEOSn?!FIFW#8`JlNH^f!nf`eS8|?=j#fa4uPpU|Z#T%ca7t&Ay_k?8O&pu{IyqH(&Hq;Q9 zjGab>P|!B3zY(2=WWkR1appBko6A^RD5%>kkzCO-Cd5kdu9>#W^-MBbq^=BC{Dmgh zr(wxHXt59?Ch^hS>6LW$V;`aiS=jncw`8RHOw$lvJSjkyxV}d?anRL$#Y7$@mAqfa zfm{CxohzdVVUC=kg+P>`7gu~#Ixv7MJBAou^vP&OSF0;f2%Ez?GIg>HD%ijZ?-6c9dSfRI~jdrVr zm(5`R1y4wpO*Fjb!$x%+EpufyN6(QYW+lRGwA1pM+89zZKx7AdrX>}^`jNL4EbZ4l zHabc~g%#n1Iz;cPU2osLWVEkvj2Do8S!vR|R>A+0OM5*l{zEe7JcA;n{VHuye;em^ z`vrTaa@)+TmBirV|xX8N1=I`3Fhah1S`8Um6Il@!re8B8XCFZA0c+d1She>=QtUudChw7ApHrrkLP(IBIkfh<1CxSb6Ak^KaF2$B$uxb102= zedj-g1iY{^EK*cqk62^K-`mdR>io4dDaAiiot23}j* zC0JfJ+mIMA{u91V`T5l>;5izU_0h93q=vBYwpC|EFiKrR`qq;Wav3nqGdKwqPq4`T z=s_9D{Drl$EA6!dW26Cbm1OyG*ofReb5QJ#Y`s`Dp4U{o#LwYLYTK)AD8g9R#y5OM z)E34Q?rpw%Ii;uFXA(%Xz2_1W$e8s^0KvbOkXOvct{lJOB=x$=_tMrsNMWXAkGJfs zuC`)r*sc`HUfX)rr&f0!s+q5+r!h378daFTJj{!RJ{knS`xF-1zQ62Rn*b9zvkz68 zb($n<3e_iGo-oHXjN6tFxG)hD zg`au@34h}~=ol6E`AAGzHZ#6I3*Vq6=T(k2a&{Nb9(hOy(6H&(=qO*ji)4H;2<_l; zcm9%=Uz8f`+uBtur;|O&{DE8t&N-Bmn8xVpY#Rp~?8g7l3Tqo4im>h0;IXF_ed^46 z-f)_9t2<=nw};zjh?FGs_yrqC>Ega%RbE=1=wNRly6u8=1+sP@2V?Ki7S) zS6!Ng(X5#ELZ>3MX#Q9{*z(B%Gq01(I(ylpE(rsORx-senf4!fobNjJnKI;PE!{p_ z6WD>NlQaWT)9w#=6i?Po_Wp>)FjBgR-e_M}Ekx#3~-FFvu-lQgQtcUq?h1^+YiY7eFHyP+SIm-3|~8>2?|UG_+mu2o|` zR5LR~FlhxsF++UdI3?UxkJ)!8d8z7?mW*+>ozC}pn17p9`atIy%F%Iss z;n)yuvc@X5?u`mTbJc86ESHPoJwGibq>p;%qx9jdJ7kQV$|Q$w)=F6zZvZX%I&B+> z!^uwYNcSP>i#z~-cq!RZrmx#Pda@C3qx3?onCeAh;R_j)UD3|2B{W(!vvz*3Xq*t|vFUPzg#XtPSZt+$E)|CR`S#dq z6Xr8Pe31ZM9hYVs>nwLImLikH{+;11lL17LNrsur`5}&MEs4-MT8k(dmLlONxsWMS z?okd;+mymugG}*QmY=ad_w}P0OO8PYgA3yFT-0E2drPesboYu_JG5o%Ma?f!4PiHN zcst>kpAxoS z=#RJ&1)zMkks`N!I{JqF$ZE>$JEru{#16Z!BhtejLd)298BrUIFDFW&hgVZL`Po4B z-Y}WLRQKjI;QhCXs*jE4HKz_79=uXsP=hNVRg9$X?05T9ZQy3+SacE)s>&>4a!Pai zbV?mY=O5~?A&W9!f3c%XoPR^Ruv>YQcQV5c;!o^9sjz_h(^lxJEwh?(VQbsJX0aNN z)SB*OaI@S}f$>ZpO;!Pi9Y)AhQ{$&NL?#;M{qbtA4l2GRKw4sGR97siw9*fw9(<(T zX4S*`-wWJp_ap{9iUYbJX2+G4F2pnS#x4(AL=dXk>vMV_YKIaO%f}6803ga=bd6v) zM?|l>(JB6F;>0BUD8aGby(Y$ee8X7@0B^c{bLyY{X+hTi>SX&4dmRjtDHgI!d=_T*@2 zifP!)&)IOtSo(b9rPF*x4$eRbzm@kt!R%eDL0Vpm5UtU7$+x*zbJ0w3BEi$+wK5TT z{dNnxRui9|@_^rwk!vpPUDt69WvLv-%U}D$_d)-}dl|937`}Sw73zl9*dH~(ezSQ?pG90u>MjC*`ub%gLU!Tm# zv$&D$sfR|Tk`tcSEleYaHI+Y#1|7wgU5RMh{q4IgSBD>#peNf>17m$DMAQmj@YPOD z;M9!VsvsC8AhTVItcpY29J~Y8%%1DQ1P6pm3jI;B_=3p<-x9a}^LHz+OIhgRn4MNr z52Z2u^x|)3aAcOFGw;7gtOBZvafdnRfYT8qttd`QB;K*NhYp^LnZiY_@gy*CMtXu5 zmsj*kJe`)t1cMfgd&?~3Ifx z>;l_g4Vshoux5Vs%$`pnP9M76A@hiz!!7$3JJ&0C!}TlU83D2x#Hk0|G=2IX^#0r- zKrmUjVNIx5SB6NicwOog-pjefKTLopKTUY+4=!N$33p&eCq{d*lF}j7^o;PQLw(PN?#Q-(iZI+jW-=@5RR3g_{1BVfuVHrV{`gJkM5vOG2b>O2l) z5D99QCGl{wHGO^?t8`6u!KkcW%b4Pk*oH;gP#RCF4K}oMJ%r;BKQB+llN5!n&s|8{ z9zxPbw>&O`ohQywlLL8Z_iCHptonFE;}3@*9;qsNYhR7VB~=`<|Iuy3yDC@|Hv*Tw zhlIPyfU1$-rahqbHq=}$gYw!!o)?8Q83L>`b4gPM6{IJNSjAKA!1~dO#ARCKDE9*Yp3Mfj-V%dHZr>K}3Bz0KOFgr_90CQaWJ^@(yTO6jC+)FA;)%o(Edu5?p zy&os8#p@#+JnGfoWP2-eFsc!-X`I*XZMG~SpZShzEyL-mz5{K|0U&<|e&y+er*8I? z7RlwN7VI8-HK>}z>V<8oquGZsF+Ey+dM+QdOPT$crtkS^2LNbgV}Bb?0|?~G86stU zJP((>```EusJ~MSYr&b)dJ2FV&%X=m-LosY#JYW)Sj5e{()^gm0ROA9w-CNT+b?VD z=&!&jXUpc&(LnT(5_cZT(EQkeZAchi_cl|@gx*gt`c-OC!zz?&j3?FxUxMPdcA81S zxLOd?EseMeew`-MgLCt~#7#c6mx|DeavcMef9a~Jr8VXcLF0Ugr34rs%NlY|(thO7 zl$&4tUeThVCYb(TklC1E!}r2zTrnR{NW)(V$?uY6ZC9`J^2e!~xE-6H!BjecfWbu& z05tf+iF*{`9x=D(A(YvwU{tqrDHvK%6L^F?LVkmhZDY)9WpJ`@xzTB8CfwpFKG^5k zr~Xp09}1lBY3#){JkP$_YAAuN@=2?;LO1x9u3Rt*B9VLZ-l-XtM}go!q`uix<=-2- zNf_JNUf>k^Z>-H`At~{!h+a) zW-f#R7pF$Z>mm*Zl9K_gfkgTBrr8W+f9v%nKKQaMct9|@ry!7cvWzU5fY6p>;()V4 zOgxsE;t3vFxw~PxyUOSg$w(lXvL0V{V1IRPpbr0CJH})>K!4MBo=T>-fWgS?qt*b8 zPr2ZsA!MM*bR}Y~+`0HqTNdeIm|3feCN()xo8=fHW_EVVuuI?I`$T)>xfpWmrn)=h zdtTZdg&2Z@8PHPd26c}tp3b*twGVvOUtG?{i}Glj_!3sG#Gkv*9wvQ0GdFR#M5_Mr zNqj{MqRvcKMUfxuCU%g#`GC6}NgOh?7&@i_OSUO1 z0+D_JiV(_6e7#l;;ipI521JQD!y<`r)<25yx>1osqio&AZmn_|)d}B7lK}g_B%qy4w{@Ivj8A*0hmMn-9k?Hi8cgsxV#{O| z?-HMQ_Ay3H#^|-uQoezK^2IXF#q8#zXn8%Eg5&)(O^r}#&+U=~*)G|Por4yzQehrP zPA!{k2W*t=^glT8)8J?F1it5V`JAi9ikCX7Ha$p(z4utSdcj{(s@KOV&*o+v-*r>4 zToZ8r)+f`Vj<^Smqxzs2w}vTuY-e!(Syw7%gEpN%`InY=Z`r{5?^udt-%&z-SLE`l zkq7*?9M0~7a=h|q)~f>lTn^ed8c7MCS+qk3^kyXVOafqOd&{C zONcI?$360*?01AHZQhIhjb^#Yq)Nmmf51U;9-J!Ir+ngg^V(n1T}4 zFkPh|hQ`Z#Xz#iamly41JYRjJA$hJe(X3ogXR>_zx+TU=h)P;Nt$QUohB(D&3ezH` za)z30=#X5N>fraFQ(@62c>CM1n9dQiIH zH;*F3l$HEwm+SmJOwqD=8k^>1wa@pvt_{mYbmmE?l`SGC? zOgRt1P6STzPJLZSe+bdrte+?0{{J8d=ItCo#1r*b*+2b>w!Han_b^hh{j(jWfvh1s z)8KFC$x_6t_!EcD!ad}a(+X-Rt3$9IbhLkZ<@xVwo9vq+Ib^0qFp#SfDz3R?dV`kY zlnHZ#`!#{{X=`Ia%4TAuTYZ8^aFBR)4F(rDWU!=*Ar8*)3G2ZF&&Wc5kZB;mGbJZB7?Ud*| zJ@?&)Usdrnkw(c;x^JlEv6z@sttA_vjdX=*XchxG@bcDf=1w*4^w{=sa{ByDDj6@c zz8zd;LY0f;jTQA0ldv!q zC12b3he#9QuN6Dd$M~fA8~DV22nq`S+J@4pW`3OM1c;4~$`UK~mBoxlg!!<#nHOCtRK$dX2!o|Ik^*(w!F)U%mwkwrdNC zQ-n0wTLE4dxmMFvR_Cfz=a2S#X#UEPWPDnjrxj&6K{_qwuPuVTDRh|4*{nA)aR`qH z_kL0L`758nQklT!#LGF=mymBs2d6V?nIS-5_MItS>9qq}tHl-!O@E)W%$uFG8pb0e zmEujnxU-}U{7Q9*Yle+W;yltVH^DCRd5Uz(H9!thuWVpk{ zPQ&b;ztC_WRGdqV$qLTh^_3iFDZgo1TPZ++?F+0)W}j}CKI&!lR?Q4oW23nHRysQVpMGFtv6D;zI5ZiyP%*mf;FNE7 zCRi;Ndr^=nsQ#}XHQ2`70mwNP2IsNxM;Sylmh~+yln`7>hMK?Vl4~)?eT1I|aKit2 zHv?ZNG7dB)UhI1}&t{@|2JVAyrt*p%%NuBiDdYa&qCS$QV&*K$vN1JghA4(Qr4{Z+ zpifa^o4OEptzc5~XALVBkk`H9u>lGM=h}fDu$j2lGL5m*cRrt~Z-lWA)tDAFs}A$5 zVvZ5N8Dp9Y1W{C$f0k8J13x~0{gR~Lh}*C&*mbG+aZf!SCR9Oht;}}N>)??+MEjY= zO8>hGR^wagv9zBeP7el~3i*xU?C#cMTmz=dimA#EdO+hid$r!_e|L^dNXB81o@T=T zq5F$>(#7{`d5yqBT*ONp%HQNfO}r8_KW9BvZT=A802zhwx6^3Fb|Clm;mRaAxBtoV zuyqVRBl-imDoE&+=au>jeW7MY%;xWeun##u(fc(J`q%ZX{w~yI>`BfK3!@P=zx=`$_WXfe zKTj*2m{YM@c9Zxqwl74bLuxORC~fzuk5&Y1EZnz^(ovB%pwzl(;wn#U3G^RDcpV;- z#vegXYB0w;eYT!LB)m55vm%PgD$^0R+f+a1NtwR;;xYLsotGBEpG3=&I`e0*>ef?` zJ4_>&FiHD3aD9FiWsK_4wf*LRA74+!c9UHC&;FUqIc!Bm!zVKU?TZpB0p(}s*R4vS ziki&mUEPV;WRQCqgPnJHU=3%Duf)56kMItTne8;W;^UHWfmX1XX`0Hy}k9ow2v!-f`SarX?@_KWnm$nxl_XUnv`ZpmHcJ6G8_ zIbX?Ydb%}DrbtevDDsPAU5h3JOi2OXa4+eDtuyP0u(647*=0_}Er_NL#Zla@Y4bG54Nj*JuDnu&kYMi|l0iQNe1EQzNOcw6iw#qui}D(NT?oo>vuSJfgf zC-qt5xdLU6o~-;hnHcQmcAXE=bRr%VaP9YY$!RcaTN_L3xIqKvaf_iME? zrncimLt&ZnIrQb@6Q6D2Vg0c=GjqNY3DJMdafT-7c3kf)`nRoPP|Yb}uQrubRhcVyKxGC`K_*`du6^RJrm5!t74%j0%IvL}7EuO>JEnl2a|{n|fI z?;n~v!}q?p%*tgCegY;jQf4b$?`*{@3+)if>>sI!QzGHYbnrKVpnUn_M(VrV)Ke)` zRw`ObHKkO)(~SmXX{fDfthnjH+zr)1C6`I~9M&|Q`&Y!^b2HaXJ$A6?e=lF98a~af zF@S6uAaB0ec1snc6&oo~Xwqc1s7ij7W<7haZLw|$@eu(h&y)jZeU^~*cm*C>UwP>@ zn*#r9VCJdMc??|04+#S}Q26~VIqAc#UT)1s6gMAL)QsTHj@J)QT0}(jQgk1ttWSP# z7-@Zcd6o1%vnEDf)B;9J_;VOfA_!#aJq(nw_fHWa&IRVKl8&|%yX}>+WRfk_QGrU7;1Gvq0E%dL2?mvuwn-8;uvJA(R#OxN}zO5Vu z?9Pru4Zo3xK2e~YD5Q@){oQFoHpyWEC&2`@q2RW&s;W6>7x^x`EZdB67lxl@PT#6C z6J?)$4j$@DApBv!pC=R0vfEJXtBGXgzWG@W`gvjN)(@|TP*wOw5p@@?htck8VoZrn zhatc&j@{$Y`{@+5%6grw8Y)0wRD$w^j@Dtq8$xxhe19U$HBSdNKE4ip|MSs$v;N`e zuSFH|nUkAz^M#G+noJnt zmus|9GSfe-(7!bium)tm2;BP`Se{|Wfi>{*A##@;aShIP!Pm#f%lPL zt8r~&B1!x(PH*LRbGQDHc%<(5(%%S$?Z2Fi>nKgItnQ5>o%QWM|6Q=Me;hk`?hl5#@9 z@0iz<0lgVkD|=tRrwwrD14Fge3uTLL`=5F2+shA$4HOpJHt+2Qcs(z^2R@89-f5Nq zdwjqsM4P{k7Bg393ZRe>dp zY?&|0LfYb7TT2}yTPD1Gt-8s>soFw?X~I-Y9Ly`~1_aTk83TLdcDiFrx^nrftL3}u zK;=nixpaOmT8>zFu52gkjRoM=vYxB1^D`*TVM{G*eZp>jfTG)F(O-2vb{Wgbt8XPz z44-M^3SeJKz>B2yksnDz1;;g?W7ofC$ZIDJ>2-Usu7r)7xT_n_CWKw=qz*aCbXr^o zq$Y}He&(&gLRVu+8Iy(4M|PY@(elmH1LB=Ko80Y9HrHch%QY+uu7@IaT zV~ZahCsd!af+14x&(cQXFGSyBG7I7xLxt@MP2M*9Ka>{>qy}Lc=7@S4zL>_Y6*&l;iXe;p?nsa(OhT2Zv8Xx4k!#a*oXdZ;yWN^z| z2|XMwaNqrTKfek-!S*a^8?m_VFwfrlRa@a=*WZP&Wqj^88~a1{BR^?)E+u#(@zp{?)COHmbo-2?yh0y-Kb zmMjb?n>RM!?ATi(1-3rv4SD~MEY9Y{ul(@@bOj%0q{&Ra_x z=xTT~k`VE(h%=IG*{E-P94_4fd_Uo`@_mztjDF$d0_DtWEdwdj{CbV=d+uyTB5-PL zdnmTTueU$5qN_pGLY7Cdv zuF~7+2(Bdg^cw)>10FT#K&G7Q!7SlVV;6Hqj(ZrH3d6`f`M?1A;G(>kIZ7Yx(P95w^mxjS}yyMF5fFS8a|5*i;75xg} z#YFM^Tdpa8o|65TQ}~jg`64yLJb%u!@s7otTxd%`%WI4rTu1LuX^HoU75Wgi=Nzeb zklPvC;RRJ0V^cD3X)OO@Mpc-v&E=Xp^aLoTMRvPt%X@Yt?KLa;5fbB?gV}juX7+Jt zQVIMKcHVM>Y__<6=rVVrILIO#((w(Mt0#32KrP?N7jQ~hrO;9)?DR+KApW9dsKB%~ zC7%@q50NMUzL(mmCamFgoc(WzMtTr;5})-vjGvC_C9G+hNlbrURy%^co z)k<~ZVyA!nQOc{~p*Wc(TFtsvCCGI0Zw@>Bk-sqr(4JLFsW`dU>18NJ3kZi?@ZNhE zo|VB6!V}J_;+ACmx7pb>5H{qphctR9^epnjWeghH!5%4^->ppLM!fp>^Y^mLD)*a5 z=JU0eFG^cUKUA3O**d1rZ#Fz;Rbt0v_6@ORclWW$UZeMMJwLUQsK_0_*Ei8&;detc zZtix_h(*c2HtJ@KZ~IJXX(!-$q+n1$vPCFJQ=gvJIB~TYpmK|Ay<;3^CN{lV3m(;d z>gg-wI@f^DoTQ`8EfU8i_?6n4_3dP`m&kNu^7J8EVz2$ZzF;x6@Ve36d7X)UqzbuO z-ElW6;LLNH>-hYVjOq~j3}Ky(g>=OhobDuTZQ=C#vl9HSqzR>m2$|rFpYIoG_=Y!B zaQ|5D(hrDohnBH}+-2^MEcXc|C9JbnI&hVI!(3xE8XYGXECvC<&qw*}r$Muv6LKOy zOW-Qn6}nO(`zomz-qA=H3dq`O`ROj%)p@%`o5@36!rIOGLNsef|lG*@`$_B zVt4)-{lSL1D*NfRBUj2Ys(fs`7~rO^jnQOO4r_#3(TNiLkKypQw_vKG8wO^=w*WjI zAIU(3X(OKyjTO-wlHZFM>;FEl#07rOJL7HM!);jkZzHj{@wGS6c%&YOQU_Vo)kfDk zF0j~fzl|Ei#92e;_TlOGz?4c1KK93#UFH{dEiDQ(Tk@c(QqN6ul2|G!|bFYWNL9MsJPi50}R1?-6cTx)eDqKbc4_)sn zT$&QbH5CG}U9D`Wske=#5>Mgt45E7dWPmE?6pW<^_0MTmoyFsShdBHi(-e^)Nt!pm z`05zh@l7UQZ$*IEtg{Z$(BWdSo8}rD?H!LqC$EoqUYCT#xJPdfiLhT zzRW|>_EwZl0Sy6{6RwV$^bD|I>Fd7Wv+I1l%@T_9ygaIWnOJD<@9!t$kv<#W@;>-< zzmw%`C;r8`91=d#xAL7%{<%z%S2%pzSi`Bu{wvYfPgctAkGw4UWe4t(yT8QwZL^>i zkWA6*(|??cjX0jt_knp2^)(NlG0}4Dt-=m4|tNrNXMdv&otxUh|{X!%n>x6=3ZX-nK{f02I@qk7lCW zo1Xr(r9CkN^~r_?Z;R6ft%*7R3D#dVNff+jBPW;$V(%kBA@EG!2~`&zOnaSoJg28= z_FslVPO#Kf47c^(ECsIVhK%kzlVcZEnx<0!3^0fm;Ve{OWJ2)+SZDb5ZPl+xBY&uN zsOz0{ySFywXYU_p<{SF&@lx$K{cs!vh^C{a?g8`p(i8-%YqG{QsoM_wD#|+baJNM% zU+obk3V0F!4gcpr1=M@aQSEKNaB9JmpS8B>LfK(|wp)7zqPJXoV2)vXQ}RSw-7A(F zLFP$d_1p;*jiV%^*!dVnibu+Udv9Bn29u~N;h^Q^2BO3upZWBtT%Fy*+xW(at?^h# znLOjW)QO~51Sdda`)}p;kT<@FY(a16xii-%x39gDmCQbMEIf<@`bdY%eo*=E_J*GV1vmfxQCjJALJmOLEcN{j zz8^>`Rj%%D27lGX^sX&PiO#D3wDpdr-og2^cV2{;b~P{kLa2Pzb8Ro`K)|2-$gl=4qxxiWkW{BMbU#Zwm4nLSqHF$->#p`8xzWDlRli|iFJ z9D>9JbBA=_=hSV?zXNLN*BaMq_5;REL@?G)Ip34N_=|}u(DD5v6B>EJx$35k?PNDS z-tu$4GvuSaCN>0k1AI)~+xeH~NJ;rIi2Q3Ghsob&PuB-k5AUw=;h3w>T9S;N;bH2; zh9~iz9ML@L-){r-tCMOu~q<1Koy|P(Qq_sJMrQlknCl_;Jnm z9=UhIHKY=bAgH&m^Ds39P$w|<1~3J)e&joYp->A`HxCnFu773?7>DIs=iUc~-8)fp z;q4Gr4oA`etIJjVQ0`sJr7v!$GgTRw#*PA%fXR@^u_WM=sh!&i zaCUk?xJl%O6pE6-c5#6-(aISS(rL#imJ?*Y?S;Zg;+^eb7F6Ef6IKAshq(5x;6`l_ah+;day~Fu^af`|#Q?_At?a06`DNq% z#UZ3+;Khr&LaeXpLuSonDe{Xk$7iCAQ;9&?gt#3=6%Hp+Ghu?rJty$iU1}Qp@$@@X zjGWj=(NJUHmd;e#Fx*wZfy}C*u29c?;zH0Zfa{F1sM8n?~FlTlpK>l&i!+QNsvENZo zqqvUM*4%!@wPgM`Sst>s$FBBM7GKG^Gq-`9JUtBPwI58m$&BdeeMGiUK7P9UetYBH zn|r6fd4DOhQV!F;Bb}HW=xoiadh*PgD15YrIF_YjMx`7wQ31RtYY54UR6$ftvs@OZ z-`QGGGX^mb*?b0Mp%7$r;AFgM7DHSjoSeT?kQ@hanHe<;i+$P!;BQnFZe*W#?%lMa zQ+)fdn@sgAR&gWo#Q?p7m139L=E3)L-jJwqY!GP$hS@zQ&Tw{G&;u7i`J@X{>*aa? z9B5PK`o~d3;<->wfC~0Re7j&4BN4&fk&0$fNk1a^`sV*K+`;?bl{VSNqYa$?TP;@( zrx4$ZZ0}Og>is2enb&K`9Xzy(;RYEb8o>Op*PNCVT+?@1U}nw;+yx~*Q1SeH?exgf zFFgq}2@uuU4Z@|O$8-9E=M?z{JBRzV z@WDUl(V&W3 z$zf__nuUCpDUl2##nf)OuI>D#gI2Hq%?R+Tl7mdhN9Oa5L@`rE@&DqtUZB9xuWM9i z&}LiSQ{q=;cr+OB&&j%aA>Aq`ku1ucqD4gIKTuVyh)6}3F zuPXYt+;46dCOAmrJ10<2)fR4W`uDr(`8cK=B^Gt@x;aeMQJfk7#^0m%#_CwKtd(GEdNsm%9Q5G)%^4!W)wkxqD^{=uHbIyGr7kIpznvBilMyKwgF%mC;h{k64@(GZdJfEmw>L45;@-qjC#nRu}Je>@{y{fvMk4=-hequLJB|+pB(o~*2e=c z>RjMXLb*Lwxg&j4)6-{lPkXR>_NY>VdCvu#sr08eWz2mH)b(?!tmM)R&2giY*t?Cs zZM(6|q0-BPG#1euyolt@GiRn}K1Z{x&WaZR!{NjZ@fE+Oa{rhzC;Bnxn_N18wu=UG zc%Nu*NC+gHjlW2A1!?FJJ%f)I5sH{R^h%SH@%5ADK|gy_hwXJJ&UV5UZ~QXY2u$zU z8IA;NZ)OVDhQu#c2kuBRyJ{ z96aFy&Sy02%H#W9FY(yiP*eRNQY7aXe|ek+0=u(Af-eUq^b#5+RK|7=tP+r4@S9} z5A*C23O#~NIs4}{n-EQW`Si{NRI$pDQt;Zp@}}!A`86$A^7NdkuNOf--rsJW%}Rot z?rb5`xG=8LMToMf`36xG;RH=d{EQrZ{Qa+Hjvm@8Z7!%Gf{m$Z$CUz{NYpB$`#QeNOzAPh^xd;?~ zE0!02H(aj87Dhj+IJF;QP+{rpx^!$3xm{J0ZF6vpDtnoFt3I3w082nsCx?9r7?qRO z5B&TMmTZt}`=H<=1jJGCIdn=Ldcvq3?(0A}Um|n^qJEULSPWmDVl0a?y<%!edKDs= zUd9;^(qfXzE@yN)c1EM!wT8VjcfFe!A3Zl`nMm;iJjm=7B5l4G`5?X=%XCW>u!n+z-CO*{(rRJm>3d^{56>pH#vc? zYD%Qry%}MvMmW)ZPHDh*;B+GqIf{NlDkn6O6*G&L)9V~HYicP4p>?{!YaL3z74kRo z+kO)4T7eILGPmtx$C$F>_$=i5Jnd6oqGMEh8{d_h3)V8g!h$k4IU#uxZ~TuRyYj|EVJLl zv(*%%j;i^2y?i3rZ^R3kFkvI@P5k}wC<-e;SZNP6%sZS z$2f^&x@tGdg?ZdHpIXhnna#%J^a?SvY+~)MZZ^Fg|JhyzIn^?G^5pl&hivXVeN?c-F@xPW_JyGfE{u{m~wu(8e*4# zm-RuK%-n?xrJhIu!I89QA)b+ z-|s8ps7Y|W2{Dt;u9(}>bp|dp*6l}Dkvf9zOeLmaO&xKFoBFGUs$HZxw_bE!{>0Y3 zI$!}s5&07Dr(~rpS~Yucw!5iif=_7zwZ#SP#M# z3DwiyX836AT0J`vq2d`KcXbQqQc`5A|Jv0&{^8A#55Rq|bfEPdJK$7o(;zRib4kAt znt~#KB`UP!ORJVj;Pc8UB?O zDto=_8p|9jqkAkc7KZVXMwyfkcm--mL#<}sK_Q)F7Hpel9aK>C9FXgxLr!F!#(DJp z2aq=J{lsDU6Q5~w8s%j^(Z<=lj4-I zt59DuWx{No?e(Z&g+F_vTU+@mNEgaurMn=GhxT%G`uB^Zeh~vCT8T)k)DtK4o=fc0 zn{q!}RbCVvcOre(%uZ_6u@jvZC|&&!lKbJxd3ZI%hOyJd!m9*j@Q5NfwB|JlVe3 z)hcPUc+c;5vi_25B7bSf^1%TSjAVCm}5y*TL{?{wH81%r6S zwKFo5K)z)dUi5PHlsKu?+A7B%BXYq{M-db=XrrOawkGbTGjadTzW8#VhZewr7)Pax ztcU%Gt9=@61F-9St%N!(dJ*dK#+fskv7G=1a44TQBlV^dKcSqR9~bN>$6Es+-3HhI zOK;uc4SpBSyZlndZ3Bj{bRaM7aV0(6Tze~5&Os?jpLy3$*lM1hA)g--U56fcWU{z%um)T3&+Z2+ap#uvbgC0 zHAZ?GO$zUEA)ytc_a^(BBF=rK+8f{?|<9-EET`cc8JBB z2Cuso?)=b3y~i|sE-ImAToy7u^11~Okh()3$pqLmH?I&<3>3T`;_43hc#>rPaOJ_< zoD1I3wR{O;*+{Bm?82+@fSJ|QXk^eix=y^e`MXiT3@%7yVBoD@weyTgACHQsJRhWS zRbC|VqtdnEl}FCXf{UZ0VgMU=Cut|gy}@5H{E1Fz$3NZ=;GBBr0U|?qCZ>7sClP8% z>mV)w&J}J;yHU1D%$q{fx_105Kk_m(LD|G$%2{6E{WI5XxH^x{@2$uD{(*BGx_67#(7sHWDR1p~J|d~b z{5=gxg|A#ecUkz5sB>ajX~EW41_4eswz``vtZKVoC*RGXo*(Q+9wipGB^vhu(t>~Z zjz%<;_v7ucYeSh?Zzsl*Km%o26at|5pAuo_~^pUL=cLXCi+o62k zx0cqGVYVhVPC8GBn5QEjw7eM=1H(H*>&U~}uvp~xt^b%uz_;dpb%U6`Mk$6_N<_%hF0XQwsa7`B^l#(Z}~l%50$F6 zPEyG@)hxQr**V5B^8s&S$-Y|s$HKQoyLjn9nrG2#*tQJd*SZ}wuT;}(q5_J3S;plh zoN&Jn#G;k7nub7p7s|B6$LCmD$Y;*Zalt*GSO5V0o91|d*5+(v{A-yaD=Wh|i;b8tcgFz-=?airXA?K($d8z5@;h>$xC2wzVM387UE@LJgE zJ9>vA2gcY;;JeyUGtus+l4&u-8RC4zlmfEHjF$F*;uncz{zY?e*NZD8)v)#u4Iyx$Bp)!2m}W3)Rb+N->p#>jS;sah`vyhc%Ee#xij3jU^$LFF>Uv zY%)@gv77*+vs3K=fNZ|u?>=5#E`9!*NBZhuM9r)+BZ}*!it^>l#KF2lT1V6_CI&(h z;jqRH7B?{U(PVp@<(uB@SvP`Lx&f2jy^*>8lgjW9QejX56&DnKIe%pI70KX+6|$QR zL1%4;Gm>w%pv2XmEsan<+f)hkmm`;i)|svN$;QvS0e`@{-ct{G0-=wC4o};3skX}W zpkJ-Kdx9@d&o7TLmXxa{(6p}j2#t?--WC$Hl3XZz81sVuS$GFpcBbx}!Z&#b*EWknj$_P>r9*UE*^B*fz)#v!gJ*$Vl4*M z%}>r}0e^K%|6qUM^jh>GY2!wDBql`h&(E)1uzyB#TQY z%D1GwO;_JE|n!Hrpzxw;^c++r~{+VV4m?&TuUp)3RqwNtOU`KQO3+;jdDxX z7@_)#0ZwYt_DzKbpmh_mrP_DA8oXQPtM)0JZNq{}RAm>Jwfs%!!;SAS6LfKWOm9^W zwY>ngy>AH;VRS>Nw2t^D87CTIbT?#3>mD!O4)87NM{!!sWcbMdK7JcxYUTO7vffUbjSKz<1wA0Mn7iSxu2zXwskJoS6{KyL z!T1lC9ipF%Xh~LO<`rKvq%c-BAS{M)xunqm5(2`kW5|}ctMFrBvP|77IP~1;e$DgO zUkGd1v~C46y#jRz?QI+fA?YsyaP|F}soLN<)Ygn%tY=2|Qht+Jo+9F}hd z|2xu*QlxFqR#kS;G2I?WR%p%!6Wjpd^Z$jU-X--8cX2UoT(JQ%b&xG4QL;ciD;&8Y#*b80VN4DEC>f(o~3Z&_K7YZbA+~HVK^FZpbY{FC(FINxf`l z!3N^G1)lhT%z8z5;(?myU`Uq-mU`kzj9HUT#x zOZ-~HqskmD#$F6iTE7RTzQQ^)8T+aNzn*^XTc$(j;|AO54kl~1kwAt2djU!;%jIvo z*SM1w)!_<@ZQ3Q&)B)e!z$h+;q4M?jfA25?LWmaGysTG#A!$I|Vcs4A6U5&X#IB<* zZFvo=zBS=^9LJcambAysqxT7Q`;4GKA+i0(+n?6(erOjwIE;IhkUevNAaxQ z?}#V8Qt1Ivih%oMm|(kqS|Io14&M?5ta;8krG|4S8PrLi{sXTZSnoEes%&jPNC<*37R zBSL-;v>GJ>E)p@{8gO`Nb#0 zop)hTZ5}2zQxg%NsR+LBHNtLyoRR{c1v#AF7zFa~wixk0Q&oNzW-*~qX_O2cz*@aA zCb!g{Bn39D$$6JNQ0g3{3m+^;a_15)s*6Sb4h}lUBE!-q#t5_COeDg^%77N54S*t7 zeS^6aFf51*V7w#x6#dedLdDV-Pw%6JJ};~XsW}bpb4a>wSg6^k%EVk4G1WB6z5hP@ zkY!;_nW92usU^ca{?oD2<)NowH&?~=`dJgsmlci%>~I$5=_Ph$&g`&sR;h>D_3^o| z@xqWD8uhhLsM&yroK&U+fYeJUy_n~`K{4Fld7X=6ec-cwkmM@#NIve)B?v;7Dq7F^ zJe&hfO|M3mbCMqZ~MNpna%b=4}k>FD;=W|lrDCAbF7s_M5y-#kBfu3aFV2 zoXFe-VXh^}l$41s!t5)Yolyuf1HL$c9+a~f!Or*1Amls9o4ShtL(O7vFxyqs_`Ylz z;THYL3aRKM3C#kZuxR98_f0O-oX25YDX=Nku*Mpxk5Z8p6wMj>UEo;%FrV-B#ClS@ zRa44|@7~t*)e~%)+mK+db<(+!S?*TP-Lh*m+PS4=uCDTWWRtY$JFr`~ysBQ~*tuQe zsozC8)HpswoQT4mgTi&MV^BO{wEi(y?}`2}J;Wx{L!)SQ4e5o{-$wTute+lcdsS0m zZvgQ72g)}aXKLeHgHeIYiDVJX!e|A0C7`*3!U3!@&8BKcCLV)G&&WOM;r>zA-P0lbHRH*a3k39s!-R%G% zTNwDr{s_q3WW0c6MnpsCUiWp|bNmNV2dX&f$fZ0-;-O8S=8+kbJ%f@FBa6ZFoUV+_ zo?7L!ZaR4X(~I-F;WtW2OBSt}x;ulZ(TZUnq|#d+D*x@6QDN4$ZRA zBOLPR>w;4oU!#AUzXyEb?+RB(iO1#X6z#vPE2gw${o9UjwY`0elHw&fs*V|-f$St3 zne#6z1n+_0{BRrM3#}=BNFFMknEb@6sBSPB6NQbSDTPwPxDew$n#yIbeO>ZKV)v5x z)n`ib!~eiA@_~hZ7al3xq&l*f{NHVP^P}IMl<3*%t9^_a$ky@muAq z_r=`S#?FK7%(vw$G3DSEGi|kW78X>XEHR$N;0GlifIaC_|L1Njt4!F{XsN?(chU{@X_`A}G#>K;mkU)A>K+%)zg`H`RaP5}4Y$RJU%$GiHXtMZ>_3$Vc2^6pIcEM}Sz~ ziSd_~-K4SH@UnVEM4a6>cL8xX&~EjfuQ-iNjsvDW{_}eADwWeKf%uywe{nVGzaPbs zsAC1M`J~9HokyG*tIh7uePeUE+A{6tMohE6EJ;%g^Z8E!G$JW+G>USghmNtz^omhG zlTXjjk4Az|376-WXIhvb=^?Ou){vEXoq^W1F=vqiV!_42zB6|m@3kG@nTrzw?vhL( zDYVWp3KbmRR0vKhWE{kx?tkkN1;Q93q&PCeq!>Bk@`_XU*8^H{zvd7peE>sxlZTfx z3PBp)|F#5{=c7R_uMc1B8cDNo+w>V=t^q1qWm0RXLM4Z^#><5v{5`p_*4wW6w92c_kvm*O}m(L4nNKK7>Rb)>3h?RW(kWJYlw; zO7DV|z%QyZTQdb>?rg>{rbg8=n`c+wO5Jp3#~vP3N{Jr)d%@Ry8L-rc7W!Jo({b)9 zgA(R4PxeykFp>crjWIyD_Mh_?Ci78ja(s2}vFqagABxPE#45TBL278EatWuI##qx4 zl@(8S<$wGKtJzV_lkff0ZVT{GO8v0o=qVHT8Y(1(acg%=*m+l|NkkhFzWB9(J&-Ey z?=4Q)k4DJoE9~I7iDlum38}*YiKx%4pu`FvztM_qhcLV1C=B!Uq+EvL^6HT_Pjzskk1wc;Q_z zkn66Y8c&1zOmNqviLO86;V%n7lR~XYNmI2c0l(jmre$6~9s(?L$gO2Z19NMcIsv)w zYxw%(loD*SDRo7PH-{ax`!eUpQ^zEJjmiVRFV9~MP0R7t6=%CKrWaCma6IFl54*g4 zDtbG_A)sGkdS>vYEsO$me|+!ZO=FeBL@v8x-sWbKoSkP?7YN&Q>N4UlRBSk0O{LJG zu2P;#S;D99s1Ug=TJKge(9;|kujmyg{W6S^lWd`zAo?Y~PsPtT6`2Q9?nUy1&#F>9 z_FvjhNP|LG?Ra|v#J4}AS%$xZ?mYu0o-Ch+QijEqc2z>5Lxop+1FAb#Z1)+T*u9IH zdVdgFb(Z>=Broflj+_nw8G`iIsKmP20$n-tMe_;v^rQQ#IW)*3NQjWi?nghlbkns6 z!F6qPE{lNFO+4-?GJ@k~i`xj#b;W0`kjvn&7i{1E!^L zE$0KJKlVF3AAtqaB@cnkzht&1B8TKX|G8fsa1@JzR*wyStII83ianCCzl=!mlKMTh z;lCVoIZ7OnxhssRHuIWgq5dw>A!&Hn3mU!OYL022hRerhL7d6t$m(>`IEYe!Iz|8Dw zT17<>rHb4}+>7`YmzMNN8`JDL?L`8b*Q8$>_%I~2Vh4O7zwl<0!(k%yAtx3caQ>$o zRL>9;6Roq40q}Q`p{Y7`R2L|zo+^Z1nMGrBLh$NVfmTvItszc{@s?Hk3fihsS*kZQk+i|e{pMr8xh5M!+GMsurzdcABMt}e3TiTq_VAI}p< zLzUy%pH3K~CY^_H-+gv&2k?r%fJO_y#`Guql_bkgEO+iOd-}-DUWa(i2kI~t^rzle z>O}Hn40&?7F-Mb4HK;}Y(#gESrSdw9f+kC5b%07d!Wt9q3nnvHf zaWzv51H?gX{HS<&JKw|@FaPq2uZfa7D;2^-utWIemTT9evRI2APv;XB#CDN%;><`0 zze;R;yqAqQr{z$%%K6$MBqdcmU06iuQKiKfym&81s#Z0FN_}t&l9qWOf2M_#>yX%% z(HsG~1E3$>RxH}av!w=xU85{E%5inq(msnd9{&1}ia}4Dp(7M6aLR<9S`jT0 zbu_%^1drbunlPkCJPGq@JVEEaGPDP(hOm7E%xJ0VG5${L=7tSt=0R!L=B2Q*3_%Bo z%y?~{KY#C3R?C}-F6q;)mMZYtTobAQinp+s@U@O1@rPy&NxNG{9 zTki?yHLDI6z@wK=xcJi*!T=6KcsE24sFQSZHY^%y0DlEiql3mRTbgTgFXzB>7r5ZF z6Zh>pw8tmwaDyQS8!NBPUVci@76H6$w;O6Oze;DTr(j`6~SRjwZSXyM}E-)507m()M zS)$T5wxIPMo1ba6b0o@gHxcQHFWj-XXFTB9%q@5p4_#3UO<1Su*_29GfcS(^s2(H7 z=$hE${uNfihlYB`-)OlIn#mSTX%lK+`4`KXMPwps$CyX?R+O%72&X|2n{vIS@CnG7 zaC391Jljo;0AgPeGwaA1ML<#2bl!6Xu=37>48vk212D}hw}ooQhC^6Jm|?2lGV?e1 z`N6X#8%ay4b*a6cYnjD&!+t#A?FPl=*XP}%rRwU{r!a2~V|dLp_cz)Hk2U%a=}0R9 z43t+iWne$h*lZz8Ncwn^3J(6e{@aE#S}7rO(OWA-Kb&6f@sp49A}4E|5B+jptg@N& zN(=#a1E!AhSCiumK0@(p)V=xRY#mEdQ4al6|EaVb$@Qb{y391qQ#P|SC>+`dkjZv< zluAvF0k-jRdAn$a<*bF~PlX`=^VG|Ag&8h**=LT3Z-y$Ar`TW)2#%TxXC}qGo7l)8 ze}w<08nIL3aubm#$}0>_Pa8f7K+$`H<>>qyT;}B6>c|&f=5TPx3r$lmZ5~SU4_ydN z{_s)$#Jh&_Sr?h?k;kkZn-{bdJiuJcEDo4hiK%F9K9U3qiFh&&nPT15)I;yU!Lx}h z@C`Bl4|uTMl<6NH6(;>R|Msf}H~rYQD^Fk09!T7l&V5z%uy*Ez&G1nHByr^M+_hNE zd&+cM@aGW&v!uJ**;{+h<8+N=i%8QL%9H*m{kNWS(Y&ySLt1UWG9i2@9~JIA{fL{y zy_7cYGEZ5U#7Q=7^!Pd{3T`c9(!+u3ZMDY?tK-i4fi=Qs_~E>lTVgN`hq zG}*oW&W6E+v=oXKY5_N~anGV5yihvWg@OhlA|iy|I(QlJka&85*9mVuJ1bN+Z)NlH z(bO>cqLO%@r_W&{(o~^QWx>9fL2M*flA>`b+Qb~{@1-ZUKYyZre6;@wmI%AX@=>-_ ze1}6*iN86R!>x4O9x%<}&2$60wH=A6;mJzO8(yL8(sh;6l$u!)Ial9zMShYTGURTH z(!&Lq@bV@EUdmB1WmfJd7=sXn~EjPfe2(N_TV|=U3=A|dj_&7T6rngB{?$;wZ ziOt>LWP?=t)W@u15Y##4nz_<-Xv@QM^XMqxBa#aYpUF^RN*q8j8`AILgPU>HbvYKk zYv+i|lbjYeOQUCREcXuwR_Za($IBrh9N%R%TOO4iRNs4D5GSw17=;vZM3}3xixMk> z&;OQN?EV5?$<`SWm7rl!>LOb&J1$f9R&+ic&2Nx=qiPd37EH(Qw|@A zN@J=7-%fbJ!UUedgU_t^Y6Vmtpf*T5w9QAZul^Ut*iO{=G&^)&wy zPx1*Pm&e^2?8Rc=cMi8J2+q3B+zZ<;9_bx9z~AT4Fne)>OJvS4sr+-jbv!XgX_KOn zC$lYezvr+owMt?OxlC#4Pgt1SiLD${xR6nN=KO($YfO~m^_5X(9{12Y<}Y07@|_>b zt$b6)|JrkquHKp%&$0KCe99crR_^G@{vY+}MH0vUH~g=Y0ArKa!45+%Yy7-4hE)uO zcFJGFLw8EcnRiP&L!+xVIMDx{4FC4@V*>n&8cIu94r@e)#VwR{1EsFU`}TmkR#id_ z|EWG26b=>g-7L7WASqttF|MjTD7&g{eEOGI$?eU)A@h5e@tth2dWY9Ik%~OM^G56aRwkJR(YR}Ve@o1*)yC`>@zXTq9ul&jxyr1n ztFP8EI)RUs)QK`BY9|{$5wqjzl8@*FAiOXpb6UQklPi^=4npcDS}x_eIrod+Q7BTq zsd$);|H_H`<$0auoPt1KYU)7kD#4ZrXyfOpc4Qp|P>`{!ofmAKf75L4qj2Ihd|l`F zSw2QS~5Mv3Iw7*=)Sgn-nWl~@g$hf=TC!EIL6{0EFW}MR6%klA2r6wFR>hr zz=Fq@EQVH>mUeu9(bUS83R_b4JmByXN3n1VHTTBmx5V^Gzv+j7agG?FU7LJ zt#eUR#*tk<{-*mWCIluAkL52q^bm)f+1cawH%GKqn$U4+wV1N6Jt`r7il<(q%93VTSyv@j})oEU#lOwG=1tBglZPR`gKdYOA)BlRlAmffIn zE@Q32%ZWIj2DbLzw_DA%avR$zb=c;CdRQ!qYeC2J{nsmsAzIEbxOt-jkD|+6g{gPP zYyqd#AOE5?R(C-6@&bIS3_1MMcLoE%T!Q##ZmIt@$lD(zrjDCN`u8MdOfmGTut6QA zuJ`s?@-bu(Cm14F!ezJA6fJj~?yxn*gxTzL0=!oX>zAE+!+yJ3pLKq~*T zUQ>rUabNooT({<*u`t&(uqL4H|I)oD8^~i)D>b2%f~1k#9XqK!ZVsH9u5n@Mei}n^ zzlrdw-k1&Su7Jf!bLghm@pqtZ)K$yh#@Rm#qXK?`Gh~7}lDNM`3g`I$R5td5>_7}wT827 z3jxO!rq_A~w>I5sY}dijqNQa{V3^TixR(@Ne`E3yWOIfAz@FB0oixL&NO zrnhpjAU{;2s0~c0c|@yJa#>%+&iZT42OO|=6Z_FhTtb|A9^Z=`x};vyG3}t!-kfIM5kkYAqiXqJPlGs?F0gOpC1t(Cq8AsBAt}fwdNc{g z$LFUA>r=W9Flld>T((t{s>mp9FXCDZfr)h9zMUV}da=~GyMT^GF0!17(E=DM=i){W zR|u<8ElWmm@G|&~QK8IV!JB};1d!{a)JKW@*BDl`lJ5^VAGHh=ett4+7vdNPjp-5K z$a%h)mehh;Ztg~Q4?3+oer7GLQB3q5F8>qSgOnZzCg?hcDfD1{eg0cOc96kOGk%pi z`ds-1uubpsc;%v{>1F$1 zl%j9klf?)0ePQaLRNxaC;8E!fdP4r4XM;AZ)jIrlZ69G`>9eDYq~ZDiT+4UDO|5NK zfYL3d@shhC_6iCZ3GX<=C(FSr&K$1gm^DNDr|1#Zi~K@52Xa|l@!-E0>C!6MyK?rt zlCDf*V$`%Wsw{eIG;h4bKLC+wr!Q#K70r^_^P)UnU+Kyh&q4zWr*^E&v&suNbUpxC zr$m{{Nhw}`pmBwQ#RDPXIsf7pUNuSo2YiMM%j_Fzg*(lFAp=I z%KL0QD^t*{_kgme=M@;K%a_OSEFAt*SnJ@uKJpY)Aa0i~dbz%>fU9m}l&0aiOuZz4 zjqeL9_R6{yOq(i5U-t)?4swM&)uW2_P%qm06W{u!zbazBsTl9}9?{S9M?>d{&tkUD zC+EJ@a22LaJ=4IGMxI34J@tK~yAZCryWSo$^M9ce2|`kvk~<*jBIYIkS3^@ckh#Dg zjt#K}{oYJNYK)p~F3z$EFB1V8yNhOt-u*{7YCQd#;FXS6qPIwnykDhv8~U%hm#m!h z$TTSC&KuuCiCU~0r~kl;g=|G?)Dd}j5aq+GskJAno+F)+mS3rSjVbo&hh8#Mks**c zk&KSr38~D9E-YaF!I#^)jALFq__H5eDA@y2rgD)=#;P~@3EG3fPayw@` zr_O$CXApWg`J9$&QXoV3H6_GyZ=;FgWj1}s85~QskQqXkNDeB6PGA`{d>ijw@bjfH zcCA%^y#eGu|x z{?91Dh4D}!$fTq4`NY)5j+_f{y+%)B>9F-Vlb}X(vfTV6>AaDxA;jyg~w%_B=>ozN7|Ak_XG}$i97LE z=s8XKCGi~I8?u&{V`{H?*_fX>7kFB+>>V&lS+{TU?R!-W#u*xByx=P1auq-H=$!4z z1e!T?EjK<=fC+iX+~xj$$X0S(Y(3l`s)k-utc{9`xmjebk4p1oPL2Dh_5I=hy#Ng^ z{r0rkH)KzvAn8*V{=a~{axFw24U@$m8+QdocPQ?bzw*#u$_ffW=SWzggd;msCMpPJ zF+2H_^`k2LfNw){8S3cVXfn0C?#Rvxo$z~l_@$5-#rndYF~>q*y$L+@~_4ka@CT^YZEoCm4mjqb?L&nyrDd`ZTQw^@48DdGqddbCxEpcANP0$ zjj->T7OgFQR#zZJ0*!900Qt+tlkao-cUJUQGaYrdTU%)W*SB-v&M=g4{K)wVLBM_e zylx~xS(}=cY%eFT^@jSYliJfPL;IGufIcmkf*~jz9UyLR9!Ngqb9bCFm>t8kqMX14 z-*e*SdFNb3b(e=U7QxJ>3SMOkXsdnAq}}1kY~v*?4~cdkJ3WxZ?Z){JpbirFg{`ZZ zD?{2n-O2frlKc#6bhHxeu)C*Fr>MRTY!5V1BQ$O3N=!{_vw4by+*V}0`~s~4kU3?{ zXE?b7H?VSkUhZ9-e!D5#-G5V#*3tF&#N)gYI>=r2oAlc(X~0A&WRb#M>cl$lv-|;SSA8?fj)WSYGPk_`#j*~f`5iqPbz!-&7)e(+*mOJ${$G=b#tf@J)@9BWHY{9eX?iiXyc zyR-kkVJK=S`FeCdc`P5wSaez1;1^7^ykS0at+X;OBV$RZQv);EhoL z!skw&HVycPtFxPV^m;A$LP@78lNvBS`|%{6ggZ=9*p}hB^X#Xq4#OZXzaoPoK> zxM3ntqe8)Qk!6vkSjLkkRc#>kUrBid)H08KAI&250wK=g#iN4|w~=O^rei|6_5Ot@ zFOK>ID*&tz#z4`>iW%~=H*fpIZON>Oo=RxVw1{tk*=x*_@dWop;cl4qhUdt$IOq#l@xfl3L=P%s_eEZ7fJ)TP#SWI_(DiD18 zRWI8)`ugbarh{g_+zI){TC7cswD`&oogwZb4|p&#v}p(~v+oe8Yv)w+Sj){7@UL+d zA!7ByloT*ASO^mZoPs(^i`_*qxinNRVGk_;ZMGkUB62rwnd*VKc`ffX-eP6+af;FR z}IN_uOOgO)kI(AsRE@SEm`X5L3z+4SDA$`fS^#Z@)C2mEGR@qBc`uJsQr!?lPl zdksa?MI{GN)(i=+|92qu;3l)$-o zP`+RXaI}}W5W&NLdgNK++Ke)19u>FmO( zw{D-GX}hT@g4}d6R_*1)npDHCL=OYhY3b#Ea`YFP46#LOkfIn zMg-DlS}`DSG;_6y@>g|kqHH$FoNWDrewano-+Gxh|7B|PdU$}i2rz5Vrk& z(RyuYfP3LR$Qly+AJrnuMt+=R3UQDnZap>x;`=$YdJO*}I(KX6X2R&WZazKoE(2>K zt%mcoyV|UQ`-i}t&Cp&%xX1ygwEL`K74>W$P5yM}%-H zN0kGn^0m}|Pw4&ZNDl0?R^c337okz~pvufIn-Jw|uG>3iB>37_nY{(ZW~I6-GM2&B ziFIq9lw|&1pQxBHQJc8 zC8r*h)3 zvAacLmE)>lUw00NjZ(OvqL2EOOpv7*y3qUIX}Xjsuh%@Zlv9}(|2QTyK;34;cUddu z(~sc!n<;}U-a7Vzv_I+YEAp?8S1`R_aphAS+K_a1dz@R=8b&5#dkU^ z4l}$o{@#TD_*v5wf%m#R3V&Jwbt!RSwcmkV08Mtm9(!!#y$PsKx-q+S5m9Yl{+rDun%EiG;pktln7-~CtXzM;;yNjPAJQJg-8l_`B(OWEFx=Xv@(PKvi_|BG@ zLZIsaDn*T*?hHppVL|&)XA;qee!7u@!{{e^U!~PpB)n+-77Z2o%`tR4JE~7n+g{t# z$Gooj(TS%5(8HLQTbd1i04Y+IXuIKfVU_b%Ql<6&jlriIK`u#pAWoxCAQ<3-SG7@k zd>IMuDgMRM)qZqjP(^ZKrP1H~X@ncjz=;Tp`X5c#9nIGN{$tdt5~D3GLaeG9u_`D^ zT9ncnZLLtd)Qml=HDXjyBz9|-8vWS2C}IRvtAyBM6t!Z+_~rY@@0|PBJ@=2ClY5`% zc|WhE-Ot!=6Ay`kq+p5%^T#I9A2EQkaRD551a4LTLK)l^rs91^=IVZvq;nL^Ev$#w zdr7Was9LSq81Iq;3Ou;qYwd7!?m@NzE!_zj3b4F+(`|pbFEkJVG|Hd_IfODeO*Z3`5J6F9uJRV#lb`W1eeK^RjeAJ=ak%cbT8TQ z5o}A=;h~7l+1WniwVOLshyst%-Vf6@qhULJ?|&=4$nz?T%YwR4mXufp74s513dN3S zxva(B+rD3_wIr*mhaV9}MrR&Vf4~Safe(woD&!K;+pa}fJSX?3b=G%RvW;wac2LlR zi>(fg!;v(X)pov&pWvcV6O@ue+w${f`hFZFXuX1k6{7b*DwH>4vSp41)aU>3agO-& z+Z+>0H7Eid+p6$~hj4bm?Rwjd2*#qi<+0`-{#p_jj5r333@}ZeG?WzIqetg3sHq#9 z80@!N)J+7s3(}I#*eXoL z@>id}K9ePf7tWeO_eC3~372her*H|sEAa0l@X0=3iNR7(IyPBy!voyCh+n({YI0H5 z)`%wOX-o-zdJyndwCb~2Au&O=F9OB^~xh8rxVrejvf?Y8=xA$r+* zoOu|1A#eTek`-y|PQq9vZRLKN#EHaj@^{7rDD6RESG<_^JY35{Lwq*+Tw&1mq1t5w zma`6B$QLrj&KA)40ZBK1A|Sv-{go0^lOKH#Fi$xsY<$MRmBBikY8=};2xgSB+oi!XO;mDP*hhN)t zw4raMHrE0#_h0Wv^jANV`dKut_2G?YjQ-9(rn?3vB;;^8Tuymn=~!h?*uW&jLBCjj zutJ;bW$xHBwU#?_=*%DyOV;uU?nzgdMwfOM`^j!- zFgmJECJ_RooRJ^{p5F*?uyv)a_my`wE137(DXoDo8{6*bKk-ra!Q-8t#A|9N88|80kyjziv#9@ODAKTZgH}mW8RQZ=3{^h&1_Q{qjBtapF_hO}} zYlRTRdvw(4Ps)230X$dje~$F%qhfylZ`0=y*u(Me=wa1yP8StLLk&?D&>{U4@^UZT zXYR4PS#X!u;h|8zeDUPKdrI#xaScnsbb9A=sv{RGnYmQlBGdQSLAj4Gl6V_L!WUg8 zqBHtPS7 zQRh7QT`jPB6!={nAYHMr7bltGb5#aXOhI^~fLY4MPjn%QO=IS9?Rwg^HHOX%;pwPW zrhWGxp){g+>J4c?99T*U{bqjAG5E2nf%5ehhG%9s7xG`+0EvAXGIge;S{kU6eDD`1 z6p{xqw~c_>+gc)dwRUk)Zq(;m?vsxdrwP~EY4BQ;=lN+tJ}#GDPrGWuQcj%!(mnB} zs-YnVN@s;is&TX;0<`x~4x>3m_r*~P#pRXUxU=7bF5sS;C~|#%s+%;GfKZNt=Hj9J zcs^FxDL3>==`DH(0Z?@#V44~EU8UvH0l*+O6WW|x{wUeE=CCQ^4h1f`crJt#=MG$V z_(g8KrsCrem48j`6;-=8b+XF+y_`1gyoT2-xZi1t|F-agQV{ajs3EQsAPs-Tsb3iy6+(RJgt5GY=r+?=Sd&SGvVDYELT@jEPPiU#=x^P zr;Y{*Hok=P1pcL$qu8HRG5 z%9W?bU)n(;-`oJxaB0=OS#fGxr+8`!6#zIW>xBHx6y|pfiQi2Qmx7w_!F|^bw5?fP z+abkQO|nFmN0O2A^mzuegf7TPx9TDle}RC#i& zvRX3|C_W2S3mCZQSd|}sgV5ii0q_6=f^U%0(-UDjE?)cJNLd`_JdKdmu_g5XOpks>J~jcLpe{!#9k8hPGwGV~a(uz)N4?=t{InGN65{ z@|T>9(KjHwHIegqky96i+^@H`$#T_ zA!w5?H)HgM-?_PkjhW4+VAtnTcum85NV$zeYdoBee#ra|>c&fMla4app9TQNvn)#i zKvcVjgBAcBUrIpf{0oq*DMkEo;wU<_tNa_W zL^^yAlfy&-Hih3m#5d>a*Lr`E%~pD}`>|Y_LxXA0tM7S%&&P*#!r<4NcRQmzQs^Qq zO{kk;=llBrx$IR+P84k1COL&hFVmLYnu*!@eXuD)Jr<1MI&F+@P<()EUuW=F>bfU2 zGG!m(-*|7^x~(kTz;b)Eq<7h6=8g1$MMp;?caP5?L`RGlh+u&{%C1gfp&eel+9C{4 z?DOy93iyS~`LnvkAbd)j-zd8Wg4C{&9X=N=9F9d|V=5U9I@cd;t;%L+Sh#-^2y zlx<@X9@H!ZuUKE2Y_=8uokl_}CR%Eokv5(jFL*8J_^CcnzP>^sa1N+JP-hTHMrxyuylpQ^`sfxJ~1v+9g@b ztCCL;Qk!4Aa?d;X_CR=g!_2@}8k`0*r29OyVQFxPL1^!^In_6q58#BTYmM`mW@pox z$6Fn}7>+Ol0m$J4odQiv+)Ei7@ZyZ-@a)-jtq(9pNCQ)M{e3cVTgR}KgvlFhgx}Qg zB0ZwGi@!sX&;L0XzX~OvSLTNKn@`%$U8SCwXqgZKk3)z5q)>$Dh$gk#qwNV3dQ(;L zP|ePgz(qna*&@VQ&BYa5R!UTj>$OTv(Quu8E-AAv1i~epvLL@3LH#3-IQ88RW{XZF&7C&9 zr?YRCiAGNvsbxps$QosR69Ybz6Ax+^I&A^P%v^tv!FSZD0r1zC#CmIG*S9GZkrrmx zoiZlutl1UI(~(7{xG$=AA&t5Hhj&B2J$;vW1&BiZ6xX-$%J?`Jyc)y^pmC~|nw&{k z#XYN*4L({n;n11S8byQPvjQF4qU{!mrRN3Q487xg@ra1R8OQ$DxRuS^B<()=^x~yp7UN+ zo*wDXhm4ZyfYfZ0`Oqm}eewFmRi7C4WWaMXVJmisQnH$aXxW6Y-Jui19RYso0aKbr zyP8~UfOXGE4dI)6qm~KGKUg_CkkRk|MXN0&znPQ0 zVxf^{(Ml5z8L*4p9V?zPW7G@XIrxp!Z5+I7hwbIx_|g@^G=#Fxm52~R9X*M7b6s8T zkk*aYK0-(U`BQ9@pqacgB&_zn=UL`Ex-BjSj1)v<-K2y6UOXLp$xV3x>0alXwi+JS z9wC^M^9o_H6Cxv9Ym0l`diTA{W?%jUaQ?9BVhj87@rI^V-5E;lN1Nr|IL@ zj^Qy5aB)(gMR&XQ@;G!|2G!S_4qT zvc%@IIh!Ep6@&B)(t>k1g#?!;SYeZZ8lDAA$YX(7lS6vC`g0VdxwU~)IcolkG5oxk zD|_`S;9&!6x2XO=biY8vdZpa_=v6f@CO`wI_z4_)))sd(o-?QegLW(Q*jonY=8dYX z5pWa29G?vOO|?z3O_~Z0Je&Q-dGf<0piAqoGmt4p$cM-^PfqnrrRcjHE1cM0Z$!Xa zVq#eA62DMDzioRNi4SHWxXXF@E4lh|s7+d|ySRWfrrgK%bMk%p5oWReXc!-Ils|DtvrH;<|^H9Uh z49#wi=4tji)@cau?l4zDsSysiMvCfV35k`p1`0_6kuikGd-uu(OZ-bk)#54wRvJuL ze&GX?)BG-b*6VrSEd+4|otrFFT%MawH1^935S_$QRhk0Byy)&{ zWOq>Kygu=Mf@y4I(uesmxm7rq3+6FUCDVEiq+9~*r7DsTDp#m`I0H=_s6QMg1BRe} z+ThM|?-=&{<1zP*8qZRH;xCS%?^VN|JnEtXtSDxfp#(pGR}rDky_()vwIzKeyCd%jBP z%Y_7!2X0#0UsN{ync9CR_vfbsT}|qkZ$M*~oXq%y3uFU-<7;0iL&%_hkeT0&rhtqg zPIFinrmH!`9e>ua>7!U`5}}cR(9^jmS`gV^9$!J3x0R{kKP*DH4N14CH-DLxVl`;M z0jqlR^RFGfMb@8?{JqvfvNp5tym@*tu=-4@G0i0b%9mTX{gnDs)+V+3zbtEmm&eEF z6{YIGHt(RKXu+?;QuyGoJ*Zww45~A=X!d_DO+p~?40y@(gjq;3VdrOP&3#UZEe4tta*-5sNP2@OzwK5*W zfQz6V_SFuVYHM3wVc#U6b-mjqW%!NSioPQ&tAYR3uV+eTezx7-@o9_#`s*vZ&6-lf z{c&#~Rcd){Nfe#WrkY@9h*TIk@Z6tAt<{xs?V$F^gRa(zj{=7CBxeYlwi z)V;Vs%?Gh^&5`1UW*KLfY7yd0k%QY6r8rt3o1255p^4-ewLycP5K!G8GyCl)bdGJy zXr!-~K|uP-jcWU+HnD$=HP!PVMR5#z*RI)VKTx8&QY2i+)0u{_(dR*Wh;su%FP9#4 zy+gJsZn#P-rCqZ}x&VP}*Ji|m%;ON@X~K=fHD$bm$whs?myT?oU$PyB3MRXkwytAik1BcVc04K6U0D7Ht$lYu(W?DF!>&P$5f@VBo59Q=|f!z2Ch zz--7B`ob>UInQJLBH>ISmVGlT(@q+sXMXAU`Rj;9W#%5$`T}9y` z8#OV@dGla>?U3ou{Z&G&1&^o69KiqE)-BeCKdkdcL{$-RVC`1Oew_qvhWw|l_VBgC z_BJboeFTlh=gtvAPxic?v%~=B%LYTN^I`!YEc6lb`?7adZNbFMd|n(Nu|uIGP`9EY8zucaWf(jRW_5I>+d6W3@V`h#m zGeqmUXMdUa`gsE@Bwk_eGPsDxM;jU5DH^qEMBFf_vLdLGvBOMKLXx`wn;pwhSCSFKf3FyYH%~3{C;H48%5i%tI@STwZ}f(+7FcX$O^+Z z>v8*}NXXja!l@DSp)6pp6;wK}d-4A5-|UZsQvcw!h3oRMoS5E_tHbq{gER7E|0#+; zjq4z^c7kGST3e1At`C{Iq4i4zzT@hSB~vlUaE@s(D4D<t_EgQq6 zdNo3td1GtYQ1W)I;JXaM54Ve*=dw)N@rO=u_`RcefPiQJbEzx3a^I(fg{I*XuQ~_Z zkML;ux!+qpA>{Luvo;!PdP#Fn%=zgZGHUea&NLx+ZW!LoJUgdv(6(Pw)l@(7SUK=p zNS1AwGET4fK*@XKZD-P4SXkhfb=h_3qo@M~HV;yOD*gmMn(UBS6c{`f8c(Kt?Az-9 zXdO!VM;$($zE!F%>)Vk!!UH-LiGfmEJgpQ@HP%g7&nqxgL|htx%#bSK`Ojpyr_0&e zneRer^&qre_4$CC?sXH^gZbW4((aPBuD2`7{4Vj=N*Wm=SvdL(wnqGmrImMthn#r^ zssf7VgF+{13cWkFD@4+O2gxbNodx$i!@dnX7#0(#7XKxQh%|qFEirLEkkj!dFZy1ly4(y4R^CwWns)4CV}Jtr z>nOAcFuNg_kqx7&@Kmk|%&LuW#?Bgkj@>_J0wQ3P9&o9+XE-xboVV2({#omn-t$QYDuC?av^z?k zHbE>wHKwG#1J`=Z$g*ych2BJ0EZ~dJNIMP)xru6JzsX%upKQ}BOqHA-@R-9gDuS7= z0!VT)etB>*JUQAC{QjXf{LNQx>LM|={IBrZRVnxCF=7u*__52XX56H&bjzf7h4)zMCL3r zrgmST&C@kcA%=`RTx=R(S=~s-o3vj+Aqq(XGRrIV=4#kAnar_Pl&V(hO41~HW%^&} z!E?vE5aJz8Ub@BbT0&onL}9W+u0Z!8+yTASwk%8*F18s4X-SsUvw@>Iry;m|(pb*G zEdtt#ej)|G83nM#h58yO9o$>C7q=gPy>b&?;o|tv_#e)=>-uju$s~c+1We~!!7k() zJN1=@;WiOs)($w~J)f?=%l zYD9Rl5eS}Cy%dh+f@)1l(u<%?8aCF6@wpT(QuLZ`AADE#)2*>-uLMd?3K4I$NZdz? zB|r?B1R_$XWmA*Ya+KLtI0tJE!;#SL>N-O&eKx=tdcf^9m2@@4KK9gthYeL7Xt(1r z%=Vc>!m@a~@JmU6jb~rU5u5EnAuUIvtYY^(5nZzS*D4+PPsPQw>RYi&k+s-~uX$KY z$U7>2mF>*tn{}>G7jv{>(9z3-b6YEPXUCWOFAsLExPH9`ghiygZ^{(optBi&Io?mx zv7a#YVu$BKgR^SEHhlr6UdS&KX)!6B)sGa3Vbvp$mf0r`YlmF;KnIje2! zU(SB74ZgLG*SXqXDxP9wc=#ekZhX+aSu=TYv2`MKNkZ=jB8JKe3v*_IB;6Q~R zowQb7MV4$|Pbx65Dh7VJifHwDbO6are}DT?sA~O6TGFpeDJ_l8sVj_{Ecs7i2gP4= z1&fXkbAMEr@9x`$sbw7~5tn;QB3@v*mMAoOJQeMHrqGddbA}s|qdtpa`?WdGPp^SD zI_PXq2AKdyWvurum)48xh%=Xhl{B?B5E=E;AZow0k=k`CR%(WDaV$Mf$q|qq2|cLk zI!q(}BG&(W*?%}iH9ug*Hw-E!kKwDyu>{;+#@Q*!m9YDQihp^&$NSP1zp0VSmJUdK z;$7=Ii+7?1Z1Dh&NmxW98uKCZ$cC|P|0w+Y@8U|fsITYeNhv?+V}Cz|yaUyWW8M*{ zsMU^Yyz0!2vop_@3zCyhFXdZbyx6HK%uV?+)s;%kW7=IHp5giVlqWxSD9-CO-8ol4 z%+P(UJR(X~BuA5%=Ce&NgBnPv9T-DHzFwRs@CkjERrQhyZgO zwTf)r?HlK5?fXP-VJ3tnglFpw4eyFoK6xF8t$c2Z)x2gz1fZNVh%U<5kr%=8(%sYR&%8b#@yAqWt1hW zP^_9eKKH_p>7#1PwS0A%@$~ZY1bg$qP4F!v6a6KlF^2ywh9Lm-(u z!r)aL`e3su%O|3jhgwEV{WeDub6Lt+eOPc%5PAOc*y^Ix7fMa_nU5E+QN1FODxn%S zHYF?}05gOb{N5(64KMhOJJQLdnx}a#*iUE$gen^wM@gD1RF4#Fht$O&19XPniB24P z&}SiaUIu^(lACq4&bd?mAZl(HTZun;F_5;;J|pdS>0@aXml?e(_iU*h0ueY_OF;H7 z3UJaPyVjC!5XNWVFJwQr3wS(e{&3ZjYCXfBw%26{T6&kB#2$_$9X*JMyAna$ngEZE z4+xq{INGPY(_OugcMsiZMr`!A&o;}6$w#Q4QUk`x-wMNuM#;yC=~}n9z9JO8CK{`peBz6d1Xm0sBfO4Xyt55r^;-|78q?Xp^n98s zg{i8p8ET?a+ufc``pgfF;cob*l&n!#b97d*w#!dwP6U_cfttRaQPymQ*kkoxvA`v9 zudUvM{P#zd4o1r>|JAB8XQkV^TD&!KxMfS1XK3guNc1;HmoNcB^yiKR-fu2j+z=}r zS$YmD>aF9nAzkUld{Xg#CPc)AySU~aLICQ0>*tLhGC*r^D?akN3rDm+ok-;>MO_XG z`HQXf;E&R^;$j9+*~DW_JFG3!mQ)_uS;iriz94DPS!N)8NL^+Y@wdB_9#@1^vRq{o*8 zmj#udzd>~L$Nn$lb2+4pJhU84tG^ZKNdZdS6Dh#p_nqq_#@7ModIuXHV|o$`m-pWe z1ve-{^>94w+}217)aqXmHqS+3A@2F7lJGw9H^+YYugubx7ah_AFRR+lPg+{_BM4*Q=e^M_I`oVTq{b25! z<1VS1!xlFZUeL9+_zLQ31+f}9~a^X$M z562H~T`K>~5k$*}U1I&NhqP^x$q&OHZs8sGc|>&7?l= zW!0~U5MHgOV5vKdKJ)wZ&c*7*US%bM36NqQt4sTR z3fAqVpLL$EK8sxD zt@f{rJm=!{9?t!Ljr4D-1kJ=ADF|E{4ppELS|k3G?YgZm4G?t^$9)m$r+OGp)Bmd_ z!WTDX7bF40=-zQ@sWT6+Gndr8E1WS^w;~n`XzWsTc=FbN79~dSlb@1)>sV)vH6{}^ zkYVvlH=?lMXeYYF%_ZpzJ_A%Q41|VKtg5 zA5hUHKylANFm%=q?}lFNHmwA^PNwTzH%wq~q7!=zGO>{UDORiCpdsYWg*iD$(>#=hTq9JUH-&PZZlgH^i!d;6ex zc`AU?7s{i##?;5#S}9QX+@*BaQkfbdXRhrBwpY9Bav_X-^H@mK-zNdd^>yn(!S`0l zfd?NRy4yIHL^QypE%;VQ_8%b`UztZsLOJSNj}QQLIEQR>7bt9d7$i!cEFgeAeH%LR zehPb({~)MQSUo<*kpsOUSwEArbm4ROF{b_tBzh%hAPwq8sEWSCG7K^CzWgt`o#$s`ZpF$KS#^qzC%6LD zJt7U8Y|7%oPbq$f-tWeZ^Lp49nZ<@DYA_(Qhu*|aOjAND$4-w+I7N>>P>{~El;}9= zNTUegBihPd*}mOa49TD6=yUL2tSR19nIj}%rbYVtbGG%?u=Bme+jrch5V44%EF=B@ z>gv+Gc!+h9&hxgmxvx{Qa(%DuV;m2 zApnb69Bfp(b>#?sKV+%1ep2F$$6Gon)K+7z*khFGvsxd^Cw;ZGS;;qF!xW1Y8&Vj$ z8)Y5Du6+0wRnZ#6`ZL`9Xgu4ng4K7n#bB2>w)B-SlVK`3!i<5g%tx09n%c+uC71g; z4C(%L&43<)_L8%>mW*FF^Ywp|_R31R8ev@Vl^5_YMR@XW400zV%s-PQIITBd__zSZ1km%cTD2gdJjr{gN% z;w%24#w^~Ua#Gxu$w}^0w`rs?wi`eb*P#4&C@c578xd(!!aa$)_k_b*KrltJodbu@ zr$A;E?17w{!-lKU!vXF~d|gvd6wN@2k9k@xaP(;I2U?g$T{$yfm$xr3@Z5VZV|wIQ z?Y!pXq(my0p>*v?l-{F=ngYzyh3m}`uBp`Y9DJ$QNKlsIdMt5(`oFF^KOygf_u}t? zBkuO~{{`Zuo1?mTOruEE%D)MR0%=EKuBRoN30K&BJfT29``i3+$TWY`+vd#ynPz{x z)b#VL5aio#F@}f894^H1J?tclFn?*+ZH#F^x)?EEx6R*0`{F^s7GI(CQ zp81C}guD>l6)4{NF@+;Q`tEz~-YlcBpTJ$cD2X~x@L5xg_J*pRzD<7OF=&UUhoqUyd`MJzc0J}RpCEc(-5fAe$NWw= zrm$;i4P{>9mUpcHkW>4X@QRMEYdKD&h50&G>zm^+Gy}st<(3{ZA^d?-Cz5)AMsccE zxyc%syzo1stTjJ(K*}-!8jOH4mvvXdP8_+`4ew=sm4mwD%EF@-wKOvG@C4+XR)!*X=DOk#~vE4x7&+7F9K zs*AESFTY6nD18mV%Q;uf{J*k_Ot#wo!wG%{6$2J-bQ$uYYTmDWi?s-FQ3|z@^ zk{7^5?@%=22tt_3P&cSyab}>_!(@*AD=fD{fCz@RhPoX!)eF**+LJz+M^Dq&74-pY zwzR8ROKp>co~1hAXLrTQYw~%w%7j_j)V0N8rwse?*d#T+rh0c+y?hJCdoy!tHn8lz+8_J8x*a~JsNSVzG!*f z#rr0bW=IkuqXplID{Vc$NJ4kvD9a?hg~NJ$pp?T#?W4;49a{w*G0A$E_U9fP z5=dRl{kzJ%qrfvKxoykLbeY(Mbgt0@cp5>QKU1@-M2WQ<3ikSD$fnW*I1{OV80v=DOfGRjjoJ<<8 z<8tkUQ9Q+kw}=3h3W}XFq32l1f(gO+Li|6jjuBeMEm%I@0-;f_3C0ppvBMQ!@cY)DX-;kjEOm z!u6Dn*7F_Y$o#Mxvp{VX4Q*{^5bbwz4cm}*L$Y&e+<&O-$8}o^6^<}FqFp9@`c^j_4uHQ zomXV2r`;HXI#k*=O7U$g6I0>@Bf8$^k;x@CV$pcp7_oTYr<$ar(Q_m+F)iz6<-74Q zJ7)QB!~OA|F#$0MZMe;JvK&=J6-AtxQy&X9#OdGjRArz2@fLxryT8NhQ;MEcDxBHd z+RS)zN}3A;?w$`QY_zDoFxv9z;$qlcavc_4$x1lqu?z%3q%r3tyi574e8Yn5RJ$>o zM|_7s7Ph1m`Hw`@n)2#rV|c(+I{Brvixd3g{9dtf8suM1oLDQC zqkgAs2Mm2;;hll3II<5a`;E=2`oXKtMNOsN`;d5@b!YrCD|d#STF5&efh#jg4F2yQ zB94gwR-!Uceb}m>a@kjSE$JMeHOr_iqG`g3bGQlfy1mImJum6Yk%Vw3@D#BpN~d{j zf8-zve-sg@7Q-nVf#lQH)J~W3`+?6yXZ`DL6;RF*WYqK~m!*Xw@#80M54-OJa_hOG zNNBTyHWS@Ie!LRfYv0z^v?kUBiwSL< zKJ`6wu!xb9qoadC(rwoRrNMjXMD$u-TgrQEn&mqg7~8cNylOC9wfS?WV&(B?U~iWl zhWUDURndUbS8FDLM89W5RpWM!w`ZFLI9qMK;IVMp?JF61kUhumk|A{8`L)<<_qjrc zezdqbtd_hcOpoWIlhd-eO6pAwg}R_}blbMz`J*Gpt))=$ouCjtlWTy5m6aD>rz-;z zQQwzq$|I3^OPk!fIwA2Xi%a%fA@BqCh?Km$5$cfB=}}-3@Bv+ieBY>158I3o(ALT4 z>vUG2iotAKDdLkvL>^=nuau!Fa2fUcCs}+mw2=)2tWJ;$|CHUYm{1EV` z(*Bh5ElfxS>QOi8=;xtOIScF{B?}&;Y<4e3u)cLj6^#dL+UwsJI0+tb*GkAryK0&` zX*jHKX?a)FVMFe^$x1JuUz01k{*P2Km+j7y(R2bNDmPM@KLThhMVIg+w$|rzu&`ht zntvMWJy3GFrH|TG2*w34u2Fe0X=7~s!*WXRIzzFLBBQUNcM*onkccB<62h={qQ}*I zJRW1dsXa#ghwhkdLRtrIO~O6`vm$4RCXo9_7cA+yOZ2kh(4Z%vcO@HAR`4DVm84QL z{r^a+s|PX7y3gur0e=kpu~^xtwfjc;BREV_x)C$1A$Pp{ZdXG}ilMi=r^|!KIbh-9 z31wLKTGvgAzbMD|N<6V2+}7EXO+nh}u`GvA z3DClNT|{6F)aA9c3$hMs*FsosEp=P&VqV*Lx3$$%E6KsY1?{i(J-Zv5Kc6iNYXJ8B z-@NqnSNsZk9MKzGDBf!fGW;#tyI6ILJkM#(BIaWF{QjKs+_k^AezrUMQR=IB(B+ck z1noPxmU7e1cF4fObD4|t1f`ItM4zZwC7;ieBSVr#K>pQv`OU&#vWP=l?bktN_yMpH z(&=DocmdCt5Kk*W2ZG>K_u1`BjbQbYwb`>_juz~67svaIfHxoE9@>+k-Y+);^2i4C z3r9a%3l|%Ekr8gGw;g|k%&H=~=C^i+TZ-_uJ}*z}!&**$YDQ2dp}*I0ZJ{BiPnzZ? zp~ZLyxB70QQp}0(oQ5?&PPjF=adJ8fsTE(3mQVc`tehr6lpll)yqIZ!R#`^(yQEa1 zlm=qbO}HT4&^@#ByrU)hTD(C>?+yWS>Zq#L+6X`*tF6`t07ZEfb+urg=$ifKO1PWWmd9EjSSzx31((>9FZp?-g&^&}ispZ|6R{UfwbcW?WA^G926 z$_iYA#bMPo*$Ux)=?|umTn@)uCM9zXZU(N0Jw=b%m40$$d9<_o# zFod9v_BLIE?iKYUO$Ld%z_+2aqzw>YnVJqmo(y^P?}Ch|SuY>?Ito&uXjqI#_VYg~ z%yekzwX)a^`+XR3)IR$(zCgImVh2!)d~a28$LP_)`^FNwRb9ipA_qPj3>t=W4+{oR z<}BlJG3u?gO$q@{;dw%eu23hO9-K4mMz@90Pu*3&&Wchdl$z&3f0OP&AmBRN2FFSF z^iciDkVtL7s_5gp;XwO4{1%K9Us=WI5{$mMd4{E(+1-xKZ%~sW0o(rn#vx6|qSmW9 zWmorQ#`|w+TDQO--6~a;gS=~xh-eftc$RKy$Rsn~<>r!rBaUp>M>2kB9#GN6OBXxQ znd>-iLiW&D(pJdPXa%W50Mqe5nC2h6Q%n%>F23A=?WtIW`Sj65OM_lGrbTsMKIrGrYnt*l4VgIWk&q)OaZy!MW!Uez5hQ?#56x7rCiNB;o4C$E!vV7-^S zYM0+i1D<5XrN(%83urJYZv0~#m<(%0oA1%+7eDyHdpN~sRR_8}{`ZR#xK01z89zYW zMTx@4KU8`UGRg_C4pZK-Qs7R0Li?_zXM{+)15Y>_<*u1Yc&IHFxj$vQ9H{t(dvGjn zc0D0z-%qNEr*qbp2v7PIGjb6qYoylf*w*mw%j5`Y+d;$#gXrO$nX{#9{b-zw40KC+ ziN7#@FqhEckgl;1i``p@$W<2TUa9jh9vO0@6T=27q&r(D_{cuzUi3e#au~kcbLFIm zgEmjf+VuR`?y|4@uqeePCRNyWhV^uf;p4?>rtu@juI6zRlBI@8ZI+SC&#-O~AB*?I z4Gblr>?4$TUYCBC-BtKVH7PNs2t72l8Zy_LFh ztf?jQhBG(KpR|^=#fJ)#3G@`(T+kM41J-&T^NKr{JLb=uQ9DIEHY|Shn^apaX9G2}c%~f^6|P z`V?1{eqBRQSn&i3l71E)MkcC-wV>yet@`tPJ zv@V)cg-@ja&>R2U4U3JaP=0B0xpeoIk@P!MJw=_b_sr4z_~8El6+!C0UBzT-NbGn2 zXwwOKqfKVgp}9nKlu8QDYxMTul6a;7rdKWIs~kcz=wo{Lnrjk7H0OW_YUawH%W;^3 znZE+l`-;(~nT5pXvvHty_88d#olc4vZ8#9~n(TVU^AJP~%w@}}HroWm>89bS9LXg^ zE(G#g#Mw1J4KeGzj5-{rJNukN5U;WKaw{pvYqfNl5Ww@uA73~BE)enOin%^3GPScK zLRk~1prWxvWSnEpK7pX^-6IjfATKeb=>HOC_OluQUF|Tt^rMSdDp6I}*98E!mqkU_ zd!BuM{JGB|I`!M%-&7SH55m0f^~;w#7*3JiM@})P*!sBNR%Y6^Wm)p*^X26hLr6K5 zl0@YGvUzYs2)y1G04rNQo+kjfP?L!2(PfB-d;y>C^mQ;%=EaCL*~Q8q7wQv|QXq4s^cPan4>xh!j&;Uy3WRljl`eace0jzJJ|Zqf3F7 zN6uS}C2$~edp%RR=MaOZ=#(`hfM3Ke>l$@RSBGUSxBU2WTWlS11^u1A?nvY&9tJ;-Kfq;k{*g?JC!}N2^Hd6^+a?CLiFh+Jt5(1uk zt4B*Y_^Z8aIhXi+J49r3aVevR=XkR{+VE81lp_ak0>MlLBeuNt`~Uwec#_| z%yD+1K<=n}{C4w~*T6=T?U66DlNuoU;QvBLI^3^c`Q?b1mgo|rnAjr}q^m!fx0hvE z^LoopO1*zsz5mZk;DUZO$o7_&tOA1rt@jK#$r(3IO20*!lzj z$4i71MC@{m5KhrtVrx^uhzOBl3Nf+AakB4qMG>5rsI5(Aj*-u^i)zVnOzC}^+L)4a z64hgGM7XZS43@QwIp+|UJU!p`Tv94mPH0R4)MUu9S5VC*FKb@boKo~8X)s7Rxn6&c zi2$x5Bc|JJu?ubD(<^W(K?uP+?EQJl)Rg10W)E3X(QRAYk{*~<^nTw)pWC(|;2bkJ zsHdbD1E}>rOr0DG+qQgteRzD+ew?LbUw{*msD=%U$(Kx#mGu0+=Oynyj#MHN`Q9+Z3lr&GCI@n9Z-{*E&ByR+ z4k$E7&Rt`2Q6&8Sx3|2en1c^^d@<_Iwz6d;iaFN3I>asJNJOo6pJKA7_NdJ^maVwY zIG4nMn295|qnVhfdZbZ^LB%|r;nV&&TpG(UIPK>Xc40cr%ovG?MjQ4yu}CSxMTDe2 z+#C!<==vN&PoiU0ajn}F-IjdThH&Kpk2#455cN}~<0h~^Mk&cH0fE_1qB$?Yz1vfK zDQ0RpMkY2hRUx8vDWVnv17hnV=QO9BtzBk$vBzyYTMtCNk8N9iygy4yQ>4~@-S=Z0 zwT2MfIizZYWME8eU_K{EG3@8*s|EllIjMm|3EUMlWx8AAS{Q;eEM(JPtvqT7iTI&up;NT$C5Mmf(QXu(U6#RVPQ%UZN1%qYHKH>8c z90|%+S{qCkT!lZe@pEWiqVEUFmgf*xkHiw%(eZK+1|kYM%2bzRTyJ{d+Ey%xjYI0oFCQ1mM!;l)@S3u=Ua6* zkxczGs9kMvjA7p^d@kPt)2A0mnJJ~{V+p*C~l8BYx0<9yvVnJhJ?6orS8oG z?{1GZmAJp3dCg_ZBI=C0UMKQ(L%6%Itg$|OKf1S1A%)|;5|fJcbKJgeqfR31bYjrGZGJ{eQeWr$wHodX0 zM;~LJ&l3P*4lc5dOH3vF`Cos8L_hxa42kZ)tRaQ_*EOzjc`V!OV!js&#EkXX5g{fv zwa1r*Kl#Xh7L6|MM?XH=X9n=_Da`TS94#$F%bH>iWzFIl3q*N|o(o2S4Pbw(Xwc5- zhi6)%TZvRurY^U%+)`Q7ddp>r(?xfeo6DT!ON3J`FuN+ab#Wv#B91c@B0|MBPU<8a@bFSp!|;dTf2QUF3f21ho9{rh=Y z_vW?on?q)wM0h-VF3}@(9Dv>S&Vh+grha_e=agQ%YZ(0W^u$C1Q@y5T*F!Kg*8qT3U@CYe5GN^2Ym;tcvEyVEru{)BFf`<(` zDaB+60LB#k;~s7JMtHdw8Pid2j@qEWCT0fyC|?Q+Mpc_#uD_A+V$zF(f=*!$&iXvh z=I_iWhta`RKy(ocQi>kvJLZfrOi`bX_ddLd_qBr;%I+5W8OcG2qLNZ{)(sJIaD60? zDR1vj|AK2ts)~fSb#d5bN};vE%w`q>e|B@|k?%Pr{iNr9fBW$N6xAsjT{4N}Bl)G| zc~M7E9O6XO#z-+;TU1j3f46O07eeS`{{4^dB_~levy|huEv@xF=CT$SrHnoUlSj`G z(Q#DA`npr%JZo+J=CQkKA#zI5RND|Y5F?^bkk_@GXJdD2rYNFQM5Z__wYKiv2qBi7 z-aei>^>JH|v%WlTb4s7`xNYyx{hxmOGDT91&!ajBHOA2T+-}RKo6vj$s-7X`nQm%h zNJ??tmU=clWq0c`q*$I;wc+iqt zqrAHMWHC|7(Q(eR&$4DjJda95NbVExNV3bz<)cu)&pat6L`Pmk|4EfC`-I-lZdG&4 zzo>d_St_yBP8aM&0l~MCAu=*e-!~$-a##O9rrzX9k|fRU`!-$7%snDAYwPYAkOSZb z0YKh)=l?IfQb-XB1T*Zes?3aVH#6Ophi8%CwYpQ%)7?z2ob}etsrRa;`7DsFixan)3+5Nc%H^y?T+i0)z{n%-1>Gr3uKCEI2F*Fwm*w_( zTkfHip7s(~|M+8n{<)v;Y1!f^V_8G1z1IN%*ROy12~!4U&Z!^}gNc_V5HX^cytnf# zW8lutExFguCraTGy&D1=H?ggqf2{H(^`7ZZH(cU037NV zGe5JB9-Aea*L=6;mY${NHhTBb>7{-VOuY8DgOzKpX-}Xrc0IWJoncrPbbY z%V!N+VB&a>`9iX=nqbicRsHe(1X`fx&XdFx1GP)1muhmSwH`Yaz%rZO@&S|YZMyDdqbj%sO$FL~| zSLzsZsOph&ZG)JQE^KBYI4m&77_Ij)XCK3y;=%bbyklkOZO+;H09hMw3!2m$>gQ2g zA7jSoVK)(B6&-z;stObF68(8rlwoG}?a%kt8WDx)K^42b-mtzlZ;D_?oEVd4pQ_NS za;wcd+it5ci^_Q>VZmP=7KC*YGll4T@5}-)`uL#e_;B4LOk8pkW+8?i$vdaa-uXEu zs2=7FOH^m-o#s?RaLeK$RhmRg^ygW;v*3NJ*Dhs=;WE(?qrQcXpPAXfPn{#~Gu0e;n`c`?qiJEbL6Zx4-`O zlbV*=^xyrb-=LCo&M@s*@A2FVgk0sUlPIjNm%iM>^VF}{;(o= z=Z-U9EY8}Y+Gl1=;`^Ae>C{pm`^n7Sx&27J_f)QA4d)&9dT57AspeFKq4->uIOp7! z_}GtJ3e)`gr&nmtmc`jel((v++^`y+lX9uc61=zP^Heiu>df{d;{$`UvN$}_rsneRPnvOQ+n11oC zb|`kX*Ubf(eHrLgCZa+3y1cWT%JbWCds$1aP=Ti-W6JA;gPAxV1!DyuM@OF*?gNI) zHi&8ViP1Rt!WQg&q*i+GJ)bph-n^wF$1U_W_HRer{Aj}kn}gOZKsvJCf>ZO}AkV0+ zrLz#t*80oK*2h@a1s0==7&bEsB|WqAc0O|0 zJP=Z%BFg!!EG+sVq;3~pLQO~O>+8}GWvT++LvNFr&qpdpoqe?0u6-zz1?#=j2e)m` z*-8^9@g92XqxO$}a^|zBT|iF}&SzO(LP_oI?+-{s{OZix{&vQDgguw$9356YLH)OX zKY>dMt3ykJ)mhlQI9^|4&F%c2#8gyRS&Y@`@ja;%P~+yHR(jaHsvh6dXybTGaSLkJ zN_XA~WEsqlKX)P$7U)I)>0f^F!NYX;^7-Z$S8~07T5GOM6t<9_dAUVVRulBtG^v~w zY07g@O%=m(bZA&Lz_?ser8&bIXi|s{+NbqpaX~?9GOy3CM_3$Gh3Ha5#d&*vKd#GH zdAmmze!iV*+Tki7LY@W-<)b{`kF;laZ+h=OxO|je`}xQ$Y+kq51rt+s>Vm_#1Q69p zbF{%s+dYE51$qx0)g?6;As{B)-_!OQ)rq+uG+Sfl^I6t=4AF(f6Vdv*^frjuc_$|M zsFOGy<^E;e-!rs)+e=7CRpp#ot37T$Y}eI>zR`PYb%f}gQx%y^&Z+Zuo`vbU`5~_b zGMkBepXZUCA*pcYT<4?^3>?XvD-j)MUV?X~M=HqD_1@LqeZdI`8UO$w07*naRB)wr zQ7NtCly=@qZD%Uxtk2oU$gLBTnGTww(#M!6^Tz)Of)wE^YW|XXA}|X9IMP}la4Rtp zk&2k<{!C!J9(!hC?4r%oIrjl{YNq0%XQI(3u!qN>}U7WWN z9p+-A&k#JMoMu)^feuAfaxQU+&e^%A(T15qIwj1&9?UU;?cUba%rH8;AoxV<64nLY zxvPYW!J|&-ZEV}pTMyo|aL%QF5O-SZ&aC%dYePuzoTJvZZA)!Uh|O%yS!?_FH48JZ zYbd3b)^n-*ng4uys_B^Y$Jg)w^tWHl>3${=`R9NBjfLJHJ5Vdm>+QZcXEC@*RBOd- zSO2H~^qT@$Ip&ETdP;f74@Iy}v!4-n-Vjb52;Wnusx^T=3bR`}uO;kV~+i zDR_^esTwMKk7gZ$1XKfGzrU+$D#gs0<+8S5+AzUQ$IO+2_iK!;wccm&PDNBT!Qvyb zuHpGSN~s@$VFp3fO!xhC&Yt^WYWHnrW;h~%tRW^9b>1Tf0C^m}j~M;8@9z*#)1;S| z+i|AW2hGXKL=>YRbG+QQoJ(*{MRF;^Tx#{s)mrbjRYacqi5C<9q|%ym4zdJdD!Jxd zozr8_s3xIZrb*5zP_U)c`^(yUZ>{H4+9hBh9Ivne-~ofL7c&?athWyDsW5}dpe%6- zKzC!XG{!8sUx5$8z0Y+Ct#%P_l1_KytX^vJ4`&!VO-*qr2o>!sCHS+EHJYqDKydKLJ?YH1>}Y~kF?9MhbZ z+{T!AE8`l`U_h^uj@tV`ZTkFnpmtebV}6!aa8ixszSPnjg13TgpVm3%{pTB-&N=b4)TP<*eRY@D9_g5FF~JWsT;XnZg$9{Y1YVhrmV z=A@MKdFE}4y?5t~nASB6n)gqus`S=b)lAA+%voHc>9ruOxoxkTkUYNc7xks~?R914 z<-VrJiOG@k?s%j*=j_u*7q4||Ki*En0+_Q=dp^p`PdB0qC@w1C`uper-ErP(=@&e0 zl9*t+tSWH}lc?o}q}aS?78-51c)dXuoCQnIJm*xWeROpiRzK%#xuH$1skPcK9vzc9 z!vNbw2YD6Igz3;l=U49+_x$te7Z333#8!IJ95bxWFTNaCxO-TfC|{V4%`f)|AcWuC z=fA%A)eo>!f~9B9dsUNi+1ABJ2k_Bob9s$vFUviSYyZTso5wBAFx$u;I%Q#G$^BS1&M`}>(D`7K5Z7>>o5UjA>p0%hobz};&6Ebk)o(BH z+dm#*4aEHXc9^#@CJBu`mMxTAnLv3LYy}DMy-79Kl3OkP^Dnnr+VMz}2uw^C0zP%U z1rh%A>z$eW;(Tz=uRDfuKHAHd%|(0v^B8?NuYL_BS74Dr^4Px~A-WK(mNwcnCvaCE z&(caa?`RSWxnTLMVe?`Pw-WXt7!bH%YLbr9+kk+%wEUZX>>mM+PK}9ksZMoULrxXzI2@{z$T>~9 zg3;_uMfprsl)ZQRnbd3$odD8}siu7nVg^y(c~{%D0Z`LiD&~-5lA17cDGi%#W*%)a z6UI-(Y$~l@HVGy=Q-SPn!94|pn5#dbY!rYO0GbsV8ej6d?0vBb@t(%!xTTpur136 zwr;90A;ozNr|O+C6S9+A8xaMk>9#Jtc2P~~LM-B{GBpgs#+Z;jV*=F&Tx!yRLl8ko z=>5L-F}}Y&-yg?wKldY@xxPOSAKcsHxvX*BmeTv5U%zj+^~>j1HT}o$U*~0|OD``g zuDn{?x`fsSvxutx%YXSRW^CBp^*+{@c!s`AEI1RwVIrYDw+OZ?9mG5m77s{&{`-<2fgN`sK#L-+zB%M)>@CZl6{ktT#N&m|1e#6X1i8 zf&Te#-{X4aq1-=jm}{Po^#13QMS2?$9QQtI=>Vm%3K6wBT5f*zy>(2#Alo_~X^s)M zu)M4e;p8UjG%Wsnoa^g?-h+sG>ysv!Zt9dizB(cryCDcox9*&o*~AQs2vJ;fj2Jvd*U)xjK>I)R{Y==8L(&5m z4#abp!EwyihpDt5nvjoyF>-j!YzYBdFeW}zhR0|Lem~Nr8AEVR)0v^D%Q;8yy|Xoj zImT^UYHiyZQ!d{7C5Dvi{kE1`uS2bOK`>#h&aCwg0#8bX8Jo2!EY8fCwbo1(j3X7P zwT(%wH^hR#exsraRM{kq!<{pvjXWOvvP3gYDQ{~WbM9wyW-~hh(Xx0kY&R!T$y!4d-svMwoSDr8Vn6uUuv--7)<$oAStARJ@+I#v9b>lI!3V=T z%S7i<%!G-t$pse(fO!yXm{~>Vyc932%*e}hiiZSI5|e1mS#onhuV#2oHLbNdZ{R-? z(U`NfzT86ZeYAnt6zCPN7;MuyXF5uV4l-f@i141`;)I0;i;ndkp<}to2SlRs`uRqD zm0Zy8;bYfSYiUsUj6Qwz^Fs%f_7v8D!M3V^Pl^`-8#5oQ)js-Mw<}i3c}r)lsl+Xq zSy=q>IH82WTt6(%M>po|eYDbu>Hc}eaGF{2US_`{*zlNr`pe62|NfWl)AD>fmV2CY z{`~Jgr#&zCsHW+eMWkS5+Ghyfd1q$WpY+z|ocO1S2>xR_Q}2CQqZ-%J{`sGOdF;pi zzTUP)MW4?T9&1&3JPzj_bT}b8=M7$hbI+}|<2}tmwbWLc53c5p(!8cxQmLshA{3mi z_lR|TtF5N0s$mTPKrOcjQ9b}ovrix#u%ba!uzV2D=9pLZrwM%|{*%30Ox>#r|0)pX>rdV<5xYt3zpp(cR05|Idx*3U;aCt^CsLCZ-aHG7s+cVIP|k+vy(|5O8CnB#dV5{pzdl>*A-ebPJFxv~vfQF`mX2If zgJjM~vg*((cU7zcw8YF4^PAsz3dc`>KwBi%l)KqI(dtZczrffroU zUTbM$+Iw$xw9?uK`>U0%$}ZUc{Y1;kD!q4@6-OWH?DMbpTH5){A-Yz3$@KydkFmW( zfVR+~uwF+Ws$=krnJFwzO`Ox-M$H4i)Ux@s*WSh$qm^+y^7q~_AO7sdg1sxSbelv_>=o)wr z5|vW>x-GS~Nf#b{T>{*FwKg*a;tv-=AJa_61+^1zrmDfaJ!Ny&$0)5$=Gr=vyohMh z>}{~}m~`Q5L?(X_&*n5|IIJ+E3BmU^_)^ug2&~BrU>8J62-1RO0z~{6eJ$O4V6lqG^euI^``|Ae8_HzX01(~K{o^aBtY;i z!2AHAK5K#WpS*WGiHV$ZOoVXHFP~qWGw&TjilAqPM$}Z82#ERP$or9;8N7vZ-G)~k zi?zrSLoOA#3D6F)Ik}h|sh)5)65hq3*_>I331-_mHq1y@rYeWK4EbH>e!Kr7##-wwd?Yij6^OR98@lIQjs$H3U0@JpP} zq8N^Dp_jhiV|wQIKX$-9fCsI)VUw;ZHMht2Lsjxwd+W0g2#}cAoW?D@{`z5{h$-( zBe~#QbeKZ1Uh{r2@rw&<2wPC&ycgCV2pS%k`~j2;$n+c-D?^0nVVTu?Z+*1Z)^*9bhzL?w zE@^~m?>$BjW0vTpDTEDxC+SBN6x0qlnEL1}?9I&y?_bBN4rGZVWumz*ag1@M{Bqk` z@3l1V?eRReb!olt$NBoQJ&$t<-Z`u7N-TbRJk2ijI|4P-l;%WNqoRFuh*HL!t@qx0 z`Ts?p5zSAp_nb@b{kfmZ66P3_CIk|ATWYPhZ9{qb>GeM5d_GU_ZCfL30638!&xDhD zj0u6$`{N0>aY{7=Z)W>`s!E6+4&zcA@yxl>oH2O5c$)<8M2!ASkk4^V-^AVKF%#=Oid`W@{Y>D}Gu0WXOplo+zzG zAHvdWUvDuTB`$t~3J>2>A0iy0%c-JoSLK}BviM~QwRQjwd^A>`lf(q;g4PBx#l;bk zIRg{yVrgIUUx{nTxi0Vm_Gumk)&R8~hiNU1h@DsTxO0+u`vEfrT*ZRR&pgIlZV`L= z-p3qtK9fR9o+^ak5Usjk<`iHbETF-^Js&4DjaPHhN7y1{QflU-Gt-)C%MGN?bz5Mi zxccfjN1t)?L_BH2j5M!kEi-R9RTi$LjWOz3!Y#O9&p!?q{Q2#ilh&80PN7!>aAwT; zd^>u_g-yqMa#wuVG}BgEE4`NvrwYay#N28#XSLMPk)PnwnOkeyZE3wf-;djU9euRk zV)TgDA)+5m7ZK%BRRyCE7wkMUR@LSeU+?jroOg(ogcOtc()>WztSWx-%Wa99D!=F(&~T2{8$j%zsHPxDHX%&P?juW8b>XuS^DJ)zraxnV6FZy|0$OqW~0_H48Po0%Gh**Yho zTEfAe_hL?e1eUG$kdC4%kR2io8p{E7Y9_sP^C~8g)G}W+4ozyM3$qL6yt<%a^C&}^ z*#&ELxZuL#N1LOKnyLlsr6J{XPO7C5)BD#aHe)R8oTj7H(jH%TVk)VXT+L}cOISV4 znf4qukN$_4TWQNJ_{Gy87Z3?LP-dq+f21GKj|w53)p-MROiU(CnoKnFUR=;t2h+r0 ze)LgNW8rdEjQqd-{e6yk>>2A>^9Bsp-~PidpMJZkld!mwYb`Bq-n=?*%jVaYi0rvm zJ96L5D@u@ZR;DY~VA(=BYe|(RsY*%h)6X}SYyXU`U^?pPgXZ*$rDqXiW=5==IZe-E zK}AGO_V=v9FckuKTT)e(?PWcm8IMG7U4(n{eqMVUA~Yufww8`I#;CcELBbq^ z^SD?=z zUrkG`aS2%Fi%M9653cvl!kCB73(Y)Y^k!O8L5t*_0$T#n6fFL8!r?z5glmXqY6DR! zn5;o^;!(0Q&oRtYMdl@oHSg`^WfKt?CPf(Di4Mr&xKwFp%3uF{tZUe|CFjP(W(L3V zm{V1pceib;t$Xjivx~z%>4##NI%2EFtFtqhzb?r_V26zdgM7%)G7(r2FP9 zF22+%!Xf(i$6jmgbI_#q7U#TP9OrFaA`_`7f{$A3`XB$-f5HqKyL+MuojQK?Ip?wk zCY}TPo$>a^zTCq7^Xj8J_fm87(H>t96zGp{C;aSl%vSp7<2wHOP%pg>C{s&n2zL~d zUdL!7??s*B@AZo_6A~&%Rg*8jz2G!ar%ddFJD&OV%WaH7lffygwZDAX%$Z*d{ONKw zCeCLy6%gg-q?+5ZMf_kcIIIFiB`yIPq2rkV?U`eK`soGX?aMu?39^1!xHlvj6Cw`g zqg2aKVUXZ@rcpx4;T$-3(g*nY5NxQpG0PoRM(6g<6_l{FlFe^3mTuZ{L4^ zcaZoCqhl5o_>~O_bA1v~dZhGBt<=$H2o9i6o{X!~IoJEOCA>5$!YcCI4*)km-1=Nw zzaXJ_)LO@$3%MtAOpt(8rPj`LiIov9Mjz>nxV?oLr~LWB&r#LZT5Uag2TPFq;I*T+ zxDE)BJ_a1|D6CU1ueYtW-g|$!Z@srMX7CO{)_|NM<-j|4<_syML)-?)G?yHRRn$4d zE(0b-=WO3kQ<-D_^!fGqJnpv*)`$x4%f=WsH5 z=W1)tJ0^PWC;G!N2MYY)EtjgQ_ie!mn{pv0^cdc`T&jvZkJCHnolCj&(IG7(BKV0z z^ve?7zCS*Hc^P8_@7B%Nf^w~+L*8x+6P40nc1LqN`Y>lX*L90nFT~ZSv%p-7Zj*@c zc_7>bDnUgtlLLKLRn&|={1_M^UxI#T&MD}qrZS0Gxt4}G6JTSaSD^#COZynn!N;j8 zV%A!N@@Mo3uMS?-A6s?szY$7+3UGp=a9K0^`Vyf9N88}w0wk^lNnr}RArm{VB{k@U zVB_n3_~@^0e9l%{uS3mnmC_|nGggMH4_ZF7@yjjv7}Amb;x9g_DKRGq{h1+x5>-*b z#$&V&l}64L8^Yd3OYK00dVy8x3Qb!-Epv=MrdwRA{q?sOqShqh~c)vb9ITqhQO(!f(~Jfsb;OT z-utLSotj7WPnfbp6;MAAI+*+TXf^fGF5CV2o)m=2(#u(xxE%S%HK9(Ax1*-&qC=R> zoD(E#7GAcX-e}H}TFtfPHs>U!QOEJj=C7><#%kv?6LZ{ruYD4=+RIrj=*54#?7|go zaLa9sA*M8@U&95GH{`{hes$|D`o+UpOGF3~1|H+*zkFJ50X)T3 zeb7IB$(32WH|I^gjxoaG@=?VJ&AGgU);e@qlPK@ayuyiuc?ZVHb6jQj=u?F!(fLdz zRp+gy#zfBR=P#R6x!uF)bM*Q6dX}@nmrrA!&+NSkbMS^T@j?T!1n+tuFk_X{L|EnO z630NmAo?_dOE^Slrq0=%S(Bc@~IURHT%ebM@YEHm+M_25HoXB|v^G z!bo$(coZBzxPG0p^GHNoYl9q@nTZj#M#P*`F*8({z0dX$VWg_g*&OttxthYP%-&gV z-I>K0oVQ^SVaNYgqXG`;LzKZ-4taIG1xFW}35ge0b4+`Okk9Rlr9vUqNMm-5H2}5E^~r zQ-;N@FU#$9ExDeL6jxu)T5Bu0ZLdpB?eX>a>7PHn{&MRLFa-9ihxYq`t5bh>4Pt+gw?Cb?bA9ZjX7)S zLG zh)5iL_S$+KCz3v+0p)Q%PUjT?mT(%d3T_lu0i*`P(0Grx&s$jiB)Wax1d*ktKDv?- zh6Ugp0c#e6$ZP)SF8r}zt%4kx~MOXlH4BkQKgHE^i zF^QZhWb~-;N~zAfoU1U?q!8SGBxYXMh~=7@=2D$^y>{$a%@mdf2p?;0Sew??TklH@ zW_nu}BI;wLl(%i!&(z0=;i3TTNAlh+!9%F_=lAzdFSpvdFpUW>G{@kNGYPYq{RjfX zBwIxh9K*~=Ts@^Zscqx#5r0 z(tL2GTuH0UJm(l~;E$__^A6`SdPSV$&V#DK7k*?+WT4=uFS)gWn8^xB-?VxrDw zALXp)Gn*5d1Z~gpNbm%Q#p5W)Xn8V1E7>i+<|cZ{HXuS6ed344Sf#hFrWPD-Ei#iQ`_B=hbEPWsCVJ@BsAMkuyaX5|Mmxh@M5PxO3KOKi<=qzrDs=P%pK# z^O3RExK?@2n5d-YqBCc44L*8cRcdMK6k;b(4SaMixO^6|_nf`|^U7eo%azQ9{=~1IXr@P|NiLYkMVFd$nzyU% zP{DjxouxRf5thgQKoG^aibB-~4X-LU!wTntkt)=D{OV13k>l{?hn)aej zYpVHK%xkMdO%M?$@u&%(lp5*xj@+ANr;toP8{7_FPLB=Vy)4Hw^*+J> zv7qUh0oa+7N~-wXg;`8nZX)7>`QV=44{Q}gx#iBx=8b5w@|VB7OrH6uH8+}cDasa~ z&suT|!J*T`)w#V!Q90f-RxYSyh-ePF`~bqDEFx(y6O%GkBy+Lwau4gLD9Z8X$DA%G z!cWJTelfH_W6WMB5v^O8G=CgQXq;IjJ@WJG{=fb2|Mh?V55NAO|Hpre(S7-{ma}4e zTyi(3llXj;`{yM_-`nuc*2N1mPeS>Av4C2~RDMnh;Q|~1R0?(^2trVqt3fc2y*IT! z%=G)?Xrq_X+UTYB$y96W1G(l`WG{aDA4@`E>SL5#LvWyjAS?n8-@L57jEz=FH3a8A zJZ3b>nYK2tfP$E_wSilMhymYYra{!&I8)y4%jNj;HZSeSY_%cg+{}7Iddxs;!AzzG z5Na-!uN$)uNN`j_@R$!mBqqYD3@qDd11hUIhN+0~U;pw`F7>xxKmWUb`c+MjGXdmU z8+2c@)@~;7%|0G`%4OS@;M@&GlM9}M4#M*sjI07*naR3)F6o8;;XBqAnGdl~(52@{d30#)(+ zzKh6qTjCP)S!gl~pL?442Ks;!^n4}=Kw;SZ7&Vy(-aBWt z)RfD%F7V@?DJ?NPo(KBul*_V&F-B_xQM;`VU`bT8_C~~)6m?E-j%dy?;S(^qQrqy^ z=o$>GcdpdhT6?+QXwLJ@z-7usm>IR!K8ABnRe>S;^m4=B&Jz=TKjwVyCt5YVJ^S4I#=@+HVU6GBA3l+n1 z7i@o=SViLQ#1dbG!A=oX;G3w=F=pN~mLXsN`*(4IqV4@3PpDQ#r&f9|jYZ7qXj4Qm zS?q0ys`CaMIQHyVy`9g*%5w}1{>>zv8Qmaq(}}3nHpW~QAA&>CAEKX=aw=m^HDMtY z_0ejsF1UQ=Qfgeo?eqHf`vYL2xFW=-Z!c@BJ#Mk)iimVkRny)f6ec24Q|H}sU(lk| z+w_bA)o^9ZcZ9)GO=5nT*32R6j&PzTM(7y7R=jdBR#S?jW_@J zV^7ZvM+d?Xdg)?XuOSYbxAT$0;>_zLnr+tHdg}He56$Y2v6kpQ&c> zNiIY&qB#Jr7U)mfVCAs5?epTJd;4QouVM45Lc;m1&-YYwRVVvSOw7>IDAR=l9cj zW1{yzkM-t>$a!}@bF2OJ%k97a-+zDm_7tAm>eEq_IUTLHxop1mxo+X*r;VAH)dQMW zGZYy#`&83b2j)R3Rqstr+vqr5d+%dTbK3jpebhccZPJS&PBbZaH~L7a_TE#frCl7j zHaaA`%-1oFM--~`(TABh@8DQH&#Z`TCvx85QgBWoh{rq#h5n`X8IvYCck#zkswgr+ zm{39d;w0ud=}h@d#Rp$oS5x>xaoD0hX|?^(-k_%$eJ)D?O$1^*=S&ebY5fGk3aOYX@n3~$_%WYl4 zBr>(&o%a}jUh!HG_5|-lq}Fz6vz^Tkr!R(dxBa=Xr;6qK=+`g0zn>5|ib_}MxOxHxTQ3?W2w5ep!2=p8EQ4Z($7>*RA(OOkpiGZ@Br=p8VpjWN)Vv zeWEFPjJMz4agaD?t#l;UFoNHR%&bET+Xqf!Wwwv=(nLjMTVkyZNG#C$<|OAXe<3U~ zt##mWTI*wU5G}oT_;OU`+R{u4!M(jbTI-l|!&FdP3&Dv6} zTe&gk{k9-D5UY788iV(>b=3VZMf~O0Us5Sp9R%-*DVO@OZD35hop;`hiJoUFrIy-C ztxF8dj2wpJOeoaWCG_4Ok3E+P6&xzv+qS&F?R`xA7MS+&hfe?#1*djRrbTLLIQTH$ z#*K}qP7N-l>x=+pYgq$EbfbT42*+r3wBBp3U^SFnN1HCdTG~-OO`7JdmS#?vSxgZ( z1{vOUCL&yYTrdsDNkuMj6TT%7cG6Mu0qCSMGyWA=<)PzhrQt4+OIJ2)X&-39hSfi- zs7TEn_C8{&sfq})V{@u-{sDU;CSwx7f9kB)(Q-?BMz;g0iSy=ypMAi(T624Reat}! z>=TuABp-b~ONX<$cTCrMpDx((I5AqQrGYNsf@9$j{hTwbp|{~oLk!3F0}G|u2iRXO zx>}k#$wv`o7u2s_RL-}g-qzP8A9W7uwKGdO3tw70-tG~116|p!V&1&BR$5MF^znS0 zE?6JKOobT3uu@u1CFL5TH#6`3b3a?_rPTAtaq%&RKCW$2h_3Zh za;q1+hAim$NZ}TU=y*GO9Y_T>Z{{5{7N6rE$)0jTkf|nYt79s zu9dDP=X<^+ZDq_svlG@$qxDug>~qUY#C#OGAn-{s&}q5ly#mL_Otp0L+G;1B>+5GM&!?6E=1xbIy|6{mc6K zFZTh=^ce3`T{pIIqOalYY#4(5oMh3`EbI6J(?@E`h-I8XLaw zKJW#iJ-*7;4+$#@n>lAqorua&%|uzYHJp2SeA}7HdAqG{l>Ty$LbSi<_xDtCzuy4+ z)NAu_DR9`Esi~>p);yhgJQIHW$LGi$CJAB8RLV71NQk*_(l=MG+&PC_LmH-JIb!bQ zR+RfFN65$+ITmx~%-lC?{Pz3f_xs;tkB9y7+533CpHFzHnv#d#pFdeGZ<4p43je3u zms|Sq$&+gU<_*nQS-EAq0{p&GU6!U2y#|XOGfp6L_+C&@d7`w#M60&dUXunfCrBOfNb`^5AE$Z%@YYVdGI6e8FEOFAfOQ z6FFN^=*PgHKN!n?B9hf^oO@Z(=={Jv41Ocj1HWqj;d5VjV08oV+qO%tZZ-8q!)E@r z(f%HPlTj*8j6vzHkwS@)Q7M(OMItYHR*C=~jC4dHuo3~*T2x5INchXhTdId>xB)SoYTVrtD2>CirHSSh6x z&N?7$PuQsFGwKrq4mXI6f9-$X628!2E)zL|@P$%nH_ZxmZ z-@GqCmVUon`Wv6FS~p#Pu6`3N=eIxm(YeU^G7}K|K;w^@`hyNz%NK8jQS?YItMc$e z-!#4e{^J=;7Q;$P$?IJEr%Q>8Tf{1BlC75EPn~UtFwd*%c)spQqYuu>4UIKHSq9rzX5p3VAn@od>|zVLLZxbgi{n34 zJQS+k63+mIkH!L9OQ9>P`2VaV6*6x9B2yD>O3OhVf&&)$_>8oeh>I^Kjf!x6 zaX2wzt+Z?NC9=*~-@=fj8cHH>_q>{yH4OIOScXQb?9hH9;&RV&QozWFe4&`bJg%{T)$R(d4vMH2BT!>945XuR5~A zz*PT97Vuw;9ycl7EOkjNGuzJr6f7wa)~Q(nflDjk`L6Ih!{>jDp^L%B-RKHo18n;k z{F!u*`KX(d3UO3$(o%VGc}wrT)_!WEw0Gar6h5}(2)Z8baymwOBQZu+kK{?T)7BcN ze_grRYVPJ_FD7`9^e8C4Z-Ti(up6gaP=v=w9I1KrLs!YWWu~PQ$!b#oBy?=hGUIc{ zw=xMIkekr=e$oIJ(B^yW*JuQwt9Jb1zEbb$j$3jA1G9F47BcvbiURLFPyIgRR&M$I zaAC_7vxE!<-7CCr2KgjhH4^Kui+Q1ibbyfcW3%<+_Tv!03RKRxw|1}D1$90DxITa4 z2v#TVo~$1^FG^GRghd0{@cpb6Gqvx7R{)wv98InST4!Xw0-e(chD({#xDzr#(iTh2 zpt-`3Fny3hr9Z-vX=`Jf z1M%P4Lo&f(`kTthWME!h79J`-65!{mUz0DpKO!$ln;c*ua6Fs87@Dgw8?uc6eO7m% zh~_qIikjHa%P2fe(r|{GW-X4FTI%MI+XxE#)S*}CJ>f4dmfc@qF)1Yt5|?nqS)cHG zI`(^O{KXQGT;oi`EXhvZXDdAzL+1q&H5(g+Ts`0QK{qMF%TK$rVx~MkH`*NNB}$Wk$Rg% z<@$<3&wD-ZLBc@bS3y*0TQw8++q?AKZdRT{)J``QA>)(9PrQX5%ZvcF47)zg32c z`?GEvZ z&v(l2Pn(w6i8BM?Tu5H2lS)wF8=<9tTltoTXvwd30}*h!$h7FkehcAK*g>h{fNu~hVf zhA0>Kf{Gon+-`mH^Vw<|+KB1>=wE?~n6ISz=(Ff3wB9G)@+*ulIeMYAOoK+|KUTyp zAz`ww{mVbOjcU;9`s+yjwPSN#fQdLIEp;`M-3hHL>1qBu0+A8+d#Snw04eSDN014l zEr5wp7|_{EcbnWC^#tTcCi^`H(!{hf4B(G+?+HoLx=KlV4-Yeovyet~tY1fbDUk>B zo~h}r9hMnJ9QcRF&H9q-|Bhu!XU<(Lke*E)C!?USq&C=-{c!u~`vhE~9~GREI>Q#{ zqI}(X^zB11@MegdTeWv`>rG!2C1fepFeTSALh(P=w?pTufhN9DGZVSL1hOq&bu~@w zO{0mF1*c1j*IoYi>E&bT;LIE7r`LGSln77$8)abRPG<}=Ujym7FK}wYEc4-y#>>mW zll2+$tJWH?zr4hjRuqqsITwhFVb+9n7{=w#_1xiHE;&J;o{n2a`x0A)69QlAwl`$% zZo6=fQfhS77XuhX892=zgNN%6x5~&gW04hMIKEXuxsNvQj}7}fq7i7bRHz&0L%bK- z!+yP~$(AW9HMeKE!Ui62SM9#l0Hwyz0Fh*~e;9s$YFGOF0Q{(i`47aI0sb|ETVPzp>ANGLp zf6S$a3ZdhA3fjwv{1FsVCRw`p%X&vvdi|RGhU1BtEi~N5KP~biqEUW_|TEmddO>N_1y5*Z8 z_Oa2yk$Tc+(B5HQQ#BB_Rk8>@>mEb2dWWGN<)Gib#20R^h4mMab~ntwVtrr5^0%Xx zYkN*x?09&X3$$|aB4*Dbq;0cA=OHw|YRV&yh_j~5)cx1n9>lh?f5FO4pZSI%B}F6AYD<`uJ6PRkJN5n&G2LuT=_WAZzA94nzBmW{p(KdeXcQov3rA z_g^wo`NdwXo-;siIdTsByIfuO$*(|hNYLpwDQfT*VqNX#B+|Y9;1-ladJb*Gfx=@| zdQSS^>;}$fe`bF!7!net4+T0nuDcEr4fA}C6q!Y0vu0@c7E@MXhc?AuDt@$U)+Q;U zbw`~Byx&3aO)d!Q$IW9s?%@n{p;cLlvJ5r7n2w@ow04aU~jSfAu6xI#G_(Vn7^Kk+%PQnqB8KlN0xQH}y>;$Egh`}rBM$?OyievhxHxk%D~1>B*ZXWiS< z1K9LsONSJ(yuo+A_r{|S{whJKcebw9QY}vm%xED46dw-eLCdD_|CE4bNwWCY>|kD3D@(@)^xly zLE~;R)G~DZP|H?a$ZP6G>K-2-SI!11z`&q@0&7hQO zQlJ0@2hdfm(eqjrz03qC1OWg}vl-zL8|IC@rl_RuP&w?Y_e=6C#d7()`Q)0h+VsHs zh?`-!SK&i&Y}>xMruG{zvZsm?GmJftVbD4fN~Z9`&qFJsSKaY_q zTh!#l=Q&^Eqg4#t%Rs>UP5BAjWNy|M*({|{lGdkMHdH~hp`oG4YDpLPrJ-t@-7R<~ zP;XU6oDKN-LBGCPRedA{4M4xqHFCEwX~-C8JU^x8 z+}iD&Yv^J=eIxnO<99UuQUM4Y6g5*xkl1QcF zJa%8iu>+8$8BPD}$2Hu;7OHtv{7n8u5-s(`6S)%yxSNF%`u_1l(z(#Wp3dC0oDT2v z8>5npoGk|o6%Q$mx{jCQ`L+nUejy(8qpJDwwm<)$b*hq^OAgW8auaGyYZkxf~`xv@|2M^cu0Jzt6ACfxvrUI z5k{7AXLCP06P85tk=Iy@#d%aIg?j|ZYNUbe9BI9DlhAF`*a1pm$qaloJUy_gVDX^~ z!Oi~hu$6Q1%#-GLaYQ#~A^i>3y`$mrOW67DCc!;7(O2k&j7Y-U9=)ffrBP(c$W|Vv zc;|3{=gUB!=^CDWe%Zq0GpofDuCh9DZKOv83hJSFGeN0S8h{Et{T8cruXkhJ&B^|G zLd+xmKj#A9MQ@16I7pv{dAkLuf6Yk{Gadh#J&?LJ7vlU3FOo&bgm0*&KAzdr6++r+@C*wW=9{QOIxlf4{t@*uE3Oh1z#MhK$R z27qPCZP{;faS5TJ$=09aIHwmvgYu@1phU>R6F??jGCYXs{(HNWckJADg zgfaf^G-!>=NcGZ}wxygVWa0^~k`*l176`#2uu{j#?-zUO7iF8R=c^a{+ZiRQLW97> zT_pw#A^VigDWP=<>elzjz<52sEw5|a6f=EW`mPfLc#1*e&uPY@+wC` zwdEV-E-)g9dODR64uV$->Ef-AiV7;Sy=i(JV}SuOajQz*n>q#XweX5CaVqM~p!iBp z*`PJXGn?UuNMA7W@zCG8)!fuC73T-tq+r`1ez3tGi(gR(fUETK&g$V1&YLMD*Wkk* z`Gk!0SH)j`y-QDgj2ZklIxv8Nvu*nHFz?*|Q9kiaodf8rtM!3;eNneGb_R$!0IKNd zZ8zDbF0Eahtj(}=LzSHLQR!tL@8Vq%fRd2lv_o`jHNk5ITl6mbDB|7&4f`hV z%a@_7v?q(3ecH*onK<9!W1;MuCZFuJWD?jV(lh0=vs;!>tev-(Y0SpS&|4$B8+CVN z+bJP83zdpj%uKjY(5EWq+DroaASNR9Bp!MfL^W|*vDS?#ncO_tJdOZ$<07^f&hlJn zzYmyZ?u-g|9=Wz%oXant9gT%PzFi9oZ2LTo^h(Zj&N%xH97DhA*n%Z$4JDFkp}BP&d?%-v3Ok zDK>cyx_`He#8!g4$_Ur2eBcrdLRE23y_1+cSE!YKz_UQnPF_G`!x5A!cv%IhUo5Iq z!doQBBbnLih*nv+cir*s`T5%`qgi4elCTHPZ&Hl7X~gw^ip$@}ZEW47i}B1Sh1xWV zRpw$`^Vh{!F!KP-TUr2-Yl;8f3*U}RXzGd7On4^-Pu=fziJC5;sei-D%}%y^n#3H_ zq9d;YbLD!$O!WhmfJ9g6fw3VKH8L3zFC=wK%WVRUt9hocyVZIY#U)|1UcImUPCYv) zCogg!kOQ=U$S>W&|UU(kY@*LfotCkD51Qykdw5MhV zxJo0@i+36J0dHRw_tcS|iFP$g6*R8;pby!hZ=eG2A65|fH3hA7kpZ}H@zO08aYHt< zWU~1Lf60Zw{_fF6)pk?2pn-AWKgbOLy7_o*;_WTwIz5S>oeN=eGn6Qzp+0uIJc=lMP2}-RGJ5k4VgdkO$X9=`{*S}@*USQka zz2p{BX9NI>1AjM{_`khOw|7e$vU?uY`~q?o^EOmU|7$X0<#x>zrp3U@Sf(<$pCay) zAmcy-tH+@og1)oITOc=MFfCkAN3*)U{UPL&ZNIX1`$&Ig5Mz*YDvne(g+Be)DlM&W zbQN1fl9w?w4BS6jgMLAuGpf5~>?#{eYDl^9IEkiAT)S)$aU?u*xH?=|h8}wnr}^mG zTwx`(oGwfuHMOVPiG{ygCG)*j{>or~Q)q#N&Kz+wIv~P(+9bQCRs*(Gs;c|10tB=i zg6J*s5Tec$<)JG@=D&=jn|w*=)NBq{?oCtGd4VeEfQ85|6|3QjtabVb5$Om%I1Ks?Mz6 zjc7!g?J_2GOgybKLJo38*WYB7Pq48&bhPEz^swYbDQj9SM^oc%yf6BDp866E-^edw zV!E)2;?}60-KZY>50=`Y9ZjS%Z6qmM`_`9tO@3cLmPl+)65+y@NC|^fjml-Qtni-# zqEB-s(BBi4&CR$!)T0owIhhJ*#TPs0o61-=i&>AwqeH$=xPYY4N-h3d`e#sek4J7R zC?S=E#^*f0oH7ZAXJM?3L6!Pt4D$Z$%Q(-J!-haG9oqWGGdV*2T=r$lhRx9_D%R46 z|MdX^d7ki=sz)~_1uF~b{$vK&DG=m|@}oye&i|yX_p&XGola#B-&VKsVM?+)|8T{G zGd~LPq7e9}TYU`blV#sR4zaK>k-~J|@;&6R4*yPucjF%YLYT2^-Zk#eyuq`u} zGbJ&3LbFh9linl4VyvBY&3-T=bw&hfq<*n;y16-I)TKJk8Gt)IJzPGYrg<9&!Y@)U z@7biErTW;9J)@4kvTOoLE)`;LmnySi07sm-5qH5&eecz6+3|;0Q=C5uxd%v!9dY0U z1h=elf0s<(^$4~gYCuEsuhNmtike8Sbf>s60(05Dh0rFN~vRXUhs~<5HiNz2bG1lT`V?w|P5R_k} zmlC#=>XHGncw5e#N+r0@{LJOKr}5k)g5y6o-Vm|fT=!wCBw~>&iluUiSUk?{deIxE^xy`iycOuQ9Sc!j1LSjn zSjs+|U35qUUj-N-k@Y}1MappcSFPKB&)W$N$RBbmK0Mho64*9Lf`O5Q#Q(Of?-UXw zDjS|;q*qE1rqIxADFW9got*0KX@n3wB!}|!!GZ3mCt{njrZQei%K#pTK3OaqxhYrc z|M0@;s_P9fzx{E97R>**6e%~H%6ECdOB6)ED{2vpfCKKPNo>9}8B7#Zg%s(oZ3upN z11siL{5$5?@eOhIw_$AhsJ+d%4zCjB6uq{*>fzcC)1_N**^TtFCvOnO0_j-H|JdnV&=mQMn14!;;=mQ zl=F{~Ta+ye!0{g8Lp1Ay_+tyWCe@tn{d-9&Nk#BK1DRG>dflhPKtBE?r@SCuYA7hWrOH0Kbxaap$}=MkU|v@Ek;gYuS2L3B zL$$tG)6B;(p~$wQ962{`-dM4Nm95uvGJmyMYnUoJM)Z8$IE}(w`jqkV8rS>6^e}cg zxVS*!2Sp!5RnK(3=q=j{y@-Rws3gU1(V8c>MOGx>n2JO+Ur(i@FC?#K-Oq-OIpy+-zt7r>RJTa6bFEhmV}=WXz_Jq$ZnQcr*8s0*WarHm5m``~lMH2S6$6+(V&9@a8Rht_9u+o| z(WTe0!ZB*U@lxcQl#54&ei^k>NCE3(f*)tEYqG-^#DW!uuRz1k^T z@9R}GI6&ezdm{elW~t2?G_wKLbW=YtrPa*}gb+@7s?&AsAVgh|tv58Ep4oIGu3uFK zCc6Z_vU)Fw7y34`IP3CL=r>l`?MdC!fSuZ>g5ej91j+8KlTE$HjkrXyMC0+oB2%8^ zK6EHBzOn%%ch$Q3kodVtPfkf8+6azYoE*shnSo90gj-(s0l#M#^vS65C@6Jb9?N$* z3Y)$Tc=q{vlv%!H8C!Sx(yuwXKR=a1woLS>g7H8wi`VdoiX2Ct ze(KjBx9%S(p9US|htax|JTuaiIthN;P*tX))R%-*1IZ?$D6Gx=S=*Dwg7(OE_2XLt zz!X%}+1_8uxoXo=B+n<8_13YrhV5(+lT4(YZ%j#g5r>=~Vkv!W<1oDC{!s&uzn_ba z@PD`R{)rCkj4@?1E=wjRDZ6lSrXT~{kD#`o6;AILM}=ywpA?=Au6|Ku<~o92{3tjd z#-4obxJcl@aRV3RT~{W;i&N-2gNYBvC33ff=-!5s~+VcZhK(^I|FBq&iz-DZFMd5u5cym^*$ByT> zX63OOJ+0|_(rVkL!Qf}uf5{=qXE8{+8Q~ZG76mTVnI(c0Zoy4Kpy2%Oc~YOyi40dx zcyaxgoqv5Q!r+|V$e+K#_2W2;lnMjQ3WgB=vk}sOra;O9SBYsT-7|h!#46JziyPHZ zJ$eX&S={3;oR)!ne73cpOWQ;6QV%}DwmSGoL|L2ipR}R6O8!9j{kkQbZVs@*B*~l+ zUx=kP)PV1o!CVm?g1E;`d*_+Q0Y-qEF|!QKhFn~l$U|3g!wFAdcfC5lQjd|m>x0gT z(h8s)_0WL&{S0XTF}UQ$4lJVv3`+}J`Y_>P_T4*e)aXsOKzIR#S51;Pc9YNZwh;`D zv)c=_*5u%sFKW%$mPSP#V05kkS!wdTKlEAa_Jmh~H^Ma|x<1^MC~$j@t%|x4(neVDSm({$!~XC zRu*TSe=@`X>#jIBBBQmnQfpzkuD4SwVSn8H6&<3dbO^1>-&SM>u{i;XZwNJ&a^}{* zLhN;NuyuZ!t{qJf+8D$B2R+G9>*_yS1yNBcJxxukQR+JXxv2`>{}j`AE32Ss5!(^| z4s4)>!(7zZV~L~$gJ zZsp>iYREXo_}qct4SXC3e&17EnpqOr@~LzPr74dGG9P)0t!54!EgzmaoS%aphvF*S z0#?VwL>HDVv^I8@_Z4J>$VHc`v@u=Q>ruPS&( zeYtdcAHRCFvp?B8oc?q!LbbRh9g8TS;9d#(BtsYTsKVK3MLG0xw1=?apoF}rXF|oH zwU;I`_Y$D=HbBR+%B%0-?UwPP%Pkp_5{K9sDuio;GK6=4teDQn95w@U3O;nv>b zYcgc|!_`Fq79aEif*6IT=0Z?YW4Vcc`d&A&#~)N0ERE~``IgRW7WaxUL)Yr(RpY)!X8J+f zj90Vf73hUJ3xU?CL0kpNvZeJ!ObwnUVc^lYiFt(Cy`pz)OuqGB+{!*^8RNGhWfSqp zdv9+In~RrNzIo~4wxR*ssqyNue8m2jPA{74fX3n}KMwdVe4f8|*rqP)wM-00!(&~f z_Kinxsp`@5g7fZ<`!*nVRX(N8hZHH4Lnf86*OhH~@^0o|3#epiw6#ZdWjaH}3Rr^= z6F^j5<=n#GXJ!P*vuvDPg*;sJDqB-u^QqkZY9~!Hu^_J-x&$+HepM0Ltugux#`3dbMzt&CJ8#e=wB5OuywiQ+i?r+!ZiIWD0i zu6}WF32;r?Dh@Maip)-O#b|n}gzP zEjSg0iSHu|M&se)BCbLR1APkbVX7sMT&4!E@i^K=#4(v?T7%X1um5v}h;Q4e%Hyi& z7f8iC-V%s^(yy{lt`|prh9L?7NH3NMCx81f3`;mH(*48;NK*U&+4NbtZQcXu+$5%9 z-pUvmtBj9xE`)~YZ!ok#coLiA--FxZl1E4-?HA$dTarWU^pTMfz6FXJ({ssY z)kJw1+jZ01nz7Ojjnwhk^%HjsFH8Y|_5;5+#cprE-N9kP?BGZEQki<>IjZ@{rtWDL zRcyOV==dhG5MIU3nOG-bH(@6|F1VhJH=n30%l&C#ps`no5 zU!oD1-}5{i{wR}Tb`V$r5!^pm|0FK!k>zY?Cw^dp_E~xrxVw`EuW62 z@O~Fi3}?{$RkDcnUMi}8MtT1?R$qMW6>1R!3^sz1$+KvERE)=#`@sfu`o1JBfKl=MYwP{oa*O<26Z%i32w~8VLuw>9ek%E&`j+(0&jJsD{Yv{IW-#TitF49Xeo$+uNNYAkcFeXQ`t0ujM}fon@ddfVxM3jJ z)1`NP(r-gLWYY{`a5Z6f}(|Ae5@GL!k<-3+D zb#Be)ek*Vx=-(A+vf84SPW>g|pc*F)PV|mAYlj^HaPiSgDY2;`Bh`he%u8%wF#wZY zfmd6Uxb*TCZI+(NiTF!prOHZ~i=Dp>=l}sp-8J{fd8KyL^tVHygOp%#JxnUST;AK{ zi6>8_%m)r703%C#RDo2)v#k0d#zIH|8^3yEKLBsJyuSs5E|0Gyuq># zzFq?~#Hi^A zuWR+DSq9!chSMovzu9G6EOz{x={Wr_nrevUxpjxS6`4I_dcDb8_olEE%yk&P~*r{vAE>VUo$~)mOyh0%pM3n1_OZ@LDdw%;2Z^5Bd9#z*Wa$9_=uf z$^?r(i8A`FhNW~1Qd8(jC?67=Y^z#|$Ii^geX7t{weiLVhO%EXapHj-0BR=Sp`nTLK<>WZ`C-BN z-awPtIj43#4{c}vK+bLb-r?4#R${#tX%J>om>z!+KSuWrFXN+=j~NY|&Jm5X4Dr9F z*qEKYc$*<|ti^a<{*NMpWl0c~Uv?JHxJ8xNfLiA@pMKzihCFIk9^U1c)sD&N{>EqV zVWgM$XIF{}A6;eWk=0dBO|xqW_BLt8lC~zx|BOXZ0A@>Ln#=ddX+0{E@4j%NDmI&r z&PLzG(HS9)sB;-YwXfScZjCxa$U;mQhD9O(f6iL-15ExtG{^2J%qyn+*r({Rc~Ijr zDwmlp^mluMcTf|*JbTPNOG2-RI@RB;8TN=U)qdt-6X;>C##2~Q9mo5!*mr%tTFcUn zM-!PYCaqt#)kKHS6;>-*-}2c;HQQe^5eTQdo8v;;HBe?)j(=$;@Mvs+6bqBMW$nAo z!KgIl--Nm2_xTPsuwl@Hsl)rzjG(~O?Dm`xk)(o6ik%%Cu$h|e__u3G6(sDtxnb-6 z4yU^|GV_dygM7C97=iX`(gD|-+;wm8-1g?f8fjBcSyaE59@QiSak03EA*}P~@()WU zyptoXE#a?Ob)AG>|DF%=rc9C^Db?ILKzI-ya>YnzvH$?Qx8as)sVL|a!SRZu^t-tI zR7k*+U-|)*;U!!lxoS`=5o%Eb_9Twecpg#pfjXAr8(T4*iNCTTr5h^}5N*^5E`_s` z?!SVJ9?e4wsyu`q$SFYEo*2_KCxqfXedGe#5_*mB2WaS*(cSEn1#WoVbbQrW2wGf? z-i<>YVSzr~r`$tyac0&MhW95sZSZO22bH-zhwg(=^Ky(qEqX7;^$PBiJ??BvdS$8daDI z_?^&On9deMt`o`2gReamFbN3#R)lWzAt=zsTc(V-`M;tzFeQR@6F~x6gEUYE9~igl z0e0W9*WbUSCl#EU703gK+>%6{4_M$3CYLQAuno<_`m?gi()IMlF?=)@Ch(+m%j6_+ z5!KC()GX!&)98~ur;l*hZK?)y<^?LB%r}4KmS_>UoG*&J%Fp!X+3Ob%UU)VegYm0o6NXPd|g#U?ja1vjuJY#ug zY|&Vq(F#d7lGqmoJvr% zI#VKMFEx{7(UfZNYRS=Av4IoJcrztVbpEoyRGoGpBlEFKu|#f(gf)g(hep66yKA}S z_4JV^%}tY5IYWxfYv-HhnR}OtEYRM@$&>I+GWVy~QTXIzSefjP@!n3BOLfb&5~Gpg z$|ihjE&81B;q(*A(PM&2ypXO|&w%U9aftIijSYw#m7aQ3RAopx3o#8$4X62b_#GD` zG*^{<=|~7rohf;wx6uCPhp)jO1{ysf>bCc@G_k2E;&DGsOdL#Um7Bw5?5wGY-1_b$ zICl0*pkQ7$(tZAUS#Mu16V2{!dxD2rrYc!NVL2Oa^4UQOzQzl@fbdw`u&WHx1m*j& z<~{OS!(=7eT<_v$e6BIaoPt@&b-`)SB@plY$-s5hvKc8+=f*^;YYBtsjlWx}fWp)+ zY42q(#tF38x0I&Q>hnGp$;chRj!`h|jv#$(o*dS91s`&RD< zO-E%WbDB>E#+VcTtX z>w)4$cW6`R11q*nkXv8uym`%4AFXxO4FdGP=Ku3GfM~}e=jRtOb*7s<*sO{-F6(2< zu89%&!O>LBah}Tnpmq`K%J&7D_qD~Hn|_~j*r^J33LSHki@&pG6@GOA)LZl8K&>?5{AZ^{ss&d8Vin2+3SJVR^v{tc#NH@hym3Al zvR8_LC-#z6?iSB$rhe>$n`i`$VQaZ>Ldz=$a7%(W5HW_qUOh{SLD3xt)VkJ)O4U+N z=CSmDoAP=>O9A5PQ?Cd^YELMTIjNWrGi~ptc}hR`TmR^>hkuS-j^Q1|r)b^#M4c@KNvE;Xe*wAaFEdjo^r{`ovtlct z`;$W1-Q`+fEO)Z|A&i}sii^&33{|cC@8L;z9^I+0%2Q_X&=%Z2mI2VNav)v@nh|3G zcm(4VBLoKwt$ht`xM-2W?X)3I_)NRD%h!%@xtExI?;msCFQ<7AtH7^cd5S8OsQDBo zpoOY8z2O_7tChpR;4zE_eo$f@R0#C*-=UFWc+gYu-oZ&q`F?&5iqpyG4Rco5&;wW- zKKIYV{o}V-Tpa!+bI4NR_-^_B{oY)mUvJDCDLcQ~g(bGl8E?v!d!fGD$442yfx58y zVwe{`y|@a7g|<8q!q40zu;H5AOty9{!Bu(LytI2JTGe0QSKW+i7IyZMZhD;%J~IJA&S0LpiD^4cdQ+h> z)g-gSf~Uy~9zNwly66XQPnzc1qt6eVi0r@sLfSb@)V+Z8uv4cdhHH&vl5SAsGCn0!TT zmg34jN5_zGSECQjn?fT4NyCCi%c)bd{bYTNfO6d0xZ8{Z!|3w;&0Ibs&mffNL02G0cYHmi;hL+^SfwJNB+wjRbMSLqASz3s%W zN`s+!Pffe7yeQ+bP#XQTvaOY7)49M_$~PobDhhhQJE-H zH|Zt;92uAj^mAz`rI-&?oj@^kgsOma<iRy8ZBFbn9q2hYIy~Q7eso+}3B5#J%`gJvZ@CUu9UV4G7*ts+OFPx z#<_6x2|J70T^?w#8#oF9Xtcwer)HDMgjMP2vreO6?_)or#}%5u#7ZwOY+c;*7XKDE zL4HG-&X9xFV~my^Emsd1B7Y`9SgVQ*06ypSFP^lb#rApp7HU&t;FA((GGl&`f{eTi zXm1TOegEG34vX8CCd?bYBzC0y!cmM4LKm+;x!pXbXZr4y;JY)v-H zU?YV(%m?F{ruB2L%&SA+1%bN~{X$gtm=+t1zO*e^{$y_;f!ozywtSh}=6b#-1QN}9 zC52D5X=;i|L?D84w%P8($jdpu0oMm!Mxp>riOdCf#K9z4gF03JjNUw--Xd-xK6gZZ zqy8zjb&2aG=NqU2i}#SOPgJi(oj~^_myFI%yja8P6W{{j^W00lpEc-wc(`g4iTca& z>#R@w)FmWa#C($yXn&R)qhy5@F!`&|y)q6W(Y!hl6E29@)?4F? zh8(DPKvHkjq0c^v=-d2?`pi{M@GKR;#L=(;bp-{ePHFe+FX3U&^Nllq9~Ev(=1@~K z_<@wH!TIiO->^Z&@i9z=(EZ|_wAgL60?T^=!fn<+cTXEjxa{ej-I#w7{gvJuZw4=M z@tOY*P3Qec_5Z%{V~@lk6=ko|TR2vZJ&x=>%9c~I*Fn}XB94+HWRF5tA@kTP*)yCI z$INyd+cA#uJ)a-G|HJE?`+nZnbv-VkO{)7uFlQt?^9(veE4JLN%@%_W20o3>RySY< zIwmeVD~X)r=JBW0F%g<>cDaHqEtCTc5L)J5HsR>`koWtnclJ2ma@s^8xMZZg%>!7FlyZr^*wx<43=Bb|#m$JJ0^?-|m&9(9ya0ahCW>e|^R!szCTgVB; z%@si;j`w3o2JHQq;cXg##@~~xHigY{d(Yo=0=*VcM%d7_CgNXd1WfLASsn3;w`i;v zB8L0;)|so1P%lC^={hQSFT!-|;@`et$0*%j;^1s)wbvATC(Ko3)4lw`B$(_)0{eTO zw-AC`2Y-2izN6F9vfW(O#MT%XJAb(Kg|1JKOY_hm;H4|cwR^|a`UAL|RUxxLUGUw` zaX&QEa&F6ctC?r_qvH$C!$6K8?IK2#Uo8-UnR%J@p_0rIOXLfO-h#|dIx+i#??%eE zMp-C=k6G0E4kn)bGnJ+LAPyoXYeLlMyQQouM{8pD&s}aBr|Qmge+JTN#|D!#EJRAm z-Hr>spFpdtd-RElOg+htcqJR^Wr1A#O2ydXRfpagyz|CM-VI41hH?iK&x)?_B&0+c z_K>d0Yl7N|^XFA{=$UCN@z01{ulwnoA-0}40wEq8ETK*=a-*ml1+wYL%^?=Ec*KzW;?uPy$pE`&KiPl3|lhm^`t2jz?`K%KYC1`S_|{ ze;SVryiz)lqyRQa2x<@c)q~H)qhM%(O#DUF?#aEHkiEsU_Dk7f-pE5Xr)N&t6A0!{ z3@YoPZJaf@{Svv4l!6*LI%;xKDLmSU7n8!;vlh{mVQM!l5k|2IGU^IJ2VD09uc^yD zKSsB_EmCX_d|;J zk^#%}Gf?Hk{l=-5?rKOot@)JwyK;ZzTAs#Q=)e=tc%K$F35f!+CTJ3H#O4m*e0G(7 zuENfDWi*Q)G!x=wt+!8RH5Y$nc|$_sRu9M@iy zW8%90iQeD9l)sB@b)xqMS%j)D>e6g~O!CmoRQe9{r-A_SKH;4Z)4JsnaF4DqC7Z_D z7&`bRb)~S(A*2NR+=^RmoPoB~u1*1H5Cw~8Ws1`*tp~Uh$()2^(1roY zZULh9Wv;@)zc+BpR@md}5-U7E!dm;x*_Kb20Wj9XbHWc4KU}RoWnaV}@37ulP*A9c z%PXvgws{mkx{f7H6L{s>5fpeT)9ItD_P|L=obUawtd^&q8)?e$z&1S2W4u&2c3$(* zSI_dP1T`m%llrjdTk}t|s22q|G+$0?!k*x<_IX!2i5rPzJWt z04=H8EQ zdK2(UXl~(aZn^cK-|sWdb9+ecc(Y9XwURe9DExxV(4^B6Apx9Mg0m1oGXFxlUx6c1%jobO}| zZSS}!?%%-svU)Ti64Ap3iW#&r^N=r-e9mk%^;YXX1+ytVbc8Lc(i!k0g-z`*a*N!| zYp%C@KA6@7xi(3K$%PmBrHy27=`qOSP!|}TWkoDcB$OfH$1zm`&K&x1-}0Upy?_OH@ipgLdbV`@e2xd1 z*5b|{KVRD!{#P>s(l?Cf=OI9&S<^RPzuPkuir1vI>7L&0#oBWx2?*@NZj+a6Ih!`u z7sPpc@fV4&54lm-fP}jGjUAlg4wi9Q37ei)fbBZs2YTjDAP76O`sWR8=*Zy!$T@_f z1{eFAxkA*gdM{u>@ZCC2hN!2@$G31%$g!S|cV_v`58O@qSel7SC+j%>n&M`q%!=^= zf>QgsMq-82Lazx8*8vZTmMte(u;b9U?sU<(bTvkokIF%5708Xy>v3L|TfO0uW)YFt z$OD#Pz4aqk>)tz<^0V=AOGB494=-LSq{YdM{^K>;h#CLdAcc^|mEM!#DJgT3Cma8x z(A%>hoNI5~bU+ZsVm_QEH6zfqexlFvVfQH_vESz&tVI7fWh=wU;)AxpJD+UV9p?$C z7vhWSP|1WqT!04TJ{q^J$s`;vGw*ftP;B1r&9#^3iQ;F!v)WlD+vgj2+%J2nS0C-K zSEW~f&b2ktN!`l@X*mk6;dvkGxu|RWT(itpQ2~J!n7rF*7u=X z+*f;z!&QnTyt`PC{=^R(6PtfX`vrhY0(+YH)=OSGQlXWg7$#eH^2MN_yvvyOFiQ}_ zaqBnYw=J}d>cVb0cfpRL0QxIOI{!$~a{6MysB{qZM;}u=f(pqM$W4KA1y7 zSKHG;KGWfCzeC{HOkSw+WsrA#6^hq5H)ORY?^9e~(WRd2@K=O*EPZnOyGy@Fi0SRH zdUMKt@XtLqNlKqbDE4gj+15r7Co9KoB&{%&kc|I?7C@Xi!-Dk(0 z(zUPQ$LF_)5-!D~fWO!?%wh0>*8+T$=fZbh?B1fwC=Jr}TO9OPjfU?s66a4W++ZLq zhVcpnU?7VdU!ALY%r)fST5}mOX6($jxcM~u=npiVS-S;Pu;gC0rVIJ-RF z58VMpgO4ZhTf#~U>m_AC4Z5;2b&48wTK(aP2!!~Q-tjX2{Q7eB8Mj0J&r*#~9Slxs zb?MWWjrY^jguZbw>zP~cs{WmTpY&Q-H_ut*iRHWqoUA7$vDd7p(M0j`@?$VDom3F) z>IR~68WMc}v$=^-@DWV*qizTPu}p~Xg8Qntok(}1(pnSngofCKSy;V7d)LLY-E=>4 zDI+~0mwT@W*k#hUfj!=u?=kZG>gL*3w2u7vE=yOMwqW>NAuXxK5P9MwaOYp&JoCmK z@?Fkkp4NopRR4{A*&&B^?gTfLr+}9MDqp=92YabH9O(vi2}>Ps&{z5Tx<{Qk3z40< zt_SNH3-WZjK;&&c$EKHzp_i+fm~Pdl+|kOM`P-Ph-jumj?cLW)mthf|!GyP;m=s}6 zV%(;2jCW~jeEhQRKt$bC0n`jD5ugT}G#-wEZeaR!>s(t6fwyjo(IJ{PAom_jr>s6@ zTe^c6vBd#xO6ls>^bmeOY7Rn(HwTT}Cf|*fiegjCGrcgoxu{!_d`nGB3;YhQJlkwo z-1lTyq-b#@ndgTo$@!=}!xohhes=mNxVd5wijAHgSDC<1Mh}_!2D{(CRqnP4KOMou zPUaQgyFOeEo+cEWd{SeR%V;31ffyVKmzfChJnaoOHJmME?5c%469!5suoD}s zf2J}^SZ@75pKhE^ciA`4=47iws8}6r+OBKTd~5JV{zNHw*9%$vojF%K9a^DFibr;H z_W~gof#~3NkwG>nHUVA?(D4f9c*qmDi(N4RD2s)WF76++bN*9ibXx?me=c9h|R*6;NaP7*VXA?hBT8#*Gh& ztQwsJG##YtshY1Fg?}MN4tTLkegNfu9~C?kSAG3Jf%zZDug_ONL)LrDyxA_$&^L&8 ztPww_0^Dg>>Sqq`O-){+S^wUa07y~c<(l74%f{Sy;UM4eRu^EU;1&rp>YH`Ha?W92!=)6wT$h$DTccb;u>MVA&Ojbe4`0n_ zfFFdx_#nwI@YCD3R`S%D+!QfxtsY*#!IZyT#20`0cr6E7(EUr)w=X&G&hz#AGft4z z^Bda^1PuPkS<|7B7PkPc=fX&{eEjq^2F5w#~KK41dA2wXiO*l6Bz+rA1$y z83{Drr%+ExTs`oC6Y(TA_7us({a4<=VKOM;-Zqh&pi>vdAosZFCbK$y_jYL%xK7Cp zQN6$vhP=;-EOHIf?w*wq+o}dOa(+yQrk=aE-ehsLZVnG2SE-y(_wkKU6oAADHZ5)S z<}IkD2Kdn_^l}_W`__B7F9e)CYzU`28fw;cptGr<8rrJqVNp1VM{rOwbEuW8XY}V( z6v@PnR8(cpn%^Bvb8~uuV)(`p_j3o{xVD-}ay044)i=!{58g=(v(*-}mtPGNE!HPfx{jNExD9|CvoY%{JPTLn^=&CeMXORmBGm>1 z%{mL&CtCm9zjETTparO1>UPt8X7VmGe|G@$?}s9xjj5p9qcTs_4?LJC7XbG&bIdIT zHN~}rhrYHQK2cG5E*6A!1rjj9Kz3;8)tn}C*yX;=+QsSMhXp0!UYq=~I<$ZmqVow0 zq;~gnoE3gZp;r%_(Mf7T3wem??aUJWw8=^SRm2P@937M&2cYvgTDs78n!@a-{)GmGha7mMaSFzmC10A_3^qe~+fM>W7QEd-X13WoEp$ zeqUl`dLgx>SAjxLVMK!Bj>opwZRYcNIH&z??-g1>;<>1CY?V=?z}+?5{J=9`7vjS- zv%K=1;R}$Q|D}a^O#RBf8cLM)}pAQXo=&j2%dMR zr46?7F)(%4Ap_Wn-e4x(k?g*g&WYkK8#6kMu?yG3X$x(wMQqWQ;X8$=3@m1&?8p~R zv>J*E~GY+nA2YSq%B=L}i=e=h){6`2k7C^%+*8`@yIGwNYG08=($ zfDf^0O!?A_<|9izZ~iIewi6v)C;e?GANwr83>f{a(NeK;TvBOlZ&Rc%3An7h_xc|b z=WWC9y!FD0&@L?G2E`H4I&l!GnZP%7Nv~^KU`mueY-v%>+2;Rz+r>V>jh)I`4W*pn zMXZW{eX65+yno)mVK^0h)B-`tWAKT60ja=Is258HdC-xwL7hv%$gN4YpRH)$VT19h zQlGejo09s11i6`UL&5v1lzZbR9o1pD<=93r~$HS%iRU#B}k< z*+rYrVxpRSlW7&4SZnhkV^~Rp7HFv;{lZho@2}f;$qk{KHzeOZB*Ndg{KU6t0Zl5{cWKA5KFm0pR<5t^M zUqAY0|DAtT1%lsb^^YS*lpmXQ)pNEjoG_@!$DDDTB`~}e0!)^UVs6GAWS)bb2R6QZ z;NIYy=R2h9T31(KuWSo%*!9>(E}t!fV#Cg{Oirnl)58;InW@%u=fTUP7 zVf~TBxy1mgbw_NSCm;r;8rvfnOdidF9AtImDXLxZ6+TNcjq6q*`rS|h;k`ooNE|GZ z0znFbQq!DH9F3Ja8Qy3b1t*_#0~1IsxZbwY7Fdycq8<02-jYU z@P~wA{jB;_r&^|avdYvM1>#@x+TQpCO~6mf?(LU!OJPew4vpT^4ucljl;*gdof^CC zug|is#SU21SHQ>XT<$@_9L|j8NGp=bRzO?1XS)DHN8Osh*2vYm^Ex?ASyXRo!qW6} z6r%5B_hc}3b-!uO{)v4}npAHu}>l!7 z%iqeHKCTa*a;N<#ueVUb^A#q{R!^xnzjB<&=!*fIa1JwDEpkGP{ii=myl_q z*5OeZeWZN#=6auqn=5ChJq=jkIN2=m3oocc+bUeTP?ps#pap4*fvHI*3~t(<4#cZ~ z@Wu*^iL1QvF5ru6#3}X!GiWuNG--u{E1=**XXgZOe~AZ`1E5%1&T`PJMKFw62J>$(fStF4+)c zIK*xUHDl;mgIwZExaGk;bs#FM`N@7@ZQ=?csPWR5_eJcib|T*H1hs{ppYFk2AMgvf zgy_0KdX~pWs=3tiu0nEhkMh*jSJqE%PD(xm06;W%t1dq2$Fq)nyKv^WmjuaGg&5dY zoMjhB9ThZt(;`-e?Yp>WvZ3dA(9GV;*F(nXv$nmEg5jiz4gMY#t@g{~2tWf~8D;Lrac`?ojOmltbWu=)?`2qz2QZ4X))?$X4!zu#C*n40%||C|kW z5ePp`AmY(U5G_BOdv)N0}6Fwiw zK4F97w@;4?5|Uv+vaxLTY)2_sUK^MzK8m(C{Z)VOc(z3ftVLM{!cjKb8UwV6I@$P| zd938PN6LgA_f?5=^$SA6J+e^F{B5(MS9F&?*(Q92%g%h&B8~N1ifN2D14G<>XCAm4 zT<$HY>5YJuTtk|bb7JgF+@ZBHItksA=iMhWhgg4Y?TdjHySw5?@tT&^4E>G}Rl^@whw_M~3~vTq3P`o<85G z=V~Ui@mroG<<8mGFHZ9xR~qsj5Vbh$E}KC3W_aD^n4O5(H)7RqK|AG2 zgK6ba3bk!*`>)Tt!j#R{eUuUV=Yy}p<(=}dNO-Mf1^d_y?u~8A@?We6_u}R{z4>BV zJUj^6Lt%_RMpH2>*Jk-E(p8C=)uxJ+)RiDhM@-l7GyAIUOG{>6(JIVUvNm2Ij2jWc zS&)EDb9+>U0%HS-c;=cy!Gr=aZe6Qn>-Gy-pL_>~(5#y=z1GJKTO6?3%?6X*vE#}& z5??}ko^omxs(Hd!5yz z?Ud{X=H~)J8EY(>vpnPXuxca%^$qd0v`&WF50x z%hII|J9d$6qw6R+YhazvUZPoDY>dW2@*()t`pVWE5@$mML;%%EfEL^af7+xgY`XRYbUvi(UY;iSt^*NG z`6@1#KmUXj`2T}yzj|Jwi`aII%@_e$E0Tx;wA9BXtxR++cGVC%P&7{g)148p;sPTI zSICwoc%vqkuVXvd`ck^e?hZ5Zm*vPlVRInTZzGl|4fjelIy+zgR=&TmfeX^O1qX8mm{K7l5~+rcs5+hov0 zP+fOm?VWemyWv-ZR@I1El&v`|q5U$j`SD=-IU$hr01F6rR|0?IAQ|PuCjI+yNvKQU z(mIT$J1LpgE5yI`Hk|@aMU8rImJza|;_o%GkRH>W3JHEuTkK{`}a~ zr;L;3>huuKkmC_7LdU#SAcm@KOTpN4vz#8d=<5o+;2Ux~z;6)(WSKf|z9v~{AWApL z0M7$!eXi@j2^I-}?{&dY83y1&YiML z=GQA@O<~~{rrBI0OC2lSEAM8llzAG-=E|P4^N5Yrdm}1G9ELjkvR3{5Q6f9EZ`fz} z>-ly*s&adG0s+47iQ}o+MUT>%jU8O!vbIO=e&(&VslD|y%N&wJr@!pq0;W?|UQ$OkrAf$!ogaUBkLzpG78I;tA zYxUZ*n7$temxCV&g*KB^mSB#lp|_MLh9OaMJPDwft)`TjW||z^=)lHu(@`QT(CU8s z^}%KpUbJ+6LFUQ!$5Pl9OkOFhL8)FbM)Kq>ZA_vGPZ8V7nJl3^0VMbnmzG<3+esWM zg!))Ne~D6_8fruVy6jp29$qlLb4!7)*GbZpxn)|fRkEWIFF9VX2GtZx(9@i!2xhSj|@ zRJc3C;pBuHl$epCnvyJ8R`N2eRy@)oaEI?{=!3IvmM!$0(u&2+UX`H75zVG% z_`mmVP_1*y9l1Eq$xEi`CV*?@xE69g9tqQF9Q zoL;e%=im3d-C=-fGf`#ZVNCXb+zO}~ceVj95wNdthI%SEFD{Bhn|&-`&A5Egj# zH!*H?sD64gOjEX0*3k)rOoLV;y|5cK_*TzyJO#-F1JF{d8ExoEU(Q~uPpl^)T9n$o zR;^O4or)5>gV+-IUM)=@uk_*d$&qqcG*CE|r~ktWIdffWEQ^hoQbB~%bq~d>nR!OX z11_eV`nJHHXP3`UvC84?;R{NkjfJciVL>fByugjKS%h|~wGeOIzpI86cL0SV5ZTyBHQE#?4}jOogfa@3 z)E?R}R0@uH__i3s3HUi0w<|Ngxo=tn`W*d$ji$mh*5%n})*?$g#h1RGU5fW6vCmUi ze&$H}XgNEDEz3Te_fpJ}iOG$4CTVm-b*+|XyK$>dfQfwC64f>O`ld0%7;w$3GGX86 zCmL;Kk9qq#FQW12=luH*vLdW+6?U_pSx`je5r!QaQ$R5j>%kseKkPlvq{wedN2M92 zf#yF;2*FX{&nf;}t0wOEZi%@u@~Oqg>uLiU>~u!<57U^wLE=Ii%e&3onp=P1Uh$Go zWjH?fC70&2@s%(q7ymi2$3QxNp9P|ouW=ZE;p-!&@L+fd8l8(>%Ke6JRwoZ{Q4BlV z`xA1#yi4-4PxK}^az_C#n>b8PRG8;3>3fjs{QEjvYJ9DgRFHfivK!bu{EnX+p7+-x3*$P!YZI&le$RdGa^TFM-=Up53s?+2wAH5*3 znX? zx|0PzQc`D-sY7kzmD@N8oLx)CYC@DR`4&c+A2cDC0BCUC$>xVKZPj&^Z zN7Ps_`@}C*IZ679TkP^vThu7^WWo}bN*>dqKvvxInM(=R>vkj?-8r}NtSE^rL^6J- zk$46V1;ft0U&(#j$#%s3${QD^x)yb$%^kK+Q!w9@5>aLF4R^0203pvOho(l^-p0BW zlXghk8m1TJ$kJQP8DK;^;5MUnR|sRwS4sBR;xqofDpt1gzrv2yE@| z`!6GEj~$#@RK`oohn_(^q$Z0}daAR8KR(-E{zf3922mGEmNUO4{hd3|RsT4vHMn^0cXxZE`)RVXO}Q@DTQ7E1)PCr3}0%4(!SWUeooYGK^W-7$Tjo2mwb0z0zPy8*}i_ zliK*1LFrh5BnTf;uHMVqd+gRf=ZPm%N(u2ws+a#ZBog<_jhj((xK{#TpB0}~*qveX9lhz>Y| zcFMv}>m4&)U!9N^J5yw~=8Cfw=M0V(6m2>Oq_Yv7es<3BcfG#;jlhtbtM%dNJ3Tpl zlSCdyPd)+W(orGRnemYO27trB(L;Z0yMbP@v{j3Q*E#BRyx$HN@E)NTzTkw4vNY?| zZopUqv#EHE&(U;|{vMZT7PYGZnQ!t_#bBUZ0?52~tke~dJB&r%tHG$E=pZ#$Kj+$dmZPUdjFDTe1ydyaN@>NVDl8!CkDSZny<10(nw zXK1yDMg~}wiQ0<+QrEjY4ns?4^}H`=|1}B~|5FwJtQ3#&zt>iR}VG#Cq%P@C*RbKlh1BJwT!TO7>ne#>zSOPzVSiJ zATA^9_CWE|CqfpaR1@6z~+(*|XCL$g_ z$H6TJ4*%|A_r=05t*pZp0#s&C?i7d!uCt*o_g(-1kZuO_x5*jOLJl4px-8LpXq-C= zUqG%eKNn>OUR~#pxGVau^!=$nrRKSlWNBXZ2VI`gmYorH9h>pt%*wUYtTB-kR&Pt6 zwqZ*Te*5w%564>X$eE#NTt=>4MQZ@Jf=<7fSeiw1$Z}4qo$ow)SbmrJ6RCmuYMz;7 zhwSm*^&0B*%IF=CPyD3^ne1exAsgQAa25r95O6BEMDxg*nb zDgkdCLCA8%Ysp%@LBSETZg2cf@W-mO$dj8l2UwZznc))DD(i@gcGiZ%J9XbUOtmX3 z-w6DuYsQY&h>?nl^YfVPm_Nffpe55mxp0KkJEfS|HYkF+V+f9TUnx6HlRf`?H2`wd z?1i}aOJMzF6ci*^iQQT2`t?oU*;RCi=Zp0`bdlIZ^x_fss%x_$Q3rztBH8Iug(*4= z#W2OB7Rjq~ zK3|sw&LuZgbz3N(73y)h|JOcO^m^YbyrmplzdN1vm9952XvEfjBCG)cG8=kv zEC0vGcfj8fcXjn23|Jn%4dCGeYdYzG=6A7Q2R>w{PTw7dI6K=N1-6Rd&{und$Z{qD zE6iLt!NEd@WqkYRT=VcK&+t>XgjGxDtM*c4iGPXQ$m(i#mm%>wh#fGacU=B-W7|ytOko0daug30kFi zmaj109MD}@yzmM*DwE6gzv#ZOmQ^qY@4#^CBq8t=knqx>&DK8)z3hMN@<;kH)5pky z$sx6sUW~t7S{pY5Q!FZU7bhK&{#M>@aV(00t%U82kp}6eJ$H|$%v$o@{5!fOe%IYw zFZHT06^;dQc`oJjpdFN=7%!M}v~;vnf2g3*8Cy6V3>$K5~O z6mws0m=i+q<_wD$n=8ftd~!@*2_V z4kX1nGia#b>FG&UtSpYSKk4}locez0e*0_ev9(%vuW#3u`~2GlQPXz|7jo2x+yuXW z7&5Z{m+2npjEm=UA8!LstIhg^f56Lf96zm!9;%XQ(=mUjR{5OyFda5W!#7#?j)QC0 zx{|-J#qVzIVl z2PqGY?lQ}dz0QsDm3Qn1L2`9mLuex4yLuY|@!18*@2ojNRsT^{xHna00NJZ{3Q(%v z4!2!71!FzDTxDYFlpGV(Su0n#O}p zrF^~Lo8<&exvEE}L%kG>#LvZ#%lV@_NL<#RL)l5i~ik z@e({bqB%#%A*bMM=!)W8$LB|H;idHKHddB=ndn1|3o@Da&suoK;d9{^OBz!YiA$Tl zJEZy|(ZLJu@blLAeNy#&d+P!Q{)Q&{Ff^T!m5Z#*m0qvcg9By|va8&xaJg`OPCSz$ z4%q5nlPJ4+_V(8Vq!{VZMV!~&&&}fD1I3`342#6*(;u$aqPDnaq`s9~sEhw3dQed& zTr_xL(rVmlA}IiR;IwRCoz|O>vU2`>tTv=}#Z0FyJC&9HdNusI3-V~~7Gl{#X|mdY zn@-v5XiuXt*<%rLGf|yFL$4{tls-d!4Nrn7vHt?R2+B?LZd#crp3aI8YnNv>&4glu zwK#nJj(>AfAtq6Fm>u@gOJn5YP&{i1N|h9RYHLXRS}=G5y`kj0+SZvOdg7JEm{X|{ z)3{v~GOhoQRIT-!S5cx6U7O zz}X}Ke4~0@W(N{!{&S}9x%ucbpcrMjud?FgrKeRs-bV0V{kw93{{7eB{s)XvTV{!O(mjFFi=3ePP@6Z68aKE=6uwIVCMP@ok| zWo4fI0z7kfPWY;O=*0iK2LQl#c9U3ze@y=a|`v@V$cUmmIM!#?bsj*f(!9F!`3 zbnCs=doo~AHUX_ae1D*$@wX}faQCY=MAc01akRMM#96IEJ^t$NT4@8B6+}n7EFk;` z=CCXNq*vy1s6FcBglJQJk~W1l_pjsxoR6`pGl*<`0G8BcM82;Dr3=R_n&~^0l~b+p zN*KPf)G7ZMXHaZuZoag-dJtxR(*gS(s*Uk~BlZ#XkjF#^)T0%+II8ZjeiOFn^5}$k zezDm#G;~40bEyNO#(U07)(0KSb}Nw+ub%SpaKKA8+fegQz5a!vLEQ{CUCKHL#KUT- zIAN9oQb#DIOUSD@VL&Tte zGrNl8WfPEsM>dKDAS(9y+IxtB!S5j-@C(x|$n!O`H5T26x^3;{J7XG8V;O&UC#Z3I zL|9r@Z;sT=~f< zj)JJ{J{MQByn> zwbCFT@8P&FKJR)%-P|;89)qsu@=X!qD9KJp?#$tePS?#`^9@td*UeZ9H4{a=CDj#N z;@pNh+ZiF0(&5r4GI~q6@OIo-OG@JN-vlCKG>B#)5IOUy|Lf?VcTgTjQ|$bIfI^N= z1(#(-1puJ(I`9n@9DG;Ij$OaPu%Y1Q9J}SUl)|c7A+0VQ8qna@7_@-xpN+=N-Sja?YQW0b$NzYFiV= zu=SIFt}l)z4y!gE<3`h2a{(>g;!f(5GA zTe0grF-S+IM(cbhqxhe^y?ePNY&Xet%QjSQ1{WCACOUC+ve0&Ve7YK3T2};I%kDh# zYQG|^Vneij;+fMqHj_=wjG0}a9Pcy$4l>`^D2{o5O#-fPn9)Op@{m_+Y`^TV@VUIo z;)Uy-Z%lL?J#07&BAdEk%vdnZ9=!~U@smq5+Sbw<)q2br-F^D}jk&I1565AOH6E-< zV_e9Fv(k`WU(sSR$K#!8p#SE3&HgB?VlelwN3SmwC7KM*mLdccS$vo5>oovQ0(=XJ z!EdCPx%M+z%|74KeP$lgV!=51CJt7(u_UYoBagnE|Hrz_T7U9BI_SNNL2jw5<^EMhAB3*Ym|8VTUY(Tiu zix}|zl>rB%*zSgJu+?n!T1~>6xwG%gK-sF~&nF@N&b5*EUw2yf%O;^3vMjUn?G-|Q zHiU=BmOj(KSwVGPjg)OEZy!$Ba6i`H_r5MpG}$PZJZwWHO`It(F;j^DWcxMWRARK~ zVlYw4#wJ;odG~EC+LYl751$h{_{{@$zDUdROMWQ5W_o%_9icZbe3mefu&-)zxxqrC zSf2=hG8FQ&q?sT{F(!RbN$G>xj37U4;Zs8#g=lJV3gaOE#NevPBb5JwtL@r9ne;=K z9rYs8O^dL9^|!5c&hW5yYOC~aUa_u$T}3Cv?pA=(Fp8+I0W+xc&&wx2gwLgGnK1#x z(-GYrn!Er$x!i2pxzDmMbA9pZw+ZEItZ~}rFk$MA!Ol^8d)P=`d+1#KaOodSq6Czo zQ}PEdrG0xXFV>DUncT{~c27(W;Bz|K*m_&B2Ye|}k?J67q0rX3jI+?p$)nmKc>L}Q zp}SWhcb)hOSqtt(bk<{1Oh#M=rpXFucIbR6bKgD!;2>hQZ>l_&6W2k|X7 zbtr?d#%S#L(sr>;K8=RLiJl%WkR_M})NSN;lGaW5%bb`Ff96Cjtm!24jL_mp-XZU1 zi&7Ud@;+&Qw5Pc}jYk;{9J(kXpjdHFNOaJ)|OWIC3W zc3ilpqOLe;MroiFI9|(o95l$Y7Nvay5oBOjV29e8WW22}7zC-)i_7?vQi$7l8&MGV z{QsM?VZRa(6?&MALM@4x%S?$dp zNc}8WSAJ;x&uPM>-WpHjDdN7y$GY@;wp^(s6^MP|xOG6L#Y-QnwRwYVp@`2ow`M&} zLEGKcu)W!v0ZVek9g%9Z;Rl}9{yAbr5fD(7^0j9`aRjkEGkv*+xnr5Tts%WKIb&S2 zPgcMGenWy2ozQF1W}C8nkmh}vEdqn6{zh$dE;_Xq1PvD@62KhCP#00{X zl)0=$EPHkUQ+U#iJGF6M}u3#umr`ZyN%8^X%~DEub~=*B1fT_~R>NC92o%=2DZM{yW;N zlE~kzGl@cvoLIF0@gPH&5>Gf{tH}anT4zJfJ3}`26Uff623FjW|Ejzwy2?U>%H@vs z3}5{|!$x1hOrC_=M+}<=poZG%rDA3Gkx&37&zBB*G!ZBr?i8aL%WPhEQdQv(cP}0k z;d4#(9TGeeQo0NV)mt|YZxgBS&ngSAO^s}@r}OegXLnVTXviB*1Kvc+(P^v~HnK&Gxg%y`|A&rkD#%NP{) ztacJT`?GfFl`YDDE{u5b_#H5=X9FD5mtwjN9}@Jc1AQu^%2z5}+1S2C36ylYr>;&P z;`Zv1wFmFs#Bqy<{{j|Yb$zj1^GsN={xURE#{hti0d%A!UstrY4qV?V_h&S-KABKA z!}y<2_oVQHJdm!ga+6VWFyXX82}8l+=O=g4+2iP7??17Vd7VrRor+zr-_66?xF_-o zZ3&q%YW5ZmD&)HFz4>W4M0hd4Z9CQ(Ah?apEqbW_DUSU6U%$t^`_6Bp52dp*{63o6 zvflYzEPTjsn>HTbzHL6namV=4Up&2RPw8kl<)m$mAPz!Ogo)PnGHK zf_<$+u-MHBx}ickoivxst>vmj&;a6ekV(wm z>y0$red@6&&Z2VtRff*{&X2(S044pf7nUaht=Ss>kAA-~2R${%+uCq^1l7w_LxtgI z-jv6a?GOwP9jK>oMNot-U8C+qwRhns5iht7fjF!oa(BBO0S^UF=3(0QZJ~37OTSF+ zlPTQPcFB(}wuZX4p$X_*YrvPf&LONtPVQ3b8%d*yR~c#!%pgE`b4s>}pJpV;M_60q zWG2Sh;WcHImm0^DHKfC*!fZ^6F8>`3pJerc9CAi5r;wZ^-;9c zPHBhnw4_;q+?A?B!`}a20C@_A^?3X zf?Kd$fkwobqQfo^z^lO+>ZVm4x^FE{i5Oe;sqUyl^3V$)3{iuR*nkV1gvWc`>jLeYqR72tfCw3D!v8@kq}UZd@u$Ck?Pjkc9@h#8-4G`_5-l{KC|S*PDALn z-4J<<;V1dDejV2C?@jJik+(hJ_X*2)Q(N6;+LW17Kon3Y7kJpC_z=#Nl+hce1 z~0Nwzj>sxJG1Ay~&-XG1EqN5FDH*qlsa-)TchRoBs)V2HkjYNKW&rfsA z;bTvJxRu;^Q`gq^W*-o0cao@@*Q@z{z_Y?KRK-7GYFletpDvS`wXLc8qT}d%Wu}x8 z0;CuLj6)#wHG&Y)^~VbbUf;H9$q3+@dMZa_{pd29?6*D5+0R~LiaGdR zeCZK$u%RCBxqLcrw|zdB(Zw61a|t1`dn!Vp>vg$aXZKhm;J)|w*Hwnb%zlB9p$J&! zqsuG=wxggEKrQ9y)QXftiotVhE-l3ze);2%9H`7$0a_ov#x%3#G7(eT`>}c8BWmc$ zA|l)$O~q1)9LZ6q0NCr0E@NnP;$LvV70*x8aw)H$AM0CvdRf+cy)4u7)4XpT0dop- zNza!#Fm=CLi$1pY&o8$w`q-L*-PSryiI|fEbH`Yg5(00n4>KU_X0e2(`lwA21WmoX z=v+9^<9+Qz9=9qYu8E-MqlP$Kgy~}wMbNrTQ?w6VZ*(<-T#^iRsmtT(e%7TFQ(%9e z#>lN7^)9t_L)cqa(|O4T&{}tYjz84~;PEhG?0xKeMWWuiimJjidyCc(A0Z6HZ&_+^ z92Y8mI2U-CGa77?jgRV^^46iP|S|30EtdrDD{El2EQEK5PgKF007<`QFxYF2yu zh&x;FgP4zS7a|xiVT>`Q5a?eA7b5!Vl9`8CjL~mYIp@}gS9XjcV~p*wZQITWiAcvN zDMX@@0yEw34?^5){d76+ts@{aF<~1W%-orb1VkiiTk}$R_PpHx``fRFZa$>eb~(?% z$>o6!AjXh$bPmK`+heWHbZWid?yDQHm(z5+uQA13;{Cq0Hew8pk9USr2!WAg$j`s~ zlwu--^|9S=kCL;Bq!<~gkJ0-`A*2xa-~ZRo=r$~Wj1b}DH9VRpX;4J{gL6sDfuYCN z1HfH(UL4lza3e&*l`;&dvb z4}Xn$pzSan5!S889QyYxvRW*W0&(QWx7FVz`>isg@88Ehh;TX=f5C*vZ6Dot`t_I( z+TOsRloWFut$Ty!+vl5zB#+EsL(5`C^0?)UZ6)8*^y`&81p)|8I8c8Z~o z5kqh%;yjf;eIumPGT+zz<$9^DiwGjM-sVzj>+_V$(LGK%#TbJ3icclq z9uJ3m=9K*Pw(WZeZZ36@D5Mzs7%4_Th#}nX+tcOb)FUw4YIE;FPN}w*bKdvr$3coQ zFqtVcjUla%x#V@PDaPI<1a573x5(Za0F;upZJ+1jL_d7G`X~1KdYhMWco@cEu3@IBl$_J)G>hoyJ>?Wr+_y@E+gcGI<&;bE zb{@YL#>hx?V3>0lA{>LMszJ)}pnn=Tm%yJxp96d#^CnIo9DOKZX3>9H@ZBsS<~dhi z2$=6lKS=Wch#a}sF@~fmx@E}IpTxu|j3%yqdIhF|0a%`rTX8rt1&k#UQ(OD~Xy@nI z2V5kqd(Trs#J2ZTqI6{@FG9&n8bdh-H*WwyIb{#tNml^;_~*bygb;&Y0JgV1Pbp35 z7zzXHFaQiGs@VIN+hL}skY$1B48~|epZn;iV@;jt-kv61>o7Mb;PsPz#%z@k9JlEkF>sH6@bseHF zpH8n|A2Ee8r81@ERQ9d+ItbAeLgdlJjk_PNd{Z~KxPO{x3|-giqr5j#JpXWUOwGQx z-bX6QABJt+{cIUSkjXtH9N4|e?hOu^y(tKpmyK%_V+Bo*dzgA@Cv0 z8@Tj_fFY1OS5pf2wQaS!cLq zq4h2*F-1UVbqvu`@V(Wd6k~9=g@}kLA$1uD;M}Sqq6o~)fgR=NMHWYF&mbOg zd^RvKtF4zQc~WlO>Qpi__dXC{+bR;K7~bz&h@5j8BCU@y=ibM*R$?wwLd0H2N)Z4q zr<21^|NF1MzQ5j62z75J8i-^l6EfoczP`Ub{y$bn=qydbP3iyu002ovPDHLkV1h*> BzuN!+ literal 0 HcmV?d00001 diff --git a/tests/hurricane-florence_00000115_post_disaster.png b/tests/hurricane-florence_00000115_post_disaster.png new file mode 100644 index 0000000000000000000000000000000000000000..80e8b4570b0900a921cb8e14a27e98eafdfa7e81 GIT binary patch literal 9949 zcmdsdd0bQ1x+p4Y22>zGj0$9q$YkRHRb&WL0s&&kRz#HMnra&-4i*cRib^&VLCJtX z7@LY1cF}{j(Nbx>-QJ_w*0#4tFq^WxX3A?VIxYrx;gO~RQ8?dgS1Foh%VVSTuB}&)nIyK_ovn#Zp)0^Hw4>wfc zf&IKaYHrUiW`AUF+BC{$L$q`MVBp?`2UK6w4EkN=R_bi_P-jbAP`3elu0Mk>(0tf8 zXKztf2h}8XEVuL2W#WRodLUqS>#?UqGW63*c`UY^gZyCJg#VkSYhR56Woo;mELOVk}rzan+^K0Z)q6hTpxJqfGv3L>b(`dIi&rzaF zJ42kESLeexl{`$pEOX4!H1x4q+$|pr2CfGc`jxoR)!!#5UR{c+jwPj0=q3@~XkX_P zkYX0}CWcU2x$mOaq>g2p=DwNzqAj(9jP-ov2YnK*b=BK*)N5TGBMW-+YkYjK@+b8N zoJt#}M3W=Qbk9q<(+xdZkS~8Z>NNEBPh^yDBWiw-)DE*T@`0uKJ?dIA855rA^>gSYMYp zs_Yvq5BSI}&Ud;NgK8@p$JC}NZGPeu>!{SR)Xug%;32K-WL=9%wRImLLGlc@oHSsm zJ(pB@i=BhEG^w`g;us{-&#fXAr2%rI0GZ1H6 zEjtFyH>$So9ShQ`No3@ef9ujRT-AzjJ+@W<63s`!pmM6szvrgUsIPX3(iZHmO;sXC z1xQK$@0+=z3be(n+S*t^Un1(cIe#?rN?X^^I$crIpf3#PX^1=hv#f12!0nno>c7pf zT=IAoscMwy6Sdl{qfDI*VEd89TG1bQM0^!LLnc@pZ-N*O!cjmHSbCFky#? zqa%9;{dUTCQ!DJ%eepf{t%;@5Vagf7X>V6%9w^Jg8Nd+MAL)+l&Bjhix6vP~OHm)c zt3qTg|1^4^s4hxk%SGpOhh&Z*B3PZ|K0A^Xj}ovg#635;{k#b2ICI<>tzH1zCKCha zrhje7bj}(T$$95c1lEGss(#&_oEU}5G@tb?=()-7kBms)y?-n~sDBM_>C&29r}}31 z`-6w?t@FDIKE^+-yKlF#6LjBe+WNRXH--J22x$lXo;^>UsSh65eEQrCZROJdK)61bBLqJd=knr1@+_ zsI;whuWqjQ@$b-og`bf+))O!B0$^!tW;rVdeecMzXVPud)Ak%E3rv3V z1@{_$OXdh6BAr3~{vBY`8^r=2b)H`JNIw{`%@7V`^L>O(I9rl;Q1z&OFo=YOv4lRN zm-J*<{&_t&gZp`d+|@8>`E2=@Xp$>8uTJ&oAW#~^)m}geF@Wt}owr~0=l}ps6F^ZY zzR(>Rk&5kvD0iCRIcKuCb!^{h2D+M~v_%(#dxy}T+jG_P&MkB&=T)g5?H^=rGhD!f zi!)uFeZHe%5y{xIln`+14bG5J!Jcv|-B5^gyR_-9nvvQ#h(O`a$}zu2Zj4SKb?mn9 zaP9}7Dbrb-n74n>zmbjn#7WkLx=s{z7Etc`)EaK#le@GD8hw#0gg(oDx^G&4_@x}| z8LWMi>%_WgUMIg9RM|aCh?R}HW z768Fcj|}t3PIp0br|MCakAD=g$oa_C)92N5a|VlBU_6SSAr`6ql(xCzl+XA%=(})q zh`Y2gnmr?xae;T_9kg0Kc3VFQpXFASE-G6PApxNs^aL2yH*n^7_uQOSCLDuv^to{o z?%$=&0gFv>%sZJ?6uKT;XGq5b%c2Gj`7j`YE$2N)H@gc;MJypXzO-TLSrBs!4&UXT zwH)Jqhn_a7@rPa7YFA?ssUO5VF<~o=ckxKjAI;*DjBp;Tb@hyFbQk39Q9Uvi&`-ml zZoAB+HG+Ov=uI%F4QdFI>BW(Q5adsr(s2nXw5g~%j&UbDgpz5PO4VVbgsrG4&TrV* zN9z|wq&ITzN*segM8bS2Kj?4a`!th^IjV26j-x-h%tf{3w2$?zaGraB^5ZDE;;mzW zS2<_VHwk~2#M)vmpw`b&vPe#mii?C6Vx+KQmDw+ zrdjI6qy8a=vv>xCziO2un3NTd9+D!rd4+hsD><(=B7=gwC#cXprKne&WRC{GMy7l$ z?v*xjVXWD#nOTh-rUcn)h)CK^L2Rify+=7J2#s7gIgq*hT74)W^%0UN9d?tyrmCEd z*jAqO8TH4spJ+IfE!Zh}5Ep*4u%S=8uxtoN{~tD*TP~#)V-e@=Q!Lm<{#;(Y4r{63 zQWpoa5P$MDNGY%z_Ve~+K=S7DW}#Ti0YC;|+NJ*k$X7b0R%{e>^5AF+z=i~%Nctjq zoQ6D|d}DSQe+(QM$r6#4Cb-sGvHz{v;4+LWMX=6d0(QXs`e#p%{%D_&n%##Xg=%sUhpgk|R(ghLWJDyoL#3H!v9Y;Z~(H;6yj z=Uavzy4adtMaj-$FR{$J?DZSV%?niRZ4b=@T(W5#m`^swOB_{u>%;m>e6p##BqEy+ zE`^f~dMR4f-tus71P_`moe_fnqY{yt z3H&db_emVX`1g%~l+v#MlMXXMa|DL_TjK$KK>|(2zi$Ay!+4v-{bK{TT;tCq?spAJ zQvR&>G{FV|sVLac59XSJ4Qo)$1kDW{CV7_fz!w`bJ**jsP&s05Fv?_BEc2vDyv~Y+ zpA3gN$L4BQYX%g^Y2vs&)`AV2)*1XH$O`^XkP%?JGM=Tv$}RceVQrirrk#I-39IUu zeR2`3F=o(gA{U%t|JH6(AeW&z0u6D8^o#Yp_jnb+Z+>_H_7|#hye&i88~>j+dthAU z4G9vYz1|JhJXsl!V#|W>=UTDLzyJJFhb^0XKhuhRvhp83|ENGjhsOf3Ax*{f5Nryq*c68TEH?oRUugIV5Y1#% zJecX)3)BMp`{cKtgg3b%M%`0}(2$b6ix3-UW|qxYIn-egAD2bkweo#iXB#l(2)|=#SI`Mql~L^B!%U`O3c4sqd=w~0cRTeut5aG4R9^OHYhu&NQwO7 zA|RHPfupVrgRs0T>i%(%+&#$f{m-R(2>%PI5Xa9chr!;rE@pwfIsFjhsPkh$>ZJRP zFuJ3IurMzg)`H~DV(^Z8x!Zua^c8WK%Ha%)fx*SyKczs@j}F4%{#U~-AZ{-P$2goj zOhHPDE(U|-?0$jD@wc$m;0-!R4;(e~VTRieNWd?Q*s{nT?DGG;IlSn~R%OW+iS<_3 zklj_Uh>s9Y@l4Hr#oY$FMf;jN z$CX=ppe|^r;$opin^c@xTI1=2TC}p_wSWm6s>rbBH$nx5dl>yO9Sai9(p|IXS;h@m zDqIW%;(Y6NrHx%C97sD)dzys>L2}(>f6Fp%#HJFt&L!ei*0WvOBuIxz!L_PLIPd;w zFi3tDAaqEjGc^s0mr}<*$iw|vyelt(RGd;;;}bMw1kx%>G#rTQ^dO22s`9LKrH#+x z4y07U^!4O7`uMKrR-!+4sv_kbbRfm2C%>=9ju1P5xFC@-RcVU@!&0hh%gOJ_bOlc$B0of~);Z5|~C8iJ-0| z!fOFothD);MGQ#O=zkSLAuJvL0f5^`cK)TLG& z20aik&?g1}^3>Y^7!1HcW)Pc!UN(TDt!fqkp&r#T=o0uoD|FKStevfwjEFfH`Fn{O~+dzM9&u^Uvu&4UbD*U&%1KCO^C z48(TQzj&~9!3~p5p`?o>o9LF^dTfK~tYn=DnjFh+6IRKfl+>yo?Nf89C9SGQdws96 zohILdaASlr916R1G{Dmtr+jU=i+?YJo!it$>F3RBQ*G@S3k+hvi&mPjZ%o_OyNg%H z#`fHdgF;^RFl{>2so;M8#F&nskU1U@=)$>W!g;N#t({|x2XO1%0QCsC-}q>(MO&1% z>F%(Bj5KPs5IN)7e4iFUrFE91bg$fRW)`*+AEBAK^IBBxI=SCLIhHNyrlboI5hqv2 zGhv_TsklMrSYr=x{&Uw*gl2!y8_JS7Fry25md!A;=QXR^tAH&Ndmzwd8D;n%WR3w> z?)7%(x1%+UrV z(4=uFr~IzRTqVraC7ZCHfNA^}EZKG}0pTMb7N1bM0 zUmPo}ZLjJZX*cC-lVP$Xc5zQjy`0e~@<3-J zc5$Nh^K>Eo2h$($Nkphv0ljY8WAEH0%3^pd%Q*SQBj;bX&N1=C-T%;uoLHvvd^Jd zwWhaEXkIYy;24z5q1V;7fb8w5^MxUw0JhJI7GIRY_*mh+vTl0%;kp1U1g80Sh_K#_ zUl9hp#TDp$qu~TOU}c_ZfIF`aBJk&#=fS$wy2_R3X~?^TRK3o;tgv4B zdf$VotVq>u9uKtO@sz9-o;^4jG=9>fanIrJ%^0mR=Vjw#}T(kbSMdHcodt-BJd z=#SaCX!6SQbmTcfaYllFF1}c58H#5`4b+gUV`i&v3(leB^MX2zp~KEV4K7NY61()x zeK7Gp%sXizbkT=$KWrE%ezL#s>jE4wMkHE)>h zQr@VbtqwBu&$%1Wca4QOG2f)a!o{mfp`g%K4~QRSY4peZm-N5Fx$WvuJguw?x|0!) zK2dI?RuI9Kq3Q69(d7GW)@WFP{*1&i3+5;$_e+%SPO*N@KaB2LG!>u95~|kezn6Sr z9?LmTL6~q#JQfy`H?pMjwD)+S_+C4c6%HgP@OUWp#ky+if-v1kbzRWXtYKO@r-I0{ zWW-Npg>NzX_|BA!8&60M$%B@roTpx3R}gPmzRm8Y-vU3`pg*hmRIy2P8Qlt7{WW_b zoT#6e2t3X1?VRn3W<_4PL1@%Ga5NuxRvNveSiI&s1$K93x#@dJdmD&^cu~#1tLXwE zCiEC=WR5+C#Zm1ARI<>6`cUySRY-5;Fm%cK3Rl14X@WUoOO@PrX41Ifg2a&{My}5U zk^9D=a)lLYPWA;ufbkwp-$qAbK>2b|PI1?dfzKNWd?y&@>k1tWgDski&M;6x-%BX! zJZ+E%E=_^h#eNCFS4#mEA3$VE92e;@3&`Y%Q)4Ihv`D*YYq_xF^;nGt>l6HEz%bAb zlxf|xTU-W7`8H5S{ymV;7y+0X>(#RhPS&Mq-IVEUH-c*utx4_-7$j!UnzBbfl)%kBjW(SFH+LRdsmCsx40w|LlDEXsVV~`c z)hvZ_!=oA>=E0PWoF)=jfaVIB@GM&4~06{Q*wD7tY$ot?@3X~d_!=uq|aY3xF zxu$@IoVG_hf7X0f#1=F91F+qOwfIj&kuy;vgv|G6{&T1mevkXv3qawIopHW*veW44 z>>VI9I~!+0GSglcbTIJ&w@K1&E{D9fA0GDdV<($y3uq;)+>uapk6}g6+jA*33SA~J zvjNUnd)ZKf zw-TjJFHOArEZ|HY+&EDVPhh#=W`I+_)Wl1yPk!mZlDhYetQTipkLhWt9$*hN$r;bG zum_xI%45N0-TNkNjXe`zODtC3?a~IhjU%fjNGk_~1Bc`RJAsrPO?%8|ppYP}v2Vtg z6DjIzq*UWbws__BC8Sj0fWbq$ksD3jK0(@Vf5-WSrloJQa>-mXf1p#&08txx_s}f; z+xT%ARF4|^Sirxir^Qg`dn#E-drye$F#6#e?J4T-;Jg(VT=y~0e@LFkRpc&2SD3Ie zqDURC`KWJ`a>*iAM7hah0Z1_W1dZzxJf;EbHgTS-b0lp-c&pt14(y)gAlxLw=MpOQ z1(HHmDgxonP<|D9EDkndHweD-00`fpT(TT2Ho!c|u?HfP?z!P@yhG*~(-=qM#WHfl zogg$_NIfG&o|xW-0PIap-XsvpV+mmEL?#NUkD=_HY`~`4`OahT_$7y}140jt1Q5a3#kck3WSzry~6F*BP0U~+Ks(jk|ae)ZPElf+q$$IvFtPc$CSVF z5jqTP>Y7xNXTRJ(%Dw=Hw@5J@x=E}2zLkaeNgSo%I|(GkDBrn%Ebswew=AwK=|v|g zlU;}>xRaZ!#{!4`;+pELIJv(l`(lFAH0Hlv*dz&VlQYK+CAuBTacZZlX~ch2aODI+ z$79x{$BOP(#3dJpczI20CjSdSvUD3;CBdx&>~fQbg&9vot7&jyw0KxDV|n*0NV4MEdsO$&8C%%SU=k6?roobc-83u(y)a1?q2czKrj~CRxXP$+1&dQCI#(tW(cklN2ksUp z26av3NIG4}Fa6WxFkTY#NO@H-hV7)m@x&HLwqEtY+)zy#q=6p((k zoO0u4XXPa*T(wf*a=^Vd+1@5WzNluOMWc%&%k?Z2+chicH@2rC`v!f#v>zHt+6ZO& z72Y0=Q}wR{8GX`dWVzv$w6zrb403Kr+p#;6#BG#9SB6LN)1b*<_AiPm%k>@`6CZ%M zU>7{2#uK&);hx^Fs$TVMUgDz)WIMaUzTF8^!`=Ze0@K{pq)j<64yaMhwTF`O6VL>Y z>cnyVW@qRqj1z3k?<_aIg!!*vXgUfn zO3iW+RO@cWnzM(gh;53veGr~YLN&{vFar;!??66)y>DRJPb-k0c+vU<3G&D^kO;p` zP!1-96brUWxE=ndfaM<=I8*@dRtw7J_JeA~opc-?;vy~BReq=|Kkwim1Jh=CfOg(5 zz&&JH+522X-D%!re3ogFn9jCE=Pn0nBL5 zUhg{r)G_UJ334oLqbM58nqzJsfa14Sv(vp#fqZNjB}ioI13)g>I~WM5JqgKz%QW_$ zW;f6f6(#i%N!`>X2R!_#P<-k(K~lfsB!wlovUvh8nMQxQ49aA;1-1Gl$v4Tc z9`6!jms#<|0GGpcCwjtNwk`#Mk^E z^?iSo=Kd=~_kL>2z7F=o@IMFqySJ0Mf3f%NH7_c;Gm@S&qQd^{`%Z$>_-lv%^V-6U Y*S2bX%;!&$|67x#W~UsNys_^;0A$b+W&i*H literal 0 HcmV?d00001 diff --git a/tests/hurricane-florence_00000475_post_disaster.png b/tests/hurricane-florence_00000475_post_disaster.png new file mode 100644 index 0000000000000000000000000000000000000000..db9a9e8b8ee0639708c979f5cb685b67d1b353a9 GIT binary patch literal 7886 zcmeHMeN%qNs?(Xh_Oe_zWN)6Mc;d2%6#uM2eb8q(&nI zr-+eakc*LTC@E3|ToZfiTT9RogJ(N7->q&XJwdx%&m>Aw@*lAg1ET&gk?3 z?YYPXqUwJ@zliLoPeYF77(Tk)6=_`dcN2O{33pOfSfV%#5>g(a-X_#$I*< zlODl5fX(|5n#_W>$*X4D(nwAk2g#nW|pnKJ+t=cS-?AWdz ze1&`btaMJ^L%r|=avz%(K;QsgA7!Y*=TEjnL%ff(69l2v1^L2qGz zB-3KaY+IA&VbGHj)$ZYPIVa;NY|A3X;S^dM%M?o4$}smiY)P_RHXhIkWr$n z9ZRCM@lB^GCT<>idhaOrDcO5r0GFCt$!PVGq_NDMazserU302BM){ioStN73)9X#f zTy;+X_i9RMt|6WEOCwgnIY&Wq=!1;$X0JCKTiXbSFyXE`Pt8xNoJ{q|HN>*|1k%ouH`IV#SRGm@n21~t(f zh{med`)~`%p^Wirui?ZYlQ>Dvh!0^mtRb4i(GS%<-rP_M3|4|93~rV)c1n{P781>S z(KYzs3yOdVk`L;`8cuAb=Eqb{CV1reMKH&;UJn|>?v(n84O>`!(Nf*325LUPax$qj z&mdv-CD|HBdI%HQ=t^}@5cg+)5a{=M&~}7#&mDQ4(y+zx?>Fb4?%KZx{=t#{y(Rw& zTk=A+cXEfp0TCC!@qkR>*JWaI$hBe+yGxy0GO;8@C(ZI{?hg3gHnE9p?8N1k^U`6UuI#_jWa_OY~8bAWgE492BxiDI5}KX@_B z%)P}o?ajJ-4&&3dux<4}^mJ}U>p2I>V+4g^K25%^jdj|bG8{h2E%HCbxJUjD zb{;~|*xsb28Mb=OWTJ;;z5mHpdxK_@?~w=17P}e3SCqER>6-r_)0~NRiCT<0utCy} zal6xnF<_Zi4+>J3Cc;ug^izyI$=w8DB)Uw^U`ty!rbKp^3B%Eicn{gwV87FvwKP`B zqCH6VklgfpD;ZnUAJ6O%WZvOkCP!&QRcnWvl|^)2Nf)N&^tFeXYZGQnt!c%lv7{G? zu-ON)a4lh`*3{w?Scmls)pF{D7ULFjq^;>qQ;X0u)=%JQCsebf3+ei)`RHZq4%J5L z#04OwN)h1t6g_HX{zhU+bwJ8RHP+Rtbet=)Fx}Rc-ZGVe9tTnhb>b_m+^WK&yE80} zs!*)}Pmcj$=I_y*;asJ=|INJY`Wn5a-T!TF0mSsDlx%%3QgRf0sIS?6=YDErcedpd z)d{V;pEVbG>Lj*a5~0QuVwb!(1I4;?` zn);GH&_mr;+_$UR`U*^zxLAHroyD2ONP^8lIrs*{EUF(ou_KR(3iJGCE@<2<6^C*uQ=KaP(ayPRh zwN{MGRr=CJx!E1yiZrMA#36J44qFmUO%IO_VZZP}FLS8L#no7kHD9$>&1jxtpbLkW zQw}rDy~f+*@0t4`D?`Y=X3ckQb(eY(&2*XNxQayO1-R5T zh3U_BPt?{H=3 zrhL#GH6X)%2@sK{eJm?fD`9l;LtPlyeFD5n!!hqv2m;`mKm4daRm!1FtT0AX_CVLG zKM`Dh;wR%%@)>4Tc2IweG?q3oYP>-fFwOs+(j5TCz|kXr|gB+B;;b2H^#o~NKx{LsIjF9np9W=nc;35$La1Pf`QO1@UnhS@6i@N$K~ zzdaB6+W!=@!fz3CpG$UgZ@Xr!DQqkp2{ZMxi@N~fX6UiB7nKWuw+_WsQoU%ZB zLS;Q}yZ|=^t`jWQR~rRV(JJTR+X@2ZFr$!c;yz9F$nykX7v%Rgx6V6IZ`Yq~ph|uO z0D28pz8b;+-S{bZr(prwWtD;ra=64q<1W=cwc#@`>pe*?DiMaD&T7N&e9#xLYaFQg}@#ex6lXF!aJlwSG<2^$Uc54>a_6IiamM?w?cF%%PTN&cx@8eyLBl=>!pqQl(J8D$Boq!}(X{7jU>Zky z>1>PL6c{*^GGpRiNdaw%9=Vfz28k3(DW^(0z=Un!8;6tt)YXQaXgqY;!{?Ogkf306 z-*Dn=cbV!1-d#J}y`sFQI)Qh$YEf8K5orVNfpL`c+C~W1co#f4j$#VLy&|i(skdHp zuvz;fuwI6-%Z#c5$O!w~3-GdOMa%5IzcI!FW;X03Fq|O={l&e2Zj~Tk`bRJ-z|jI+ z3Lx|#SrAP?k7T&e4SJ(DT8p-8rj=e)1i5J(LOelA-$CThyBsg3eNZ$Om8iM zl~ENtRaY41I+#5NrpaYsY3S&5$MU^aoJ-7yuVUyyl>NUgslCqU~$W;^odhQ8I^IrN43GVAPJso!Qv$)<_ z`9Y99Y|MJkyi&WusR*C+oFKBBZ7IMtzHa`ZVgFSuLXD(2T}=QB3>=F9*sI2TXA-4n zIOhLWJo2A3aWl?O9fH~n`HAQZImWwz?TC|rgT)X3LPB>K%f@3xe*7zjU-uZ?mXC;bGTc?x&~0$c1&8pAH3 z5JI?Ft3)X|px3QhFf+={_t?@V3Qb^ zFB7uR@}LMtRq9%}oG|I9!j0%r5q%WGG2Ab1_eqGXCrHt7Z%A;_ghH=0Dm*)ces6roa;G)%yK`l-<$LMjP@67PHE@BMN1JrGtL^HOTXL4I-2B(|i~ zLM8wgFCYe_*5=*}SOiU{7JxEAet-=MNKb(ZO`wwU05RZM!+Y2zwIggalV2+K9$vg& z7dDc~kEBUXbrQi`ISeo9sSg8p<=$0c+i_M;z{=(?jUvhd7<5{mTAJtm zAYgAgAol~8JM(dHaYfk{0GDRceSOCfT+bqy!~LJUg#6tN6z^`(KuaQ@@1v@{KsagG74#VnvzGH~b0K(`#6Qb>bdVF++(7osSPVg z4}=px7$BxOiR%DGk7N__cQE5qGRDRvB(Z+Uk;XL) zIGNu;4tt(jIY`mJ|MR6j7gUzP#ToDNTH#-oYuL@&l$tejTYO7?AkNkV7ESceqdw25 z3~J)McKe$rruQ4$#$}pGgtn-;>gjc?r;v;h0Wm|3msV=s*WgO#Xot2PfHkwdo;+`U z#fJ!W%YC|lzyK5|>(LbjL>z!}s4noyFhGCjQEvQ_X%YI#LO7iyhXH{!#eF4pVwwD5 zOHHGu+I>0|jZqtVbwz;Z5hY5?!pVpk?SC2 ztK`U%L5H&hS%7yhab#S4G!Kb#7>Kg<;@!>UXfaamFu>|kaAYy2rxfS{b7t4)92wtq z1Mfx=2C{MHG#CZha=hEgk!6~elbv%B0?68Q_`J)>6%u5%!vNd%Iqr~~aWlXwHf|Ni zw3B>wj7uWQPGH|_ziHOAm5V z-RJ$J4Wd>K`pIxOB#a5UZbQIZ$sqX*WA@=OowZL;n)_CeX`aPIj~&_~=MG=S`bC3S zIcF11Olf{qAJ+0sG+e=(#Eb^4)*69sRUe2mZGw<<2(YF(o%J+j=Fa^NyNUal&<2&^ zE47@nX|4DHRN#-AIDKB?=TKwA+5H4Xg`2y9Fv`6_`WJYY6Q6F@c)A&OfW!Sk-g61e zuON==aQEGAdP&ZqPRwQ9gJ(u0hcsS`Mbh3Rnye7qCyL~=k?iVXLkJY`(k|Bw!1>N#Sh++5B*IA1`ome*^p}BF@ebwz#aO*L&6i zoOzqM0B0mVXb~f^j=n}`*S`314hkNshEBtOX~Q-@647WV^} z;d4XA72RuiM>mfX9(2^yYsP|}l%XDKfT8bNM0NQ1H@dY1xadGDU>$}UBprVec_4oa z?jxd$BuEPBm*kn-Ly1Ep+!nX#dV5Z2R7f@hJQgRtQ^hi+S6jTf! z!uJ$Iw(tPt{2qLQ?%-bRr1c`!!^yZDY{2@V*~iHk2>uEX=|y;v8b1=;iCutZ6=(cd za66{5R%88~aaC|D)(p*LT0VDavNXC7-nukBt4{*@`=$}#Z;#K1O*Qr3fI+l;{?ddH zV1QVbpSUzWL{OLo4{tsGAL?s5zG)XD&z&0JixBsa+x#TFSPA^Fu~$HQE?CNwc5ueK zf-A9XwPBCY1O1XJd1MS$ZDyKpDp};8bCChkZokPp+}G~M`1hMM^IbUj9|!+y)O_bM zAOD-b82%bGoW(CYdf7BJ?L!?rG|gYa;Sb&6(ui!ob_v8XMs@Hp?81DNvzk#8{5h;U ziA7WUoV*a$0$(R2;lic(%U);jNkByl*PLvCH=^C759o^+=KnHsp}c1F2mcW&Qu@h8 zdy8iK(ir$O{>Pdk5fQA zvLqswON}>{6L}wee1yoOef+y^=E_--vz3fX|HsE8oU9=7cE4u??$4J*#Biy6BSeNj z^X$8~nfEVwt4(X1f=J`)JrmmH4;O$JUpe*3t{ujsMBa^P`?@Yqi%Eg}xO!&at~Ex@ zENy+)BFnc51YJE7+%?~FXST(#m03;_c_*U7f^7#awM1TYbQl9#K!esgTfwib^)?Yc zN{S8(v1R|-TK|3&XzSj~-uM_~%kWWX1$WJR-?B?~QH;x6tEwr+%f~5>?lIhqWUrY} z5Z1!PPA+e2iZAaURUkVcv|ao5igLM+_ZoVsQ%wKPUWh$a#+7G_yZ7HyAgh&3#}^>X zPy0jgEd@gOYxijI_pnk$$vRuOupQIM z)~}L;SgNPK|F&E43TE=T?=lz@&g;FVfXb`|Ec7K7)l?e(xIfk|!Fa|@u-i3=RPIyf zJp|F5Wx23_FOXwq$wWPnGehveSnYc16O0{}hix>jc3o*)2^8`oLXB7EIvd&2dVDK> z`Zt^w7|ZFIAwc=|+jmBoP`T3R;d;wuQ7l*1Gj%oi_P3#meXdp6UZuqD*l@NzZ<{$! zan-oRr_QTXTRH7-sn}m}T<-`Rex*)7gOwx;yZ5>R`OMK}GGvv+cOJf?=Nzx04XY$u zx7F<1W?kxDReIYl+vXxvUug{X0>lDd@&;!;!%F*T?%eM#LDrlzLU z9JCY}hM+1nMdH?5FeYw;64Dy#G7LJIHl1_QW1Y3mI$!70eAs*c{{QD$`@{3>wV!;d zr;DlzP6Yq}RX0~BZvcSE5dt8f@m6#Wyu%Lll%eOVm&pTfZjC4=*h~RESpYAyTK_pY}LF z9o?#V=xY51n_Pk@JTyR5CuUGLrrhPsg{4i0NwXm&vwG6;pwNsf9u`ujg3w| z6~4U>lCZU^Z5ylOylw8UqtXf-b}lvG_h{J}HY%RD{tjJ9Mf&KVo|Cgp#{0$<``f%0 zl{<(XH@K@ish*A4pIifWuAHo&V8v;#OAk~|o>;a*VbYboF6r&y6p=mG>pP0BuroJ8 za#QYSg|Ray_CXcw4q;Ep9XZ4cD$a*{!|0r#t-7zvd_Rv%G76bI@YT0P?D)s;(w>*O zN8GYm{AeFKmyXy`(4oa=H9$aNIUI{WJ;HaMV8)-*XSE=!<^$ zy-t+~1v4vnZwCz>M~gUl!*&S##6GAkOdxAGc^!8Dfy24~v_n@-B5OVXE_8}?nUnpg z9YkrR{NZ@tgGvy#E2PDS1&s=@X>`+UZhiftwjJ@Nmw{=_as8zAv zjnu76F!qM)q>)EN2PLMNFCHnlye>?<$&U}oGTIxob*J03^l{n%EpF+-C3+yJGW`sh z$R#+WG`)OfORl6O4Ut2NBoeGs^m>H)oPNdO-2vm|zC&&0j$U!$CN#r}!%6+PevWpiOf#upZQsBX=n$G|DSU;waRfx(YXdU48CHyXS4=hRO*5)l>nSveKVK^7 zFbo76TayME4^Lvmv2ipD+RW_zO(f?I@zGAk7m&>-ey=RJjkWS?KtJu8E-DqW z>3V*USowTVOPuq>Pm#H5&dV>{r0zX0Mo@+RlM&Mg6*S$d8H$xH&A+bt#2|_4=UJ~n+{wff>!18U>oI?=! z=Y{?Wnv=E!2c6}ng9?^7zivqiIAN5JbF^VQ|wT5R764 ztLH^IV5+gCDcD`?m++V&;T{;H7zvpnGP?Dv#{xiWkDz0S7)wmGs%R1k#j)Wr{01v# zSxz_vM~oiUue%cfDhdO4Tw`@HbaUgTPQ<1E1+Ae*t-Lr53|%Yg{{hRKh*hwGBDpM1 ztW}myCOlxsw*x0&^W}x9-7gGW=)=xyIf>+gSHAZBJ?*#M*X_VBL}3Z z6)t`@Dh)a`*JO>{Qu~U)yfiF%c%0`ShM{9fa%H}_isSk0D-hWs9-il&kt-Z*ojn^j zc&=;7%r6kU=+T1TY}Kh+%f0G*0a9nt?a3QRl*X&iRm*#oIkv}F9T8w}Nu(tNzQS^{ z`3M>Rb8sH>bQ|zd*{q-Ko}+HMmZ$kssBGwm=01)cgL#?}X@?Qp7$=iQ*4VS(u=-!O z0=*Wkq(pBlZO!8w-(q-bA8%y9ZI96_Vt80!#LDd_l%mIng1z{V!2r-i_&O#%Lxc7< zCcRr5xy7XD6?m!V;Tfjn;C#4LaI>gC#bxN&-x2ul2B0#!yNkH6Dl7DJg`R*MII!~* zdo)A$i~0EUW)u=wZdYG;OOuW0NvT+j*gmHnhJVISm@jAMD25< G&-yo3u!T?n literal 0 HcmV?d00001 diff --git a/tests/pre.png b/tests/pre.png new file mode 100644 index 0000000000000000000000000000000000000000..2b7aef8dd050c89ffb4577a80a87db8f959d5f32 GIT binary patch literal 2018 zcmcIlX;f3!7QP8wh6E(Y6eJ)u>lF!M2neEx1q_o9PS&80jb~(AP@|Q zmKll^En;Mh3{gwC%od@73^E(wIiL*YEu>T#UReFp^?vvLIBS33-e;e));`}lpWwKk zrzUC_3IG62Z!fYx03Z|)0jMDrVG#2TX`5a2_jCiQf5Xiyh;pQ>uPXr5-9WE1K?PUm zdIens0K<{(g}@HlZy|VmAG$P3-(`RZl?4Ire|Lc`pVQh5H0W{$*;`th4_15QP#T-N z*QtvIpJIJBBG=2iG~y0)P}Xs#Yd966JAAUY*F0LB=x z{OBw*=ZHj2(p}5CA4+Un1M~a4MtzPIFf4qczF)ZKDXdXvKSVbU;k#ZcKO6(;@3rSn zCyp%PWAY`8ms*U|O(`NI2ff)guzDw3B&x;0hTeAZUdli$5G8oJ*wIHGq>t=J_d z|D>>D zP8ewfaDg1?D~oVMJt3u12=Uc%y<-c)?~=optf)d#g(}YX%ARO zwIhoqhV~wl&&C@8)oQOk%t{Z>3Kl%^rzAg-ZlJld(*Z)4n4A8Pl0gNM{OD$>V!!tk z`O1XA0_Ix`M<_Sl=}@HT@z-ltbLf!H@0C|E{Yx(t!)*IxP^Qj6zZ5P8o=F>r{PmT;P>6z6bh4E+3?tFNQA8?e@Vb+ zYv{`i&W5&VA5}riR$5&4A&3wd%a20R0Q5)XfU=i0U{Jk%F%b&Imrex%%^ogKu3G`r zDr?N(2oaK!edrH?&pW&qEt-JITB$qji&#OKix%}jaE+Cz*jLfwda6ha#3em-$e{sN zfqB}KnM7zBFELh>Jh@Kk764ULly=TZ-z5+8ibsUW?8DOq(+Oe}9N{OxkMpHOI2N~L zmr$f`HgO%q3c}+v-YP`uurmNy;_kwIFfJ)kiX2Y^v5?YKYtfzag&B8sAv7*y@K7h= z$ocFL8sz8bNy;@!y|~bZT!FuO&z#bBY_-~hf`>C;^>N0HrO^bmeyQH-*&7=NS#y>& z=<{d;-eKulNK@@qgrq)n^pdh)KS-~Bjtpo|P@La2dL~}K6v-=8>E;N29BI0YkW}Z6 zetWpM#;`G{7>vzye$y3X#7OE4g3M^~+PKFKfnk%sfwD3YYaWy%D0M46L|C)(iLLbR zPW_MqP?D?{(@GtN)3>!Ud5n}hvEw#X_&WDBcr~?QwKGPa@l(X&(2 zX)&j=+8(} z2#iLLN2^J)6hE&4X3XhOb72SaV}%u7a!&q^qZs#*xMWNVeB{9x=W9tiHP)?DZAGty zc9e`*3;L9`5V_u%-G_#?I8fSFo7O+aqRA4JXN$pXr~_Bk{r}`hf3xe2KEJ(%IF>lB UqB%A5R^iKlx4R#?+KrL;Uo{?aaR2}S literal 0 HcmV?d00001 diff --git a/tests/test_damage_00121_prediction.png b/tests/test_damage_00121_prediction.png new file mode 100644 index 0000000000000000000000000000000000000000..0cd8252b9445849abdc274ea2bff378f0db095d9 GIT binary patch literal 10198 zcmch7c|29`_wTc}eK>>Rm}icmWQtJ6vL&;OWhin)MJYrfWSdnIktoA4RFaSo8k~fX zP%26|N@d8Ds0erW{oK#ze(&pdzxQ|ly63fC=h=Io^{i(-@4a4Yul3&NjGc`c7g>x9 z0N}DP-{AlNf*&FPVZ(>>np-OILEX-JmkBHHI86ji{lndI`#GEZzskk|C zSN@=R>+h~}p-~=`wm1XRZ+71r&u=muuj9D?d+X1mncGNfrxbbwiA*;vn5{Zog{ZDv z&8}s2m7SQ{z!l2g(CHjSth`2Mgx|2DApKiNP$(Oe_1{YRE_{|072B+FdzDJx%s0sc z3CW#c!@#+;J@_v|?cxA&p%8oYqq|USh!o5Yf45<1QW+ue!)VZHA;bu2YDNK(DNbbO zyjq$ZBJs09G~iDILH{legt1(;%~Sx-vcu{e|5?nogCP`5|1F*Pr@mOTBN+H< zA%y)=H5lmF5lx^*tSE;3QbY0sBjeUwizp zxhzCXRYL!U&I0%K?!PQ7%9DEZT@TaH4|}5@rsKOo!D2Cy5w2jx^#_fAJo(!nMo9VS z{~6L80sPi@-~8YAs0ge4&;Wmo;=ag}7~zMkIRD-5`@ikdYqVh+lO5{+Z^INyN^g^>j4T6ao8ZYs=S=#j{3~f#C$w*3PP$e2v4lSJ1SNl4lE!xcmCA4n8W`S4 zzn5%@VrP@QR=7VU3!tyNc;R4K2W*19m{|GlhLI!DZZAaa;owzc)=XRih>xwq)MTbK z988;P_gEI7IU+r~9eumx;aAVuVXdd@nDYSxTmY_qDudn4*4tLz#q|sW&+kwe$tS6d zEskXRvPeBb?8!MpU~moQS|B?6BvGLE2S>eB73K&PVR%_WCBwq_Bnu(d&nct3p1f3s zt_e&eqEEHp2yXJXdkHdVkOopWy>x}^oH;Mrn=swA12*8H9C;#3LxZZ2P>DoPY`qS< z@vo`#WK_J~kV=mQk{BogP^~sMPuW$q}KXP$oRhojPNiEkyfYaejm>=1c{OuzkFnId>h z?<^S56K4iON4bau>f(Oa$t|_u_@!?=H0E5=)`}6NZU$;NnY=z&m}y`4g5Z*1Z12bQ zjy!7v!CEjJfM>Bo9)bgb#7e#URsGz?*r&OQJzmg0T@*V>oGIlcQ|+U^0{2-}F@(;I zrxIxhK}6zf;gUm+M0HL)Q5+?NZjJ{}dUk<@!+Q6@<;E^j4+Lq{{a&#h7HGqOE(*k{ zbkijw)sO1qQ+Whp|=hZj1%eBG$YMViCxg2m+%+*BqR$x6EpKe)Ob^Bj{y#|N8afaqTf<%7t( z3{O8Ot|+(gnH~qe^aXJFL>HjaE*zK`-US5x!ljP8KyM%%FdIm(k?cYuR*Kxzu5UGA zITR0%O2K72S}Sr;>{6B~aQ5sr-j2zS9)~%XE*llWP+MBQU@lAB+q>0P(g;YWuOzD@ zjL#dGvxc%;ek-C6uWZMZP=Kd0GL@nIgfe@K43+k{0_WYT2V%kQF%{H@VwayuWsn~d zLWP|O;@dH?@4_@Oq8)*Vav~)Jq$I}LmLL9^wG&ef!$WOf3Or_Nk0bKHx)#E*i&5FT ztRIO`HA$6Q{(0~OkugIqIkta$jvWes3dLir@$fX+qV+D?%@S#glESgtKxMf}TpAXH zgNslsrV7O}iNmMt$olrx{41VMa4 zOWa5n2a%crK>=hulDzcr_)NpVhzON7Bfy$qgA!mE@j}4^UIe;G9oj~vZz!Coa4-{m z5-EegI@C>Ys%acBhM*5(rN7Ibt~UiHV!SXXK^StI*AhFe$xr*NWS7P+G09_`oIs@= z&L+1BquViZozwMqd?>HRs3ZGGs*kFn>N55|Fk5{q>2-f`6mf z8Kh)ZBQ+PCS(s78u5D4O^?v{i%Mf$bC=W=b=FAiYQYm(Byanz__xi{%wS}RoiD6ez zq;n^?MHtc1yb69u+qc^&H~{$hst<3 zr-OfBZ$IUhihUXEy?(1!5ILaK*3aMbeoP$DBnPP2`OP3u*?gDvDW8LatVq?_`ISrZ zXs7;}oN}o76>Ja^+do8tcU}1rYQ3I$ke{~1u_b=N#QOnI&SP^S(W7{M-@FcFcX;V@X7N&nbkksYgex+k}Lu33hOWAiLD~^yK6UL3Zn3am`cJh zQ49qqJZiowa+)Ln0Z*&bnr$VGU1P5DOvl(5-DKkia8}muMMZ)=ah3~`DyE=(wcihY zqyfQna^;j7d$6A{k*?7I@~pOw>rpjD9-E-S{RN^n;MYgvnXA{y0U}G{@O!+(RQ^V{$PP_qiO_R3oK|IoF}4 z3;aUU^3I+szHdg<$NSHuYFq?2$h?#QsYoic=*!EM-E0nzzBY8ig6?gH%ri$a1YczN zcB-LnJ9HT!?`GRUg*Ykx85!)w?F-;rdUe6*+STl8$=>WcACht^LRTva&)^Zix7MS( zD6?jx0PTR}s6w~9Y;Devpte+r*=Srom!SQthCZOS*B{pLRbVRE+rCIwurR3x#deR# zq2D6Yzpt(F-!E%4n7T@`+j3ibhq6DqZFqy5Kk})f``%`M+r+m>$pNMdJStA_)~{zX zgqp?R2n7mjjMt*c?Z9-7&DggC_aG>XVmJO{KU~enQm*GfTr5Gi5P@d~|aKeC?YV)gfnJ9uvma~qGShW1^7;km}jnG*=v3iiw-1s1u#+1s(PhFIuZ>Q!2 zm|mFdh1cd-1zIs91bcV2F(O{aRx3qmLNSBKxy)VDJ4Hn^Do%-bc2+wuw!jgD`$m|i zYH8zUKH7DUa)=c4JSPo$T=g_fCQRcM+&>}G#}5Y=L<5hvTV>G5l3`MH#-_$YoJyz5 zvmG^PE{lOWBwCbPl*%QK*8XxTgF^^9TbVJY+<1g@E=VN9Po2}cQf#>&hPf9S!o(a7jfs&Iiq2HYkKl|_2>f8l`~3iw%z+I?@} z$d-j}A$01S^VP(dc1fDrcH1%J=i0ishY22mD~bs9@VuRReXq4}j5Sz^@(<^d<7gA2 z-nX6*WuVC(8_{%r^3*8rI9DSuG#> zqFog(cZEp3yDUVS4Pc4=JZZi_NrcXMd44JFezVRVy7cKOcD;m6L5 zZ_9GTew(~}8aT9hxzN>~Xh+h3RJ_hDv#Z{83RZp?WV86b>Sa8bGyc3@4X<$>DV5g- zw<&}la~-!)!iqfvO9g8R9K^oZsH(XWXJy|z_vLt6%3gCE)VvAa-WuhWiH$tbLgKSl zJzW}JMew;t)8>SlK3Te7noVl>fP{E=sd$!#e?!bU9a27R^t?BgaZ47TQ8S*aV7lF{ zS_L`|Um9uH=~j36#VtN5%f75^i;0YvHyRYoFz!j?lSSqsNwek+P0cFuT^qbg!!;0M zg}{n~F2UTr{GxAK_gQaKQOCh_8NBQYeGki*Uk;ZL{d()>A(Kr7IX9Z#;q;f!k#pn+>!?iyXhzvP%j8^o$V&3w{QPkzx-H{S#irO zv_MJ4DGyv|N%j-Vb3Vv@GeaQqLdx09ji_62VM}P5G748M}70F<$NslfPEElp(32uWK1aF-G76 zVIBH8Ltop2h(2H-Z8^uke5OE2!qtHeE$d2foc5d*u0c{slv3qScA2|7l_d}a@l6cx!Lqzb4wgcAEpR%=QC6htB0#e7 z9)L$a%#=!3f>NH@Zld9yIdJ=;z~M7L{od-8{RTHc;|M}Sd1zoAKbht`kN0Mz*>dpQ zhf3FjeEfS_+_1X0$?L(oOGr<%?{;ht-irc=hQ@#+kzzy$Z=xZ$g+t%Ij8L(9V7%&S z?nnbj0Bel)QOK(IIte-q;mU$gk~0N<1;Z$&2m8F#l0j835|Z3Cc3xSJmw_RWd=Rwp zH4>nD`RDJ9hB^NG(+0PO6sT}DKXaaKavwoyNO9M8>?9mFG4nfZu;bp@^XZIZ+>vcm z+M=k}_~F&EQ(uMbR`xyKbhk9um`91scwRoT6v9tugcI(yxUP9PUxBP8h(f(4mTVm;@Ni{xG- z%a1KMSduXZ|$h_J&z`VO46cRk_)fBl<1xT%a)am0gP{WrF>)f=;B#z;r~sVIhS1MOWM)``g$Mzd^SrC$VQ9yW z6&X~`=Jlhk0u>TQ@BF9GIm0ps4k6LpOTSU<%XklPOn|Qe&L^O|Gy9! z|DSdE1yHw{>NY|!%?ZU1*V*DRm+6IjAu}MW9VeLo&Fsy0X1HT724nYkJM|?Wr zUoA4;CI4xZc_1xMVAp1W4H&;B%odTJ#L_Mi%qtALsOL9L47-D!BGQQN?x;yMP>a>( zOxh}9ae$w;@A8^0kH?m?wI}gl?H(H7GI5>ly zS5+AQu&oO6Xp>#$k%&JRKg{p1C*{+3$tBy~FsC3`tC6DfV zNzuS6T?Mlgk$^cbgt23wEQyMaQZQ%e3BL@}mtrnDD1fFP=t5k7wL3b4c?mT0=kW)^ zht{-o4PzHCjJsd`UAYNP`nu#FP6)14J*0Bz84`T*y$DnrvlMH7cEY2Qu!EEup3k%v zix)k&58m;Br$_8@;EgmYE64teikPDk)|K+!4v1bp)Z6=f!*_n>17gWK)UQybLc33x zw#}Yc$pHDk;s>^43rPP?wf7=@V3Jh%OiNG3B)^qerpi2h@&!rpo0jRpqtIe@!@J)r zTh~64At!#8x^8&-v*F?4nU999``9+BG6RpjS$}V-5xF~P-TVi z)4;(DII|H0ZsdcjcUYT|0Bs!-^ScRZ3vrHBK-FJ#%Apy~ji`};=veKowHbEERDj`- zrSNnqD3Vvb6r5liywk|b2_;Y&r%H}0FlVMbsB{{XqdS#y+3fyTZBVNQCkQabXR|9e z^4zO1^njLD0!u71Kyb9${Uu{;9O-Ep**HVNX}V4YG;H+Qa2L*_?*?vc>Qv@(JoeO( z#%zG=_IUXDvz2^s?QH!98|*nUkL?CAzSgZ1@NXRgQ#?9^T>#}X&7A&R4=2^AWbX!& zn@10An0L7j_TP!zk3xmVU!J+EIq-#4`Tp96B-p%^`LcIp*3+&U?60?q=OrXrD1{yW z;^hSG@@ZZu7fcjj_Om7DpYGelCbg8qBSfP5Y4dpDq~^eMF!UgMPb0M$mNPx4!4pfa zTrLPXQo8A*h5z-$3Zyk}KnB%>e%G6xzbwlvs#ek(jhPYYmPciWtko2t4=%RAS9LN5 z9_xL40Yue4;-)ckU>EL#q)L_DCFe8;z4a})H>MifDVX$v7}02hG(Y?p0=``f#l%J`P_gU__`n~ zt&Y2TsWJZHAOSWI*^SWy4_L!92Iue4nCa1kS#g@=rJCwH>rVLwaZ$h5>ANB7?`ryi zQW>xAT?$LGM}c{5iJj(NkhtF$$7`RGKbX1ndSO3Ry#!P}0wHY2UnUzn?U6s+D!|%Q zmtt;EXmMHTtJh@fopccgEGs@1XeDo8Dl15))m601IDVm@=we%NI+MjqAinXtTvuU{ z3@%$b$53gprEve%UE!)kNP{MXCTKp~6|PN$z3m*qvI~{I0~%5sPilUm8ZkvfM^+#$ zU!?^k;QX!`{(@7tc03;mduaqbe@8qp!`xdOkpR4EtF2N+gV>Z#hj0}9tw{g6ps1WD0uOd2bK#+5A~|7`s>Tq42QOZ zFCFVBm2ZXCx<|FMjxObT9vlGs5gqL!0rco*q%xqLm-g|Ex~4y9Z5VpA_vjHPjrvNk z^gezMHvI8I;;FVe-7FQ4!h<=_PL*MkW8dN5$GYc@>Uu}^Y`*9^F{9`&k}IvPg2}yp zV)&B(Co#20(G2LCteorckY{do2lW)ibA+GgXXK6}m8&N2eA>1{IW^>T8D?#GwHp?< zEe!4imw+hyD6vv>203CSXL$KL7rjNld7BJBs*uP{W=U7=!iF<&UQY(99sQ;jc8;YW zN1-kxHjW4S??n$^z6{16n%gNdN_JcjUw>JbECm=dJ z`{G=xSG~y8AL~m!fG6j^)|kGikX8X2w}(rh*j8Qrjh!lJ6N}1hNrm69+3%_eTA32B zd-aRgsURPG*}3PaK4jVbo=VH)B~XV-KP6A~?>rW!f9g=;woSi(C6=y!g5OK&lTsfZ zKe&<$i?Ao5J_USyyz%<3kxL}{Eju144(*)qJ3|`c&yTtLF@#m#Q^U&`8 z8vEtM9MS2Qvz0|wAfk@r$rN-Wmu8!Xp zsud!-cDyx>ko;9meFO_zGZfiK3_c{Fk@!8z_i5g3lNPpRftKrF9Iu)@8iLbiSb~gtvEdKhaF`|}f0uIHwR|KR(B6iplxs%?< zti#$|PHooE99+4lS<{|sxU2Z-Mk-DJ^PB`t&Mb_=ve?-<7iXw>5%dYc5~rS$sdMq0 zMsz*TbLIj)-II?%MVY2TqyTMw;GB84DwefS4Il?T!_fw_pW0>7qITHela3df`lI#X zg(h8{Wlq+R736&^WR0E9kB%Pb=WJN&bw{{Wu)00UsyV+B*1r^Q_!h!T3wiez?jIf& z?234zIZipSvX`9d!F;*ezOB<5*!KdVe`r1Z|51?A@9>2 znLJmT1KIVtgY-{|vH7ZcZ`9L0T?>9K41{!xvvOXCu}i1)>IaL(*%PSuIm$9fv)Lz| zei*BEJL+r+p5}_hi-CNv)d%NpMfO1?9~z&0picp|kP;u)OhS_;UEJ}#}C zvOD?(VwbqLh5V&3jg+e2B;L#7`CxEwPGm38j{l@=@hj;7B}j5td_k%DO`xIAV$*<< zm%@<^=XRYLf?YDzwqqf0+UN38N%U94s+baf`7u(rRX~QRPe1-(9$a&dCcznm(pEe8 zy|g8jwspuCbAUQEF-NdlphQZJ#F*xJu8JL(+<4Y8JsJr$$Ozy{m6$d_Z-UQ?tbkwz z+@xc+@xrL>mUsM5Qa-8Z)_{%^bt=|g2YG2*-}{2&P)_2r!fJMS$H$5_gAk&Q#skpO zD57k2e8{VPjhP{iT0ttdjGrNJdQt8YKZW7Pb+Bv=(Z_z+K9QsGvlayHM;^Hrf1FFp zMuDr7o*vXZe>4BPrbCftG#DC)ZT^0pkG}kVqmQH*nf1Uq!2KlL^M2%%>K-zU#tf|% zU_KDFra)ucxZN&ZheiA^8)4I0Lag9tlEj|eH?YJStEvVxm^`TWQDd&ITJA(rsZ3)Y zXqy%;E56Tp;6UUR0@um=Hs*p-~~F^-<|zG?aY5Y zXjgn_voa;AKxOEM*{Y^cP{GulKO||BXClfCk+y>>kSxX54}bl4bqLNme6z4Y6mCAjCdAH9 zo4%QB1@x*WZROE7L81#citz5L-K{0qcx61x11phYwtR(m)NmZTE`ZX1D0m%)3dPve z9LWKOB%M9vthBfsN1&~vU!0}}+MSy?AxkrX8*>6inO1ijKmd(-7|vQqME0@sqnA>~ zsDNDuhe^~5`@riCvrMAT6(Dvka!Um2ER!w|?fR8;8VXQS7q!4fSDPwLednBH5UPOhQ8B^5NRdo&U71`E-P z1ei`yL@MJRh|>N^2UR73s({Igv?N@6_hx=8Quo3Z_cw`a__Y5K7sd0gV+!E0h|{*d->pRx z{e0rg+CtEG>os_`($uXc>{?X~3MR;YAX}Qmk4PDT%0jST0V@^smc;p|H~ioWCNCt6 z?mkyVrjTh7dogBtfc&l1E3^Ph`*=`gtIN)4q#6*mU6xe*AM~*MZkh|++p}Z$c8Ti(R5^j zLi@TGh{T?P$NJ=8n3EIdU~2Bggb0_*s$jDcY@2T`c=n83va$owR?Yjgc+oh7c`oi) z4}~5+Bl}&0dYL#_G8<1l2cmhR_6d`|*JIS92=T#>nWZ}P?NzqzN|Eb2LznmbJk>v> z)TGdQv}EpD&#P{=vKc|Lo3K_v0??T2?dZNixZfMcJYd9M8lh?s!q#v2F;-0yBJD;} zEyS7ouv>FJ@!y##mQf$g^3oO8Ol+5O+4vo{3!{#1hWKNRwm%j8!S0 zQufIu9JOzOS^RE;R0PCNL?oa(kCHx7p{Q#*v2X+t3_!j=M8eQ8C<<%}A$DdQySE_?UDQL&$mp(j{52S?^WQKrEa%iPwv~euxeMHqmg)$L%BncHJ zDO+S@$AhHd<9Kk)@;`!4{tDs-0zV|6!qF;>_ki7ph($O?fX;Bn{2 z90U`9a{a%FP@KE}_5I$)A2tz6AVi6pHDL!I&)EUV3BwMp2Tv3T+T{QB_x&{g4`yIEyBYr za@PC6Sdt;wYt&Hx7xaywH-U1P_K(L)fK)Zx4dDYa_Y^hFc1du%lL5Z)AV2}m&fmR? zI`@3_;v6cxdb5Ye?hhL!DxC-c!j<4CZAJZg6B{VzV3ZYnZg2s1Y7y(w(fQDLst^DR z0p<=hOGT~K2q4G`-~d_~e-*}h6^3nhg%~^CRRQhFYyghghNN-Zg#l5qQ15I!D0-Z7 z%#U1yjAuSLOa1QyBnz4oacXJ#cg=4A7pjME3M)tBGr+DWm2S+6@RVgVju}5qU_C_v z!}-v`3Z4%tLU1 zP^>XnDv0Na!(Rx)oZN>pS9B`~5yk&`L3y!1E* zp}fj~5_iOLBI6^Wp#BA*Nt+5}g(Dz;*UAP+E;O;!!5UX_C+43m6IP*y3Mb-oD}%dL z*ibmiG+!z5!;zr^7-id1U$;9``-QV&qdb)|BMTTgp*XXzDKMXS;uv~JBY=L+@mDI; zO}yPTEoSv(yx6NO5K5l2ZCOdcxoLWVwj&vE#ph^|ENMVY`nc`u>K#enhG!V`Mhdp?q@-swV$bBO{VrOI7<1i=mRz;otjL`Tkp7rG}0!`-o3id)|8@3 zNV8R7^r}ehklOC(HP2$wH&;%-fsv}jSy<$?=Fs#O&h8VADl@gYgPQj?;tG!lgdW}ZS+)1hd9RLS&V>Gyy}zOUbfn_$qi2WI94#TH(Rq>+y+W_U zR+^32W?CMIH-)3eZ-4s_!76x$j_YH#!m|%qSxMg$=Z4wlpZ!CD5E)5+rTcxf_)+-7 zFH#<9R_>Lr-~Y?BCH(nw=BnAx>A30kFXOk-o2aa;>yM)Y&)m(@zWWm-GsP!)K7Nwm zChtm;ILAm}<=h)GH9HY>}jZpOLe4^YO`1YwC+5aExI%K~e`;Vown%mA; z^xPF50Ym?P2!w(PqcTOuFyd&f{up$ z*@%Z9x+EiSo;!V+rZC5C=M~lkLC%kdrBrV6NTS;T_feru$=`=7?lzxeID0o`A=KMd z$ns}uF}`QdabIQtG^~Sbh2#I07sx8L(qo@%)evtYh;`b=Omax|$er)6oUElpHHCTh z^CzV3O!SpM&&@byHyIsjZ})pJ`|KC--UB?!v1v$c*zbFRWg6-1qxH8DLEyzWBaRpo zX5RX>uYE0gjY%v|XMX_+#>h?)EA{y;itH4tLZUDxy z?}P!M=#RryA2>qaihC1sQX<2E4;|FH2V#$`Sjc`5K(Ixv+J`XA!47lPbKo^Xk2*e| z$%QyTDLFq3-6<-)-U3M@few;E2T7p9R50{)7&2xfUmEI-vnPA^HZtP z?>&4^iE?vg1TkTqW`RYwzPsd}8mqZ+R?ufNq2k_joMkyK$0`Qav#K9y`M@y~(;4%Z z-~M3la)HaYlxgzHe?%bPwgb-3QzhTyiyTXpsFDB(Tdn@tG(s&amKOVhm% zHHWQWS5s`RFW1=2ziYp(vy78e&$9>2DEWW#Sh%&LmQ9125|A;QdD*O~-G2j^y0S4r zB7SfUyD@_K@oiS%>O_e`P@;G!fw&kPf&2BLfuk}RV62odR$>@Nt4|hBCo{}G`V2V_ zBv!rM7a5O}T#>A?6A1Og8sml6umGJN{86|%d;>FONR=48YZ4tgyEN6@x`-nX0sE>Ozp;xAfwI-_clNy8oL z17T#;)2gg!)n$e^_jhacD%Um6*5~q~Q?f}iI6i8n7bN+)q>}xIQR1-nD1W8-+EDJC z<+kk}gOwGrp_a?gOj>+}SpEw0-RZ9P`04D0`LNQ0U>AlfTn~5)f~le04MAIH-yC^A zm8@B1ehux?k6L>hicxd5THJ8{RHDY(bnBr=%A-^69AuTp){2^h z8_4gks2e8)L3e4HQQ-+WEq%BLD*2CzG%N~;Qizgstq_EOpOg{WZAz0@ofd$yQ#_2d zs*OwyFsM53pRC2|=vMgP!K}L$QgO%FP5L?kt2!Zcu&8UXQ2GV1iG(9Q5i!eK7#bv# z!>}DcAaJ*T{tGewBQJXpz*LO;Rq6xUF#vHG%M!NKHqZ}QAwX^9MmlR>6)NN_`SciX zP>Qcy(yQ_vU#!#aDA?U_a74KGC3xnu0u$T=pUr?e)`g+_7x8qY_{$}c?@8eZIv9ow zhBolT8eeNSfI~44`}$xov<-}cksl8lZ~GSL)JH{eTa8@OeWpHxSueAEvPfILXz)8S z^_T=GQe2QmN{V^WMhJyts5Jw3zLR1?%tb)i471k_P}1r{ zgi?e+(Q5&3L4*Pj4a$e4{pn*RgQE(Ba1q8gDB`j0QxtGGjlx5|Wie{A1$Vu-;24*B zHPE`g-i`naE50@33FobM;0Q;|Pb@Jc4M2DQMj8LaFuoatEs%QeQ%+I4yMW7qxkqVk zSmS>q>>nV4;)R*+6h8?C*9wMo)9oehxvCd@xn)F!k{-6e+#(`~GHJbZlvTDUi6?*PvgoGM`=KFUBvt5}!j4h$_(h$e)hEx4da7E07p3K(F4QUVRF;9A^v z!Vyh`Q0p^FbW<+RE8zPAhz79YB6mtC`UR=at4Gr1Y(PHZXkeyMyI36i`N!VD#BXA=s(EG+SWzOlpu6v2+Wn^J5%RU!(v? zd5-08gFak-<5aU@brW2c5S|>sA>YvR7o)(&$5%?%F9PJH9kqD@LGF6*Ymj;aFy*0b zX7_2!i;*vDapMyqvKss}N|Ma2zj;BTNQnx7Ap)*LbUu&#>?cEQ@I?P}woto_(8>Ui z7(#&-<%d>|&bZGAfEN{b`m1D^EAj-aApLBqE9j*O1jd@~GP}SY@B8SE3`$V8;2{YT z8_)j1x4m>N#d3SEyzGFFKUkh*BBz=^ZVku#Z%;;91twP?M$PXVxTJ<>cv@a7tr$)ljXF)08;Ia3 zl3c+yY`i$})h|_*-_T?y$hi|1g5NdWmam~vYG1Y}{lQ4=rqcu8kIb#vH2iu4rkw$g z3jN2A^n7nhGN^=4iDlg#A6OuE?2JuzGz-;F@E;}ER?;AJSJ_fWtJl({us!}Ia-npl zUvo_V$=&o-G$o&iq0pjywMK^^KGc_qmv8!;aZ6o=6E@d;yTa`XmE6Zn8l2MJb}Rj= zXZmoWW`q5cbq*DYEe+kgtLNmFmWCzgf5gYOuO~<=uy7LIpw;TS&)F5QMiqPJBdixW zzXELDk4}CRqxXR)`HZm9P>x@sX0ubj247xUxzX~d7e;---{%Z-1rkkynrx2=CNrGJ5Csm$sfCK&L&*qgJXWC ze5Jf-+L6vYVP0X&3u7OuH*_y2yfdM0Lh?yfwA>(TE1}O@olZ%ZI>yHTPUu)OVIU*k$%sV|u8667_7-!6R9xD*UijMflx(e!jV8gqYu`2uWm@dNj%5yQx zvi24swI#@#`S?@|_G0OuW45v9?2Y5JGtbvml``sYTU+*gILX$P)A5@0l z`_@yQqu;XcB;tUVbVH~qyuCJ|IfHZxW79mtKoWP=agd+@aj70`yv~etk*MH$Y*5fb8+}F48gyITrJ*wC3Nqe4pZ{+H&nIhX>bkEiOy}Ibig;3dT z?Uy%YgO{hs$Qic3pe;0Wdg%5&zLOJ@`8*mFl*)O{WODlc*rWcw3I=Jfd3H5ct8|uj zyKxJ@lho&HeZq%$O#HqW-uxT$&8>G*6-HMU)xRo2mAWThmFqKmE;d{l^J~d4KDxzN z6`9{X<6>l5Fj=axFom?#(j>V?rpCx?Ro$TXtozMazJBK~r$>{WNYx*zzccz$_8)A& z7tEI`H@eaz7p_EouY2M!P`pH51%yAkqG4xrQo4+E^Nxvn%{gm4ev4Vek+Yir59di| zYu}g{UzD%dkkDgtx|~tlpkEJ-aAK&1{;N;US50N)p2pRCWHyyL>%&NW?ylym{P5aj zc3(QGub}eiMcPZ1ZCdJa{3FAeYEc6tD|FZ|I5_3N$#lAGk3T5Kip*R~PkA%J{qQ(K z+SOAx8>W=S@w%o*JiVcQNP*85*lr;4G$^2s$4!Am0PPRPt% z@!}cDG>ZjKCXc5zJ5N`h6ojAq7h>0l&%eBAW<2K`je6TRS{XdW3#k=Aw`$5hxAfSlUz*rzng|zdt^P9UY6x{-J|uc z){-I(HY)Nvj0rMUxxV*ySqO>%7#|RLDQt-1C{h zGp9Q9Ph#hw;kSX5r@YL!lb&*%7rk>mmEOG7Lg(R`ZxPw~DlhAsa7mHbZ}sWo1QVoZ zzAT-PWWqyz-8#AFa)uGR9$^_iejU#RaK?WT+0gSV$0zY`Ny*r;j>#10s?0`-Pu-0< zSWj&}Y3}z(IWm`VX1xC9f2eWINACwc5^z+Tt1t|(y}sd9yHa9)r2L~IwBNPkx=ZfQ z*^r#v?48Sjs?VPG)W7-BciyAT_WY-d+_HLCRc_?V8Wjywum$5It?GVwoA_|wCQvNx z<(P51vb|y0EV!|4^A+Kcl0KzqQ(2UG(Wv=0>Dpd%4e?ioJXJg7bvo}6tJF155q8E& zQ6>9f)sj!RrEiD?Y1@UeXWFf5GN_3ek7@;56by8|LfVXwzENW@CWvlatLQnDOs9(d zIz%gGfNizw*r-W1X>nk*(0zcv{bZbbpy!o?Xl(4TGJ~$I@u;SJ`TM5SYeV(d*8#7x z_r}fniTU^$OEMoNCf2Yb*OsNT)9Z=TTNxs=mi5=AjP;L+50CMBtKi4aX~OptOZ>-P z^RK$4^{qEd6XF}MKUXv??5@JInDP=?zGlJPHa{gOrxC9%dWSF7P1RF0T59_#o3~F* zdBw>5jQL)(nf~PS;TTXI`Ua1ZY;mc!&6rS4Kg%fSQ@Q52By{g6Xl7fbo}Fwds6^;{ z%I`SaP4h6qbv}jdC`yzWKK4mlz$X{uC z)y!{m^bliqFx4c>3Zh}y(iK-iI7$jo&6E961O*?|LDAx0%CoRrb_wTB6mSe5ZSSMTa9(qhfg3;?2aW%QVI6_g#g?&CHYjy}7I5iD1o<9W53mD} z87OYj_mFrxylBt4Yr$oUJruJmU)eq2R|8xm1lx>rHiB_|HbTagH^Xq z{mAwwG1iR9lkx*}_~D8>@)8#Z{Mn@he=8RMUtZ5CFKVk=Brm3I`#yi`IvD&j5_aN4 z&Jtl)eDacf2jWcbLjZQ5uiJOSi+xKA%)!q$2$}FPRzUHi>c$Wg466|TP#lg45r(nW zjSkDgti5qN+u-^Qi4Up29S*RbC~n-I_IpddmWE?uaJg36?curDwzP<-u|NRR8yA}3#L31XGT<|)vpwROcF%-im$lwkO z%MF4n8!en*vmB})5!6!+!#Vqv+EMxj5J&x(+sQbJi-W{{IwA)U-@n=8zd2K^%OxE1 zWabVojY$f&Y@@vgw$&Q(7I9cjK;kB*@j48fZSI43x#U2CGxM_w@5}?o@tFH$E1jWe zqlr3@L3Htg2~LkaQ(`FcK5oIkjd1zRBsp%d4#5uB(%=l>W_mz@dL#?S$o^Z2$O^8V zCvcL(;rZKLZKnZ1a28jk*e3e7Kq3ld6|x}%;`|}1{rsvQzvTxI;S?p?(tTj8mw1pZ zmMc150Fs3_cu0un|656MgdubzDN)nAlLk*fmMtDPd8r2}Vp$1Q?K-G&diS(rsSGY z_=>Irq>($!`W77W{kj4Wy!X9MDlOVZ<%q0cY*OPyFn-8iBj^$w{y{7Z!+Q7bten_+ zSPblm$z^@0OM#(E?q8SLiIL~(N>|~r9%x<5i9MI6h>G-_xR5?#BS!t&Arh@RI*WRV zkJ$A_4Gj{rb$@}e9)#Ds0J;QSwyyECkgZKc03m8>Y;6|~skGi+8%1_Xsj%N;G4fP z0Spt8r0L3dV!Gyu>4RcitAB2!>JKkr6d^@_C;SGQrK+a|>`mE(An5gl53GPZkbqyb z{uPzLy$(yrZYHN$>prJ73_Zy&0<1oSKhT)BeKirRvNlwy23|P29EfzNCe_Ok77>?0{Tpe1Mm3;ebX{O`LHiXAXO2%h%|Dbe2 zsJ;y;-$aO>il3qL&cGVX<+#fK%9jw|Fn)$&Xvn*`Q87o)yC%`b+tadv?Ncg3|%X3}GA=4ZRzOW-lo&WyOJ~KdS^e*~m(r+ro8|H6^_C9UU3%oC4Dk3{i8XhfDnh}qyNE0`bJ~<^W zEu~>$4jvM?UL9IG&ez}45p-}8^&5E|zk_bmX7poFJ z+3V_6RbI`D-6l`SR^}RmxKE;}oN1W~ONOI!IQH*25LumY2)`&9j$3%bQ{2G5h_)|U z8eKg~1G`H%((SHNqrPgtJC&0J=`Ra_&dhhO_z-ZiOV^eD(gO00c5{in@WYk)k7h9R z=^!-_3NultBL-(Bdtpv&F0o&?tS;8--6qJOn8}w%;OEA#5a6ps8`;_5&1sR>Qt7+R zhaG|xwX`I<6Wl+G$(H6j@%IJ9^5lPF#6YZZnUzw9EL6wtITbS%u)2k3VjU_bGcN~Z zte{X~2n-vyg;$A!ac-7CA!%WgewIpK4?*RL&60h)+X?P8V0p5x7h1|&CS(N+%$88T z9P_m57~M4LFz88GMsrZ<+=+?0AO0bHWpqM*%gbRtcCq45gWQzl8{wwUE%8C^>*VFK5qu{H(cuY1>Jn4o`!xLMHZO>GRQZJr- z7gtxE&+P20-S-Ty!`$Wr!nao4f){^1^-u2tL-vE}dBiQZXVKM&daP=Zo|;=fi^+ec zRGF<$LVik6&3`wSC13TQ301C;kdMV?CDTQdodm>IargG05sURiP#$!aN|1zVtdBCH#@xxnH0j`R-yr~rGfR2|SU<0WF4q&&{vYB0GQ znkH}AVZz!R^v*CE7W1UWLgZgT#a?uwU?QhA)7fFfDqCfVt z-f!#wxZE@%&)%=zC)J(Hdqz*2KSr_mV1&%6hjjmNLmRT{Pan^s)!!4k8U5R4_jfYd zcS-YO8_8D8kUV>iX-cKh{NhG(z@FzqV96}&0m`!CLCypDof{m%5?U|YzAF#M*+jl> zf5H|OHYc(#-d~t;kVn1tK(2q}m{Ob=G5lgqFy)6%npV5*#Y|E&W<+Qmx=%z)6#UZpzhrWco-a?TavRc za(!RH;`4+2A9;mFWl)b+@lqWH-LU1>WampX<&DDD?>leH`k6L{^tO%7dx{H@-nFee zJ`Q~v;eN&5Ds8`?ja)aaK>l(pe63+}A=B0D6^J}l@whvb+V+KIDmpR4XG(0$K{>)Z zc0#d3y&{!Z?|$1L$;qLCc~!4Q4D)SGAN`@SeDk$mdLCiqgk5|n(y5z1`@w8mhrZ2g zM5CKrp9dRd3>sD!45~5|miD)#PoLV}&9Df~m~B_KAV!{Y1gv?-COUT~h=~`ob-kKA z<5V_(=)K_q(N(KDsx=Rs&fDhVEwLq{GBTcRG)L$sz7LuX{+ai^_jp98`dA~PzI}as z30kF47Sv{c$K1V+8Nx#sPv*4c+&=FILz`nc)!8iWWSW{AKJiJpZMTz3=^i##)`PFA zpU7Z$SllDJQI=5Z_~>8rdI(W&0}9;_^)aY8vHy{^AWn9*Ska?rLH&Va8y$S z|9e*p!QF%Cas}Icp0jn~-Z`Ngia#q04suWpc6vF26cFRvz^2?JozLg}uGFuZ{u<*` zduSO0wej?Csb|}fi~1dp@hxm;-%~1zxs{WLnpk`;`lK*ci&-JEwcN-q@!b^oGn?s2 z->NQeZ;s;YdrJqrS2j)>xXHEz1T1(`zVlv<5Uox`zkWXao$D2Y-sl^lMbB-ujn?;G zAN8k{MJS8yTzV6dc%SE=8!!Z{Z3U%8ai|pUn_HWfGZx=> z()?P)v$Ara&F?;VB_sHjXJ*0K;MaZpn%`T=`?xGOjMrVlsndRM^pjM7s}~cHs4JBmmfnhf=LzX|sEYfNVz0Ir zo%pp76&TnsShyeb*)q56BMmbCF|A4%@#up?F};A9C~CpEACFs$j*9QQqg)GFt^;kW zikYSE>ixdJh0?^~vYi4i3B9vD%!umbBlZ^8)kDO5h9Ip(P>W!bUMk4|@r&!ZjI@bJ zb3Uf^x<=8g$Y+wlt7Z=#3Odo}H&QLt^=dRtT4e3el1!1}Wh8ep%nZ;w*`(>s<{6_i`=dCRSMi9M_SZ63mtQKMT5~ar`0!LQ zanPB~x1USxd82C~=Wo+3x*;G?jbE5cy=yiLmo8+doQj#tlCJ1_e1GP(= z6UDv*cd?0QQ$2ydy`?@;tn5hy=ZF?nkNG9yd*v9V9NxDSGJh|hQYU61ujS8lBX|E) z*)IG4!OkArNe|y9$E@AcknlJfb&b_55r#^GfraU%qU%o3|_5WB8`?ySo+ZrV7QT zvqFwNa9TS+)GgaHSST(2RpXt$f*%2Xq20RK`qT7} z%M9|Oj6Ai)Y4mp9o%)XsOICd?0yO3YN5;(;Uq(YZI)6ELvOhGOE=^tYl zylvaT{>;&7)w5jPo3iySp0KF8t}4b+**MlkRHp1*XKwb<$d6=U=S7&}Fw2Q7EzKZz zQ|!|nCcEq`ow*U8p4zP<4;sZ1slpEfpEX*xlPo$b{Y%rixxMIr^;Nk9bpNsDMKYYp zG>>jrPKv$SsJl!)N2T`7L&bAhqt$bFv-m(cir8_c^=yYAa=aS@^q-zYZv zH)?>p)vs22jN)HcPBEe+S?+5IE#bnx6>BMY7J296LQ z*__|>F50$$R^n>b|94m9zhK0_Es}GT&`KPR@>k#>3+&QEt+A4jli!52N(Qotg!ou- zd_-pkM7XrQ3EXs+iUFjLwF;?F58toV$O4T(>dN?Jx~GMHS|%j*a$niFDS?~eFdNn# z0#D(@SZQwRL`$_436voTZ?)l{ZH#URtsFwDEUEpyq$48l1V9SuQ+|~@H2&laZ|}?A z@gmO<+|U^oY_cK^%aom66SGao=dkFgU!&9*ygj`p6Pc20o9@K*=+ryjET6jiO}|p# z(Wk0@m9lqd|3gXgmo%g^iQ;<4RMYHqWW;xCat#`p8e(g4Hm!U{^zfw~K9}@XS-0Bj z;`LvNFDZ$|Gnb_-FnrxRr4`{NsnX22@~LFi69c79BJs=uDT{VKrxZ|MB%%L{KNXkX z3qGV369X*#vZ9QoQByvnZ&$pCN{cw5ShfY@@dj*Iv35Xo1_NrUZku;Tx0n=UNy3@ zQN8+1Cyu)ZUih{e7ERULg0|j+2FnY{sZRI)OD%QP+haKI*_()w)jvy^@PDqvd9|)$ zHWe-1Q_hjywR{@Tr&Pnvmh0CVDlj)Y$z%L<_bg>~=Xf30kLa1G-YEvoqk{h4J9!Vn zui*MZ)?eI`vU~n-E91YF<{H);;0gyTQ0S#Vtgp;Mu{Rzwz!7fXyHbaY@)6EEeth(? z^fzbs6;S`JN+8L`=SPbtfK<{xnfL1(6S{?K)zIH9Ycw&^^&*EO?g3(PZ4p`hMkV`) zF`USnWECj7C6yk@^i3&WD0z$BL{?Yw6y?c4NPeE0zoo5iDj2tq(}P`UclF_3|qr{)}ul z4m;_jFV*&Jjjv#oeN#0DIoY4O0v%+x_XXrVH{RaZfEX_i;F?j}7*iLO#K6McCHPOQ*2Uu}2{TA@(npVurwN4vkh zhx`gJ3Yi?W(Gr{{u;NB&<-{HS;8gD-pxUk%l6JC%E!|DP?e6*W zc=qH6YUxZrEjM3#L&h;$gWIA&L^n9&(qlrL_Ni zdpq@(mXYfgc>ntbw#A)KBVYLUPQjnTumSn3Cw!fKp0hIC;Be?^a(B8?&Ux_l#y_&^ z?16GEwKG!So{LJ^4TuD-P2IbYz>k}6@4-hrsEw#KF7|otbVa-E{cS+(1I|M8X#!;@ zf|9GdPijs2*Na#uWC4lvqm||zX9>Gfe&nS15`KVNH1joZ%#zOZ=@(h+p&+V)z6qT& z&vnG+7s7HV7w!7XZr?i5J6I0Bt88LTv(|_!AQ0hzY>^GRKt7EWd#t6++*~GvHIVp{ zQ3QfE1iP8_gb4vJ=TBW&YoOWV&v=$v#OVRf#XHIo{} zup^3TcL<)i-vL-5b)m^DgO@?|be{_G>%N?lvmT7G`(3LfZ>-p0#M>3}6GJdZ+&fsD u=sYi+SHSM8?2>9jPJDvWSBR!xTmsEQ|58gws>Q!01T__H<#I*q7yk!20pp+m literal 0 HcmV?d00001 diff --git a/tests/test_models.py b/tests/test_models.py new file mode 100644 index 0000000..dd5760d --- /dev/null +++ b/tests/test_models.py @@ -0,0 +1,157 @@ +import torch +from pytorch_toolbelt.utils.torch_utils import count_parameters +from torch import nn + +from xview.dataset import OUTPUT_MASK_KEY +from xview.losses import ArcFaceLoss2d, OHEMCrossEntropyLoss +from xview.models.deeplab import resnet34_deeplab128 +from xview.models.fpn_v2 import ( + resnet101_fpncatv2_256, + densenet201_fpncatv2_256, + efficientb4_fpncatv2_256, + inceptionv4_fpncatv2_256, +) +from xview.models.hrnet_arc import hrnet18_arc +from xview.models.segcaps import SegCaps +from xview.models.unet import resnet18_unet32 +from xview.models.unetv2 import inceptionv4_unet_v2, resnet101_unet_v2 + + +def test_ohem_ce(): + x = torch.randn((8, 5, 128, 128)).cuda() + y = torch.randint(0, 5, (8, 128, 128)).long().cuda() + + loss = OHEMCrossEntropyLoss() + l = loss(x, y) + print(l) + + +def test_conv_transpose(): + x = torch.randn((1, 32, 128, 128)).cuda() + + module = nn.ConvTranspose2d(32, 5, kernel_size=8, stride=4, padding=2).cuda() + + y = module(x) + print(y.size()) + + +@torch.no_grad() +def test_hrnet18_arc(): + x = torch.randn((1, 6, 256, 256)) + net = hrnet18_arc().eval() + + out = net(x) + tgt = torch.randint(0, 5, (1, 256, 256)).long() + criterion = ArcFaceLoss2d() + loss = criterion(out[OUTPUT_MASK_KEY], tgt) + + print(out) + + +@torch.no_grad() +def test_resnet18_unet(): + x = torch.randn((1, 6, 256, 256)) + net = resnet18_unet32().eval() + print(count_parameters(net)) + out = net(x) + print(out) + + +@torch.no_grad() +def test_resnet34_deeplab128(): + x = torch.randn((1, 6, 512, 512)) + net = resnet34_deeplab128().eval() + print(count_parameters(net)) + out = net(x) + print(out) + + +def test_seg_caps(): + net = SegCaps(num_classes=5) + print(count_parameters(net)) + x = torch.randn((4, 3, 256, 256)) + y = net(x) + print(y.size()) + + +def test_selim_unet(): + from xview.models.selim.unet import DensenetUnet + + d = DensenetUnet(5, backbone_arch="densenet121") + d.eval() + import numpy as np + + with torch.no_grad(): + images = torch.from_numpy(np.zeros((16, 3, 256, 256), dtype="float32")) + i = d(images) + print(i.shape) + + print(d) + + +@torch.no_grad() +def test_inception_unet_like_selim(): + d = inceptionv4_unet_v2().cuda().eval() + print(count_parameters(d)) + + print(d.decoder.decoder_features) + print(d.decoder.bottlenecks) + print(d.decoder.decoder_stages) + + images = torch.rand(4, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) + + +@torch.no_grad() +def test_inception_unet_like_selim(): + d = resnet101_unet_v2().cuda().eval() + print(count_parameters(d)) + + print(d.decoder.decoder_features) + print(d.decoder.bottlenecks) + print(d.decoder.decoder_stages) + + images = torch.rand(4, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) + + +@torch.no_grad() +def test_resnet101_fpncatv2_256(): + d = resnet101_fpncatv2_256().cuda().eval() + print(count_parameters(d)) + + images = torch.rand(2, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) + + +@torch.no_grad() +def test_densenet201_fpncatv2_256(): + d = densenet201_fpncatv2_256().cuda().eval() + print(count_parameters(d)) + + images = torch.rand(4, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) + + +@torch.no_grad() +def test_inceptionv4_fpncatv2_256(): + d = inceptionv4_fpncatv2_256().cuda().eval() + print(count_parameters(d)) + + images = torch.rand(2, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) + + +@torch.no_grad() +def test_efficientb4_fpncatv2_256(): + d = efficientb4_fpncatv2_256().cuda().eval() + print(count_parameters(d)) + + images = torch.rand(4, 6, 512, 512).cuda() + i = d(images) + print(i[OUTPUT_MASK_KEY].size()) diff --git a/tests/test_post_00121.png b/tests/test_post_00121.png new file mode 100644 index 0000000000000000000000000000000000000000..4c8550f0a8fb82937c1ac21489e91c5c6b3a504b GIT binary patch literal 1622679 zcmX_oXE>X0*nW&ws3NpVsS$+w*`Zps8#}03drNDD+B+x}tEd?iRin02dym!%S}|IL zDx#`l#3sD{|KoVy`^)uwd5+`xa9`(n-RF5ecidAwjhl3L=>P!0O)X8BApk&q^+*i> zQeKrERL9g+x$bMIXLMDs7P6Ek6#(D?Xu(vB1M}QFbZVW<{kaaS2Nl<01D&$mCU|SL z`drh5bTzF~fn$nfdR+x+`F+&R6br?5`TYf-ey+PaQ$`eAKkAnw0Y;w}-0QUtKX936 zV2&2i51(%z?AX22Gz~E2G0zCVS z&X4d*N_oU>+pcgjjnW1A>?{OyfS$QafzjfL=zEoo5dgn7-=^wWt`iwe#G=tV^cun2 z^MBm7H`{FbLJ-Mpot}k5zE0{qEHLV)2ujUpj3f&v!k6*3Dd_e%Ons&xSrY&ofP-jN zAyR2*m{~Mb^0fdD979VPF~o_)uxkd;P^2qUrec(%l;I#IL&QrRgnf!70s@T$@Ux|| zv%fjT(mDkKv^06*pi)wNsaQ>F3QRN)_%<-@;{)w+elVRr6ZYLhDiB(e8$qiN12bbV zfXKKOP_!nSRHK#|8+ah8SjIyb>ECJfL6OH9!Biqa;X;5(%e+iRQ>SWBo^eQklwo!d zZGfGFv#EizfeSUWDFou+3<7~5DbK}x5`ciC!G0GEqtRpOcgE>xS~xHO@(~D4079L? z6j1I53-981Ho5y+inQTNj|7i4CWCSY7`ykdKuH6;Drc;Q63~0zUl2k^}^tv3n=Ye zEgruGc)ZmDfPZnBmp%CbwlE^7Pce*c9E?6I=sH({=+3=9X}TG}-OsF5i2V^P+e~e2 zDf=W!4UD9r)`~9WwBKyP9IQy)BLra}5buf6Hid#(Y^YUc`wFkrY_(@tN7&KlgH#Hz z1K4K*`1IYvY1?ogOazRZBI=bn=c_rn>PC-|L#-#WHtjK&WTle;wbcpKVS=pZQUSvt zZuxk)^6EQ+{p2`n<_~APFZ>YWMj@fWR?VAi3X`*2Z3j2Kn9$#i`2gVC5auHZp9+mU z4A7*!;3N9MyV5w#;3E$XK+d0qIeo>;-jn+9v#ql-(#b_&Uar*l2f;A0(WxA(*|7yn z7D!taM*^&m$~KI2yf(X}sHm`nUs~!8yjlbbiad2zX0u?6Z^kgg^x4h~YbiX45|S5O&|gvitb&DE%D@KJ3|A z@YV+?Zfc+S87_=E7!}V}=^?HC1x=cns8JU>=bK1_?{7SuK=`-TSZ;G&UzMk2=?c5t zZ|FXso*9(Z9hJWv=DzerHlQou)w&bw2e{c<+wQ>ka^!!tmxuL!2>Z;X%X1%4P@5Id zSB@*@B)C;kL8&>|v()|xb^b+YXOm0t$==#?rBmM2K*C8I`LC?)!aaSZ(|ug&-odQx z&p*f~>;a?lr~X}e(7edja$(z=+1jp?Od-BL{MZ0hr4h$?109|wl#=M)D0{+kP>6}S zBiID;6n3}_#`aC;yC1W?5uP)QQ80OQAIm32sTHl5hbELnX1_H{=K<5@5L|NR__2y$ zJ~nb@_q3EDF$J^|O;OMxx zi&_-fv+Mkn!(NWF6zJ$}pihrr@}bPyRCd7l?zdQdm1^#{cX0Uf#zL9eLAyBKI2obp z#0=G-y8${pi3!}I}y5|Q^`nW51@yUR9+DL2Db$Xyw-N?6uEFt4+Q|$1?K7 zN%7JBe5;(TY3; z8hE742O&hYV1)Z%jp_&1Gm3yZFSlx!1h1oP>D>$1;>|E^2?B+cbwBMbs zf4tzp7__H{p=7W`sk8qeZ-eySZ(^SG7P+4j(MakOxg3xuM}J_R0KpFYpKVhLqs1*rUtB7 z8=+@z6{0!&&3^Flz3bkNlwe7FW6w@I0%kLEgE?`f3q1gX!x9spu3@Dc`WO*hTtpjV zewX19sCf&6j-qWocR_xNSXA_Lh6a_yph-DXcIxG&AReMR zK+^gB^V`w$Gq&;z3bpH-jS0ZU(pB4Va%1jM7a}`k);zP7qU+#$`W4zB1{Fka~PjUnFFhu%Nh4!Ap{187kO}S*@vS7UQ}>N%4~H$CrtTn zK0)9AewMwi6=M<@{j7T;y+R^YOVg*jW)pY9%pf5o9cJm5tHDzuV35jC?&s`f#mSf$Nc36T^&2cEMpV$-D4inoUwNJ$QM6{Z zpC?s&)19RwWo5hfU2oRcr*XYJ&JS;9bumQ5MPn40F}H?|6|&-jHu*TQMf@gyI=sT_ z%UnfLZ8UqO%x{4-MV|Se5_nQ+!4YP~6}F4Qd_r+Na9Tk+o(L!227pSo8wsLqE%*sG1YpT)e9VdtPgcPjPrP63+#ZuwMji%_hl>Coh zUi@R#bo!?tuE3|7ooh%*(2Aq}C}*1y!5=_^^UK6MP4M;6S;cR>z%!d=o*au%kmZ=E%^F=he|TDvmiS5S zZcAIV_G92Ha1EQun)y{bCz&(EzQV|wfYlM;m;iE`Ig;|e$zVMF^>SgJ51waG@|*GW zxS?D2P$nK#5UddHq#AQ$rrb*knQ{jqBD9tKdk+57LC^+TJ}RI?{66?SC^eL%&n7$k z0K;-CRfzpH=C8;#u*>W)GE}(1l`}>< zmA+srryhCFFv=j_qrd@6GgDieM{2mv%%dB6n$bji zN2Lt(^_dvjA!KW^Fy?xc5f+M&Iwoc~|3L=S;*3W%O(N^rQ)v#s%bZ70s6kkZt9$EF z2YBm+?ptrcH10#iEzZ)BpI#h<>WyL}?);_M(SSgjg}E?9u|)O|ZEATRh$zed^z*<% zt}BMaM9sgA!2y8~`@{nt^s4BZpIZ3JRy3J?%I26|0T~)g-N<*`kBvQZ&WDmht;<}% zMdFL0XUUg;l5G}_0+J{GKN2q$=#iwW=VvqowZZh8AjK-rdASMITbS`Y~X{dk2a%zEp+ zdsZFUA-=rXcKWcx%unI>4-4Tb#xw^9TP7* z^>6CeYfa{ENihqZ0SU@RqVL}y^;$X5#NK|q2B)ut4#2$h!7XZT)o?M117wBphzVEa zN!!nv$051o7)!byk^9CC zi5ryAxRgZXx>;GdOvdKijja8#rba<8t5P(Nc2Q#D=3MO0rlf;86(>U6i=?!@djBE$ zt+QTpV50CCHodTJ4|d1|yAL}Eap+2g^xaev=;hLWlYH3z1x%|*%*x9+FOQ`U3ix*n#PR4L<|8KFj0Yl_L9CfGchf$;F!HF*h`9}d zy_nnK1*i(pl~tsNt57@t{Q9B-D_xW+sV$i|#}9+CeTX(-F7>75Ui zM~=wa5L`CNp{;rz$*ETFA^bjQI?|HvYgM;HJH~u^j8o7-8(RJ`UpCN)#+bUlL?h*qy6l&vM{}L587(^5H|e# zYUrdi&g>m8RT+{}P^^njgn_}Y*m{y&{|UaN!8v~||5ztI^HrE1E+413aF3gq{9zvF z#rs;5M&4WS!BFz@c7Sb&&PAOOt>Z(e_GH(g2L^FnzQbj7zHVG*vx;oUT6=9B;JMa&I4m*oPrpgapI{<35v*(+ zqdI~xz0KdWm}-~VHxb7i^l|T*fG8htJuXV>qZ0b1z%Y{m>wlxdLDG$Qd&g3t!Ynj> z!o6C-Z?TdMOs{@{usjgn8p1!!#v&xA^e`}7PBdUGnnhwEt}ZsUi;?0+Lo3TCiTbvU zEs;BkOoYUD+FR_D5Rk$2=-g~|NbzkT-(7ps6d$jo@7j9 zjY^5n|B&+Dd>5CpL70y(st!x)Ygr1zRD&LhxU;76sSv`=pZO?>BvgP&c-%=n`zJG} z2w5F45_cYKGa?qEXxl|TeD{%vn5n+SntQEBMAAKx2Ml3FFfDXwn^pss63gfunR>A^ z)w%Pr4*!YhS{?);gkPBOHY>QXVw7JtSLXr@0jmg}srFkqQ!;Q4uw78l&=7d+wRU^HRE><3?8l^1*WKnndHUd~6BLj7R7JVY7Cr3w3t! z9eeqUG?7siw(BAwyn`o>S@@KY>v^$#xju1m{#+?!_xBfh z@$*kR)ba~U6F7M+EHLM;;d;3!2^Q_S*wt-Q3wqS(VrZU|le|u9b%KC8t7iQ+zt}Z< zST>L0Gvgw8V17k@jj^#tZY*z`#uN_2*NIJU`itg@%lF3!K@|dgMfONSY(G5@6jLta z{C>#V6PJg}?bH$U_g5)hYO74@ zPB}M8LQjHcogDRJYVf6TEFpz8GXBYu^c7!x;%o0HyN{5HWa(76?3ghyGm~`9IH!C> zgnOvI^}R6uo%7IP$F`tAX0%kZ$NZ^XWLbAeDCOGB;KAIWX(asZSG*KxAVqx;mzurh z`k`HVM4_QySq>`CmLBaYRxd~H-*|{I3bll#mDASErZ8ba- zXD_0T-!?)*6g+3GLscTsJQyun){n1+&_n$ytL>Xk;zVw38mHfoDCViS*O*r5=pyN` zs6ar)xd{^M=eCU#pYcboZFbzJ!aHQ7Lo0NVy)TdiSgS1O88ke*yHv= z0EW@Y*d&71PP8C36G0IkV=}LGup4?WwZdW9IP#eK@CluP^Wn_g%d0IM1P$r1Y9_5o z=<-$NX1LqJ#`$0)5gah9iWqC{{uTPfR6b8F3jahVm$%hFT@CVn> zh-|mM;-02|S|RuU#+8mGFtX74{4<8~)t9H3rZ4`8ZnwE3R9qSBo?a_;Lw-2o74aJ|P62V*C=?y(!E_HK8to51 zeKK9z&%BRMHgocCfWu6EG}b=ZEEE`DG5Ern7l}ExqtqEVD%EP~Jf`N~05dzS8}(D* zWT>_6P$o#UBj<4^!2toGK>;~st*Vr|2X!KY{VLhbi{hKw5p;Y4#+gCE{BT{9b;Spu zkz#wqb&!?V?5N+9$+~bef_I`TxNjlFoRZPt5INVv*xvm(@6G6phc)VGD3Q%$GOlqv zM06sE!@~irm`{vTi@s7|xVeZIE2zV=?vv9|)JZqF(zEM=aItI?ol9rJ91%5VtT{d= z71~mXu7?GJ`lzW57n=vgN_lv(@LReQv!l2Zt23wk(x9AvpPakXPLnlZ{FE4j3wR9g zeKdL@3?Mvdj2WG4OO2f0yE8;|lrIps+~$5RHP#uZGd+baR46c~W7w9?O`svo4?Yjb z{VcOqwyuGo$hrnfo|ss^I4Kji?QRLV^yMO0%7Ui`9eQAhh%z+j74>S$>X2q+2+4VA+eT%4fxxXJs2sKRP; zZo%aj@$Pf56m*a16&iNAS8y?0aDGghV8orT<)>b}Roy?K_cmudT0$h! z%sWE;l+>$oF@6p?kl|Iy>yo$s*k&SFHJ`sNbO*znSS`DowAQuCv~)^@^|Q5&*Xw)l zi?{~{N`P1v`oG$!h8<}(7-xq~>Uc+W9PhtaCNRLd2SVNFim|0jL@9$wt`sag7lK!{ zTB}61xfutSYynA?GRp+&Jr2&n4xYWJ~~|ex&T4=`#_(qbs9sic$mEs`@^U^ z#AKzu)AhYd9A4)=-FhMsR6a6@OOHF@Vanbfp}Emq+Wu8sxC-zbET1;npZe5*f5y#I z7fJg{PQ>)x@g3Be8@SDC#>LPhZ)oY9pnKCV`y}`$0Pd5Jc=C;*Y{N@7(wpPM4{IkL z&CkJ9DbW#LG4_C4p9R6%BaDu2kCm2Olo71sg*i9&7f8MIdc{G~KUrRz@M17gFxTt| z@LrpTKwvo?G^nNG<6nww2>$Hta-BpmdP#&#+)omx5k)zO}e;hww%a%PRL>JxEQ4A!vJ3;=6ETk-Zm~w9+M}O z&S;d#A)9SosLK}QD_p`^POI0KKW-!)h#Iqi9!Y*^#b#m>$SP4`iV()m7a{@8Y{H`{vxR|!NPnkg7aVx;J@ zg){5a%*JHYTiTzidq@Ea7f7X_6KvCO@4c~}f`7Zolw3a%$X(TO->GA^FgK1VRp#2; zi0w|$$D-?$lVHq!s%xw++)v1QCUo)W8Gb6Fxxp}uxg=zySk3r?$VX$bMUKa*fqUSN zvO>U!I^y%hIOImHrgX_d7?6kjbx?;!IVPqrKJ@)ZB`AxeK>0}VoLQEO1>uBPC!hBw zy@g>rH-lXeOA#m+zq(ane$TqgMb<8Zve4w3(##i8Lm=Tzae15u_0#)bhv1CHKaDER zsX(KU>PD^H=fP3T{DuT~fq=z)@#$YvpEFrC#zBAv;HaDZQTq+F|=+n8mlxExV#T&WhWJ}*81&+dG3`+sqPqHI&pB;wK zCulnGG%&W0#oEaZwyefGRTva5q$N%-WtX<98LGCZ-#DZWYWd)j22t-is6Oh2$GYU? zWcnE#S3PidUI2sGk3BqUzXGz&OemxhhMd635+wggeZrl-y+iy;Y^+zVpZ_L9F))D# z{FP0&Oin;E`f&t0v@NeaN%3^)Vow32uz)WgvBzxd4U(M6DF*itmfNw;5GU?0?S~P% zEg#HI^JTHXUFyQYhheclAn%4ZZ zAnait3Kpq{!ojY(SuTp$PZJ!`C{N+GxJg}7h2w2@EGK)#>6LX%G^Oe-nPswjP&2F8 zyb-vR>2msa{>V0*)Wn#Z>tMT^Er^+)`s{anR^|iZg)VK$PE6hb7bX8;<$uVjR}gmi zN~@IA7PB^GVWg(&sy(I)j14;7O%4yVnYcW=+^xNQr9{RJmOV#2!j7(ahmi>Lil-Za z%6;HQ-OGLMi(O~yTFdS?Te7xcWc|xwC2-%B?vfIC^7|s#x?o~GnR}@1pfxUtzCi)M zZt%_w@?Q3rHfxn`9wD#H?3|nab%TD>yVlPKd&D&F?2gxCB;jyvNcAKb zyC01@ViBRA(A0~%v!m8l*J9a5^^_MJFF_gq(fAyZlPkmrx&mg{ADOD5UmW(jBNK|K zAgj{NM%2Odya(RZX*O2lI!Fg;+0b1j@^x8a zY}B1KY%}8aa!!UG_~#Hz&ZZuZ{SuU*Z-21?4{n5$Jh}LRWxvdpSfppA0gArDnxi z(w0)dM95jg8YkU-<)RY<*FkvB!p#RWiuHsL72>U4*k9f+Etp#=!ZFIm>hDOTE(=)y4=mP{@DN2w1y-PJ2+6Xq3jQe~sm5 zjn^XN`>`9yo=2asAz*f;srE>?f$A2GcwqCsa*Vs#4}41z3M11-(IWy{ZTxgNN>jn) ztmc@FZjn+&4~<;j3Q7v5g2ZIURycHPl|+RD3P-RfFM%z4^}=wA2B3^>eLKCHYEC@x z*}3EPz-~ashhL9DE-zbt`l=vNLd#|0U44gS34^Fk|_*KnapD8Td+fI&k z&Ow+Q)q%3yY6V%%Z_7I--);eJbJwYZn9T#^K+`{Jgth~)FzuCvCw|?H`q)<#z^#e+ zkNd|$+p*}eX8Ww_rGhsGuL=yZSPcM(3j+CMY{iI2>1@}>`^-l*@3t$sc^E`-72 z>mZ_JE4{dRn5(E1^D-#abQ*m-l^p>W>BAq&)c!Rc4rKKY@OgIshR@OyKTAzY<9@ko zwVn*JEH@M0${Dk9o6iGWSMN0rL|CdH|EaNKn)l_>K9N0*hm!`n5{`5;=x-yF zpay$E2xbAPI0JSIeeuU_==XI@X3hm|_nT)$&;pU)br~CGu+RT4l%5**Ex@evQiQKG zgRYc)gv>_d5c$Spxhy zP5TNAEyz3=R3e{wE-D1Cc8DM%VQynOHfv!mfFBL^1SB!es##2?F)f0fC8z~0@lx%U zuwc0%Lhp9oUoD@Q8Ha9C?2+|78;!<)z3MXZ5zAtLM-P3FM%Iz_g2!$m(n@A6TBffB zvyYdFHOI@kP@Bjn7) zodAxk&0u_6JSQVb!dBMtH*UFyzw=B&HhF#2->MY1tNhGr)-QXap{-w`i8$*A)8-~d z+VR^hvzsm}d_~T^;d0*|hU6A-T~&leo& zAanzC@^|f%Hnk4#vF3WpErEzR{{&{V#t#PE;do!+=tD_xQUA3Uim&0I z$Rd6D`j9hg1z#lWm}qy9QhA78LVODF_K`NA-9(#KkMcw7;wXQaw8T12!^R zHY~JKQ*%yC)zY1p;?Ay1>cWn)J&9o?8Gl%3AA;dn^GVWif5MXnZ!X;qL`(P6I7m0dgu;(Tq zgQKTeM^LBd58m^Mj{%8^QWP?em6F2p0KrFy}B z?SJH50ucjmLYRN7`1*b@0!BZNjy0Lgd-{mEB5!Bw%>&AJ3?%Y~SF=c8y~p8kXqaLx z5a@%b-(<^uj?Z2B5*>%`O&w0BJtdYfIRE?QziyZqwqHlRp_xsSiqinL2zhfqQ0HWo z4A2*UB>~WwtZ_DUs=?>iY&Iva_uHRdMew*78zhpJWddqd!q@~5(=)3Ho=Zvbi!9MW zhSxw)Pe&(Swl(233iQ7_oNE6@ljd*BiR5WAlCTT0JR4NnC(2F>9|rXPwZ@zVf2_?L z?iarI-@!LyGZQ7GbrC!tJNET!XnRWoYpOTuV{;s{PVHQSxYEb-fQSVsu6CAzKViRX zS|~iw_`jRt*W#TR`KDu%fs7=eKI=%uKdj8wvyM-x#614D%0A@k9cCR@wkH&urVj9+ z;5c_(lW3t2zxP1bQva(?b&WULF-DO?1&vE1HZr!Md!tt24)^(f+2#StPd1h^>%r0>D>*yVRpbCt#_kk*KFWv9?uHM=g20PTDp2g(VL3XT%!_t-I`%6~>tu6k82MlS1as7v3t zftN0hfo}C!D9Gc3m@e1>LpV9u+_)eTzx4Oli_GBV!9E<;m^evw)I%}U@z3Os8(I3v z-N&2VC(WpXXP0;sNj&_b8Fh9=UmJM*2I{=vGOJt{wVzfXpGUmAx%o`|%KY3Czc{^9 z&=F3aZe9vB%iTW^6i1!pE}h4sPLr>O^K*^ZCuiH2v6sVR7Y(S3D-p-`eC;JB<4;>n zA3u0~)Oo%pAa?DcKJtmlpeIeNltlAPG~@TKb3!LNUr(E!b*7wrn$V1S>J0XNMF;-( zs(hUKdg~YYPZdowz<>E?2R#CVuqwB0b$)44!}1}rx6ae{FTnmMCV$yL&wK?`(y4vA zt!Y?Ap5Au(mrj9AdMlI?U6=^;8sIP$Hhd;TFZaOl^cM&M zm6>*SS@#il{l!Hpy7GFi(+1g@?Taqd*LGRA&DY$CE_nS5c) zCSY6P`S!Gg*_k|JKtm;Pm>((|a+HU!YV2a5d`e{sRkF>;FWeGq`rLgwmNh$3lj8?~ zGrxB;y$lk8GNoH=7E^o+L6LVguvG|MR3fshhO*vuk+tWK0L=&b$Zz++MU_p9;6$dq z!XXL{9{xKr?KG;=Bzda(3{Lp@%cY3cJ7OE)x5gJ!eojGya2MKDL^#_lHmC(g(EcZDFq0jhXya0gfzPk*~tqf0(g0gz=_xT z7qD+Zf2{e;nP3s$tJ;GMj{pXE0MCD#So#Rg2?>ec_OiNa@m|9AVp*ksTP+tH3V&$@ zqI*D(QoP((-2t&KVSwwqLbm`B&P><8zU!JUMf6JlFul$Y(Z`()uxyE~+0q+WY>cpE{(o($!l&U}y;zB!YiJL0s*8xrreakkYeOi(^uJ6|W zvX+g$O&>VAGu(9RewG!(OIeqDpBLj^Y~G>pva7eQ4v4WwW(x!qC*hw;c}}5ZCQ7Bj z9P~w;;m0l2Ac+k4Ptg~%#E~ba*E%b6%YQmsCwSdAL{r+kC;+knpkkoK;xT|}qv|)( z#4LKY#z+86sq-D~#L>~zRHIOqsAR^Au)gk!#GTvlu?>vKn}k4`q`mSuInxye*W0OhB}hjtR;BPxWk z!-`a#7sY+qPc}J+K!S`+nT;wrQ8(J(&~Py5JOfe{`bxT1*gf37N;+%5J3M<;(HXdV z<&#CCEuWn|y_T0Ja3c{doin&xL~sFp64BYaNvg5`&3|&tf@Ckm8{)uN$%l{ocV~Dc zqX9s~YY+Ei0M=zP7au-(n}&gXUO6Jaco2{>S^oJKK0a>j-JQKwwU0{VJHYCrDy62# zJG@06vc%X({+{v~ppggGSZ7W@H)zB}OC~$8B2DgdjV6CdN3cJ+aw$BL%}5mHdvFghFR@~-aX}Q5Rp2*ET?Vb}2oI0Jb=?*3T8=>tAYnj*gQ+RhVt3+11 zIJ+ctlkZ%vcb^tqtY5B`UFkms7lW6}wwHui+wha=+AEV5MdH5rkTqcoZ{Ij1Dt;R^ zF2GwU$SYpFQo88BJjy~{bdwX5$j>i-Dv`x6(k_2xp$=vXPzP)F&-Aizqm`AOOI>~q zx&0S{wKi3o!8YSaI?y_4?eL=OU>t_r1OvFzMz=I$e{cPwdgYf>mRKW zeM=8zdCsHt(H!GX5{w55_ack{@=&e`{hQl{YD3;ec6hp!iBS`&iHmA#o?dzT9%x>n<0vdBQH9sHe<9vT? z5s5^%46p7y*5Yhe+UClYDO2m2@PK(hp>erUYx`r3mRnjsm0N1Z4yw*7X;1p+93ZBf zEs^I)Or$dHt99?fvJj;Qsy4qLIeHeECx(DtVR)~vYfnc#rHX00G)Z~xRa z@=t{gOEW;!Gu_XzQRsC!%wurEW996i<*{|1Z}>8)5+yT;)W;n2;@h~Vh+Z~v$c@gU zHxZ4Qc==A$XZ7d`Ka+rNs~Mo}Tw9f!o5!M-g`)o!wcpcmT#nKweRYVin(KX%F;3Vq z2PP^^3z~omJiP`G;pd_bbWxyVv4fJ&$KDMDj@Y?cHPziN0zNyES5K3BL_d|CaLY$Y ze5>QL1)WMOiG=S5$CRDa`KLs&4>;xDy5lV?<{qKY#{~F&QE%1O)f#sE=U`N4dvtDE z=7^b^PCHoriK?22i>BN*;(iG_@VKqX!cADPz)Wsi!4}na-OI;WHNwKx&CL^!H7v(8 z-f(btR1G~PrB|}2(#rGf)~@RC{Z1e6QmokT_*#$Bb^PzgT$9KeHt%7H;U7T#r^xT%p|0ffc%Vm7_g83Y$GzEU1a&*$)V40}3v3BfflfI?~ zgYp%F-4#E6)wHwcqK{zJLsS1@!bnrBRD{2MP&^?Q{YpZ&Ky(?AIo5Sm^9GEAR^|^-cI_z?z0WHM@A0 z|JlxQyXT^{#SL_$AG1~PD+Z#08rS$8YI$s%1_hA9O>}* zcgKshA@1t6;AYI$ySz}Sn20*2;CZUwWj zHPYdMQ@k{vJDBD@vOWy|mGY7`J>S}uwZHm5PY{WlYN7Sk7(Guc?=Pa88}{KCRJqFI z9rm@QK_CpaKnfy$ zW5E!e{S_GT>DEh*R|0H{!u;3@8*MfI28rbUa5>J}DFfZ^W5Omm{PL%u(#c7gQjq++ z#m;u};a2-n`0iSN|4L=D4Q*M2N5^)WpkV}`h)JRyB9Bm*E;BhqGgP0Hzpn?Q=+OeI z-xXCrs4z+b$!xiz2Tjs^Nns|{ne`Yd9%PxV-bXuMqh0bz!@Gd{fFUT&Bj^}9E0TJrOHcF?t4_Fh6W{VHnnDt>Qi`l_Z2Z}iv z0~P!GCGocoI5SH^JAOs`d05Ll=Z1ONWL`x}!&>vqR_B|WJ&8odXU{Ir3NA)3mkTbF zFHcYhwioS}68t6SKj}DHoH-<3MDlE2&`j&0O;&x|syxE{ zI+bj5+9{Zz*ZVqh9l|beQGowgHy+_@ibbTrOhrg7o_2G0OG^)@HT-4|-8d&diA5qp?>NEI8?BFsm#C>+I}f2Me(@Yxu6F()$5Q z1v7?dHVV7eeJ`PsDMK|U4#kzTOy`vGI7R2oVuWNJC3;T#{ zNsmWRP9uOx?s~a|kypLn1DY8AYY`Yehty(`uak4g9MJB?E*L9P0t{?fkSR8^&G#2SCD%l;_qkDEZi{lf;$KI@=E zfgwFj>)R>JUBe=VjN7ghlKQx@gXw0^?vRJ?xVO10hwPQId0(rGAQ-E4J0}LBl^co4v9-wUd9TU7j)VI`QB|$CQu}(@7Hzxo0ns1PJMy#T znZ50IV<_qW{!>4NQx2c8G7%9-ro&rG3SY$2}DnQP{SJP)Pxc^nHRRTOuhL&BI55CoXc zqt#)5b`O+bx5@tFmW%H3g)3ErvT*AN_!&ya|%EHE!uPo2%uQ^ ztHy#p?GxE3w7fM`ot_`su|IGoW{(M~24h3$E-{ZDlsXg#NP>9|^HFSR%}Fr$&({hj z_tDfICNj?n;5-4mI$sgccuXY!W63{%+)E|#>ZQeZdh4U|(`X4`z>QZOQ=~Iigfcvz z7n%f5;|`D4^wyV*V7kXE0xl}Ipr3PSs)}Y(Joln~G_R>XZi2-!Nk&sdw~>$)HJaKDKMA1zh%9eWdn zqwwI4DKH{GffdS*{w|d!9kukt2lstcA=;(8Qt_fhnk{ZIB-)nyFsmev#M1`Q^mk*Y z%eR@8jvuuu%Eipi7_a{biFgyyUw19O4#@cG3-72ufS+(41Md zoUV0qsUxf|VtcVG#6OI*A;{ewezKR`ei3w5i6TEkk=mESWTu0UR~@MV`cK}ZUI#wB zb;xbO>uh}KlHb1j@8vf>S=BmBh1753L8{pAZ2Z3mo(!@t{r8CyoHTBi#^Mw!0gO6c zjgz{lbk8#iPf_x4*KoctSQ5#n82}vbhqJ^86sEh}WEGFXG|yx;>JElEt9q$Uy!N&Z zaia=3|6W#EQ@t)he{bqv?lyA0wPLcZX7sPQIe5~lti)w|uHF0qc^wG;jSz7vwGBJM z>mB3qqF@D)P1o?F=Ibq}Z#!5@H9*#`>Gy zinds38J_m?zJvFT4i7ltT;gsJus-f{g(&{YgPmPGNK5wQ;u6yz`+?KQUT~-oQ3J?G zs4M*My#PXMvFN-Pt-!24ieIUZ7SJ6@!*AoV?hE~-`qcv5^BjNTb!#yQ`KRv5Yf#65 zw63~W11s=J(54E51OIUq*XpYFJ();NNdYR% z8>bM});#o%eJ7io_aIK1wST9n%oO&Wh8Qj>%&AfVf{^1W;HkG~D;V1#bcq2AhKXR| z&$e()rq7Lxnr(KQJ$uU5UOL^ zEUYdw)f;~o+>M!KN5?d4s+XR)Dw{N6EGr*QsaVzKKv-PYQraaKn<*2`9)1x?=4 z-Nq05Zzs+=0Oka^J^#s2BAlb?ndxVNueaMF6ove}&l-7Bk@|jMDjLc&W^Lq%L3GMo zov&7syp@2vj##&n239=X*ob$uds0M8zXmU~0at1xx=KN_Fx@lK>kQzVBg;^U0pKG(Qou zkRDFq;^oz8(7hi!mh~^$mhuC81%oK^{V}`>0 z&BW>I)Nw)(nH@9bwf{uu2&~5xz3}C1?GcNgfz?z$k^~g`^JHK^qmke*?LpU9A+tph zUBb*zM;+{m0j{(9ayF!t5?9Jv_C)O+f;&G514uh3bW3I%`L!NlkGo(N>xJhhe z5Nf=ik=XXT#+895Dtto?pG-eeYq-?D#>axnFkR%5QI08|(#FEH5^@KGirl=(7g^=0 zkME6L3c_i!iOFbN3q09)wnDBj;iCunKuR=U7oW<*g6};2%`lCKs3w_y^9mvx_-BfT#=*0wK?4@C{j+wi=lL6(&vBqwCj+ zgxG4WELg1iQ&OzLs)IwWMIS#Vf!zPO2S|w{c)W!c-PVJzC)(E6%*=tq59o)FA(#0> zA+nhV8_V7+GVg1kc03#P|G3KgK^8Z?l!14wxa-B6GSC1c->0eEN{D^o*j9i#-~hj?k2B0lGh`G-aIp>fM&O-fCO#C{wNYZL@L_W;v>ZE`BP(2vK?PO=ZKQ0 z=GMTVXu6L{_ZiQld`FB?it|%=hBG(O-73Ktphw;MS zZ&Ej1Vg#~%Fd=xA|BXkHb{m;}2tumY4+hy>@ohuD4PE+JU;U$bPrUE$x7)wtw!YxY z&CmQHcR$`8Zh074uG97Xy*q5>v%bm>eQ1-t-~M3yEu=^$KM;#W9RGJCM$}o z$r{w(S>Pq-p+~S1gNQ~-PVo$3F%jb7zCJckW>+_*JcH>g-l$gVXNl(gG>S zj2e)ozi2qLb=Jtx;4{9OEi)k-^C5jTBPYxBl|*v}_tH2|nEtvtv_MwTG9x$87s9^l zRq*zmR#&Hm3E$71PnF~|ofLQ7`3o9dQhZ%oNx2%SV~*kVW0Hka-rV8SCLhz8BJyOV z>U8Y$$`iKsJuS*@xyGWV$pxwWul~CG28IOP+!g-~42>8+am9qCS@M+^Eqh}di*E{{ z&?lc(D*k@&h!;p|4JS~M>KZR8n5q}J}+L3Xe!>zo@&T0@94@%)0U~{ z5+<`$-1g5SP~#oM1h>&~ob<1odk-sAgAmOQZ~+InxTu_3xkd#Q7ET!1ev!~5)Az{& z;(*SV$YJ}}0;I;w@i&{T43 z(gsNOe8a~YuuZ=c9*}Acz4LXEhf!8|<)wVvntJ`lq-Oc()-SL7Kd<1(S5cUaQV}3Q zC-b=ffqy-yt)*diQQU~(Q%gv2aM0t?-K>s9;J#b$&6$@Z%LjSCSEkvbe?MJ=oX{2+ zLhbm9R4kK&LNM!FdSF#oO+N0J?vLZE^AK6#*LnQ{h=2;$oe#76DLAYJWuMg4gfqFO z2vEIz8qT~jl zjb9&LkApmH{Z6YEQ@^CgxzxT|Fl7OVG8??BDkqi!Fe!s^A+}>h(2gU=0C5Bdvpnf2 zkQ;krWo2ZjfvN)SDp|;PB1=B{SaWGBvY9iraW#Kd<^!d-xM;8FuN4(WAdH%0 z$6%F@q>r{Y=~tvtIsV}{UX}?YXTh(5EW8EH_N7|Ke-AD%(Z6p`Jp|8*@u>+3KyvQF zIC*98ykEIKzaiR`@K1Gz=wDvfe(IM_Ib^Pu?JA?OY4!Qsg3=awI4b01xwws@T5a)v zU(Bk$cr`O1>@P(63rqW0j98akoHar9g~aK5KYIi&SG~`*$#&C)?}>J${>twPqmQl? zdD4LKb5`gN<|nD={Jn0K80h{wXVympJqCFG- zu`~%^1vMGcGsd798QD0KapLfeoD?9$uF=_An?+Z_3aepuMv~a~d%-LSf(?KaPG;K~ zV>~-mR8eooS(tHclJh|vm0mrQk_4z{SeJXUFJ)!N(jPU}4Z(uzAaXzybe{PoYci%-) zMzE;B!v?5>WlI7-v_<`CP-cl|{ZfZij%OrI1pOQp1QL&`8J%RE8(iOPPCOH@^Io3l z(hTeB>%)+4f8WX8e&%1j#H>yI;V$13hLe*3XFZ`m%nr3fywXF9mDM(Bwl>smm4?ob zx%D0oryNXqKBmDt^0PL(+?yN67V3^Y!iYPZZGv=s$29!2nJ`IB{1)_EWED;kBjKK??AlA&vn<(R3Yv8I0_8=XsBR2o_mt-7U6;T7X zuh!*^t8n;Rdln5W<$hABlK2kZ!E`a>DB+kVP!3*4U0PB(;u?9O$&9zusCzWJqdu>> zL-MPg@_)h|(LUlNF6@~s{c|n(imDs8uTb{^uH)U$C&#K$D2lw+wJc@T+-hUO z{NS+Wck6#e7iZGUVGc?9$+Zr)AD~&Y1j1q}cCiTxpUzI=5Wj ztP2smzU*G;;2Sfk0jK)T7JO@|LXB&F?RpocDMU&p`iw31R%8lF2XOUqq=!`GmjChm zRqkHBbLe*b(d`OQ8beIw1%oeb|z?I{R$R9a-GJd_4(C0NF6GOKDO^rNA<{ zmgEjeaaSX_`~3Vxb((8@4ei-Cc}ULQvX(-jdReIAEKJ>D!%qTGAx7nMUPQfDZDC1Y zg9H~%?qOQdl)(gHpzHI3Lsr1N=i3pk9y@YYV(R~7-F_(Ggnhlwi}y-ixZk>^gFx$) zqa;r3t@m4@oAdL%mts2mkYUcVq8ZvSWO8gIsJ1>^$?(G*l&!OM0VS&cZtIeVO<3^5 zf~U+!bOB-T&yO0z6p%_2y0Bax8iN|L%8@;z5$NBeySrm_eOKt|CFXH>a?Gd$Z>g)V zKKAW0+4(VnA#hJ;i$l&*qh$g^{=VzG?Gj(_O?0<`mfny3h-*kTIuE(to#;aOLc|Vl zEoMEcL<@Z=UbHNbiyK^;?4ivj>aUfD?SbGSJ%?5Bz_3$qZnU++w(A;-Y>&rX*rmSO zN5MhakoxUKN$Aahm~DU2=bzV1b6`s$j?@2kJHA{szsCkjNOklA02R6zKhfgw?sb#W z)ox*W(ikuwTbZ;kMoafCc3q2El(o9tSKZ<7tKd?_9OXq|Y+iEzt?D-!3L)J0DtAQD zUDplQPUo!AYEg!~hFV+g!J(uW(D|X4eQ8i>v5*s$LuKV*(dYHd3zu4wCAPiKoQE#PpR#-DXEfTY;{|< z%coHvI~xii?#9bA3$EtoG@M<%6|?|VSWpCYtTJ361n@i7TPtbmy+Fk{1S^M{sVocR zE>1F)jr%oTHGa`2QYmaS>&#_RldVvMCvvHO^?W?90y+pI*M`cMs&)AXgdqN2{eBqQ z@&|tsn1H@n)X%S)b$YTH}YC@0!qE@m+= z>CYVmKYi!> zgPo7ZcW9y^&m`y80}QL7g>LBDSl#t6gKzgiH2u>MsqwTUEX62h3*V=B@F1yT(~}>g z6W)0hbdMwoFeX(2Qi_@HUTiu-ux{X+p6BOM^H9C`9Mbz;-WPlyq@OwwsUsm=XZH_t5al&_{kr7*^#H! zg|?RMyFGr6?H=YThRLK{s!X{x^gZrQ>=lPvI~i^t2R%->-KHDy2Re6E%k)WVU;5|B zcJ)e5A|Qh24n~W6W2F zx$G@MsYVN;xLnm_``x{8alm}biJT96g;vy;3vajLprvg^=GWcDdRZoAUcWIvzZqX` zSNZ73xO25gWtYgs0=gg92mQ-s!Xr-y=LQ@;w98_pG*WUw{48FwN*?)iRkt?4C3Moe zD)E{!H1TRM9T!2DHoWEA9zE;7Eu=$VIzyPPdwH_&WAUTB%c^&?_R4m#u@=%!^?!ze zpnJ+$x2yS>d0XU$3R9`bD2jk1xykm z709iZLaaQ=KH;rS6C}o<2cw!pIxMF5r)M~A{nyini{@QL>Z14$(-zLoMS21rSBF9` zZ=Ys+_xSrf+-(_66`SW*Q@%K~47r@&y4^T=*sL6R&?Y1+!jd1$OTvcbKxp986JTbY z^X;dXH8)`M>IZlDqeJ4_b4&^1Vj?ccma0ctxQ(hQIV#`eiV~%sfdKJI6 zq&H%;F(qbWHcBa!X7lU%iAf!(8psPSO;y7xZ)c~dS5bjc)f8AnWIo}`u6$!N3v2%E z411k;qi^)yeGg<(mXLBRY7G?{Iv)>aF=vgC3Oj0{r=rqX1x&MmgfAsshREqA+%GAA zLWy=tDqVj8cf@=g8F!CaNb*2U_xN!Az<*-b%xeR4<23DgKrjTcQ9%O08l3LD2H=0w zO}bc8_n7Cj#asD`Ur`(=Bdsi$w(W3kuxlc;UFs`a_!6RiKE1)0H~k)dX#6FWHt#=p z%<>!O- z*5%^{4){DnlExRGLFkEG*_yZdxn-8f?xb*ZiW9`1lx&1kv&S@6^+8T~hf~fk=84~7 zVYItnW)g@4C#X|?J(LN-3tm^TCmomW*Jmn1;B%c^0GWIc-q+_lHhJb=Uh@g>5XpK` zV6PiDCT5}3JVN)g2tWyyJltBj6i1B0MD3A)B7%hIyOj0fg6Bl-N@qitIa_LC`Q_XL z02-qKxNt2;A_dst!ddcMLEaK(e9jOms->_a#^4;-G}oK=OCsMq#B~(k5&Mtc2*c&n zC!e^cpYnbdqbGm@u%)0XV-k2*8@lBg=DF&2-`4npk5iEvT=#LP;**ojjg8a8k9~OJ z_9BL3wuFdn0pV?VA+rVV22{MNwd$5=ln_>>AXGKVk#kva%MAbt%gtUmK0cx7ezM`8 z7vdK~TpvoRB4%eIvjkbs*AeQIc*{a&J$bFFnuRMlZQ$%wnq}wR<}N=l)uE$Hd$+ zLV`E5t(*YAH-$uLSM$5(1ULYEESFCmLem(crs;|jXh*UQ!A&Y*AV%#1ut<74IG!+PMP4&%43G(?il?0VGCp5lnMQ`&ggrt zja*#l`r%qsp~s}e1>tXS!=$%&fQ6s6~ojWP5>ArOlzq2qI++Fx4<=5g)5U}6m z(4jc!0`uK{cYXhg^Yd$UWCA+sFao$fXP4hD9l^f;MV~Mnr=0%oTH!IBXePub!zSER zP5+4$*^GJeXTpnQl&l3P(C$~OK0wPjTm$vT}meYdXFKLY9C{MmfC{mwrrpLu$ z4!OQ6p=`i@6+0|=p2W(!EiW~p$OzlRiX?n5);~i0>sdWQ3YWkwC_FJXmBUC}1x`;` zDK9^U2gseZg!)=Zda0Blj1O2o_)er`dEh4tM9G!O;jd#IAlEG24+>#S6qBOqiNeWC zbm*Z$dQUp5FhH+bZTe8kdNA@KJv#P#K1*0**^#ngWKLN8^r?V!0UvN9<=Y^V@>CI^ zL{5h0f~F6Y)aE(r2T2qfJ{)^V@@wFLJS3{_4K&W?D3D>Qgz{dfqxCt39A@|5VvQwb zyf~yYlgXszm$sLlo!C7;t4(Ulj0#)?HP+O+u%~wBXM@N3 zXLmy$IcqS^tK3Ox_X8&t3q-yFjm{rV-sG~6BC`5C`NzA}x> z$!isP>@v$jrVNT+rXn5xq;V=wzSe{FYwo9h?&x@m=@n&AJll&NMlUWKda75Gr;cnbCy(OzRyeZDae1m)>|;4`U5vjXHx9G*UUSz;MYZF) zRA>>ET2^YA6CFSvkmDn&$OP;!@RmygNI=c-CpFgS;MtM)bo7V#gL{T|2>QdHJ2)CZYEcdns62Ky3C&r%r@6sU@qhk7ZF{{(i zkgN^CF`F?|NREA&x3+|1NVx%QmhQu2_nefvOH2a&qeU;cwABgF9q1>;f7rY=?{1H4 zn`P(XeAwj}ASJC}kIL(MZp1YX64Ys`Gv~Hs^c`DfoXj3M7t-?dUh*GCKM=6H$2M5S z*uNp&XHsyET=332^(#>Fe3BZFp@rlZ8yZ2EfBQJqm`j(|%7;}K>%6O}rZM7RfB)yt z0&PFj!yfb$auH*Sn^AdTh&%TQ6tP`(elO5e1U%>*x&)N?@33_?Y|iW9a3f zf8J`zwW1-}LypEMES6?`*lS@K%3x^gdp6S8r(o7l`12 zQ0a3ac&lx_#l=-~+3=$B9s3G&uF3Q#TU;BGbwbgy56O=Yn5)9Rb8Y?OA>oF8=2pnr zAO7CICWMt9WqIDS1#lUuRil#I-5+CnM%m~7<}C)l%qR4)6lL!tizjEjj2F)Bl=}75 z-Tn*f3%uq_I={7R03LvhKU(~x@S;2hBpx{t#|RoZg@ZIH^WTY)cI?Oe zl6BnDyUkYoM`>om-YEH^(~bs5(%zp)dZxjY`qZJ5d8P03JoEEhKx|!v z{5KYn-(SgvX0%Mhb+m#Gm>}a%l$CBGr%E-#u*1p9s6Z-1>9PmPP2n%#P@7JR3S~Ax z%#aF`vYWY)##sO_R?esC4)5S|j&B|H$pu0QsE-}**U{2>#=M@sp}jmV0z+8iFDB+~ z+Va`UP?soCIlvdzbnuJAh520C6_%3!vj9qlaqU@Y7LWS8_A%b?3wkHKiAs%wtWt3Z zJ_umLjTFncGYEeM{irc` z#EBEl-3Oi#o zSj1BzI6r|up?3D=CRvnd(PuXed8*5Rp16J%$L-hhI0^RTy-%4q{5gz_AR+B;APZ`m zQ?CxWrI5Uwel6_3O|5IqPoP}U)Y0v=wf?2px9L&^ljhR6JIAh6v5L8sgn;^MXmnh5 zxe`2e6B6u*DOg^XUw%AcTnlAFWud$wkW}P!gRk%Pasb{2!(ofV?QxgyVN;RLp2NtN z$ox7+9PsF6vEbvqv~FgeYa&b(X5tLbsqS!ik^~Yr!XKVqTU;aU%60syHP~KUTVs(W zmMNrldC+L8WHRe*D94RbIH^BeW+_i|MpzuVr!Eq#qy-Y;?N3Sx%aL(uk9OWQ%kx88K)SNIhfhU}ld!MawKtBk z&TV$TL18=q0VxPtICjr3ShL7=<`hCzqO(3P305cEm@z(P#g^6`oGkCP;vAl@9 z>6M^Ru)$hOvO0hNo10C+*EbSpfp0JUO6&<2&-HQCjk{zpW)a0=ni??k5kfA42sTbn zSqJYsiWWr$c%+5VP_rnE!13Mrnfvw4-RJXUOWFJRk9|^wCV(RCF^=MpzsdhL`cCh5 z{<8`34ZN>i4|<$mbc;_RYHRJpe~+D_!o87^2l4S!6yk?LZ*DZbLQ(?$uittQ#NdHc(B@ z!Rs*l5f_Vf0cqT~&2z=Yd465z_T^ub(>r4@k+jg#4e$I6!VxG?vNmm)SP`h{w}jzO}2 zXy`as@%}mbQ_{3&U8xT181&=d4;iGwqL+Ve{H*uIv5nEJ4P#EAdz3}#N)QWi${Vo| zi-$__B6Bt2*$Ygz0ynO^qS2 zCn=6*=se?ZT6@)k;et0_D!1gnzg`FM#L53+W(~X9taY2cYIr%hAU;KTZtd1|>4*%o z->87rphy$j8n(=jhTEq>q>a2=n$j_ES?G}M;GK!DJRN)PqsoeCWEg?4 z&IntSU!ZZuy#!=)&E>j?S($<5cyheUU$QW9hLIA{?g&`oRYs8JtN8lCSqIa1O)%;| zgTpX;aBH`Y{V=Ficbm-nB9(1$z)KlU$u|KxJ??*+Sg z2-N&knJI46(=-!Q;lyOmN=T$K6^83Yp`FW9<`V%bC1`{HDmkopG{}rfRV(aHdQg1j zO+OpA+}-LI{}tDZJEv`pE(}j@9z#-dQ2?fa!eAq`63aws>Q_zsG_|R_&of&IxwaMG z$448E*RFl88}qfuoeg)$A;%8ihfX=u0BJ!0D^3IZ4F0{KJ<~xJ_b&R4@1sv3ki%t9 zZ5W#zI5j6l@l6X>q#&7~sR0fUC+D);Vo5hgVt?~#@Z6vMvdeTMrtIW5HnO<@!Bx6W zBb+=_>SSf(#_wJ7^_S$+g}D=}kWm^ z8EGp`O_+zeKPP7mG%M%2%aJx_>lYml%C4HrgAX%qXUwcvCRm8rSQGSX_s%`^pFqan zcl6L^`P03ex90gi@^~Ry%%2NG*o1}qssDfro!VI( zCs(3f^A_)ZohRqa-Uj&xhw_)^&TcfiVQ9XOCnq|4!X+yA2My2})+p~H3d`LeHdJ-A zvWsokm3p4G0PnsBE)u_AGpI*+*Q8u>^cj})!P)hy!oQZ1tG`2>qh30vrsr! z+W1WExua?feY&s!13F_|m(N(`t8&)X#RUJ&yE@_HRn(HaCiL(p#^+(j>G}KoK5^3rmb@jYY#oz#9Yt1@`0~hiy#J>w2 z(qf|wF-LYHZ8x@|fbZ-w-GFJP^(dT4&(O9YCgm@mGc|cQcE*efRSol~S~f<2{GWs5 zYQo;u&TkDL*`tpm;F4-d&jjSay!eq!!b$%`DifQ*ckhNRzV#kS78~w__9r3_&hHr+ zlPC)d2JEkCnJ9P0+ZK&-$AlJ3z!FtJ=9-R(KK&wKzijBamP^FwhAM>iV!@;=RC^0_ ztfwtIJQ zJIjImgOTjP3i-Em!AB6efS`GQZ!ad_wplwofU*p|j(7E<(S3eC1}A&CU*Qlh4n7T9 z*2=c)=;_T{H0;@ft0p^>r13GAV8fbgk)8R>0k+QMrCyV~6_ga8cY#5rt;=&Ftah{6lRcq{VwQJ11Wcp($x~@6Sw9do3p7%Ki0lQ^JbSq1?r^X~HEo8?2^Fgx-CfCe$*EI3Xm#(2g{LfP8tR?V zpPDkrrl@5o(mq1ZXZC@GQ>@@D}|@uMQdjGD8*ls`>hvZwk#)wjVVlVBW_5G96wTBmFz zk&F<1x@{y^Hv`Y?Pef?xN*us=DxB|ygUXh#1~FZXh+g+n)n8un=DEuDUMr<;d^@d{xTS!h};;l4U>pyPu~Lo2Di*c z^z!m+qbz&kTiK7lsV>m7ORBZqCwJ63)z@bmnLGqNb1y0m7QsjzAB{q<$@-ub z!(JWZ7+!Peo@^U4q`_Idi%ak$N^7gJ*hk0J^=$9g!+(Yz0Olnwu+4E)|bx0 zu@547KkOO`I2{<(#jx!)b6*UY>DxFvQIX!2h@X3?*Q;U1n!%+J)69)^MLKoCeN4=y z-gyOiBL1OUW#JMfoi-<8;nbVNUfA03u!`P^SxL2ABnJqMx5Y_+NMcV!cne%#YlLlCQtD5{0}+%Z2U}E zMGRC}njK`d9~Mrql1JFzM}GYN0?3>;uvPbjuEMeVhh@*_bfk1wPdy44hQ#4aL3o~& zeVpAndu)JdMv_IRkdrevc$2{7T&Cwr?nII>G4j#GX}g#jS7t#TO?gYc&s4E=k1WGf zcJ>Re3FjyCIS(?SS94}Md$ax)MKT@1e(e;qY3K7HPd&SG61NM$)uOnb!c);m7^xmR z)%-tuYMC z0M7wO;5lP*pG@(Hb@v*h%}*!S^&UU}ylYI%5OTVCsXHT(HT}b0Sv()(I~v7jsWLMR z5)JO)f$i-TOKoHzcE{`wYnDxv6og;6?2nEv2WfckqdMnKPT3t_9JN7F!IxliL?wez z8cWr$PBCmU_d>8C@64e1U^4#uDp#DF@a|Zxl6Jd{FW-Ej0EA&PqlT&6f%UADMePNi zm9tRLI|5QkE-Y(XQF*r{L2qZN7^W=aoW`yi@2~V&omHJ*hP<)yJw-*0m_YeV>ThBo zVh^J%ggb*DTIT?({m+T;BfjmDGK{bB+8eMn9u$8}S-Q*bgMI%pAVid;|MpQrU<C zmA3smkzse&iWPt1Jg<<=mML|+>WZ%S_MD2f^P!o$Tw~$|8yOsCGB2mIk$rCPc{TFge6L z-n{-cyYWgC|NPHa0)uZo_hxZb2cD?)&x@>jik}q>#$Gm#XR8=fd${ z^5L1TlO%uq_+U&@c~#p5PV;&~fV_ZqN7n7IVWcBntOp%@+pja{S1Z+B77xrki;Qj- z_KB7NDYDM=N(5oA_r2KfisjOu-jAbRQUQ=?9!g^&2hYh>l2-ysd6f0y{F{iwDkcgg zbVpY3g`OS#`Y)skMekD`SBJ7Vxh7q68G}f0h?>8ATd$?)f3g)m+7VmZCDy zpexkoK?miA8;aBWxHGo3!d9`?0@=RdP3}X&$Y*KAt7_{|<-@TL)ZA;M^7rV&!2K7S z?j3bwCfTTvzZaeHs`c!VmBYBJBHKp^+q;|OPtsU~8lQu)sB?^=VkEev?Rm}bxG6|r z#r)ZezP{xd1!<9F9cJ`bNJ@8hXpDjwai8MPh^2bRjgeI9i#|uNi`*Pmt2OwfEVFRW zc;c$darATDCAM8NK5lFnK!K(Sw@+`~pA+q^Pu;t4&-y}Ie!ffcgR zxInkv9pL1=QJt3KD4Tfi(K&wDRCkY-$f)g#-8!-C4tPAB9kQN^8f%j3=^zNKb!ZdM zHHL>gOtitib4(SHTMPGeN{WQRFT4suPA{{?jTXDmw#SDikwmFE@)^0x+OxVdv1e|* zx5w9R49CT5Yi5k3q3)NrjG>q1)fj90@%q%EP@)p5BmS*$`JW;I{1?wHF`Lq*Ues~i zZz++@moN%umSqy-xpdO-k<2aG0a5&A^XL6T%X%`jhKfSLR(mOqAOr!kYk&XEpIuSf0LGxAyd|mW-H4#S7Y!e{D)JW@JB3_r89Ey;-HdItBJ2kt~SHPNKdT!6{HB-sf~@S?q`d~wR_h+|+gjI5S5^{0YKhLw0;l?h zwHl@m2BO{+O%<6X}N>efP(9-|XlrXKxiqwINd3N}rV?yF?T1Xk)1lB3|F<{k>4y*UF>G zC;)>2e1~`F+C>fL(kz6!H3#N+Y^ke-74RWkN{?ZCXo;jP_ob7$qX{(nu+7a^5%cEj zmOLWx7=@LK@Ox9oJcMME3+vB1HH^{?sd=!az+ro~2lndJ@o?#>^It--k1oX{X1aAX z&Z>GHUHLgR!2Tve3UaG&af_(KAV{lc%|9vz-lt_>JNe*I@$X=gQh{f~1GS*`e`wi9 z3aCs^4~@EHVUlYMfLP$;JUs6ug2ISNKvxtO2Pc3LV3F-zUr#(MK@$4l`|sxBsv<)q zY3KJ!*F(rQoV0y`cBD&HxS4Jt!ZksAhKf|Sqrc*9KCcz8-z=iSlrE7Q(^P?M6)L;Z(1{%nNP3FkGFE`kb!M-p^jeIgk%WMtw00^zKo@Q3_2Kzt<(jpIs3Ab^ zc(SHP{6bs!B-WghFQt)~9$`~4UiT~tMqDj=IzOL~tM(z_1C#ZC{Sp;c;$n`js>5ut zC$>?BpA<2Ektg9;r#IkL8dUOIx{@@B#})*)kV=Gc5Vb-bZ}%UrPGxq&A2#C;3nuyd z5|oIihN4PgV8+4Op}i8T0TP8Mevs*_?B+*@7?D^$HoZ0iI!x zr>b+Y9-NBWaZ0#=1(eVWF0N54fOeF#%Q4ll>YUQ~+mlPxxKZ@wciNc%oug;v`N)_w zB`n(E0&)peiqf2TKZ-bed3Z{rJ0YG!i|y_je3iLeHI4%yadZ_oi#{bL)$HauoY)W` zjl}d+V#$xjX{g1bTNb``kHIFK^S^N}#~Eft7VdKuwQ>q4VSnzr`zndQF9U<&c?eRj ziHMx^PVQZL8qaxAtM>;j-aokVWcvq8OuDTxXsA=yZ7r*~Xfc#m`7w0`aWRku1l<1U5&AZ!VUCh%g~> zaq;!P$18Td0_`H1>^ZZe#^Cb#S-X&6-(rg3%g@an3*7Phxm9t1_cfKnf`_ykYUBD` z*<;;2&d!GLK?K)Jhx7{ejpmR*@5|laXz{-LtB)8G^WT}yqdWDCNFvLCYoF=-C>^r) zmGDy%$+5M&FOvQZelHi?%Mip?fZ&-W*Zk!x!n}54@3Dzv5w#3 z=-$>h#Z@yDDL5%&NYeZGuN?Xomp@t8k)bBWc7%^dBNCO-19ZON_w96{y+X~4> zYGO;MxMT1B3gD=1F?1)AdiI6o>NxN^HN!`h4GlL=XD+hjjy2`Hu z+5Vy^DSPdspA}Uo$ZOpkb?t%Ha`^I*XC2qxO3?(7YU&LhX+uSnbSZO{?=(yvjm-_U zDZL;YVO}@ey&Dm%g#UCs#z}%ifu{4A&L2)Mel;ieJ^nrS$O$>`Iw@W=tIUYBp&z-~ zvZlT3SuV3B{lG^Qm&VDWILW9vBr=P+yG6X8o1e2gWtXqfPmwmR|E}~%jw0BVin}FOQt0V53uSra#S{Sj`_{Ad@{pZWqc28kX-khQ(_kCB|LhMA z)JHK%`!B{)JC{zD62b2N{eMX-r?fqF%uP0{nzM5P=1opZ%Aj zm%}$@h3+IXN1hvTJ`(*Abq&3L52Wz^46l;f`tZ4(Do%jCfm&LQRRd3$+r9I5k1M^- zUm+{2eLIxV4Wkb57u8hu=}S3&O;UgVMho|okciTz>2$~4 zE5BMoAOJbpHXT>9wgG9P+NtFjd(WW{1#> z%g1wnR}#`tlWj*r=*MNOwCZBKP+l(xHZ>(di3`RU69U+w%1k8eFe!4?kX}2Rrs#Su z*N)e7imx_O(ZFX~Y_73>JX{_W#tWhq5j`tHT2fb{jK&7keVRa!VX%| z_`QM#pRTl~nvna=9Sng1C|X^^!R~eZ__%dn72l=ru!xh(`pO03gU5BF6HK}0;sE(n z##%Gh&4;SjFh2~epaz8AkGVxSD1h3G7NaOVncbfkO|l6e{k$BaK_7IsKc~nRa#v*?{MWlmg64Xe3&2nsA^KU_=8?JrkqIb&yR^WU5aR)J)x|*;qkvh{Jz&C zImXGHl;vr{$ ze=J%C$H2$*p8Pr2kzv*z8N;N~dxL^~uXiueQvBSKiCYJx&<Eqj0S0Tbab#$p44Zf_mjP8eHX<4E!GV7W9Ibnu9t+0H$D&cCk|zpo8` zL3YRvt$<5p7I+#vnOd%AmTb@bm?2W+<=HesjE|pEsT$jyM_U{N~%8F?1Mly z<3SX&F(Xzw5KGJ`?_Trx-1oKesm$xJR3Z=z4IQ}p^(9*$vV zIU}z&F`Jz&=>b1fk9);z869k%2@8)z?g&|BZ{j>XMq^CS zxOZG0HVVY^Zk)gBn*BG4QLdBAPvnme&==bttD4B97;Dz}j3spL_dL062&^WrwBcpt zA-bt<{qfJimcvxv-=o>};C}~F7{F_n37Xq+fBNN(Ow#2aD^TN;f_{nBqP(#G0Te;& zzNbhO(XL#6#1nu1Kvb)k1MGIYq2&A1@vz^2{Os9KhKNGiPrJi@zt;75Ixe*?wYFMI zPW%17lwlYKBrbUXK;on(>aDE}abr{(M4X_gmXwjmHv=(5yguwiYON7(t!6%!0%%AM znYzecY?+%hLqH}=QTXSaHVK_WWWH{^Pm0`|KI$1eS zeXZ;1bT+lC-H-_GA6o04(}rY-k%(wPGT#UB3FmpvWpHrSmYnNa0ru}6(_KXl zIdduGW;JYH5JW6-O!;xMCImAO?beFR+KABs%_7a#9U$!OW0KoP32uaxO8?Mi7Kz+u zkt*M7mSBvisY8s$K+GL{3wQ4dRP$gmbn7|@t!)f4!@kEL?l4MW?5Y&b+1=RJ8PH6- zuHgL@hhS#f%f7yP!#d6B;14h?z3QSUvxi(9AQmSPrZP0-+8QDyPEO(bjvh)vhcIpQ&A%?TVOLTr z3^`9@F z49K;Kily8OQzFbI1>f5GsS1&{6QWO%u7Xfe03yzaloFeonj>?`xeP_!MUAni$(rig zT29H`fLn)ZZ+{0z1X%kh1$YQe(>d#w~d08J<7y<-}Y-)rA+_8Q{ zOiTc59w06@Q3uaufS<_7h$#GO2r1`$*zLlmiFzt|4}$~5#3^wqx%`*ke-A*jIFuF~rL<-FgINT_D}{VqjxeOKq+Ne*L9ZtZfB;<=-~5Ok!jpbV<{FQKR^Q*a_U;UfWSOP#2rO5 z^X}j17e#vN!+|=91#tW$|YcGL?lkg2;k%h?l}*tYPFhr$*D}k3>Wu^$N;HAi9^kj zN=i8^D<$@yLvm_H#IdadC#96@>JRrT<&sJ!qA1`2vDHQ?6M?y#G@=w>7XpCyR3MD3 zbikgL>HYL`>f4qQX%hr!RS9q?sdKQ2+?^9&mia&Y)!+P2|NX!HpZ|w{`|tnn|4hU~ z8Qm8#&CF(i(6cxb5fe&lObBRd8f_G3Vx*AKA{&AmXb5%@F%+Rlz(mn#y|YL@dU~5v zGB;Pq3HQ5QZSCzmfA`|0s^?r(jVK-Vhhdy@O2p}l&p!M0Z-47xMBG}9#Tu$eQ&Y0^ zXxrluLekwhx|v8Dayp*QF$FclY0LoHv_(#V)V3^jU7DL$b0$o2g#>^d2H?SXz_813 z$L{W8(j*EbbFHpHJBB~nEOR+1{Q31JwLnX8y7 zFk#6Ik;VfIpokz++p!H}`R1G7x_i!Pw=b$<{vqak&+YP*m3=PdT6i=7?S&@9N~f^Q=pz@4UKt6AP{kg-2!Hy@8}8nZR0l)~ttvPM$$^Oo zFd;LBg%%O`x-=wIjje`{5?_RkeFp|^afV0gVILA~m>g}6>;TZcue-)GYW;rc<2Ka; zLUVKn(~iBx7r9v_&#$=9KEUoV9v=LBC0Ujh%_=0)*4Rg z&_rrgGiM?KP}2~)5fGYEsg`Ujp#N@ND?w64_w zM2(3YT=cQya&-$KFMzcs>S|`3uxlF-RO6X-dja2WqEa|9r^He3GKJg(SDYa=34A4*05GmShJB8b@alv8ajB~B^jp{#X1FSEPnoFAJ2But#bC~GsGhsSFu zo2^+4ns-^a6Vs_W!+5^ zAsx?`2rV8;GE)Z?Q8g_kyL)STI>+-#iPJQV^Rh^j)^wW2X&Q;stG5qde)YvLi~w|Z ze~{anU;Nqq!}0I`{vYeIUhgMnzSOm~)xfW=4!hkhTzX2*=ViG+ zo^GxViRfy-bF*64TGwePL*l!KW8^2UYB6VeKiC8Sf+oU5$dnRa7OAZf@i-2-q{Csn zzrQyJRdrXU9^!7=uZ+Z@!tA;y#IWj9AO`m+d{raB9v`m{6$?YQ)-~ zIE>R|Y9c>I<8fwAgoN{DmS(|T>p+!SD!EK!Y&J?gy$6ZQIM&PDTFabO!%%~eLBy=* z!-VaD0Z@3pnOR+GJdPk20immhE86=jWLcYY{q?{8%m4ac{>7jF z>YLx0*J+%NrxWEz@82LJbm}1za_0tj=P^PI?BCpg`oV4p(uA19h!4<#907A;PH8OV z{&@W8>9cnpNG|#N*RQ_){>97JZ`Jhru+O<1Pv=s`tNj%bt#!S*zAmLKry9-=iMdHr zQ6uAlg3Zswv1ZkDsTCXu$qlMXR1S#~6G)SsVaQxtMS!}>{oA=#8OO9gjICJ;)2cWl zk$OWJD6(02?U`HGwz@k48hDjP1m?QdHORs1x}MJG+FGk?W+H;!G}g9+ilx@3uAGn) zsYQfhaGE`MFQ)Eb;AF06gd5U06=0tQn z&&yIPqHjtU?Ecw+NHI>2f2z}Q%n_h#XWbpQ_&o=Aq<(()y&3O~5mmdKI>s5n`)9_e zv}2qL(Wq=Q0qodZ1f&}h1#T2?GV19l8=#XbHeFF4ee}srN^Alukn;Nz0$}1;Abk+A zsUtQt<1x^S2$8AdSBRa*iCAdw>mOly5w!M(pmVhWjW^f29^3d6D; zYi*(utr`>ikAaR9hDEB@HBOrbvNlz9CN_X3YTi1bACL*vJuK}?&Ycd2hzN`nxnJ+! zz3; z#I@=D@iI>1?d{EBzccgQINcl$1bC54AcCzm|M61iD#BZEQqNaM>@K(N;BKlN7D5E@ z@GV5b{wKZ(RNO7%U76!gnCM;meE?Nc6Z5c(?)vW#KL7v{idwd99^_7&lX7I12R}zd zg1;Ur2(z}V?R=SUudm(wbeY$?djLqxC1)f|%vGAGI9P-;dSu6%hc_G{!zN1sz-6sW zl#@$SLLA3&$Yohp04F3Ss#UIbyPNC7+xsIC{qa{{h{}ssZ$A6@qksM9e_HZze>`Q* zIi*)`-u##EzW?oaFK@4QC8zdYB0X-TafBnb*1P)!gjpznL$;=!+q&bm;kI@A( z1Hv#AW+qO%-4s-uobt`pRY|!oF4(du`Y*N}i~T>M5Lm`P$pF5rYY0Z;FUFurRq>Iz zj`*X*4EsPh#JC3i99A{+&a;YRN>tGe6wO=AA~SQBXukJ){qPW+w}1NW??3$m&;{dUvWwXzDm14pEIMIRB4~=#{F&#auG9M?+;^X zIi-1BzS$dc6zW#1j6 z@=!35sih&;rMf!2XJx#<+5>AJH&n~5R;ib`}AW|ZR;BM zJ0hxVNoIqO<9Pq}Za!ZeY@8+l2>B4GhJ~7$e){F}E2K%Vy@LPM8Z3lQfCY-{_A3pi}+S0Gt?^kqAvaMx~-o?wmSF zHAt+(IILCvzkm4U|MtK9uQ`?9efQm~w{LgT6rX~b!EJ5LMBF{#6+|RrQ2|4T9#2R_ zoY2h^Q&Yh$LTN*cOcj_@B2s|+<8im!9S(alTk5LjyKyR|yuW4srI@R`#zt6IK{9u{dpIAD zi>eZ#nGXZ!Oo=yyL`{hpHv+V6ELZ?CH$coKN%+(PM%$A!k3(+K&hy1ozkBiG?(X5~ z&4C%g6%qsHdF}qeT*5uVL&E_b$R?@M5n=FkU4epP0@7M|T$_1Y%&fcnaUwITtC(u5 z>TXOu#!s6ve;_>u5oC)rM(qCU8r{7?I0?9U6G_C>Z59oCiM=g42gKe#1lH6``M7dA zLJoi+YUUdCy;`I}ZAVim*rE<{>^0@aTxUixB}Cjf{TTL*y}-5T92~-&*nmTcx-GzN zyn*4st!jukeCU`ii4&nTQ3NK`K5zr;{aBRbzzCvBh=>e<;4-WAc}lLICcQFtT}$0v0NTl8?dS5XHD!;=8GBlk4u z<3YsaOhYM`dC`r1r0PG4;WoBYVg|72PPt2TFp%b8s>B;HjW%i1Ty{kZU=MFLKnx#7 z-;#=JYdLXFEUHyn7vlc>)wBhs+Cg+gF;(yAK#TuZaPM6Dho{4gF+Yt(r7}YE|UA85KhnQro zjfryNgdEb_^Ri4sd2(|dC8VjA#4#BF=fpG)B{4sL_T&$~_#`nsoRk&t%N zgkb;>`H=t-_!X3ZaU6)Kw)WrstN-@d?d>#1o;Z0Y3_2r)GeguF!8)rd@sCHuM<9O@p`}rih9LoSY`5q=RJG)? z+fBdu;l(n~yHft?ci;ZWm!H4$K(5B}N1uOue_3BYT=K}5^DN=KYN{$kNQ}!|o3xTS z=EqH1Q!QmcgaH26+C*e1BQf3FT$^fZf`}<+BtGm9NIaDB$<6IB41gr6Z|?5z=)ufI z$X+`%EW~H z{lkmn=@g`z6k!+ZIM0v=7xU8+Ir~H1Dhowwl#)%LiLKv7i z0jYYeje`9GeY6^g+oNP8u)n~H)>TUBHpB=J-5|KvrG;ZDLg3UE05Tzf8GsSFgXNr% zTtp)7Caz;uiy8;J18iv0f~25s7^)uhjw;TV^`nn&hM`<8>v>+ub&NcXu=xjY2Wf4X zhTVQ*=2%qkJdrQ{;43#6$B8JlDxZG#xg*rNs;P<);mz$~xt!x#?_M;4Oe2BAliM2+ zA*S=?GL9wXwAOX4b$=Mgv0Ub5UDi)N`?A{=}&+02Y>X{S3@b^zkKPY)y!1E%}o*^AypGsV~#`H93p?B zpWaOF1i=?ki=u)yVN&=XSYn<^p2jhyd^{enu5Zql3nJZKU*B9^t+l%QZa4kepZxKs zAAhtP$2WI(@2rqv7}dNr%{hErz|D|C3Hj)YibP~!gp@cTkf|A>sMRJ!P+L`PP3vX8 zh{)k8C&t|_6G5oMiC`RaY9iq^5mGZ%^VE$;#4H47<|eAGsc&vB$ap-TQ%b{7E|>Xl zfBDN=+rz`jOs@_*RjIWX&=4u^jE)_8cL#Iepj=xJXOo(#xw^Opw1gs&&=OEOFcUJl zduu|7t!b?m>RlETd*N+NX+4Rzb5BE9C`;O(&5 zKvi>e?4pQ1Z|*k-f!T)8nGwS#odg6_1Mcj!j!DI|YvcdffQcPUP0=yj>j}u* z(Vcs00MO>gPl)Q);e0}ipfn^ih$OZ+$P#zsc0^1GL!1ShlPPWPI|O9V`@tB7s%-Se zE=1@<0Ni;0k3Km>gih#0NSG;pTmYN(gzGl8gT%Zk0e*gQ#ldYJv=cXIqV7NhNCb{< zFbpZD%pGY&?17<<5T^r&DHt=Uc~FXTVsM|AH9Gjt_>b|LSqNYNz|3>%yw;rfku8>( zqQ?_akuGqAO%4GX;lmKa*~c0-SO*x1FaRYdb34yVzw^M&LF=ZEL}(uZJdvZB25Gl2uM@` z(7O3j2vSVc06fl??Rf?|9s}z*cpp)D*gAGp)s5H||E7uPI1K;ezxh}5vc7$IxLoGL ze)sm_A-cA3o(NpcOjY|-A-a^I6cx=W<*uazH{XwA7|WEDn5chO7{_tvEmbKQ}+IKHr-`yY0d>qHS7HW0MR_`YFe)@P%eUY95+{(T?-MDFg99oK&nq^&6!|HM2B ziPa*!&w3KJyGYy_oqv@RUzYjh>o>z#m{41LegClEjX9CIPeT@wgdc!fOmsgKBvt^? zhK^OLh=^4L7i$KV5~V~?A*FPCa}`E`X8QRjA3r>tmSxRFYm;FduMUTt2PU4z>1Kb0 z#7$)=!|hc*T`re-32lb7Iu7OIkDh-2eI=%_e!4pzr*UGYl1l?o(Rp48am>Tbe&1Sk zx63>)%M$Ll4!AaXIEN3g#{ENxoN%0S8WIs2I3=!CYpY1|>8E>#=$a4_kLUCI>F3Zn ziWC!9RkP*^z`YaqV*svh?y%bpx(!B3W-||PdK^pCuLzhDhfJ{_+ObLydL9TkfTv7b z)LZ;EY%}70_M=jorOjQ)-AybJi)dyJb6W?$zS*hi{lf{6K6?Iy3b&@1xQyj+y+?p` zuDfYurf~ak_g1wwae$jA*P?D_%ltD@{y2_^IF5s=av~zE>zq>NA6wg~Kw}R8hcFAV zlxjGAOa#JJqQ>|qiIszVlV9Os;;iAT<&_# zi3oQ$Gd-Bc&8o~&pdW5E68D}H;o)xf*|+q3JY{H=vj$>zOXjctH3LW~%(?hU@Bb^c z8ni5>X_~vv#%bz0E493Oef{uoM1=KfaNIZ7GR_mAmMT7uAwX624~sm~(*^ zmSM1D27TjllAC$Q)l|!1iiUs~nXJJQPT%K1tw)I*Tn2!E9LVpKPw^aV6X($pJNet6 z08{(Q4tq#-y)`=93K5XFiiaX`edYiFAOJ~3K~%!EO}&9Q*yyBR`_zO$(9*`pRkmmi z;BP3n0kydzz+wd?jaTjeZSSiIYSkFSqq4$(@EcOAj+WiEotc>#iTb`HBvEs>047GL zDvmVMRBBs007O`;*OBN;C5E6XkEc<4%=pMJLU$xkGbcK7 zF^I^5=egR#5K$hR&*g|UHLsb&o6<6;tHy@~3>cS^>WwX5QHW|p()SLnc2C@m z4hab(M|bj3k9h-BGbdF1%OC&A@%Hxr{OQlWeD#V5-Qvx?N4?(aQWO(H41t{-UyB=G zqSLw_ZHu;>bswXDLQZKMr`&AL%?UZB=+pE4X6SzN#aFrHv+bG#mnuK_^y4l?qHs7( zzyIo02>j&gd^L0zWj9XK>2$K@j;C*K?k>*Hh}*F6;(RwvbI!%6ZGHyjqvy|v@Ob*h z(G^0dqPy*8yV*Rux~f%5F7td0%qhfm4>@P4+U!BdC(mtg+LnDo1+ev3=$j{*L2E%B z9chabmpF5O!P)bhnc3;)b1vK%;vPWDP6YK{mWX}Cii@>2EKAqae)NZb@PGZspLBtd z5E%pU^~1w%-G@l)RbQp_DV(qS{m`val4?_tn(O=9h=DPqH+#@{mCmIiHH$I0o7wR+ zB4XD?H7yl~)d~SQgeO;*fBeHAeDwUov;F?=aCq_h^<469v)QiKr*XW#yZii$-#U%h;JJWbCo&Z>xePtQ5$xj5AVzz&DQoO7QdBi!9Tq?ia`&N-K?s&mNz zhGbQ0snv>_si^crbY>bc5gVx?(%s!Lb+PM`$10Rkveg*Lsfh%bi@Rp%R&pC%~=e$>i14q{3K4reV zz)Zp80=UIQm?~uOa4 zKw?Aa`(Orr5~2Wr0QBjn-+O-#Nik*>cS*jv zT%ZL2tG*Z2Jm;b7m>CI~h?%8Ip671A^)tInm5D)+f=4O%ut!A%2_X7e{0#)^u?lPz zl(U8aZ6WQNDNztHCZFAr0dj~x`2MFKUOfvKzj}3jJdRzAzx>T-dCpI+E}mXq+#l}q zjO$?-0Ze7i#n}nDEQtq!DRH9*nrkQUamy1Q8iPL{P*p3{EwJwnhvPJ#?axw-Z|?5b ztM%3S`Fgd=xpXP5hZP`{B8XT^4IzdQbFRa%LZriKJRHYq%F~?f&>6BI7iV^UMLOs(>Olpb-=RAu`os+soA_A6#yR z;itd+ovV=NT!28)LA!<{`a9}JwVFe2MotZR920}X{D>a*|i6a%E~bs?s@#a7>SWNx)TMEdeV|0k=)@Eli7A--9FS)?wJoF#3BZP-TW+;g zQ6CU7lb<)f{kg=d@pf7P_s%w*(5O`9h@!R}=S<99mxjJ~zdYwTFj5s+d49X9Q&2?w zaFN;$J*U%vhy_L@a-o7Fny@h0ob6K0Jc~L-@(B?kvR5b02m`BC{EXy995UtX^|5zP zO?n>)(W*$(Hi5b)W24rXTU~+wa$8yvU%KyKfw@a5aIj{m=j=YoWb&=E<6S`?rt%3mlQC)h72&I->#P=6wsx1r{nb;QAxPg^g=Ufcl21-o3?L{~Aw*aYy>B2+{s|$teXTA4 zx!W$4ToIs)vC*->sx)D7t<@DBrPdU}fAZ-^r5694S!BCjBhhKj52tCjT_fSpbwi)- z?hnTo)6K(iwOXYZQcBaDuW#=+>s8-(&sUd+!|C?^{)8q9A~KFse>QL^0H{{xJcSVZ zzGDtwpR0ZK`pxCp*~4+1=Q)Om09{Ib>O)|3#)e~!jev_D_v<&&0CFiZsewJYxCqRu zV>^uA-fCljz%56D*-bw!givb*tIT2O`&?S;pZD;s*KP5@K-@iZ352w36M&clVMWmV*7ZHAwZdcWN zV;4T-IL)VVV&WJ=E^-=2QT_PCXBTJZ<6Lr)Klt8vKYaGVe!J;nI^XSbDW84$<;&Nv z&vv_2*V$(C1-kVx5#rf)Go6m7aU8n7l*+_RJWtuw0ug|{eshy^cBP4_xKi-`c=RfN z&Uu<=0|U@1^*BzsWX~>SCNm2hQj9UgRArv4^Ee%%Q4?lhKr?Y%!;oTNr|Fmh2Tm!9 z+50<5RY3&T*m;PFuXZMi%ZsMS3HK*f!oR2Q2KDVn+n z27aQ@5*~+(g)1tkipzS6)Y%<%r@Gz@YQT|!Aa?O`w=%&0_b30fJKLrdb1w5ZUta9j zeXk06E^ZZIhDgmHiLjaF5urP#IPbNXG7&SD_jXohhQ_y4@MKrhz8fN_0>%_#465dj zc(oc-ZO%niSF4pvuhnO07~wR>R=$6d@Tf z5mu?QR0J6MzSUDHwd1J@86u*#?0Jezkx*;(SSueUl)09PLQpY)YRy9&YSoA1sT7&#JWn$tga9InhRnoF zxzrT8@LnjvZnGZxRBN5)$*eDBQmf8laYXfS9GM3L3xPJ9j)?B=XEg|mYyLMbFGgaF zBI1L;7SgonBf%grwFiodWS(4vXs@ns{8$Z%#l*bT#-Nm2iva|HF@|ZbcMsD%%d6M- zb19qMV3KpKMZ`?WQ~e$pI0y^J)k0)lEX)C#Uqmg^chSM2QpMHV3;fp3h{tvl9!vH` za84{P`d0v_Fsd3lnrH<6XiBL>>>ZI8F82rOQ;30?2nf`K7#PV+ z&4_?%75^Mg?*N0C!gABzy(NB*GLtplEcriUYB2}^O(Lw)yiFXuTxKyA0@tP-LJs7H z_bIyeLmLrY72N*_+=I!8(H8F%4z4XlW_SH(QwSUg7!1|G&0)PTUU~)t1eI2``;uNP zhO9}f+t{_~6A+MM2ws#JF78?1xLo6yLJWaL%>hW4^bwJY_9+tLob&zR=)1X@)&31%%ZajCOwEnbx(5;3`wCj|DS?S+`$%=j9IM6`YPcehr# zJm3HA-~F9$4wvV9Kx+X&{)9t_Ayla$1TYh`&|)B)ZdI(t#f8I6=ThdJrx@6G5B0p- zvQ*FN!=+WUIFTQ;7=Jww4lR4KeC1Sof zKWof9Gc#MS`#DdChll(7`!2D{%rvVUyMEYgqUatm5C%0gwN=;s;CtVDdU?5Buidrw zo$KLnS`P!q77OLLJpeRCwRxf|+&>&%UEjRAzWL97{HGs1dp76lvw=rs$NjLIYX?zE zv6OOif8WJ)Dr4XEeb=QJJ=humhoN^y9JLrJ@FBZzzaru;md-WuY=Tceem;(;H#gT0 zheMy@dgwVa1zfMYTIadc+rt=`&>$dnA#ey7LKe+cOD#Z+?CO~!06fhZq`tdCL_~y% zQef#J3+#gTB`t0-jDkdv0*@ngjVbI&21NG z)en*Q{^4|awof6E5g{v>RFyjST?EroOV0WA&CQ%=Gu^EEDbHofQ=W6p<21R1Mom4U zL_~AZ7?PR9swt%y;?RS?uqpz}>P;_5JZUr7jM!S2G_>iRp)*esF(t5K+%XsUn;0`h2%N9;f4J&U49C z%z&9eY&CR*0g=rh&pE`%#0G{TI;h>HP8sbldfSi?fiUa#b{?;QIR*BUod+AYw~HS9&-cR>R;ESY`sW zJ|#zL5K&Z^DaAPSoq>sJEfoRA!J5xHwx5n0rl1tV+gg>5D1W*|G9)}lCKvc8iv6)nv1iu)i3~} zt7pe)0>G4#JAKz?M26bzS!w8oTGe%f{%DvOV^EWMF6(YhtvW+&RCY}%PV@Zk5^+D} zHZ6hEDR&+1b{#Vvk0nMbt)UoH}nvu9b8yJ`njAYaaQowyYv( zNRiBc7o(G~DG(Wfx*IwjPxCMDUw|1hb(~6(rJecxZwM1O@ot&7z;fcW`8G6Rabv1@&kxXCFB#u@d$o$W>3Lf9;7Fw7 zrcOR$r|PI0D7mXtQo;ahT|&qt;kA(X)Y*jdZajf9HD3OY-%% zaC4=$uUxB(LmGC62!XLy1+ZGG|5JQ3Ecl$z%<a_7JHl+3CqF*G6@AqW7NOEZuFoC)nR4r^`$NG$=)X_kNrg6ch(EYb_t{xT!D z)jhY@pbUi9^Hkom4@USE=H!Noks+p8#J|MhR$3L!4F9#7*$bN8MzhD+W>1l-Jyxs;kqeSLj%b9eV2 z{-2-55Wn~FcXF-jVDch=a-}8!7&J?_-Fg#a{P5`qkK4uL3h}<**P$*Ze@!H6hDfEB zBJ~m735;jEwOPqE-`?GS{NWQrQ`E84!#JJhe7PN-KiPl(gRA@Fm`nNKe9tk?q7PG^ zYmFg@r!zG=lSjxSW57r)%!A3kdH9~~wy&;lfBBowe)rh{4-TM z+ih#DF@#T^J&Q3Mj>o_M#V-(Xnx=W4OoR!Ct_w^hmuDB32zWT0`mUo8YpuCtFiSC% zGQWItJ>?0^MC+^T8)kG1ovJn0GES37b;3ribsRGjr`UQnBGM?sX zngO)diUjLT=jla6q+kX>=#>D7s2>-BS=>(>A1fQFMPdp*1Ak|Qm>L2qnt;#M{X}sY znX@08F2wWXz_4UBun-v$M1Vu1gElCnQJb;xTGbel2@#2bm}s8Ln>P=AAM-3kE<9*l z12yP}o`}m-YLS>?t$G^g{cgKnua3vLROwO&fJAZ5ssbS;qTm8`fXEyWL8OS*7&vt; zWz)-t(Ve&fO{9thCVG#sV5(Aew;g`)-S2ESoBd|jrF3(De;OwPCBnW>fk{-R*%kOT zmr`p5z!W2gP^zigG?&}k2Y@E2iq>$^bI($)zP&_u`MG^{!foI)6@A7mt=UInQL zQj?!O9_YR5tEtJQaMJc z^)%;I--#*;rs#FD&AH}Mx|FWY&qUNqc6@{mLAQXezX0@t`Dm24qG!MNYBtv2hfzS8b<7vz# zcQM=@453c*yEbkf{?)}WXPKw`@Q|4(AUeax%o#|{9S`)V+Os+L?sWXEYi z5CI+~ULxwPMF=dSk5qEUesuva4S<=Jfe$R!>|kaT=`>{%&AGb7(06|i14c9=Dz$A@ z@4kc{rrib-Zd2v|3LSOC1%6hw##;nH^eLoIC)x}Z3~Ci(HUROsKK3%g=Ly6Co28Am zqmBp-uoiVWrm2ZaXuKsdKx6<=M`0ybXqpIfn?)k@RC8%$erR(N#Bs`qun>G&UFX{$ zqI&~7asJ&q;sSXeYP9wOjCpaA0V9OPTBbQ&nt@bhB4loH(PjYT!L{BVFuTE#4{F>h zv(L&srb}48prkSXXRsn&XY^IuGwB?r@0248Xz#KR* zhptO~*D1n+ zQr8EK~3j*7SR|2Gv!iB^@85|lw8|W zN?~UEnv~F-5x%$*(c=I_O+oRo4S(Fn%-m4{8-26=|Fzae)bS){v0B}CnEkD8G$h1_ z!>POI0`nt#(8pz82caEE1~c^m8<>wqZyz2);M<4eX`D8z;hh_jOU<>$z`06_Autz_ zIhXymo9FCD5j23)0tMF)fw#5>0C1Y-E`}}!C;x2vjtHyB{lj4{#mt7j6OsLHCuU%aOh|MG0Ny*S^GbAIvajjDBB+-}x6 z=f3MUs{zgJAtZ$`bm`&YbQm9AUmsKIr+FS$s}DbT`e#4-(X-3T7}Ge-h_o68FkqrU z?8IMx*9plR{cjOh7%+26X}wy77^~-QH<6tEN?r zn2*zVoXfMz%k^em3|`$mJWSb$0%1|{s!q*_LJWkciwPb(_~n{)02`;VO66~(maX~@ z5k)E@1g1I9rOa=xukY^eq*i7!)mlnL7*8iK9J;QQy6Pa8LWD8I5Ev|+rtxq(9!{rm zo*eovwfz38*C}z|M>Uz}Txv1%v4nc4ZJx6V1d1U9Q<$g1==yw0A(-l%v+IjYb)E|% zu~=YJh0uE~rOW}K32;f#6S{~IxmiD>In`Fdnf(X~h6+n>|1F!VsP-w&TFig~OI4qj zx^J?J=v0hj0}Nac>uZJsJMsa9ff*M1GaKbnr>Pu|Q!TOU0wU$PmMlg!B;pi_c~}in zL~A9W6vOrP{m*{-o32Y&m*+92X|8=g%(+%UrkJyudB79SrzwUQV=y!3z!Xj3aC~qV zU@%J|E#?x&WK2!+%1nq>q%HwP-?&~~-v;I`rfD9l$f(lysZW8rFm$1dq3@E<71cli zZtjl698>3#ahDF7*>1fCgX3{5S&qk(zgb13)RIefQe~|Y1F!lH07|W@GM7B(T%^`o zwYdYch`Kkw2ag8AYU-zHvkP}8F`yXOm7{YJF>xPiL?9*#Z>xV51JK4WMU<+6y%vWQ zzD1Gm9AnoOrkHY>565vBx~t2J<2a7vgbb_oy4E^uw}?L4br(c3kScn<->>?(IpR0_=qnZT{wN@TnkCBNehG?2iwMreQX*~=> z>gHU0dXr)l)j3ZH7(yUgoa-87+$PNKHnCX`bLMdzSA7ST3Dfo6ZI_^yDk4v=*3`tVDQ*=d%lqc;;aQ4xt!jjCTh$COC;>K++U<33Tz<;BvcdPz@VZ&s5b;4CPtcb z_2QlwV+ch=L5;kH@Osx()lC}IC_p04pB54HV!@1=fKbhY-0^WT0^ssi18JrNfPkJ- z>#!VqS!2ZPFOX}%XLmpg3}74(!0n>Vz(kA#a%2$qU^UkhAmaOOU(j$S2OzzzvessS zYj0X{>=nOP5T?sy158AScyZiEpXZ@AX9Ijp4I=>eIR)g%D*EFVRQnj4br~FQBQU@}@m;l_&)NT9?7Vy4J0NPB2&_x2Y5QqMM<^!l^Qq}ECUGQLP zgkVh!Ktw223rYywb@Ab041of3uHugn0g$QT(@3UZ0!Y}Uq~i0WhSno`J_rRSBC4_s zw-8K?2$_+=HGsy9{!9TN1ZMyl5`sDr%OZyu0ucueL)Q^=aMuQ;zVpa*aC0tNJ|1&O zA*2|*hz8a9J%b(5+L&p!1X3u{@>R`XnoH|n)SB7OQvJJmmoGsg>=<3TON^1(pjke+ z`p@5;X5FM#Rk{=rVWIngPt`Gkca;qfTR0Y~Z#N%r_LxW(yCiDU6BwtA9mNoR&BwqF z)B?;r}qYz00?dS_BudK2_c3MLfaD>a6;JpuguK!F}cYa1`p8a zw#!?Bpq>$iL`WXx=txW{6#?0mh2Z|7P)Y?b_wrLT7lCI_mLK=T<7u66F zB2X(ynW)`7YZJ&A!hW+MA~Wq`9MSdh#`G=wYL^lK<|186?K6l@^E^(IbLV2<7~HM0 zB0}FKUob^#sg;(@U>{Q;VxJ;2zr4Qv!FNCTgUgGru5bS1&wi0oT=o6G`J2D3RRG}6 z|LR``=AZuKKmF%_`Qs}3>)-xvyWM>B{8>uLr};>fOGyFUoqwE4NK{4VIjiArxB2Ab z=Rf@Plkb1$<6P=juU~)p>h*55_U+JlHL%P8q4}X=Q&FqNNv_SH}R>C1oh7k?W2l@ULTd8~4n z$}sd}E&>(<`Dld+h)_tu>Rd{UF$M-esd6}-=9~dwo--27xqkWE-<2vcrSr4%?|<*R z&z?S6_wV+NcegkH@Ux$loMQ;0l?l7Z^E@K}2j+lCkR``RHxKu<)*+?sdUcw{yTf6e z#t=xn##iFyP~HFlAOJ~3K~%lE*yoZ(s)6=>GEkA`!#j`J)P_FhEcf@vi?iL3;_)y} zV_vTZr=cNYm!g`mAs|TAVF;d4n3B_yLDZPd%>4~9MmAMc@N9B*u!sc!vF8Aj~*L8#QCfX-6EMhr}nQga2 z2s}^4YF2|Z3~?AZMB-ouh@3j6uIsy0bFD@DzT0fpFJ8PEhW_H>QWfU8JUoo&7f;^2 zd6RSQ`c+Dus^wB?CT4WQH!%7A7hmqSo32ZF&MpBGQ5C1X0SAha0pT>A#%b#ME_EG1 zndgc?fB60Hsoe8>koaH!&;Q#nbO1KbnVDh?w|DmGYUe!ttK)H~$Yr!-FE{o!zXd)KAdr=$Q#oFZMGoqgx|2h9BI&we+T zLc}UAmo-8NA~Jr5q)#Cc6VN4&n5KBhx|@lb_~lS zphlYg2vQf3EBd;S7Zj+fG}NKnyVk60jR-d|o&AsKn;&j+`dcE`(*1OYukhRA;f5S} zu36>dU;tqmwJ`F7f^Ax3CEt%TVRnVXkB_V zMDWFx9^NTBbeU-huOu4$-FAT`{E9ry34EROqL{4xGz1yJI=*%mfEx0gFtrvaGvI}d zweX=OQd2QNaENl~+mi6q>t1#Oz;F*95nJR77Gs(Ao?;+!`w*-iyDTBocrx>pE&A(W z*>6(e2b$I>PJFg4F@Is9LWaDTYq-aQXloWVQW=Ei5d!4C`>0@E0UjD9H(PrWIVf{D zXLcU8S>{4;hnK!IJxeX@wEoCx>Vbk?PYeBqf7t%6K!E$!vrDFV~L)tECN& zcb|%YzQpNT%|(bjFta;*`{8%3h3zY}>zj|q zM^obu#bv(t%998SqB)+kGIop?cyhU^zBMnP4SKfijTZ(YAEn`F_M9%&slUPIx7ks) z4X?srA68!X5p3iq>H};hPCxXf;{x1@z#;pge9_3e>v`MmL2@(TRT0a%Cs>{irxABq zF>dUtF1{1Tit&Z3$9FdLNep4yyCGLQBW=yoY*~is^SH!i`{@tJ)yl-FRjSSoPTJUM z{D{nt5GTP6XLJ19nd&VZq0UZ#IG3YNR^=}Dsbp_YF2_pd!mcZD*ZCOptj6A#mOHK5 zL(lmOqbkHL>X~p6)%bmU)})`P+%hrsY(?TU5_$n7h?|vzi428)7#nB`i`| zKx=;zu5X>;3@$#FW{W9I!WFburrI9HQDqv+G&MS8-+rUY(oJz5a?bQrp#R6dbUEWD z^SBIwY4z}Il9QV&7jL^gIz8<&Eyq_@Y+K>h;!*mzNdQRR#^CypwbWz@}}kT&Kj8fi;HMJ0$JYtL4Mq)Q(kVg=XO`@^qNurB<&%oWJ6x?xC-D zpH%E>6na&9k>x(2_y?nU$DOAmAc6f#Ma9WsH^J7JyTQS0Eg4H=7{-4mW5`V z^0j>4cHaNAcdYCF&hN%(*i$-sRbqeSX9+^?Wd4Qt8k^r)$?7e%;9~7^Vy9xkMbXc# z%CBB7ltF=}v(e zD2Qz56WwLNTOQFNZR5a0T>AD{dIgawvr)QNLJkSq`$HTp`LsqcHPOjOxqD2WShBk{-ag} zfch0Mzdz(D9V-P3&IedWu^hZ_f2kw<)Gvr(GgnYdP?5%7Hhs;MG#iMtL&4Oi4hrI? zbpmBFt5s#S(>TH{hih}{KHRpsr_^Ng(+!dGUz`<@R)!=CFs8nG$S@Nmh!Ty7g4tcZ zZdLV^+wgc~Beitn!4ON4U!*A61l77PiW@7#5+ru$zHn6^>ey19gqY#)-9?4eW&H+)N)2j%*bvt%oZW_Mg@A>r-Wl2aAIh*cG z+W$u7z!-Jq@S8^vf}VB5#cwkUX4ZKc;^84FSMg#ch^Tk8vR+qt@mE(^w`%?S%h)?y zI>DJIKw`vII{N|Lcn znJ&G>3&6$Rf!{sb-JM02@5T#FetyM|X6e1@s-_=dA_&NK({Pg=%w=obFumxk$oQqg zHoUR1{(YHF*y`5)ooVVu+s$ECaJ%#HfZ;zTUA|Almm-=0p2Ls8SLJi|b(kTq=6Hy@ z91&W>s7P|dDiiBz);VzOGptvesqyr+MM+UpyDQJHzTUB9)hBEHH3wR2c(e+;vTd!m ztG7x@)OpD(f+u>kdOY3m{2eos)Q!utyL!C}w=~y99JFlg*0B`#Y$~4@XdrU`{`-lb z{Zz?>S4QK$O&dW_*y{4x{{AQOoz?>_oJ8+?cS#Rdd2E;uFllHuxEppQOvJU&6c56jp`5!>#rOew>bs#ae^r@2Eq!t?!Nr^2#*U)$6T9wD7YLE!E z*tq_?OjWv%PBjAb7Gc?(oV-PP%W3v8I;SLlX^)u#bC|3ozAOV(!B9fP3uf%z&!+_p z-)mU_`KiiExxNk-nkN@Ypg;^uET^-{gIsF!RMiEW^W${q%=7Exz5U(&vxohSYn^) z2CeD6pGou^${xKTR}*&gR7gC?-KTbc%5nH)>lsd54}ZJ0P|n^ z>gpsxmNJ1kJd7bzN<5d&&Ss)qC85?h`^(dYr zUPHAu;cp2zUNCF6-R>5s9tK%lFYR9q?omp)cYYV|D7+c^Hlb3??A_WDwFVe9Y5K5k zm>!l=*;ComP8*b3gb)FM6m&kj!`gRs{@Wh;LHo(=(w-^r^I>?@Q0g3TRC=Bf+}!gH zDsFALdfs~o&ExxNEg^72$IPN=j1k#GI>9WU69RVbwSrmu(o_6Nmf>QY>wQdE zc=bFTvNZ&_nGWCNcs2?))tNA8rzarKg}si30-az~CQoSJ-^pzyJ7sRu#G#f`pgwOv9}dAu78MS%Q^~9s~Ru944N| zc0WVn+#@BCSK=yoPs!^iY@(tg4NHFV$Bq^&BTb0Z_@Au23$=Sx<0XoQF$ zV{-C1Z_P=GUD=$1jkNxBlt;tjXd{nYCY~e7I1G=yn?W*EaKr3BwA`>QTo^y-q1hh6 zGxqlq>9!4c_#WybYLx9Jxt{!x&S6(qYJUUI@mXf8@ay2-u{<+$y&lE+YmVS{W^}WQ z?|rDpGAlaRKzHn)hrB`&0+#3D^jJhv^~DNZv$^}EPH_Z)<6pdRTv)U}jZDT&TQenJ zOa#!}g<)ZqyFYIDXIV1(qMAEj%p3Tw$7wisHiUs2O~R3J;8tiwB#-?9ccBK-^fDN7 z?eHRC&ubh1v-*AHAR#n1`ZVjiuWbnWXFE=M9}rDqq@8SWHVsT|_I7U4EBl$Y*JJ0` zAeZLU`dQ-Ugudiyk9%oUI{AH{JX_XU)f9&^VO=#MUoGGR)9R-(K2kIT1!3yknmoI?rW` z3kUxz!>dR&$azg^q_Qd^(^T&*!HP|%Dx~q>7vG7z-CsZTX4V8Gehni{4SYbUCql0d z^*yT}Tw?Ez zyxpav3mx5byy%MIB~DXHu#cTqyim!SO{ytvb!~|+CE4Dg0+E)o8>GP24s3%m!h-E$ z<(v`scZd0U^>bCfHMuih7>_3vod`h(M-jcp=F-i|YW%vfE%mfSUIIUcMs{R&&8Neq z+uqCljYiWdY=%;jBgh|dJ4O8=9u6gvx3IY0Lsrl2>2y_oC>wG}7cxaxHMP7TFA;^_ zuRXm#zdxF~U-dg)ygk>%9r!L%L&x!OkE6BU+98eNqJX7|w)XA+x zY(pZ00i_~O>-Jxm+#UV>P2v58GfadA(bC*p-`JRpl@#P` zSmXzYD4cr9H2b~&`=I`y5p;1GrU{P->v{(Z&GEbYbKG_7_#UT_DO~*v+TbT+)q0xm zyYZb$m8U$n6d`>#i7D30@`6b$?)u|)*S~*kX=zpb3sqEB3+4di;$uF4u9M+VU9CuM zgf<4Gatnj-!8OWN4@6_2f>j)9lDfsp%4$$0QX8Ps+KP>zt7i@>S6_)$gA)?iG2(a3 zqpH^>$G3-p&^s{PTChD-HM%0PR6fuq}f> zH>%+Go&IO=RyrL!GN!{Q2oz_YhrPB_w!Vd5bk`)Au3`2Ky#ogAV2Di*k0L^v^CnRC)hu>(yr|HvVla!Qmx#3nl@^Pj8p2L zc2FOl)zeJ@^yjn^aXhp3*N@*bE(Sepf)Egra?g5gpAG$C%BoPeHsvTt_WCK@7R`0I zLjBP(^);IZNxh5?)1@Fj-wC?|#+Tre;~T;1U;D?+2FvzG{wesftpIs!CplNamugil z+uU8?^kJM&tmT+fmPaD3NEsmWy2m|WI4i&Et@WBvL^;Y zRPc&RXdwSWnU7ul*wE=!<#pGxghuNfMrR^ov-Om&atmX0JU{yZqQG1G=mBPS_08q* z6AUvj4!1%oHJ~_zDvPjv7(30YZ=4EIWev%#AY_M-^D;_M!`T(G8NNIuUYPBUi{?hF zZfs>mhijQ|5!oW&mRFxA&Fg-Q0LPgD(c`Xh$v?(<&1B<1J?R?_iM#>RGIy~tZ9>=e zWA`o*e~i;HSF%@RfZ&g>P^@H>CJf2$J15&$OT2rs`Bwb-VcbpF`VEqUqr-Q&WyKLZ5Wg{tweE1A?kSwhD| z{4OU-I4G|7u=~r)IHR@1?^@jNMf7pc5DHRPNg);PBHJzw$4UnFkOY8&?XjSogX@#~s#80;RNFb9(fUEj zDgDJVOk;__HMYga+neKON8c~}*NK&a)XN-Lygb-D|BC=1K9#3D+K-)D8J(njL)@IL ztW4PN-xW!q3{|PjFyENo*!3BnId2``Ybve9rkj(q{xY2S?0$YenO}~nn5>&jHoy6G z@So&-dP);*3$gtbe-l-wwdi+S&LNO#Dt3UFK9*G$l)zhyMIp5^tr|!a$=>M@Um$wM zq!;rNZKu-o2jX!IS@p)~Zl24aHr6Yv)bp@YM`l$X=oibD7wLBAPv4mmO^7K?VQR6} zdtNdpK59I!ydKHVpzgQw-9A&NM!HH)JkG<2^o#DMiL34XvoiUtXzK5zcDs%3a+yFa@G4(n&&DAS^ns|cb4Zwcw{VM{1DSre~ z(_khHx2?Q=s)ztP6H-FO@d!Ee8b`=HCe1n%TfCN7t<^Iw(rrl!{dXrp z0v$jFv>!ykH0TFIyE)#PJQkyYx>S-4O8?ir@OX#-KpoQEu*Nermqr62V#`)EL28*$ z^0;;zs*pf0uIFsUEz&4B+^Q5G!^Ai#tzCgsgUAPm9;KKAJ13r}xJz5L+fjmPVp67dbqm%^aamD4SJ4erBNLuT?BwaFe z$K~Ud(mB2SM0IW*x;}%0L-vZ#^)g5yQtD&z14z-*Fb=`!$QrSR%)Q1?k>$s1JA-mcFnm`?r%xnorp7%`1Jy!JrJchAe zEwAj}h{WOoBbZUr=U=`r@8N)%i;K?obSaw zDDJ_i_m^cb@g06z9hInLH6A|!eghc|0|yZ$FV1&Ix9@U(IUmJ!F$gY@Z#v}S6FGI# zP%v98gTPe)z~M|dhZP>Yso5OX5Wb|0}lqwGCAS_x#FAY-UHf17NTsRqto zgR7M1kL#=Op|jcZCvzv{!{xPAMLV&Wb?r|5{0OJWMJL8-8F9^bFFXFOiTTc*WUKoV zE!h4YU?WL_GMa=>*)R*435kN0q4RS*LXPx2Q`=Uu(6{9?wOF95=coT{dvhpMQuKzX59r!Xy%(vY(ws-HoS1qH1 zy9*FfgA0IUoqf0u$r|PK03gg#*iQ}-=9uKo)Rs}nbZ%&DJ$^nBwqb#Kr7TMzVKdZi zgr3ynubpf(sF3rzpRX`(zS!NVaNk+(a?fPdcpWR+CrR^X^b{kt0bfX*O~fy(Z+#KN zhP#?J4Po~kZq~*|M(XCmx@8vX{2_8hi8IN3@Asn?QTF}nTH z(@Q|Qzr_IXLK1gk_Foy1F znv0j4E$0iK2Ll@;S<;Ocmsxki?zr#5@AB5~x^MSefG=I-A1Opk6mcv6;;HU{@nAUuS2DOnx@$iwWba z{Bl*vq%jdzN@Bqm(W~cjcN}qHGgEpWs~G{(Ps4g0kr5`L_5*59R+LMT`QwsPT@slE zl0sAZy^bzF15$=O-98u&S7XYrmm@8V7ymB!ZUj+<%0lY5N<3MMQgCCzi@kT1Y@Wyk z8Um638raUqM1C=_8rnGVpxX!cU(zeQeP-BhIM$Ay-ZK1 zp6OFo2MC06zj7NJAsWJ~N$D1WDSVWF>xKkD%*uo`B?--72t1*a`ariBCicxATaFTA z8M{6Ys&^rb4Q9ob)8tiQ zwB-~0W^gK?U|@aCaZFXAKJY5?a;sD52T1>hPYnD3l$$1|H(-Pc)GjO#tS**-2mO_| zrhDMJlI;rmw= zsp0m`Y34|(I?BqT~j?TKk=B_L-v4S-qF-SXq!U-9rcpXFZ_5oW4z3JqO~3>&Eg zi^NEVdPrrUqR76}s`8IXYibQQxWtj<#0zOSllvF#8<=IIRS0WSXavZf`}5)lQcB?E zs=TOEIRwX~PmRO)f>%uW<3eTmmpcOe#VDea zzhDg^VWe;bkmOG?ngLI+o;bhu`GV`BuoXYGk>itBmax2n{JwZ$8gOIXGeB+t;vJHd z8Ca|%3T5jKjZX%(`@e^&l&RHhf3~(?*k2!jzCBjgAas3>3bDLh7z0BUvU_L?XYGt#K48a`HElMKl*sB#cO z!0#L%k<7DDX8D~C0wf&x^Kq~JTt8xd$6c=9do%Kc^|%?4-k_9Bd-32eaQ!sNr?m%H z>B0=4xFRO@0+Or*)5bkVXlv2e?VKWOb;i;oUkHR36+5z5BL(*= zfe?@PM=j(?aDhpg>vAEKdg!->JAZK3y=wR)=cXeP<#SU14`#=;(WPbk*XXnQ1FdH9RbR zLJC0f>-Iu>9DXh&Pak^FI^GjCHO^h@s7zoRO0Rrdw$FQMvK-mQ#)xr-{dP#T$wAC_ zCVBFbT4oLT%sdF3P2RNK~e)l4bCG4&Z5&xFpPEKDC&_MqK~p9lH?_Mqe;4H1`p zl5_D})RdBeyb5I=0ybel5MvXpVQBDHf;=D}m~3kPOUxlM@f#ypg-!@ATuWpG?i|gR z(f|~p^rO*W@}U~W+;l$qwJhxalozvL2^Gl`TqkJ<1?oKK%`wON z=N5pt*HW1nxre}i!^@++tg|us!0&k`Xl_V=B6(bL!D={KE8?yQQ;b<3JG|Q8w`uah z{mQNHs<9U~uiitDSMyYhx(SZb85)IiO-)U=^H2+|l*j~qvn5_hi}G3w3ivWj_>aL+ z9BXCz?d`ekL}=4`=``e6?*uRP7J~&6`M}R@I_dJ_pQk*d{Gmad~M?Q$c4|6 zkC(=(pHf?KuDw+)sl|1W{jK;45au5hgo1>oOgAMed6f|mMxEQH18GcdoqKQBowie} zw@U#$UmF}R6tpG7L0sjTd{JC+M)8dGJ_HL}DX=>GW@2@bIKQ`Ohj4r`Jq$cMn)@PYs1!Y|2G%%0`EH|2>z@ zmQgwH<{|LEJ~bZGy@JXs+g|9wS;n(did)=b0RWLCHGr073B|Dk;C>*<-ntnsC@eie zzQ8Q}Js|C!3yX#)Yhj8%np?1?xgmr|`5R}`K3*)K0mzX|nme4ITx_Z(x{+)m z)>(+Hlr`jF>O!?}cTXsGwb z=YwvHSD1sj&|kK=1;S1$-=mpMx>cc zUd~Mxzd(V-jH$w_B#sm3n4y5Chy7aRW=!3ni*2Obx|8lUmG8|X$S?7)&tg_qC1BmXJlB<~SGRi>w$DYTWXF}abU3yEtK*cN)Wwze=8Ht0#b zFZqn+m!}|;e;<*Mq>Zp$Cp5vcZEuHs!$Xr=HzgCoJ~$1v+c5URt(`9%5i%y6YE8C3 zHA#r-u5XWOYO2S`C1A$vXoj{S6+>RgB%Cby%qaL_Jzhf}sy&BIr;9hZC=|*iABWN6 z571K&mxRcE_NW+rB=g^@P)3==mkb{NEiBjJ$!FX=-8<}=u%(k(+-vo|JG$Dh zG^nWCam{M<9M1AS>sfY?UbL+%sh!(;7-tx9{EP&5_dn%HL1nH7^=e)*Ak;`<5kwxT zSZT6vHew~F)A44-JB_kn{qiUIcxu=NT)f|rGfr9Ae%oI9U>1<40!~rQ@n`0)6cC;u z-}viPtZ4H`Vxb()`B9A5=!Hd!c1O3jYmt&Q9oKHyaLp&Li>i8g0ASPf*u(^uTr${@ zEXF_%$m6DQ$OiQpWdQ&U^OP7auI|de)}ul_-UQFHiJ&3#GutA=gM(@ug3zNmp@t*F z4>)1&jKgL4-o>x9*v}OK4LV!Gw=U00`Ivxipz-LNbQum$sIB9@xmqXQj zX4YOKZLjB5lJ9;K(oH&gO1!RN{D;1=k@5Y%u&h$?o#X22Q?F>im^78ohOck$m^Y*I zHhk%AL=nW98Vb=c5?Al}rbIw|pcF7VGWJ!~^P4wNFp=4OP=B8MgZ#$VoS&;7I>eZ@ z-)Jk;g8p-BNqG`G_E-rF^0scr0Ul>KWiv#O%C`28QxU}Wg|`w8_`Eb(1zRE-!8S;9 zGAOrlx7w<-@6|+-(YB7!Vh;=*&_H(k^FTd+($G2uCl}vtoy*?dL`rTP?-gh|4%6f| z?B=MrTGD~c(PpXEMupl+f5S~Tucr9>&Rg$&UMu428@2z7O}n3GoG-Rbmr`CgS&Xzc zwzMSb!xV-Ad9Bq>XPu6Wk2r;>YiKRAh&J?&%`PTgc`CsT=EM;|;WfBZqJBb3-gdg` zR0H+EQ1g)YRRsiVTLK2)MSPP*C0J#KbN`xlH{#qBxS=4nLzOY-PwK0J;~bft`7zY^ zji7ESV|x}ng97kA#-L0g@Yr)w*{cEDiu>p&_BO z&AmOdH^EEON@*5-EH?VT`JSH@+Wt7Yn!X7S_ijBZxR<5tc)_~(AG=wUsWeHI^__J5 zzQI&?*t)JQ_Uq$M7zz#XPoca>4D;yXR}N(>=eV3E2d~eusM#XfU7_ce&Cj*ovcEEm z#|+34X}fH-h&+!8M)`M}6yU2(JKZIc?Xv}n{B$|L+6=9-ED)qcm}7>aQDA%)r9i4(JP{i;FRxQyEXFJae+v5`XBJglDv~F%JP6 zTBL6@`Lhyjyi_s7wmKPye5eB z}4#DXj~HpF{}s?nE<|i`b4DqsXrfLmSpw}f3r^KGXW6@ zUp!wR_j8>37&+f-P|T`TX7yYoxWnsx2uPK$b+QcZV{>LJ#wiKkeA$U1XujPcu zDWZnf|F_F`4unxE(rc+H%9ZMtoK|91AX8uP5##zh66(PW=9^70SZ<(y+5|{hm10bK zNQ=v#ffG`|U_G(ZberXOvl{+2QolAPXx*&q2x2XiM47wEIIciQ}>G6Bt6Ua?C0MO0LM8PtD1LNojf_ zl^xtyivdjMa^=F1>`H%Ik^uQA@{g!-{6~5dD#J!>s&oh?w-s@iKO(t&$ikK-CDeCZ7Yqh=y}W-{dIat#4mi{9^&{(gz-ez8z9i*jdq-$Q!NCR5t?WaRE-#BFDYn9ciq_pqt$n(c1? z{_HcZU4r|!JH8{vDQvYu>KsJ6eG)yAzf5{mihYZU(aAa2Zpj)??5C^&pb6-PZ)T)6 za{D?a+-+`XtT(pY{ydgVR(j5E!_e>Idlqxd>!imSdn1E+D{QXN>&)=@Ks;WuEnj>e~G<3!5y2o8Bdb8vj z>Xn0gyXH@a_UK14S*VD)1dIQM%*K!I+NM3~W}trh3R9cNTmFs93?UOUmadwmkThAV zR^CaYNb@>DMnRXNo&H6~Kt%~bh6Em&-23_Ov?S!Hgr?iW9Shw-Z{OA?i9(#{xkmZ( z=UnM|*tbih!jlo)29YN#Wtfb=lYA{kU(!EajYn1n6bEakf+;kp^4cabJ-8dz86~wZ{1H0#0tj{B3b=I0E7P9ZE72y^Nsh&%;_snD&X_ob0|7LT$LO;q>d{h++`Kw49G99S!twPZXRgP%!}{VQL~zY0x(C&d<2& zj`6;9v?|D5X|kcu^NQ6(qn6b4xi%9^utS+#;pUv5_tU^#*`dXAH{_PS>$5)K`)=zo*3Z_Q+*&* z@J*MCKbri+t?mA59Y=hVWenf8Vhn42`maG5#tU{7{(T}R=|3Z)Sy|-aU}{eN9}bIE zXqCmeU~cXjX?4plS~3Jgw4qH=4B##iRa&CTU`g*3gm_Ow+ESd%q((cd2B{}8maVtAx z6ZW+vwI|V-jF$_=$NX16IPcl%d^SFT(Q4>9VFcZqUN6>HhTVEe6_dbE76lt>MI{#MxwQT*m-vdx zC?o+$1oLdj{*v67OPgE0bCAwtmGiyOnfl@Q+vK&vf=k!p_4R$%!OdLT?ZM5NF`j=f z6`Rk^)`s)&U``d_i^5}3Iy$?vyga17^^!l#=50D7z(2THRdU17X{yI}^FP`+%UZ^~ z-=kC;P4mbWA1BXCVK(oJ{cnYf_ZO@8xEh1sh;ggO&A(+4_58K+Rd}RS&%z)8_in)z z!a_kf(cZ(;$5|@6Hsbh$)A0CB_xj;#*l>!s4VB!@zgybXAmWW$74oWxwe(wwXZbEy zUd(s^@AIa`;@XHeQRz|-X;R|9XeleHP9TGplhaA5898`!zj=V?7fBEk49pEoy(9oF zVCR2@C(Ah11P9Ra=S?6e(+!GU$po#mo~?@DURHOT)dEM-oF-=YW4NWV!mh*0M?_q2 z|7bm$pD$NYFIMFlbUw9H&?X5dSU3EYejPu#L+9^vI3Wy4cOq&}-w+xxngW|Wj)K1G zPH%hiJF7690N;VH=e-i*uh!$nhKB_0@y_fjP+TxUl+Vz>8&9Yz1kL+4Z&HB}lc=x@ zXDGZ`!rw4Nh&Ds~Xow&J+{*7G>-$LXz%naUje%=eWUMm1g+(x}1b~4itQ}Vr0SJys z#q@S@ta)NS5y43rU;M77X8iJq@nW^dfAcLAvQVPUazSVjT5of;P~~t*6^WW`R=1bZ zwGK9UTla`anWgaJ3dJNn`ye3U{g2)Vk` z$vB8?;(f@Mb`n}ueIiT{unj|aR83xw&+#XJwe&IwJZZ(u@_X*2Bnv?*d5O*^H=@ct zs_)hRzz%hK0UfxyLwaxiS}}^xv+0ATGrtn7G}eeT-3&M=X#qB^uq$9rJ-th=7KL!2 zNg?h$>nr8|-lAOP^5b(EKfl~Mpm?XpRHsR#^Ur-XwUnr z@ke+P%yu1rffV597p9wpZi|BcdVCPzJ{eS_dczoBzIb9j(Z}v^yc%8-2@2)MejP21 zY<_f=qbXkJ&a60fj+y}An7chao|(?WpEjv+d3V2mL2O1X&HL9U7l*637xu*6+0oHU zwW`%3#*+`UdDzG?c*N_W+CrQDPUjW&pP%X=@Z)Ett{kdgixT1C{c?=LU-XCgFsSNm z@_;MaxXSqL)X(Cd&Xuj+ck-tnEGrjgvEK#b20J{sTFw*HTz<}jW|lpYkEiqH5h}HY zDm=MF)}-jX+~fGwZC4us9L5yum4^**??`xUgw9vacJTC-O-d~p#F^+aEzL8FtQvlo zQ+}sYe(S~`Dkjx#UN2sU5&gRxd&(2sE|OQS`bQ5hKN0t+%do%>c>!SsUeYm&Q?AhP z>G|dH`)%R_K&$iR1um3{vq{cZuxDoOIzt+(F266a`*w9k!ukpNc}{DFD*aD3q}EYf zeE=d2aFi+Yl^w&CelP%+rY=-K`(&lxzsSUbmpayeM&@Xj*|U?`Zt6q!ZZZs9%}AQ6 zi2&V8Vk61`9wKn@3@62$3{7syee@$qIGHPv?VPPBOgTK9WW0T9Rvs7(*xhSc^djW4 zwQ)$$Hh`yvFyvXH|5m_<>F^{*D<5%Zr@9qK8XZAv`I`R6i3_M}8v0M~o!b2Ih5(Kp zOP~7>$0Vt^>*Hb2g7z% zE}npq9H+*0Du{P{&%Vbl_#AzlI3HPPxmv3pk-OjCp;h2N&3p)MrYo-<|F82cLbW)C zh?uffgQpfE4^Am49-np3P!xk{=V6Z;pVFBLc7bvyC+9?X`~Hi*unkh{wj3pw)}BMo zDfRm#>D<1J>~04vu<+n5EX>a@%(J|9KRM!hXkA=5c5<`s%FaA#4fZ))QR4fQ-s_p_ zmc~I?4#(;%uw#K}#M*Mt_P(H(Dkm@hn#hEOuCB$L?UWLrskPKpIvLxQ^0}_xa)KFPE!jI^Z-Kh2lAVU zN68EaZm-6v{6#PzDTX(=82X{cbSXIAY^}X;wPvC8XBq|mKGo`s+W@U$UnFqf?lll5 z5?xr)%6Kdd;q}KTm(3IlLIl&2xgkzV(n-Hgpj3_evPSkV883T2ue*_;|KwKE{6Y?*;i?`V|N~HVv ziiqd{K!*Ohhq8XquaA;zl=6g+2p-50-blC73tvQdbFkLxOzR=YZduWIV5ee0#M(9C zhHRrq1YYtD=$IKwFhbYrcggTi1s1jBURexz1a2;_LqZaeWkEnSLzO2dn~KM3RYJf>*HiO);%u`B0?l`NLIOQDM4*ha#%j z3|8(hemxV>h!Rm_Z}9knM0ZGFoj^8NaF}&(O z@XrmAS*7x@4u79iLK7}9pP5M_++~H217t!_7@ISnEL^XmEx< z?X}r!)!N2xq=M+ytty}V0JQ%|T8lD2!<^!%FtD0&FXj!Xg*>Q1Q=>p~>UNni4)-Px znxARh!LiRatS()7i0UF=wu2;;$&mOVvkaHfF5QF9{gd(M>L0(FwZrPJzgRrZd#cyIVLwX}h)3B2izk0kR4Y|IQHnqdDeQjja^j5u zVP7yLctY>`S3*O95Ak)2Wgc^BgCDp&eJ0?8-t@`LDyi8G@n)!cCHR(rF3vG?KPJp7 zQ#(JNn!sO+-O2S+$NU|v53j3?IkxxmPf+AUW#)z+Owkfbx#;Z*Ex#_W8u()LfHiPi zVhC64t4li#V{5)Qxc^n*cd>9iW_Wk*cXLnPwcX{u_^5Hsxq!gPJ*;bfnVWZK0wr^T z2GNvV`uh1uNH;Y! zG|n+~5Fg0mgofC{q^WO{@U*>(NYJs@Sip=37UOVfGIegXnM>H(((puqQrpRh;t$18 z0Z-(t2$D-B;1N_%$1!QUuIO<~pzu3{gEajkW*FJu+>rLq0Q=VtIYjKk4Z+HNnY#ot zW0O4-*ci^-2qLaJT*pufS&G1DD?a`R#Up??eW;p~Q~p1i&NG_L$9?0mRgEYrZPiG% z#@F7P5~^l}P-?3cwfCMSMyXMIRRxKns%FgEm7uk2Z#9eB>;L>-{9opryhu(?o^#*V zeO=dwNsWC)&K}B#uB`9$%XSjD9xfG7wiLD+34wg$2Ki}0NCz!Tmoa;?;yNtnV^qoT ziJJwA0@K-<;1m0hCs9)CR3g{MuGecP*OwGkX75c`|Ezv0$2~Z#CC@yA|HQ*uJ}T)! zKi8(b`to4ZP$Q<{CMLtXKe%xlv6RV2!J4-2e zV86PJ?zVg3=X7*MuMbRYN;5WWBLq=dE0XWwirL5v_`h+XQNzD5#gP3%tHF9j=buC zi{a^E;iF^9!yj5aL0d7|o(HA^cAGGB#h1?+6MO$GcE*Qn;3{w9!y{$sz!Hq(TIDZa zmoZ^A1l|(s{q00hCae4t&?hUL>ZMwUAph8^Og0K?e66@gw0lSd&gB`xhY9IwTTCWc zy{YcEFY7ilbjV*H5yNR(Dssa9drZPz^cG|ZCRsn@FX@}BsFi*-mO)Y!t$zF2L&E4i zo~YNF&B6k~`C?_`!mgrU`X;YsK-LG;Z%Vgi&tTmkcCk;Kk#|RtYgCRWKSLj%b)#e4 zYsd`rT#dohM8x$QMRpJ}?Z|kC;as2gFaHL@yfNlpKHE=2x~TD9mTsKkZ8y`7S~#~g*r!zCXm{7nD1@&c`6$w_lGzsMCJZc>6P0K0KrvIG2Y5OrvW<4twbqD8UJRO0>HYpMCSOcBpEPBLO zcI(%P__x4*T~Yq=c6j14kh(f+YCr1j9igO5e4?GGmpAVx_1ow4zUPL z9@gV9JF|qS)75z9+H{I_oYmN&m;lUEqxvvgOC6luKuO=AdTmTel=C5u_+>(e3NG*c zODEL`;GI{C$lNt}IhV4?zDv!fT&D8t%FXW)(nHvEAVWGh=P{Y zV&P;y@IHh{tmKQi_fS5Y9N>3AlAAG;{M?SNQy2Dl{V&%@pC-X^b_)z3?sut!SxP-7 zbz$G8E1O+IVUf$S3XTn6E zeD|kwVM*D7^cJ3l7%gBeu*$vG$!${cD7V%5Oxj>& zTDvl=!ukYn7H{^M`8NaiA?VoeYV(Z z3uP(jt|8URk2g$>@;iHnuQE3Pm(b?sljwF7G8-Cy*MfnN`kYX!Q2@`7`66deBCeJP z)Q+;0I*Kre+V+gTWrTudD(yj@JTNKhmP2YBM6&|ONlGa`ICsefEJarV8#aX_e_$?= z&o|ylhI2ISI zlpDC&K-v|;kwNV+mEN3+>}jy@pnrs#Y&E2>p8-MIZd&{xf{UrScIr^HlO}R(!i~et zawy~lm)#l7E+nN?FHYk3tp;syCZ<^6l)Kpy?o76jO}rPhU;SWFh65e!h1P-Y?(99o%n7-UDRZi%@cbS_xg|5P5 z`(}T2WLssGk=eNpG7f*j)K8mHS+%j9^e#QYf_lP-cU#D&PPpd&v|g+%PPu&I1*G9i zzx(=eT5d8-P9hM=SY@vDsCLabEH+EShCaOMRiyZ4rg0?|Dp9`&Y}#s8Y%9T`$J0F_ zi0bPKC#t3kFO@6jRe7`+AojuN-9*8C1Y*E&-PDDy)Rb4WmyvJ1Jt#0cUWqoM|L1NY z5hznSdSR$cPb*j^PcC>%3LUt)&7CL<)0%e8#;aJMe248{m#bYx%t1=3 zQeqR0j``!|PicDm)rx#s6?xIuXGsb>)S>iHl*L57q zWXsHC@z;~+SmE=6PetK=!qwtx9=(Rjq;{AwJvGrlf6v1!wvfyJ+D;D@uk`m~`>y>q zE{J}LaYxQ_6*W+H>AG9UHo%SP@dgO%0=Q|`AMD;-pvT#i5nyyo)%_1SPXpZS$nUFI zO3>%6H}A$Q{6`jM5+Cj68ECJqN`hvj?|+>08@pFmPNdcAZkpa!l{zrKWi@yP&|?cO z``b=Ck`%9&BtxzyJa}T3e;R52QdQ18+-|KOkqf?B`n!6_+_;jqH0+Bb*x}3@(dG$! zCHnn0M*zU*=HF0j+xdpzRVwiE-1T}l^xER;B=kl~o2R>SPhdz8!U1M4Q>W1?b)QKR z%~^rx!Gi-K$%R|`uk$^2;eT0P+rflLZIq2(fT1Gfb|jfSpRLW95${NHG&Z54*r)lo z#nz}ti$F~8XE=dfrhXTZ zPT|L#I%X4eopS2~@$vJggo3Nxp^)}p zevqZzVG4b?v`}&+z!Z}coVz8p@Es50gl9>kDGSK~H5+WBrI{uF^5LyoEUKZ6gXFC* zBnv9DZX;PK6%F|=MJ>I4wf{onVUr7BtV1gmV;k`f+M2vi9KLN{v^$t|DPcvd<0J@y zV?RDC+=}NAw!(Cis!;l5+ZAWB9zO$O7ID0HN+2B^E7?c*RDS8~I$+Ivh@2qi|e`n`S zi$^@Hrm&<7LY!ej{bdwO-jT$vco-zH7@C?lc_&F$cl7weQM^)O>!{nuY3+^9roKmr zxxkc)5anoJx13t5K53RpzLzPDU7=yS`hR7RqG(8N@g~VU!^xe=j$ja|95FN9@t-u} zQPIwnT|TmZ_u;K1?I#V!pt2j^4B_~XLr+n|!Be_VE_>d!#8|Egg#{1r_#SZQaaPR- zMyR;Fo{_t^nEZW()KuJt(>FIt|1%T#`4~g}t-l7s%k_`d2P8Qn>|&_w90n=E)b2rv z$zh!mM3h{&ot@Id1@xm`?eBnITjr<6vGdk$+7ziQ56bEwS#3d;U7iaqhSJ`A8}^kg zo-d|vjdFZXwUGYN|6|x}j+I%Xt6h-VV@l~lal>70!LgxK0X9ZSF#7FS=(0NQ;HFMa zxJk<)oscbf;%6V@myCa}qV#57QC`jH>wsUe2D-=WK#-!tv|-$X#G`WiqKlFG*7MQE zY{eN4bKCQAJrz+cVX~#6R=-zqqwsR&xDJDK=P^CuTPJP^{g> zvX^h$*2PPWMB%dBt~4%zcM@vj^^ez6ZW9-`Cu3GNDcBfHUDTBEs%ucdMFzk7Dh{NC z@#g6kSLBHXPx2s(>PE44;gKmRMbGj@DO~0-3+5_1B#0Vc%wex%iB|A@?9|Sz4wH34 z!R6`lK#iwe>pYvp@{h=v7JqO}?!e^9q|f7GNQJ*&q){iL7<=CL$_zpQ+So3%+cZ-( z$Y!70Ny@8clwvFw==Ql3?B1xhnESIBOF$rPkCkj6t=FwlMb{d}@9)=op2vmrqZ?9w zkRf$sboauRY~~x^1dCHM2*9KSjSXm@0jv}IjP=5Kh5R_BD6_a6_dfKve&v^YX(pN< z1k}Vo>HqTKu{HiG;c6+VT2Vq%JM}QJ{G$a;aK^7|H$a8rX)G2v4$fF#EtwPWocnCF zHI`{j$?-Y5!yrS>!Yog)mUTTyN~fFvv}RxQ*Ti$FY}O*_y+sui<-a{%h^EVzmuE?e zf@CGXP(95XkRz>2)&4?Pe}&l8_u^M$aoNh-O$ zd;JVe^{qORSead-1|FaF{KK+bOH1R~Mt2QCYS8}-5H@z%c4I9Er#{PM>SLu^rG_+F zHL2-|G(S|Cx3D(3u$(`hFwv~|%xjl#W-4DNEi!~Ew>rHn&+r^H+l*5e-@&!Ag*e=& z1kvFh27D^Ip9mrGjg1kQ+hbL@IVi8MuP+F>w3eA`AZ zpS2z4-0Ub`3*L;}EVZ2v-K5@}o{bFLtc9Mk-7K~p^{(f9(3qv2%`8IZX|%S4O0gu3 z$UTdITJs9O(CRqa5Kxk4DP@evnwwL2BN>U6@`RgxMo;?we5U+(VgVC~#l(Zyt##Oq zJ!pum6VzWL)$cOkyjX}()9Qwc^2{`07YkV&A|F9mN1j^4r_q^{>(hm_UYV4qs%(!| z(We}ac73QYIHS%O=uWtaIg;Ia&9Ojxr@w|^rAQKn8b_zgSjge1Illb|O32KDFlF8% z)n=k9RuCprf)?%g1fOwMOyqE_uiu={UtM+mS(U5;Ldn;H>2T=bH~gU-4Tj;Tv>=BF zLq$(`*4~LM2ol{oo^35AuD9q*Y64nlqoYp@ZZoUWdKX(?{=qD({saZFo^+Ye6%d4L znH3BUNnCVRr!^_Eu=-q>Xew(7H#)x5=yyeA@X-c``uoiJ{yDgu!CSw9J#r-1`I~wA z2jPfGvF<|;9yYI7b4iqB36tsZBk=8?8Z>z*!BB>9hj81qH6eB3=%&|73#i?H_QNbU z1~gz)zwHW8=ia)dFF7>Dbia|&hBnIKg(i^`g4UlrHZGfN4Z#L`jlHK176adZsX^4P zQ9%W^c9Za9@}Fc2`DcBxOqb8L9u(M?MsDpsCI3SAfI~X@9np^eflq z!iO=eU~ZvIvw1~om7A4qJif;rUu#%VG$?v3vRzzFT53|pc8XH#PEE zo=-Zkw5Ddq2KT}^ixwGOp9|F7#&3?txX^yOtNbaW8MkQI30kP^KVP}LB<#E*OX5V1 zDc+GTr3=??&~3S^$Swu8DJ*Iy>M--8SM9!<$<+vvdBNgf*j6!1I$tiyc5582%11ib z*wY7$G)TboR#fiVf%xbEg0k*M#eq?B4ed#>jGfE#B&AICsl{VFj|nG}?aOxa(jOW= z{D#$1N&4IYiOEd{f~W|-#P?+{Nx#}$Jeq8t4PN@>;*A-5A0!l^K=L%kGUq~$I5Ri9 z9&)e!i}7sWuP~x8hk@5NC2)i8_u#A7aRJoh~ z@+tJGKwKgXxekWzTf;x8Yk!%I*j14_<9i_bF*72Im_t1NzK@R1E4b@a?#qNh4*z+g zV3VXU7RrR$JJF0x^u(XCS5nsf-DAdWlPk9_Dj!jqX^b=n?H`P7ZRIH57_~LD&C3S| zs8I?p2o=wU{AeV$_A>v2QL!mvd<5caBrRGlj_rpLKeeXPvg0LZp0?V?b;2!X_qyB^ zZG|_QXu*ezWguZU>hN2t-u;hZYF;IKP<|#_RA22~owgl#ZfW;C5ThLMp@^9qyL+Od zn5d$G+4?nn(s4-p%5@ytZ%w&8yhr=Y`hF9mjj2ZUcpw;xHJ&eZ%&G_uc+Zg0`LI>D z^RfLIa%A8n<~N0|K)zZ2%|P4P z+s>#iFDaIF|9ibw8?wdeY!pgx{&kah_1aD=j2%J?8Qf}qbJ|HaWHfE$S~-wHBC(j} z$xOt){=54Ws6yzA|4$4Q8#MZf-}dm^b?d)*$I^Y+7L`CaJqL2893H>!v`gDNyI+Ro z>F$)R{p& zj+&74HDX>za2g3mEq`VI>C>XTcC~-Hxw8`^m>+Vm|7^r`A&<(>S8AIsCZ;olrAhJp zv|e(nTJz6&Nd3w$v|sBi5T64&;d!|!h`&wLOBNloUE*&3Dqd9G><=kit*~A0&l@G% z8cW#dS`LVPFiGrPp1qRi@G|>xC`OwXp6yuKP5o^YJ=zWoERwa5(;(S3ID(WO1_CJ; z3Ur$y6IOK21|zh2B-rF?c;7L%?-r@9h_Z2QF(_5=j`=fp<@@X%uu7_~*@f-TlIe-k zdYLkUtb3y~Gk6i6m`-rDv_lSxPtzUlxY?N!|4H2^jx3EAE+$kSo*qYvr$&OFsAe>x z+Sjb#u{JTjq(N(J64P_on2DHt%8bj-@jJTuyE&FKe{(f|7T9)zQ@r}ewO)SYo}I54 ze9$q%)%Ihabg6pFV04)<%E`Q_wYiwwX;K;EfXZ1P!$-Iby?^U!>{S4{^u zOUKDu%+Ah6KAq=sWv)QDg;mUf?1F*=bCd!9uf!H0kGk`8bBWSjv}C(Xl=I%P@v4mu ztr6~87K{JgykfGa?X5UuR!@LdYueib3>3Ze@A%G4(iS5kqo#aTc1~5y(zka{7$j>L zmxs}P#k@RZ;)oYYK9Azq_|!pvIcop=g~e7jgf?I5)Qhjd*;r|fjC9XiDGDKQOYBk1 zp{cT<0YbZab)vmF&E$tv<*hGiCh=au%$Z6bU+RUsvj9jOvceKp?->Jvroyw&y2XdC z3`&~xoK(UZwcrsUTH5f6u4+VIn=iFfVSUX80MA`I(W-ry@QtGlo#T zLa!(BmUrwiq-efQOZ{azn8;ns&t4j&j1mSXcXxHY24K!xVhOWI2x4))AoNVK?Gl;2 zeseMua{Zufe|aFD2E_if(mQ*gbJu~KOCwUhloGW5ct~2-UZw>X(4_^zC)Hvn`FURucOF4rwJte+Ca*e0!yarXr7&otWg$M&@ z@1FMmzZc-z%`|Bl0MM8?Rn}_cWvo``FjWL(yOE{$uGGS9d2IVvr344y3IXPA{+_dT zVe_F{OtYJ54(12$=A&;m?ts90^Qxd+P2rl29w73e5r#EH@~9dhkh2dja^~ zr~TsV2SVuC_mo%Er%O#ZOCxba2uR&r$)H%F) z!sFe5$RM58{vatx<7m>uIqET!Lmws7N!V`EmpT6*L7kG zp27Ql6n`p{;Zr!o^c;3_;h24hWC0cacgu10i>k((wGLtRsF>xie78l-TqNsHaE!}r zH!W=!Z8z~Z7p_1YcxtRWfQ81*IDJ`+Xws#Pq8%;U(7^1c$LQ{^!~^|- zA7-uY(9=acY#QwbXQk)Hx^3X3*Q+er{DG0rZu*2Z{K7%?|PZCfI ztYJm@Zb4tCki2)?by;DdY*)y`+ry$n?}a9ih0(~<{M4~WJwe#vqi_g|zio+~cR{?q zGr{I9e#S+h1d=uUBA%C<;l54&fXEnOYLYG(@v;QZ)5}UvLJ_4OwQpC0LC?(3veEXo z?!jKm4A%A?(wWc9%w1pB3|Ujcx4NfPS56lXOOyYs?J5jq{T%TLyHBHmHPGwcgxm{z zO6FczKWai`Ca!`CpTy8tV$A54eOesTpU(Sx@VppE$$;~M%S;k}MiSEtz1@(Cn0E6g z>BMW9BBixPA8ZGQBbYyAFDu_k&K+E?0|0dH|mB?!IL}DAxd4_#+S0*I7*sx-X)aC&e=q3Y%xg0JaFw{s}s=f0%jIVPeU{-?0@(Jc{ zB+1FUUiB#aXlaAuc82YriREE$ed8I=J3oP#Wd9UE>znlL@9#H_gM`HvGsXzeTi5p9 zXQZD+XPmcY@Y?4PQV$OaNPHq|4j@=%Yx;j?YCE~Z3l=VVJ{BUHKr%lkm+Lx+ayMT~ z0UlBxx9YmeqIa#ZR0Iu@Jj^vEW$pZr+MtaHIVBG+)$hz~3i0757gv&k7BLV5?JmUM z)_06@Pk$fPg#qMI>mGbK3AF6|JUaZXewsb3CimUL$ll`2ZkS(16sxn>DtZa0V?< z8U*Go;Q#V5$V*oA&6+m|gbDm-q^B#mcaACv|8koV+U7qw|FHDqwvABRXJ?sY-7 z;2Rf-O=c+~5ihecCY%8Lwg)+g4=pox>)r+9jAZ0Hl+fFDEtkle*C)muP!WQ(+HMa= z6r;+)^g!<5#bBxvKjOU7Gcq3fYt17HmT9dNh8Z`Fd$fySRAMqfsJs^U=9{~x?-myx zsXr1Crp0n+g7=q*aKqwDVfF}=m|<2Gbs<(j8ele8Rk>L z*9f%!17}NCq#Y<>CGofZ;KlN{mGAfxiS_Mveg^5OB=FqPog};_rmAYsC+4|3zTDrKw)d=oZ>0HD_fQvj((Mq;B2U0Z!BuuR$KRjTL}gh@ zZToYMen@knPNh`9qEx_NY%Bn6r_PeeeemUe-Sj)`E*(Y82{b0#NyRz286i<)0&pL4 zYGGuG(4gx|7}EK(D~M$>Lx-Tn8C_UH%{X_9zp_@Kk*|?&;LcKCI8FgAaId{QCkMV6 zUtTHu;;2;oz}T zQyhoorn2R)&5+pqpAn_D-*^ekZ72jiJ7u1YyaA%CkZ;xOhrpfFsW&A{n<606R4hyX zM+Iaf*pk15)MiNu1#;nA+%M~RCpb#Yl(QAt4OV^45_4En5pqe-4z{eY1_AT#*A>N! zLjY}%VR8L$BJ^PIM)t;`Z91!exc6hcYt{TQ551*`+Ckw1Gmqoy*n;jNs8x*!11lIy&Ak#TQf$|qz%!NRSf;WN}@;b>`?X{gEr@Z`+$5ybe zE^8<>c)KS3nW4&qlrV1|=~>0~xXP7VPgBn&X)QUTZ2L!=y?F8pEWr91zb1VLL`X7C z2#xFkQuV^3JVhMp`T?is4ekZcJ5fikdw1QirGaTCrM6k?jcG-89Bxa6yr^OC*jqnj zt+!0yh;xGegJSy_n;<=v7U{V)?C`jcx_R+GTmE>*PPpektbkmE;EVzB*<$GGTIz#I z9?hz!9c&bez}|Z^;h4Q{=>NXLsC?Z>H{|HRR{bX^@sNcf*1`NPiE1HZCb3KwIDsha zJ!x^;kBZ=0(|E3tjBI+94;o6l>D4Q6)z}8jpZ24$yI+WGl{m6ZcxvM#jUD~QFot$Z zI{}9Pd+O#0*LIcDw*QCAX8z{P;zqm>-L6wBhz8vkhJ*!bWIy$08aydTQn*|Q!YwKx zesrI$h4|LXZfnT}Qz(}KaB@$4tCtofj8BrSs@lv5Z;-?kOq-}V7KSu~$YGOvejFN~wV{^QQ zoa?0WNhn1yTft8qZif+&)NyRtrX^?N05|;|cLq?QZqWTpYHHOeN(7pT+j?V7ki3=~ zD)I??E6hpdm8#PuBW1`}a6r8$uUGJa9acxyNyh1!J3XlJIUP}Qzqeg-dZ7iev5)_bOFTIQ`~8`c!dMP}b>;-B8oRnI6Z5m1zh+7B%Qj zOS$J`W|FjgHWiIpM|%ONB(e2nv8+E|@w6n~u}=K8%7-IHZvr$FbJ;|>M$2kZKEEp! z>cfxYrI)z@_$?Uq-MybJ3)L;h zwZusUA-`^hPsV?@I$jBi-j2OWKfoEw+vvQD#a`G#VYD1yo|y?b~mW8%U6M@_?;9--yL-BAbGAjGiYJZC8l=w?VeWQ-%;VZS&@IigQ}bt0?^`i z({d@wE-f^rSZVzDuZzOx*s|EH?lhm6|N+|i67Cp)7ur~IXhd49CX&}WDvnTP~ z*h}E(d>7cPt~}}$smgNmzw!D6tJZ=%Gxx2-MZn8Vywq>1)a_8 z)kHy8gss_Yw^r#_07&Pe(pixF;{~6d>~{_oV_{#Oik|)B-H=eJ6_Z;WQKOI9q!5Um zCKzes=<+wbrnHVI@p16FHfln*C>yTDaj)IVyhK`e1dp%$G^raO_@F^?x$0_Txzs2F z=$SgYIW!8D=l8GO?C}2!E%M&D$hnv{LB_eW;C2FzI!68j;pTVPjz_-nT`Y?U8jm)$ zCSg>p19~Nen573#G|fR~Mke}N$yp$}i+&}&hX}(L`pG+Xm)*?srujGj>O;==lN7E` zt~XuVIE&o3Yc(hh;$~*q5ISpeAcUBzqY9Sm#Wf&)MhC?!~riQZ-r@=Lo z!DV}?hi>5ZG`aO;-Oomf?>-CLyhAAo_gFeW;aJ^+7pm)xJ~qT845jy`aWxKq?{vud7}P@P)sn>s5S5`^@)1S3`)SLK=ra}ym&-j>{GtoQ?&E)tQV~P8qeQR zZGr$1FSny!s0P@<%4_Fl_%AwvLe`*d3L(Eqw*NK0C}cp34!?#y{rVE2$wVWM*UfaEke zWMnP?!JKh=u@F<3I=5gj?l-n!L-RMBQ6EFBRBKpscj72g{@GxlW7_@UwU;q4MiP?u z`nI`yL}B^@DuF8l&8p37wn@1Q)?T!pA-FV!b z4h=eDx~}uiiJaH^nFobv!Z`oe;6~y}$??yOPVLYX1p8iQ_h+#_z`zbUu5g{+iFMTsqy6HN&T zLS7tD0+h1QZoqVU^4311!dMrlxDh8il*#NXmsnn_`}bd8T|Z(oP1rr+nHj|pH00#9 ztEW=3K+z8kWxocGbXt43w6wDdj9@@&T{tsC!qW{=;oJMCuG4SxRxbvLlY;DEY z93fet_%7pg97KDFbK$lq*6oqxM0s!IGhzH_bHL%$9gt7`C< z)R`rfx610QGF!A>egZD2l&5C{M!+?Ja69I&!aUJj#pskV!jYihLOJ zaSOiSmb>nlb<1(%;^$LR5+UyHMO=oNkHoFN(48=O~?EQgUDWBAT<9Mp&LSmwd zr4*Ld_#p-W)=D!n>Q7Dp{<5brF$4Qr%1KNMcNYx%10M|RcbAucQpY9(%S;8(jw3{2 zWm^HHzZ$hPpRAQ1is}>4?>E2k35@DRn#N@X|64knz5aW&C3!WxLrVeOhBGTq?$CMW z3l0q#E=wI>O`fQ}uAiTu+uQZUft3fD-Zv?jo0>NJ9si3gHBy-Nm{~pdyM4-9_E=c- zBZiizr4g62cB_4qRO{zw-9LhDA&1Ls@>h{n=b9ifsaGE%?#!J+WIfMCa`I!;MAxf7U2yjuZX6qx28R`zbYbci zj+n(23pUrd-hH6*$ApNHC`od{OiLmhI)|TXM!~EN**b)Ylp}xYwmdcNYE{L6Y0S2pGQTe~-XdsJ`ufuO^CXh?g0;-@HLs^|qlo02v(O7g zg{%D}K&@MJV@$5ziydyNOkMfTD=uG6^H5>b$4G{r6u)QB_UWu;=lNo79I9($oMw>B z3{)7$iE>T{?lC2-bsOz5@pE$*gW#V)sd4u+OsffcyyvWL4ZQ{dCV=1xG=zv_9j}Bi zz)CrBPsj{uX8a0h(Gk`Ll&0I6&nr-BJR&x6gzpXRtTRikDOFlFk8@E|N`;olB+m7o zr@XbuoWgt`)KtnLa>Hf;J2s||H9_tuzb-P_x^j^uEU}!Ey%zucLzXLcew0OdLRBcm z(Q&BxM`sLprdRE`&cfGP{jhm_jo~tcSx*#glR`Q9vcl07rNP)Mp`qaYR(=lcO zZ!>`n0a`UdlJb^P)37+*aXDqyb&H4;nlY2+-_Kg;QWE1IOKnEQp@jPBPY+Wfr95?5 zDI$ORpsu{Kn7kcA!o#m=DCr{--?c1+KfFxU4e@F<+e_-5n3xDIkfW9+H9-7>S?QC= zyMJreGU8PGZt`Ck{W5UvY6} z!7cxfVgrHJFt_DXgJ_Kkv^*E-wdqF5LkIIHIlg67I&YKv#f+bEfWVfYipY)y9|?*3 zyvxEOepc@#9&W#4rlkC=?9>QKj-|#+kAiqhDAlz5MBbfsFi3@P4cyH_fx3gFlDM9b z->K6WaW2_6c)`@*iHA4%Obl;FDVkY`I*-#F}H+@HQ07d zp;9OB;P?|g+j}8$vB>t75Gyp~rH#}n#S^IgTai>H(QgOvm#XuR_9(dc!l&wYjW|3a z1#*{%V2sM@Xk>y?URCT$Nq3bE zo{)1Tl;5kvPSn3$Z>g<2`i2N9wpK!fweLTmN-qCio&i{y*)mnAH%_8)Zg~;-(B+Q=kr0dacP+ z-hDqv88sL8z`(-ojTQvPEM1n}cH7yl)S2p!xhU+VLEox`5<>MWmZ6h{?-A$9CJpif zLk^{ZxA|TAF$tnV2!wApv3Fz5Y1nVYPT)nNS;Af-B`hcDg-}maqN)L0pN6H``(t#! z^is4iDZTq&y#MBI^GO4{vEuw^n0Nn~ z?)9og1}}QkDnHplmYM_I*eB`g5^`2vHP_teVlhu=o~4AF?MUJie{R-S3tp-U*(a=? zMU&+GJ}k}Ph=P1EREesLM|{S*42`oiZrKQkXCy=!=?VhFvOof5vw2m%xq`HXGo^6G zS3XT<=u^=vAv#heZeCCG)}XV45w_5v%+j0~oaY1*sqg3V`iHvzJcKrz)qAA9Rg~HlhG^q9jC=M{ZpBKqljf;(H0i@ zX>IA^YX??gX$q08jIO*mSe$9?)0dufMCdYKdR_i`aCaq5xIkiatxxg`g=@S>YYvQsO| zHCuj?XJPvz`johP5%;uuXS{HgSpPeM zCM;^c$yDluQAd)xNYtEVhcetIVJ0QJcpO`V^r@R29M~?BRm5N2eN-gSlPgNx^j7iC z9k{$+LdahOjMfa_-O*%Y5A#S#H`eVBp6+uYlz37E49jj!%~46h9;;sWnU_cHMa2U9 zqdO8T_vkZkk+G3{D3{5><04AZzW1hdD~+uMSZcYXEI)G+=%zkzolp4mtgsl;Q(XnE zHKc&e;Ef2CgH;;*y^bloW*a159tRK44%5(<#3|gFZVkRa98>DSWVO*W3+$9SF3(;W zq?_W!dW2{@hfh#|UVt%RAk5$S!m>~%L&HE6}KnUO#`dOks0%&t=Q;0nQM;&D-(OEvSZ3KvofK2{OGt( z&5&3Uh9a|ESHi!EkjtNk0|U6(&UK3rvO@ezC;AFdI$U!7(YL0NF2*c^0g_0+EpJ&dKy*v);Q+#PH|1c>x{1sp2J?QWbfsiwCCo>vBT96k` zOxaM)1Lk({CP2mIhMC%H2^m?GjAmuOX6EH}DEXotD%wcv8;*H7$$eJQI4%w%37Kr+ z8eGPiz|nqfsE8deS|+vEmnQ6NG`#S`mj$k{dx|n_p}w7q{W3%C)Vfb{HoK_p)Kuvo zlfL;%`g+NA`ZlvcGS>rk;i8M_vTUBP&SMt=r_OLomy}$ac$*6WC!g_8c(O(Er z(Kw&DVcdUUoqZ1-B9DkK`h3H&Fw~}1Pk6$8wQ27p3KtUJ&@WJhcTbhr-jgS)KV_0A zXQF5DNLchUov{#!ei5&pXNJOSX)zYnC^kToI=}GM@ODj-(Q4)seH@Jo3-AB(9JJ3l z5VqFoRun+r86hmQg{>2$({eP6LB4i&O}(is z3fr)u+Jy*m^Kxwx=_99UvTy{&zMZ~h(-j#9apx5iEZ z1;fO3d}5;B-+1jYT_+g&ykhUju&vpoe8cWyQH+23$j`m*kMiXjVRoXbGQ+g0QUFd> zUOC-v=bP!t!$B5DEoo^ftQvZI-FB+@sF$s|K}ObsrgKQ~Vimj9+e$%#{Kxx-f+;iH zV?|ft3}{zw_wfd0Un zZ6@O@OmU3$IUi7C(E1aK-@2Ay=%eJU-mCZ7=(J3J(pxO&0vK#rH>1(=hGa0kJDZh~ z-1KLfH~qH0Qs(nBB?2LTFE>Znf*r`|VpRGgP%86PF^kKFrpI`60+ddY~@W(W`o2}=2|+J+iB&&J<7#s0|xyOs0M6l3?vL~2$i_#_if54=H+Jp z-LLl+&p4g+?wW^EuY85~U*4+Uf!EdfDlN$1aS2#Ifd`zdDe^u!EYpFdhl_cAC|^!` z_L)FBP1NV5@4oB{_v;SW2a%k#@CInZoeb`Gn~YfUlh+w`Xr{lAA*z+8fY*0a6;;MmE2cRp_7-H?g>4 zH?Rm}NAM$>7_a1=8>}d!im~L`o`~8$4pI{hvY23!05TN8E9!5T%QLUoPo6@Tt=@KS zBr`$$CV43SzocKD`&}HJ_XBx|ml{l%5z{!`X2e4c$c3;7a5i^Th)BNo0j_fa zel>q_Ca7>TR&G=%b9}Yy2Z~$(Dk3NLBiDt^zZhCU-FEM$#KZ`WEiZsj*!za`$%swK zas-cUtKwQNK`gqf7^8`d9_ID)#LqE)Abv#L)ZdT_)8Gf3Nn^bx+b=}v{je(YkJ)lO z+3m7DTU+J@8>Ni9ACYIHHRQu1w4z|+m)l26)}63MzOFCEG`QvPdxF5)u=Pt|7Y`d1 zJ=9{t2f421B9c{DdR$CsYu93~RPr_XnT8FwcBLNnct4}Iv;4(K&{22nyf|T!gpM%= zJNY|R)dFzvg?p2D%7wRy(EHiAp{8fIgJbsR?tq$o{yk5BKy9R_97jJU_jmHh1r??o z0L|Ac)F1x-{I(`##rGGKM4p(U&4-};Lf_u|s!Uq34Me5nc%TfHE&54__l6#_`pKuz zq}gT$Z=DCM;r;aBw%gPoymOq%q~W7=QZ@RwcUvsCv$l}C4pEd^+Lh~VmN~o)^WpbJ zgsq$ga-O}AeHdguMSI(bjrS#qozAsdYc#pJf``7rh33wru!lolYE5v^iKw1tK)}4W zx6B8j7wSCD6HfFwYe7p(oC9pwYGVC9P>4JfU_*lKkI&M zQI^@ao^J%s2Vu_U0-Dv}M`AC(cL*klgt@2#f7hmKBa2o%nzYD83;EjG8e1|}>_A_x zu&@uErdZxF2ZJ2BW$zb>(Rw|g5FhwGemCSKOOqU=?{_J^qUS_u4o(fY=w-K~QV^%Y z>sXx_a*?KCi+tdVB!w4v@4jz_^bTDCk4 za%4=()ikRm^eLI98FARhJ#)Fh?|8OWzw@7m<&MTB{=avU=ztjKb~$QrY3v#Mfw3uN zI2nj^nAInc{#LTh3YYF6s}IiJD1)+L#TZQ+Ociu|e4c)5Jy(+-u;El0k%;oE4h{|B zS_KhImNmwqf0w3exBvs+kircD!&{r5SAY)V6<-g^1@Mkd0RbO(y=}(PCk+rfo8K?_#=BWk_P^i_2jbqA^vx_}TkS2i?fB%ckk4o3 zCILEbF}Pi=U9#~rl~Ix&6`KclPyTk0zE_W_ex;Yq%iZaC2h0Fx?lv4L-g+~cM!aL4SIj_3Tu)FnZs z2!a5W?V>beb2$(rL5uHw#x}g^23iY(HJY|~j_~C|P+VD3g^?35BXnAd4>*z;P&E-B z8eS!q7OeA8JWj_wCNd~w`EKcEhdb0W-=*dy*r3FjQP)i*+$B1$W2qEP(qP~ z*nD}8BBlDm1B((so;L&RXxYcl2C0-P;unXY%MEwQHU7?D*ME$nM*FectBWBuk=mK^LapP{!#9}ccAPiv819L;Gqa*zn*1`NeBUWQ~B>n+< z)$hEhz2+o6R_bhnJGywJjVPab_f<+uLQi9w4NY(O6P(3x_`KDek*ZxfWuAsc%P413 z&1gvX&=@IN5}iy+lAMk0F;QXj|J6)e&9X&5??>I3(R54-g@7`*=20tftfJH9Ti1I+x-}eAo)^c}$M~clz#cSKJ zYvXXHX#W4+ehxy zAt6S~a(%2+W2*0n4Az_}o_`}hdKqH=-ZnUS-q0i^T1%-1jigIy{Lv!izpEFh#kZ)`vm{ zvwzQ&D79TD#3;j0cdWTr{p*&VxOTJ!I=X`^7?Cljhb0XqLq=Y2Wf$5L;~ zSO>|V+g;Ni0jCptcskrZP1#YW2EDk6s5f^1opsph>{Z8A_?=1k(KepaG3N1ZZR=YF zCAl7*cR*Eai=@F^Cxt?nkEW|TgsJ~#v=^#@)(Vjq277CQMXjx^_6FGiU3Xr0csFXp z@O}U8a2XjTp|*4%q?6=(cV~jj!;qw>P`|eBuJ*T}vOopoW^8{TYpjW|_2|*%FCEp< zHNCLY?FQuU!+^`Zk%z?66PRtqs|m&1%i(-WON)@R%Mm=YPN(>9>B{_m*WK<#!;J^% zxT9I8UxeDh)Wo04YOlZF+1*(CTkoN-Q_6e}c@A@7AsK2rr!41Sz*Sp=nKG*QbE0iYC!j2LO7?!ahTQcWO?Aq2-BJTtGL z7QJOGH^)F!m=1(Xm7t`AXBn(vB1vl=Ee~T0FsIkJOS?Hstt&1kkeO@E@9eD&l8!)n z+59o>cBgUdjb)XwG1JOFyEE*3%iRHXKQ84{b$tJs% z*6G0)bhLMxX&rtOUl%U*$u@7ybLrdt>7Q$V8igKni$&&4Rq9`e2JH$yyqg`N>?h(S zrFN7pLBF0ho&+jY7Ne;n6twIG%L0I+TIv1$w=c(NEI?3!* zv>pcg1k=BX`2845_4H5>%>;~1?Oc;zu>z2P-YXb~^axr0&30%`qCf@3dlDq4MJb%` zPy=kKX?umnqYX#FyR`rj9?~9ENZV4b?)~RKuG3tfsA~GkkAYaO)%>NsZQ@0U0W2}z zri{egrOgy5nk}{(byWHg7KL7b(T>3RdE(mq-Co-#U6Z4VX<~^yI?17RBed8BKk+ZX zX>B4U#oACJbxtKB!eb^;pe?^7LAxD^ojglXD$0W$6+C{h`kcJ3ShqmBP;ir&)Wv2> zO7l|ziTT`iH8>3qj*9RRouJfFOr7{nV+c(sz%R_9eOga`v-@pF+eBc*_vAL&0jqv` zlE#u}ymq+_EQ20o@B7$ACs)`>o7mF|6(GB8CeyzL;z}Jsb97`zOka12aZ1ah!|fsK z(o20`ocPK0ayaeE$rd`^FafGvzadMd_dUapXu4@SrjQ6`waTYr+@Gt;`Abo7LwCtC zd4{ge87kF#*AIaM$Cumx0^~B0;`BVeC#Yj}>rn5!Ouc7e0W!~m-(Bp^ej*?!EGM-J zlgm|HSn3YC__r}KGBvf)URxujV)O_wj1U$U&hS%?K{`+4(+6a@`g<7cfG@NS>SxF( zEm~8XHKCRUbv zz{)*pX@ibuX4C|ERcv2Q&nn>H2K-k<<4`Z-L;~gN4>Mdoqxp*A`aaafAuNNQUALFG zOBa4y#dv@h)Nf$S8oy_lTDm>;Z}F%3y<25c$F5cmsC9(XKfaP0r)MN|0}X#gDepMK zMAm=%-fY#hwJ)>?a2LhUaV0DBPj>aR4Tojo0 zVVK4s{l`r-g@TjUvD_{--RGo^I1I0bo~t=yNqX6ED2z6XUZr)xKqt@=Q}*n4pu+yU zD`bN#CXk>I@&sfzz9<5KU>VXUKkt5T+jop+AgC><+SB59{DEZePTJzq)6nvhhAUA~>pyShhesO-_iy<_C;*S)Ui6=cRzf8GVpG4ya+BNH)m9F-k2XmiIU~2=U&w%x`p`^Xg8a6pd}4lHd`{}~ z6b3XDL6oL+pSIbFgjCEh+l4De!*4%~-^-B@6@9`?$5~yIyXjXWNaDeU6ciViWZ`$b zqxD&f5WB~!W%P2zBwrC4dnA8WBxE(G1VKXV3Ug;}8mnD0=+yf3Yj!Z@7hmzH3_`~! z%5Q6uRK5+0oqsV9HfEAo1h?TRxn%%xX%q~DpgFA0Hwunk5cLZQnQ#u?>3uIwANVC_ zar%8z6dYfsp|$FgRuK(o5C2gfWDEfOQl6TUkI|P^b)U;tBUyp~ZCELMt406gCleeD zc*!xx>%Z)QO@i)te_5j0?kOabnkC!#Fx7m8I}AewiK@)8eB@Z_f!NO*eF}1*$FKUM zlWjtT?XMPiKW6`EkJBJL?HVss-_p&bjlLv|vakCMCnIP-t9xiJ;g%AH1ACVV28JI) zn3(NBmm2NfdSrYtuaA+m<5N*mnfHb$5rL*=l*U=V!?INvS@noRD|vbjwC`uWCCB`i zfpj&;Ml!LDw;XUml#(cxSlNKEUaDuD?#lrvus(Q}pa~9*_V-nbff2qLVl}pDl%y-? zEXeYTdOZOkC${N9^z=?~^A8f3x$Z5BPTYRw;So9Er2-m)e*UU<3JCQ< zR`C+sMpD2&m$plZtEv$BMp75kBiw|nxbh3ET2AOe9y$xJ*O4%UmgR_&J=0NXp(+5z zRm{~oKW9Hk$p(8&^|v5(8&52IJuFnlrX}b=5!bzpoe`m_~0q}-13oxX{H7&zObUK}mFAu_+z>N4z?>f}~_?zj35k5E^!YhlufZBOdg)0rwT0{@A0KWuHIkKT-lp%j%+YgMCv zq$4U#s-*MQahqLV!0}rYb1YXG8tq;E9VYgw69)gO_mffBI_&V@26koHgJ-kA-k4+% zeKCgLJI|T9Qvpky(|I*SW4TorCeqU+EHNj0D_mv7du2x!KF!`1^I~;XW)H@BCFP4W zN7v|sPZ+07GCQ7evgvH5{yW(qIX>V7_05E{Mj&2}BD1no=4db8I|j*&P=|ftxOXT& zwkCoKmC1L4Fq|x1ueEeIdo}o35@>0=d_bnjUR&Sc3lxrXJiE^EaVpO|D!7>?CXju2 z(RhDsR7UVcHUq`Ep< zsXa##%Lso$_;-jpQ5)_jzk8+Rb@D53;MGoVkw$f8a?)oeUv;7f4>gmv-Q5LQ7p1a> zCMU-UL^m314RYF5M{RH1YMR=~KZ~oSM%zNfP<~w-j0U?N|`F~ z_R5XOB8(*2NspH0+|Ts#dOnkegH=jbHt`d7-s403SH^eCu<9Irot!gs^*=jPUUYaw zxT_Pe*Hjz3CM!j7l=qgI)2Lp5M4pFwf&YWZz#4Oj!mp(OBeaAzQGhAN&(ifMDNwW^ zIJuWXps`K*PncMtonwj?A;2*M#x$fg-9%@|@X;lv$6M9r4Lw9&$8HqdM5RS#H(|)7 z%ux|Yvp%m=Qv;&ey zy7tRluU6Gj5B47h$Ov!7W7BCDqDUQj^?3^o#KbFH=;6+kT$LSh{}uAmS+ULa)AJLj z0amV)U|UH@A0bsCp6ZRR>(wbdFRP6sMtXm#yZc+B`5}Ik2|e?o0gx|N@(XMl#bu^m z`ceYr#pZrYWlN}Nq7V~$KQ|Z`5Va$#@)UGxgi64_34cHP=D5Ex z9kX5CQlRG1cwGsaGje04h#;A3CHTG~x9Ui$VVSoy<{&~p(dyc(OT)kcT#)+WcJ1K! z2=yu#!R|Vt)7+E)dkKr}5n&Kpv5!rFD;X1l6LO!E&|cru88=t+`T-_6>6V(Mf~WKp zNO2XS6QWgx#siCHjVL0fG4+FcDiN9Egs0}?pE|fWziYS>p;8M=k83R9x%HW&lV~@lpC7r0W%01=;0Pti0{5Ww@62{a`;cyDriFs3 zW=zHr$LkNfWq&%+8Wtpwnim=;PbjM+@U`OFBN3f%jvqGCEF)q3cEu!WEexIrL#l`e| zeVePNCO?XBiHQ@!?g4NNistCFdhTl&U=-4$)tdy+Yq0%sXjN_doH!H;lmw=IJc5aA)%MM6g6{hhNjCaA8&uheb^)DP!?X0im{QP9Ktv0B&9&A)44JU zA>gvoIkU$lv{3r{tZ$$E@2D9&8j!KvJ5`?HDI|A(0nX`o5Be48>}W^2ongRRT5l0= zYE2dHT58KetB)Q`_rGHEcCo`x!UGZs=!zFJou!^#mzPByhr5@RwI_SG>_B!?iE*Y& zsrydFC{|LhNQg=~|Cj!Ukpz*dV22vX&q=91I&JGJlkie)V`JJE5E!A5D6lCJ@9~I| z5O%fk(UM3vFsO@s#N@gM&?|xebhd(t0L3S;__=l7a_?Q)g@w6a3+hSkm$X6Ay8|4X z4D79DXU_K?Y9FC%;`ukL>3vV=Xz2i1m56-Y#_8>fgs`wjtxHuCX67-Vo*c#(t zI=vAfM{xepz!BmF@@hDeS7g=24|2mn*_rq|>~Cx=Qr1a&pcNfd(-e)4lnK3=GU>kE z5Vi_Ejgzf8fwvV`FT2e_w!fkWkN(_x-C=j6kG}5WZ)u6dH5qNZ?Y?B)o5}96stIv4 zf6g}^UD1G*#834v`T)Q^cIqo)hah_$>W}Sw_C_SUT!#MK5J$&8 zR2xE%wlS-4o?t6YZV&ZY!3xmhW$K+td;TFYr(Mj8f_Ek@p1w-MlLgI*-UzMA<`kff zt`|M7pXG*#xyf3eI>c`6#U9}wK~R1$LC>bJ_1?P)#gMBjZ&r`my71fWDYNO=qd%QO z_#aG(Sisgxy4QRl3pG^kac1?=9Gs910_@Wr<^MK-WuXP36wBb}s)f(tWTV1$b+RPI zg&o*H*1^>Kv{RU$A_@I^(aF6mMVj?dS;61kYMv^TC2G#|QEAuG_*FSRmsP@UWk}~KR zKA)r6L|#G3bprU6<=T@WHrt{g%C6qhC+FvJoxdYSV^xyv3s9ZC?0H$VD<@Y^$#fZ3 z&y|GV$dgf9{W0tP`u|>lEHpAp;DtM#VaIt`v<9nD=dF2RT+U$IQ>Abff`DTJ9+7k% zZ*QmY1tqL_e)#wBIWel%KOc?)@&(9?{$EMw#%$kw3A-ZLWE zj**67MTgwh-V;R-d|<0T_s z`LK4y!xI#WIihEZ zQ>of3=ljvu@8qZ605)^2Yd*&sXWF^?ouDh30QZ{t1{=mR?r|CFnr1U|`WIk$vp}l& zOJf}*-ECaB%X@EoMXqRecy8wEZdZy% z8cH1hH2bDQEVPTN>y)#j42AjMo&Y7DT zk)$YO@z=%P^L|3IU{=-P{o1vrW{UR;``Smv%ecnX(nYl}6%ia%n>Xr|@?XMe zDp6ize8oDXY~oP5`{pX%d2^S6QqOMQI ztlDP174kPvF1Py@=qB2mu@ZoQnh`WBGXtH^Ye)EnMB>$rJ+7&uoQj9+aVwnIi1`7O zsqH*%xmihb$|AcDXW%7Q`-OWW-Rx6+y}y@a{6vYA-ynA2fXOi*>X^#3uWqifj&-00 z^M9Qg@Qv0eRY>4T9zrw0KQ5rPR)6s{mf8m4Kp7M{LCj3d!yi}q9}e0YTIn+tufH8J=q^Qm`IlUBmcOx&1H{*LQcDc6f80z5ePP^~s zu^wf-9D93elAFGP-WR)gea=oXac#h(CFdQ_CTa*f#I?!F=fkH`->>^Sdi9o=PCA`+ zBTOrSsOy+|#r!~-cKn;`#pN&T)1t4+SzkEmfIf zE8I`HabRdPCCQn%w?Rs>2RT;^)o+nUDn{d_;N+%QVj}=9oiY1;vi`x&2dWy&QR@&dZu4@@Q>e zRxto@({X1(0>-X;Hl<^)7%0d=Z#El%DHq{0EVeL(fD!vHOO`E;Ncn#pWnho2TpsLRyCY=M@9mN%k zg5;oK3Myys-gxg{r=hhFQTGXwpS@L=2a&%A-s|a5rh4B&Qv$GY&6XLUq$HsGGH^f~ zQWXTGMa##2F?3Q@xn`S@`%>PAfVZMr6XE<$5X!#B4(Oj=dt1|D^BvY=dH~Hg4L*;{ z=h7g+?!8{vGFJG)FkT3mY}dM8a1()i`dH2-l=@4GnrP8@3dkDZW1S|>Z(?B}E3Xv$xg z*^a)k4oTO-xM<#2jB0%b2Cn!PsDjFxhUc4aaQ#07_NXU}vSvVn^AR%Fx0WQ3Cdz6M zHGAMZ2bNa+2uCbB^^em$7U-Pr0GCHw^?Z@!iV^eG*4cVtSI)#Y5|*v0Bf1+F0*y`G zaa>pjmUvJzCHu%Ab!7PfF2C_*)k8_NRUZ)2Tu*UG1D#>B5e8aAoSCaejL`=+*_84| zUL^U58j39{imqK+q^>C!$c9DlaU{jA{TVnKuBu9Ytf22FP3ks+Q7a;nRQI>hM5>y; zhsZE!LMCK1=~E6uSY6VZBu76Q7>Fy0d6T?EZP^sI6~{Zv=WhmDy_-13uNgaH-)Cc9 z8ES&uYep>k_qa=xwWs~K9@#Nz+Twf3CUZ0%y``OKpLEW5b*G7)Akh=x2F0VciHPx7 zy_%*9tJ?|do5MdLVOJ}sw_dGXt(+*RyDU%qtGl63?LYsEU}eP!h&CrS-;ImgKX5KY zp$gRgh>(%g6%F%XjhosB7^|`L87{8FUx`V&n=4&9ybY$za$>0ZOW*iJ*rW|Al{QHw z_2(~K+nHkgTUyRyV~@UOfyLQ%j{;@!^ckALiIIkQ;(G+Lhk>R9-qMNSl=3(^rJPKu z^xlzaGXhR;key8?pI4bI4k_d%A#H5>N;RVDX5GX8j7+pjdtn8K3*ra=nlLlxw2lst z&wZ)0CbH+x-I^quSTgB%(IM^GyW%5V1KM(|+-awdv?1uc@#@ZxiHJ+uys(r0UUV}x zZH>&_`1==&Uot1Fvd0*?KFu5L#c9LM;`!fsRvOHUWZ3@b4YtRrY*onwfM+LN(pa~3 z{dvO{ej(lym-~Gx3v&SUXskTW%0f6-P+j@5VFZvv{jEepQ`nn;ERMZRXI2B8Gpo@Q zioq?*=NFYq`ap`Yr;Q^|Lr2bQcEc*V%LcQ@Dhxl<4P3NoBgsd0OAlJQZ}egam%mUo z&Kc>*(p1>n88jhNxvAF<8uCL^=rRpJ{BM|Iu^#6K2P^$6SQ%}9n%M9Y&pYiGvuyb4 z%+srVYZ`E}gA)FqwA2-RhWk5TcD8;S5OBBBFOfK%X)+;!_wC}tfH#c~V{BPTAFZY% z($seup-7ejS!PZ4*wu$k9Z~~Hhq7n3Ux)&JtYm>L#QLKJc_q!A&x%MuzE-uM6}_05 zNNuW)FOR57%F7XnYfN5DDxAW(GKJK~ywkISc1Q=!iz`bmJgX6$C1YY15rvJA00?y~V@j#~V0Cxd6*!|Ls%nbyp zvDeW^(T$35O&blu^24+l-V1!a;VcweFL>cfyM~G;E_lb-6py{dZ`?r?5%9F~7gd8t zc&+}`W58~y=q3cFvE9e$Kx}XSYFvV0SMW)wSaaXP^c)70F^AzrZ)qIO$#@$JmlPYI z7g&YPCI;B?+qKFZU0qnhucwrcR3z-m*C0LoLp zdM8tI5v>h(k)W~$a9?t+GJYUTED71wAQJf`U$+xzO0RFIe^kRkPNVD>J2SV?+k@>3 zl5Oihl!%=sCM@UY8;u4ANF|iS@RD_IGdpz`zw!*^+~v7w8)JbhhD~Zc&yysTDc(ghVs1tp1Rxq(QNShU8wdJgLO} z)egVSE56w2=lo@;VnWv%9&SQrAG=$xE4*^LbQj7Sy@N+=P{yFn2;wMJMkZY9GSq(3`u{_i`34m@*iAs0cwO)|3TF6r->YC1C2E3yiv1=zS# zbxaYnB@GH&hu+S{Z#FeA;Ux-RxtA6KaA&4}W{*L{?>n15_XW`|vRYaKMU5z6B9tMa zcxkb5a@ba5E&XFi#ZHm#q&lN$PFp499HJu|=4AB>ZNg%MeMW7&)d5@<0JtZz0G!%DKu@pH#aN$-8VOS|H2mj4*t24_LSRTla%5B z(TPKTf@w;AOwcg_q&W*WU0bUH4Yk2s3VA_X)`NPVP|Xa+PoEByW3aAOdwDQAzVWFA zI;c)tGbZrI-p%=*6FsSSZF-2P4p~F$eQwLYXR?Q#=-7#S3v_Q>cUFAYQPy2S2m=(0 zrkBt6FBX=&No9B{^6D4L4(HA}YrF^%SW{`{^TKku{0pgprs|L_@!7Ei%?D|5IU74W zN9kwmkAX?5v${l4&opwTv+0vdX#3i$YnsRM75N~5`OGJkb7sbE-HJ%utkEF$H68cm z-wXLV;}OV4$Mk+4-Vn3L=il8vQ}I(KeauS!{+Xiqu@ZZ5H)$~KHjzfUYzx|8ve+Aege`N;#o2xsxP z!Vo%cYh!l(Q#?!de$3x zKv`ZJPUg()#>9Fo~ zaa0p#o^gV^#FO~3l9{&yEo8kXqr0=FKzGXq*(P#~VAwM*hMe1DFl|{d_0qNzkJF2{XM%XJ&NW_`a!)<-uiW|L{ zboum=Ejl<7(FTqZ7muD5!qvG*e|ZBp?Hw^wu#I74iqPmYwr<0CFVxWRd)dAW9T9H^=uc`S|QtdrVGZ zyMG+aKTWvjuitKd0ojjJ8!p^r=EuP5<>jK_I=4Q1MsnHAQI`I$Jz4;{s6&j%BZ4<7 zye=S+6cx|cuLWl+`7>#9iZ$TRke3Zh$;$eYO@Af5fE`^6XY6Jjo1vP{nQib_#=P0z z>5}j$lurPrd(7`680mRVY;N9(|N6)r$?fT9CjS(|(8Q`WronCJRulQ=1%edMdx>ET zaAG9BQ{Zt_-#Jp=lBY;meiqK~DnRQwApcaOa`Bl`%Y{iuF)zzljtBrz`>^-6jmM`#a5zKOQ#sl`K4?64N?WVKSYzn! zkfWQe410I1c$Zuj80H^*bve>;@Kr-Ld0pFtEH1&#mvG5LQHE3GYGZ>MNJlSDTYx$k zu*|XheB!v`PY}a&DbR;vZF<1f%)7jYD|~h=-9;85u52iXz#3@*!91jVl5i_qq!?|Z zz~%%CwUI{8J%p%PYtor`%+a?{myipM8xZL8sLa0rWS1xa2>b$1;vw>UEclL+%#m)2 zHW-)^`|{a4M40BnBw9sbQq~P!(Znvo-1&Dbf5~D`nEdeWDyKX6?Dlly$Z2?c4|DV2 zSB^%&;s=NrF4nttM)#dLZ`aIz*y%vL!TFizBECuWsaaaKSp4}PqqT_cIhviy4MV+n z7|HMlL=F?sAvWE|E=j3SwB&U(xa4(Q9820;CGrdnFi(lETz+@>O{usDLD)@vK2d8W zGE=;@E3Bcm>QSFWdSKp^pEMP3`;38)3bElm(?I5bQVxGj*SPc#25W8y&ls1mi&k0_ z5{YlXn}P4n4F0{_DI`-R6l?Nxcddz*$q?ly1L1U&YR|6;0NfzXm=<23s4ab@b~F3y z7en`?cnhCOI0Ix7`#o5oqgeKzp{8b9bc8HiAg_egCp=wQ?^MAwgKym3Yj!@~=hEsY z2MkUi?&VB2)qtjYyRQEYoNV0MDGCk;wJjy8R%mDa!Oc40-$Pw9f8PwbCt4V9AfbE} zgzLz&iFA6W@BM+ij~*~*z@|dRK?%yoN?e`(oGm=);*fCOlcDn#tFsi+t@(U5jPeJApS+B zDMD3PSeYDVhlDX1YAWMLogMgtwy?os$A!{hx0!%@I1~P5S5G9K#rPK5&_7C6>?oe?O#S zR$fmssHrVo?N1j3F%a~y^}a_Zz|in40%xZ0J3BjPE&fOH@ftPmR*qhLyub_TyUV+P zyG!iY-Fb3tt&nHlQX}u4NMaF!Epy^)HBTl!Bq2{nnXRFWoDOWs`E_H*kLpD4^#AcS z%P1Qi4ZoUS3cc7q5~Gw&$m+pz+ZYt3>NJYF8)fl3{?RTbY69$K)8ienRx0DEPZw3=V1xzm&0u ziETDh7EyZt1ww0oPjJHfe?$cL;nLLTUi5%Buo4*-8Ga-^;kRSA4Vh#4e42O_O%)t| zIUxNH>YO>T548n%tS zGQW8~-9%cPVxWmkn8J5=PY8#d{?xwPR=i1UgG;=Bes4jgdH}PwEjRFNSt_}gC0N2u zIy2L3x}>>3a8Z{i)TjBmJf-Sr#m?CrA@k#%D7h)z+$1?g4}Db8|ndSnkVOhXMD5!`&A z_#yh)Bd_^bR6PMnMD0_@IbXsX)#pz)j@si`=xKOJEXB0$VLRtFP4O7NctG!Sbh~DqeR$~Wi%?iA-lqCs6y&qg&t0VVK2IbHCT5Er22uVmD!ZeQ)tG#IJtx-(YsBh&X*6Wv@8rl($Z#@$F{**(S*g49jTp-6T*R z>2u9xVhu*diKz`9;9zI37O=v9k$kiNo^+?FA6F?>V!^_)1OobP_E=WhS!&+Q{MQv5 z`pq*gfC`!)t)vab)fQ9IPua*xl1PID5H~cLLn0!r*N4L0x3_rbYRf)#Z2z7e#OpyO zFRfL+MlG+4{@49e!_i&G;jbB}nr1&M^BTxUrjci&ntUEW8Cq`O$l!C0Bo9=r2&F8G zv*gj-3hUNYS0rJ?%QO@di>9=akGPvQK*T`@kyDPSds$V5vfDnn4r+ko}qfV_g zrcxnV3B9P;wI`LO`0^lI8~o`W$Iq!T*vPdZPZ@|XuQzGel`wGI;J|)tk`kXu>_2iE zGcsONBazP=i~A38IElk3>Oe*+adoE-%|O#9`= zJgLdmJqlwfo_h6ITxf^oh}ND$(o3j_sC?UON3ZYI{Y&qN1ahel)V30@Q>(AyY= z{iQchF*2-j%ysMEnTz71bwiJ$3D*^PZqLQU6ZKe%1U2-rp_Wx`6%JFi`(zPK#=O)G zrA<@kJ&+uCPJp-lvJBy_zhONm`Z_?N3}4jc*D{w*k9T7FuxeUPd*Uym+tdGsV!8HD z`|(HnKf6IKSJxWnA=yp&bc26NGr5GuP3sJY*|J(3EtGE-GO3=DW+ndv7WE1ImTqm?p^kl#R}cD=Iw zCn6qd3u*C6O+C3sA}*Ms#B_jza9MIf{Do!x_F}pD^^V69P{h=QQOXjBqtl7>1yh*8 zJK(oI290D`jMNjKV6!ypZKBsSwEKX(P>Ov@vn--w2GeZpvLdbOXyb$0m>&_5JYew} z*ThV92rR0`+4yoX)c};5{(3<5g~l=@=SU0ypjGda*gw14lpZ_lxc|Vf1rvR5`qgG& zZOzSg`1!`yCr4jlKLf2ss*UgE+Jk#Hn6>>Z%_kSuWNd0|^$Kv?K7OH7W=sZ#uB-JJ z-n%_~`6d3K$LE<9+qu9Fh9mdhO(aDWPdQlXY~uBa1&K;A5M_o@eZ?B8tF4P6g}0`; z(yr{t)cB=9iXm{aGPaQlO_JlUAL1f#^8Rmh!5mhthbmjKIOGfA<&{iHfniN>;4{~Lf`Gl7J=~gfFQ_LxV^`G8n zHw|cxb$IKj_%IaRU0Q%O1)Sl*P;mfN)+Us0Be2dPculw z^+;1|GP_Z4@@|EP?$$yn0TWS9vka84PH*veXjCIjpuAOfFuO%x5uokB4eb4X32(Vp ze^B>SMy$l6ok6&TY+ZLIQ4;)|RVi7KD&{xro*J=X+(XaS$0oA1;Z)xUJ21H|kfeh}zsw@%mgWp;?et%aT!3Z4DohvTG$#jn8S)CS z)Vt$pWbE|DOeHMh+)?E`AgHweV%E*!^eS*IZI!ggQ03wUMottFRLt7Kd-zQY%{{^t znU&K>-c1OA)a#K((=gc-M*kpRS8CcGIgy}#qY0+thmJ0XISu+*!kzg|Co}wvjX{_H zjxw*XjSpiTEHmbC4pI{=?c&ms#t(MNbkD33-^Y*>l-H`*mTkS=15dJSFMF``k@_-9 ziySAaT#%V~9czE$Z{6LyQ?&HNJbsay3(p-vW4ZUfwN3su#`fdH`nl8yxDz;GK@-9m z?8Riy5{@~Q2nm2hwi1s}2*>x>k=oi(GoKFWKJ3V7VeFeQ@u%Vs%AY@wJ9>`tla_wE z`E)5Y@pJ57Z@IDX!@BS;^vOVc=H1oZ<$m|&EL8fh0-qfm8Uhfn&iB?%LLIN%vTQs048HHgVq?D#e-r7@!#oO4<5a7M@g;j{a zyj_KazwE)yMMJUykT(a6_+FVD>)Y-8?yK8DhdjL7#@>`2`+`>ARa@H?Tt zevS*-u5{lo`5~rzBw=~xj_t?>z9G)JxbTIV)_wEK$j-PYY;AqJo*X9N_AS_?>H}~> zJ3wX;U&QndyQUm`_i5|9ys_<1>sc&!+BEsdv#K0`hRnhUXf?;v`gpP9-Cyl!&61o6 z6eYBGc!NUc!^AKnf* zJoDm*Xx#miz;T0kJ?8F#Yq(d>^I)yDISk6EP|ph1nv&x#r$_}&1Luyozx zVs~P_*#=|x^$26WqI+mw+4g_)i=XuIz$^xJUKo-pF3M*p)YZcc8M+%pk(Wrq$HwE`?dxw$>QEgz#(HV1UB}KYEAe9py7PBs zB}_K=cj%*BtQr2J;OPdMf+X;)R*a^WVNLKfhgEk)$s$ti`>*S74-9@19wgr#?=UKc zj74uwgeZ)Z#344c;V_RNv;SrY0bN%svC^LV!P7hKJXQ4>zo*!1O+Y`tvC&4)v{#w! zA;IMA7##q6|DxBiRkGiYnF%^;YVkz=Kz8k>O3D5716!$n0ug(7vYHxzSOa*#MV`_q zJtL$hvl%-qf5&*YJ=W|Vesg+zm05R-xBcRQbul0F78i^&TD-e!U3V~3w0|0(xO_AJ z&oe$7^jm%eDp-=f(_CfNzOF`0EN?N5V$eBCw_;PDrC3R#M6<%!dm;T_M7Vj){LgmU z@w(8_otXB&qx{?Ty*=Du<`U=SB4Jiq^VS|n_VxW039b{BRYwgJI@9lJpf1dPE>j@? zS%>9xRr|}8j+_P}@?m-H5*SH!un82HQSg?X%aDjoOGfbVXaWuB5l~@)e2}e1E&2z# z`I{Os&%-}OCQ(a}t&H2J5rDi4VfG&Z$0kL!&u*V)dI-$M7J5zYsZVQb5JV8bn9gSa z5cZeLfvF(-&&o*!-qGP-Xt}6Ai?8TXD9r`O_mI=#{K%x2-VON@Qt(A%t{ku+Q#N&2 zb^ZDeI<XaV@QBjQ!&TDA|V$=L+QX10OXNW`jk?J@5SSQ)vruNO9Sfx zw3`nwTP{sLkm4qiVtAR0YqsgAY$5o`P$4g`jGZa97LryOOQ)l=ycFWKYye8q_%oHL z&^+q)>mE=&%Q`@3Bz0C&rf3;Br&w?q2P-IKzU~ew1<=CBS*KWkW1onqUZsZrp-w_QrYUKtow9azp@Z7xcr=+6V_ALSt-cF008kR zgsxEwmBz1;4mziMzf=9QE6niH2hPvpgF*IplRoeVc~ zjTDO@aO6l#r=uFXtR8_|=_cCpJucy!+U(Z$!=@d>|en&y;8mg@=` zx5f}rGtP*{?|j5uln{Zat!0I&Kk-hRiWjp^)59k@_dv1_=0-+CWNTlynF~x19Uu%E-?4rCpy4whFi{On(cNzs^N^C z^Y^w@&oz8&hjJMd~L9qy89 zgvg9>=fy*`&Nwh*iqT|wfHz##oR(n^Ow@TKVAKK))g2uZIsxVggA+}nB3n3o#fw`# zK}=#0KzGZK2;gV*_Qo$I!=j4SsMJ()=@H~i?@E4Tma`-?^m9-3i1r*my(7XO)f8d- z!@#R3{1u)MOTT)*aqhIe2A@NiMh)2!sB=?``(EC~N+B2LTg5iD^DhE&TwYzAjO>k{ z6LLx<^>if-j@^o^_wnZ9*I z&smr04{shFXT~AEEM&V?G(X?;qZJGl`~uCpR(MmWk+&SSU%kb@QZH=Y$QHp%kT3kF z6g%arbQPnpM;nGJdGGXCZQ!*G7x)8=Xg$48y){$2C+}A-(tclYdLyB(qL|P`+di2V z?G6vbGlB8h00m5u_Z9cYOE=pYImRCrU^O!xa-EK_fu%4PiGsQ&@E4*L$g4#;!Yx4TTK!#KbCNCre&~ zLe9#p9=1{J=WJ0CI($D9h>;| z-haU5!AYaa5hfrO;l4m0wJK}XCr0EFrfF%npoqT!$dcY6aIQX_x8lE?oVM*JMY zNH%4yFsYrs+Xq=%gKpI;M%x1`A2Z>KwzS=y!+a-a8d3}0iK61Lp-gy6YC7c!;GMFQ z$HU8xn1!X#$Fo_)&8Di_=$lkg4Q8e2UqeD#a2a-Nyo_bR-RK#{_>x}Kk78Zm%as$| zu=)OL#*`^qIw>A;lj;mgc4RIS3r~rIt>1h9kVKf&oReK3yRdCEiTEVUWfVWu?<0{a z??)eIC#m4o4!ke$w^R03Lu38}P#UG8(s!^J4~-#CU#d!56iiXU&tx(-0@5r`GTpXz z$biTWG-0Wn_;hxK9+%!^=b(E<4JF*^JiDbrWb)IiT=0NplilH;Q{Cf8E(#Mk!2m1dWOKYA=%dsm`Ly)H$J6MipQ zRR>g>2uv&JMFr)kfhT^F|A;`y2HEQ%gfZA9C57EEwZ76hm;AGI)l|+e89c-HkA8(o z`;q>wRwrfr$Y;>M<$Lj|wn({6RbIkNp~#N43!`et_d_77^ldc1KaBiXNMu6&xG zc#(~aXKiFE@5RC38)70yZ%-e}h9to7EBnu=_=2-|toW~yqJlu-Zy5ZX1p})>~ z-6-1ozZ1?Px<3=E2#`Ti_9UUI_?r}H;8)YV1{?k3nT`MxX&t+q6ANzm3Pk!l=a@r8 z3&n_%6ka-KRJuFz5Rw01r&KvCEvy4JeN%xW6CyIB!vu~|`7X3E(3t-;y8=kL)`FUGRE>r`>wE(D`mr^TQ@pg4 zcTsRT$}&+T)cgf~)@w37>+{^o$Mbr%JwWQX6<5vNE;~`({IwFP0u1wxsSmotF-Q$I zYA8~f!3`Le8>dJT%xVAu0aVQTwd<0Egcd~kNcY%-6t1lgmUz#?txzpI%@5^9m4NK& z5Xb7c*Zgz6luf8n7vc3}Ogi(xq z>KgK+27OlL{R%%6c_Mm)j=c1qDBsw-j%trM|9xDuSHL3L645PN{Oas&arpH{&atGj z2ord_G6!o`vd*2x*63q5FWh%nm+boer|iupzWX-L?&{ArX3t#t{AwFBuJNq)nflKm z$uIiNm7&s3e-Q8c56NK-Oh5QorpYJOrVOUuA)`ak_!7BPMb?#0Z6WqWu5i<_ZB$xv z5GlySc|Z^f&3^-2=V_aHgBT0O`?qy;(Dq->7o6E{QK@lk+n|>M@xi`+L1FC`rDsd? z5$4T(4Z3gh-1aN@(bm=|&;0MF7Zg;5i;|la`M+ECjwNXw>645ed)bXC{Nq{$If<=- z42dLUovAh^Y3L=YVbi0hJDYvF(VZSg_2b4#iNV8G8niKLdIbSO#H6Iu+>X<)!j$r) zObW_~L8A&VB| z3=w26sXshTSr+jOAYQ5aVk9vz>6|beu>AIm+t|p*v1!0&Qq;AEv^?p z>NYDl)|?&w*2+1*Y&76q`S#i7$;lZrsAHjFtdkD~UHB(W^C2Bd3~LDGBX#zVdjS-; zUJZ8TCkBFu#|z`{(=xOFMYPPyN$h!E2Hm1>Uv^m{5BzHYJ4^lY=_F-LOMp*7$?uo& z{|kh3--1=&|Llyp@G6k2_bEP09OZI9vaDHqeWuCdrKJ&FnM3V zyaUVYT#Mio&MM77%pk9>mO4oL@!C2EwyXT^pCJQ1?F&;Autcyt;n~hC09f68y(;1- zywJgOEp6N;`Klx#NnccPxMR>EPs$bm&-~GWNDHZH9n0}7cDG?(4qI;NoLgwG{5{RL ziyKpzXsqPibVF(mlg1|#F$w&3Rl$vba{@Y^&bw7=ey(I`tjV{?1m-}&UYnhGdXy;u zz(4j@Xde4*9H1buF&_|dc%ACmt<-6w|MqJAn6KKi@*3xAWnuv19VEk(3kn%vlQS)2Mop|oYCrd5a-se) zX3rC$=2e92tOyXL>HOU#?JDMh&yfn^QK>AY(($k{QN`Ayij)M6s|p~*;EIqldV2E* z(Cyi5)`Yx^^cUZCO@yoQOM1B;3o)`!QSXo*6~~f#rCbQuvQQ#O>1mBOj#C7Cae^ZU zpK6|m-ga4SeHUA341nH1BhUDfk>Fcvlb7$mP2SEiZDD;M8ku#^+ zP_18ansoFGy{8N6kAaHol7q3!B*d=Fm!?!DCJ$xA>(X3PVqx*1dMOE=33_Hog=$hM z66vu&>c&e|A|^6S3>DDTBBT0e5#;x^A>nSw4r>Y!W=1G`Pkg#9rRD55Lj-vIk%xi+ z!v#?u&AYirbC7q`3V%D!A*A5=Z)NAZl6sM+wKp68150_jTBA{(=!IALEPj_)zx}`> z(6R6^r5xjon>6MW)vNV0k<`nXiKe-Xb@HeK*40=UwKSUHHi_RqXngdy<6zdSN^Jq+%_geL>*K0sDT)Z6u>|rg0P4mZmx8I`e z5~Vpax_}JUy^GZV3zl4EQoim9?W5^~>jm&@vVn*sJoZ(DVzn`f*gMn|fS?X9Yx6ss zm)Oc3O;dQ8l?b*78CRLoMfGzW|F=(aHbdEry1e80V9kgIPoCF9AjCD~&*r~vE`@i?!J7fNKCMcgqTCs9_IKQNiY$g=6z)K5NE;SJU${vMe9VJj)SNc^?&(qi3=X z3p$Ym1O~UPr|W94!W{jZgPSO+?TNuVdk9d&A&l*Vc`k6AZ}2)Afe;J519cweCp1n}`_Fjd@x|m}n`UXxFsI6#I9JyR zrEXbaRaV{lF<%?y^>OYG1t>kdS$w_zQ@$d>f@CqPprIb)=gSMem3MgyrRkwS)#$S& zjD~^5gJO3MiAT{3wC(jUiPrPbJ-;mDUo=nEI>LG+XSaDuwT~?Q$ec4&`bb@uLi4G! zj7tI{TfZ2e{GPU)s=)pH1|>~yja@IDG}V4$H1C;;02&ek$B15C$P6vM3g6`zZ_kIk zFW9i)M;RHADI~=xaYBdiW$`@+~>+C893wIqpBBEJW)nqkxail;{ zv_-U^ZUjQ9VvW7a*oOJy!o?T+{i;K=`5WO+x`%%jZD()TkG-juFet2aDn}rp_s1F98{y5GJR7RLbc9U z2A7&hmaM5REi@=+H5qt^)E^Z9k32Id0#eg%ODHMHjC>+dFcv3PAnz4QjDB%09xNcg zF|81JcCx)p2qly>3%NOYLQ3?tB0Z|^m)MTkv=7%Nv>3FyazHWuL~yW~bl6HvD;}os z=I2gFTD%^=E{J>)*FAysjYw!sr2riOUd`F z8lnkF{r{q{I%}Hx780GTaU=8$RBttplKU2$vE2VXbe0>EanL0P6{Iw+W#SNZc&ijpDgLLi(RV=pecZLPiVU9eF$8g)J{cHf5 zNxc|1tT3!BL>H3sfdNVzMelGp*<6}K#{i{dGc7j#lk&I5g+bb&^Ck1NC8N13kLGt( z*ECuJQ=!r$Qj&y-)u`+IfaeV>phvYo=oTY#cvvH;K&8I^ds-gq-pQw?Hhb2hT&d(P zuyvfl+h|!$Sa5S;?YzYXi5(QJt|=l(uSrN@v<3hN$$PzwzeOJRXrey#D=mxhKUn$T zWk8pt4qL^H572mFAjq#C=AJkzN|ESxym)Wm?=v0IQm(u2_dTW6lzwo*a}CH~WJM-BvM>59-29G&f76LCVS?&PYw2UTFp<)m>qv6Af{^ zx!J(h1o~N7d0TS*d08fIgjA?WMy6`t10Yv53WKV%k9=&JIrGkt7{z;gZi1BydPIXX z(uupTEqg4!$a=%0`v%5PTPEUgq7P^7UgL{8WKss!u@UC3kH#pCos)-kwbW2^eqZn6 z%E-an5pAf=PyN#H6&3hy&95-8j(9spBbr=50+2YmAeIFpWlsCiz-RQP_V%9vwq0YO zMZh^`eCASVf{~H_E%OIsZGjEn&do*9tM?ahi>_1o&~Gc)>E1PQz&)k@6%O|VWORwE zZ1X7j%FEgm5*I@WI!%K{7y|IYC}+rlDSh24G01(tAH$X>`};r3_p7a0NN%-@X%C(( zb0<>xa9>amY9|(`I}^%{gz5quu0t`RIn_^Oi?a)kDbwBWCZu3n4Cu6Ah1z=O(UrJ5 z@5@(_ZBvs)%;|(q*6KyiSXfkmhr2csJLk*v(3~GSZCYj(eg5XMB?z7`XwW=ooS50f zaEqI*D&LX-IR7^(K0mDx5f&K|7~~gbrJY4;hli`^Q>%>mMO+>r+%nrDp;(`y@*25C z+uRu^K}lwJcy)|MEi#&w<8scIegsV@u@5W(8_)HlE%~8TjHF+zM-{SHn`EBCZ5oks z868~rlm&=>wTIZh<9!T)26O7WbO2(iX=mcCgaAJM+E{vY$l=!c*TU}$g-V@%l6yKs?~PJ(l5nu#Fk zuTKMoTIA+$GDw|3rC#d?Fp9h!mUdHc;S^yg2_o;M^O*@W)iL_G{&wgQ4TMKWozeBr z5R&hK`b>W12FWFGtpWBALKes*xVoAm1dLvggErJLK?xklrNv!?$TLDKdZKcMEl%QP zb~=gZz@OEm!|_Cx?yy6QLaA`q{dgzuOLW}j(xrl)?g=6K3ft}#HhL{p90Qz)*qFWq z_Dn9Om|>dphMwxsIa#A4PYag6hF)I`<Q zC-d5j--xbZlcrVfx!BiDP_TCxJ!_@{gbLpr@On6yPG5+Oi^?xpPD}vG>_9-XcLw1l z$JxIrNpOofGNlK^b)L>yyXJC`f;3bzc2%MTMwVCUC`WwepiweRULoX$B3K0vdj5<4 z#8J(=5-LQw(L|g-SaH3-1=YV#4mSG#G`5Le;}<*Tg>XSW-z#|;Pa;8Y3glNn4%MeC zEU-n(wnlZR^A2x@yXNsap7_jbCc|T!f}|uq`8(4CSmU$KTj=MjHGc#eZ{?Lwx5{B= z!)eSQd6XM!=B>tUcrk~g)prEZr%GA^Fm5GRlPl&qH-$47=SZr8j4R~>d(sjy7b=~+ z!If}iusv&N-+^gz02+dI>0^Vsly~nbUK41D_k-kFg=CU|{-6DrAE&GJ0OPo0g=#}^ zd4QK(-$@@0WV{(QP>Q;Haj#RtNZ@`}AM!bFtYS4fq)4O|b$eydO#ns2!>H?#LZe?Q zqrBwd2gI%wUsHVioRY;*`?mRmoU!@ntLCjKe^L@H(w8z?Qe~5)2spB zSZNm(-P`kA9v2?hoG2%wobM$1BdPc6;KtYCBd}0#B7nhx_ensb{U5ZSgClc|@x-Wa zBnEi6*|eVdrHZ*ssH+xjn+P)z5YHlhAGUwFWT&ja(@!huF6^dz_wIV%3l8*BBd<_Ze7eEgI@mClONpV2{83aoj0w)8 z(VR5k^g{=|^ap7@Rpg-*eR!i6c7626Rl5BA?d(!-=$1ynPfFjf-iDp?wuA#Urt?YuP@H(_}=^OSQbJ z4R8_LOIGzAm1xV>wCKCC99iVgs{V4!DNZ4QpF-#4NZm`QYo89N4w+RxptO!uw zGz>cE<>ynXdk=AE(2W7G)S~!KHG#v95A))~Kg zIV9BO)Y=i=TU$x~w+CmOHw1UZ`I$9ot0l7{Dq`8J1GHGUSr!JLXfjG4W|S;=>qD=t zDW8@`B#K@NHJPr-&&utrkf zfD77zY?1my#&;`q1&rb1A9%S&G#?A4@-a$K7vxu?$&Yt&HhZUN0`Qsh<_25a^;Py= zkz!|utnl5fLQ)$1SQZx*6`xF(4GsmgxbLzL;7(2=sta;jFJxs%3ReUeo`%%u*PoIO z_CP|-1CkG#%Jkdr*{|c0ol6Hz(|?o95RZpKElPhzg?WF!|Lmh7)g@DzM$;R*hb>i6 zkx+%nFa!yuFT}M=sY#A{omnSpcSKiAyrkb(DM}Mj?q^dQs!|Ej!qWm0hi9naNsF&F zxLFjT_8`8yM7{m}v=Xx(Jh{p1v}QU}nNGPKDjYSRH)FnWFRca8fId_OnyF6J-$`9- z3>vp{l=Md;(#i}tzs7dl`Y`I_#A7ZM9Ne;iuM(> zd{Cyr`><)GlfXSf-4xgK+P7OG1S2bfJX++?uzxlA>axj6zGL(xK=`mj5Hm7VhK1cm znH*68p(Xk0qaEflwJy9*1Yu0`%(WWtlK(bIaLkBG@bd0LVW0tI-EnMLu!M-}SRfTGh(0IfdRrfr4!&@j2qh}IYA&A#g9c|rmyr-+?Wq~J(> ze5-u1?bq<;X2p98*p?0c%lDhv&ITJa+ENoHO2sUjP1!dxjjZ;=KQ} z^XhinfKZ~Dt3@W(TWRqX#@ZYC*K5`Gf#MCjt2kGkbGoyHitg@zou$!S_c+Z>z@)q; zd-~*ttb&A@Euqz5+vSGgdMxxV?>NTadN^%w929#2e*7;*p5t-7brX_rY z9m;0#!e_K@%}GS=<{f-=wU9z)w^N)nn$Do$1ex^NM3^zi%n(R?FquJ)P!BC!TS;Kc z+Npm|Zz26#QH=HKQ!r4|pup6ezJrDo{?`Va_CO83&uRRTsAmQ~*p@pg*)wj_Vf0WN zpu+7$u%LQc#+Zs)9P;tA)qkmfUiPrv zcWRA`nimw{n2-&|=1(U@{Y+S^pP&!0FZ0}ww-Vz{_us>|>{pkw?zh%O9%u(Sr1xfh zr;?Zdr9c9ryt|xpmSUSnDTbmSM!-~(V8JJBFJeiz(P`%LBaTF?bfrm8rFl6#B>;dF zTh26O^f!U{GlJ5!hkGWOQf*k$DQoBkIw0@_!Bc3Dt40Dff0}XD%uf`}8LQ8>v`9?4 z6)D?7JT3fsim$Hhp4MO!_aj>)TL}QVU}lK=W=01t=bnyhLq5WWQSNd) z+ilzHtVNWiX;ok@Zbk<*4H59AARF^)T}?#(FK+RA?Df1P3lCc>qp>|a+I>gq9SHu| zy9eH>UJ>4TV!RUG`1vB#)7_R2{2}v^A9MkcmJm+rkTUshbB5rlKW9G_MQ!h%I|R#v zxq4THW&AltvVUv=A%L+@b5x){bu;dtic<%xtTFdZ6@(fyc=5rZ9K_S~b}w1C-|3J3 zT}gL@hd7Y>H-5s!m3-n++`YM(n$<6N$uB#Z)*DQ$BzFY6Ra#~+e5`b76J* zurVW5ShRkizG)SbS37?PjEbN@Kr~@$V=I9!~$0*%`jO4sIm{_5~(zk zs>3e@wZSNEtwVadFc090YxHMw(98U1%2%9>;=_NWI4XL;V5U!AFAb#!d?uV1754pD z1fi+U96<*A_7ah&|JzDSON&>yZ;7Hs%H4|ZDmyyLT@1xrQyQKBrF3){Em)@t(h~WK zgpTD+4+(Uu`Mw>*h1UtJG!@>QoIQjd89mUQ54c`=6Mnj3Ft&Soecd0h+@ds3P_dDS zO?7!0NCWwWUcN}eEt#paa*YWWBojUpgqOzS0Tv$YPEWab>R~|t9-BR{nl|MyQev{f z0CZ($1rk(^Zt=3lCaWxB#-jPR=R2!l8Y&6plt#^Vs5{^eH-TN1RT1Mw_Sb1z9YpUn z^nKHY?~X{Z#j-1b^M*9GXq+*+$Y~xoTIu&z0C4_hK0Pm>%tKJcxvrp+8N$1Ox21|x zdlD)1MpuQ22))#Ob<{Xf92sc)(iO zrrtFlN=$Wt<5aZnPYmXP;WPQE1@C4lIC z2NY46e~G@lJPr{k9q=*KC3%YgxY7a4)JpJ5(*41MInisQ5GbVHa41?PJ#S1XQj9FF z^Zx!OW7CJj?_(fc?Z{USX8pY^ceCPSV)|W{=i{!!<@llytXe+#m8tAd{Emos@EdC5^-YD_n{U*QzHn|_5FreW37nSxQUca^ zqvsLV^;`0~JtwOS@-pslfkjNrXW-pO9SvtBwy?cujwCk!zly3(~y~=c}dq$;~p=K1YqFY~aR7z7qlglb#h30@R_hQ`ACekKtDXUeUpAH8}w` zn|Do*}RDLIlvw)M)o~c2oT-OoOAJgaL1S;Anx=g!ml?IPiIggZ--qJg^{XyUN`H zUQ{zkT?I{3z|A-!)*AAaOD&M8tVkHsRRNrBd{ILb+@3eK5{fBrQ)(FxmWjOQm_?Kd zf)Hi(ZBDjZ(x`@uG%pT-doj&nP_F0Z{pnD6D~e&lZDCy()?nTVhIQ!kG`y}M}l97(0n)Y2*|A|WlCEUB`sL0@mQ z?-Q0Dp-`~9UQgtaBKzi6grA#Yj*T~(`XJyft-!426v+9AG^$(jS7=-FcS*gx+B`{p z{FtRy>f6`g&|nK#qE%#V72mOcEtRVMYK^QT91@S%o2n^LicnIA?{}U?xKgEs?;B{l zb)>xSh3==Prpo8!SE)>t{UW5?9ss58*sDlRv+Y&7Yo76H!cByuoAxdzA}>zIx109l z8Ejil{gq~o&*s!q&Pj~e#(m@pdwSR@u%SLM->*)t0>bhZGjT?bjvDQwlVJrKE({?4b6Lt&d*|M(GT5C2Yy-0 z0Xw@Q0SK3(vnAHgO#0vNO5~D3vaDE#nCOW8P82762_ypzI9JJ=`&vXHXqEL-{{sS7jP?nJ6)Vfi8c9jrS9PV~5syZC5`=@7UWk9| z=bl;Hzq0!=R{Nh?dJUUP^<#duD|U2TUyU@nSWWq&@Lo9ee|!CE|GBqa(%0HvAFR=v z2=_q;fDVzkXuF?()#)*j2(2jY8rCc@c&wcuaSfrTdZ%|GC;(`=(D63J31 zpFN-V8A5gwUa=5pnK9KW2f@|nU3nG%ho-$9NN=kh%(3IOV8zHFg2+sYXeK(&-Om?) z4(B1J-|tZT(!o^7Co8(qWGaEhB)tDDc&rk_NPkA~_MB6VK_bzDd?p2}ZSfC#JAB@toyk8`lj(b2^i~LJemaSan z3jSplZ_g}-kMKU%I6ruHlT%5Qt~vL(&3;L%ba^?u;q*Jt{?`&@)MfhgJvdjHkRI%L zt29j}kfTws%UxuPFFutad+lsjt*`^6gJA9$BjQr64BNCIY%+>+p{|x|vES-I--tjN{LGVhjRVhd5)y zk!fZopv^?_@*7hME!pCY`ESS$?ccqLvM%xBw)WtqN^J4Cpy7(HWOV$VtmDEn=GDOz zh*(Mnw;4`-Rc__N{cK-bzz*bn!i2r3Dhnw#S?0Kz}Co2XPBjritqF5=69Y~XU z5F55Hmr}fXo-6TDGxL6|89yW=Un#cEc^d)+*D%KyaWozgWl}c&33jJAM=KJS88^Or za{S@c++b4;{@GH1EcBU!Lst#we^py7@0|fo+AMwJuke@qXLI|a^Mu@Cl=QP%%9pjx zg*h>K)2y~{A?)iuS5WTfP}I;Pk3-h*giNEn^4V~{fsB-Gt@4NC4<4Frb7%P>Jsb|G z#I=-aQ^gz{7(QV8Il$1bo)ODU(r5xK*s`L_6W!h{+I6L>O`GJE|J7AmXMRU$MX8l5 z*f7uU&x51qENXpUoS_P{a%Wh8R3bR+8Lk(mN`HJw(mTx;6t>SX*nV69= zMd%VDuCOXWuR$mC^R#JVgulPlt)<6a^GX&C zI$(e*D~oc)@|VwkP&Y*9*=!2Z6*6!vSrLM`A;9Jym_=Tm9GzX82+S^m5XcfyILvF) zS8u<>C4!8_t6%*5ImpFXSI0wuZAjRt56|G~7RSw^L55+U7uwxCT7O}VZAlti z+P$gQU5S$+dI5jm{Sx-rF{6seJ7eZh`%4^EJtB2x)I9kK zfR&c!?teR@#~Vjyn6-}b^2=$l@{GO#65G2Qo6WPm4)+TMIAx!4vo2C-`-?*LY3%_dpl0cL1Es1S&Lbn4{WI+VIrbR;2Qs}&~ z%QMqW9EGYg#7rkVCAabI588L2e<>AC7Qqck8HQva*#f$ru{Yn?e}Ik_&(hdXhspnz zQ~`(`z!N9>b2Vb-hn;<2l$E2E!Z*h|nZSLd+}7r(mHKIhkH6mjfo=R-EHztYVBxLWGh5@$z_J&hUQ=;@Zf!hPm=d!mMpI2W}{X?wa9u*MJn z47NqgmK*$!So-jALxovi1LpL#a*t{@NyPw73i!lQ$E|bob-zi;~5-V24GB^iDQ7Lc^Fl zdZjXNkOyQqRRfBRfB|TB&Q(gFePeGySPu1sxEOikSC?9G$&-O)Z~x;W7DDrmscY|d zR>l7`CD>BcGGkmkXu;OlL~o8q@XE(hF`O^e2i$`GkprY7U&(fd-468OgHX$_Zh2Qz z%!5z_*iE-cN9^hO#*__-F-%Zd{}>!^k6-u(>rj1JC(p;20sM`Kh-HSlk!x`#`2ZMt zB}28V(g$uRDftx~-4t7bEn7UXCRzQa(2qd{TlpY_S|K4`krQVC)ch58d(q*o92V^J zUwtuL#()tbUVifSuT%O#Jm;*jyFhur!|nIS_)Gs+T9W+U%WO}akuNBYk!uQ^^nUKf zxBs^GIhMbE4Z-71`>Q(8=w{DJsYk6Z!j2Y+5S1-U;5uvRL3d7(Hh-lFnt7=a=UvXLi!QO*5R!5}Hv^2aK-NjTO@r?XoT!}bhriqdTw#=cWF zWc98tRUV#e={E({&owj`MRhIh;Wk?`x6i*agsA%vw6oFQgmC(CJo>(-%_Vp9L+W>04QD9E4!M50*VCBM?=x7Bh>5y@#wKr>L9uFl6y zC1Fmo*2F=(`#;u!O3vm2@Jf2o-S~SpFN1ti`|E2wQt1~1K*o~k>T)MuW9O+2v~Wk) zRprQIHP)Eb{m5HAbZF_(zkixO$zmx1Hakgh5RK-0oAg>WP1W~oZAKsZRLR1olg@Zl z$&Y~kJblJSQsP@pRn^wd%KDAcD2MnRo->kgahXof2fz{-2iOwThv8W~kKv-^Gy zMJ91ca78YLaLH&U!A`o?oFPz|3$M1Y>)KTfL6O~=kwQOJI2--(R`J)Hs^#$W*{$NP z$k2*|)0fneor} zKQIGGj{*2X0sw=HEcIlt?qJyLZ#B1y3mx9|KQG;%9UE3|GL&-_gy7|-76u{)2MBPc z#&CzC+%+6CA^}G%byjo~0OthDom_gw=0DQlX{b$5oM`IB4|pqQ58>Ek-J{WpcG&b> zc#*cRF}+DA?jd})v&u>U8bcR%apYSMIVJdydaSX~4))=#`>p@41^8g~v8~jHK)zGS zq=V2ANdmoKM~_&=jO5v1x?T7MVMo)~?%C%~UEH?u&izYXLz-wx#~&dVf78KJjIqE| zr*Gr-Xp)9BSZ__{uvSD-Uqn-u9R)8&8QLyrMvR!V#$I+aZLd9`6k~Rf!25t7qLd1g z`Wz(3+kk7e?%EwftY^H{zzX-S3r%E7Jq3CHPf&97H?MRq%cVLmtpZBD19I4jr0b_ zNT9$?F*590Dm0NTp@5;u-kjyT>cCb+#;XRE54M;kcG z+K@~FUP`lnHk-d=#>KjqA2AadjIe?kGI}SN)ioWPlHs~z40OZ6a$`dwj(^r&*S{zb zw}%SHUF?GbNGQuJ9dougymh=?^EbS#3?=S( zRY^5}zJxIVC@nNQv{uWqpId-acI$u^b)>QYP#tL3{YnUj5x8uGCXu3DZJdn|V zUK{^hM2ZaoG;^oK;h=#MtIrh_;MB@05AJ+wdbQ3)EdjaI>#M-#e#z#g2rft2f&}0M zwX+9CT$S`SKnhA*7r_%nyJPnUdoIr>#_dghpuqWKtWN$VTygeghCUInJfeFxocc)EeNYz>wT3o3jy_)+TW5Vj)G(4)zP;(M z-92i+!Qn1EM6gHZ@R%e&78C7c)f~DkFOTj4Lpoh_!2iX@13;VE|A2iz@0Z5p=O+Te z6t647v>emp)K!N$>OJ>hdW2{w-?k*rG+Y%DDLLzih3XzFh`GFW1Uz?jFDrBVdooS- zyXCQ)i*3psupK=9dvto7-ScD+~1)gCC@=`lJ05U?tT$mNJrtCSDtUC zB%w9$iN($p{b0f8I{zaU#%9yo38=yXEAnIq=T4We&qS3&f@iI6i*IvoPve3NhTQVC zJHI3&0Y=Tzdx)gr^OR@jWZU<2az(iMcERp>^vME8@!)OpTs4k^7PqcKXkbELipqU5pjDO zMy$6|Ff_!tn0$}U(TPGBw_5&r^l@iEQuVXXZN=H#8^qsA4`>o=gn1IBt;jtaJ6#0( z%MPl9!45k4!NbuB{xwRjL9uSftFO|mbsA1nIL3UR<OVF4kR{mv1&v9`{->H5|25>e zoi~O0p>x6|59_C@iZkI}dHfuD?n$!PpaPo?tj7S9jV}Z#NCl zb9VY$1^ttliP83!J)Hm5(e(TRfi>B$j44X#KEG=8UjDjQ#*t3WZF6b5HLbw8bzZRF z6&W5Hh^k`P*tAB4xlBBDykFRlm zn>6#ZxonWCfNpIlm_gvvRlz4i^thftT;1G70Pd|hgeKO~3p*UlGMt}FAmHs{=r(g`xwyjf^adLlyvY z>%WL}b7)_Mm5%lGYX`vRh0~q$^Zb&W&}h|YMx%70BiOwH%)bCTTDGf?OmgK}0fd;O zSau4YyO{u*8KJn%^8(P@O7#+40)UGW)eMX-`0d#KNvFesjxI1gjEhx5Vl`I_OiZ^c zT$>7KG>!NtYo$UX=wPd>mFWB!EgTkkIKn@0)$tog1E~0^uF4|-M}|n#XZ$;DEbrJi z1k;c%ri0XF=7le}OZ=Vxu+!xF)V-1r&j*V2jJH&?m&x*EJaTqN{)?;azV0vXvYb1u z67Bxn96WG*Eb`{O{fZvJOiS~oYGKS2#Ohv191PSkFjFof!UIfQHR{YcS7$ar zEMt}j)^{dL__q2qGXZM%^`d#uQpT5$aK38Y%sq|=0mN-p-RyW%Tldx+H3Fed>AMA` za`N)R;PSGS%HhzPdPGT^I)clk5fK+e1Y$^xFTJ~ex*$G`R}hIUo%;}(Wjv(&@lOVM z4mZrAYez)Jk-@~w33b<6%soSPbG*~l*Vb^D)qq1feHlWwMZ;kOQ*Aa-GmIDzPA1Bx z^^=>as)I{9)$DQXQ!TqL6Vj^#_8&4JdN;RCO{Y@aT~$AO{fY@M%i3FedVapWz4^r^ z$>x@sF~vo zJmjcX&6Z{5%qk9t6y7nrS=w~W$-ZO4G901)SC%1o%#pDgPZ z0JR9fU^C~rOS4o}({9h_6_BP{iPE9R)LJ6l_W{Du&9W}f=j_9Ybb9we#N+#?Cw!?=-8F)R5gfW}#wh~A z*4AJHaxetooec=743=~d-pnZq^E}nobjamWc_~cpL7S~aFAF7k+L64;v)Wt5ALN-Bynckeq#g*L#P0QZnG1f^L_M>_XM~zoN=$k zJxM8J=AVB+N-lx+Swu4QT5Ip0p8oL7*GzbKI{uG;_qYG}yMKA}_Pv?9IirK1dyohL zWj4HswAS*k93$M#5wS4msm$a9hyZupy*EUxQxQNi zx8B_#Wp;q+{O7H20KoE*++ryl9eVFC=kt4hTrNvE%u~(yi!gil{xP4J!&DP&diVT1 z&+}9(60ghp`tH7nynB3n`}pYYLIlY#z_eH}%9JaBuC~{-Ls-()hKE!h6C8cu7=|F3 zTVZLwwcb;g+)cabyT`|;=a-wCPJGqVf3%g`=6Ts>INHZ%xnVjTz0nH}NAWQG`=k{T>2MB-}NPPWNk*&A!Zl(Ph zl6ziZKl))^yMK36GiS>nv*b%=Y!F0j-Eu$%FnAOR1n|(#q*V^LtwTV~1V0E>Q`J(k z_;yuGa538$8P+%>?~DkTP!&8E32Dnz&cdUQ%d0A>^yU#Eg(6%b03$Sg_tK_n*WP}l zBgiI+04W6k5y{;mv!3j5x|;Mw1fYR4{m7@x8PWcOLm-%ig{P5{2lQq{#7x~ZOAH^Q zBy(gp*QTcCVgSfl6|LL(vLNE=cs!ksnelNv9BPr5%LRuME2g)4+GW(t!u0MoI#mcD z;xHtFAh1YQ*@z_`S3tA;I)3_zh}J9_!0C?Cx;prD6o}AGRh@~kK)0SvBLH}KYl;MQ z7E_f8fRtJdbP^EG} z&Sx1QBzs@N2qeMV+q;+N6#@oj$-_NdV>*kB_kB7Ex#B4>jbyHRNU`>*&X#0S!ckOEPG;O_SdFSSrWla?t?hakgFXw;$mp>d2 zles@WKEIqV#8hj&zrVdX9S?`;bex3o;r{04G_C8lY?}fi;$g1yEZus9C;PRCoKEHC zWjUYM<X1QW+gy{{<0br`OyC?t1x(V2S9g#fGh$NR> zkLQSZ*=sd7FNHlK1s7%`5OeRrtd^3;kckYEeGTijnX9=Lk=L*8Cms7b%CS2EYXn+S>Km?ei5Hsu}GJv3qlhpyb7w{tMnexnutcEEyf>3t;Hv%w3=i#wa^1sm?FuYSV~`M#8Gj_n zdR+Hk8iT^#IbUb$z9$k~Vbg?=DE4Ci!w(|H$PpqMx_<;@;TW{Qae)AYyKUPlgb=yvQTes_CP50G+mbK`-wTezwPQOVK&NO%I@sXd-LsFH-(075*>^W*bNSA~p7 z%T6aNK?HX&Qygh1QdwPDloFTIzSc;Uw_;7nmi08}s&HKl$Hr2vJW{OuTNdO{-XX82= zw8+4_!72sW+aW+q3Q+C=-!&oUW%<*$-@bYK_E%qi_WJ(j`Em}3u6kKkARxjz2@4Tp zDWw!aqSnkjj)%FiZfj4`KOi*KstgfREw{(xqgm@(N;w{igTu$f#ZS-c{oP@jM7DLy zQLmYENt&ZE5%B0b+#PUtJ}1PW4^@)kA;g7Qd*8PH`r&44{ps8yGI7t%JwcXmcS|7} zFp;ZE$*J++2qNV@48Air0QT@X2f(3Ea7%Kb3-hk=i~THtd+^}ujA0yN4j6~$z1gr8 zAS5ab0LfH|(Q)8@l1Akq%zm|;h7ooh;N7Br5Xc3Pj|~Du>za*Cia!!_$%$MVP~;ux z5gu8=dPD%>kk|qOMEa=#LV`4eC_+rwyC!KqyJsX|MgaCm5yem`1!RI4GLM}~jNk)= zV4;*)F-yc4%Opxaq+Mo61U5`L6FGC=!I_kgh0eX;^@5@lR!F;MFv_SA`(+A zl-&yxVynk6&>fJWQv|lG^W_@ z$3r26WpU471aLrTo94ich~`7dI%>q-Fhat(1es!&RebKo4+m?6gsY20&NM0%&(BfZ&)s5-`=MJ#`nIpX{r;P8zb}Qq{QRMHUE798$HTm< zcd)f?9=mAR@q>#R5x3r%sCUhrqC~`nIl^1-t+gNCzyICu|3HNEJZbMQ=f%u#Z%^NS z`~B(WcsL%mb^W)0_cvdC_VD`d^_%yP-~I4@+uBqFz}1yl)bx0olCAx6S=X%r!tL!* zGK|>*yOE4}FCwkm_Wbg4IvjFM^7-)LQZR~`h`83@?vY=MnMbt!Vx{yAvjI#D0R`@b z(N96s>&Mj3zTDm1_HG*|y7N-CDn_YwMawv$_A(U(mzd?Odnd|MA;zzxx3I(t{Nl>r_2LN&zqr z&~D)X5`+{MPzVXbk)@Prj;#K(k~X`!yCH;B8|GReqHqdE{U^%Tq(6>&+D1Uw(Ds-I z5JRAupI=rY4uf+)XST-AUtf2y!$E+;!y<+OB?5wn2r@Ad3yZ01H}6q|Gbf>|hG!s| z00NTZAS?RQ^Y--q(z}W9@s_O{0BW}k5=-4zrV7C5Fx?%Af1Ge;SDy^ty`=GUH@?<| zd3FZgH|RYX>X-7EYePFAbh~PHJtE>K+@hbX$5nfP7!FC&^KgK4N5-56x!Lz`ejuWU z`^6PH@bM3`<}HkYYuUzP=jtSf{8cW-Zq*by9J76kbG^?g^}T05^x za^-s0q*me{2$|&OEXe(7o-$RD;NkX!NXO%WSuA4R+UdZTb3FkBK=2Si8GH65u?7 z5qSKTFcr4lJ-sls)>WOQAh2m?#^bTlm{SBGgr}o3oel^51WS>Z^W}J)^LYQLNs1U! zF^Fy3vU^2<^y8-hcehA#XA<%N0GUMq0%EEaFb!B~o@!5KdTJPOS5YSupeZx!&)0*3L{sVcm$aYiygA!cw>hO|ys)3rQjE zzApW6m&(On6h(NnRnx4)9YnC8q*F!Gv9#N^^it?b zJWXv64DsOr6E<_gY?sJ=FR0=pUPAyt#I@9|wJZ}e{K(9+hEDZWDOEM)YB;p`p&XJ2S zn`d~B-6QmmYC&$v_& zbB+Y#MM;l`;hI`R3QNv-yJ?DF5rLVD@a6KN*44UMuZ1NLF}n8W^Eu~5z4xtkVPh6m z&C%9WYmOaM{pE5gOc+3bRm9EL*4*LceEz@x;h+BDcYhF(+tcxjPhK(MvM%AVwT_rr z!_Pj4d0y70=H_vGI-M^|H_ghjn>j=Pk_f4G+n&$s={S4D`=^(i)A3J#e#0bx^{X%M zZjPV6ew7lDbTI*p=`cZ907h7A9nt2g9FJwBO|meTI?pm4)FJ@XOp4qcW&lv_Xdp6~ zX+l!VvL*~ogNB;V?nn(YweS>B;?4>M#4rz4MQ{S5LLvnr6}!eI-0h?DXd-4#7zntg zu`H+OQXqgsDJ4=uWuAsENT}eN>*xW1wG+a3}1hnK4Jg!XQ_ z2~)UwIE}g~OCC%;p%tovYTMdc*B;>_DJ+M8G;BaZoThR($e-VQ8{ukhZkDEQ+2tbu zjZB94@mUSVk?oMol~A`W%%HIR`ioCKy}$3;5d1Kg$yw;*<(XxP3F+~m%hsCefp%6i zfe4SAfjEZkV7_nU5lC3MsGiF)siK zr>QuZfd_<|ce8cvBt)3`^enKu>(Gd~4fts}oX9E;Nh=|0L=`eMLQH5)h^t6zEz^Pu z^V8FXem-|#BJ&_7M-Kx|hTK@eEV&?W?1)IIW$Gu!UjqPfu;C(NZ3+-HrfGvn69GVR zoym@4mWf70*?%D?Lj*-+U~l^b=O>u|nAT~GcI7%p9+el3X)lcOIxPjqaYmpFvT0pa zjR?ctKQOntZVN~B1aAm2%XwL*TBe)Rsm@z#>$Yjv(>(Rwdt@FNFk)q{LS~qhCmx!r5M}@$mqK36 zl+hm%dnUlkWjjn$5&Th%opTCAizFO42V3Yz*`3Tt;MiGN#Nt!g&V;FemlblmC;C zdDJ2S(bAY>zaDlyfC2#Vk0VOVofp}pry3;xAp$_Y?Xcf>`JyM7t?H^;n2BiQoCk#a zpx%}7xMuTHi01h9u0AbBu(w zmW06&(A+^45OVmy#9QmaA1Q8*$9bCS-R%kDxUB2>vY5M>uj@7g9*^^@`kZx zzWn6={nN|S^SSpvO$8B(5QQMcvS_9UB4DW!i0jtwXtz4aFJh#*0TI4^eE-#FpCN)s z%03eRc5_EZ$~;ldhc+@ODq^TP0ia09FD|`M(s4iW`zxHE)s&};FHr8!@5I_9V^cWh zkDz8*ZXTw(Z0is2-fr85;BzgtFpey2S5xkkKT~VHl!3J;iD)1)5w%nbZ>mo(=iWOZ z5W>>do71V5y0*Tot+n-dm|xwVgsAn_p4!9hZJG*{Qq(hf?IYvpS|lQBDa7=$tVkpx zfTZrf{?!+^H%B#FTc2uet^e*1Uw`-g54|fwn5nxj>pD&4_U_pF79*$!@=eLfyGRKn zb3i5}ndW1^tRgZWBq7D)ao)By9C}wCi%m@3%>W#6h+CMb6p6h!MnVR*u;jXo35$8# zntKw>IUlU98&WWaHVp`*AVPH~gg^|B+=+V*1OQ|jsL#_h&yx^uo36c?I}r=U)|-O^4Hf7WR03ZNKL_t)%9#6Gav2OKnC{og%g;CViZAUeBPVzwX z0g??8;~~9P{xERWBqRV3bHL~rMj@SbQqqjG$jBMO_1{RF|F|-VcJyr-re4R@%ps|9;W%zhu2e?wD$9gKs+iW`tNoUe@K^=nmaQd1N0E-YW&v<}b926&)eJPw%K``)fk*_m zxAXJ!<+8N?zQ207+qzEX$J23HRagM=-Qx=Z9_G0)XZu=f?W&i{;v;bjxv+vqcz5fj zX1X?Yh-oeWpb=p%xicU@Sj;^Wx_!{!2RNM*EC5LAt()hwok(7m(K#*6ooVLgz)WsV z8EyQ5z&|{5At?>Q#}l3Iu*0J!)$~D>%v#SuSVWY>*6XPs9kLce_W%qc zH1$;xP^3_JUyTKIv)=V` z+0={?XizVx79ysIP&HxH03uK|$)r^tb5BA__{}|-B4Iy93_#Tp2%k-NW`#0KW^Ac> zXy183#2+{!=K)c(49Ig2mOVW(0tmc&K9M%A3o>^Iq3JQpF-vjn$A{yD=Fs7ZEp0(t?O25jK5bh?soTps{nQ zcQ;ca0%jJLTEyHDhG9;!W0!4BhyJ|qa#xs{uz03WyWgE|vI1zW!ypi6oY!!7&0FzD zn#BH@Y5@QO$0{Znn!G{y?_1PyPhc7<+ z^!vAOie!RPKsXW>rXu8K&R*-}7Ck)6h|999TSI{R+nah5-~+sq=JfvY5k?+76`{-p%CQe2 zdBE26uGCLHIU(Zx-QB0JA0F;*tMLE#hd=!8_y4l3n^bXE)4oqX)P2~ICHWxdkPtwO z!sKc|qq=o>HEXRAv08A7n<0?Wz}Xmt)6-538;>tuy;u+C+ z-vgM*-NPfT`p4)v$wGS~F6{ctFxcR0F88Ow;Th1Q8J=Qi#44rp(_kOA(8^^^RGiN5Ez2&o9qg zYv%Udn;#H?1q0x+uCR+M^GjE?u00}Hf&}s(m|N`R+q}$qcWSYbK7>**M!-T~k~$ob zsMPZQa-OETt}U${a%G>FOIJk__4elJEfELs>2N&Ghk2U2`m%jQeglImk#BWofF^gw z1W{Nv>o#P*PW#HIQZe=ML_SZGnl&{<`paMc`d_~O`j3D5dbupW`OOzw+eD=IZ1-Ya zxA*U!>r~aPwSHOFTBlDxeX#D~xVFYfx2F>Uxks&)c}?f1wse*p0(dt^iS*{S@bt5e z7QzIEUt_*&l?gxOhzH)~Q{~_cep?yWfoD*8#m_fK`*Qe(*;w9NrYWn8gyUVg{+eS>s z<9v5}Q%ZSydakt`rU~~P4eQ#QnrRrX>y{t0RtmU*J8Z2>NljY^q$KxvTxF2BZ9Q2r z1Y~CBE*$2bUaP_~_;rIFgcwLLoE$wIB5Vu@-19~w42W7KRgXX0Bt7kvlVul3bhs(u z(7Oi!3n3E=UB!(NU=|4EW^*aEOh^;~$K!liR`8e)Qz^8rOAx+1uk%FP*4C}1p?;~v zjL0Me*4-^IQ#KJq&*FCATIenCQFfsMM?y&O*7&&5dn8V z1^`quA{3O-x$o`$Pd`bD%j>|yvy>lgKK`r}DpGPbh-B8vsQ3WnGtbU0Zv2b$dDP;Mw5OHrGX5Wp z!_!mYY7@R!CnNDafzh8hCkAl9aIfP0?uHH8p0;E5BRw^Smm=jXNSF`v#2@qnd8a1m zNJFLI*%0O}hhyj(0NAx()^#1^dyL&rnTXy$J~5#Py}G?Q9cOUu9lLh5Afm%OpO-Z$ zf;B=-vod)5?(z9@XxmE$ppZ8S=zcSm-YGi1tN&( zc$f}T`S1VsU%z>L`al2UKPH7;WT+-mX$JdA%v2X-)~^56zy9r~4-Yq|Qx3z!{nLln zZ{ECJE-O*6BO|m8O%waqsY)7{?rpdu4O2=F2W5wh#mwj6&*z6P zKSd-M31gg)yqdPwaw>dX=-mrwh@Nrx^v#tYF$ajWNBqX_q!*DY*Q{+uQ|*3@yP<^R zb}%kU8)Jv>DB-}NlcW&){~irVUVxdri9wm*5pa!y|N770{O#ZTHvqs0Rahu(%SIek zxaH^%+#y^LK{x`LfQTee)t0TzlPv4y<$Red2fBls8*)BzfQ0G7>FCH#2|^GfhtTG}RoV zy?(eWTrOLGzAO>2>!g!^cvWEk{H=+Ah?0}Z-mhP1L^M?xv`-5J7EXKMTC1&FR}-SI zKL7mv)6-X9d~uix5`6vbx0y7Bh~{1@zy9<#352DTu6DjGwpm}y@&6VGQ?8K={N&MZw&x) zz|>WVsFZS;=VfcX8v-$2ZR@v1fByy z%_;S)Nx<5VAnvtt^8Pg--0~l}BS4hGxNmXXqlME=FHIhVIsB?f&bAV+)9C?jk6Q&H zhLtrFuWJ_;WWeN!s*RTkW83<5%(qv+uzLgr(4LPyY6u&{1^d`F9S$R@J9a!O#vne% zOWB$ZW>et#(g~3TnX#*mDNEX)=aMHeB~MKn5E%qU0uq@}77>{YZ(uwkEnuJg#7^PD zu&m(ot{Yq_h(KZ{H1$mf3kdPLjxp8h9@>W#A*U#LFPnw#(qtG>a#ug4>ov`-^|$XY z+BE>z%>g8U0Uo8iL1gz>x9#2A_iE~9uRnQsIiD{t7bGmTh)A8vJkN*2d~`h9tp%b-V1x(tu5C|{MFbDmbR;yNr%8lV{nAzd z=zDs3HeI`a0))DnSr~FU@%tW`mvm4dM6N8tm*?*KkxfEE2)HhagIgcHJ2=$J7`Ux^ zdF~=~nC2`RyIR-n{_ggF`XBynDRf@XZ{NTF{;jpPhR5UM5^muR;I1BqEX0K(yiP22 z7`Z2Xr}uohQ#2e%gn=1fP^-{>jqao{y6(N)i!23+BZwK3ofxiaPJ8U}F!3N_CWjHn zkxwTRC$oZoLOx_JZd-l}7S5P1lQ2eJxHIfhgcATBwMdfq^T5GwADMElT8r866&P}< zOonG7g09wj&%qiAnL7*L+#HJ#1bp|yyM)1x$HVi>C4xnSS$0hz0*sup?O*?^KY#aqkui4cYNwkcBunsPTsu=cpBLgIGO8+5E<*+YBp?8W@+?h>3DMjf_Fjzhb;$cA#=vCwD}cMN+m;U}4n^6x z3$C>|GiM!>gY_bX(}MvL_H%bHA|f)Csx({zB1s}aB9bBmKzz8nWzObg{D<20V<`<| zooF2C!A(X4ci*;cS3ppz*F2&W{)=CK_3HLii=3BB@BOlz5yJDuaqKTP)mpd^HPxIp zFd{vjU$)i}@qAe-%ftQc{q3!rUe4$LpRPCAnJmfD!_Hu4_g;7Zr-;a`tg5b3m%1C> z4M|OE0w_pY5D+8*)Ej88g*JKtuC&xb521~g+Hl7W7X$>5K$9RTYG74&b!T;E#`I4< z-D`FREskA}$cUgp00>R=G%rNtF5o(3UaiyI z)b`8qa9%d!7T5GGdxqD)oYn_H-9zzmv@FvnE#=r3L#od4YpZx9b-oAf6oIYP9 zW8uX3o8SKK@BG;x{TKhypZ?h&|MI{8AO7e6`tSW6Q$h5ILu#VP%8BFh7!U#J`sVt@ z%`GCkW6=LZ+K|VWcXy8uPobPrZKaH=btr5WSv01iz;G$H{6bEMwDR0z-H0$}E`hhV5*#vW5O zKs1Lc>VTY5&LxQ9D}dtcy%ItSL(Fc$%|yNe_}~!aD(F&LG+){GpOrVU+X+KufhysD zPhq@D*n0^kQiq5RH8Wfpaxpk2MD;bg)xDEaR<{;e*U`a7jHc=o+0CQK<^n(tMC01hrYu2{RMW7p`;kPN#F! z*l;VN=HSGL;1;N%dsB^n>2bG(uDAC$wn|oF_}DouZcdCEShb^@BOoIwf`bJcgjRF` z2>}e(nl4HJQ*%Wk!O9zFK=O55+eAw)Ij6)a*iEA9rb8~uw0t(I z`}M#1whZNTs<{lyydcr_&Gqhjx6I42*3%=V5RqAGrrqqYC*6lu-mulu_$sHgOo4JUYLv2k& z0%xkVi8UbW(Wt7F01%>+G7W$b>b$ZZ4Wz0zlV+SKXI^G?laLzlkL5R~Q!B-os8!YG z%eiR+efKCQvaXM~7Bb)wa2S zgGEymU_Syg#;6$pL@d$e)u-xFIL0j)k+ca{VGW`=A|?l1YGW=d%~g>c5JW9%Ts2d7 zW|rP9ci51*TXRH*uq^8C!;s`NekVZ4U@U5VB2+SR5^!=N6uU_6BPV@c4;cB;=rcF+{qzt88 z1irBLNYo?e(K?LT&B9QFt3(Gh?o=O zD(5}77U(H=`-rH4z97&_!~jmj#AK%Ee#x1S!+bkU|NbBS;fvdAH~Id}n?L`T|I$pZ zw&Qjhms&-Y38!H&w_01tSaLCQX1u++dVBwHoaejitL=6wDKVm{iP~K2GSAG=L`p7V z3J@ra=R}DS+`y3uwdwJAs!hzCh+o~^l$=iI`OW)#cQ~HTB0`9{>E`O{X16OTF{QB#SKA#DnJ9F}MnJ@zLrS~)NtnfCrUPyO ziAY?-^3Ked(AiTEW&j9Lnj+v(^69t)y~Yeo9SBroXvsw6VK&;SFtj2gim4ALy#o=z zObnr?#E-;#Uv8w4)lm^C5lx#30i$FLbP{6_v2q3cBR&BDtU|@knT@4|y`slp-mcIf zUOEcqe!yP%$oQcwh^svOBsv!^f=fQM0xIZnNdp&GeHO0uU1;pBEL?oEd=L-aqaSr<{2l^U{|0j}J|op$0qO z!GXZL(0SGPqFIl_QwKwWU^2(JWEit|)i{P@CIUi?2LJ&vmyFI${dlf()1Q9xb3%N3 z{{TQknNIT=7`M9(6Fuz@-@m(OqU|&eMaNunN*TIq{D-*;A|lo%v_`c+FA2L{cz_FE zD$f8B0t`wiQTPEYH7>j#UcdhNt5>e@_;k2`cy3i(9URTz{^4M*!={MXvQ%?Gq?~f( z9}`ko9us$-v!i$RO-fChL!=^sn2ISfl*A6XF0#@#kbnRvMGI(VYv+xLIizvX1I6+Z z(Zlg<7VH;XXG!FU4%pNqQ?Is`IC$)e?ias56*KcNX@riS_nRMkJxW9|f$h5@c6h|c zFteds`}7e!=Kns)2=Tc zV?>1D7Z#>Ym-*5r^ox0`YCl}SDIpS=xrVx9)iMOfAQpjYFa=S&^JxDv;`|CSejG-w z9yUAHNmiX)7~cX@C)Zv~S1wLuV0{RXb7G=pX)(r$6%64F^3&F%I6X|H1m>>e7y<^V9v) z?s_*2#T}NVo=@jDuivVOn{BpZXnr=E^7DK*Q9(lOgb8*BVvep00Gnt(zCFqvG}D;- zo2sbPswEWuX?Yr zt0Sd(u2DY1+UfN|#a)`HDL9nEIdKzRYOA${#gKzf-$*td6ZmU{C8P@9ZH`R1!viK(fa=dp^sxV-{|^Laj=&aneqt@GL~ z$9Jga0W9TQJ}!b^zPx(4-|sf#W-}3{rRjWLaw(hbCY}i*nrSc8%&9y52ZRA;MiJCU zY;J%aSZ35Fk;UHo1OSB2evZ9>2yyAe4AImUtwjB3i9a*s((j11BfWACKE< zEe>g;kyexHImU&qM+mfb87K2>q zca|~HW*7^X|Lgzzi+}T%zx&t!`qzK@$A7TjAD|PDf5dL zH=jHZb4P@w$uK6QAj~?TKRxZ=KRk-q;dpu&p6+h0Z+2UekomHDQxOp{)eC;BVya$p z8A^#X4D2Z}EB@_n<|5trOH}~~z?f4h+0>Us>LO)Gi4y>{Mbbc=nJBC-$;4HZImH+} zQ}3TeOq$lEnnk4%MtmOY!_5gHB_4(x1>bfzn0YSr$t)TGR5Y!@qkUYpy7*i7Lc5Se z0?_|Z&cq2oh`P?ZJH02$q)WA}ipXvb2{M0dfO{D$;L1$tTAEAOfdnDvr2b_^7Xei? zQDSm%Q;S}}5In~-Qe9emQ|tTt`;>FZ!}ad!`s(UxvmJ64m8Yl2r{^bdzuA7~#|p4C zarYOuS54Yd>;7<3(@1L;6LT@>RB;10ad*#|TNM=rgfK~W^AOPi0idfnuE~8tKr*qE zE{SQxDS;+;L`vhhy}5bOMDC1F=b3Z<`HQa($J4{p^Sh^~r{|MFPMmYujzccYDG`DQ zh<9i4iwPB`#NdF0D&093Iw3I59}jY`tEouJ{3Ulxn3v^gzefi~I-Tdg|G)gN+T>Ti z`sG(IUm&1}*4j2#LuOW|0keZIv(}~U;aGCHyD42=V3Jd2N>SgMgGJ&5;nEss$cW5T zt5KrP>j#LWTr&qIKtjOe7l8@VI_B`4vn`97b&V8aPH7s4r7qDbG!aKkIhRrlFy~U6 znxg|HE&yt#qOtIU!iTmFp=kXl!3Xw9;0a9JR2(n61dzeZT@_rZf9+um2Y_EFf16lh zQdxUlhYtUn!v{|>?4g@|2GKi6#BM$V1ZEJ{_Sip+_glXsKx7tJm`9=CM2OhIMI|9g z1SC9h{lW`yJUe0EA&u+08=%nXs9Hbw4ThkOB1Qs83HN zvpyxzUj2ktauu_A9NZZ8p8eYn@8S-PgwQBv`4(=A;M{}8I(acgGOk7^#+}>(-6D-6 z-LO-$9hnG;kySMAV~hKk!hfIQC#IB!fse-}Fyx^WK&Va7Y;^$#1Uk>{{kwfiC{3@f z#?z_R+Jv^fOSt*5)=J}iw@3zx4mHqSnbea*I z6U|lgfQgcWbx~%=2D;4_c6GG5d$2x4l_PK3ja4%zKvxUz$KbHQJhvew2dQEj2O_wN zuXSo?ND!e3%twWFq7_Qqy4e1y4rA);UELkDnN$OWoOwA*Ju3jTSqO0``SS{RZp+i* z`G+^XmSJrG03ZNKL_t*c=l|?qP22MIH+S1@Ve+~xDP!W)mexeWb1+U>X)bQoz(Y?$ zfCQ?J>sZ{t#Fc=8{J}^~6c{l){MOSt!V4H9ZIzoDQ`&5I0Is45piF6=XLq$&b%9?n zFHOKbr6hq5_juaAm4dxSgc_+=ow0+=5VdZT1~@T)loj>Si-^qQIj`?itcj+mdM`GA zaeM%#!~iZLs`~VFxVzn{#oJOOWTJUqhO5nXGi)})-+ceBNqzP5cBu+rfQ}SxQLp{2 zJC;%x2;qtYLO%*Ha1D`Y4Ai`Y^QIUPUu{dynN|qA)tZ=w%;0`|z1wa^Gn-pe(^ASf zj)|${9P1Vg5^~{Bo5q#$v^rgJx_^59`tH`zLO}sh>3F{p0RV{-rWmw_6MythF(6GG z6pl!GrVep-1mS}xdgz9`qj8L+J93Yr+EHS_phh5u)3GseY{c*vk9So{_CAH~mh-+Q z2YHvDh5Jgxjzdn#%v5ZDIvvjE&kxuC=QqE3`~IE~t~OIlZ{}qID2S9&LZsSc8dFYb z%{nDBudO2DZZmB*69Am&`QiCVRIfH;Nu=7|JwE>a&tIv@)7}o}+1)qO7}ckUEmfvr z3?yhAa!yoh{i~;ERh!0PH%&*80KB-5U%b_-s!NmF)SbkDi1&xnuYddP|M)-s{ao^Y z_22y6?X>;PuYW7GP9-(O51-Bo5c%AdO z+wN4&)P|Cuo}Qi$&xifK)(YU9*qsD}66RstnR5bw+FE=&alV;@h;l|>k*@$BO`Q`) zPLioJF(%{*Q)W?d$CR_WfB_`}_m~nOp}HnWW+q}YG;mv5vshQ48 zHI>$+H9>@2XqlSu$wi-3B>38s+J2{LnXWGgub7aZNw%0KP!Se)H0B!qzA$i$*j zo5*U$8or@`7(tkhM4a}=^WktTC52?d9L+)v*0m>z6JjUCaOYA6bC^Vp+%#AZNaE`5 z5kV5&LyWOfVmFZRYiCMKaYlE0I>ZP<`fSYws%8-8xDEgwtgPVklp%-RFA)U=Xq^%F z{S$nr6;L!rinZqMozn!a=H}hlr-={&5pu%7AVXFL>lJ4H!72xF{U!CNvQB-x_^&$v zUE(R@x{8t}dipLH0)+MJi9RL9FJG#E5kxdPuXy(t(et`yLiGYj)ComM0G60UBksW9 zBOl!ODRH{Edni7eO3pdfd~f_ZblUldYR;VIWp;;>Q!WV{nNvUzf*4yplor2m>I zg^IDZ8qbOun<@h2#2%wq166YZWDHEm)vbA)n{L1f6B9T*-Y?+?+7>l~RG1T)NXitF zYi;HZ+BBuL1aaT*=P-axDWB_{a{m1Gdh_RJ`LVP8~U0g)X!)FYbX<6zpWI|Mx%;|WZBaa~9Kr>63o5)f*+LF85D-+di#Jr3`Ins7rquj z?BvY+)z^3X(-{#7x#XM^dsvgY7v$Y$n&(>QIt-YY+m}2s+`DSu)D$4cdO7#luxz%VfT|jH7erXIro9KAn4zPpC1y@so8;6zkvwP=!GQ#ckvLO- z$Z=NWoM`3m5~sMw5~rc?d0t`)9KBZbb#bb>yJ}}U<;2hX=ku~`x0}=HJPhUb`sx#B zXXd0Lr_&q*)shP$jl+;Q17Z`2HlVd7E+AYFfu+_avYCcy9HlM9^v$amC8xP6AdO{E zv-8|;b~`3^heSTt=H^4riRpAYFUzu>rs`IgoT5U{3Zgb%K8_15T4imA04{3E#>Sz{l?YITT7g} zP#6pm3nvEzw8Pk4kRH0h~-!7VX;^X~rP;qmF|`QQE3zw`R_+fSa!>3F^!wkl@e zDW_>uOemz_rlz8n-KnRY_T~;TW@SUkYJf+$X$QqFCOKsrp;4QYD0 zDQdAvJm@ayA{wPL6V=eS5tf3zW@Jw6O>8K`?kBtLc2tw&@c_Vx3ah>m);Ky?MWsV# zj9j`^nu>iYjfq$ssx0z<@C5QSg>z&|9T#{zcif`s@n zVd|k~*yDS<%sN~F0Lj-}6!}BvSU)>F- z(|$fxLL7&3KAp7HC~L}4Og~oy!r^e(AMDjvH>yok=cREj<1}#^5)VK5>ecBq+wl}s zRC6;|k+z}}hW(3!ka-9CVs58pPTegR9kf%w0@YIM7giwLK)q^>g$)eKXacP%m=RGaw9KT5kyu7oMF2#yk^?_UwX~+;$BP;WUm+I5UX|AuZa% z9(2e|hz1~{<22k{ZOse_H`921v%7zMu2p{Tr(Z>~o|`e^`8+dHTUuM18>CXE%{Y!F z0IgbUN!k7_Hf{l)sY<+gQ)}i#6ryTGNF2g7izAVlRa8VST!la!BE2L&H9*9jg1Lj) zQkUA=G>$_la_Q~d5!c{hH|oABu!_+-AfnJ`3uXqK%$x{w${I}B__EhhN_ub#otLw_ zNvrdW%+T8M@N~Z^e0Q~zx;*a>hr_|tJ`Y?n?>LH@t69luvzgvKJhm9!fG@R)%4Qtz zZmyPjKAh@O+gC4cnk=>HIFz&3rOL8M8_f)ZzUxVgUh-0m+WoM)+RannE&T|0mtKfEGB>8ECenytUftcO$@};3%mIlJkpU?69z$A{VBH{@8*xH#Qx~wr93B|rc3J+2SerOtSVXF6 z6}dETzVy@B0}1`?#Z2H(7fFc%Rs8VS5c@e0J9-sTA^}qjGAP*P(Lt4xx0}s04L4V} ztqO4(hUsQ^J&h9~d2r-Jq}A4zckkcL%N(S#Qdk8NQi5OEv^CS-tVD5moE-Mjnyhn&)@mv`>|{SU8eZM&;!nubre3^V7f zf{F6gZj*D0#+W&YD6MT|O3BRCjF@sEU|B6fFt7jzfV1tcOIt$aOpF*7D^5g9twYA} zU`Z*})`A!sN{#?r6SJ9#syj}Ah{&9f{B)jw@q0geadYF~fBEgV=KbtL$e_V$^VP;7 z&Rs%zt9q_2~x&?!Cf4A|Sfcff) zxmv6;qobMinBMqfyo-52Lzzt?m4CNy!2^Y@8v#>-a3eZTT0MVL|LPSl3nTApj;WR6!_*5=&kuW|zpURjyp}8MV^Hm0y3}Xg` z#Dlqe=LWqtiW~Lr-T9?`t5H$kXI_Do%`(g=Fdz}p&z<{8quMH!cLhp|a zh{4rclVQxq{o?NPvA+DtHoi&(%!THY)kQX&Qkx*bJl8U1KmmebanA1D@Rtb@`lPGV z|JQOJ5dklKd$c7zY)*U9GX=9KJ~9y}#${QWXvrz=-Om}ou(G1vJLTF;FO7%9PA5iW z2NZJvy1pJo+yRFn4`oc8L~7Ks7{*4#>-;VDqalVq6%1VrB5#Wj=h|Le?^5E{T9dHy zAa_GR?(rRF7G}X@;OBXHwcFg?UZ3aXJlCtuHJ8GOyRp=z{tNmGX*x~=A?B2>@9y$A zVoaP@F?Yb~QC-Ku`#E(!K7OG7(8-USh|I0?8@(qFVt8f1%4cwhkc10%u4c?AqH)bf zxs#Y{IH3iy;PH#-KzfL;cDj!ReXDC60TEjqm`#KT6LWlnQE{mm6RN3ssDur`TU%0M zRk^>fr^CLabUdEs^9*5ggwBKjsOGuk&Ge~j3IK@c`^RS@{Oay@8pflYa!#9RNGTn( ziRv&GM<^xd#H9?^+wD^Iywv;0!+EKq2JVN`i4ew;fAzDk$DB4fozCZ4#mzF|1D1<%E+mh zp}P`MO62aXb>jg|fHuKH6*}6UMpKEKPN=PqnZjpIDwHGg5ri5Uv4B4!SN+)N6hbvL|RZ>bpvxzz< z=kV)@Lpua27EPb3ks~E$;vwf(w>R5yI2;c5@9$fy%y@IX%{ebiCBm04Z@1g2)&&WG z{BSsLc0=Y5K-P~J2-Mp0lznxW1pq>(wZtd4j0GoRHyf|z2lV>HTUqN<|I6vk9#9|t z9^;T>T+l?L`sd6<6mraxIA<1-@Odnmk*KM}{@mTWt8s{`aAJwMLTk2wVH6wX*md3<~(qFmA!I!1uRIde{l zDxjM|DXOT3X4X>C41SlJ`&=!8ua?>pQ%X#LNZ{&-*yFuSW7Sb+BoNid_lJny zH1|5IR0a2G$|_bD6EQPC9W?GRscOy2z%O5IT_HNdlxRK+B5Zb<5D(7_CrpLh#Zg5? z7eGQvv1h>n-JA)=9iN_?i6`nNoQZ(a7fq3YnTRPk)CkzKy1P&%R!4NDw%v?G)Wkyo zw49g2^Wo}dSH{6yU%h%cjpcMay}y6hOd~VF8j)ib&R!OAUGAYg@lXVr8j@dV-_h7- zj+NMN#6ZUofjQiPfe6Aghr*{>b*at4!+o;K67KdX@j8`>&Fy8#OeCgrt@*QO!bByf z>e57sI4}`T2@$v3t%#}tk%fI*DLMRtIWZxHxHfFW(g$BBBnqeki7??MZ5LvO1^`M5 zfJ4p*5Or{7R+4ELnCRX8Qxl0x>u@}AN-6OVukRD$kkWQ6!)|jsj*0nrJV!&`MBDS} zCXeA`9bIlr0CHkeunxO`1t|-9RKgcY5Q%v#K@qdd$pipI^!EKjAeZKDuHYitgnX^gzkjEc3FQmnAU~(YzeDn<;V1Yt&cR#;->jd~{N}xieA- zox}1{v?Zj(B&{8er#I)B0EV11rw{;e;y8a(PD}|P&OpjJF|s){kxwof0B9oM#)QK# zTwm=FXDF%<1*Jhqw2Kd1+N7G`?fWW69@v{`Pc2z{FHic7WQ%RYTB5 z2o9*K`{Q|8YGPypQ+@aFq|JuR$I}9aj9kW%iI#d6Ys6lLG;IqfH1OJFS=#BWNR~3R zwm85z4oGVlDutdK9UZ{{1PKZCufP4PlnN1-!bE5qNkMu%AKV1d94w%;FTCOca6m$K z0>otzhz#}Ken-i>iYH7&AE91&^X&A)6C*otv66vAI^UCY`mG5{Kb<6y<74 zj8S#OfN{S+FH6fMr9|d{4(7lBKtLSZx&w3J*}3{%_hCMLu+-?4y_?aBA$H+AMm*W) z`(`cWW1$8&p@aOrItv0Dt#YQ2PpkyuUdj1NTI+{15dgfnz0EnRIwIZO+|{M3R0MF> zDjG%&;ErVEpdE!YP%*bEh=@bZu}vb|6cNFr#EL7Q2(dTe07TeC#4Px|Zh?t*?h`=w z1Vsc{{eSqQ#_7Woaaa}B;FoYDa|Cb#RnI9U(o9XIm`#0ae{hQZs5~r_Uk*IRw zpoZ_Z8)7yS1D{*nOrr`psG5l>fCv5?)K&*8xe(Ly`N+(PSX7Z2z+)gl1PCkW;5LoZ zcDotJ5fQiJc)i_Br4+)^L%b%Uw!qmr1bXPd0FaDzIkyxpW=Qa zLpRSQO+#VK*muEaI|h4s9ioN!&O4Dfwvz`PmyzAcA?i%`^hL*m55=1Ix+GQ&QG}cY z6i%v!fZNSv=5OyG-`zhvJUs<9s89DC*Kod0DTy8}N>%9>F_e-%V1%I$vEB!Fc`6_x zm?;J|-Y?c zj$IEKN8JUUi4g>)6y(~E5MPXn7%?<_n3!`8#um9n+iKHLnyWkHNNI&QC9%4p15+xc zs4Jwj?qFQQYl#$kMf;}5LlYEMN`VEmUBkHd67;qP)5JhCAUWuW1;LXT6Y>MNw3O)z3_vXg;@~Ma7pXYDkD2 zW+~v{u~MRyO#?gmvb6c!a^|{-n-UlRa6)bV{4^7-Of^P!NQnsPw6Eish)}B4DmjD! zDmhbKv@ViMnzjknwjT`L%@9%v9X28%C#bVEu~uOilT>R}!O&4sB4$Dctsd$WATagM zk(=0Mj;k7J-Qdg|`;;TQoskJzt!12^A0Ow_yxnYn_RTkADVeF{Jml1BQx%G-T1co@ zblHOi=c`|qsG8KJiArK}h_VlvPX6BF^$282q zMZ^freY+WAX>0e`?z-5|&Q(e&GjnMc7Gj*j%7a>ySUHg~tY*!%Z=aa)SfF~{c+~qx zP(;KJ3e*rCG8H7m)=)%F=fzD4DKT%R@p%8(tz(x)swJnp+pFjOX)M{z-ZLk}!|{AR z)t4``JI-@UV_KG$2P=h{6NNdFL*nEyNhf4t2M+>5hZTqrF);&T7i)bsZA|@$z{rD7 z#4(GGBe#l+2s7cTQj5RS*EuJy#53&U7j(BO7Mg5yudTHvwYfW-&SxgRzA8E8CW5QQ zoT${+U^Qdt*91Vg^fHBoDD*BsK-#=4$9X>AY&V&mP~3DJ23#XQ<2@x#(>Rt=GUrP# z+FCu&^H(qKUfkZShBKetH7Om>vjbgSU6o;KqOb3ttLQXMSDcRL^R?-28m=}&VS0c6 zP-~lpBB6;k&p9RL$fl@GL=*vj^5Vu!YisjT-Q+aS2s90B8ZDDHZDqg&$w5;|NO5Ds zG?m;_;e3BQ1#dHF-t7iJ5{VndLe_zx$OtHAmJ0(mKm*WPRYcr0B~(?F<|YUhlEVnF zBSKrv@;-ea%;&k)sK1%bU>q2cgY;$QO>|incZ{MKH z&PYhmB`p@TAEL00Hvq3qiEz6eT5ZcBNXU+%wjf%E+tl%PT-ydUGc_b|GVJ+C2mrof z|Fo*?e*DQhRdQYApFWV!o>HKxYY6%Zw|5A0{WI7Z0%qF9jfC|5o43<2j6)uW@#_~a z+p@fV`?`q^i7*@*%-y|d7n^GLLI(m*DP^WGK8c^$`5K6cNwftK`@yC>Unpy3wn{__!;3+=I*T$-e2e3j%cEC;*gUxVpZ2c;0{i_N@cFxV;(2 z@%HL^8i(3s9EWKfhcY<0ssi{hlr~pRRF?&M(dcFhfF<#e%l;H8-MHrbU``1ULLCd> z6tfya0GLnn!{h$u=K9r(m)BR@%t=L$?RYvJq%|VkZl@u0YYP#ys%AU9haOkm-*Zn(-=lw?uk3U;PYMM=84%>@I0(J(UCKv zLbVnJTmpb5?L03xS3AORApSyegGAbW`ui{!0CG;Xwb$?7GpF-1AI_)4=~RY<>r^iw+@jBszN@4Ks92#CLoh$^H6UPY_ zW=%sb!%&tg%hJM6@OYYsQVd{G1qT{%QJt3>G=N%}6RIhI)>><=v4MmAVG7_TWhO*zEa^g~QD&+2%c;JGJswU#|xovmTZnqtVfx31am{Lyp zG%q>jOu=08#0)tTy8Dlgr8v~hOw?2jL9-TlM6_doyn&;Im}{_x-X!#}Lc{Qa9Z-~I5~OtI5z`h1zX z2PLa&Ymtxz=#ZERT}}FZ42Y}V&fO!pE6(mF8n+G+sfM#MA(E(yC>rLJm@o{`B5{ub zz_y+XQ%a7O8#*V~MHI=F+QLjk&3HXIKY5wD1DI)0kAmSJz6`z|>+aBbRME3_l(A3$ zFHhDZFUO1t85lU^xeD&J$(#2N{eD$_-X8%Wm0UO@VafUVJTFV#A5P!>@b2mHu$jhh ze)@7=>XhBIhI`1#_?h(IG|eyV|5i*PqrF_hKCuzxhR| z<>lSo^WhLKmYD+?MJ9HF_|}G@^b60Oh;Y3Kr~?_46KZFN;?;Jyoh(2wbsI`VGWD+s z5jzuLg=>S%6ZGk@@l^|+w@3AKI2_E{G|-es1S4#TQ=&8$G9U-YDUIVejnj6siGf2* zFhXOxEcNBx%}>61ISj+oVgK;-goro0EfI~wfCy?TKUO9E_Pe*g{q79_?lzmT6ecd2 zheU~7THTCgJC?%ybUe-H%0yGiiP^g_+7WOwj;gIToolO2hLV;_wdpt(2dGumEFn62 zLUbTCRWWntM4RpK;^l5$>eJ)N%$aE_IdX3hQQ}_aFv|jUl^U5Z+!TnCIW|EHvbJh# zN(darJfhrl;^_mj^V9IWyo

    re_2FS-<_h~d+4WQla9^{*u+j}AF{ZtT%3Vj9(dY)lEEhDZ!- zqq7Qswip<}aK0E0&j}-yI_@p0Nn~wf`UX2g|VoIrsirO@8Zmw^JGL$?3 z;(3|DVKa_uB4({sQOPMCo0!&;5C9EvouIg>2L8*00M7l(asX#erH}}zDlygCIIsfM z|MQ>z`DU~E{a^m#&;ImJ;Ko|5hr|By>1kQ!-88I$F$U3#0(UpZZpe}mRh08~xR%S;I8J> z%4?G-)Ov_chi(9Y(9Eq*t73kG3AL(-YSY$)8FOK&jWe0~QWXG(ZFY4LlV(K38QX08 zr#U4?f|M8;Xa?NWT&k~8a!`g8{dZjyq2dMhEAQ)=I6i&YX~miEJ9D&9refKxE=+7;mnw%iSFl zy?uB8^nBWk16?NKvBKlnW!g-mv=;MRRf$$LI@{=`fPn}vnYBTe?YbI(*q({VS12pe z;1O}D4Uw2YL}|V40J@?Ez)MMhAf`nBKU;6oE7_8qiP_}t=S0LEGT%_Is>mYyu}O-> zhDK79Hoa&;3oX?f{Xi|HWdq$y0TdtzXozS?t)jZwB&&<{>Q&D7-WbktcQez%{6yx< z%pg$AmwEH%jT1hYefAAxZnbq5Ld04_4422~6FFS%f(;a>)~CmasU?xFN@Eh(GiBbq z$ohyFM@NeTu!914R}m&AQdKvvtw+9LPN}uNtQR+%OWw`-`&VzDPUmOOZp&QOT916b zoL5x^^W*XI^l6H6*3rA&xjl@Uc`n#wdy$Kz9Y{zt6|19==6ickdC zTMPl2n3>krhCGINm}VgMu0Q_jtDJKEM1M1t;^WdGBwTAp#LXAMchh8Ms#a1W!rrxM zr_D(^B^l!aciDbnV|L{6JyVj=AA;K^m@lK-)t40nsx9l1p6tMl-!^; z1vKF#k{vN7EjRnUqy!#@5ZYUR`R480hsQtq{h!?)4#M>KbOglRJneUL>&>)x?MNgk z_tQlk9r*R*>C={bsJ$YplA7DY)7jmaX*Xp6bI|i; zZQAzxBH3FTrC3+%UC)>Ga41ul4GPxUwOgP|2yoaJL_D9@;d(yi(gS?njxTdHqJ+d? z@i@&)TWgG{As9eVHA(F55w8IN4j45`oI+|Qz>zt|5@N`NpFrZ5%j#evGyGDK%AvUwFJ**ca|HsDiaR7Jo=)p#^q&tNL{D%G_Vf-TANE9$ZqlOQX-OU`+ zXBwp4Za!eLL3NcxZ{I%L>~ER#c-lA+5EzIvf=8I3A|cxNXp%^a zWE=mCVlApi+15}LxTt1qA=&^$+PFIr#6!_n#3EZ6?_WJE^ZgvKGUN5~5)xMe` z1N7~bh>vVn)6kkkAB>2O&{Zicg0H?kF#N?g@ZJZNZ9I**c);C-Nnz6u z0ceEV;+QzOhaCypmZi7J$Z(9A%mG2wd3?+&QO9}|IzbqKu3<~-Fr@20*o7i7UC}5( z2+?%dp={U8_`5_93D`u`uRrT3^I^2hHU^8ThDc0EM74J25vdbSjTEK=-YYK%$Te005|M=q7pq8xSU*p)&)75NXBdeBF(o>j{KJgb7Kq z0AS2gRsDR9yj+jrbx4z=DPpGM@w|oy^Eh=t6-GvrxvLSv)4S#FeovGz$!^|-^89eK z2Zz(?5;fbUFZ;tT$d{ZsdG4(_01~G}+PfJ5LS0&!N~@Z4I@h(fe%SB#huyn}qew2L zJb!j~yWgiIV0xbO!{bv|JM5;%V>rsO4FkboWN{p7>)JnsJcB-~Wp9{StzYpFo{&Q^Hbvu_(w!!Lh69Ix6XjOM$ zq5Uq`Zq^h4a+W0Ao7PpQIlG#UAl`8in0h4dq{OM9s+$2as77-;zyk-gK?DLbcQj)D z$yaw-(!+6C*2j+?NL_2reV%7#zS-ZX`Y-9nl1*1n%-LW~ZS2vyY_;-cM6 z`FuGaPqnumT}L?VU5AQEMAcRMCgVY7PD$3a#buc##ne9bATc4Js!k;bvIn3DBXcoO zL&V|N6a&WLYk?@t9W2PW6wz)FxHzf>ggGXnx+w;2GsXJwftXpesqPS?my*+3oB2o; zjAL;8sST-~o3FLC*1)~B`tI>~I-SgPzbmSGIbYO`1gBPs+01hmLKLFA`~5tn$H&vF zR}as=d=4UOH)BgtMiGH|nI=_x^YEy>Cn7baF_IY>#>`{(<;=pNM~z-AxSw&JKq4}? z-iB2A{_ZwQemov8>rz`Yvs?-eMDz!*aTITg0svgrg_!R4hs(OYeDnG`qmO3keJOKA zK*Q>L^xMN$scQ!uNr;=)E2f~1+p=dSvzWAa$@6~7z5DrcR#j%}W+^2aVUey~AwrQ` zfBX1oZuhr05l8vxXe5K`t?-Yg^hA(oSaBY4Od+)W3v z2HjMbv4hv8-`>o<_Va0!4(C%npWESPCZf9b)@&ldSnn(pdA4z*$13wtp_y3{iSC04 zV>`q)rw_&S4u}N9@8e2y-u`#EnRJLz@%Ci|;~4q0FZ$>e<%DlUn)o-KPUpGEy6UoA zz>VB+6CIh3pa56Hje4hMzOjAXy)_*JQz9CHMYgtXsv&O!cT>HdOW;n7%dw6SsE849 zXF=O|8HB6|2tnK&c8j5|bZ}F5h-T)B$qp1IYD9|yNyHIrx0K5??QTA(RIjhY{!m-1 zb#1LaJw2A3o*%wq;@G@qF?peG-5nBh%<*D9>*j1JjA~<25%`_j2!zqznecMH{NmsL z&Ch=FO%hJbm$n{H=aS`*zWv=Vp4|xZPk;RNtGAD*(`CQkmr^{eD=VbL4u%Fnd~IDt z0Jng=k?l3W`p`|;{q5~}xwvlzEdvavz`?^`$kiDM61S!R5H_G;)v|G}#`FaM+=iUj z+&v}_V*voFT1pc5-R=|XA^-@AII>u;7KL)iabo_yLHA*X!xRA=5oZx9@VDQ=!0}=Kf z+yEdXqwPxvWB`ER8c01dF$WGEu94x?8FXhrvn#l^)tNM!;Eit$NC1ZJFeU-puw*n3 zNNyMyc4UT+K{0*o63xWIqGrq5TJ1Tfl2cBJ2}eUnV5)0twYE4<;t3N1f+c24f`HSM zPDfoXeVUSL-|cqKpWoix>?Ng`Y+RPL_a3MG>3FHNy8BczBGlS?*D@6rUY2!PDWwpX|)xj zeieSjQ{>Mrl41Pn4sI-1tM}GLhy_8>0jGVrTv}baWL7j(N8(agt7&&4ocChg2su8! z_{e&<<=k0NVoEk_4B+W;NttsAQ^F2_5devV+7#S#W=98tp9iufM(F$2|x(kL6}-sGYG%xV0bfmUHi@9=F{iF#7|GBoaB$c{q}r5y?OVx zuB!#j1|g@kwjS|PPp7WEjjeG7NkWM^&I%i0CWrvgHFkWolIY+)oKm)%G(1L$C~m%( ziJ2Lw#m`SHl7yL>stCu13|ufSPCyL9qUh_0SU3S-W80JojG(=%n)TjI(ssn#=H~Gc zumFgdbBe!`Q}Qj9Y$ODSnl}4$Kfeyq^-Fim^VF|K( zTvSNNz&HvS-oPAx`S$HMUw#!NY(PjU5-daBy$Q+9q8Iw;rDp5-Tw7D^YpppYB$Tn& z275TrHDL*8ruW{v+Lro0P>-&W${v?18jNcsaJNW`RRkwtIG&be(IirGM&gY%D!XZ# za%QI1dt@w$u$moqyZt=9d3c=HHK&x501gM(2rE$4)*7=A^Y^bG{_fW=O3q(AfBwx^ z>BZ|er}L%NnuS}ZU6Fl}n>jzae(n$%Hy1IOdys59cmg4WwfbdU0bt6qw&re0h=oq) z$^?-*>;Pb%GNmk~NZ4(cEM|^Kwf2&dxvOdtA;zwz>LN5q;|PQPhwkP%Cyb&TTp}IG zEa-FSVCKRkNo?%R>pBNB6AqJp1HdFijAouhLflgMXQDk=Pa-II-S57cxAZUoo@Mq>L!Z+x8<4ARmdy#)L+?%Suxycg;Wj^S}7F|L*^N_3{-XBu>pnHyF+n;TB;4+s6@YEE1yP z0F~pwX2O!>&6_u6n&)}?o4@_rm#<&_;qU$K-OcW7`r_4VCMcQjZ}*SK%Wj^_X?gwn z?ftX+{eJGfKOLVAhn-rhwbj;;VJDokw607#7!dA3m=9}#u{;PxxGP4h=MKb-5Xl{3 zMhW0B8ZvN1kf3L|d+hv;LWV)N4VrsbS2a})WF;C~4vSd?Cj8>r-F}{LZg$=JtG933 zQa_8_#Ku>1Ndm)L5Skiqp)DG}#tkgm{OO~EF$Yr<=Ict1JwO{IiHO1!9Yy5KA)#)> zp0WLig4h5MZ(+>bVe_j|8$(SFuT(@rj*d1q+_Ka_-9!jHY?#9E;mZGszCWB#QA9Q$ zppRc+Ha9k_gLMnQe@wCfiIIe~+qRF#yLNK}#Vvp{a4rWY!@*t}bp!d9r7+Bb0D@4a^b2(@%bHnRwTx7y|@C87=p=BKB1zsp@|xwOlN?YN5J)VjSo6f$zlt&uBGI7vuZY#OvDzy7{q1FNdjjj#J3L*gt(jY-C?>{^5}M=&SQ$)jB#EN5^v-OA3jJ(4B@o!@vbqiwU=2W5fyd-DdLFQ z%?v0rn6InSb};44F5m`8B*N!QHTRM^q@PF;b`jazesfoPHzXv+Xg;Hp6sC3Q03br| z-YvU*N}0l^H!p856;l+#BPvA%tWJJ2G z-3(I7^Sm>_-g>%8|LtG=`Tfn!exCJ{poX~`}sP3yXb zvXeyuH6Mo(0LRdD6#W#KCWUh}0ss(k5($hv?tTX#W{f8cSbM)RAv(K44+GB zm~-liL1?Y5pO?i90*5tqGwroA6K-KLZniEh;Qx^S<&*;S)$Wi09JIS?OG(U!0XY!| zCdn);$pMkc42US@Fx-r5h-vH@4{be!i6nvcNV*7w+Sb<8JSSP!Mo1|o5zZ-{&+GAc zF|++Hx7KP`2WLTz0B2e@6V1E-G$c>Ci} zId1%*!2m&w`*C0$0h`mc0R|t)#Wr1_&mALQ+#O8&x~@S+2*PT7UCG%ub0Hei0vOlX zP%46%Bcm{P1t#j+-GLCNoM=S*0TZ>RIi>Tu#=9m6f;9x&0v!+_5u012gBqL`@Qf4H8U72DM31+9`Q|mo3|KzK$ zfA2>>`sjgV$;-NgwjxZT0}3cfmevB-8-z>RC4urLQSBowCJ!$O#HB2|wgBn;irEG7vK9-tu!0iuC=G_vNOZo|#nio&HN>>zy@ z0}o&zxInSY;{W&X4%)i6-YujQ(a%JUE=-$G54r&uAQIykorO}!qewz`uoxXU_@;k| zzQeDW=(Yci*guP}R>v5N5;O6z6ha7x3}H@L=4on89UPI|K}aZ*5SN@jJ(boPe!VC{ zG{oN{mJS@W+uOJ2x#W-y<(z4sa!SI&#KOrPx~n6UQX+L+SVZ{hpdyl{X>tHSWF}#b zgIq*l_==35r1u`)8s^@6hjFk%2v2k7uq}tt#yCJ|3aFcgtK&Gb0pc&J8Aj?H6QF|) zrY^O)(R`j#6sb8gBE&p47pZHHrVc{~ z9Gxzqs;!GEn+Szl)Xi-vg*PG@B%ve}5!x&PmH{#?s{(*FBSFbbNZJfSLJ`{y;>5Hm z3lqmbIXYLzoU*D;^MOV7hr@sN$A2=F;%?zF!U$&i`1JVj_%Uk;07mHvFlHX1{Gou> zq6`HD6z1j@4l(f&3qzczVZsy1Q>q#Rv7qwCX|~N3YS61GszZ zE#_UpQF{LT*}KPw+8Z;cEV&3tpdvsVjVa_J$EVZX7x$^8nEQpn>lWr1Y9;MzDd#a} zK_mobW@3lXUs_4|dPl`ANk}>8=>K^HVK@=*=Ur^Q+It)RuG_Ok1SCf_bD%+Ejxla) zZLKW`T|{(Q79yNVf%n7G@iO1>lI$RHvNN>Aadd zF(IYi8is-(6_FB7L#^xm%|1fDf}fCtrjqY(4s*#@J?K15(^Nzxilm$qA-;QjIGz?Y zSM}fj>5u>9+iwlzm*4&7)w>r@$I~=TLANN<PQv`%uU~%iqvuKZ>FLyJ zEhUx2+G$yH2|nbIqr?0(Y6b{0bTA>^ zAqd!jP+L9hikW`yc|h+SLgauz#ITul^0ff)jm7V7iWPdaG_|%Mc{t&+_O2Q%&8D51 zv*Sw2iF-6#INS(nD`y7}6HF2ThB=c(9by=LCdD}*8HpSbBnbeUV(&g3ru+M6hnp`D z^XtcB^WWU;o{A(UO3XL&oR}FQyo$4=%v^-m>)$x|-c^~*1xy?XU# zx109+IYdqC(#%w3-XA6yQwVn-8c1di%~GNerD*Np1m@jr7<&K)EDMfFB&8H!E^g>H zAP5nJ{gwvjG07;i5D~z@wljKTWua$j6m4I zdRY6%z+$_Z%+({p_Xp26L|3-iQ<{yag)hnT`$n2_1j4B+mtD^squUoO>60Z^Ey%t1>? z2?1cKm6=&c-9~3Z7$lh>M#Y{9ka4JxKd|>`RYe%0=MKwTcY{%p$G`!=!$%Kv5Q^eB zXx&7Hs%CJXLV;>=vyKrS5|RvjVw?~JTd05&qvJ40{(xHsh&Zm9h)83J-^3`Mf)C*l z3MN@nbj(7mYDq-ZN=7DDH74Fo^Hfr-z1CY`_Tew~(IzBB5k`mBv{o%CJ(_E`d6#O_ zGL=$F++LAd9z#q*a&nF~!ySTw>LZzfN4Pft;5-#~k7$@UaKV9?!eO_oLb&bPFp-4e z>8Z!lIkaeisrAOh=A>o}KoV?qk50?od$%NV)sn{fjG+t%)28Nz6u7pA@4lITYKQ>< zsxD0PjVw>?@u4Qc!!EB&7w6NdPIE%U+SI(I%!uG2zsqcDr(@e4QqJrE>)Op+7^j(I zj>&{hV{#sM2@-|#xd_iwYTZP5n(%n4V4h2oB#vOs47a<`!5mbbI1aDi@)7{W<7W~P zAXXyjz2{tV$~ondbND;SaO|nE_8dT%oxoJJ>sDO8eP7pocNPyRWTHQ)USb)ws(MDWG~{#NoUgl({et zjwXvrN=-CIN$w~j2-tcbsm2ftLyF=!kin8g)myCyh(sF$l_PW}s+24e&;WkUwd{-M zcWa#h{PF4dczT+o><&|&b11oqC?|2Z%Vk9dB;V~*&Jv;_1WzJS{pXxSqKq~*PmyYPGZU(TiEyt%SM0Qn^sVOCQ>V&O7PLHxLGesYElqlvtycvf-I z#4#;Nz+EHLcYG#;Z}RD`K?Grr-WVMnoQbySFHkgKu4?LTBAk-sl-zq=yQwBlZdkkX zs=@|9!VC^2Cm{;iKu!`Swn_Ne?ak?OdHe8qS(m$;n|YdYO0mLgt*Sk8(C-e1|KqRz z&9A=y{!jn#k8bw+Uw!xei`Q@doB#4ZU)B`?*5z`!T#&%r)xD(D%`df`mo=idyAJo~ zF*5Sl9j@vT(sWrnASd3@^!L_Ra5YZR+J9B8ETgRY(U@1_mo=&T(=bYkc zOOi4bB-#=TvG*uMES%<5{ji_@{LlXMFaPqd9^W1R{?r`4iIsl zju`a@v}S9yXb8-#HEp$*oS3QB+FApk#AM)Ybt47F%wt@SL#75qfQ;ILhEBb2Ze`)X z<73YJ(M1CQrsf(1dem;G<08WIoE@ll75COVrWDtms+t=M3-c&$1_^Du8)J2i0}!I( zw<{z$dWrF${=si<+)yAyH5*DfBXe{0jTSLPj{!@?MXhG;n=Eu7>V7<({^NJQet3Lz z)1Q9*tYl71De5K^+$yHAZfp68MvEn5`R@Zo-VcZph5&a^0X|w zd1toqR0%{_ySfd(Xd!S890!QO5o&D~tYASH{taP>tbj%|3?~c_om{=vR=Y~V*AGu` zpBA(4FQ+pBOr<=(yZfCVeRVhQCSd|=>sr^PE|j-FI`RX9_!-G1Wb6{rL$LI?Q%)GY%!>)2rbsxTyqf~H@q1@JMkIFTe zMHK2ZgVvNcYZQ0LDIRGkZh-=d!>A#BgtH;UkzFJ)^15{1{4S#nh-r(tchj!w00bWp zJR-^)+#R$l(x4&w`wb6-80XXvP9-8!vyc<{7;#`&F1oW&6eOeah=i{VMl<(dh6K2R z?<;;7puv?Y6&`9}fDjIeF*!j8SLjX085hHakVQf;G@bW9TYnqI6QiP(1XWwaR@7d# zh1#psu2Hn8Jz~`!QEF95%u=JMUAwj#Ur{?0u}9Uey`TK@{0HZ}&N=seKKFfH@2eXO zz=ct_0)NtPkBUclJqSk$C-ORK@<$aj764&N}GP->8gx7Qvx~wByjD{m^WLF#`<;vV#U@(-yeUEy&R_yS zX@H6MGslrQ2Thn|mPnl+<)J;**j`&>t=8(lqq9@Ym`rBRY?^`B``eFRRP}=7@QSIH z4qjev$W|NT;lVN`^I&L~*uzAFnC2kOw-jyV)b|RrKBC@X7#J|D04}$(wzCJlN*)~l zvJI)4EwPUQ;YhanBnH^!GEYDINnJe)L73EBXa5hHXq;SOo014C5uG^EfJSk4QoojI z*DTjFHPFCfqlQ2DPd|nNfN_nle&96RIf;(tK0XZ2)l%!_5DAk8cw3my?G~TJ5?iP3 ztD{PcH0=srSX2bcS~2~=@Mf!dr5aMTxa<=V-Q#;9BC5qyluFgg76xLsF(DqMvrdK* zqY^-XWkPj0tU0ZDjfs&=VxzW|T1&HeEn)_2K;#-k%))B@xVNShO=o|8;j?R!t_r1b zV@YKJ0M0m8C{l>#&9(C20ninpoEaY4X@%z2=AfHXS4=i<>d^2-1I@5c^5pbVH3i$w+?bh=Qu5nJ=IB3oCCSUSn`!slM5~k6 z3O9%NMbRsm<#f^6>E&?NzV#0w61&^IlerfQ(~80w$~_3(+r?s_??TWY>1)fOzJ{C&UH zL#PkTD`Dh<*Z$>Qk2T(Hv4&nXhTd&k-~PSou?)GIlawyPGEf_&DoP8Pw$SzhEv9E% z_cx?b%0(OiB!R!xUpJF^fdn614xCBO@~+!Okdvh-Hc|z;-V@-ivYpcqY1*T~v^e6d z5RAj^&hG@5Ipz*6kx;ULS5Lk%uE$a)@M}uK62N-15nRC*7sBRo;*vz@a6&hMfBJ=; zCt}D7xjk2AUL#PrTla>ah(GVWrSL_{3c!lt_Sq9_C-;$kHzbsdy6eI#L^hY;lT#U8 zWcw@=R6|qwFDo^=$NwFpj#Rf)I&ZH4u7xjtEp4UNrOe7Am7hGrL6yPO(B%QU8W{vo z@ZIBJmXS@E{dHX2JF1$B1|?X;LTj-BnZchw8AE|)FLx4mf14I5+t1zgi-n;f z1I*tW7X;gc*_v}RhPJj2z2qNp!9D7wVyEUYul(4eaALp81sIqJ$S?il08u25)YPkk zsHplDTA&~Um$G~K#-O{;lBj$0GppYzH zsK>`&MaLnVNxpVry3YE;1F2!??jp%W^^>Tt_lmi|@W+iFo%+wkal;c^UU9LQ@O6^; zh%bNaiyu!I4ZEMVwuW9Ou_Tq?XQoTGSU=qon6;Qy{tL9nowq>dN-Y>TrQOSbT ziPyPR;L?Ee$?~T?FD&5xt$mJPKKCalm%8_6%zRdAV;l|{%}+h}Ec@X@63~V`%Hl&Z z!D58Ky5QtW|0}s120NmA)Kc&ei$N;>3*U;SEpOEC$*O1@`$tX9iF?6U{1BkhaGcO< zVejgZ^F3>88p&@_>7MM|Z^-x9+Y-P^RrG_a-x!~FH-!OHUcG1d7*jLYi5qUKc+m4R z2?T~C;|$fI7+}mXi)8G#8D;6sruW)b#!AU(i)jbf)__?ZYEgW;!bWzgP&wM~!Fj0J zoU!Km5|tM@AWXFPA?EUP81c;OWwD;#v zoJNhG^Vmj4KP0B7?iro=+!`y>H~*1{paj@mL__PzQaCe}gIB&JWpzJ0H~;+ns|1Vm zSQEuc_M+liXMPWcmbZp*4YpbGkPGM_Weyi z{tYN*Phh-j^@V=BO=azhs&Y!(wL{N2#H@vI_v|Or_aGO?zeGmUFE`e3!ls;aF|%A- zG*M7*p&kyVhW;p;e|ULU&W`yhs+~G$boLG7iqPwg zfd7W5w-ZoQm*t>P|?ip{69 z|KXQK?~bNS#%fv_DPMu9X_Ibeb~TL|CL zLVZ1;LWGIS3Ku8D?bKGz0Nh1v)qc|v9|Zl-&a2}Yb%TlN3^KC^H^1=hw@d}ccqO2q z;}dpu<8P+)&wb4AHZnRc@@`}A_MY4x=UwN8o`l|2-K~T^)@b2N!1M!WRW-T7s9%A> z_YRr6aO^X$txSw{;ykZ!QBErJw(^SYqyP2&`IMYojUe-6rf_@vm4u}FyKvw=(PZVD zMPET)(VP+1BprfhD4)8Tv(t%% zf7OJ31=nmAiK!#h<{Xt6uU@Zebp)Kb30}lsSpWt!0^RjW>atY%=DzkK ziFpUSD$0A(^=WK(@)(~{N_g!^iHa&QGwSQ%K0`Zz82Jod*)6b*CMV0~!=?mQ z5hs!`b%(y)=cg%JfHG&mRWm#uj-fyiWeKlaE$kZd>e^$KyN)k3?b3&8qYU8Sm$>;1^N$0kyBJt^T(=;X)Xn}>(Xz0=OkOTd!NQ_V zj>(V;7U&=BZ2WwscLi(wFa`2^n6BokbIjv8P?eZoN0ar_<$>+oeTn(>^EWi|NB#nq z^CUJ&wqhIXxNN zz)YLHO&@duO-O7U?>Wy#m!6!-RM7ppC)zJbBzKzCs^Y)NE-`^BqZ|OR!LxtRuLcM6 zsdk9YkfflgLasncoD8p9TP>=OSKE45YbYUsQD9V_iP|TI%w?QRws>x2{P(cf%%+Kt+`R^5>eFTFr_-d@Bh=9dGsvN^oer>YJbHhw25n%W=GbO_nv31yI2_mW7$|u9QJ# z`{nxPH`H8wOSoxoEws5PZCdZOhT0R-mVEo-L#GyWeZ4@2d9i7346?bpw9%2*lXoYv zcXH}#+~TM**YLfMt;dct#E9n1E%~`;a(5@@!H?E_YDWo@dZCdAY2lSjqhAM6U#?h3 zr_VnHg%R=>YHHh??D6-J;3j1v>XHe8hR{g$GPYIyARoAjf@ zz@3Fij%941tFtpK0=_JT&sa!V-NI<|da4^U2jc^89zyoqPGfOIPk^12vA9}nW&4Zu zZ_V}^1Q|*3S!v_L!?#&g9oJ*{-<89^yF(`Xf*G78@ZO>|e9yRQz4EB5aW&*ic`Gvz zIfi$#8CsC70=d%1w#g;iTy}{8{9aN_D`FC4@%Me}DsgyP1%8fjaB%KlH^;33Fu;9C zVrMAc_M{=wLLlyI+KWvQ64@1$%i*m=!YYXdYbCRcbQ#^%nuL)HSG&sx!$+Ie^9zDQ zfz97C93IA+*-L&3$mA#j#~Mu?t&g|vX`)NajE@9`k7_H+7-%N=S2*)BhE|;dWSP@)DGC@I#*OUX%J*t>{nw{6s)jmg=xLrZ7#nQ{@gD% z6x8~lNbJbPRo|7W0$;8PPkGb)ZK)}5b20er^3mPie&}X-l{=#G?w|Gby290Kd_zD4 z`I1a~vR#BJw9E!LS&4UMdS2x>&guwoYouPPzaS0dbEA-v(xmCz^?v4!98dt|)KT6( zVN10v=aFQjjhOqrK9Q!i5*z#RFS2ac%4N6r`w#&D`zU$q2Ii>+`)>7RZZLk?gb?7| z;>rGHhEtUBn*v2o!k9o31%eSIc?VFaXswmj}-cKbR0ITfPd53G^KENQKsG$>syWaY~CZce4nf0SX zK@cym?BZC@k&~Cbxmmoqk<}U5b3fyB+O?Xq8q}amOZQ#}5rlhuP>f<*W^kS0LQs(9 zywQA?h%v3NtS45})-K|(%`G08d4)G7UJkokOLy+xFjH5xZI%Y#oJ^18;;0E=pVC-Z z^Wb50!+4a-Hvd} zHO%6wzyS6OP^_ca_=XB0*qT*S zr(RtF+MN=>&!3Q@ywWAzzUMTrPr#MD>;zQtDPmBMENh;VT`!7x>2@3=e9~axxWr`z znm~49m?9i*+d+w6#4csoS^nY%#NtZm%0<=hvuZsCtaK$tA{+GOm?DQL708l8b4Mf3 z-EC+g++74-WL6p=p@uw#z*LvWg;o)fu%}O@fNHiM0G~Gu)`@PoTss!cDXF&?n)AM| z(JZa_^)4HU05Z)Wxg~4G72!yH3aHl)MvZK*%wmyY2Q!zZvb-llC0V2M=FC9nJ$(yS zqc=?O#0BH171{Sax@sEtSwWFq^XB_n<$z+hA;VRU_t``U5aNgFMti`I-c;Q$MlAiJ z!kOJm%xq<5Qb%Chsu+OVXt|n{@_A`eTmm86!p8S(tlyTKS{$~%MA@;}ZMGA;kcoR& zGq;y>*dmzbyEXfOl(JEpdq-#SM>~jGH0Fh9)Q(>NLx8u&pWBt6p1Gm~Xr*6+!>Fh* zI;ZNeF95P%)Tyy)up0CbNYR5r=K1!XAgsOqQaIR~RbT?^&Pe@U=tHTw5qd_PKMbbJ z=B4`GiE<)9{He9zRX`%_)0?#+_$LMvcS|AG{md}-hNE7L`8G_Ym#W(gv5%`f7bYlk z8Ey5+IwOX%^fqu<8n)<1?=nweSF8Xw+S#j$NEK3&#~zky^%C(32spsKtzVBS&&ghQ zc!K6-lq+W9yFFU7z2mo@>g{sl6X3zAUy`!UiH~I*N|i_LL^U@tyR_t z-EGxfRp{mG(9`w0K}@m~Pe)JL{IJA-FzRQ*k4*jjH!r>(X&W@&e_LJdnT2PuWOAmw zk)8ThzMht@M_x)N&4HU>3-v`%?iKsZ>=%oux;HrE8T41@_7uFEudkRP@f@(dECeHg zkFgqfnK%A)uNZ&*@|&e73r%IB*qgoTtddf2+RO1nWXJW1d(=U{b!b58ZtXY7XOGaC zSbcM(UIw1U<5m&s8A|wh^tzTOOw?BQ+kMKR%qY$Di2x@Z2%8}G^HfdGuzc1RbWokc zZd;IMI$Tp%f=EZf|G`%VVS6oPGS#&Bn)_&0!Rp<0$8~u_Lsdu9-R9kDC~Jzin*ePX zp;$c|90V3gzf*?z}6l^-H*$0WAL^|MK;d&WE=@3#rGfYQ2LK zSt^ZCwo@usXECA7;F!0c#|c@Px9R(eMD)EEZ$;dGDeGKq1*_rp57O%;B@-`n3qIPZ ztyqfZUXk9cyuHM!{QAvYyXIR_9M&1<{TAb#E+y^``qfi9>Du{w^#}4{+28Kk4^!d1 zKSaWus^6^q5UWO&oyT}lD~tWf+gEb+Sha6jC8k9%v&VXT=y}2q4JcUt0Mm99%g^^z<_t+>qXBjBY*xqBsd!3b@^bK&uJ|26wL^SQ1 zV4DVC9l8alrqJGCEe{Nvu z8>#n0C>8|prPMD2QrDK3zt4RNkUVh<h^Uo%C5{tV4deRpwhtH;{$Gssy|j#XW4{YZz+itosa7jR9rl5ZeQIh#fTI^vBzcsE5Wwr0>b^J$um5@p)R(6oK)4<$ zDwgMwPAGK;a3g2RinS>z>m^CTjNrpeypKu+5?YGHAL&*S!IwBNiZ(V3FfAe&`4BrO z9syIt59N)9HFYIPO6!Y7gvXl7?~O(X1^*tFUD*Rdkw_)JHFXLD%JUa3m*%b2VpU_# z?mcz3S%ifAF$SS{Qi9*}d|S-~g+x4U4+_wLD;W)(zs#0o0ojd)6of?$^L;=@fI6di zYp_di>?qxZmANE{X}!+s8*ns^rwhif6j}S8AMTf#VH|>m?5`ONS$<^Fp}>YFoCMw~ z+yGOoZ!Q;!=av}H?*|_3JC42wwLh& z@Am9+agcwF?vO%lVwA9TPC)4UXCHczIb{d4-Dt8-I@Pourt8uJ>Xb7wVtk?jqxh5t5YD_w<7Tr3!lRq3^6L ziFbpn*LbUsxwyAo=h?SKkOYB7_wcaX<-rU*%3r!l;%)6D&J2l62}==Xs$30I6ry~c z;>tTN@rsF-SSSkouKGxNsd||)YAHniN!w|Frq!RjlI>wXdyQ0n;onBX^K!7gbPETQ zDIae%o06C!_!@ZIeJuoRha7d1M2L2h|JD+3<$Ju(fIkg6men38OP>F#78UU(fYyGAT-SX2?6NbCmkFI!-laRTn zMtc$OZCxldE*EjCT_jv`f|Y@$Wt*y@p5cwu!;%GErg9$K+^NmpGu1 zm%I$9dM`Gh^0`tkUQ`*GoW|!!k%-UFyUDxVS7^KQ4>@!Vy}<3m-&kbyA33ylC@>{W z*!u0hGwTV41zsJSLMRfB^6i>@hp_rMLPcOC4=;;qsy{u84P>cRpUut#114oN$n|t< zRgkrx1-w_6RB+c}D(+bxMl62)Evo}t_mU5NmjKd8YN&X>Q{-Wro%Fnd(=SDGXHAu3 zR!@S2$&YKo5?X+G%Hl|g@NJaBOyu2NHz4FN^)$Lu+kc8|zWr31;OHaDU40aW@DJ?k ze<*;;E zi`c*EUO3=>?5Ifo)E26g2z>A?^TUc_ci*A{!?tyvCSc35MZu-X_r>2xP~x8r?Lz10 zpMz1<(oHq1p(G64)0E_)4Zg%BmL z?!ZRu2|lQ{lxw*z&Cq2~p>;C#OAg##bRj;D;7t0hA>N0~ZZEnG*mZ2yi)6R zpHro(M<#FgztJSD6E@^TI(qUYR$qix~dXbZN%LF<41D58|8 zxK=i4n`10jimd3X6?;ws#mkUpX*Lmv6lWz@cbIg0qR*<+yP-Tq4Dhof^1CEZ zx{A>UuP0P2tW5_CbYomTr40Z0($~1zsXbUKDp`#x*8F0Sa4^6#!NF6`sW+wi-{-of z03y*ikNq;o39)swN92C3pe|3&y;JG?L~t+Bxu0d=Rja~et`cBb=9Z8uQMe1Fj^b5F zs-U2+-$x#iI3y|t&2CU3TKC3%xhbko==5a0#c#?G-)n(T!)I4naK0p)jb(@Et7c_n zSo=1I8aHk3U>IR5lU&b?`;~#hUkT(J=P-XMrkC>bS!R+!EtV|02tcw*(%X)sCOUu3 z&fKCf_)P1<`x?+Qd%&AAQ3I^5igTP|uXAR%=HR^9it9F*hrgspc6!{rmDRc< z@ORLw?%39eLl6I^r@#UsM!W4mgbXcg*Y!68lr|-xEN&7?O}dCAuKF(ljynS?pSA{n@2T1L zgb^%nixYhM<9@e6!gYPH%zJZBq~sY+E+U$ckga<(la1OG6mzwa`3-esiyYz=;v>5 zu}jIa=yA!E zTijO!jtC$sAd~_uM9jemsROARlaqmXl4js0EL-1%WnuPeBjf7Pzg@)Q^}#A-+xB|P zx9yD(a-`wfVer_(Z1KqEw(aG3!DpJ68M_{IEP?4UVMR^POjHJZsfgG+SL+`;75=>jAf;p?=7{4*tdG|MK+WWo(2cOT~;dgdbyB^dV~G8-y>Z9sw1 zN|_NR3QLPoY)N%!u45;@s=K{=iteN6_h_oAdk*1@QVEM*Vkt{R(uPSefS_=4W9pdY zu%zVl4EirkqA~>txmqD_h!T;gs5s;oYQfiK4h!gH2Yciem%gyoASiE^tnV)w8Ztr5 z&Hgo7V4}qDwsT4{$6e>SwS;3#q?+gl^YWRhZTfbU6g35wC7rY01qneu#}>f}Aj!&6 zJl9^vwgeoAx`yei(k7FVG>SzT%)9?+u6#(6LH4YRQ1<#t(15mEz7B3)&tOxTxM_!% z4DvS&z`vI1V@X8BF`u6Ox^p@4FTBF6l3F{H;&s-_Q9g@aJuU40!fZ*>bV+|Ssdam1 zgN~@xOi0S;#n5z5{Bxq9*pwcEnXFG5VLYufFs9^4c&FGo`~0OJLWcB_G8P9nL#du_ z+>hOIhToIhtKIO>eDwfxu5QD{3{Npop*WRZk=JH@)%4Dk5@O@FGufJ`Aq}S*KGJ!x zN`WY}%2q^aq{CDmr{-o|elo}{BM4XL>P#%1mYO%z*Zp4Kz%KxU7nb81mSpuRPAr*l zX(Gyx(Z}k)g(zpAujzAc5vi=xw<%=V%_hKCq~Loi?Kf5 zl)Mo=FEfRZ$rQ2l_>}ntSEx6#?F@SOr>c zBT+7I5y__sXHpA~ph8}7%+YmY#~mTSQgG<*BJb{q6`zEWWm3hW%Pp?8BtH1ziYdF+ zcnA~AYykAOZhSC|^e9us`Gu@5iSE$4Z3#SLQBuF_>9|4cFLb;Ml#gZq$i$VqU1$Xn zW@33cFI<4uiH&^rcFqwpMDR1+wwaRE5iUFcDY1VtU*u8P7j zv8gGa_oPN9#A=k@P;&4X&xc3vYaK#Z@}TPfEx0{q1OiA~&2?vBSNx|yMOd@N$U?9{EUf_6E)c*7Rp^^Tze4%!UQqGj}F1t`!_C9E5m&K z0x>_8-6#>8Rma%&pwvG3N`@f&%}W&q!2GEt(GElF%|_DPbOIk~GB`{fh`QJhxw}#p zA{CgfQzR8d_cclyTO)#!g@b&NYnC$7rv|Cv?8O#7dlNqFIvEXPiAAp;ExzqPKLR}h zLCTDjBS9tPK^w9c9sbZbw*-S+A%X^M+?!mkx&)6cWwGhFq91`m{oC~yfo%(If!=2u zb0&+SpaVBfW-LXB4`BtXvYYAbv;?2wi^;{A6m0Uw5WE4^Z*8kTgK+(AGv#v~k|a;? zgBSTq3}{un376|@-mm9qA!Lui+L2qI+}&d{%OKI}Z3l$T`Q|=-o_TGd8;%H|oG9Zp z36_MA!JzAmBT=PKSkzbOS;Ene_WWGZ3#)@_->Sn!*y6efL0~53EZusLD70+0!70U1 zOQ~?;P+zNS*@7xuUu$s2Nwc4uNL2ElxmL`$i7mwWZ^gFQ)R05a;fi`Mt3vQKE=hr) z)=Ad`VMw)W_3(4aOynp#5wD$1kE~d096jY%sraeElu2bJ$NmNjW?9TODAC7&}C zuKi(P7k`SrNtU~(wkFeWv8oRKBbDwkigXz$8&D47-(1Mji}ecbT24%sdniLtXlj;> zg4lY$$~P2N*r-PR2Ra)J)NXC22hd+NNbG`^HcNg^QuOl?Jta`iAI$ectE)=mB z9>Fc&M)Wq5ZZX}6{+^N&@1~PVgttR6HVcV)&e^*?iv*Fj&K0>jMU~Bx+Pb!7rNdbI zFvv0Uj@B#@f}~_S4yWOv573Sa}4 zd`D+oPgpp;tyOwMWdeux@~qs!v-bB)QHXuX3rE#8Xxb;-Iw&|v zX!E3s`lpvVV{#$k=r1)LaYleg8D0xIJ{Ypo0kUzFoH&>$Jyo0D?$b8pG5c5hF`u+l zh#Jb~a8a}&xpy@aC+0ZT7{q39H6kb24ILXZ>G>m9fA4ew%GS+Tb9x%$*$dbg7!h=d zW8U#b5H%^}d~=`8BKb8j*%ilIK>`b7aH|M%1QBeEIXCqCzE<{o;RqqEzF!vrFnGBx ztiGD4&iiV3LjK}@>8O-8Cs|3M!5a5K8nu*tj1kL_zHVs1#fEV%JB2MR3?i+26d(Jj z%KF_=Ngm#{Q*x&EuYd9Gc5li>H8AAbhv#H@IBVP1ZCh;_MJd_|6o}|2QK1`ct;C4| zQuwzbgo``FJA1bq1_8noVq@O5L|rJFz_X#+uY5vI=VuDRPg#?A@F08h$KdO|IrotB z4V_Ob_$-T&p^Fw*i-$4Dg$6yn#5WrGo{a}WCmuzF>wln_@O)>0}UD$y8zcKQ3(>#S54ReX+8 z1O9$VvLXbiD2fU~Fcai_Mcb zyKDfK>DY$b+nXcAVuzsWeB>!IUzQF>NC4-7neR(RlP3HqT+4En;10kxk&IV+oOz<``X{j8<8JgW7 z5Q4Hdl@g5i9LW}BWilvYNCGZ!g!wi|wy%Bew316g->MKG7698QCORKE0N>L!!8KrM z@Wi@+SGyXfqZK6zajn#Lwuz-Jr<=YGa1v-QjGV#I))}~(Us1umD3&#d{Qigu)Y4MQ zOMJ4Bmpc;0k3Rv+4IsQQ17OfxLA%sBlCGsEus zNaa$*I^bd)xW|&aO0nkN9pptzrpa7ew`m*lViK=*YCa345-|f(g&l-7P3NL{G!!)- z;f@>vEdC<;PVQyX@*B8+<=d61`a!EOP(>* zfTDJ9F?`J20+)10NY0bZi9EOeMc@xlbM; zT-r*ydct-{-hM)}g2=F}P^i)UD z#kbxKS>Il+EdPv6%4?`J{EwM+Z-cjc+O3#D-(q^Zw#bkgO?Z$0&+_!pxG_$fu6z`G zHQVAL^M*I91}YrXlqo6h$Y(ssB&*l3jDTbIO2GgKX{XySz)~m1FqVy!AgbAj<>4kW zmwdO)^?i7PhM8}y2ciAndn}&b;#%kPu#lcP!ES;38vDh#4X4?L;=lFjuDj^#kFV60 zx`gB8&{_9Y;V}W6OJphuwJPmEh*Or>iZvJ_>dqZ=_Vw9h9BzHJf2hGpV35ye?-$j( zHjuGk_|-+&m&&dvsUsdOhTYFwB%k~!PV;h=<6hZ8OEJgy*sx9B9!{hFD?ysFsEIgSyaP0p515sOjO)3n| z%Q=eH1fP9%E`37&GrkW{_8|g++5`Adt4nyb)9sHe*k>fS!F$4XbB^D8?aG%M%SDm0 zxs6(NM3zU{f_;1x zdR`K$gxtr^m^@`~`|mbc0iO}<6a_Sa3D*;hkICcSor%~pL>@nRd1Q&BVe8guRrYsz z0HfQM)d3xDO{h|pFW_F26sV~KtQ#z)=RFYwe1=dctLCr!>DY8v-?NFW^Yde|k(0BI ztJD7dm!ap!wut6 zgD*T9>(gUafKqf|v&^gZ5kiZ`%EYL$d*F*RZtj`>8OD2FkCNT#SFi_cO9Qh}V~=c! znl3#$JwQo@^w1-)&9kR4D1QW4t#}_*_JvzD#J+SH8S$S|6#2@DtIS94N5ZB}^J`Qc zmTcgjk0)HuXDQE09lL#+c-b^R`TWZLTj+@UMmv~<_Nyyh84rBzNF-M6@OysMABA~0 zciG}P?O>MP;3{{wae(?enMEL-sPYK9nG4!e0;zJaAD>3PwJ$q*U@)v8DXbkkS7P(YjXabULw|BgqhF>N3?ZwRm7iDP zTOAJ)T?Is8m(J}7);O%sk#v3wlw(*}lFeCXVW-shVRo=#G2>o1{Xg$uGhb1vub(D7 z^8Ceo--+6#YQ9OcSEN04J5t(cZn_eS=Ou_iS6KwzT&^qNfw4vZvEH3t$#_mb8M2;9 z5o|7kl6(ztX+v;UA_w?eIb|}-t9K@`NThwf5Z9Ls)O)nMm7MIyIXt%Ly+=&o18rcw zQ|r_0?jNnqs)h%Uu6e^0DwZ6v*S`nG~? zdC7EV;JpP$#aowmx$Uy*R0JG_J+dXDa%0Kc9GeF(y48prQr1*rVxvB$4M-W1+a4l? zw&~jjc`!o_ij~F?$$cvYxtzPp+ncSB7ma(l3$;a9k*S80{vS3R8w!7pZ^mKP7(LA>2pH zf&c=fXN`34PCG8EI)aWatK1jcug*Qq(#febl%rLno{F&9WIn~wJzqvo+Fq<8zuM53 zQvqtj={JU6^)f*qzk2(xVvQ>^hKdsY=$OuVS(zj>WpUds1S(W%x#I#u+h5*Z@3p1< z8{W>K><>~LM-~^e9Lb83LFKIk6*}(pqsp#5P^_t<&2JgG-h%)D9g;{MOhaYm`@Jgb z1y&bfHIokq-&OR*3ydt-L<5r5zhexA@gx7T&7tN}bO7WZ65poepNPFzXNs9rEF%Bt z=FLB#s%G}Ix*ng$Yh)xTl)b5`eI-XAq_qhH5|!3*Dcfkvt4I8c z`;9oMaN2)yzsJ4J?Z|fi^>$F{(ts&hxoTlfbctptxiTb~0NpI464+=aWRRE;E!`t| zlsnuV$?1B-&$zYVnptS%$R)T!0m?6fV;tMg7Q|zQ#Q4s2M}WpUi)7dHG=yAE1MGzH zZZwNZA-}%bc+h1sAOVPTnL@VlIh(t|R}oFGv$(3=+`#xmv*X~l${`V9yEF|tWi~VU zFK>ix?KS}OErKp8y@ni%lQR!nHOTi4bLcBx?ez?~{n?%j9%9Zo0>bzJz|PiDF=#5u zawC>xY<_&593W!G(+xBjCwjtfreju%HEd@Yb8&GGy&Pl;xt9F*Z`py(JZQpo*Y&93 zH#U$642@AnmB0S{npc>L(v1RIN=?s70=}QvN)-$ea2|X~tn&qdGY|Dd$XHj7WDI3Z zKWV0gzHIcn*v2dMB|}lpT_Dk%zt=zTPc{hAZut_Iw-9pf-z+FLliVY~rEo*k@#oPW zuAS>vIRvb^Ho0#>m7`q~l*1>wY82NAd}SfQwsOpnkDKYAD3;N&AoT!8hI}E(`8z4V z!jky+bgw7&j8!4z4%ax6aWs@cx!4ili^yCI4ZJ?s3NXujIw|uE)e5oQ|DfJIJpWH$ zW4_t3EI(p zYX>j8IVHr?`={jX?EwJQBM*S`-of5@y{%gZ(Zv6?01_+aV;D3l`eRDcstudAyTuW# zXVMsTqn4pOihCg*piloiYcZzh5o_$ieZP3IAEftVC9#0>P+VHM)5}6~a=YP`ugJVq{MKWpFC@I949SWxt)*cfGo^iNrD7Db; zPw~_K@*Gq3jMm3@iplLBw*or=fL!wU=JW=2@KG@RQA24unmKrzg{24#XuI zv@1pxe*i#6>qo?Kc7t-l0qhZcwXW$5+iarH?BW%-w#Lf;dRy_SssH9N)PwEs7rZvZLTs<(Q7FHVF-Zi(4G42*kyR@d+~j8M$Amqvuqd{4*^FDrVez0H=;A0Vh4 z8$bo2G!`|!Io`SsZUz9Uv}5^-!deL`wOVDL4Ar|@&^h1upNdnDT{mXr;5YqxCSmZ+>VKNFWWGVkJp zGG{+GDG4e6^Ys?(=fi~JV$|;0X7`qe^E5t1fuzYhO4||RepvmsGxPVXj=Q*dmb?+G zPsxDQ+WPu>JjV@e+nYato!#=6V&QU>v3}yR9j?ybJ3i|tD*}TApSzG*~qUN>(ZT$kOS2gIf z=j3QR+gWDW`4l?FpNg+kL|Z^yo|Eg2SK}|YEDcWDL^Hy=6oe*O1g2i z_J1m-MVR&aR}Y2sj5+G-*%w&c(Xx9Qf|`b3T0dOpr*7aCF?Y5kxHBc|+t7htnpwF~ z>YMAp=(VKxbmx53(R0`!7Ykaf0a=VyrHTA-J(#V2kI>Y1CHx>-sI5uC;kQlt=E&Fc zx*+XRLjqc}kopDcp~ppFgXa%Zdc+_GCP#9c9Q|f&3G_t=C68y3ybXfmk9mC-v?g~#Y8R>2jWU(bm1QsvJT+f?&JtXsf zA+I{~Kz6kUZi65?J=mE-s+&R!_9w#dE7#?{W1seK6|7pe1rvwoJ!gw78v%kp@zQrR za<1WBU@%|8P|HU0-&_Cr24lKOi?f&npQQTULt|s{oPvYetj?{LtpmGRBw=%|Y?0d)M-~LZ9z~L2Zd;9@jJ-K^D$qM*U zPF*wbw%F>E5~q+z_FOm$^AH9iM1xWjh_&B5{bO8yj6KVgf^O^5#no-(|8;80eIT^* zEA?jQFIh8OTMqpYX}=fd<1P0O1e0fRv<)Z!;AdmEk!E36X~Z~9Ozs)xPoAB-RG#kg z!|zcyY<`Nl;KeB&>F()M#D|k~;;D}_MYACKtH|zH%9Ej8~0!__K67OtF_TJp9j1 zU^q=)E~n$J!SNfB&0G9@bX!lM!vgDS)p*7#UtjNTG4$UKzTO7Qx|qPe)lb5XjIc$b z6-6(SZZCB*M>;9wWA=~Ie6%%T{SCelu0o`uqU{TD?-J&Z1I@3OgD0;(KA5q!vKPdV zt3S_yj9`THNa{Bzmj9E|c7pk-{r&agZsj4kRD-SCqK7mbeUdW2cl~qEfGa&t?n3sb zr~(~5nQf*faN{#QHeQ7<^5aye5qG^Zh-)+|SzKd!}$Zj8M2axoOQ)xH*ulLjO1u^1Y98WaCg4 zdYCoBWH*{gm$^3)dVQXFNe#%Va;P7_>0CE2@siTU`8e%f?Z4!P{#6my z&`wZqa}mf*Hr-c)_k{9CsIgRYrT18``$O|VSr!DZ0&d7WW=Vt%Dpb{W+%^KusYq)x zhbK?P=-Qq#FZ^g(ylf1;z1VDMP;7dcVK^lA31-K@x)3^_EGgUny{y zD#As&vxFaiRC=tukwyQ2&d5b3wGwBADZ!8cOqR0K}$-CfB~wbAF# zzqHt&!=@5_(tuQVEQ&qSEPl4Pea@sRd#ZdX-jh2|4!|j!ruOSPsT5}FXk|`n*Nb#F zRK$(EoEC>s9Es_j1mpeV4`3+pyh3K%kEe3;tXhzx^W*F5(+NCYi1G|^hCo!fhnyJx z#o30);Lp(UW(v$)j^9)POSlqlHdvGc4)FQx_Hea?Xt835|M;5dtfX1{B!d!;BCSa` zj4L+Z3{cJ%9Qx-u7wG;mSqR6Rl$Xmg5n(%bS<*i=@a-5G)^L(PM!GYMuA$NR0ktxz z6+4@gr2z19a`(6-9Wk8L?2y$3P5NNG_3BN_Ona1!fnDR7RAZjsS1y_n^$WhHBc)kp zlpr!L`+|k zZz`1`qAI*^m)XnS;K%_|Hze~eeU8JvEV;ZvEZ&ZU-ksrZKALm6B#Va2;Ui?ZVG}^C zNR^+Ls-dl}|ifXMIv0F8Y3Z=1P6>p=WTD!K|O$CiTzxn>~ zdH#VsM~>sUulu^L*Lj}q{ZL8sw5^Vm*K28Od~ge1c4maGfL_WweiwDv$2q$cYdL;7 zko}{Xh_$@egGk%qA0*$l(FHDSf~S?&?UPN_%kjCA>$9Y;b1Zl4@oMfZL#QXX8+H1t z%A**z7nh6AHxB$*m8rSzRPo*d)jhJ1Qhz(xe8@<6-67Ebcv{p^N}Bwc;gXV4d&K3R zV7X8Didt?@>788se_xCfscaruxfNGm99}B&3)`^)2CH}gO%;`V|Ex?Bwg?2umboSR z@*30E~@CfL-}>hxZ=k zuPiY6_$C{fn#k2sS9I2b#lNOKz|l-@T>C72QS!+AJTD-x?Y7!GUY>W(8qZ`DxHZbA zgq=g2-Q9W7jl%d1J}!pHW}CA5XCLzn%jy0-T;0NTwhab}CM7=U78_imU0=XRUOz1r zloi7Jf1Ak=ba(Gxya~+sDFTXf1pzYUvSb5nG|IicZrwWa*w*>PX~-|2KBbN3bKkE& zo>~RWHhR4SEtZYru(P2pvh=piN?ODguU(3LGM{~Y;5G^2p;`S3+eHRgH0grgL-^C z-z)z`IDr76OZX3jY%6%!+btyyozR}wy}dK{tPu1$JY6xlKIu3$*^$pGl=jy*2{=O^ zOc9NE{-Zgmf^^)oJDO06+#?wZLW`x?~Fwah9sfT z=Ra}0ZocO0Nvlk#xq}kB#YCp0O3H(NZ@}M|JA6ps&%^%0Mk30<7qt8Iq*wsPb(%OH$j++}#g3 zT>5ciqp|z)&DTXO00rdH{q8~Ct&XBP{n}`hSM8zPXi^00N)k39KX|-0g!ev0HW0ZX zG&k1WVX@D~8E6!@0541+1T^}+!0|nyjEj3We z%fs{XhJEL+15q`)!L`FBn*G5v+B55uuRE!) z2fy|?Ral0FajQOW7oN6pol#~^8I&50dseY>72OdC^KeT%_GXoH9u#Q zjE!ya#+$=L;^~Ui5_b(K5$jnviYKnOJ-qb4Pc45)fYg7g$>(M;t;K{r&c_S7cxKl_Enl7FVmX+Q@OSu9?j7e!(%Ff^d3pND(1&Y{(9=wCi!Onh*6Da z#cb_j-n6jig|fM}aH2TCty+gp2TCT%nVN(pJ>!BTHI9-X;2d<9vqOx}f=V_1Z3oAe zoWjvwoPQ9H&a$d=%TE>Fsv{?(pfz6qM+bCzrgwZ<&sY4tyz+FqRBS@FQkte{nIR#zApt-A$vJ&!{%S*zB1&DgvN}%enGWM!+eLp~f zV`^PU*kESPj~_t;3Fkq8C7hQisYXZOA@XK5(9b2^pU(}@b2)|^W@U#AaiqEfUB4v$ zf~FD!GRK;(uzp#Ln4M&Hm@J4DwXb^UcXVmq*-`(sA0X%J10dB#&4 z8@ju8+T(BV2>|l+LFs#L;c^Cq_n|2z91T|WD@oa;;JMGfwK+X7$d7!1VKQN*(ySGE zB*GrEp2^^36oQrX2Y7dE2DM}y5H}vckx1(4+9C$3?k&%HzJcby?Zc&xhig1No+{yj z6nUl08GZXJ)_r~8Cty{itW06+%LJ6Qgj-&H&2CVGM3W478TK+VCA}6FA5HZARefsd)v+3j7ddj-IrAXQuwX|@NJd29^4i-JtdRz3RL!UL5s}go=EUrHC^}0 zH2+ZOp1K-&h`x~gnIGt4Q}goZ*kz+O&qrZt(q|{>oaX#AccG{nEAaRQyxfdJ<2D_0 z7zoV~&*i%@NU;$An1-J6)_dGt)khjx5+56zsb|r<0Btg!V*rqUk3f7szf|%t_Xea= zcd;v0D7&PjE~%B};ee*{gu=8SN2H|rJvCF?0*UwehiG^07nmu7u$FpOrhs2Uaj3%gH04X;$O>g zY>}ajI~A*~EgDT>afiT8PB+ttW|dX$?*8QDYGm*14puGPlZxP!>D3KcJ!#YDEUUA^&utHL2wK^=tMB=1gR%P7^ ztMs>;+KILw9rh$ZB}T`$!+FS@+Z=A0jx3$+@5?W3|Cwv^_3g}CjMIBXNyIJ$OwEFtsm&J`=0NA==kHKKZ0rm`uEd}08 zczC_!yp~+06f9hB0twOxBd2n4<=0!1rQnL#d)PNTijVP@G9iIfx zKB?kIx3i4T5A| z9(s+k*&`_d9|kD_sLclSrJPBT9-J*SN8I1WN<+#1JNpZE#ZUtzP8ioZKHyVQf#u>; z*Fof+q1}vYx-Xj!P2i8f@M!{5jM8%d0)#vFGx#h@x`L!=A5lsN>{a39oR{cIG+vQoi>L>Yn(>Xj^ zMpXZJYM~w(`Y$pPnx$SX47r1?fzgE?b#TwD=t?MdJW}?MBG$ehSFCF2mU%aB9WI3@Ppe)JM^Zi0Yeytz1R@{$(^rmFu za7ffgkTK??4L<*D`O=|3dKIt@(j5ZWHd6v6ezr+d;J_tzG|ln3c_noPVzTDani|e+ zKMBnhb5ry4^WgU^p0m7w7`&BBX&+7^#0CNFr;sd&p9%R1yKhike1jQ)(w5PQIQ^=I zN&o@2C}TG!ge%DuH7WV#rFGNgq5gaP1NZWH!H*7{V&X%LQ_a=*5rs;u(=CGjK^BF~ zW`l3VGy=1or{Gz+Bi-BEvY8E{n_j->J|2$|8K1n^#DCk>L?W}`4>7yk4rv2_62rBao#}Oda%+ZA&EP4^6cQ? zgotgP#<%9}SobnOX6XUqaDx}lkd>rf3IvTT6l@3XHBxX zyON?rOO(W~p6&_d^klmJrv*!QnG49sbjqi)5EUAzVv)Q7D%4vyK?-1nw!C=UKFC|2 z8_fY@;M3x_%Xx!RjgF4&6dt#OUM!3nt6rR(9pbU;ZLR;|Z-vF4_lBuPlZWUyD?Nqt_f)8-;(wBD$|F&EA@+6C(&oT=S_X%%7;w%!Ta^U#TiN?j z=h&*D;m$sIt@>ZCtzSc%Z>Z((SczdHd_$B z&D(GxEr~k7Rg9O6+z?}6e)e_Bs|%JA=VtxXRgL3-pE&V!GnPR#smLw+tkJ$iDpbWq zBeEM6vBqOy>o?pcJjY59&h&L8$+yP)gmo20hAIcP`6U3@F zLP;(5P_6A~o*qKp4&s>+RHOb-?HS2Ff~jyc6QG)gBKD4YvDXKT*Z%gb=5scZ$GM^o z7yAR;NDq8R0q>BMacwhc1vH9;bYd2*GxFU`M*4mSu7uZS6Hp@;uPcYZGi^qdB| zl|=|qeDU@1+KI_`EM%y*KoN|RrbP*)q&FX|u$Qc@t)G1wG0W^@VQxMtAId(&R+d+R zbJONzeB6&BwN0K{@`+#}etsd@BcEm%{QK!^K7zuRqQWB9u;qlbS2zz=d8c5FPd%_; zg%MDhXZ0%tZo8ds}7@%p93#CL8vsZ&cvF+6oPW%Xmk{7Fdy<s_k5jpPWVHL4bifLtK@B)9bBjBvLRtK(-NAHVozPyJw5`xs6XM(>#fK}0o_zS!^fhM$8r*l55aHTk8uY|e|xX4RT~%^H~q1?GU{X@ z>yRXD9@ja^OW}r@&*S@WGGKLs5^mB=^)fYB5MW?&2TFI=iKI&p16*=JM5d)ROEh%@ z49w1CJ|2TW`uc91wl2bRF+6!<*w*}kSw(1G)ltmM2pj| zx-$qu8Mh4R2-&%;S9L8s!}*vDsvs- zm;les@l6hvaVW1}qr~;V(~E-!^aC>2FGT}v01mpJ`ZuW*?Q@w1$vnwv83B@SopX@x z&hEbkjLLb&hCTB1ZdQ5OVvZ+lA@8UJU?5;@c+|b7j72%+>r5XG!F^mUGYlqcYg15> zxfx`AK4zTMyMINvB7|S;Gpa_PT%4W;GaRe7KVO|KDRBfjqorkgYVi$Cv8TBuq(LH9 zIQM!#_L4e1d~hkID@X4vhVG%DfTJ6Jl$Z@FH2`!NCiLbo{A=;yfxq(m$NI^fr)M61 zG%-2PNnP&WSI?%wPa&G>2^`4+XI&!#vagC$Df%d)S9AOY_Ypc)D&!B4tA zlc|sBAo0^4Zyo;xF9cvcUC8BLh%^(ty*&XxNRr#+fW=$m7eXGWbqW+E1e+9E5~d|o z$%u>lJy9+}7hC4^{Usd{+&op{_}y<&$*vAx&>XfK(^4W3a12END#s61ua59UVu*Eq zy;I+MJD?PF%N;g>t{+-J$@>?~y^NY{;e|IB&^KTog@@iedqbt#ST?H6z(~h6^fKT9 zB)}^Gyf7jAoJ;H7o9KTg%tV%a>+dxi7O(zpcv#O3Z^ON$C0%BBpTd|nGK*>lEJM5w z`V9WE5PsRc5WCkgBol?cV2-kcxC4Ufv^J{HwIkzM6v<^GhxBo2NQ^Yc8?Dp@8e37M#yRWp}$-XoR_rorcc`5 z9JK4TjaGaKKK;?bPK~bu`;}rvBPaAbe0!cj9M%=KaCNzXY(iP|&=q z8Z*<7^V5Kc<8!~SNC(QI3_6^nB1>qL;+TPwWjymwBZCU#I0?H9)9YuIs@JEn=S$b5 z?^76OJSvKfxLO&(huB{qeC#=|;tCx%D=SdJhM8-#l$M8NWF9Y& zl($jSXn4hCnd2Mm#tv*&Rk{n3gN`0(3Wo zlPftw1pf*NwW4uErzDNnix}9rch1VKnTdV55?AWWOBVOHK11gemh-;sI&J25zu$vy z6W%%9z74@N%q|mM#e;+HSvD31x!CU9wGzNl<0^;za_Z`4zs)GcE{Ae0NAvuT1<+%b z;tXCl6HN-+ftYwL7)nli=2+AN04og5B2$(*yj(`jVsDUz>IKzUXNN07wz&G4M)|R} zj#k;{CYg$6c3`0RB_a*s+}^@OglP1uVKn@s&TF9=9{4nRLrW`^d86^H}Asd@qVtk9C+$p#u zacT;#LKEk!jX*#M=(Y!?K8Y{@#ECg!K}Cmx0JAE;Uy6-Axv(ndI3@;kVbSyeSYSvO z1wis<2D%9RwL@&T!iE-`BIag*X(iSFqbfc8PM|#&10SaR_gmyi;2x1TNxkgNVX+u1 zbC~%t4?l0H&As#m)h@x?xHcF9SPdDA9;h+%OHk`k5{p14C-W}16m(ebBaqSJAJzG z93=I8_<@dE*%^{ZlQv8GgI&?yr!lnE#cW(WFEvxSF&2Po48VzkCO0CVQPSh-WW_9z zRimu+ANSI{sD4+|)JU7{9ES%oX!Hf-83e(yoYfzstMyA&4)c6=l0P}*+;7fkIJGL52x~U`H#QnnZ$i~mI-*L?``=E0D$l?Q>?Z8{_P9~=KWzJg=mTA zR-YX$^fK-`7@JzhSmVtYl9C~#mHLoZdyb2$R|D(Q)5ik~N`~bv1v+okD9y}4s4&HE zH?^VUcU~(V(LsPeClT@p`*Upu>X|YAz~h44rP%{ptLVQ>KlxtdX}MNs=K;4O?H3|5 z^%`~WZcHgk?rcy4NwVb}Z(tw96^N6Y8Ym0YjH z$tNS^t(6nRWDUfL) zJvG_$9tn1l6G?ea@>n0G2PB6#&($t?)g~gz9P4x*wBc;l1A$M2`t6gb2B$ZRpC{fg%$)71_@wkPv8% z4o*3x6>G+~9WClZ&fHgx5uidN#?Pk_HGgKK@XvklA=VW(D8Zf*qsoEY@ydbCh+>=F zT3N}U=AP)-8B(}6w)bi!990=Pvx}>(IvkHEzBel@P&b^7ZFpW$RplbV;2_$49#*87WUJ`E8>6-!K{!n6?dHASuTA>{pA z3Pn9VBBgsdiSo;UQKa_Rm6Zjg$(T2K2r)aWeOa6|ygx@_dE-pm+T`Ap%DbC0Y$9^P zaFyGRzUd_pGC?g72pYxY%a^8zz2(T%48 zhN!^ohFtt_Rmj#6uD2QeRHGvi{uI4zD?c@YQ7{-nYs7fkYc|cLED6R>J%FQjss8Va zL+;(4L=QF@{xC0t@RQn4WPtC}>!;CQcdlrTU3r;G3ph9AMUT_cj5Y7x{4x2*%u(5( z7UQTA^TMuz4DrZfL3oFK)NKP~#Q!U+m#sWg`jOy{ zO$urp{VhP8&98;1>8XyIqs7Ua1H(D8?lM@^#Vh(JeQQH4sWm3wHa^CIKJbwVbo;Ft zwqDIS5KVHE>p_0B4gO2>lnw7k`yS}qkOAKNTxYYdiQUdfr-r`pM76ST5p|0z|DIDV zsxLp0O;6VRCmkNw94p!SBTlUcuJ7zF$*3VvT|NOtqUudy!o!ir{&FQ~_kQ!9Uhqf% z-EHw#r+hKzOafsFE^IgbvTsekPDfD(giAA(f}YafUXN}B+;YdR?+f_w0LZjvsE#Fz zzK6F^X8(4WuMH{i6yI_G-ZOPrubNeLMVzxNaWIOFx(>Io5OiH(D~`92H)q`ljzmld zl5Ot=R2nS`Mh znv*uofH(v0dw-OlmrB6F|2*w%H-7@keQt4vHr8{bVXG{H6diL`ozYrOLAxV&IMdVgB|LOxt{*mNEW_3Co5w;l6~CLRwS9ltzde$4PkUfNxMAu6r@%S{)O zk5JpgX{cLuNOgm7SMFCxLsSmPSZT}n`ieXDV!LD-bBNAL@jI4Ml{Po;SV;VJL1(fd z^YcVatd@SSL5&}bMu|m%>n$ZXO-8k)Zi0kvYe>} z0YL<8dLP876fAs7f zP3~V`rghOisrJ68K=ZM@gTKfxART`pQr9y6dyA!!K zbAy47*MqmkaiL{eH|dx-p%fe3Bl?b&MpzrBJdTj54(}n9rv)Xjyd_?Ej2Ly2y_13U-Ls9 zEV^wwRv3l={tfiKq1^JoA}bh4Of-TuPD=yu_UU{1_-MFph~n2L7Zxs8!tG}x6)x+p zkCsHI4>x1muTS>(S7Is`Mm~upm}oPm{>lb4jPU;X!)D8!ysRmFfjM3};h($%(02xS z8wzgjaxlrl9|uN&1;vp5ee^y`)M>N1fW|SIT0L)XtLkhD22W2*L2bR2=b{eOX`BNBtT7)4sxI?D{*e z_~Tu{DNsNh`(zVr&ie^4Pi!FWP8kFor#X~+4agY#oIG}aDA0(f@$VZTwQ}|!fNq-Z zuedZ0rom46RkI1<8fRxnMymyk3=!RsI{1X^L-1{gv$IgP=%xVk@#F;AybcoOB?7$x zKyTgvS9nwhy%~A-`&es;*U42L$RqA2Df45hMr+KvsagT0N{BcK^2)HR080kYX`jrD zPzNP^xuK(>XnM~zFvvwHakMs~Pbs?+KlwZ56I7p{`38cblAEYj4-nHpO%wqi%O&S< zJ-(-#t^e)k7#B~MZQ7tf9A*AhQH>Wm)1tmp9u9`wdS&Rql;A5a5Wfe`X%NjYvKbsS z@r-m?-H(Y4>%!L*jZRz{e-bGq=W3E$vcV(d&GCG;&FT>2is>hO+s%T922(ve!qeT!Pxx)2xtk zoqXcjTrN1nEi;RqY04(~Sy#bu`sZb}#-?R$$%0B327@ek)G^94uhLV7ga2QWR}Slm zJW+G;0il(H?Px|fzsrO^S&%dNE!TJu(gh}It`(;~573!3J)*Iv2PU3Qr;T!xba(SR zm2hgY!ixfl%v`(xuNvU7IpMi=j+?cOS7Iya>-%jxR5$F{=Z?*L`e3&aT4?s}XVp!7Lt*)F{e!2@kKgfrjm9dD;uVi{=iCa;t>wm_mYLBRcD9;ht-nAGeoww zqzXZm7mvcz7Dq%H_b5*uyyp7668H5rpcgDpmMGu&&s#t_tt=-^KziEfFSOm#3;B?=YPn5= z%rlEavfs?F%m&GBQg$b;axybA{|8E|Um3|&ock&B`uLX8`Y-ftvFOiIJ1Pre91w|^ zRB;A#ml_k&UK+;rVohyNJd!Q(#5~4 z>B`D`8uxX^g~yecfA{W(+fU2ZaV>U6jP%8x;bR>h4hM7%fQI_}fP?AqpxxFcO@3N2 zdXVeweb<%vbd!kAh(4QWt;_49KV&o%@6;)8NZ(qCmX7$4<`$qHr!kQ)!{#d%@dPuK zm|#u!JJ>puC=8emA!!|$R)*VXn4wZTe^~2Jx04>pxnzA)xG3X`kU_2bJv@GLu>%@d z>+WMo=;XEqZCMzDflB?8sJ(0~)jOb(7FjP&a{XYANsh3r6l;3CwwA|it+oKvRJ`+w&ND4N*4J>oKfp4&fR))u z)+S+U!slwwY2-8gf-r1|2hn$v;G7Zp;jk@S&ABsb277va8GA9RdUfzHd6kQcwdHer z=asAFYt5Y8$0Mj4&52>&$?NH&eMq-^-uA%gW?70o@>P$|z*S=zd@4y(Bl+2Y5 zkHv%^M-~gglwxAy_uwF)L9H0%Lz_d+f1JQ?+kqygE>IeSF(JsfoDHHyIRt=|N*u)G z34pvwqkKXAX#9;*2U>B~gAjT+rN z<8t`ENh(oN2Q!B41zr%7anh5aginYzI&*ot4bF?tGc#)4M$4^OH@xSZAZt*tv!DPZklj+VodJrTF(lDx6 z6IxjD3gp=|Hw`ONDmv8;Uq7bU0(s8bu(%7@Oj)FW`x-vw;%!p0dbk#CL=%&L^yGam zSl@|IsRLQ1JSOy!5f$%4yX(=)Y3j{%-IT070CTDX4<;BqJc%*XQs9xq~ zTk=&OTjom5tN6G)tI@#?Tt z51U5vk5_rPq_he>&A?zh@+*>YPdw;fIvaU(+{%c^1ht^O1mO_A-wmIFYU}e>q7?;1 z@cC6_D$)F4nICzS7~$Mj0FsOSoA_<(uzP(r!{N^|7H{@Ph(=k3d+p>haxZm6Fhju9 z1#kv!*`VRUA8stipkuS0O35+6!fSv)3Yxswx|S^p?V(uzy0tMC`hAbIno8#B!#gK}ZxT-l3LS9^Cc z{AW+$MeS%s{CxoQotXDe8QDEKsEc)!APzUB2+ipMX3!12r@CCc2P7{G)@R#wq42@p z7*v1H&x!9(Pu+R?LA{J!;rIJrmEsS5KivB5Lo#G`+Ngf118(`Wvr|JQ(64^@azaN` z-^*)`dt-AT*U~T5w?Ypt2VfYuJZ#915WE45@`|%Ugkq`1BK-!=FWVlLsHT;eB1w}w z8p+L<3>i>BSH%6HOFAl!Ubdh9+QSSA9AwJdjfEI-XpY<0uZyoqThAs$^Y|&8_G99s zNcY|d`#LYhBGKwl`vNV{7=4aF>DN0qb~~6q%c!G ztSm3LYViU{8jkO^Rs7qp$ub6D`EjNIabPCiub6uEqo5$oBQ=uSKR-?@sM?>Soh2ql z#g#mvPU|`ny-O|@~_>Qni-L(b$IjIq<9A*#rB+;OHL_e4uhY6A1wa>-)eAS$2tN3_~ z-Q)6p@K=3Ii?ry0BgWr~znxj=z}N{UVo7?Pk8V1*BQ0Jb7elJ=)|FDE1&zJjIn;H% z*x-JJ?C^4-!HwCB=9gH0Xw73l6=ssHZMbXEP<~mA+AS$A<|=Wp8RuS9I+%i}>o8z{ z3Flx!4zZUG(i7^FWm%t{U}8iT;5EU64Rd za2oFfz%u=4klMTVUi1FtKIKL@hMCC{<6L-(m@$z7>EO^AGOf;*Bg%W9tNzo@dUVl7 za$@|md;!6Kf3DESSI4mzk+HF;ioiBIl2KjP70L1*ZO%ntsN-UQbbi{2ZY>_g$DXem z`*9Pr)>c=EW3%gRVnjDzOoim@J)9&j zeeLEh!|vqisiHR`^QTpw0whj*=xY!>zZ=*c#{&ulsk;ksbbgllp5fMU8~0YK$TnBS zFguaYWrxPrNQ>aKAcD94NKWa3QeYNK5c+u9a6oM3&Ct2gHt#vl8Le1A|$JiFUJh`;e3AFwopnl)0;ZdL*zVVXDISU4+Y?C0_lIm#vx1ZlEqbj?Z zA-4lU26524D>&rW<+g`-{=Gj}CxMY|cDIa!3^hO!7~{&6f=39D-)UI)VEp?LtRNix zHb2uz&EW|EIa~C0O!K3Hg|611$hs;;!7SU2uklnSbR6{XyWVQ*h>WStI1g3nbUK5v zTykPu>4~BO8Tec3$jA$J*-pU&OpQ%dIcpW%z(?qxNOd~$EjL0ni$fw(un8qdeD@x(2Xf3=k8Yjk zK4v^7X+u@3Z3TzS1{Tnrg{%VTa#xn04M)QvBZ-O--eohrhf^aj@?O=8)p%IqtGhH= zq0sR@$Y)aEwzTB2`hVYCl#MY{o~#@1x$^sNrSX@yB<0;(&eb3KdHMQ9w&?ltDpM-g zy~`7AS7k)2?9S<#*ynt0H3VO`nLY#mwA=IReWL1OtW!@F>rSsMd&a!FRRvkc_IjI2 zSD~{1?2Z7dGohn$q|{U4ZfibCLbp%cYv@~ zcI1K~aY;40P4%y%>U`d>?MR;v$@r|X$hw}^&#`iZ`OAh+-&oA&74F_t!STh~sP%ie zy!+BY1uYbKh=DnIeSe{a5Y)ZMv0QBUWKC4IqX&MSXr@nCuVqnw7KG76m}$js#2RdRys z#f&k4cjtO6Il>lwKvn8D>i&2)Kh#6Xo#RPzmFI0tQG%|izh1eLw<&T6zXA0hJb;#Z z{Ls}Am$5%REt=(rMxP|57Vg?*t>oyS(p)q>dU0nPze{xbKCX$q;M5+j7tef@vl^~S z8m)s_eTN(D>QXA5Q|D^1&-r`7U&(C<%3$SEF|CIHNI=Rk$G+U^X2KVMZsB>L{TDBh zOaUs2E%N)u1$Cc0^;^G(wT33TrGMj5Hr}U9UejOjK^?)%@eSHA1xWdsiB>4FtQyZ_ zxv7}Au{dcat-CDGD~~uL5Ojm`JxAuV*W_+y;B#n=dVA=k-?OGgx56W7RS;b&IwY3- z*LbJhL-z~?U`B9)8spOqDETwn954LY>1nk6Y%}9ppmnNU86s~TS90}JZtztGPT+W} z+Wt+R=iTO1B)mm-MDzjBMf$BF-&(6PB0j9_vexGlIJghGy`*tG(7Uj(AT?5nHx+d9 zB~`7ZtNj!)<#|q?3*z{=FPgx*a(>AGP*G8VjQ8#Xz`oB_4OgNA!lYQ#UN1($Kncjr zyMqS$UK;|!7*MagP%^Iv?qTg zSq*^gMSrWN+K0^Pf2JTq9%zx39_QF=Jk%Ny=JDxCvJfwMDgqZeMtkA^d^Ko3d4Hi* z`ZJ@JN8NJCzsjUzz8%CkX7rjna*lHEhx<(ZJXhIJmSt!Xp!9v}YKGhvc~=-tfT`;* zQ|z@tAlKmh@A;$O%l`zpW45S3L|Nl@#F&Yf9f05)I`dh~XE;)q$P8g!>5bWhut%08 z3X|nv5(h{FS0w_@pg>(sTZ40#0Y7H2Gg&~zI)$Fi23v*!3M&+LD;#5DxPdUUYS6IM zWJEsHMRnIfdA=*MMYA+Q)_6Q?j*$#^uGrPevQM|RQP7rU%mqMLThS1G^Ap*{uJ*5T zqrdm5>zLj&4^E4CSpCP{?&I<2T2Aq402ct{S5Q*6IT|}kpC!cRvD*-;sJeSdz+I33&qtbennh}Q+gG?99%z&g;msp;`T&}cZYdD zyFTePV;ArFwEgXI4nDHeZaBagx$!gVsZqHQ%ZhJ|62UOQS|+w2V0A-)m?BC6gPv2z z9E-PsSyvX5VCtw5sv;D1uG{JH^+l_NLPw!Yc8W8*iLY+0Nf5#r?O(73b}D1Jy9?4L zLRKdO+zp5w;)gz*{nI6+tMZF(Y76G~cRmUQsUxIla4G_qq2nsNz7MVD6y;j1=H6?v zz5926!oxgcpCVnG8ENYYhgj#_{h%{HGBNV$+l8oV=kv&j(~Fa`>gD}tg|3K}G$g*^ z`#8UW7e1HdH$}qR{)PoP1i&UDjR7FY0&WBvEd)pQc*`Lf=L&5-jH_&Gbf5cAYs8QK#ysyx1&;Tt581&7XjwPkdfZ<_4=o{91r zF_aExW6sUQJBA%TR)az`de-F2E)LrvgDSzcmgdu6W6(qjpk^m>iy>9FOC~7IrokGwXFr%AK7#Ru+Y1Crxd-lLB~{(g zAPuv{f-*z`LI?4j0D|L)`?G}j&~vq2WxV?L8DK3Z0DHS>VQ>-ojvgj8cLFY$Mf693aM9D+X@aVT!4~ZR7AUqvMKex|4^^5gO z6TK%{0CQO4q*Gfcuo3)EiA>l~!x@#qLq^z;=hGYelAG+gf}efH$Lx@M7;V1+UwAQ) zI*WK5(6U`6G?Nu{UiI=0U;d7x(NiK4Bw6BVG9KdNmf!VU;B;xzHEI^W+dkDY51^W5n!FO{G4N|mtYaSITWWdcQ=jQ;mYy`|T?$rOe!xW`XSlAqvX=FjO7AptBNFuJA?mP z*p-j@H^U`45!;8hLJ--QU9k}u#j#UAd~jhhyA`n6S&V!P^Bk(TrelOInwyxzta2Qif&{dM{2s7FjLumc`*)}x8U#|H=u?b;T-Wa=KSYk zYi3?&;rHsZE8;kjn3pJ!lXW*PqBdF%SHhiJ(YpXr2;Q-y`8^f;9~h_>H;|5>goBv2 z8F4GBHG3#WzIj`}5)y3X=-`yet?VzPCtL!@zXLCzQplX?3fIRFq~B4=@y;{uFf7hcyQNo(Q3S}W&6mxaY~xe zdCK-bZUf$yj_0kRk9Dr&>dT(@g8{}2qYf}=G zR_(sgR&7DiT0!j=u|-v_s+r=O&kx_f;9S=^*E#3;dfxZ_xLMFz$TqFB^S}>FKvNVj zfHN{Vdx_aLc%mij93UG=F*4+IT+#H&VvK*_A5j+l6r)D8nkH!d zbGD)M4U_DVHe452>MEFhIh~v*_w_=WR}BQy(z&=5Mrb-d5Yk-gjC?w;qM}3?#~9Aw zof?XQoUh9Fd88vsIV8!4Y})3V)So6A&MBK@j+;i2)D|KctdEn-Ua#BTI) zGb&_S*|@mNxFxQ~Mn=ouR%He2g23WCzlv&Pp@r6w_FGn8alLXcx1;Uq>m26To{I7% zk-dIb6mP*o06aDHb`oCif{gunnRfcGL}Frr{UbwgX7(^0Ko$(-;hVYzf||(|1=$H3 zq>-_oamEdG)`lx67wkM&YpbJGC6G=k7C8ra!$w_A92u|G(*@s$l+R7FB@Hd%02p2l zpoX6g&INDXkJ@vNieUoPxYxvo( zJ>Y7LT`4#=`jlh^c`rIga$hYOyUAKYOR8vK>5<7M_bYO6^knEmX|fgu)ybSA!N)UC zQa3a|)`vkSM5Pz{Oqte!RZ$kJ-Zqr%0y8!o!_9!pRbigz)Q~$v|uA znO|8GzZnsBmgVr3I`-O#ef*;Boa<8cNyp_AWCO{DJ=a9D>RUpAd!&t8{QM{kC8XIE z;%X?);pFc0^!-VRL?ode>$yKN9~M-jnS;0k$kA5fm5&Yk?ayaG2Cbb>$;6O!o6cUZH*&noq&n)cOLS1^d8k4;V&i?q}=9ntKN%xTxC;9+Qb2IKje1p za=UN_Mz*CAI`zD6R#v_&ul>f0J6axuyHkFPWC{z?w@r=b72sA35^olj5+?siIv`+D zF_yB%?OfM|Jy$}OVqubAB6DSdGLqK+HACV zicKiO`9~LpNp^Gr=BdbUccjU^mf1eZ21Ijl=^Gmj@_jPTE5tc-K(cZa;`mc1M1~qg z|L*j_)sF(6oYjg+0{_#p|MxdKhXeAF4#LOme1355O4SlXaknHvrzx*ymi}8j%QeUY z@pqmB26W0A#7OCm`U%eggq=sJCq$JD)ss^U1rm#-SA z9hS-RMZi)VS1i=rwHWl}pMO}m@+-^q2$z0n>|H;lG;tKAo9OLHav`XED+xcvQ5>#Q z*7#v0n>RZl@2v#GQ2GF@+xSnS6h*7GfhGVAGA`J;KH85vA0UobF6ojS_n9Q0@$TtM z3;_BKfc4aGMy805lqKFs(fJ-}zFPrg_*^XS;m>HLn)Y2y=OWpU0ssi!RZO5WVI=xp z&K%)tLXW21oc3e-4e1-~6PS~pr+72J7ME#O z05>}vagLhAMQ#^e8TZX#0bQ}-)g-Ty9ui~E46^Ge3~5>-agS>S05q^!1?-kHuSH#0 z%qihGKt-cJWqcfKyK{jRA+MVHp_HGrWs{L|dAWc=*^iA(-Z2Fwc=^@w_F8PT7D3)c z!|PwnEs2j5ew5ZXNv;kXP4p^p=UVNfGYV8H8U6yl@#nC4HYi`c*E6So2CBv_0DrOo z`BGt0TjVsEOv94^&Xxd8a`Fm78~a5Abx?r8??b=oqNLQ%W_7@Tdi|muz9%_{HhQnZ zj;h9u*-Z43vd?`YtebpaI=!7WTT(dx=$cnj==KLdUuFeJZ{yeRtQu7p;Nk_jh)sUU zp>d%-%7E;$0U*w`B$XfXY?=n)qxnH;@^hoko;dH?&#OjnGK6b{Ks`6ucc{8|-xb@# zAgRjnNT=}hW%3dx;-lN{*PYtv3G>f^1Dyfu+y8?`=ca$iE*3AzS{Rk4vHbY1JUb}Daw5b|UWyfa%4DuTM z$55SqncQ!=Ny8W4NBQ2m{r-u&U4jAwU%fN#DnfmqQ|4n_Y$Om-ko4_u`)_Hy<5?apW< zzwSq=4~>|%DEQ(Nk$3GyN*oD!)wk)Tudii)>LLI%?R}!K;-*Opw3FUH;rG(FCePO==1+;5A zPYN@Ir63Yna~RjwPkLQv#?4oG8*4fkO@27FWayZcKT72UykYUgZt;AdVf;Wit46wl zliKn>=}^lUC&EAWkh+6jK>Rs!hkpHlrRx?MYZH#6)oY>UB2!WGOt9cCLQ3tYpa2=M+6x#MNS8i!@N$X+KWhPrWldb zqoQX!TZX($F>%8jR}$%1<2@01R&gjKXbAAB6TaLzcuj-rfmd0TV|tVTO=Plas5}dj(%tP9Ofih3C;R*fmnxh+**55<;1?ChT5j8b|+^6 zdJ0{AX}g1Yo1&3}j_;!R%V;H1qo}KnNc=8^6Y)p4wJAW98(P?T6{V%__)pl`G5{Qn z!meI&bMQEqFmijjN46F_C>JM56d61J?Q;?yxm@ia_qUxxs*|lY`$l zS%j-R=jUb&`gT*ecsQAvXj zn0xpgw_zme8ui~o2B4|}vSx8l;(^Qzg!Tn`Yc-_K9mhV9-MbxugM$hF%L=jI+Mlv3 zeGUL?08p^V*0!QsMr=FTzk-D96f=ed)#aM;l@EWBk*g;7FL!vJHWwZE5d=m&&re2o zMqZ2%Gc$ME$-?I{JlDxg@71-;OdD0nhsD>{>X0_-^;i~0f4b)P!IFc1Zfvuh633Og zZ~57&>033uwGalMmharx?9ig2Tx{MA>~c-z2J61Jyqoo4Q-G6VY4rsw2rp`y`T?66 z&#PK%0y{XXq7Yj9Bue&rUS(wX@~<8okYV^d1^p(!a3>D4<>$~noC--UEjSOwmJkAM z+yQdqmNO-D3|R!5)I+Z0{3gOuB&#u91Mn%0!!SN| zN2Z;5km-!s_mhst`Ls0%57pa83eE|Oe90(HJ?OW#=aD;m%EredE#6U4+{P`(Cu^&l znJSmjwsRw%KTa+qHm4-Dd!}~1_LjRM&;1{ESPPSbppu-qi!_--8sWkTKti)YBg6P@ zYJaI)Y?NsIZEORP5o}rOIZF#kf~IVeq2A+;jdn&WRU}i|U>o75F!J#ukwu;)q68Ii zyXJA$AFd*Aw@Q>%<;UIhuQh_e4=u|E|18s~;>n#ry^`;sla)%>vcfr~Gm3TJ2V7yq zxa9a77pQ0DI0nwFjn(6#zDm&|8*_KPYg+dQGL6zUMw38>6QDcRa6o98j!BvXEMU~S zYxcULl)j>KvN3RYoSU+zcL2cB73mUlWdJGG1>Owg@|^ln#=@5QvljZ_Y*3melDK3L zf}!KSInf#36>&)pp7XhtZ>EO{CqYQe_)_Y&k2JY>xxo^48_^33%}t-g0f<56-KVd4 zu}_9q8rMwr5(+t4iY8p4swYYjv75#P-ZRrB4YG}OEw+^tF+TZpaA>b}A&aOK z>8;2^Nob;apb4r7p*~qLDAltnFEZHNuRS)d)gUpiO7~T=71Gl@JiHCo7pn+dix$N> z994&e87Sgdz&Yhb#`hry{!dE0?BD)QH=e4go z^PVtbYD?im3kuliS?E9burEh9BF`=2ZFv4W1LDLn6Col4a);5 zcGkOqUR<#cpBmC-*-luGhmvp1-4loFxWjP$P68&_FDWVGOFW|*w8civ~jvm zlGb--JjPZAd1#!~2PsXBmqUZ}JBrFTSe(=)PXYHT{>&-TqO|YWseh^X$U;sT&a}CEzbOu{ z0qegi*h<{)Sp_D3%5Sl({O$JAMvrV%^P!xgCv|Jfm;nmOvRbnIK&I>T?LZ?KAGiS?1SRWKT&JEl7?d{_Y*>idELIWxLE{lw_Lf&4o4l zZAYer*ZTske7LaQUjgGy_H!Zl)8BQ>H@9nv=G?!RS6@;hQN3{bh_sD`NWRD+q`5Fz z){n_^Nm-_EeUaIze}OUe&`&GoV#Fna=LMePHlb0chGlDoMM1#YGF{ z2tdaG_Q7EHEx^yGm6{pBJgQuPNfSnv?BYo(c%;y#!hsNO9X%v)cR%;uH9MCiHT+IW zJjWrlFH=QN42dpe2I~!qkXxYu(>x4d@^3upUXYvoM~-)LCY;`;4t$?mmz&-T(?|>c zsAhRB^2&4+3fa+r0SJOuOO{cc%u=ibS_d9zA#==ivzxssJ6nsn$6oUesYlK&_>c-I zW|psaOYxT^nDqFZ?R@&?H#OS!0qc!G<;_$a9M&}==ln4eqE|p;Y$3v^NeOTz`|bPV zaYl?WWy(|nmyE-F{hWyA>vuH|)w?u9ok}5}mN}+>L_<5|Av|RuIG{YmLV!u5{foP~ zY}rGMBGif<%*jh$3o~tZO!8FzmBar5)tWi~fo*I|EcK1S2I&f^F6`O?VoAE>lMP=D z86+ZQ)oE8(t-+}N{O@Ezk_cctCZ+!FO)NPd`D?&`AvW%23_iO%qw5oY`28Lfoja}m z&JKUaaaIQsc>_FM3WR-uzg|K7zZU>mJK&J4AaKj2KD7@R=%13Y{W)7@1)c^hakAs% zFnOLu{Cr!LBfu|p!JJaMNzrJwZZrr}`O9fxiJ1a#OTovuKR*|fsG1!peR8Jz^A-Ti zX5^6Lnk60VCpJ@2`{Q3GHs4`v5zhgFx5{V?!Y4P@0aBMF&^)O$U?JA_RCc*Dnz)m) zFl*yiajP5B}^=t6yU%CgEx?P=|qyI?NtsVMTO z#l8j4WL!nO#o^}4*c#}UzD)bv|M6ufe)zHQCP{;%)rJFu#J*(S=*z2mq7@_PBfO`i zN?)2h@y{bHdnyqCNlpYsa}ZJP!^rd=1F&QLOEU!)5Ew6-9*yrjHbMryLNuap!X@7? z`P3f=+T`0bv@DSJ((5TzMW7Vz1)`)r=4_R(s)ns*L|T068CWGQ{35RVy5`YP*UlHW z^Z((*cEz>bW8lByO?NE(@wKt1suMk(N^xRS)Ol3 z+2Lh>5jhwkRs14*ra1LEkV~VtW8}f2R8oO%0N~9yp8s2n|uA})Jwt>)~-`Pgg=HTJ@b26Ir?8~i-18=!1BV<#pf&PQ`OHl z`YixwitwccNpb5oL%u1+W$}`FCCy|zRwe;Al*taT-FfXMni1E}^&ChI3SxDIoNoCCwoo?PDrfpqi68^xEU zuV;B~P=S+S&dfct3jviuYuRuUEBYx4el4bpa|s4YzyLmbgPLyqyJQA^4ZlJ4U5=w6 z_1Q8qJ1kJ(0goo&wKpViMshLY*FS!qgb0GTZb=;kPS%d@WwOH>1-iy*TMzao+t7bl} zE3KWbvGJQ%AmIc{1EyLzWutTMUIsl8MWlM&*j3ZMad!`p z7@h;@|e3GR86?)=5MZsj7bT|z(9A3AW2?W-v6`griDQn6d#OPpQqsMURGvBrs073_Tv{`n{ia<8thk^S&ypVPm} zJ+H)QCXHu#ETbK9z@JX7(J5Seeo)c6%$|?E2`D9LjzCnEiCS`_XFZGn@K=s=X zL-Ia3h=Jd~fe!*?DU2np9<%nQY+Ag4jb#4>$s`|Z#41{v?+%F#IeN-mlA6$rLu$96 z|IOR(XBr#FEYnVHN_RBP7P6silEUlFDVIp)jO)88rEyBHDpN-OtgT8L-+-A9cML#%! zr%KP77s{M*!5-kR9%#c6JIH)g_V2l`55~(rCN{6z^KY1aKFex30R;?fu>gbOal5}b z8B?XW9(y2FJgk=N=yih!Ce~v6xI6-DqH)hM<2^!iPwQN1F{P-!b{MpZtkod5g1S{6 z@+iBmsh^E|Y%648v`?|!i(}6KZ12o>8dImK_ggrp_}zm)XUdAokFxz7lw4)P7f#Y% zLfIVs`P2*HMk8j=RaGD3ZFjICmga733eULEz}v#)88|lXC2do^h^{5{c64D}%=Ltw zH|yUl3%mqRS>a2dC94Q^U_5nT4jqMsm>+&*^ONsANPbOg(aF*&+|EON&Z2{1l-;vEs&)kQog(L`=XcGSufnVMRt8odC2~YV4pD)ubOI>g^Q9SpTggzZ~s2Hk$_VZ<`(J2&VsDMOz`;tvSb-B%X67>+r!O z|A{B6t#uXJ&IK1Eis4*>A&*Cd;O>g892)ch%sO4Rn;LT>Mf~I_NSFcxmU4`KZwc%H zpsHc{(DS~etb1V=WohCxVN8jXbfb9Yu{Yr66+&Z8)3^%=5v^L%6qimhAk3*nQc- z9ed&Za0}R|;2tk%W|mX(>C0nrBRgXIUIZqRV9i|q^8}$5cP&!!3462u&C9BYdh?eK zDvGObER399Xrr}xYI{jMXlTz=$QIdMWCTcW>3G0_{BQOnFo5fGA_L9d{QNOKW#@hR zA6R4XjGrOdH?hLPLPN{F-nF-$G_QdSFEUt0JRc;gLX2*)Y4aT@CZ(czoeL{%MpjnR zz1EC`&hS_nrRLdofm%5Ok>vj#{`j8QFDHF)N+(EG&e0k9cY~FKN$J&6nD&Br9*S=~ z7xoNLSzN0-Ez#TW^j-Zf751B}(QlQcX$XCB{O_^htB0DMVCc#sDHg~AuZB_FK5H$L2``1VT0+j_vKk?GG?)?D@gbcni=Y z;l0Vsz`GhXm5EsiK!fe|K{&w*^Ac-7kl5Y?&hoNTl{J;U&ou=BBzjH#^xf+} zuVL1PFnuqow=LZgku3AjlnVlr#ZPjiY8iQOB;bkg8&s8;_)K=L`Tgg2f-_0GpoJyd zx#%a7@BMM|ihL|g)rH0O?q4H@Mcw!yaIX#uxtkpi@~QdGPWR)^&hZQNG2XVA?|q^P z!k}*)(^H>Pl7`59ckG|9_%+<+Ru+^m=J??uFEGe5$WB@C^w)e0W;k+Z8?lw&JZFH! z-fOIo59gxGU<89w8kw_bt;0J>T^FLxDNIOJgo@Z!q(UN0x`@ zhAVvfyUc0d{S5AVr`|i4;&GRUrB~;raS_Ckk&*2Y&73H&+Ntatrl(8OAK!nFb^(Tk zp>u}l0f4Ceg)R@toihs!Owe+gE>EKCz^zre2cEIZvodj_ifP_Q?4o>a+34!yl5s)( z%75pgYOi&gmr&6>WwH(SD$Bl6JML@?_HaVYSd#!f4;uWcUH+Qsj=6r!91+kq4UIb|EqNB|PVLbY&V_>R(OF+eUs}Tu zoF4@-`}zCb-QAAUxrN>Jb*Y=oZwqxF%)`mPw~qx4*|ME~gORNOBR?*lMs%=dV^_~R zb<|w>o_7&vBNuGpo#7G8Jn?~0+C{>`8ct52T+FQ7)f;Px0Lhe;} z%;iPOh$d~_!Z0+osMzSJp*!~Md@d|5`e-z4IaQHQsS}C{atPmanPu3m zOIXMZ22os(+R((MBAA_#{tkvy&2E=H;AT4PF}&X<2e+kr%^zPL!3oWee?Ad#k1xwO z4R@x{Mn#t{CoR|fhlh_{Lrq=P;ET0=R?X$;&$30D2z%F{wY@9=?aI00ri`PnyVjIi z>2VK${L>)HdgHUSTJ{H0o|kEbGLLOCo{=JYSSE5`^n@f2A-f*y59PG5$5#RXWb@tZeEglaOx{h4MD36m=_NF&NeI}FX|ngl?x>$$ z5vhV#uQnJI`Cj5SsC`R^s( zyyX?DV9J26f`0UG*YS*PwmQfqUy~1NY;0UGqA`idNE8aFQTvNKl$a945~{Y;P{7{2 za9wxgO$hY-+jK$^uVZ$f|HEE$e#HwD*RuNOK=oo$JEtVm1idpUjY*S=d66f5T)MSw zHIG1A&wg9oFn=E2e;)k{Z#^tIZeF)giF6SvXd!a)bZD4`>zJF72gsQfAbD00L%FTD zSRC}aa{PGu_xO5sHprT0YmCh6sv>xtUzmhAv$2WuKu1ce2C8=P#I2ZpGd;%T>pc=L z(&1`X{09=0jj|9%$R~61@TJP*BT{2a`#=)%jMomoUSkFdJRZ+p1l7&?#6-r1(&fLI zS0-=!`i6P{#+NG&esi49-2Pv6;72DfxV7!yWy>gki))%S)S!;`xrNV4fF%7Nbj{|6 zM@a7)5}iBl`mj&(<$hO$rMKnGCo{ViB{65?Bk7kSy>JUnt?Jw6s=+f=J4YdS&|08P zeanKyW>G;wY3zj)zS(C1co|*mdlkG87aeunv*ROJRv^yhRd=K~pkqiS6-T`CtgV1i z^ejb|gd+!g4MQFu>pY^^c*&Q}|BR0DK?V(5y!ppDQ#=u?*D)}r^ZbG6bC7=dtn z$bm7YzW#*fy|Xt!5zZxKcs1OBC0$I`0){cRfp2`QS#`|ETD{=Fo!27bSnVN(4`DHR1a zrLU@JecR#E?}IOPmDhch&ylby@r|nINvHcOR5gpbB1aRW;&xBxk%h&a>6qpQYZmq% zRI<{Q;^yG^&&)G=D@u+h{@jHHrgD($N`9S^FWuK?>nhhf-Mhq-i&cXZF_%S8o$i>3 za4OHu+ey^b1+?pO1~@9Jhm)o`8c9ElPwMTWGGY$=e{h!yS}Or?(oVPOcok+0YMq@3 z>vWoWbvc)&@aEY-0Gi%%6cSpd<5>~)oWa6p;j|9ZQ6Y|oh0WAFI%5&fbx=e<-4`oD z+I)FtV677OD!-!06n;Ur9z2<5jZm$b*?_v@Mlw%!$z zJ9(#r%o{BK7s0wd!KcJskcvR|n3g-kF20DUu9(tiE;eq z`dmW(9mzdPak~v9--1=a&rW$V3osu1#^&h5Ppv$Gvg0@4I`T_`>O8fgzm#We^o5~S zZdVRhtEAeF^M>xu<9ZQwoo|J+Hj>wEO|$x}`8IMGr-;Q!%9uL-K~qHA&BMO)-zAaW zc79?st-96_gw6`RR-V~~dpofi(_!4i5r3!nqb5&qIZ7z0uMg*yT_d2X3?sf#Kn^A( zq9(rz-YxOj_nNop_!0B5SkqPZ1|4LrM%t(JW6eN9D3n>0Y=S6cWe&-CTETLse69f- z$S2mz<+w-lj2TRB!xuG7;aD=<++xAxah?wFomE5&VS5sEp}1BjX4eD``X|WLgqYt? zA&_=`l_PhKBpG-(`FBUI38o`cxz_H8G5$y3zWTg)2vc^5H`q$=MtRL6o?nF64T$8C zu!5{)j}jaOn!1!; zhL6%50BN{%%fJA_woe)fhb-}RjTg)Z?bSeIqYQ|kbp=WypkQ&$C z4{377S)(*A#Mf`4F=dFXwbr6VJXLKldk8Ne5bX{RE@b_$0~Ar4iRVu@!wi^d~={N>w-$L)KgnDbCOaV92`mmC)qs+Tow z%T5`|kwNykkLGW^8z1ypZIjM?>&u+^CQ3b8s7-jYnXY8~TO~PxJ$LQ`R9Q)VUF|wI{?NUTXE;f>&CiSoY6n z?G{Cm;V>z}ZE`@HIsh!eZ?S!WfD5Y&X_7nbd+i;W;Yrpv+n27;@O=W?2pp%%?jDM* z8?+FJ4L8jK>rzW3$3qw`De|GKSr2ZYZEBx<{gX{v75wiDRZ_k})*6u+PqnlWzG(=1;PCuA|%1I({O4OE3%v>N$G# zM1Ojh_usnl^*vSk{67*_>=g9lG0(NzO@-Z-NqW!m7tiM?(d!lVv}LRtkUH_YWou9^ z1ACpa?mu>$g}LwsqBI{v6IND_1!{jggQko;0#thnYobk)a~l{k&lJvR5;J01;sC4Q z79VYdw2ErKjlQnH3my1kGqwo2VlixS5Bj^Vh!}!Bv|C^UU0H9dNJ3}&ZoYbIcN!BW z<>Xvm+}Px6eu-^vC3PNOR;gUl0CZZ5VorC9WE&jF;3QM|>CVyak2(pLI!R+Uzo>;m zSk1f-zQj*f;NRI9sebr!uVZet%TEDJ`Orj%=l=GzhV`QmpQh<&V>F5h(-vs-P)6DV zONG*WyRfh(e>%Z8lKLRPm*%j5mmEK)Ni}G9Dd*WYb?$5w8;=|vpX-R_2W!5nsQ#5Q zFtFvrU)D`LDqW5ZpKB-F5bm9_D5y~u4HCP-6X|D3$zx?@sYISQtv&l)FnJ!Ic-SJ& zH%Z7>vyg*dz+GcRsRf2tr?)UHL!yf0Wlp$NLxSt<5~WoW5wIj-_oNgH*b2Xv{StlZ|ahvu&W z&hrn{yt)eKU*|%2)t!dy871OA!$PzLhY?mKde~dPXnwrA4R`_5=SxD|{A%oM;*2#| zS&>LfV{X?$(wMZ@R@LOJ>#QLT;(g%HZF9@Btz$SzF_%1OAK(3=@}}LkR)FKe{Bb+m zs=r46ru3`)TJx|rwJ}Zbssv-e~x#0b=jz-fP>jFcd%xt4& z4@MHy)cLh4dEdk+f&g&ES8PC^QM5EvW+@aaqrkj2O@e6*xYbl0xw=n@?tR!-S_FK< zk&^YSI_7lL{Q>bWd*S7Kx3#f*b+YLjc8H}LKTEr(?aNl6Dn9=Y!tMrEm&6;JZ!fZNXCJLLdb3dB#lxR_JX3QCij8#JX{ehv0bHAYi> z4J3n8ftxKca=}|zvzKD=GB`p9d}5lx;EyVIm#BCDnXy_a(vP0=p`cUHp+unibxw4( zuFo~UAPGI{G#?6b4uf>44@J9c+UB6}@9nd$y{`+;^Vq(!y#1J#g4*Oj2RPe3y}&< zoY}bERNl;6R?2E4&A;ZXPzbrezk{pu^^|v^9g4-6A5)BsX7_r1E2}m2^34r^5^Die zS`sXDH2v_f(cMBvR;UCC>saW)$$?n*vAYC%4IXi2ES4e4UDE9Gvt=+}<&0Ug3m?et z*MhP~qmdr-l+dN-mtRHh7(LpfP_dk$$6oy7$6>v}S|Azong4u8SLVX@w`yWf|0kB7 z`;ms)_Imevci@@-!&g#Ht+j%+xzV_U;dpM z*F*@9ZAIFKLCM#SBKF*Er_6>oqe-hBIu+6z_oOjwx;}Mo*yIOe0lLdu#BL_dZ0%;( z{_anDT_YLA6YNwPik*@0Z3dc_8+)<&BPL}68AOfpsmtjAE-E?AJ9RS;n&6C$YhO{rnRl{4;3Y@Vbnz%hKCsA@XrV~qUS zDOwk1c{ll;0gz%cL1A|T&9R9RcQUmM8ZMJYQ`SXF~I7y~Y zIf^I=#y4Y|Y*zZ#*TWhdwy6BD{KrD;vD0E6nN5Rz=dQK3k0Ekm=IwXwj7Sm4dazDN zVVlMMZo&4r=*Wj+K{YpcCLJyg&(CMv7!N9U+n1VSc>77#dD7F|OerPFqQ=;rcaNF2 z+%B$CO2xO@SZI-uEp=5ZNS{*fhYa^U5Kc{$W+)QC6Moj!!eaJo5P*BJJeqy)R+=3T zkX}6t7UQAi^h#zlewZ{^{W#5c9nJYCN(nFaIzKo&JLwznEV=qur9#yccinJ(yxeuo z1F>0%neww&ev&^7Aa$b}{Pf*vPEY&=3kzntano7WB&2EZVWy^>dQ@pu&2j9)tT-b- zq<{Jcz*X5O`EiTSi%o|J{%T~Av1ooPH3 zoc`TbLHuUb9-}k9`GYPHR|i~pf5w@AZXH0)r+-rkr-He0W6741BUc7`hlT}g_cGO4 z&LS2pN(o5$+2uK$2nsMz=3QjK2;t^JWJ6Fad5FqQ_ulUSxQw;X9wDD50?d{6WXlXq zjjO5mT2V~{d}c`^n*bTcSZuY`{7+Fh zs_vMFoBETljw-xK&!}Qr6f%o-GW&vTo{h(oE2g8E{^~(PJ$R0g?ZKW z>)iWEyuW<#H&yY?cF2+J^3earvyUbtwfr}nBB=KROL8x5^CTt9Q~falyUo^_h^1$5 z?>`}U?rjXL-%%|6Pi1nH^CkrOFDTzN!ajSEK`Qz5sM-Vub^0UsJ;vZEA^EY zUfGl`H7W>c#L9ym#;V*(Xm65t#RcLep{3_0dH(NNUz?;<8u8>Xy zXC&4Dx9xs;b?s2CV;Kk&_?i24%+fja3YxdczY*Y=VL`L*&tlM?w?}G0;e!H8Gg+L4 zs8Sk#RZXfe5}zw#%_nk3Cj<2|wwlewi)kC#qpBUB+KT6*NAzHtf7I}`pQtl``zsqY{Rs~T*3jX~1@?z(I5!K6r0aQDA@6_>g5Y*zu-}|QyZzEud{55KI;R8c&1=Z_>ST_>?dRMu;#*VFkK}K+8}D70hdrhVbgyxfp64k3&`RuzOEJpAD6d6X`+JvpO42*bZ1y3h0Nw zP?+M`V`12!mzE`usuCclj!f=BB3Im5;76qrn$-g;9tdD^uij2iGYCRnZssi+HY3`T zN;xs9h?oGY(y^LU-Rjx z8ozcQ2EYsdVRgrTX`tIyKAy#?RpVioIb5}F!2gMuzi2Gqd-jMl93^nC9z<5%7yj#o zV1j2!QCWS!rR&tqz0YrB3|r6l-qV2dHnu4%zdmI%PvD3*AUP@1mOCRZK?wjWi%t0i z`Q0gLjx3eF^onQqRp$Eb$E{b#Ph9@pv)yCd9wKENjut}RplOUX9Q}&z_Gfah)eKB1 zzWYNlzlMcPeXK)f|M%~2z#oc7=s_G)+px*4P0PYvgL+*>Q3gQrwmtapZ45a=<0Ng* zsDkA)pLc9@v@h1U>Hg8*tHbT{_RyvZBS1i{CcEv90~harD>F@Mj@`rWhW(231)oiV z{lh3}dz~5$(=arUbKc6|(XJF2+cYNv-t$)A#LXNRK7l*6(7^YOAH0pJ-ovQXg`FR| z0)FMod`J?MBB-i;K=mK`EvD3;!^~STu7IG&Gf%Bi(XTSk#h0&>BxZfEbuBwS-q=#Y zdFFDLJjt|B;VHWtapLtDE;ky2+1QSJRh82;Bbf>tyJ2+m>fgyL;aBdd2Qm9~L=wsM zYE=ar(fKR0J32br9>3$+1)DJTTYmXR;4xw6R>AaUABgIV^s9g6u4VwCux-S>=@30) zQo$}XKcb~E2fItiv>>nwQgb!XHR<%$A|LN~lNaAUKUafuN2WIzIvk=oRvi7?ths3X zL48Ow0;MRDE4AiJHjjpSS9@U!2FSZ=agUc=9-R^qDzlAuCM?V+kV4b2-chkEA*CEn zsQ=lT_PiMbgcDNc@AT&2fN{v=6c{w}!=2;53sX_PIrPvBM-O3jVgzpD-A54P?UgYh-rF3OP|pFdm!AFV-VH z7i^c*!k!AcQEj;;Ckjxya6AvqdiD-g!=oA)eTD{LESz40?6(XC*nsYYVTf(~Ij^6VHGLTx_kK+5ZZBF#S> z@QOr#H*T%kGFG2_O$d|7*A9$&4zp#K$``2^3?U8d2gb`W#H&M%*7%*!4vBCwlX6^R zD2(m^LH}Xd*0wSU^e*ocImb1hiOA(gQSW&&?Zp*o)*wy8jkK0#3e}yrEM9THP=an{x^HC-kJj8|I48@!RPlKPo`3G=!sx56l6s>l$(2@_9YEsNh ztqIe200SV#Z#R||bNRF({;PL%#hpv4hIk8WG1T-GrXtiy(1F*Ylw3q#&oGmU;{3_T zurPH-UlJB+WDZC+vL>LOUQ}&x4 zO&kO{s#-LWhNx2I*zle9(`H&JH8~_4?a`mkO9et&x5rc*TbG1aO}P?U7V@Jcl3AD- zr+WYU_;tGc3%ajRp4pxJt5XuFKku2D?Bm3=L%qnD5`w(&NkgSH-)m)Bx^#d!HOhvP zW^wY?4UODo8RVRM_8uKOrITmyJ?QcK1jbX}M|w_WG5bt{)fLFkUc`ZcDj)Bo=sRn5 z**YMNiyIi}t-R!BA>a94jqkmqeNOKq0T7>8k^6HY##&F7_9%HhHDTE5jAk-Zyptp7 zf+)rJl|?^<(yrzlG=ogc(AL8^{2x!}{?GIu_VGDS2}6>v(`M94nViq3IUgg+oQas` z%$(0`4ml;~Ln&vAXbzJIp$y3}GsheXLvo1Z-u=UU{|le@`?0;R>v~?#SMEEHo*LRO zEOe%bBZaPquVgvq@5O+Y5+yrL=ET+@lM(}$$u+9Gfd{Mtx^p|6S)F;0frn#2pE?!8 zifcS_`cRV#+?=&t=_KTFtm6;5{{7lq+23C6)pi!ozulbBK~z&+@SYx?So17IdH!@P z!GC;UYK*wbrhBe#?=$79*Yqm++nUgjVgWRjK&h~8O&rtb^8gGN{jNRd0A|Jr4X1^* zx9(V2&E45A=1%P>Di9)xeu5~*hKW4*M0yHZqPmwwUUb%9wYZ-rWNKb%|N6_Oz6bu} za}jFvJ6}Pr1GVV%`!W^xkm0=KS5VZ+VJ~g`vQn1t=cwz?-cIysk@+Ud*APS(aZ?rn zEUDmfGBi7;x*_WA+~-?Vd66MXsyjMU*Iv9SwIdLw@@YGW<7D|G$B?SDc=!jmcB*W9 z_^w}x$Ro8;QNRR}GBAZiTiI&M1kSde`P&~_^plc3CFPzdCbznCnB9l8t8>J>Mi%By zIZ>vf|Fm{d%BnmEO=Pd7izas;(Vopa`iM%j$HenX?#&+MHLQt4xGGKNq(ra_|3DNR=`uto%U@ zWbU>o3J13N-73187HX`u=`eiyVJ!Wl#)MAwnrg$SU?K9m4r9fQbpe$qxOPvvHer+r zX`mo*1pxP07)apQ#$8Tn{+sXN)Sas730&sJ*lQEDFEa&#-?X~53!;)*3EDX>!WNl;hED>)^2bD5{`e2oE zlNI80dP{Kyi0XTM{w}{dyB&h%Q@P|3YQWB?hh|fMtM1FppG7k*Gh~XjzeEXW^DFan z->yj0cB%Y|M56_gTr;;_N5;x0r)a4pJ<9r87=T^j zjku#hFZ5v2V$arw3E}d8Sa7PyT|CM?#(~`yDz4k@UBW!`1S;YXvP-==>A8Zhsg>OP z_v<4C&bDVex?e0gz2TSV=Gx;aM7P&MHPQU#lR>u7Fz=tOT@}fHND;gR;u)6Em33M=lRpJ<&)T! zCarAAM(ZUP^y1`!`wEpCboqk}!a*3gQgOXfU#e=1<%cEQMO>QMPrDqEthgfi%?=cP zdy!&OoX+m;w69>^8`&_+GS@}KiAZ3Sf0znNm5S@+3V`C`Tc}a-Kv+;k<-v<`6a!?e zlJWcUP?MD3+`k-)5pOEqn&l@fkh-V|xp2Sk(Kn8A%)d)P6@}cEfuDel=+(WZx!jK= z1ZRy|hzsz`=>52yHq0IBrnSpB2|}1a%BEWZ?{w#pfiy7xIzcv|sB-D**io-hpgt>| zVGVx2VsC?P@P$r7=jIwE>1#)bSGqeOau$ zX8XZ)D6|`S3Uhq?Z|RL3<&Y?0o4L8O7D|GFI=k#>bBmC7c3w69GQFBNfPa5;M4yu} zJHqd)ot}4@e)*8Zr^^7*D1(Y>G#WEdaBgBfYyHRdqsgWmdvNujT??;KZiVB^W2C&! zcU=^J!|3xO;elc!{Ku1)?!KirbK!~{_iLlhZO1oaS;y!OBd=+>`yI`qUVZ5EJr>Cb zRen52LQd9BwM5#siaoSg`^?rH0m3D>Y=v8@nz+g+Xo&Q1m|Y?C1C#gm{5$O$GR#`7 z$$?x}dargI7xHS!ug?!?I~ZhP$J9YjL-+Uf7Xig)t~KbJOq~72h7|x2?@b}e;P0Jt zEw^H}GkxW=Mi{>=M>@jFvO^nWLQ7 zj778-ohoOy>LBz0+?9O3Tm6UxMI*j%ns7gW0KHy}g2)$2(Im~;N0lj@eREv?Bj{Gr zTn$2>hkH=LcIDE>B|p;j%)-K2*{_Qs0%=bf)K~ypm5?`GeSR6Ba8eHQYZKM^6@-Lw z&x~VhdKo={TkoIexZL-x^AZ^nyBvtAf+M4x>U)Jzy~zZS^;}O=`l&wV3;nKp(o_lV z)PfM@{^F*~732QkjizYaO8`I;&xr4t9CX(Y#vCMrm)Tuw9!g9Y6`e?HO=p6&!UYMD2!Z zUzm|;0*abnUla0ch-*%u*76P~a>_DFQ;xW(8WKdT)LTKwUx(qR*VSp0$t z7>I1h-v1N90yHTqypx3rC(h5Ss^yb?y3W&+yY2J+v!@#z-l>@FsJ|=oKlw9!dj88S z`tLgJKl1#y@Oj?pczrF+QsP;fu1P0k)PGlnuCmy|RC8-hWA8+=$4?-k$c9sQ04%x5 zA9lV$>|Ci>MD^*%oI1p}-LAb=@j_MoA;3i|#sZu_d^fnS<5?3t3-jde%?du}so-|I zUzuiz=)Xg>5EtoYi~r&aep+~uF%V>{y@g9w&M&kL$d6xFhtUHF?HN}v>CJ>bL%J*o zyP3b}q_(1K@JthW`tCpg0Va)PP*(V_Q-R@k)S(DhErw5d?|wbQQz+sNM=ydaTSL2B zrQ&r-Pev1f8hNE@jnz-p7tcttqN z(h%avbfc*Q+y;~nfa~{+XCf_sD-CCJF*tn*pu205_)%j_phxRJ)s2TzpPoDA06^uq zho4&AOpXkIz3pEC?;~|q;L?8M)~M8fvd=AL7|MglMStuK*Ypv2WHi4n3y{S?T|Cn7 zV;g5jKyDp!1Xh@09xUWY_5sl+ovTHe*lF6U00cfrYA!3v{Z@dvY%>;l!#>Jn--P=4 z@4AsmClCl0D1ss=DKv{X!JdWRCynRFZ^bPl?7V2oW_Fq1mVia){YAZn6)KL6r7;G# zxZzFrRpXjBLrxHvqu*&=LcX7U>C&(Jq_M{PIn&hW~=oj>SQ~fYYO~ zggxE23Nb)tr%s{31tZPpV2<_Bk*?Dv;q%Qhm+_)Xsiuf!kdE6R_L41)NC|o=ss)7O z41_k!FN#WHE2mI8**xEcsTR!}X67ZFi7Tp!+A9d!2y4`}&fFzI$jOWU#|_6UBm<69 zy2i5_NCR1u;rJq^0uBJ_zcCN*p%z)$)E;^e>(#5E;kY2);VL}|z`+Z;XJ2__s`WyA z)lX??l|zd~S}vk(UMmMj9<7_waf?P!Yn!&ZU46=?<)f~mreaSchaR*> zk}+Guwxa?(YsJz4DtQWZt54fvtJ!7Jk(^PeD0S%fIZJ2-dnqP}YQot*Oe_lKfNSBV zbm+k1;8~Hd<`BQ^UC&~N=zWv`i#XA)VZU`j+~DTpuT{a<=iKz)z*np%rd;IHEo$EK z&U)br#qDO52%m~j4I|wkJCjMCFGrE#wD^&rPX)TQmb^g=EuB-j+!xoc-^;lC#NfD9y%>41=z?`j)#e?xKQbnm{YGyBA$QI1 z7R`H?h)b{#eC~76fKlYt9_OpiZWO`4GOPOCm*hF1{s^oZ9Z)qXo@rSZVP#t;DBa%s z{^s*FDX|m-?Va+M+FCKzsxjMBg+OUq@kWTU{sk@vzOeMX1>8VvFjs!=p*q##uQR<$ z1T9S%4C1e$KDrC!_@qRC6t4QLs;v6^BxU0}izVzr(uNrQW}j(c?F}tGBf!9Qo(KAT zZ(|FMmS295L*4M#k4qQ5o^lKopp#upPgo)y8@p-txjPbb4=TpGIeuS&{O%QW*<`&f zb(dp9MInW6i{N@nuh16rB5t$S0g4gryMj4dh}<7`{C7CM-6C?WdxC8kFKd=v$(k2r z24fnE!J#aDua!e#U(Oym-vNkZ73yZ+hvo&Ta%j{r3B<)v*p-;!I@*r5WUv4H*?<2W zii6(k1vyXn2tF;Ca)BA-bM%J@C>b<0fI-&iH%XruB6g=xXcHVTi}h;XFv_bIO_mog ztduJGnvVr@psa0gR@@>_)xM8BpFvirysgZm9ZN6ej|7fPWM8@G)%jYvODiBcA|fOr zq`-CxyJs;wzU~k zT;+N5GGK0BAz?BZZi%Qddzq7hBIXgNQ=AMu$cFh{cV1ituFU5oYKf93TxHwBuNM(u zoIpW{#?i~*YkwfhYt)E&Bb!zV=UOOWqhfdS{*mQK#S{&ncC!I3$&A_@6D6p;$Ol>Q z@YiGq`~ZhGb{CY~h7lf#> z6KQ1;NN7QlWy};=F|meb99R7>WZrp<;&_8#li`;hxGKDYUD-Z#cjCRB%M)Re!6i{{ zz3~9$Xg5rn#5$`me~uZL^At!@U2kf2`n^h0Of5Y7d#LUCEWaGkRH@ncSa!lKf%56Y zQD>3{8;Xtk8({a|ptM+uz*WO!t24gH&@X2oU$W74 z)8&#E@6FRn&w2V`v)aPy9blAUpJLTqD4>0% zyjh<`_(Q-wa)4=gGUHEuR!-@ggf%F?$a=GnU^!N0R$`s!9@ja&b@yP$>h0syC*--w zXNi?LuZMWu(FqbHY6`-*3p`<`~K2My%hL?#M}YRVAT8F{WraeNnX_wXzb^T@q5=xq16?QtE0 ze)jWO>E^=V&ypJBQ!<}H*B!HK04T2y{me0*0*E%xR3yHD*$uC}kLx?u8SYuU?yJWr zkQ7n6e!6dy&-$b5Y_sh3(8Yl}bPVFTnz$fmoU+)&Ci zg=$txHWS&MDss^aaht2&F|S^)l|nte@Fz0q8Pi4&T)9_>J|;m8Zu|k+4G-*%mOnM$ zAbuJ@Fa)CB*Xs-qfR#18F2uO%`ECc>_PR@vYC867u1c@Y*?W{TK3txmBVC3dmK9u^ zc0ETR6B9Zv-bqV&AQ%MZH}b=LgBfZjXyBQWke!hD7RmOK-V8;MdI6mLT3(VW^qhf* zk#1zN_T~4PhWGEl?vY_%3|-5ieK7=&x+DNFSGpsskXWP>#vI0_RsL`7AQ*63v`A$p z@!4Ng$0$D3KdwL{5c7catdRG<2!=-al7$xEU>;w~CWatka@Qjfz;chXDJ zI5mc;BbctUy#ZPfG5af1+jz9(B3$&lOl?1H@AD<~lw;NiMi5Nz2HypWsnX{c9(qI7 zL;>8}ZXAOK95qb^uGeHzmdh8_-uyRPr)jXn;je(lBNMJyyBO~rfA@J zCUixCWfh=>)m2P%+P%Kw+gv$4Wa8DKY|?c)eB`qb*%o=E zl=_!C;8S)xkM^YgUM%2rQ~6@EFaJY6ETDPSi&jPIww57!ehwI~d)DGE%Y{{2vRTW+KXMFF745 z&=r0*9Q|+fTrz)H(e@T0Cr3f*h3&0_Jz8Bw_w`7B9}ekm*}e<@uc-DlnRj-0s$^-p#l>!>wQ{}I`tQc|A9%F$`^q_V& zqkbsguvE&^;$Jj9edx*BM^%W5irT;5L;uMOTDA~Ruh?q_-d@WM(CQx`Ta~RkvpfQ1 z0OK@llm)h4J86$lr|t!e^upN`~Gdsj#;W$}s=B$Jm!hu4+hTF;FGo=t$cRIyB|Ko{zxZ&${R!RdeyOY;;m~B5e zgO%d{Z8~USUezJj%|vxbdrY&4;4;g`X;0}6CB0A~IPLu9tAJ&=IGSJonb)*Q;Q=o@p#1laesJ3g z7@)y5_Nc1U?6tFTExso4roQp_gm~WNo)-ub=&L|;nu1Y+qKAA)TI0KGF2S+d@9rvA z5pB2cT?>q9oa0{Hap(*?{pU<-SLgKw+-uJHs_@VSa=`FA2=YpUPqQE<6FE7%Bezw- zZj(Lea3SWRrR8?~$EfS{Ag<2^fHbSbo>Zb}UWWris9=WOBi%VtLl1r}HjY8|ay4ke2eLL)Y zM=WxfGqJ%j{p!x!JXu=GQW#zj@Y?q8C_H_?Gp<4n2W1^A`iZ{fa8~+reYcD6`H=&^ z)b$5tl&9k|!dV83?3+aVsh+6QPV&&MfY236kBaH}KaS|OdGD@w(dRT__J9TQpLSR% zW}QVjy=UjS<8276LV}jeX~9|ZHpDN^RHH;FWWvCN(9-=XPEfcyk5~g_eR{PLN_aN= zGv9KYe?@?S+nq4Q#(f9mF=;U*Bj#Rx_d=CO!8~v?QO;FY;GOZdT8BJn@z3HH% zu4-ldo}?k-G?D>nYGCN~fy3tL>%9O&?R3U>jY~~ag+zLVi&fAtLa`e^w9+aj%TG5@ zB#xQ{glGxyvcFEER29XyfBvul-+o&%bLs8M*$u7n9OGO0a!X%%?xbXTa65bC#yxjL zxq`*#hFcGAhCK4PTHzVZb zDJ1@aeeumHo#4{I;sey>q~hbSTZ>Q<(0P2Ij5C}S@UJ2I?*NSqI9_=9IU~e8V?*eq z&7ZDY%Q99ROZd_dbD9-!V3&H#_ zsA-MtT@^~7g8~ksE)_{B`U~F)zt(r?hnc%g)3H8x%6^74xfRraM&k=$^hwv{9E1TL zC{4j%qLKApa-0AcHlr7@a^qnFyN)t!0@ZU~WtyZFY6F zIvBl>(6A6cjQo>iK#Ngl!hZ`bjSAbRs+d8bkUa9Q(<=+3`^TfS zxK4Pbr%=^6+_b==ky}%CQK-`U{N(Ztt7{E~%7I>O_7}P3@u$dEG|O*isHIq+K7G24 zwCd9twazKD^5PiW^fOFMmP~ttj5q~%&~jj>rbgDs>jGPEd)@rl|M#a%XtM<>$jd}H zk0AFnhdQ#}>a&m$s_?{h@(vpVcg@eHdd&LM0_)adZV^V792ioVVYh1N7IPo2apyAe zg>u}{8%dp4clB8dKydLNEW%2aD?GtBaT4to)>E43++5iK3W|r150k8zt70#ceGM+ii z;eZY267qLh>eXF)zonBu;8$GbOgZ%9qrXRG&sa1$;68)*f5THv&;tHgvjmD}k$=W4 zy%w|*r@_v&3sxss{2W-QdHKd^s>G~dru0fmeBp%%hdG59qI>{?*rDum8f-fSKM=hS z_WaU`*mC)X#%?bG?f3)~`ar*34y2~#eTDHCw%`<8GSOt4yC$Mf3Kus=eV z&+{G}`waky(MGN=;&MlWDdNj&ZA)d5beib)*G~U}gexx3ODP5-x{wWi- zma>=i>8{uQr>CUZ^+zb-iNZvY?n9sH^_qh4vO7A`hXuFI6Cw%v_6iTs&XT8hc@6Xp zzACWoD_jZ%42;WkDwGX4&lpJs08AihdK^g#>`(_?Yc!)$aTERA}kIusy3V}QoW zh9)d;d19Q*t!{nw1QsfZ=(}X!HcRK2g>hm%ciwLjWqg$=!(;osV542Ns62pQ{QJvx z3<y)ZP_9EDhY23 z>9I~VCYJmU?!+10L3r}Mk8{${Tzo>UAgsAV{=QRrnUt<;S+dj`Tj_y6T}{zV~htg;)HvN>s7;sq#GOSU78}CtIh) zE>MQEAM#_zWhyk2q@DsnRXG&e3Tq>`!K*X*pd)wS$lpKVaWPJu$uy$fXNdZFC%Rqg z1?OGM)a}c}6-Q{dv+%=czq4P5g3S`PRbJza14r-(@U^q8(jprMR9;gCDd#d)lZW;W~~4 zS6m;z<&@kfF{sHafED=9dZdS>ZMt`)7&J8dJ~D!FJB}o1j#ZVuo#{K$KEX>ozCGjH zy{;0lE98^TmtRq%sHOg$n9It}&&D|Zc3%bz_YY|PlFz&X7Xul(o&GH)jlcSda`4jB z0DFI2_!|MUa(quL>u=wp4SU4cUlm_ZKyx;?LF+4-O*Kd$bgF7yBPK>z-jT)pNkB5q z^h4LZbS!)N!I{?u=^QA(YtE_A_A(xY35{Q2)Piizu>`_jc@OBSzGOA3gA^x-`N34T ziw5b^6>yG@Ye_);2VO<%1q$4Ei=}!qwJ3ZOqPv+_SoGS_r%|@|b<2|2Vk)fD;-7M6 zQS2wR_;u1IB2A@y2~!gDj2KBm;y*QON0KjFa&qj8i+%#AI@b}%-^W%UCf%H^J@M+F z#GP0=|LBfx!Sp$m-!$8C(T{DjUeJPQ|Ty-`2 zpJBt}3ZvX0$<|fcu;$5Y@rsEhtICn4-TBuO?ud}W%1VAPVNBs;1MKVgwTr@qiK&!@ZD;reH8# z%4Ujwupo+&5SPL4GD2UX>jN+xns)y@31$Bd;_osMf~=}(E;kcvLw7}hOEOt zUrkf!y&{8O-jfOJ4md@+*<7a=WC z%hbHClIL1#M<`w?-W@b6R1j~?baT{<<{7EwCkFwA5aIJ`XNM7?Lv36Cs&ANr1;S9QmFWMkS(Vu`wqIQ zUk(UQ>#e(jS%LTM|Gkj$(^Xtl#fKfYaa|^ zMM)n70AYiz!EW{>5UZ&3_M$)~G-@zNAwP=U(Z3qt#K(-Tt%a@9Y0CbMf*Hu)ls_td zibKqqoBo)jwAVQJ3=z?os`jmp!osqgdNqxC=jwnbMVd?6#Sb)Fj1V*UdJ zg2Rr3F0rCzZ3HIvlP!^fUZF)(T9WXk!Q_H}?g4Sf2;Ff(`fAL72=^fK@7tUK*n?#G z)SgiC(Gf?+{_nb(W*S)KEa1@f&L~+}SoqK4CFQ`QZYhJeRYMNKlGAQC*Wji!`D@j_ z3ezYXE6df%iIikufH(wN|B+L)b+ENF&6U0tdCS9WQMb=~Z7_i`&FQvremS&Tmjt199rK1EtHr_Ea^?Lzl<4e=x$m0 zd)?$imJOSE=767)iKQW|s;`g4GbGtoEv04zAr(XI^MWWBxz~$x(b4bhh93*OtC>PF z{448^&2M@Iz6RyeEkQB4V{S z9#h|YD|4~3pghO(9lIhz+iz!NOo#HDR?*_z(1kkL`XM1;07l91zB0399PmSrY}-pg zf}Awjh}E1ClvvPXI18~N>bV7lecD53$cujl0{s}CcI%~kR$*NlMpb4MFjY@&Y_Hhn zx(SI@Si*C>ht{Qn7emxW0SMBj#V97g!xsnqAe#G3#17RF5R7I9CVxT&=EcN#r?XK< zj0v*$^|Y3EfBr}tT}ew;4}8g{Zkqb2<#j`DcO0}$7mRMoL*lJ4!U0+v+jNOR zfs5xXvO*l6a~1PL4exxHdBOn5Eg$_{tQM+y=e{_9rRTy$I)EjNsk`9Eb3iPv`kTWI zP>`ahxxduchCz{E9>$Ye^nBVg&sX6tXtd0VlV1U>?J7LAK;A2%tjs}BKqX;1hO@a` zA+%Rh(nFXkCW zsvE;$){0*6&+g2%@RGKa)zR;}OS}I7KgtcRXJ7R%agtGr7nxSxhQcXv)6Ue&ei8wN zM;^+hEAp883g9cM3zB~5G`=z1t_`%xi{Es6T~g$&`hIx0l`t^{)j6(`0`sTEbM9_i z+Y+3b`wT{movQg;lFB3tLXO>)913YvACSla3R@S%yzA|#sAuZz;do-5R(RCJodU;xQi~8^U%WdS z42R*QO@g6CTCGzRi5v=ZWQ}Cdzmdj$~!%%nU#1|zRWeR23Kl5bYf<+*Z z@TVvo=kp8*6BhMFrrs;J4jss`w@>sS_9c3LuMI0RIQ@Y*MCq^O_ZK^mMDq)OB5Mm4 z4*hLgr?w*0N-D=lLbs=BqZK8yk?e;WjUxHkZRC{$;#PRgBt<7b6M2dA+N?W$0E39} z-2<@~egXm67G$&yR_3>-rNT-GLO0w?m+?b9`7mw}Y{lfucus5lOw8t3N>dE$aH7rf zPYllLPEV(h)d_PYtWS5P9c?CC&H@1W$2cUZPXe|I<``E<3l;h4_w6oSDi8vGqtA@U z%Ap?<*R(LuE*4uGEXEnz;1FZ7gr$SAl?@ibp_UF?AnK(!KL#5q->BlBxIDa&Z5{N8<{N^3{_`I8wsmQUm|_+?>WU0ZZK-wRTk&kvnYc z!d!!jbjJH4fcJSc#{7CnxiMYlnU|lDwh$n`ZFOm$c`Q0yb0v!R##<<`AHCVUDQnD_ewJomcIUXquf14CDy0;K( zBI3joFm_qjM3^^)UFa&X(gDQ;Q0vQd&qW+|?t<)ud9C;sa%YTNJDFs`Co{+n*=+@O zO%iak8Sp)B*2{6NL1-@7;|fFL1u+PHu0;!)qZ9)pJhcN&$jDX9NSR#f@ob4l+=UFnxMc0k z6fY(%6Yf_9J49%t2+#hg>8xM8ZszK6dDO@XPb^#`(N3Bh!d=;iGdH}LtN6TZq#3?b z;ccs_B`Yd^_4=YIOD4jxcUi;M3>$#R|R599ZN?EQl!ImeGO&Ncevsy)|&fafQe_xe3I{)&GP0AdWNl~ura z>Di{!;ZDWB-i5PtR`rPE-L*)Sx>CJNr#yx=}`a6;Yg_?w6f7f z+Ep2m+*#+l|FM~68htao#sFINirH-XKr%YqtZzl3#B5)M)*k%3Dycq+ta@>+inBY4 z%(*9%PV>8jod1i}`I@=Bky5NK&WN?19HuGyKh`%q1pUj_mt~LlwRoa|u(IgJPdjp(YO)Cx_CgpS-H%!bLiz@vG&vf@asHP=#L!9PR-|-a1 zTV^uZ&fT#3=-9fJpwV~t!MV@*60P_B>#yU#F7>m8^U>&Vzi8yt*{{I={0j%13oD#AMS*Vy5F8TpgoikVbF0m0J_#MY7!d6I!9;d3|^kYL9sXNK1Pq)Ig%nzqL- z@*^29<<4>%BS!Wk@!_zKBrLeK_cOfeyLauaWcZuf>GImsy8Dt{O-a6$0`Fo@iW zeuU6~2Q2ww2xqv&sPw|<(mBkDWdGJ=D<04ddotBo&>k%EiF52;5r3)k!XffmW=6d> z+>5R#J+yHI18FwhdZ=YpVV3`C^!}nPKdZGMB5hgQY#(tqN=m-@co+C@H!zfjLbcTI zt9&=sv7O{?4&oZgOaf2400eTNnETCse3gD_xH4zH0>zxlm7H1U}}=*~}e^vNCuCGPvLko?G-as?fbjA!~8?w!26hldv#x5Fq_8VoS$q!wzi12 zw{9tD)vmd7-uScD3vV>nm5I;!Ba_kA-GoL4l{N=4J++k%_8-VmNKn`GW5G&te_nJ_ zU<7|A^?;Lc^hQ6qIgX%lEI=N-$~8|yXNZ)&_jVZhp+X(X>xqUwpArQd_a8SOx*_uHrA_pc5#>I!lZTUBaQFxlMggDzbqfcGJMQP6&+SH`1B;6 zV`=CLW9cW?7fMFi0*k9>kzNP1iCHOL9AZs4vei3aN>8A5jXevgJEm2hb1i4I(wWvw zlY%(@2PzCVUN5{MaxixrTYTCm1>Z7le8REC4$yk#oyIf4pjFRel~J?l@Vz_PKND83 z{=V}bW~XN(YCS767VO`KJAE1JXy)iRUm~Lmt{u<6>UXnZ{}Mp3Q-%pbU+W$^_;bXV z=0R}>GavLtM9X6e9k_z>pz*JM$eio?wo~RJY%m%sCM(F#9oQlGD<6lsONt!YQEl_@ zPuJWmnYyt9UPIP4bRj~_PYq`|GXH+d^!3g>fWTgL2uZMP5^h^QN2F6lLdLBPhqcp9@TUid0#l17Lb$tKz_B_xmYf^_3k%!( za5QnJkgKe6Or@#P*6XsE6eQp#p`_B8&!UEiUfu4%MmDUE|Bx|@{LjcQWL7Uc}!dartUnF-$;VPz+8XW4wjdb2Ru$3FTd$k?rl^ z08~`*Y2962-+1c!6xrfmXeoOOzg>~UWZQktb5+zS<~4tyMu5D^MD<-VrG%Mr&dBmo z9`k+qz(v=}2VN$yWu~a0&ZvWBDz%SBuoNbd5D)}_ClD6!Fs&2zFnj_tFmnKZta0WV z6{+5!B>Mj4MZu2)rW+X^9?;}pbpx{l$I^|O7j6WTG=}HYsW$ow-(Ml=+9r^w{l;{y z8iF?o$N4ePFdN%vgxLRbcBZ(V(+p5}jzzEzu1=#$XW!nV7zG^7x++Muz*+PeJolYc zZ64VVNaJyzBMoY$STDQ=<8k#Qn$DZ)%BT1BhkzJd{4IOb z6BhhhgTtJox4fkeqxja;TVn%-!;Jjo^&H4fXZhDyV+eQnI**Pv7w1JtV(5JlGeiyz zvVZEtrQ0X<$g0!siu;J-8z3NOc9~PFuX6(W_jd?)R#nwUfhs@a?7Se?wMM@N{73WC zK~L(o$L0&Uvm{PkjUNN!XX8VZdj~Ql&yB<{#5}t}cKCNVRMbUVuJ*UF;5xd^c%?E& z;q3fzr$GkPAXofQ4rE1EQGxi^pu;qec*5Y&!ft?ogZ{4kzP?Zhq+66OZlmDGkDAxD zRAkc~(FkcvtE|@DU4&{gH6vP2#zJ1;7$vQEha z9|jJ7pFu$DOMAnYmfZ~&lS=HhmA{=_t{5%qteb>03pDe`gt7dv*`ZCQG}gH?pY%Ss)+LGV!mFRbBuD+|3^=UfwE9@z|+-=X~b*$@@1 zCivC&aAm(~ZYpT<2%~3dpW9D*CQ9aYv1<`x{RIN~U3gk`qb9A#eujIo)h#sQJ#j!L z4}aiBnfNPR$60Ub7FD4sZUCFRbY1kt%v=_HRZ9ODx!tbk9&bz#S+2YK^3|7SJs7>c zXk3BORd_J0_$q(#=v4-gp}z)(v-oiDF5t1(m0afr16&NLn#zCs83&f=y*+$pU_xsY ztUl%he5Ejf=ov(in~Xd{?stv$RNGDhzIg~yGW%J3t$=e7Ql&x6m&;+T?RU7b1N-~^ z6*)EHzB!M?v!t(4J^&W?R##I`PnSk?Y9iCmzQ@|R@@GYACAkClZ#$7KyOVHqhgHAh zuRQeq;4Sm6bvSe*YC$pWP&wm^#={tqHQ2cJuM2a@cG3S3PTyMI=Aac#^=2-09DeX( zL;FF}*5YNlyl;tABJX^~0d2=|Gk*_^cU3kJQ1ArK!yfy@g1tl~TdkG0+O^)nZh7I` zo8Y?X{KUO~uTPErxm>F3_`<2pUqSFfp^V316b!AcCCSPwd;|MvY z9s6de_Sa;zmsqmK8GLm7-pvA&aoSp^znWlkzfr@>VskF8FZ$L6LpfD004V5*4XP#q zxMU*80Mp1kL7ABiMP$DB49I*ac|fhbK~j8qi3Ky1KqpH<+D;QNf;`Q>lfjWThBfQs zex*ZA=mk}k$WzKd21kbapC5UzBkk#Em#Mw0xC-gL$*f;tSbl0dUX_;@`fon?DJKPO zGo>`ComFEEVZ*lPZvM*FmLbgD;RF<>m^{?@E#e+^x;FeL;zmXO?D){oLGaLGZ`Nk= zOnCHs3-DV1W{a%!(Z-aQGY&pkg{_)D`0?k&=ltYKXOQ9R>d=tK?)x$oJ-9hSkf=ZS zwH9al2Zz_G1?{2ZRH`wL^QT9Kce;;wR6a*^z{l;b8<#a-U0NAG=ooke`?Y$C8R(70 zNiaEB;DpNNgi_a@0x9P7v%EHO3112;(SS+dzd+T|;LQ?GHp`E>1bsnPeBi91raqrrj=spp0zJ7Y8<>@oj(m9`3b~}6NP#fn_Qz#O*BpKV_O~5sx z$q@?q--v`fvPs8fkZ>~chpw!^jWGEmKB+5xPE#Eq2i{+Z4z8hw9ZLPri*3 z5PiM9Pi^1XU72jN8*z->ODqz#a4xO%{3fTRk%RcD(qqM46>)H<`ypFFIAXIT(l?0} zc5tsuC6i2?)UrPav;8+jE0_0{SV8$xag{eN!$dM`OfQ3T$tQo`wOH*e%vY#uDwVX% z+ge&Fm!h_={JiHi#X!hG&&X*A`F}I54A*vmlX=$rQ`Ler=%*KNMv1IDgmN zLWV_5b~wWI`N=nF#&s?SrnHi8M)>OtKp-%nwC45vnP0@1?ej`aRf=%l!p9hXk zgOO8g;UI7gkFSgc&YlF>aO~5%pKdhIu-K;Ofx#d}xYU6~UR2Bfs3X?Tc>y>!e)1p4V@=9LL49V7^KYXB{OZJjgG{;I414w7E1CQ5B z2#4Aq`sO1o`KU4;LZrWj5`VT5_4%Yoez?X7LqsWZa!>_KdP(b~s!P|mf2|SkVYqWi zB*5x$ovrHhks?nO&m(LgdlUv~mCCnp9ofF2rpnmI$SrefDznu~OJZJW@} zBE^3GCg(4>@?uJO2p^sMxhM(uT`j_&?m5q=y}1lE5X5-a7a`KE@@y+_PP^l&M#%*( zDQP2JqbH(X#{FE)9M|~T1HX0J77BvbdafmHwBAHQao z#J$KU^AZudR>(}3Y%-FSePyp?&#qjfM8>^l`DBN(H@QOYMY&w%x`gcQ+Vgk6fBgRE zzxO@oyq@QIo{!tT8t--w^KRA?CaQ`niH;S4k|Psq1Z$>X_mQ%WUjj5Dto1%aQ(y+j zSRTXEX3(AA%k}{9H%S4E?$9nCx4idzsTeA3_ij##+C+awQ(SEKu@-HKQ~80QxT$F} z6Tl-3wd5rkz-7doB4hlDe_yFtpjd!Rx66o~c`S%x)Tw z++Ax#6V>dugS?AD?|r==6SEpxn%b}t!3vKkXEC5YAf!I1s$rP?0<|Pe=3z;=JHv~c z54c~z9C#_s??15I>qSmE|Cc>Fv* zaEn9&IO(CHFV|-}JEpoq1J#CL?LN5`Z`cX}DjSAi?)N&ZE6tFzN=n`Ze*O*j+FtqD z;w;fqErBIE1hQy~ZIs)1;(=ZY2)Ax*SUBpelFS6ao_pYJaRP7ps08NiikbgQmAFs( zuSvVN_l2Ty@7~ddKH6hdp+^9~+`qeE=^MSD+I5vhbJ_5{njC+L_3C~r-Cq)^*l3^B z)|9Z~7ahz|6k1_CVS`SvW0KWAT64`BxtHt?XLkGX^-hxl={8Lx5FQUA>F4?_{+TSS%Ngdg7^zty#Blb*cEKHXjhIz@Pq6 zx-$m4Zy>}myR??MeVy^F&JrBeB31m;d>Hwh5AwW9KaH{mN!TiwD2_ZHS2FYsfG8RV zO5TcAONO$rY`H8{+bECym`V@N;dNY}WP*K$S)tytj7@=W#U^_BYG;8UPQx0z`rtIA zy`j!1y@b_w3j`&DsG(5`2mg<#_njLKT1xuPIL=o1}qjl(+Fj!?1Tg%Dt0x+ zgsWyTYwxcE1Ft3v8w1V2D;>GN{0l-f*IpwJgG=S=Y9Jclv>^y{zQSt5jm?OQ!^=(I zi=D2EgN22#`@A!xE^v|h#mam_!rJL6Ry*f} zM#DfQzEX^B+iGhgp~`5%oHi|;2Ay2`^Gh#DVJwxaRD=1cz!J^vhh{WKPEc} z*{vlEn&povZ{G5iu?>iQlak#L;QG;YaKCl+%O5KFn|;@RtPotN;yv4+jLxVt17sC~ zHeM<|VX>_y&dT}P(1670-bEp4S2o|1Cv${Kf@B1ke?LPAD$ZV>-ECk$k6l@MUJL=G zbAp}&L2O34z5F`#)Bs>z4`{YH1HymtY-#=(n90YjcTIivv`fLEv?FxJ&IcuC+J3%N z^O-KO%-yYMUZo{m!Hk?uyyk~GRRT#h2`JcCdDVpeA2=Yh$5wxTyXThn@WWQK7(c`H@ciOfZs%--M@11MDc=>E<^B`H;B*d0 zIpX&?eVKdK^PpG3hIf66}N|EoyBp#JKy*@A4JzY$CRVQ9xmh^~OOyD(E|US^kI| zQa1uUPI>>7XZg|moOcXZTWeMAvMnsEvHDf=O>2!bh5Q?Uw(2GMHhouZ^;q*L(Hf8x zZA6K*+{j88Zd@T#g#Y&Xs)YUxS8PCOaAE5HNquD0drI}s>LHGvmJIl-@gk0A=dnAA z$?tOS>MQdt0u>Y{KvWuvcFa}fxq-#*>E7dBtVY?#$ByX53Q7p%Qrr8NWFLgf-+qjF z>Fzd(tTMhvo&#sM&9{C=?wx&^>bi4y=o{7)^v9^5jk;tat)j-WvO$}+)Y+j==^Bt3 zLfWB5CB_LN5*3K_tBccyj({^G=;HT=EdKHEVvcJ7kO_)?%G|$s&;-R+WG#me6;HgC zZHluAfZ}Xnhy-GyGKdAU6+a$S*T}E-LNj*kizb6Q-1u^veMnNd2%^ z?y(kNL$b+WR0{DO)70pi@X{vBMZYxMRHmOkceaiwVw}>GPAei?({K+DpR^cPdH3`u zW}+&yhw?fz@KM5k*Hp=d^n!N+Y&_E3)7NU*1?8<9;czoavbkq@@xV$5NNgr5VzY|P zUy?4ZvHBMUp0N-yWo>V>RUw-N^df;AD~ij@t;BW@I%yH;rs`tGry(&JGG*H}d~X58 zI+E=aS==tL;!i?rQxa65qHl?3dz4ASR^ zP(SE8m9*p==TbM3`CFG)07G971)Mmj9OSdzjXbG}0#wo~4t!i$yLC7XhxDXw=_-0% zh1has7ke8f-gb3g>?EZKTWrqq>7cWc(h34_zz=rPbB`i77DM$iA6E0xu5;7J4M-fl zGN=an0k=Q3q+9fcwO;aB3fbXMl;_TTt=j8KVbn#oXd1~(OGd}=D- zc}WRg?pEd=Su4QCMkhOGXz zjQ|z9rc5g&7sy({qQ+Gt%4(q8T9fa+dDsRW6Lb)A*$7*(T7NKeJY^ZrP4$IIpp-(P6Sy^WPQRfiLZ@fDhy8(oiy9Loe1d)H=~FxbZ?nJHw~vm9I_|f>ED6f@P{mR5WDhSfT^BnnmuJN28l1SM*lDKR0!Zxwfe0FJi6Hx|)Q{kz9Lnl`{?UZQ%BPbY=cXRRE3YEu!I2%rC zf=X6je~7w>FleyoF&o-{HU8jY@2t7HvV7=0sv^Gh$2~zs4NZ~QIiDtCPM1cCQQ}nk z>^%sS3>=`F$@SJ}6LcE&`9%X*>zzCgDX_+O?&FU^2`eYH4Gml9=9#Vnejg@9T`Ql; zEA8Qd2go&Vtq*P3ujW)S2?>?#YF$dXR=#jjnj+7)cQGd(h^H_vG$MDu(Y-uQ?9JHo zs*ym~l5+SQ%`kaqwk`W^XO7fTAS5<0f9ZbVYP()+Olbm({ng6N(Y&Z)P~d1fR6#oVC^$zXNd) zm%oLjm(p^m;lsZpO)=yDZB_+4-pJQ5WdM~}gB=UjvbUx$W>fjc>Yd&oONL1AV&2L0 zi`FciRn_qY@Smk{9R^!RZxTHb+}92@fY2t~8&mw6w-WEF`C6L-=jk6~R)L}G=SMFj z^7-{3#j46vjzQw)Uv%mU?$1Y5bb5d!?$6X)$70+-$xNW^=Cx55P zz$l`j=tgdsJ+1q?2yXS_hY~A@tP(WQKoJ2GFb@oet^v~f&%&zX+j8Z}$yO;UyYY<79P3IA3ObQ+F5QXx{ zB=9gjMbNP%=vvg=wH)^&o5sHbzfl~e;`0ADB2<(r!9FE>jR#lkcRy&+pnFP{2Q=y? zdso6qN8MPKg)BFP{QOX;Xa1ypsGnOcTw1oy!RYlNt4gUUMgs7S9P1JinqsYfx&84r z(fwRaqipsl5C2m39N(X+bXk~c7FXA-Km~pmKy*C4Rl0k*pQ5Lgk&5m`QFVQ;nzXxXVIe`01D8yi1W;4d8dFH2l&?5x!bARv*bDRTeD{DN8jJLtoD z@vD%7Y4q|76`5JzsKam|jetBSWr!@AdLiTj=71-4R}a^~?rFeul(DWP%9EdK=!KOf zKgTu*>tF8YeL!WoWs!>#K`OR~qHf8MraekA(9tS+jJWbNt6 zvY|Tb>9W2$8NPMzx{@JTmk{GyXAdTb z*mZu|b=nqvHspIz7=2_6IcvIH4==({PP$ZZ1tWwG+8JE{9$MqAT#?evpZ zne$$MRMxc2RfufU8H=sL@k_)h( zwDl$4c$egFHZB4$ewJv;8B@}}-P)CZz!WvUK<_NLCkf;3jkhvIjxW=VCMBSX9>Fq9 zr>;BjA5rorzShM{i#~$^Pv+~FaTZ?|YgBfvdm|JRgg$~w;k~@p`1VIe2@fZtI;2X% z$}$1oX zO^WS6r$V`*yP5#bF3_p8Y9DV~IiNCRAHB2Lme9ZEEe08(Tw+);>_9WUNL}aKFCwj& zDRyca8y{@C?tKX>=+TF<2T5QjamXuy8?ghFlmkP0O<^Je2yXLWUGP`9V?G3Mc7d=C zyBjk#I1a8Tvcen*CS2c$w|ikaMzO;%=D&dYt;2ObvNhQcE@kfID-!rwL8@JjWhfdu zwT#?TU|@O0pEfgPC)JOk1<@Yto$a-$pXpk}-&U!fSlEm(wV-g*Z_(tE2m}H}fGy9W zwIDRu`x0}pVw@3_2{iD#^k8pm6&}Eik+Qd&w%$SN3fa zGAIpZKlHg0f`BH1Xw}v1z%gj4B_#oGKdg?UYst>lt!mSE=rBzn^8?NIKU4qa1DjlP zEB^T@R;eTkT!VY0@$iB^USSliyTeUBeqa*i#QjAJws~8t8KKOIwY2XLEt`CWe90@vjKA0LQ4Rpm6sJRnq|gBZO0J!vl0h`jk@rn4!EZsuW9we=N-CB&nA$eL z?s@*S1-}z=7OQfiw>;g>G1)neTQG@us_jN^JMU;?nE;IeL|a~YtFnL~lNcA>uj&k) zQ3s7OEASr%!hbA}04(-dbOK30z)3Te=2Mh^&Z=z^vYyabmEEIt^a3>$L27j2riwuV z1g>VA#>XepKr`Reiz52`94HFP5D?86Y++2~=(c@q)6`RVKVL5Big@vpRKoS2jZxkn zBNIUt6w7xG#0gRdW0LNLBg;z4+1)2ab4KrpD=Z$PHnZ=IuV4?iq9_F1Kv96`Fv^T6 z273%-E?Pv(f@>0-r09Wy1s?vGwc2)DUmMSgm(juE@r~Z$QJp@^#pWd;p@~Fq!;>Jh zjxO`QpVK5q(uqn9r5u7oRS9-iw(|NXN%)+s^cyaWjqOGkx-=jrx!ngCZksDA=Y;5K>8|H3+mcCZa z^q2_hQ0Dz4BUJjKvnhiQBAX2n&bU92^wS&-eLisUmW)7@N?EJ41ql)gsR? z?AA6E4R!5*gvZwnfTWwg`Jb&{2e~sVj=OJo+rF7M<(DQc-g~TD=qp^-U?To6VC0VQ zQN9Zoz>g)3N&rRQQ|UIN$Y2Ge9zA$b;TpWCTaa0CN;u8Ma#K|`5GE56s=PNMax93A z)oYUt#2x6u-MPPDLYpD^SDnE?6}=Ehpxnjodirk`M?MCf=qM?)mBt`yHi6gt?F*T& z!oQe7aR3(4e_YiQE}QO_{NR``-roDnjUDZ_((TYvuNze8fiXx-3<4BCmQG05-o~WU z#r92c?S7>L`*uj{gEhKYqQj)(i$M^mCWzI+^ChaX!gGRSlfa;h@bOkIOeNN;-c5!M zkv~N~-X~TKkquzybtZAJRObFaV}J)9lx^rHgAu;fhlSt%>FqlypRVmu$XUeKZ%`!| zVJ&MsE-4j9u4b!4h2~82EFQn?u=}5u>*GmmmmKWd zT4BYLDo@=R7Cdp6f~k4NH$mK=1YnPGfamZ%=bTUK7{$ZreM>p8>5)#$cfa1^YvG1( z2gFNtsD|(A%wV_}%wp0W%mHfR-oZ#JalxtN&qb_7dnEPe-9t*=zbpSc+q2iNq{@5S zpRXAA=2CPaJG|Pq^_6<3%H`Qw&E@Wr`sw!3cHt$lMlJdV&;&IqEB-A?163jHT5vn? z@ly!$=Tz~4?dn1Z&qoj1`mOFq0%-of)Pca>x^%3)b3&&x$mKQ?@RI=w zZRKA4!}isiSEaEbQQsj9P7MIbUTr&V^#PW_7e>y11{)w*B^O8$;VeSTEBzkt+|cIF?kcCFQzY(#-R0-j@i&d%Z!Im^$f*{Dm5e zecMHr6V5~a`b-Z&=VyV2c$cE$D26IoS*{fL~Y^Ov3|ZnPGt{fVYuu%``YUz0Cf zko{ZG8eJlnjVI-EZ^PaKFW~(GqDu?FPQ7|BS{-VJwIILBtGez%K@#gjZg1Zq7Pm z=P6Et0M>OZm*?s`lWYh&m12Vq2}=a~u3coYc;66cKszxl?Y0ft91A>Wvu^Epe9lQNSS7wK>7e zr;zCm>9XEMVfTWVvxenNeS@hqr_yRE(}=oV}yFygBIrI%5*Xb`ih#kIq5=+``; zbA`tfu}2p5OH8sWY-{#tFLZ)#IY z!gLV6dT1p0istS3`ojbkOEXTfZ0ycSEy3DTtYd9fv8jQSRRz4;WXNdQGu`?~M>6f> z07Q#XrmKCb#1u96(kAiovj^qpnS94R5h_DJngwPlhZ75gHW_?G&NF_J$^_8fCNOn= z0kHDd$UNz261B1!!1%wbObQ`1I9o_NZ}HE;D@qa_)w}22_rf!5#J@^t21>i;acIEG za&wA{skXq@RcnMBY;RaS1_D7;jAX|g4@u%lT&OgR>1yEYbhu~E^iE+v_@A=ShtPMA zByII-={^QY;)1hjG$RfvP^CI4%ZAW`0M2npjNkp?Z1PU-79Xz4$)ymzYyJCjbngLU zj34Kmt=vj9r+ZH4#FzMl(C4h%rjd#h=^nEXoX(~oj`B|t_eX>IyCQ-){}L&VLbfbq znW&YIjc13vYJMuZJANg4;iE@~{G7Q-#EAi%TrpP2)1Y09eO%m6C(L7wL!sPv_I=jOC= z{%5|#GA#X2(x_!=1K+IH7vXCV+i~>k4UrA2B!gbMNZ-QUw64ZEXjsgH3vGyogKnQu zz2T4nqpaEbm6C+5S2^m+mX80n-ZrW(`M1oYm7bRsAa55{(%%3jqE*%H!LtGP^O$A9 z4b>E!*i=~XtL@wJ*N%e6@G2F*ZOZm=8p910W z{}umP(K`Mrs0bc6ec!J*%*I8Xdv2bZ(i8u6q_2+_5PZ{g6i9TI#(ic4$25NQHrkyH z`HyGLYE?^KVAO`~9mz2K3^4x)xJ+8qMJb9_9$1;YO0a+1Z&0LDTDT`tbe>o;%?X*J z`u37T~EghIotL8=;*eAeS7#s1IezWbcqw*DT(!Np(rQs<+Ox9r7--E z)v`dlubor&2H8Q5aS%vcPqR0+^`0!9pZ0bP#X4+QDsJ&}tlmbF`GLWd4UJ41RBZEQ zUTL|J7@z|3uFte2b8r?a>Z(_D*XHu*=x8W`#dv~~vhyN^ZSgWtjY`oZx>p1hz|%Yk zLVrV4DBPwDfCf;^E0*Ohu}z_vfFUjLy{oZ|ia5)-Kcdre%!1EIQUw_N&<}X5)B^#6 zsB>0pgE)qts(t!ca4+>m0`2EB18i%kVoW7-ha-gP-kBTH57waBtA>FEsvCUf(5>9) zXdx0#YAzNq=ebzYaRf?_RUeWEs6>`--Hpr1JuM$bAJ=}q17Z3(fG@nMn!kne6a)XN zze`LV&_l(~Xo=+ezeuR+G6hz3F=QV_2{ZLt?EQ3O(a6BPoIwXd+vcd^VtdPFK;^A2<42;7 zXiOTqNr7HDRkUvZV164fl!$(rP}*zLXL*g~ldu&vwZ@ucYH#b!14K&1vn^&m3FR&O$heo z3wz>6+0723ilvy72Sqi#m7A4_8a7yK1mQn%$`C4|RG9n_w@!((8Vwu1^KLmnZ5WS${plVnXC#xc^3;0e$oeb(4oPf* z3@xYTdepz?jmbJa_fu(iT-J7hyh4y7u4|Vc+K@nS`LTZi#owwP8K|bx**=vO&q8*r z{_)w6?TdsSswHDLM?I$I%%t0#ZQT0(&H&;-$?ZAI+o4&P*$f-z%^;4rf843>px0X- ztwq{bKZ8?VO>y^kgca0DxQUCX1$69KveIEj%_n@^Y0f zMTm~@{wf#=hx_2oDIT*KU+>ecsAJ#DrOR#p&f{&;M&oDf!R$QchPu5?{h@F_%d{;8 zKp13kzIQ)0X4Z)9*LYZycmT>H#H*_9^jNViJZF2jfro{SwUOs0E8)e=Ow%V1`kR0{ zm{*k;W!GY=CrR<)Hg%n16tK1E1FWkPWY+Put1hWm&>mZrIdNHAqyvqaFC+qg3}}GDVfhQFH!FVmsB_T7|>LoLZ3I%Y%<6Eb>Px^9fSyl zy7|TWsscVVr8OF8T-#K7rSH*Ve0M@k0#fOC>2~kCZnh8>-x+0go*67;@*1? z!;Z!S80mj5*GQXzxfLEzEN?%@!z|(OxzGw+5u8$ogOtB6vHmP*V`VUdB(Xz`6%}3C z0P}*vGzko5oLTrU5qf4-i!a-JkPpGFb+S`Uzs6}C%!EEQl&{_!XJs}Fml1;W)GFLs zUrh*=D&8A0ny{V2WtcG4g}~OVlg3nYWSR8Dwl-$~acHCcYaj1=Vj8sGam!>u1W*4X zQs@-qNZ&A4(rZS(14(dZg`*J{qT7Ro)Py!l?3!Q&t8P3Z~~m z*Ku+o1G!aR-Y^c?dKx2nMZc!uW{hOBBDHr}E8Od`g5--c*}-XUOCROfGd#8@H|@ zjND#pEil4+TSZ^?r#2AqD+7?l2RIl{H{XN2f}L3!TYkW7B|EoY6H+9d33wG4GoATz zMObjfWPeBTF?HI3#25AG>u}g|Nk?$tqmj-T^YISZSrv-+Bw@Py2`pf#JT3@FA<`IUWTo zf9&{~>sok65s;tS!1GYDAxm8%`t3^wRYP%^=FhY@RX4F*J;|Q%wN299Y;)fb~15oYD6fq-= zZPG*0FR6Xw67=UUre2RsQ2yNLityC?Mtm?f(D0>v&$HzEtXN*h)#FC)M<$4Lneqyl zu(IQXE!e$aX@+4c|3Gq}Q~QrMa>?qKYg^P##CxzD z4=Nz+Xg@(zwo-nHVKNgxDtg^XPA5f5!r~LVE<{U>LqwB0upc12%dcNOQ2wEf?U$Sd zY`r6OThS?oOUgT(_rE`Tuz#SuL^cKP;OMaH{Td~t*Z(aW-R4(I%$V-<`Saw{KL_Yr zCoYU^-M*vfceFJtE$tn76z=vjgSF8?DyCvBgN`m)}FHoiBI=<6TQ5T)wR? z4vqG!?snqX$3MU7IOPi>gg(&#Gw4Y*H9 zw!+R=U2q-yotdx%^GH7AqXugHz86>rD13i?C_=@6TReT{IbY|#B-ZwEb#G>>c6-=iX?^^C87tYM|UJo zwVgIQu4ud#ghyw-lrKy%RB0c$ZDNLXT-5r+@x#b#jbc%U8-B`p<-xP~P@8t(kY@9| z@DEFQIgm7yUugfqbH;k6aoXCAaiqDDK(ZJ|Nw?hUEcN;)_cNc>L`)MrJ=ypf(o?K6 zsj^>$cKYY&%ADeP@zstM;*T&G1xVLeiCJzk8PJsjR^|o6me{| ztsa>eE}{hWP7?ObJ!rCKeIztqGQ3@*hU@hDed@l=OB5ENu8`r}pjBEdzc-~t``xKG zPpN{@R(bK(h>OS-{&`WNob7Xu;(z!eeI;MZSpyNYs4Gv{Gd~U?Ck- zvvjb%+Q-7y)~0GNm5mJ|hP7rlphCk4ru=+aYeDrv-;It=k|!We@Y7Cy_UK`Qs*{uN z*vKv27uMO+-b~8*Mjb3gy~zF9k0BartEKp)-u9a4kYyx30_i*bVk}{lQNND^opKs8cC(pD3 zcNyy1Q-3{TQ8=a@=|8`&ZJ!G5g$-Vjy__ZTH)hX|W3M+$WC>ueRlz_&`O!RUC>t!9nj$l4>(Q!9nN+Zl0wvVis8 zf={pRUSQ0And-SNS~H4lez*m21dl6*!GB>q?NRP}=|5+3S|ZrX!QfYX_Vw`lW{rf4 zv!<@FW52M&SqepXZj%cd5z@Km*qn>$JKlVYer@#+jxtsX2wj8L&2ERr2HzP-V3ol| zD1smJj5Py~mA)+0SHD~M4b2tOX6JtYCMDIr0ag+f=5-XkpuNU0rY{d?abyCK7# z);jw4GDIz3O-1#)G~}Co?O}o0&HJ<7DM!|l9}+e?EXNxfqL2F3FSagMFV6}uR@9GA zD(`lN9PdV-W?y2vE`l!)j*qP}1p{w5YLU4ZhT)mr&oyrr&uwOynI5lPEgB%Z^TPSK z7h^8Ji98xq03}flOAgG&62AR(CMsKV-lPD!*EdTWz%A&yQ7()G-{yq1oAW^4DOYi$ zb9~xdy3w0?Z%Fsb57)_k=&DylmyG9QM{_By`1j_pjIX*MxOEB#*ayDx3HkrO7eKV^ z{!bN<>>>@c;AG{_wX-t3^})HvBKomSi)X28Ipl11M~T%n6|^9EdrkZLLsw&mYNLOm zRDtC(5{+p@Lvj?)jB7@bYzWVh75cSQmH`K$<=aTPc8F!GnLs1wndg&{7nHb@BG&R00 zJ`VYLp85)8majxN=w3WzYksJTxFx2-W8hCovv>NH=#E;L-Bq%um4l)O5@n=E{}tZ@ zixqblPz7l!`i+)vp3jm_gSXT{J5ZX&+c>Zigy5Ps!aRfg>HIpLG&*I0e)>!$PlfuA zd{0kLBGuhrTm{Wx99`OS$b`ta``}>D)?arSjXC(TIsie&V$LFQ#7Q_qk{*Q}*k@{Fp>gp;bR} zsZvl_POK@?-jdtdw&{*Yy>rTG8zmV(b*Af>QVy1aI(&#hGv>c3Frcv24!8SXod>Q| z-_cH53~kwL_{2TVs#Q~pKc@&1BuUxLkzi~sB?kSyp5QYSCQ`+X3G4VkxaOG(#onCW zp4nPYSbNUM=4WLSempmO5kU>7cMPxE7j-VTk39a4!JOl#yH4><#^GHD=kCPKE#sNa z)9p`O}EY;rtK&c&O6+!qMtX_9IhFU3!vw zDp+U#YDH`gTEiyrrtHpYg9Fl60pb;6{gjK##jwvhdM{ZN`n}Rn={-}Y%htEkKc{xs zfW`?bM=#WBC`r&)lXI>ps@ZIP@G&dV3ZTzoe0yh|UjcnZ=GF4{9n_3N2nzfW7G|2K zPF16?YkO1~WER@Fp1pJ)QC*c;A}@5RQyg$O{?HSP!E(Z*f}`JJ5;psm|NAt3T3g@2 zLa|+FD&MMT$m(PXq+yAo$K+eeZehHBue3*z_p=queb+k1P4!mpRZn!Vs}@@Bg|KL4HY-+E>*F*7`i(!pDdUzt*8E?X%cg?u&Ko%yDMn# zj!a*Ol!ahbLu*@$OS%?J`>|EF2&9m#yfw09$#NI=k7cH_#piVAH=v@YBx#QoXXAsA z7s*0?aNx4t<{4CC;^{V}`(YT54%xD^&=-Sq%v#gV7MBJ&4i}v%TyF4ZTZe7gx3^x- zZp@#uWS@qQHhwWN$+_l4wTXcUn2nomo5T`Qe=yw3dNK&zy61o}z7oxe^^{!Le35Rf z@zc0e_q{)Dh|Ij=IkztLJr*5iW;dCp+1FxwpTkhEud&l`bV^(^qUU?OgC2S?3YF#f zcBE-BG+*`-;|y2KGTr{yU=8_D|CTb4kI&=DUB`!)k1hB%jk-?v?{+h`sVkUl8DYb$ zIS;uo(68XxwxDxL+)~DjquE&v7r{aGMfjDC#pC$J`n0Lt%x>~SlUtOWn>OJwG zS3*2~%lIlz<8*t#>nhE|B(yt}27)dhV{90CJcyS@jNm{Pw>o|`#J(F)$y1_IN&KQ? zI?YNjF-g{`JX@n2$o-&8{I6MC*F=x%FqOFi_lvYZi<-(WE2CGu(QKSx!577FkBDDM zAp@^NR=o_kUO<@j*axJ93m6xz>&HhQU2gBC2-Rd*XPiMDD~mP5NgfuDnZ#jFpR1+! z>>Zs+NG#z84fu>c_vGOop>DW+3LMVAtRvGyrNp^!PtKNubSql-DV$g>jnMAdw|tl> zEp{EsRpW(p-3UTRq=?DOkO!uwEhcWeeg1bjT#;#pYPaZXZ%%Hn2N?G%?l$C0o#B%w zquxAJnX-D>I=j*$DSnFF5W?%!$D@AGlBg5bEPPm0L}xWtPd6K@{cnkEr=-K$+lvN^ zRY;hsl>B$Fq^k5_aal?xTusEo;=$~wDXfg;&|#d~Y*DSR{C4qSr#f6y@wdmH(~FB8 z|CEaeQZ;eW5ggUwqZLwu4S4Ow2=<3nJb&DXo8E}HpZjYbFB{m_*7jb;9P396?{aJ{ zLkWo?A%R;$LdI)Or{nl+t%cc6`~EyD(T=Dczi72WV^LUaPuA(ext+_V^Sbj>SS5e% zmgQlvadX-^fuX=LhWiK`_^ zXyWv@NY_4>gnA?`q!Iz_O+3aqP83Li8VII*g;EexeX8H>Qx5z;5dmr(F(hsNY~kx# zLcKU*=R}344WVJYVx}wd>N^`N+z=`AR;uvs2!Hx4Lo|J`0v5BbKJ`%Nb-cg0e!Ljx zTpo_Z>k=6_lR#IJ1u19`HXfYh(4TIdAysu9@9sDGPG9WLoGU1@Na)*Ti9lv!qeOU~ zoS@UR#-}hH2AZL)BcTf)oeO@7T>Y#cAS3dN3U@#G>zj0bQqTI}mq-NTtF=}23Dz&q zMc%BSq$CjV$|rAhlA*zYufpkN^-T_SWnyK@S-PGb;#Bgpo+RgXw5qdZuJL`|&#mb? zTjjK;;|b`_X0x*1=%{35q*HxY+QE|ldij&MGm7RB_{R%4pR*8)GDAuQV-EOE zs~FUC&@Fb#1s!iG{sYB!US?csz$o`FoZM+ETFD;Qs;4LdKV<@4z+htS3>`#ePq;Fi zd~hzC;s`DeFvR%K!BsIUq_-%}iZynigPbgK zc6C?z8~4VwKGJS{as~{%p3hgVm^76i^BTh+_SR@1a53#V?)=@-;KI)F$~m#$@s;9C z^wIY0@k#)R5|O}CmDL%XCD#PZ?kQU5*8SE~WU$?LO*2*Q^@84@X5OMeFz(kiRKIKo z*Q&Ol>e!o*%p#@8pJ=f`_ZHjgiOy)FtFuJciMd6(m(IYe&WT7zj)X=)`*y$WY!@fxnm__gs@np~N1$}*B|%_#esPrb%_(b9ogxz&*r%2J|I zWoUjNEyJcFHTYR8c}&`5W%03r@G5gbfq056vgB$uur9n6ouwOgkI90T+I~<6Bs^RS z=Oy1P__hgiKKkq`+Q$;ZEppa7ShdQv$-&Nsj>|WLr}#+VGG_DBWwjS|CL-4=H23gF zf!L!NcecbxkCp=LXHP(jTlaNsF%p?ib40=1DuHj9J%b?0x7yw#isn!8Cf$ zZ_a+qpmx7Da#cHKj{ISzG7FcN^a=OGbNF%hM#=DCluss;#mKiC_dnF*bU&MxA1=w3 z{QUiSw@#I|i=*oVh4LSEE=>G***76p`t7##dmXCo?8H|wq#u~mWlgb+V}CeZx#Y(^ zuPUEY+ZO#Q`;G{uscH52FLQENMx%chCqYxRX(d$+f9WJa;VFQg*mZzez)Pqf5{dS4 zHje30;H5GClZZH9KKtID!EDa=hU(uhX{|o$f*!xzDbX?)$P!}pWik3^?KA`vAG-A_ z(L)T&v^prgz7mk;jAsK&mUZ?FeSO0g$a8Oy=~&qz%>Z{Bha2^*dLf{pYi=$Al#}I$ zk3NQtnd<-QNVN_umrs0st%YGG>g;50d@V_!+ONB)wq68+X@4?sW?^1^da)PrX3rG6 z97#NAIOpkn)Gifo)i^Y1nv^yD(A-h(B`Msdg2F0tc{_c$lw3b~aa!2fp`1@BCP3y_ zCn9UK0>marLn5IPJcrgeQ-qD=)Zjwx*X7nm*YcWS7WMXUr;j?1`mbtP4!>sfuB={b z_05jtzkMh32y4mW+{9v>J^OYKV4?>JXuduU*=^s_YRC-^wCFh4SzNI)?~FL!?TS8J zTnQsZ59`AD>FJ_rzkc#~EJ@tNO+8I_?e%JZU;7BkhHAb-Lcm3{X-}C!izcOUOH$${ zy6`^yg0q?v<%2N5b3hb&bVYwW&t*?NBCgdhuuP*(aIJ<2Qi2sM`u6 z?KkA0Zy$q=l3wZjSHWIikS%=j$HSP}8andd{WmHQLh*P7AeWS5C40Nu8Ik1#9T3MrG10K8PoC#c%( zg0LQCCjl@f=5<+A5d?j1PJj-Qwi#VNDQ60lhs}jR& z#qZ81Tm^^-u@9clClK~BlZipdzGW<#8*oIOhIEN3lN>&eM3h8lIzcacd~rfD?p_M` z;yJn6Q;dqUQYL8e+2IB1dG9?lbWViu7ZM2Bb_|)Z<>S!>fC2Y>v#AF5$l(qs1zqv7 zR`Yni?B-E4hxv8yuU|fV_vT&FG}OX;G9rq?#4vce+$wqYKD5^RySo<;52w>9Gn2B2 z+@DWl^sT3A5sYg^rfDm4L_S}40uw#64`Y^EDlU_NT9(30fBgQ3zxl8K@Nj>+Uax=p z{>^{=Z-4me%a<=7PU~9#-~aq~t<_gw+-p%hJmxmSBnrVnoF+(UX4mTm3Q#TD!#^VT z$Md0jsCXldTxPAr+rIC;C#8PmFB5#;=%8@$jm+`m7mHYgk1^@!lefV6k(@w~^b*l! z+fbI>9zIB(aIJjmA|x_-E(Ky_M=)ik%)f$F^zcEqx9{Hnv%mQL-D%nT{)az(_k4M- zg_ee7=)?{To4=*jtH)_ss(UvZQ+|?FRBNfKt(H@3PjOXIaNAV%<^A2ZcZlUM&MHL{ zhPxSb(S%0631}bj*R1XZ{IuLPFpee~e@jB#+|I6p>O; z#KVv(Ne>qw%4y`mpxRL?@F`l;bUsew{>ywln$^f`Iujc(j1KA zro%`N{UW;NZ@&DZn{9n(o_xQhw)^v`51VFXNh-=Bt(L>+YznuI?n#FYQOOC|3A4Bd zlh;z{FylU)Txn8uhyKkDGSiHBYP*5Hfrwa288*f+ka*C@0FMyi5%bPE2HGTXoNDv91>Sdq_*z?!BB{NH@V1vOSqiU&36IKgXDG&D#ll4k-3YNkN=c6KGK2LNk z{!)us66LbAQu+DuF(T&XOSElf9_#WG5|X}raUSM<_#`|rn0m3cMwxrxBXeygqSx&z zocHH-X{C?8kAB&OR_wV07Z`<>>JzlTCg||M2 zo4KFP?R>5`f7YMuO9UrVkKrLoj0pv?Mbx5BQiMFiEtwg^V&E8<`4%mybC5UOyA3zc z1Z7=XE81Eu3T_N7OLGq*KCMfFmnp(bMWxlc_5JyB9cDNaBE!u_AN$@_R8^Oy7F7(j zi%!!_vq8yKOJUmfV4CLS_Gzwf+&8dK5%VWJLpHNv1EH!BF-G6|K88gaC1+$+qGXF; zO6J5gx0K>OhX9|STt!PCL#Od$dc<(s_C7|hh5NAUw)Z~HcZ-{w`FW{kaoG(%KO$lg z%CwI`0ug_ig;XX?Y$yCF!Z6p5G{?v0$h6^%Fgp++i)Q9NOlB}yz`+1iX(Gaf?ZXbb z?QwXC0HhX{eIGpct2uyjk5Y6hHG`Q1+f6O{lV!snr=Qqvr%2k|g^;X_`4~lJ+Kj0N z9F7_=GCkr1>KDKm?5Y_bo}Q0wj?xqE3+bdJ*dB{Aywmp2`8Z zKnM|-yCQd|<+AP9y^A?z)>T^5x#UKsFcYK3c0- z=0ABzGATe~;`!N;Ad!-h5l)J+&lnc2EXfp^I39?n>^?K!{P1qucP9GHufBS|Tx;RG zb7iKsmeQKJa0nbsL(@{c-pufx(E= zy;Ti&GdD9~R^eK-6#3;>uUgT6{Or$X6!(3HZ(!(ZGaN^wblhzTq645l2Mc0muU_ zDn8sTmRk5;-u$rL>8dsA92UhGqt&ItLV;1;&F+(U3KEWXb#hSgj>3YTDyK=^O~HIz zwWEHbn}bLKpZe$ok7_Ima zGqTq5a6YX|OUmm`eT@J5kAGTPy*r;?Jv@B(_I)Iv0U73Z=QimyfZ;u+1;X&rN%PYeevf@Q)^~={^e({PVx^Fya?;WQ_ zQn*_m9oB)kWnTXhN01QnXXW10^@_^u?tEI-MTOD2tfd{WFlFLgPxoMwPf$R6zFgrB z3G)pzyFZ@}uR~ImT1uuB)zh*N(bMIMr4^pf*URO)o1+ZXBu~u0%$C}?OdIl6iU@nS zfhf;{|IdgF=453?M_gdk6{ITDKJ?ggrcqj?$mD}28p}@&ypC6`irqjCEK!&v+06Q| zWjU2nE?fUf%U}HdcQ5bnzkBz?fB1j?(>K5Q`h0#URcu)Adr`?e1AV+r&f>5*guLlC z72`Q%4A3MnSE1uSG1D+Vy8n4vG11aiPull=+jqzhw{3g(;R7>KBsfLxSw%rj&lDzQ zmYE_V)9pqWEb6SaD8X^%#}CQn`t*Epx4U!0?$x_Jez@M5WGijz{9#W1J z0TE_SiH8~5gHp5X;a9AqC`cc)iHW7EluxE5AQxa|LM)!ufKkwt&nJB zd3rW;w{WKnvu?xOOQ{pau0=32BK7cA%Z+^mKH@xdj}tcz7kO0)j*&B_1NvN?_fVgs zwL!f*Q8s4J$Out@YT#WEgm<4`kXk0I5V&k9isv7X=+V!+Farh!AiC5>bG(6PJLa}9 zJ?O+kt%!duO9A)*@vggyQk;3A0EGW^)Me`CdZgEvm9B`IL^XDgfeK~cR5zg<=Rh+ z5>Y9lh2RSZeLQ}gnS{yBiy{w;(S!-jJO?5oN-e_5tON;PQkZ#B$%yN7rvnWY;_yV6 zi3pDYeD|pAm?Fq;Kn!tss!A<-9i5VFIJ`zmmDWm8t}18`G6F;RW#Oe&KMbiES-E)x zW_|46Tokl%`g~I*A{NG|P?RUI6Z4n2e|)S)cP2{c{$rX;ZrgCnr8UekC}+id$O&d6 zL_V9&%$(Egn7~}1Th0G*i^a?=bN=SYD54M@(QQkei%vnfJfM9X!4M}* zX$^XWO!`@P(gP>m{5IS&RRqz55HM4Lms3P2a|jVpMEvplAGY3OQk9rlJaQifM1!Yo z*SrzHM>Mhjy9nP%xy;;Zz4lJThhZ*#9Ms=bwo+cY>>oPB9A=~F1e+pAwJ@o$GRyt_VwRU}-~RO7 z*I#}4*|wy_Nrc4J%z)=6MdY3%bIMg=!h$_@@(=MpVH`FQi7DaTX(?KUV=Ngkc4Q{o zW=4#M-=9vfd?D=M5t&pce}kB%D4P!;e?`j(gfQ`GU8Wh#q-TVPwpRCHQ`W=mhj3nm z23)Y<6Q#7YA_90AZD*`&`}AVW(flOcrJ0FJTiTnq@0j_Y{rT@7pP&E3fBx&={@JgW zwSe_Ehys}oTQd?CbA#4@ZU+-JN#Hg3icfR1d7ywFz{fX4CPup3-q&?4Dt<^- zhfP0Rls?03ce_8GL<-=XNJ>w0J6O(~NiZMC%)Q&qNHj;bTA1=@L&{23)U|D?`!>G& z{=@lvCnBO^H*2{}KmP5Jx9Z%Hx5~$meTGw#dl1i|6V5@*#*cCJ%u%0eX_^M=L{kMJ zBAAYeNOI=QA1(1a8+OcNb3PhBRC#ox9Lo$q1Jj+s{yFXks`*b4uiFd5F-ggAD0K7K zELj9Kx*UO0MW>UAyFc9DElayz`yao5I}t=|u+xV$U>A)7+rr^vopTqTKY_Z8nSoM& z{neLm-@b*Nu0_;}sBvGH<$TgoE3=r#`^V>qRMll!lqbB0lN{Ou5!pwtNP8wizAR8` zA%Y?qv@+0_KYgL0?PH(_PRdhjy#vUY-Z#Yb>cu@#JYT|WM8>id^Rf5w@?o)HPW1Lu zq*QBbODm<|H~jGK?KfY2Rbc&;p@MK(nP=?*pW(ok=^8^3f!IDIGekzw0yNXi%?&D` zq6LZ?Kdgk4feThXETLGqs78PZ6ATXp7+?H%>5#nu03ZNKL_t)XkHyRT2WB1)kDb%D z?-6_CM+V5!7Bd5FX)=Bjo@O49-v!)weVARh&0Mbg20p3?l+apKS}ksg@d9|81#zq- zcc;^EkBnN{ws((gMN5&(b#rrJwg@3As;w0F*!p=2~{6VkQyA@F*CV0?Q-9aR68p>?5fR%4(8Cct*PU z=%&oIs9TI~n2zyuSUw;arh`&I5m{gXnpsr#EyJ@GRLs$^HR!xdb%0TqNVf6Il(-#~P{6kn+IW*IevXth@ zNt5C=hN>WDOXiNMhtfB1_{afRqvpmXrjdy(4tIOL`eoa& z0Un!7_HM8!0J@=~2tQU}tVBtqDScS0Wp*zaP|WH)v2a*Kt&@Zn8G0Pg=;|W_>U|-m zWX~vbd`(!Jvpq&Z{PC868oP4A#X9kI2twY>d_oszb+ymyd9zny_)|OU2Z@S!FM2ql1oD;K(?A>6t zF~Sjjmmb56SX8x-@rQ4}y}P?B?TJ|}^yzZVGbAR4;bFZ}|<@2^%1ThV_Q$2S# zwEs5DhtC^1s{=_VQE9a%>C1f*<_^mUm{baj z6d{(PP=g$ST$GLLQfnM&6iaDnTH_;6jNut)u zw)c!=;bp0<>bCa@*kl$F`)md7eg9wo=YR3%zxhpa{^NJwzWL$ppZ@sWU;gvoyN&I- zLvhw>6^L!7KLBGtDO8efDPWXv0>1G~I1hq~)1j~#dnabjc`nGoV}a|EPV2oblbG_f zEbrdGLq=YP+2|R0KHV*)WwKc?aVZrQ9y2qOM;2u;ZH5g^xjU_qG0fn>3c^NYZu=04 z&wT@ls4dkqt8iea6V9AW@lsSohWjy5o?IMenl4NL(hl4v4&B)NH%nyL3}Bx_y@;uK46LS}lrPa)XC%_aw`WV;k8sRvnJVRqzNM83{ zD5`QE;3dn_+;@i(Ftey);sJ;^Jk6|#s)C*rgjB^$VIiL3 zJ7C^~CsDGH@{HhJYSE=w-|@6$l26})Lc}6!hSnohbXh76Ck)UIRV#_8hYzz_%E79_ zyE8}7MBm{xx2w72W|j%!ZjLFRgfZq@Yw4CM~5d zO{EeGC<>xFy_=a;1oT{-!#GrE=9gtThG}yezzk$(T^2k8fa*OwlP=e*`xdhu%A^}> zk?9C2lbPdz!2%zOmH7fRwzQUziW+%2{0XT+h%#E6&=X**2!m{>@JL9v*4X~uNA z+xmFEUblU>h{~cW%Tj?=`!Jf|ZVt1eWo`AeEL-m_OV#rF#l2jvKACJ(N{M4>ClTD4 zZ(O5ykI%!cRsF^57X>6qw=rxVV_n+R+;j~xeudcRTb53v$j}WmZDX71R?1;arO#xSt?|$$a=v! zVjiW;=Maf87(C8lAN_Q-$l;LT7NzI}Tx>g@c}Z4I2#gglD551v_G=j+{ds--InmDJXKW8SnXR9T^UCcxhMIVL>10b^2 z5}D@a2nEMHMx;*~;dED;2-W8sE6*uGQALkML`u`J6Amfp$4~1bDw!cc?r6&-lZ- zTOU@6Y<+BfbTd_9q20SjY<=uow{A9!5QEH;Np7U7tyI-wp7417-8bL-*>8UP{k!+S z{OYThFJ8QT|KZ>K$N#wReQ7mmrW6kA_2=xI5NyG-2RPG#tL=Mt)l#%*S(m0PLD|PR z_K+#poiJ_A>L-}@K3b^}*@rD{QPtL3tL?IF=hL#ZmXs>=ba?{sPjo}uTtt>dMc6#H zy%V#W+aWC_N=9GnsBBn|D0m{+3s`FuS&HdBTvQ`dgjMy}NjY_T=Fs6QM+B>^3J{Bt zNOgcK5iy2E*yuY`FbUJ9cjazbYbi`@=9o(18D5sg6K)S(7F?ys5N3CS-wObPZQp9; zZX+UIyuR~c+qJJt`_2FGi%(NQo}Qj-t+0Uy6$D?$=8Iy22sStlm!$kevIc5)DWKLm zuq9!n!yZx4G&wfdk8W7+r1}tXk{xD_IDo+k$%C(tO|~`3$YGBA1JKyq3MFM;w|!X_ z;c~liATka!A$|4o)tfip0f51IVD4~|E;d}(luW2{UE+7x4ebBf_Ul30dY5dqm0dD~`Alo1XR;E%2bb2s-) z5m`?Qa|GqKlZ6fQWFp3>BrGCHM5}pTF4tvQiD;PBR+m=8!2_MsW3+rkBqS`LXH2w= zK@DOCQB{&6V()PS>@k{9(bg)%K^U^v%uG5jt55y{)lyJT1oUNx#uv>c9Yc4TmLP>P zpRbqmdIGkrKUL#@d_r(vv1)+pn!B)~5rqv}tM$X-$Qxol{{GV^lTR5+O~+lI+xW!=XRWfU<5 zP&d>b2TXw3qnSm9koJ8aqmORza&fa#7|w=T6eA^s$LHjOaUO;$2xyEpIO zz5BqzT7*SZnJCRdMW@gf{87a2LeFN7N;lzbh(KY1kwn_CT2w@6a=H`KNbA5#nKFAf z5lrtmgH)xp8p*2Cdv05{>CW)B#zGrQ>a`VevRCcp=)O(R1*C0B*VUx0mn%dlnZs-Sn zO7jEc!J+8ah}?ElRpJC23qC7&yJ>nM zintZPg5Ya?IzRd86}h!|oCuM`^T0FvLY>INvExe)tnj%Pyt+fstlu?Fx2D>M;{}D6qeyf0qAyl&S^-%sZ?Z|3t%%u=c{^R|y#5UnM>k6MdIxaZ4;pfwGf4@Fmw-4_wL?p@{7M_=F&&=z-e|Wqg zj-Du2Ju~Xhq@^_Fl93PR^V-_C-~SLqfAPCN`~9zf6-ghSp5DBF_x%s=zW(aV-+uFT zn16VB+_s&$h$xmPGs{%3^5+?CvP)BHb z%*_XNrtNsdX{{NQG$9r^i0}=ev>(1DQZe zB@$2;RTMV9N3Dy~+6yEUNr(YHhIn&esy7+xx!lEadL{-uK?$y?G+ahx^n0 zS()kKdMK;|cq;73Cz5HdKW86iK4jplCi13jw!w9G3=}mmh5}25t zt~&~1H`@CE+tAFHw)C-m4&2NK>gb2D(WwLxTepmmnWl*ZToIPwh)jtL4h&my9`JFh zZ~J~)Ab{6a3&w7}Lk^TCr?h!YGU?$<+lmel?;M;5 zR*fm5Mz7M-@+jjNS`Qduq-@Si2t!d^W1*l4a z{k*&N?r!B!*NicFW1^y>G&@f&B1w}{;^CL;$m6u1Xsdf3_B#NKL~`5v7zP_tC>%uV z=v|o+B!s#}n3KhZ@lghes;IWs+Xp=}@T<`I6#6I;bv=%5EIO(P?HQgL29 ztdTU#BS{Wl1CUuFvzvYK#mmnxNNqL3Rc{d*YDpf>%%^pkN`S*SIKjnYW+K>e0yp5v z0EAX2a4HkgVQe$aWp1;bQdC5lHG|x}QpwZ^Wv$4IhbCoi{-Kj{eaO%w6C+kn=j6TjH*ep)c(}hm-(kHUz%53Ovwsj4%9*>2H5HMQ zad${D^%&~nbdbrmpX^6w0)9+1C9pKD*k(kAXXHE`j#WkTv#d)S!)Jz<@FWEdFRI}9 zot6fZ9}&4+H=T8|cvuw`6>~?QuOi58grh@IVPTa19=^2V?hyB&bB>6C!xyR{%Im(> zQoy$f4^{ODJ|Y4=5(agV397w{#I$6cK1CEoo0&s6{Cgm6eJl37jn=qcwf;aB{b8-{9VpF@wM|2}L#F-OOB<1(v4FTx(?}_vmA& z0O>=Y5B3%z5fs{Gtoq0-%#w_UW-d7eO%_vcN|F?o)4CLWHLUOZR=vL<;~>mrkHbPg$N*3=X9i=PM*v&8Zu{fYg_BgYEw!5~3kDaK8D>fJ z>fvl|hz11t2VE4(aWiKkA3nNmTaQRpi8I;oZ6Cw3m8Dfx)GHz{AMUD_|NGzlyMOsF z{>Axpe)Im_|M9Q>uiyOYoB#1I{^Hla_?n5Ho}T~o=DRWHQr+!_HFl<{y|x z@yA4zQxTgo48;|0F`ETwKDR^hCs$)#THh~_ zt7c|_s|x}RL{zn#?cMNS_uiMqG80sR$V>~$Tw1|(sHId@W{U9Z-nTxOxRe6VL5?I2 z_gL5UR7>w;n1i-kfH#W(BOhjf)p0`+&1@MNdl=Wz}4&XdzXum9ZvJ(hhUzc_XR9k37QNg;-RyNU3_h zTVFh!U%tNo;qAk_4^N~2j2<$1Cz_52g#KaU+Ry;zlkenGsbasD%>^W#)^#+I(ZuFc=t%bRW;LG)za$4$%7>0D1 zFt+}Zry&xFW>MtMsWlP7QFF_fI=ZOIZSMaNU*)Xr%tPOq6P;?7K0a;z`K65}0AI5o zjRkgi&bWK*|AepDfBd~8`s=%mU3AJ4qA_*|A;tu%>{uQuKfHT~2&ZL@;_na{Q*3x} z=mG4NGjnXt;WLBBH36DqGmL}ovxS-|;^g4D84xBWbQY25i#T`$Gs(sf@#VIO+1>g4 z%Nr7yAR+cKH?*4bVF3qmQpEnjgiIw4n#3vMejOl!bz>X>fHhCAi||#7B{Ks88~{8e zYP}Cp2Nw}BZLI~#sgtO%31 zVH)@yBBD$bes-J8iHSoqkQ0Xti4gi2A|hr8AR3&*nU<4gO~V9$L!^{NM3-7(Gfj!j z&~o%VItH#wWrF7yDJ5adPSnhe^GtSC)!wD|L4=~pDV1EhD2e4voLIp}BuXZ9#ID*! zOHO_O!=_qG3ae|RP%(zQ+5v%>330^UjbCNZatq+o%v`kbgByjxkJv$6-HNd zT1(oSoK{>)xj&zg=;gZYLrTj3^G|@)sSZN z1R{)~HS@N&TG7EptQ0PVbHaB&zstE?&gXS`6zL+p_ty6&z2~)<*fA6JiMY=a_a81% z1@Pd;;XM2-DnEE-ynvh9=cgS&&6v{RzyPn(Mpcu*d(A$6dPr(rWsOQ2iIw+DuCToUh3X4UA2usOJExq^olraK8$~>BwSx$2(A7>9I1`HMB>_CvP zjp2dSIEK>q^?dr}rPH5i0&9Ujg(st!;oK(?UkBW7Dh3B|5Y>NN$9H}ZNu$x4=ToFk zdNdW_K>S*{g-8pdof45TMjRf_lPxVG1eh}eBO&QD-f%?n8JRHA!zk=x@c_=g*8xmT z#Z(Q`F{W4hQtTBgKctou`b`XgT`Z^Qlji|<@J1#r%FIem7@BnVaGO>W3K0U3xV|zj z(80_Dji%|zI8O^^I;S-vuHxg^9h{^2{79 zUwrR=*qGoE)Pn#>XzFR&lzHpJ+*6t+V-Ay6`%0^u?IprcGqKxk|IZ(Oe7w8=_U+@$ z#|3bA1W=1SV2mU?I7q`38fB)KJH^{GG?O4DPlrhSJoO?`agmb4^-q~Tv!-9K=jU5a zROXil0Kh~!B@t6m=X976fdgE(_H?~n&gbCK3=u?HYh@z0ytlUP`%poEpgVqedU1fI zq?AH(gN)Qw2ryX7W6TI-5fL5kDl&SL)44RXk~t+TD>30vXo8Lb^dd$?wN^ytR9cszQzEJGd;e+K4b2vO1Twvg1gk_AIdmkg`QcE^-fN8@1 zGt(R+6O}xD1pH4NaU)_;TUsV z;G$Y4gZg#y4~W1NtjnSE0mGr1qMCu(K(MMY)0`0~29!VNJ{U|UuBFJb1mP;Ey?&IZ zfyX0rsZdIS*geziyyL3{#5n{_2>{L2JY3%m{LrfJw1ZPItv6v z0$(#?pf8G>LfOF891M^!@cz(wjiEJXaOizL?92>64zzdSL?xvk-#;xitLwIpS@FXR zn$9VM1u@q$Cri-BXib!k_)TI{H}jnG_ustzc)fK|Qofu{FWdg~d}U7m^4srAD%WlQ z`0;tEb@cIgxda3u8be;%_6;VyM@&@Laygxud2c=V%1fzY%0wJV&YaFG-A<<%mi_96 z47Jue5ig~zb!mNc5eHE7b*W1!CFcl@iv7sc;hp<}l+|7XajxI8jXGzq(CFnKJpx{@Op->pU7TLJAcVF_9k& zm6=tw^?qx6P#$mFJ_ap?R2;#VjAIN$BMMfJ&|$PyOAZY;QgD0&jhZzj5xKdl=EM*8 zXG9yLxx0ukW4$jW(e<{kYjqE?1jK}~2M-O=Rnd;8r4(sK3FcIL(+v4D_ ze9&}cn41~GG(>_|C9#7Z=4XVT>u-QC{96b4F>rC_yYrce_TFyWj)$@7Y%+{q zz1Jl#HLofE@lQ|hetsG3{OR505B~y@ zwHI)^s=JkvGqb&lKYw}ua2_;>AZqTz{WICaqlfb;1~}kSuo$s9Fp-)5w}1cl_a8p~ z;h%qBOM3J0FvbYsyNb{4n`n$N*StH-u+kDGnwf>n+72Huo&4v|(MX68sNUXtPOLh> zk%CIfq(jW?s}5Zvs%jo^)Du}>{0RHyz z@^ahF3;-kA#Q-SCF7DyL*qfNE+K@2-EN61VoG>wPoSxAqx^G)oHBMY>E`<+pchX>j zqsG%#MY{|Izis=EKYa-8UM(f(lv7GfqYolh?Lit(DYZ@8kmxhN;@fKmZp1TuLuZmb z5~G8eDiKgZB+&2zAV|z6j(|)Y)OjKX$5IwiE4lvf|K(r*_V;&xfA?3e~g9K-<(#h0oswVqFF>-}I@ zAv+M#wryK$pPsM(^4ssjY4?l!0f^+LL-n*Qu}d$d#4ZqOj@V*N^waZo@*cs03MnG5 z6h1fK_SX7P3vL(;8AC)=EWE!FJ<61WL<+z*YzPF286pklKyWzGXJJ4yxhgY5IAP3@ z+N*ep96^Q#J2CEFKx2tHF`F8Nos{S?GXzc~qQ6=u=qfU5NvCzWJD)D=+Pn9mv7z}K zJ4ngIL8GwBuBsiZ|cPKfRoP*R+a@HWoK>+vj znTc=5Bi9fij1l7rG&4287>OVu;<^-%;0VB+d8kekF>?lV58)a*lbiPGYXPFpDFGS) zwBCalQ!)q6kvJpbZF_cevz{|8HGg=%_O1{2i)vV3Kw$ZJ*!%?Q?C!A-2K772jn~KN zSKAW*LM!}vRO%2S!>EDXeTcN)_tuH1hJ+$=-8PZoUcx&(BEhFCkt)p*#r#q@DkL>E6Opa;y^Z*DlQF-w zDL)1x0&`VI#LPj(c5qhSVDVkTcaH3&zIPLzX)1Hn&$P@#qMy17Nm z6A|~!i3nBoemy@;2X_kYR3P_ABxZYSwU*aPWd4t-p>>!-VHOdh^7`U2PeCGcgGiLb zDIF%nKE~Es?_y@TWM(3Uq5kRR_Vjey_faZoc)2@Dhj=>Nd|6iJ?0_Kv9kXHm^;Jst zIV&ULnJPnvH*U}-i6~4zTNlEK%EMtCbi61Y4VxWpfHNR~pHHj1x7L3C@Zk@?{jHjA zZSP~`oZwIr(=?I{+Rq#@d5EoN=@q5XK`}cFTjICBLP(+23kGzYiFP3FOt98MGhq+g z&{O?Nx)1;m5i=qxKs7TyECuJw$?_T_YE+K2G&5}(3>Dpa3Ci45`DIr zYCvc@S*bXanGg;x&6M^yOs|o{g}#(CFj8P`xpRDMB#I9O+?210*e4$8sbAS5qbi3YK3}E31?SUB&H(}P9 zonjiQHFdWcRH}XS*87n0^n4XlB=#{<&MA~0KKT!Go%JzP4FO6@8v1Gr5_7O7oEeFM zkW)$}XLpYnOC*#r034N?D7zA|m{+7_U20vK)AMyB=D@6gf>p_UkTHCwgwQnia_8{S zbO@s+H6I5635ae^m|myw+MO{W5f~+$L2-n{31z)lzDyL*%+O zhrE>R?t33$t`eP3j4)IUn9iqa=B=wkHwTUsjNWP~zxn3v>9i7(h;4gk;w7_~Kfl~+ ztwio-duxI1nc4MvttBs)(`8)=eQ)~+AMTV8rWzH%_r0Z55~tWwE9GcO!<;w{xozL~ z-V!IzG5>OAa`2&=IeE@u_)}|1DfKS^ts#;U4Y$_YaWck?M*%cQx1kdX)x?dgjPbW^#|@X%!h}BgnNfM8=LF zKmGl^cB!Qzpc{^%s!m4@5jjwONMfE^>iL|Qs-~2fg8!x-RyoYkoqutVV@er-f?{6R zlbQ`tM2h%}rIhEFD-)j9;%+(Ru%ZZ)W1_S!OG*hGkZ_htK4aw1r!_PH!B>qFcW-Ud zLeL$Gx$gTdWjbGK+nTAKFS(EL{^N7b#T?Da%$}dGcb5y|JUz@z9o*C>KS877d=>u% z8cK*M&19?CQhADZ4=c|vu6P7P>v_bkO%N(z1@j13^2tfn!y<+e0VkpDkf2~pJWLtM zRJU!r?QN+g=k%FxgV1|tgv|8j@$vop_WO-ENug}-(=~RQ)T}sT3Au%)J z_1cCiVFc&KyoD%IlmJ>A0Mp1Bz=K9LNhveg%0o&JP7D8VLjd42rr;_9M|YPqxzBj% zLtt&!Z3`od$r**Iq5(iA%IgxyQ+$&FDas+<*jn3L3zxI7e>q;90Nlj_E;@$(XzqLO z5BKL~FQ1;T0PxM52M6EVe%-ch>$#-Uc^RX%eV9q_`@TVM$W#(1LORrmb7933;W`T| zB+5kaMSYXgr0T{LIo_d#P!)5`#9jv=0H)@(D#w&qMjNmKYjT5 z&BH^eYKMnXmh$(i?ZWeeOz^kx3P)GHn$P4D_SGEx_ zbI8molY98vVbHbQVBbc`tE##I0;ZI6E;*O``}^nH?d5ulQwE8^rlxfwdg|cDjE4@@ z5FsTVDrR158bgE4>o&(khyWOt>Yj5dIZ0P>2d7dvR^u4D@4e(yYI=V9c%pp1TT;$4 z)TcUQF22_dA*y-z>E!szu`xeNk$+q*X3iYTZO$|h56fFKJW^fVooNpJ=7clkYJoY$ zZ$7lh01(RZ@H>Xd8lS_8=n7_S0nrb>ihyxhPu6#cvFDJrRtgWUSNw%21iPU(JE$>= zi4id+x||jVc>nR^QkRlT3_D{q9X|>HL{v*L_pjQxwbsn6CPqlDZLRGFK15RHl+xb1 znIlkQHo%vCk5;7Q;6%yj&25DD^{5Ti39y19+s#m2E? zdnxJThmWe3Q#ze0Gl}Z9Y04ZjDsuoO1WJ_M(QF`?JBY~nwARAE`S$VqZ{Ga-AOG_H z;}ememt`qzZi&1Wx}2-1Jil!FzOPIDumAR&`}5h2K0W`MlR1ft?%{Fnvu})^O2Hk_ zi9pPV5W)ApfB5)mYi*2?aw1NSM6FX|3xhOH|RsrlYIEj2pTL>OX} z*i52G3@BA~4vd5O6iY?$P z2z1-KJ2J7NgU@CQ!%u@fB?2T-A>vZX5PiCCpFTa`U(R=z^TYjR?{eLCad`9g8zkQQ zaM#naUe2d3`tov%XZ5yit@o14@BZn#hs)(Oo%LUnkK4sZr@%mQG>meJbV~^nX`~c~ zfTYr+1jzvdh9V^&7%)jm9iTG0K|)$e=^QcA(fREA!?QnOuY32d>s;rY_fF%CXI93I z{|bd3O5U($iuJy3H$aB^wVLX;3BEEK5MupoHW&Oj(UMfPmHSNk;IvBI-wvN^oxE?V z-z%K(Tf)UWZo@YGdRqPJ)Ho1;fq!O<$wbC+4C9?2DHTRdEpCdqTDQ;KIK1T-z&xY~ zepLkfC)@YR)1xt)nWZohRY#R!b8E)h0D3-m)N;9cx!ZCrQtU_%Pl}_U_o3yC`p({WW37Kc@M9bw0! z6n)gwI8;VWQ*@GuPB704sHEjdysKWP2P&iUauJHrQ84@Q0uNEUinqWs*jK%s#~SWlVAyfgb>PrO~sYv&jl@GE;26rR^+a720>rs?tvV=m_% zU(Be=Y7@`eU4{bof+)C6dm%qc+qiQK?%0AwBw81iLzcDZSsa8fVTnlK&(?3Xf4KW^ z+(>tdTQnbp^xKf}3p>Ap#?yqHc{JuDc4*PB$%TC@5vjia3WgQ&l+cy9=N7QtCfr1D z?*&{b+I#bI)h|5Y?9!{b33nMAP;eMlC&rhPjj9xXKF*@LaKFgK3j{nSV`m0pXlTF! zWYWZRBjsdLshc>p<)+vpVYaLYA zNZi(iK(yg;b!3d=$HtSs_rEQ;4NBEBf{}L)?Oc--t8bRe)v&*yx+N80$(K$l`;Wba z^P0;Z(6|wUZpbl`JIX1jK|)_6=sm^d8Fj|1#!`HiI-Qq{c4T8D|B<}s&)qH)uMZUh zdXy>(bp|Acp0PP;gBLQ~o#J|z1f;c?UeQvtnxbDb(OtUrPIT*OgT<64F=z1plZ$^o z%C>2%sfxBnYs8HgZnNj?pCG_rm6bD$YIf_ickpUP&J)2UV(Slo8~Byk!s1rL>@ZoiRR`{fCk-bS4P)crq2hkY z$nez>LLzb2t)v#Q1W*BPd8eN@tmZT~TpwJFLEZAMFZPQGB!pX2s^e6_JH`7Mbe_}r z9k3*|qQNdUFGVr@?OE6D2qa^b2bcEK52aCFq;{Qu7o-{}zcM`kL>rYPM1wPr{wkl` zD6W8JJ=B1$3awmP8{0z0KWs{{-*sa@a2(hpad zCJ8pub<3pdZ(_O(c-)lL&S)$+Kn5j}n1SwZa`eV}U|;6jl4%gkholxDP}G*S$EqxF zA-%Zy=Fp!0$)?lu#LiysvZ?Uv@aswS>zx4H1gSv`MzRMJg55|2%GcpTgcP%>=`;?< zt(s6RByNH~@5P`fc)mgO_175F4~sYR z>(alod~kx${)urx>CB9244i=orp*SqDTrQCav*v0^HIU1lw#5cDu%Uc=l`HP;#M6fGX*WT14oha;0-d#ZX z$-;cEWcd^K^=%6|SqO{WJAucaM9U-U>K_d-#1`AJuvksEgpj*on~s|fGc#Bd@Ft=BIoPtQ-ZGhtB~)fr*IdrlETFaVc%CCbl-nnv_NofR(%i=B7n) zDTkipmiZx^6k6Cp6IC>&2zw6^&TeHLA~WJ+6_lVKqGC?mp4^v(((qF4Kl@;I28vU^ z*49|qyXnJED);{(85%L5%E>x1Y3W3LtoS@m@?GE$owEH&*ju0ODA31~5SYGUu$SwS zybKFUr?Wj-P*J~M;NcIcl}2%FV$&hF!D~7HVo9{a-HaOfv6~Q{*rKRl@xQZ=R>!Nj z5>kK*KWw)7*y#jB-$A=Pyl7qpb!G9}AFPbd#r6o^2vC!u`Q)%!wtwe8Zhm`-wU4)c zc5Zb5U3*c3{h>N~7ne0&gT)4$NeP!?Ef?mIlL*0D(l*FC`W8EqCG!pSzkWg7+^1(GE#q*GO;pnl3Hwnpcl2gf z9#A4zA!l17p5k|2PcDF{&ej=5%5DNWc z(G3UNPNwLy9yXOe*g7w{l`i~vU*WP8%}>2MDwi|+?YK^r6{x5jXtc4tOp^P~J~Da# z@LY1ntwfC0e~(p7od)68)gGx4dp~TGi%R{SR^tvWjgz53JP7+BUqP8<`nSBsUuhgu zUNc=Y-&ogxu_8=Y-!DdT1N|u@xMA*!pm86?J11Y8LfPk-9)=|9o#B>^GoaK0EsgH+ z=JbS0wazZ?B5g$nzRXya>}ML1HHTHK-?P~4Kfr52A&;0^7t45&UtMB1ndJF?C!IGu z2sB^?BZXK}wDQj1-z(-WU}N+VSYSN!W=8b37ZF>T?AHwXHP+<=VAqdU6|#aAvcOe! zbTlK=qH9U4PQVXM3XT!p?OjYN!2PCZ&)V>-C-`zeVAJeT)9n0g_th>wF(4g_%T?1} z!}-Bhw%_{AOKr{6Fnij9-mzMy}pbtDg{oX9k@7vU&49I=|O`JiFY4N?^iJbyyw zKJDopeB*Tqvo~mI-L8UwU0r#j+|Q3ff;qIZDa%Klx8@Yb6#KAyMskgp1Heo;UULYO%391ob|f}H^yPlH2g-PNQ9$n z#Yi3)CLLbN{egsE{=N2G-q&cON-TI6+9;liHX>E)q)mIQA(cc2Q(22spoc-zW~Ko0 zV$8qqV_x%W32I?s*ZZqMR<0y5d{E!t%!(bIwkjY(#Fcai>}WXV%du&` z-kJ8|<#mO8q+j)c4Tc_UGwe|(yBdib#we+sqeL|M??|n_;ZO>;EAUT{@>3nC zr5VPxUlH}pb@V8#J`rfxWrrL=At(7tU<>e_H%j+C{io|6Jkgfn0>#HH%3JV(H*=wC z&@reXZ1;H0m(d`HREeN6<4^)mczF}P01boRwpnvJQfB_tki#Y*H2}H)Qb_7gXKDT& z6B=X8C4a<$R6F}o-@U?vi+}%)7Nv}C%VoJFdxk2C(npxysb^U{TzvP-Xx3K`AQP-g zzb?S}Xl4ET4JE8wo-Fm22fwy*;!hQ6wZMfjCSD?`3t7=X)KKHSoqgqGsNSUJ54VWc z27+H-&JTZv&O5)^OTPF4I>F9(qf};KVO~n`rdp((}9_CFY{({RCfxY+l80}b+S$xG!=vh)S z?tw;Do>KM7!OV&>w25!g)Db`V><%T1FO&*#?3&@tHs>IHLxL&#TjJIAMR!gNZHoE~ z)@pii?On**prEH50qIV%`f~3Br=6Nk96F6&tMR<2YiF3(+;7(j1O3-r7Ir;-eZnjP`khg-V(!BfThesc z=c2l5fLbfWW6qNjjh_K(TQEb#ht+bv(^gh)e}mnc9_k*akIuoyQb*^P-rqCuaEQ76 zT1S!d{au;yl=jGYv<7x!i{x~Xew%Sx{UOy?5g|o9oX~nS9IG7~zb^Y%Bu2ni|MgwN zaUS2nofsB&i<7I%(T>^E{l$N4YlPQLX|hm`YZPPp%Ht!%vR3J4}Dnt)}!d4kyvCd+vCeB_t+0 ze&tNG)1c`z!JZM?Z)80LLp5a*H)qJY;CJIdhHV2$ZJp;yBpLpNvE2B~qq}R+RDC-= zVzLVL;6CoZR3LMOBtx)MnDA_86yJO>{(xZ&;Lv6C_~t{#&)3_wS4t%<*DaG|?cKd{ zd10NHABLmT&r&9&?qx;1#>>=$n0`C(^W?2CwXaBds;GT3-1`}s=;0iSlDk2(tkyL* zJ1P-siDDE7Fxc+Hqk9XDa4)?|BI<$mqcyQB+Y*{po% z@!~1ztMX>mlIl*4(3pj@3a0jW)yxiTrnu>%?CyS&CMH+8VUMRhUKN>+!q8@SGxYG& z+ize#Uc<3hC!^gtbD{l8g`MG7)6BS)leDm_vE$GRxz$vQ8$D!gtueocEf*gr70n*Vi%Z^NxQXfQL`qwivGr9EiOT}=% zqsQeW6(4vt)#q2nNA1oC<=WNMIhC3JFlXy=b^0|N=c^f|;-snMaG-;<%U(W(R!`fQ zQsZ&>!m&&uXfIHW&E7mC?zDs0N2+Gw|2?h13=sve2AD{2h_5xwhhCGMJfT*4?8(?| z63nSyc6wUz|GfaI=Y4Ozuw!R|0i}@3(+YJ~k{c(50Q&`Mf=ktS@$rEz*BY~roEzm z>6RxDAHbO(x(=K^k z50yZ-nizDEqYWqh$W&RUM>3ZUX!GwaRpn!LZ(+afLZnM40=<8|&5LP-+L#svIVveG&L6{CiZ&~$~wzcwX8 zCGt<1G$i@7~5G+8wL!JAf6tbAG z@?Y9tzbrD$$kabs0*dH~RVXFX4F`L%g+ZraiORqGr$7*4|Gv0x7K?jI9u3G457_d9 zOe;QVu*-jvZ8ZZdlyNo3KW}~Hgu?x) zC;-W&ub82gD=Ln^oir6Veq^M)Z-~(8|56+*fXLWx`q}Ot%KyioYjT=hP5@Zb$^hWIfcFFgUbnT8OL9ad zfp6hggUrS!9#`G-p6GndL+AD@uI+xU&0{&G+3OE}`*!@*bH_qX`PMjv=OTp~1Q&yS}lKIrHy!(+l{9x3dZXMZs zj%<&8jL_2C=PzZnX)<&5wkS_B@DzE6^g~riR8*n^K*2-Wu(qA$NzftWGp!BGQsSk3 zwV*joa++z!f!NiyQ2muFmp60xcd3D2&Ywd|o-<8}LWweuV9eVKuASK))&?9b*pb$q?_z(RFjxq^25}-#tHPc0kW~*4U4?DyB<`39IA`6{Z$W^t((S{m=X3 znoM#rc441k=gUDJMnE13)KYJyZt*d8G|_#-~L`3y66Q-tn06 zd>|S`gfo3(k#QE`hyqBYpB?9@b?P;EU~%}Dh2`|3iJf+c&CxQ~WInlrw zSV~9N@9}y*2#?_?fh#)?vy>Z-^mq^EZzkm17h%X>xnG}lBw}k0Q;D~k_!5%PeXu==Y1OhF$bWvPO3gf`j!lny*f$ z9lO`33iF}U+I&S2hex2Y`Osr$?CMbX-Bf|2muy)YA%FN{n@!WQn z#qovyY(w@SX>3JXcI0H%4q-V;Q1!jD?i==cdvTUHam#N6Q@F@d~ zv4_aXzkdf}!cn|vT_OvsoAsQ2>Pz=*xG*irIV>pbbh;rR?lhwJzx853 zLD3>wkm!qb5wy1-k8~I4<0@SVy;LGCxt8DIw*V*m>qog;gj=tu1*jR>rn+cVf=9evsCy{^qo8^_91sceuH+xn6xQk`9$yVofKM1nIM@O1c}TfD=E88q3N zxT>Kv3U8iod0hYJu~H?z*$QC>0(FbcE}rm{dyD=N%^h{*UR({ z`a`_Uow8HvbMYdRmRtfUwB5P2qjkvNn@IsJ$}WqRR-+!3vE>%1Tzf*cD68sV;?lGm z3Ls}K;gEWN7eZ`@6o>BWL$L4bMBCx>XPY;^vHX#wXiXaF4)niZJoOP9Hy#?|ZWqlm zp^xL>kkhLYpia1x-*kwE>6Z3d$KK6jmQ%1aK3yy)9oq!$p;Ohfq@U|Cr10boSpvUB zCx#W=)hJNg{;&z-&e^#jO|{4U2MSL;p0G=}CnqJi0Q~7KDNEbF@Zw-nk1%;pO^cwK zl66M=d+%!-`a~|DmU~P#X!c1Cg@#I5&=W0`8lS5`cn){m!tcRTu6OSqz?T>y;5E*K z6jOUwhbk$+!d1w-<9O7FMH)A+N#)@YJbW&=r3FJO^7T+S?r$7h+BsfhBcH3j>?nSv zz>Ksfx1+_+ozd>%BtQ*GGHm~O@VVwDl)t2fJTygY=O)Jvy}L9t+C0acn?D57J0hTgX7b z9z`lUna=%*v~cr6L2otnka-2;t$O2a?P%rJC`{$t(~3{$(ujZR`(bDE<7nwF3}- z1(AlL*&-wEk(b89J8|OY%{ddUMMDx21{kxukl0#y&w2rF?h)n4?hs*!Pi+f(->tbt z{nLbsdAey@w8bI`LUukMb{!agJlS$dxsdqg`06s2;Ndo{jUnag1_>1bDHEBDwnn$w z92pZC*}BYY6@m_5CHFpd?X|5EA4zr z+1cZ~u<4o$l{K$%2EYSqGNaycC<==!eL3rEPKS|T9U8|0x=dyRkOdW?XenDx`ADPb z*lN;+^I*T;dQ#5pd+0&v)}T?pmN0+0P?^c`f`r(k#lx(}vc#e#&xrK?(a>^lSz=SH z)9|yRX=v{!z+M%*Q5+nD+~f6gm74x61K`ZwTad188IPY;f+!mzj% z{+(Bp;f)Q!L3Oj$_?OVink(VV!*2EK)hw^MFd}|`yF<&Uv=3A;|H-&4AG|n!(;cYc zZVixCRDn&eAe- zwUju<*qRTcAM7JLilz85iCOfeV{sn`sEfQ6DPEzzJ2hqF=2VpFI}i8Xyn z0~X9Hk;-i~fNW|t)9+@Sw~=&435u@cNXHV_!q4@Na7UwbA|0k1zEtI?_Q{A)kC}8T z)o)}1Mw85O+>B%Yu>hi`bCcbJ5E?g`52YHI)gH+Fml`*$%B{rg#c}1X!snr#RG+W% zAsxO4dvExK$x+kdejzte)lfxiP^--U6qdrnb_0QWqJf!%-*S_@ z9V{@SZvQh~MwEoUznk3&7f|1BR|~rHyH96;o96$1gS0qB`R-)q*YLh@ToDKVT-nN;lJV ztSX%FObZ}L(ZRplMQ$8tMZg}U%YITKui%CT|{oyr>Mk^UvThH;>|Bm6$T zKzTbpgRTQ%E;OMk+L;E*QG(qu@2MW&d*V&s8lRsrOfzKXTFzL}!(59&b{}@^`|l z5Fp+;XqgFA(pSfprNciN*_|w(8Cy9bRJAy`CLJf)VVe+9K!d7KlrIaN+pv~Xbdi{P zOvA!1dE@YAw8g5%A|h!_Y(XXpjjorh$clL)8YZT_l>PiOeZ79^c1=Y~y^=WS{lIL0 z_{r*}clM5#aqQdX1|?+;H`VM==gi_6Lk|U=GHgq5Nb`%DiS5hLx7q(ve=pp(|D2G- zxowl2#5P%Gg)PJly<*TA8#mMIZx&+%cikSg&}y)E)=T}gxS~4S?U+G7 zl_ISrCe<%?vL-8bNY!1&d}`(vx7cTF$!MwV0G!{GK+ca7i2PsKA_bMf0!N;sLdB$j zoontpKo2SdMYj300?!<~u|}{k%~Zr~pPi6N721Y_LHUoEkS6i#1h4{3B5IUONfSU+6 z<}pA1N|Okh=n)p0YOB>@rtPI{JlE1aO=-zLS*XD0e1kp< z2UG%Nt!VhRTH(pPl&>V@Rx3|gWPGRk*5=5)lINppQ^5h6jh<9eTc+j#hMa(YGuAj4 z&0235!T$@T29~fdnXwsLEGm=ZtHzVCkd2<4f_V|Do8KOX-RBZ`Q`wPH94ADYr^^Hh zX|$~$;n>yr>)8PH%Y(k`Q-=y(Pw}|w!?IgshT}EAeTtl}92v*}tu`6D<4uW3FYVWb zQtur_pxfESPyVjgm6m}Kna}-!jsnm>)%2*o$Uf<{{$ZSXMU(MI7Pb_xLgX?#OJ{|Q z?@dYoReGnt&1|!O1{3l^Gid<*rZN6mY4Q zintv>lCZ~RLF|ZK22v5w(1DrVuJ`mE?31-Fchk{B2WF&e0IE&xSjKYYX7#q4jDf6n zo}Pv^Ubf+v=cK{ju;qNC`+7C}nnV^p{8F*Q7Z!G|zgyo=99Yb??(=`J;*w6QU)nUL z?37X5J0{l8htl(araofTCxqU2n*BvQB<0@f&+Tl+w)_-lxS61Sv-EC)hr(nL!Sv@-ZiOz_bE>9{1UV|ytDeQ7{=euY4#o`B{L0#APe+0>ECa_+! zVgCi65eOlF=@Ubo&_wBCh^U6|Ff5XyBc7=%k{=9C5&b)H)tm!d4OAH{YfIo!YNfTS zl7_Z6jb<+o7&NrN9Q7FS#uvT_RRX2d(SxEpY9*vvv}j!_a{ia>&x>3J>(VsWk!sOx z3JGtOK!Bjcll|F+NR|OHOk)SjDbYjuN~0mo)ar|pZhu;l@M@}2>?23hLIN&ZV%kng zlBi+`iK_z&qmE-iy-y0C`o90`p)ureD_&V`&?MlPCA93XcUyUN4Gl+ka-32jq5fx? zNar4u6WgKFCHH=zLuUaTlF`yW2aca&qS&?fe?mc~#%)Xn4+Xk&`;m9{u>1Mp9>(#$ zUF^`4iy1B8Bv`BBKLMDG43vstu`vQ-9c~0qqxgN6Lnf4@@muS@J68t!5FD=0zp0@q zW3884AKS;Rn&Q8W4H)mz>SY;qr)DVX)7C6WaxNxTd-Nk^eJp{E{vKEg z5LhQA-ImiK^5xE>`G=?&Md6I^2!~yH=}xlfk~DcXRqnNnjJB4#2kx_|zdhB2)4H+A zmeXJ8F;3l!F`a%#nM5O>Y_ly%of07VS#)2)!EC{|m|QiLVOzX<8-j)ipf@dA2gjVV zB$_~EXw)73^zq1L5-R1fTD=2J6B~8TNWLlpt@|MWzZZ$qHmUM${FKqwCdhK@aj+ep zmi8v=*L3pxeoo7=k7uI+T3P3(W(C^8mXAvyL6flQ*Pn3>S(&jqGc#J&g6(F5-kxQf z`;~qle%&ugXU}h2>%&zkJJDg2D8Nq!Ic6q2Zsh4(vD?XS7giHjP4zDK4h|~jFHgV3 zPM=SA?4#?eJ)5eI{GRW68lwW$Y*CbPZjkBvt4s9@2QO94$Tb&uKsCXF(u&Z2u^E=& zT_?$VJCCgfKS`L%R8_&K)d}FLPy}xZiXq5-qKYwzT=q(Yo-O*1Y`;lX=JP>TzxY0X zEvUc3acYL}6AO4H%HB>u*W8LKALE#525G91A3FWg&=GsQhP8lWic7Pk6A&!Xi*hv*C#8{%#KHkkq%Sa|$IKrRwoipc^qfLK3 zKvh-1QHxcQ=@b2oNwD46<^3xXATZ=qAtm87@c#5}*!ec8siQ@i$LMF$}FEnrjR#uMtT`TPiJMc; zo^K4!TnkYaQ=3v?T=;Zk{d)%YN)OWr);{F*@o_{EUsj@?)x9zuBEX~`8{fsln6V`t(Rp8P>jyLm`p;%K0}F|^S6cz z0MNi1sumJ>ku`tGL`N18pd=>4Kn9dF8HDH?rH~tE6?1cXhI^X;0*)n(=)O<`sri2- zg@oEUQvkZ1%G?5?bXm!SjoJ-TQL9Hs&d=F>nPGC7CM8iU8V_TsSg6Bql94-34`C$3 zE8C`yrGEHuHzl>9bp#NZ>e&+QDMHTIMIAihC;Myyns7+hqB8V0@b?OnRvZK6m1zzd zmg)#p$rSoI?DlJPAFgOC(ew<|eNZuYpNmu1UL1#;qki1O$f5ZW0ZQoV*b%PQqkq{M zLJP|0gvP7QVXk6UqGv@nz|pn0XX6-^G%~bSIEb6Yk;ki5nvpt17e|_a-pW! ztacd9v3<<#f)xHKIo2(C+l<5f1YByTr)lm+)rz{LR}$Pxydi+T`U$RU zX`(A0amt)iSN-p46yj#(ids9s*I`LV>>;BM6>H{RZNH$9QR^)r%%km_I4+HpS|U9C zxM!E0&?mb#Htsq(hpX!9Tu>V#KIIhtMc01tRlezKmN|8-kjg3&l}=!1cdj-vK@#nDMCvX|Bqs0%I{>}={5 z+?Z(a|0&enNn^KtwoS;wp0_jyd*XZtYq~E+htwUGWQ$Wv-F&xc(}ZRi6yaGVv9#n- zHzHV~x2OMXsfRko_%9`xzKnmMn*_8<1c_NP{jQIA05%>7UA2=1(07Rc zwd?*EB^`xYd>$V>{OkP}vetF{X|#S_6b&eHfy^QJph{M=`AxFq*6|Dvusz9vZ}VLA zfhaktK``RB^?~T5|MXmFpt;8|Lv8&LuDYn)*$xte>X%(LfbJZf_|fGhmStB=LKwhf zunIz&bT?Q4`Mdr>dfVFC(`uoSBe%I|Lg0%6wX3y#K?jNXr zVx-CwFFiDyD7(PeRVnI?m>w9sS%f8}P*ctNBZ@Gd39*D~EDkZ9Dx<4>KX&r?n0AjS z;k8TpB-C6llSXq)LagoF^}jW~`HRJXdFjYf>5<0%g)r+$*gKXSCI(G`Y+N1P*}6VGm7>;SkCyW8IW-q3;y3s`j#k=YFjsvC0K2*l zTeB7;an-q8g*UrtkBacE2%WF4E&;CBA;~OzspuzduzP!Fg!5F=@OFwnqLr#<(5C@7 zvjZ)Br}V?8nm!(r-wU}LxkBN9r$_y<*1|I&u>Q%Nvd)swo4)H1r+~>hU!(omWRzs} z1Q4NHPB+^*_!3I|>v7zs7l4U4jLI^y=I` z%#`SO`26`8?||gw?=osaFYsP$@jXa;m;*=bse_on=Xaz)KczGt zaTb>z*>UpR^5A|!;p{(YQuBZxO<{>tq<><7wQ+u-W1u7qW||Y%E+EhLJ)6mP!+1E~ z1iGH9C>oh+9wcekPfiqMvoEe69j7qReLM0j1H6PTMpyo~Ibr$>1rHDQshP8)Z}6*` z8Yl>^@SlAuXI*n&x!+?J^%lKJfr5J|2hQo-%;aFc2QqRIl0hhKJ+17Qy{V~%dB^l8 z$T$TJ(e_K`o>5~sq(JHT3zCZjwl$!1`7uWY;&Fc^UQbro@Q_-~3(8)RL3MO}2DS7~ zd}7WjRc~n{zSV1T6%?6NP_lGlI_%%L1CzhqlHo~aQR^;l6;S2VJF6z5;GNuL0)x5V zSN8wk3qZV?>txjH!E#nWH%;JUd>xkgPsLEM8ULeimhRiMB@c9wOxrs6&*_cnC!n_S zePi>Evzr6_j0!AdBYZ>Y)601iHm)BoA|c)c5T(9z(D{|iz59g+wwH@KsLhp~p~>yp zSfc;^JoX`7utDyj)E;Zz+yeoB6vm4do=w*fV-7^U{M8>ntMbZawuviw4f6BBD-QH4 zq_IElq2+1cJ?A6W;qhTaMuu&OZGOK0s1f96WBbVL*8nO>&6gt3XCHdk86?>dcN-c? zrD&|%s;nTY&C}m+2!6dYfPGM3GnGA$fdvdtI!XJ8(5j?Y1QQmSM8~#hl1LuXSJ7284z#n!DY|t*G6a4R4 zAfr-V1c$2S)CeJya~IlgmWR%HOb1a88KC-2-3YU&b-drjUZ8j(FSEYh%1-feNPw?S z+}PREaiEeeINm|TFQ(}jRzva@t%i`g_wB#}<_AQgFRNzNTYM_wd4I^g`u>%b{?zE~ zpbS<)Q@2feoWCn2bQUwtCNt!?sid1C^p9$=UA7pbsGOmrtI+y31!Ja=j>HcSv_?dz zP_yaanEqjD-&b}EI1M)_YkX1VKPIan%XBGybgM{(hWWX5vC2<6-e#Njn?>&dS0+^h z<>Tf&Ny2QAEKbPEZe}h@1p*UF;N#m;wQkqHTzbbmkJ@zt)}}aRjFk@2O#I~b+jk+K zjEai}1q0<+?)19|wXO;&eUNz>*Rx;#u=(QR>id)0&9u3(8$i5E<{HOy*q87NVva;% z_T+YpRa(pG!dhg5YiY%*gafi+Ocb+ll+8qhzfE>B}K6(lEbCgEbnN{?;x}3#%k5!)((z zu+a);0)@f{g<;wjjm{RKUR=A=#g zWV@geML7Y#Q$~s^oDXc=^k9^U3dU$BCcXlO)z*<_oE!iCo07B**eh>3WIx+|tLLSz zLTU(lvu%)D2K2lw!~%6@2TbXK5?NSb$8j9VGbYfU(l6kWN_4{;2WPt{vLY|iILKT# z`V|YsIw@c3DABPUd)CA*#}@y{8d8$$D4M-u9s0EPv)?fE`S1O}7x=eZKfXQAk}@+7 zhpsn3d>dol)Xuccc0pFuk|Kw#qmPu=prj_==t4rk6}o@Gn?4+*=qr zBd()FibabY{!9aDz0o7)YJINZ;+q0Cps*3KQxwY>sXBrS-?kU|?Wq{LvHmVICn@7- z@m^i5y!YOtrAAbyH0|GS$b9mhvc=D`%EEq>kxi+5KkntTWK#z6JRMzp0{re`|NEPk z6gik`cK)cyk)_lQD*qC*1k#}YQ3<`hX6LJFv%u8Tjfyl{oj5XHT3%Vsq&_^w>m`HmtwZUNDy$4@7+krjk-#{RFVFstpR zAu}~w1?Of}5((Z4vb}gz{ghOa1^#W9Vch4VdK1tC!A`$vcBh30D~p*mms=eO6`-N( zWv@Mp7RyT}c(#t-h)08e@z6z8EGBf0(U6Oor4ex2)|Odsa4vcudm0T;fc0;A4NT(y z`ff@2=0(uwXeihk>3f8dOp`po8P!y-DZvGas-HR_xx%P|ov4_HR0lll@W7xcJS5YS z9|^L3tstT-BvSKyFKNC0zbR$%T9;BMn26-PCYf(A=GQ+IZakTtjpM&5@U8ffD2uH! zd1gWgG~fyG&Q|1b@*B6Qr!B)e3?H+O%kHeZI$;$QJ`OuNr=n;-e%@0;#VY3u*+@%y z1cs1sSHLC7mD5Al8PP-b<@wto%&`$JMv%3(HpGa@>#vp|W|%CGL-73hX5y7DS)k9J z5SbN0B2<&#XsV&1{=9x%{c^8EqNVW@8}47UNgwRjq9UJ9dDE#g;i=Vq!c+7ASj1F@ zDVg=_J*^+8sru5IesJ1awZ-%I7!%cc}OYeF_m>x6r?yvF-@ie z!FjrGcPt-nbY!6Ucu9+(K6V@S{tLYTTkUCTU8=NURX+wl(;FTi+>fsForumTR`<+#|P@`>rO+&x@2Q*6gZlJ8xda-dl>T7ZS~WbNZS zm$be&P3}1P|5R30LXSI`nU4dG6>8=~E)Pj!-1YYLMZUVqGd)TKvyyo)iazl9%>mfymp5@{-{4{>&|n< zDxch0J()@|&gm9h90)#p|Kb)P2K7tzU5jd<{}={Y9uvh~0a!sK$BkHMaq?0P^b9|O zcDkf{w9<~dE+u;t$k;~tO)U*}j;EYOm$GPbIsDd4tDiQMDnGHeDN04w;0E5(Druh4 z0d$3gPdgFnC5w$YTIZc(Y(!et<664)2RYrdZHOc=NWk;wYu1??59MZ%EI`!X*{*Nb zkzXtW%N^id@S29n@`t1IP4Dx*)Dct$P=5x-A9xZ}Ua@yAS|bsP2R0xLO0f4fr&sNl z>T&lV*B(Vg_m+YHkEvt41*Vyz zNI5SM8N-gaZma(B?efmk+w^vb;$b%@Nms`Q0WofSd2jT-$7HgGv0m=qN{! zj;4y@;?rW+Ps(I(ZZJ@UZt(3D9#RPv^&QfmyDL>y@9h1vE*8=$8F;N=f4!o~t$%|* zQ%>_UY#LF=vU~!EJNxae5e{V~7BXeB{toS`ai?$K14(%kqA+*o04ef4Z=jUJL}Zo9 zL@4zVSEqu96#k9RZunX94&By(wxdFr`tOVW{l#8XRal)WDH^6$F|-zW^7{n%*b(;} zyM6RVpuLBdsQT)jeLHt<02MM79X%|mQji2tR^D1ztPmHWY-cteTF;$oqexANkV9)} zWFkS*qR_1Y@-8S6ga9BOSMu9`3C;YsAxnd8?;86}V)53%hSse<#S}dnKjxJ?(Mi^` zclJz(2O}wO)-A}3=Qlmmre$D9jW0NS<^As)ELDSYgcqQr_xcm9gRDzE^RjwfdkRRf z!^)ze(m;upw_g1R^cSTJ+_*}>ZkZLp^Wp`?#DDI9bVxK zy!he*_l}3AJc(u@DqPo6$d?_TyKZpnVX=pmHB+wVdj~4Ur-xsjx#kUP%e`*$!l|j+ zW@it<(G}?owbqk2GRUNa|GL&ibch}=uhs0%h(*gqmPsB?jQM2>VNh9{sYRy04(kVg z7@K7ms~CQiw4K~u-0Av6dId0yZq!!3#2%jJqZAG8kcmWT!9^ukT-o%~Fyg=$OiF|G zpxbkWZB?liB{ybSYvw+T%x9z-UZ~M?y1p9HH{ksyD$D6t`%t>HXdL&+cU*44!IVqQ zdJGUr4s^G0qkyx&gY#bG_fzIp&sh`;e+hCKpJgrnpBsU+CT{+K-PxNNUn4lk1r+O8!F{Ppl{7$J6?a+@`PQ8l z_V)z=a?b)@;qS05Ns2{~-S-7;3jp5(V9&U`Yjq&6K3iDOK~{BXgUud_Kt+D_^HVb6 ziL(5aa0P6kAh`lHV9A(I6I%PC;`-|Pl$kWSUMXB3c@3o#2KG<7)tgie zo&!6){Me;%Q$c1~MO(B?yzkK;cwV%1{1SZf<7B!>RZASJ)NVqO&Ci;ncP7SMy|C); zP7Kr|8?_}?&pxefzz8td;OV$G1Q+vYNw!yEUZwGTZ>NJ8J6GRe=N^M7%C_`LDfS%> zH$e_f9v0h@=scg|IHXW`gZMsK?|y-*?kC$sx#Q#O{T3ZPNUw^q>sjo4`1BaDYKA)z zd2$l?HYlvw=6#k|VHol3OG6fy=2C$3Tfe%5@U!F7=d*fPV)d4UpZ- zi${30Z}!@j(IggAvDz_ux~8z}YvjE`Q^Z$G3HB_M{7CV+a}*OrCuzvx-a|vRFKJv8 zySnISS@d;kn1`;su+~9gHkR)w>shy#P52>xdo&x|~<=?H?R7 zo;T$A;r{!`Ip00zs# zYw;GMca#FCGdgYr_;62}R|5n?wxp-~VYL}~-lb-Alx0N^freyruk_o3H7U#IaW0YO z)8X|UNf0%I}=Ri2iOgDVi!FeV^ui zv|jYcoc>5YWUagWrcNKeFe9v_V<3(!R^qgy1ZId07R9cyMt49pspFKo5fp#cg2DSK z5~+INt(h?Skzqy2cnRvZH`Ud-HLQYz@8TJ$4OsjXN_ro$i@)j~fZo1u8!4mtWSFZU zZ`U|K;VBzrAe8B~8!63NumY5Bwt5MS`u(>;1$ak?vOvQ%LIC1&^^*Vdt+>q=lCsP` zmbZaGCt~XA+Ww1Y;RDrqUHI)$GY%Cy5lRYYicn)IVXC8P{+fxiE0P-)-aZ}DhdDpL z{VlRS0f;5$1xK8pay>T)`eV46?(Jxs@h}Gn($I@C@Ji&<1cchi>t|;Jv!IeldEfi9 znRB3kLURL`MSL;4owX^99R9RMz+_NYmOdeAGnw&Efv2dDCYNZ3gsilLbr8*OI(-E} zxx-!FOW*h;rn05Dp=TXF#M?DVg%}?W+MR}(^YMVTrdk|lY^(gCckbg!@Fdyns;Xm>uEK> z1=UX+X|Lmj5s12_EH73m@L`5gMM|k@9|-cX658@Yl;VEUXU{(lx%9g{=c%n7QP-!| z3s<=X2HXXl6{@lC3sNosG~=(xDQL@No2Y26#bYkUR}M*{ASv;3PU_LSSSgJ@UAo%c zUD_3s5*sO3)Ii#MQV{1QIF;vo287lNJAFVQ07Ff!)CpG_-yB~uI7}&e@QIC*bm2;Pr>!D zzt%BFN6Kr5Zc*p!2Pu0C6J}kP>(PaMn0LhF#o?{U#eu>%K^a3}TjJ~WrvaQV5bJf2o_K0!9YcKuiteqT z;u`JY9KFoJVH^r|YH0~TE4Xbv0Jq&S<98zHiw`f@7;$N8F^`X!fgivhyaw%^&P5!$&J0mqnhhOgR z|C{WM`Io0w9$`E=w%%dn{uBV1| zqbctPb7qCy7YK^QNBFo>au)+%IIEA5((6-rq_O#E?4t;ZJ`rL2pP~b=`L{O-!$@#q z*$+;2W*z;>uB+{1h31otA`aiGb$i60ASE&CyN1IPxbz(gK5_%kQ<<-4f9v@+oP6=0 z#xflpb<&v)^Rp&CZVXa*Pr2|UtnY(wvIPs!AzfnmhPwykSgQG`B7pBGyn@n{m>>gk z#cx0b3LC6;(`6^=0dI?N%y+WPwh@V3rK8Sy<>aAzg&$?A@b_f2`sjP#Nquz@|LF<` zSC>1*o@+sw;8s5K)I;(4dN6}}Nfs~6OWU!j`UH}tOWf5uy0oK|_6rWeAY0J2v6um16aJ%l)U6miHcM1!PL-eh?KK53+gJ;q%x) z)9`KOuwk{#g`^~TW8^2DbU;e)EoE;S5G|jp-gz0yzc+sTW$1T_xs*HLa|@7Rfk+CdPw}+zX^OdBF3a_3x>Go&>58P~%)}e$!m6;s8}FP5*y{dX zO+D<^%2_077dH8^C_2vCMchg0H><}@;n#~P928D*5L|r;#DRjwl%P7qRKiI92X(BuKIzXP5}qv1n1= zp)mc(GyJLXCe>6!7}$TR@jbQrvnSk00HvR72oF%6O_OfwTGAt6`lb#HP~ET%hFa4L zD0#EpVubVkuG> zGu7@`!|Y^_sn9?PazH{x9ROI(ukpmK`gmxznMCwoCpj&q_O9DsN{x+M8RWyr;GqRc zxa(k&9zbp%_yHq7Y5PQ z-Z7^HzowsE*9Rk)J6<-`WtS2^!W?}3rhI2R1T*sucB+o?5!Sel`>p2(?qT7|G1r$S z*Z)iwcp1lg>mU1CV&fxxo^$B41KMowNMUO*l5hhHpBPm?o6R%(`Itve1a7lsB0h65 zXm~r_a7a>3wZx>k-)ofd%}DASFLCUeaLAoc18y+-+fd0$Xto=nF5$)Zoa(zL<2kB( zWe`X6mCH-48?!Wh`v8B&pax%E5SP*`Okd zMm=8N4i~PDct5z3u|L#R0M@R!xXW-6Qg_J!{nc@JC6kg%mEXt3aZ{sNAU1_S9VZgbuw>~>G-lvr%{CN%#7yckh03- z<7;h`--bzpG!tQmCd@>xc3^htd?&6|@pezRC}C%^*Oz!{>+MRx0s<+QjzKJZ1fDjG zetw0v#A+gWONd&B-|M#X|MG>g>Fej8wjm@H=kX%~LDE901?22t{;*JGYy&Z+#&&kf zNi8z4ctan0fFp(9)74|H4m_k=y1J&&pMqO(I8vpz_1MNClUm0ap}9*GYyXaT7OtY^ zl-rw{YAp0{a;9CzzYM6&n#D{4YcZvG{kO_EBt@9xCR>~&MpT0KgnFL+J@Rwflf zcB9-G9b1I-z3bL(?JWE{n(?>GSv0}57}yr)liEgue6Z-DR8_0+%Wx1#cN32+8P3#! zFtLYPZ1-tIK5dh@aBM94y6|<7S)C%r{pV!3A#W-*QA^u3ky=81`ZuLF8Dh7?$Mg_R z@1T;IG@a+@GVyhhO){B5<6_$TfiPKM%Pf&6=NvRejc%@6e=W5~fE>xK`moLT>D&%0 zYZ)$>CV5j)58M$2R0D?Gpup_nN-XSxZ_RMC*{Z?k zpN{M8FGrL`aUeLeZ$;Hs9eN^|=q+58V`h$25A?MC^dGpuZqqcOhsV;n>~7PG+GB@b zIF22^Y9A(p_l30~ny#9t|EhrF0RNmZa?qfHRJ#50JR1)&gH&{jXDlhWQ z4(Xb)p$<>G2u#mI{73Y$nndfYPPuHeHw5WF!70GFsBa4Qcwzx(1r-w-9l@WQHG zK|t|}N_r#bev)>4$^n2+VN>sP-e#)8=cyRVvsU-YCugU+NqU5uvdj9sg$do8I>|KD z{t}B{*1CJPrJ^Wum|nYb)`mr#$cM%t!`q%1;p#{fQY2sLKXqYUop&7+{1%z~6b-=x&3{C)e4>#g3O zfMS7XWFGBOA+uiJhCV2;Rl@s99J^eZ=IAgp5 zwP1AfzNmI=1?o-d#nZU-ft27>)b~GSiUO)kNJdeb?OFANEZ| z>WaA$8{PRf>>JE=eQ3#b9RktUWS7wqn1HT9!%95pG+EV8CnEz1^YeX+m=iIG(Py#= zy_-`;sUK`+t+WjxNMeWm_L4-=ft7E)s+<2lev->}+_nhKmHuG*R<#K1k&h@A0;i95 zc~)C6 zWGw;3H5Zy2=zAjsT@yJv-P2_)c6TZ9(9QgD`X{4Nc_3ZdZz2%ki~kB9h9nH|%p^Hc zG0IrZO#Z|)L&0y^H>PhC(-yQ(WF}-6P1fx;4v$L-x#W_nB>wL9-gdL9#mM4tI3pZU zn!Jz<8R~o=ki0HZ_d}&NNbTOSv9sqo7sT<);y9f`Bqw)qDuuT{jf*!1SA?b?+)9@_ zb({h5XW&V-!TiI^rcr)u@w_*77Y!9mkaLY1v8msFj*Kv9jEqjno=SYNJ2mNl_*CF| zHWz>vX}sIiu-3vA$aY)rf-gRUedcv$@}+oOLGqh!C(lf+)`P&#p6GAeoeBMoR#+AR zau@;t;t#!{{1g--^^a8E;yoHxxK6Y(sFyI!3m|oJj)?UAdYGMUR~e;~bm@|r6tM)B zmI4%+nU&vKQpbpjBEiNYMm{-Yu)6~d>&%JKoI8a~jH@5^R~{#}mj8C~h+U$(ajn)K zhNR#u+&itTa7b**`VfsCq&!s%Ro%3A}vmPpNf(uHHkKr)=*S1&?AQb>6@1`f~kt$ zUL6G#kM>}R1heUSNTF>$DBs(U&ApNSyLX0{y7f2$n7Qf}u2Qn$V0iiqB01eOU$;K| zP>!EpfY~fNs3XTvVT|6ud)`9e%fIdyS=JvNaj|85KTW@V1^b`O8z#~UOgs_ly8dRs zC~0hx#0@@jaNB+Sav7a0Fj3ui7lxOGK3X~|Hd_pP7K>w2zndYPvkdHp{H7F;PVeo$ z6+PK;{qO0||9A>QZ=D_lD7-{`6*ivntWaBHz=acSOD+lU$MyMiIId&Y*a-`gY()zzcfOTs~DakhVb z@Svg$Puoc%KhDn*mn6Rbz3{{Sv7qmPUuWBO*Hy3D2MOtFk$IJ9P3tvwIf)Hn6%~h! z{mNt%Be`6I1^IrUtgulB9}T!q=99oakm3hPFKD5@ z-1UOt?LpUxOs;^w-8*qQ6%XI6iFph@1EQu9bRAwZD3*fR0}omaQ)i2#5B} z%g+74%aQKdp0Vk$^@rCLED(Xr`-PvkKIxe<4S!`d)eFr}%BVxrMxYK$iy}}NmCxAK zbWgn3iMHGUB{gC9kb@h+!A!ZF(iHTmP=C+tPlfkClKPn4b8UP_bmzD!l6!Bb$1y*Y zxAU&Y+*hJ4^8Q%u44bo@oykA@7tXYf!6fn_Qq|8}=#yW6@T$L~ud14FI?Y{J;5?oD zHKS)2AD-tmlP8Q|Ojj(Q{emzahSL{n1KL-MNvb0j^)FOejmJ1I59zyeu!$M!T_KwT zY9=@z#CZcNhtu{g{@B_@Dq~RqLq#|dDDhIpC<(U9V~iD6$_cymf`v~V9HeC+d{cTQ zfG(c{Yi0D~IQ-6{Ftoah_uv2Jfx|FjRH_+A2~ zp3bwl{_mf)Q`F`9<^7M0i+Y)#%?%txVFEsr*@qT^#O?VNzKmtzRLbvQs5^i@c*Qiv zn~CM1;kFpW-Q8Q?%wI;$o`3dbPan0Zj~~XQRRsHW|HzB2;r0_M&VHO?e7(|pS~`}= z`G`F|nU{@lZJJx0wg!O5bS~^kufp<|1;PiD&<4gmYs<^~p^w^rO{$)#DsVmQ{la8# zM-v3mjGvidd9k5SDh_#?%q+n=48Omsv4Pf~v~r5(nqxb8S`gqm{d~X@g=%~qqRz#7 zdm14NlX%{0;rU4RUKDU66OL4T+V*;$I&DVm%{=Up8Ghc!w~6X;Ffms0FL!RPC_PJ( zm^i9t+=US0b_cz{9X_>xlfMta|0fyh;*Jg01XoKI2v8z54ZP5|co}PEi4W9I*#$i@ zduB^~SO4^e!wR$c9%fq@IC>Ka#zP-MsAxDf+_^Am487hG(!{2N@3FD;4DyUC-Pk7E z&m;NF>K6AQ$-Rr-O+`Y`XRf`AZlCa(WnR{4C*1Rom)^saC8`-t+7w8*=xK@#&Krd-RtJAW-6JeQTMyntn*AFFOJrt>Th_^YLD z$5i}0+Ao$wvhgrfMkuV+9v`*=kqQ@pP=&uqYL;)kIPLJ0GIuN74f^uV31NyIilqSM zY=&I7T8u!rdtmpxXbo#Z{uAbzz*BU^zoQNDJbd3-1C9epO-QhQ%iS&#A0O>j1 zcX`MXPSnC5Sf>5GO|cl~(N-jF4hcjO+298lRFL(!ZG^+@mIV@oeCP8Y&L4Q>3s(AY z*z`f!{y;~I)B0yVmv5GVq|>Q|bu6b1+T~m0%l!(w{pSrFo^}@Y*@6bK##iWu~2Aiu_>g44EnV zP{anTWZSIw9xaV&V$^_RCmgwDv| zf<&})*Vt}na(P~W!81cbdr__;%f}4kuTV*$I--JiWPV$iLY?+y23qyhi~SaRc#C&z zYcQt|WL+1^6&(ENA=&HWxEInl6v$(3Z~Ti^{;>ujW7f51wr;9ZvB}7fNL0V^zVg{! z06T5I{8S$Hxb&Bv$#^<5aW!X@csta_UPA7X=Qcu8KT-56WEqMy#-iMn#D`W6{FS-w zd^%8fSoz}FP2sGLK9+E+P00$W@&0~uu~wo#BRscZ7vLcKcGK448z{&`y~nw%I@a0K zy_zAPU4WKV7*x&=kwekeGfc7zLtaxggK5!#AB(*SwgmM!G*X!Op{W5aS_ONIaNdnZ zhP@Xz2Ptxyz;a+A%$zDJ75R0zRUN*}Ii=+Okj?iO~SH>j&y(Td?F;Hv**Qy=AJGoZEOp?5XL=~m8iYQuJA=EpZ ztQz_9>GlKvWOZ2EsrsOB*lk;`et4GRr_|EoIRJ!2vXgu?6bGZN@JcWZ#gYB9tye@h z7U13caz1v_(RFqHJVojm^J3lb6raD>f^v`DvST)MRPF zu3sK^l)~-p`CkP?wH_$ze7iZS-aTWRC;m@3ts*bjSv{~Y+NeP6Lm3F zdj#Q>WQk3l#;<(ya3_YNP8t{X5*}#%2+UWqF_g84bhalnA zhabYHC2i3L!L>UT)d6H#ti+-r^t;3v&BqcUv(0l7=Vl0*yDbfv<)K2)s=7mC8Hvx$FQ~G(SJUQ=Z<(QofqO1K_dVX0;Ih z18wnC%fxc&7Wm9blg&ils5lr$;7a(>T{irxgiant{!~jwS~1sLOGp^_ZVD6ZpxKQ0f27M-?$?80?xz{OazI*DrS6M}hZR z`+g@+FY{pxuHoTXI=Oh!`cKMO~K;EbW*cLmKpe z5(QI>3YdAuL^(DfP?4fT*xQ1zywqCR;8=D^`e$FdB}|hfH8Lt5KV#9kMQ6hM`7{FM z9)uJE=t5+IeZLu2BerK`!Sso=ToR)l*VNeIxeckVt_UVZefE_ZaHY5uEP!(_E@JNyXAA3%~v`kjlYiatI>`rJf7FFOO=ZeIGTvTLRk5p z_z)(TwTiYBzAlZjGWs~<6S%cuv6*Ici}}f4y9*lY$(3kdujJ0TZN@fi0)|(A;<73@ z`w*@gkiZ?oiOE<{>Z2BFo7~4qUq$y*f%MbaZLe%16S zTW?>D2w)8m<=TTEW++z`b|cSJ>+Gah#j^tPX0E5M&law?C+i9JS8L~c!cUC)Ymz%%wT)HimPKcQl4n zyjjGP*R=2w@!iJ+tkk$DvUT+3DzN#!IFVGN%P9|H0mHwOEmH#3a`^^>u+A(@ke=Ao zA7s5!KULNrJk~zdkxU_j=pG!T8nqO8-0}CBnY2I}|4?0Pw&c?lD zYF>xZIu9_+6{8LGhsqTNxjMxt8DUZ;Yf}q`q<2H;-HLR~=wDk)^MKGVdf%p&peEbZ z{uw3FBswh9Pq*Mc{e!hun4FqYmD&&%H%~>j>e1?5?D8<7j^X8Y&Afg$y`+;VMdItY z$2~jhe_P&oo&HOJrrSyIr7Oq)zkG~@!g!8Rp!Eu>kN zpmX)XmXtmnLRpJWU-)QJ=ctSB{$ntk;iT}Gv-90RlW6pM(RPi6AI!BZCHdIWv4pa4-EOy$SlpfYw z8s}&Pw@GU=o_2*ZLohwzdua`ZbGj}Liv)_{x7ajv+6&Nq>5r{K`gI*A4RK9QuN1V?Vt}!t*WkN>!Y(k299oS5-vR>BPFF@OD6H*7Ac+JiT3do zYb-LjC>N|k-$?rwXzV3#l2LOwG+X3V*u500`m%UzV=cpPzCgG;#X;lATdW*PAQp?C zkGS2Oit!;D*%7~fp8%A}Vt7XHZT*s=a{5%Cqzs}RZkJD+m%pV^35-ey-G}fy8^2xG zV?U;N_<>n~@7XWG$A&k_BcV45=Kugu5c-=Mf1N6tHNdM$EUEoaDUBlB1RliR{A>b*f#C;^@i4HnaL%BJx@ z$`G}}>k^KIl1ZHmaiGLN7dFUIj-nd^Qxm^Vu#nVlGgH{_u`*S8xuA!JfZ_OIflx74 zkjhtHz^;Inz@6UD8HpyA0_$>~!3varB_6$6La@5L22C#uOwZGF8|G)*?}XsIygPQP z4TBW(F4iy4gB8!$1k(Vo3)+4mO7OvhHVyCI<*j{kKzpXcWL_@s4w>C_9{n`}GlhM# zusFI}iUs0Y6}oNzJTv%9TTH0F6$9?cJc3$KzjQEW8QTL z?9tJCwTNhaLmyw>_RQj63_iY?CM!FzNCEc~8(ghGw}q<#CEG|NXldl=?}a-#aA7*X z(8eIr_I@(FOG76cim@|ygXgmM(RX?}euw;+>jsCB#M-8>=)T4E>W)T< zc#;_@c9oixz+qG$HXnT8N8#ws_0$@`5#+z}UMS(t(28fTiFE|(Bm)tm@QPzAvH_6c zLp(|8H9?(_GNE~H&p(dA~Q>9(S8<$~TsFM_rX8CcMsvNs!lFxPi=nn}szAgv7fEAl<8?CgFJ|Mov zOHA;*#<)uD{9jQsYR~SZd2fE~ux}U_)?6e6n;Ajw_+m!p7Ul_QdIlVzDQw(|$C#i# zTP~EgdykhV1POxscXV_Jy11VGs~3-WN8)4URUNUFu>yXt3#T#vm_+0WE~xR?P1#0_ zR-m2B;f=KH4uQknqCg^?+t(zA_nGOV8NMg`jm96JmuyyQ?MgSU}6$!ydW z$v)EtGImYz9$oEAbgMyh7^9D`@%+R)F?a*Zo~m=GPFS-0|ThPOVY zt{p48Zr_~Qc86}$)CUn&rT1~|Y5tjCnBUh5vSFib?}3dJP0R~6XhB7F@BRZM7j6IC zj<%lrC=on)-h1###AKBja92=#2z<@67)^Z1j08{aGG_G4D)X9y%$;sMpd}mRwp2-- zn71R69I5Pgz&!Sj;oB<-zZqDqURN8lo{h5^aZA5Y|BFHE*$r)VjvRrU4`r>IYi=v( zNW5l4kM+=kKay%#)WNMWkG%b2Rorww4*Z86Rz(5xx=e0=MAVW~{Cpnc+5FJYSCSew zaULtGd7$tN1-WF>T%%9;rmG%Hpa;PQ3gb8cZxjVeiU?{A?`McJibQ29!D(iikX!lX z=hY|L1(@_}ocVkO^+pQv4tiVFRwM-J19hWui#&&RhY5jJm7Oq_+q;|Oc!C*P!u1_^f7 z?$JlT-fm-qkzFnA>amA2fne=XFd);(@i!^TFQ?hko@Kd2?uH z?(&~E+j@U*fX$Th4&I78{yWt=K3u3qAsqGw+az*hT*zu*1y0zhd=>HT^YgzB1rryc z-dUr6hIAd*{3OH5#V}G~cLqsS)T=N^C<$fA7|( zw^#=!N51Jm)wl@Ac1QnDIKu;{j8eUk_F(Dp24S~DX0;U-i(3nVW+^~g!>nHG(Gi&k z)Dr$rb6kMYB7E5_jd2Cu242%Xi4DBX-8%||9@oMcxk4b9gj?$SHVVpAG&2e7KGGI= zMj3KO;Ef57xc0ZrB}5k*@PA!77>I`paxP^lt~CIeGwa(ges90K`XjCyL)s~qmt9I? z4$t?ZPj>cV!p|F;Zvu|b9Spq0;A`1W~>~{`rv? znSb$fzV{S8l!_VOIVxXI=Dj05Z~4#i_BrXVh`C&dxfWW8WC@;3+Zek}>AI>fswYnQ z&GV!S`K!Airw~4v{uSZ7>-{Sap$-oAJd7!}Q?;vU1X5PvY$vU#{!+b{46qogo>-tcwYkDVkbBAyl^AFb*quijl@vif9Ic-eUDfeHfLhISPm?NY0pp*Sm zaZ>Y*N!J-6=Ax+Utn}*NLT6+&4*$_+jCMg~?sCO1=Fnd`MEZ`i3!FLyuk^fDE#`9j zW2^GT->Yb~yy;Nth7MXGQsQpipeRePc$7l6dMT7yCozDICT^A+&6WC<|Kp`fi0sFC zC0ZeUalcX(9!3-sD%i{XjtkxG1)8zm19sb;1B%37t8!`rurCieX_2>s6y}F43UaIP z)Q2(-yW*P9Z0H=c_R}kycAXC@3eL+2{P7yR8qxv(eep{)vh%fs<#RB5?yi?hD6rQl=rCrCgj(yPT00g#GMPhv4A{o8`BgS(=>DhiadV9JIrPP!6#MqV;P+Ex)I3zyV5G*Pa0aJ7#VWnY!0dk-NQCXLs|sWH}iSED1BaMem<~T zEs#y#D?ivHSw6eDDPw%(X>ZhlnstBE70OHPO+DZHO2v z>5any=U*rFDx^QdyRxHSFQsuCOA2vs(zV(7f#RN3e@(1&|BvT?UVyeQR}=VDz8kpS z870VMwYk{+tT(fe4iMn@FtXw3pdFgEAwPB7;&CEA0)scIV7b#H>AU4%nTMriVE&V5 zGWZiSmF}QoLjIbCtds;R%c}#}(&a~B!X5EBXUmWW5OZA_cF7JtFH_VUM$RY|9<*<= zE(hH0h}ip<0Fmi2kB6ivXR`=cB{gZjp4Bx((#f{L~!$DumX@_*T_08HuS0)O2#&_Aoiv~E!nVEJf6 zjJ%fr)4e?%J#fjoA%bU}ZkUyBYKO0EQK7a#fnjjE+d8F{BRy`yGr1y_%U=W`JYgc) z0W_qi;1hKDmMwN1A$|YV*oUl}OI>gm_9Nw$0;VqAwJt!?vK2+cOv(ZUZJ+?RrP> zMpVeNC9=gx#KlARi5UwV77^Phayjz8jZAt3NltGJmBD@*BDU^{RYCce;N0lVSoabn zB;8;_>o@0LeoO6G3ozZWTu)R0MH}HWIi^?gfL9@lgDL7BrMaZeEkhtzpDZ7vhlhI* zB`<;e)ZQS+!&`2Rt1PY#KZBuJ*LwC_qst@iJH_=f$Q{2(Q$!QXR<9tUYA|@)IsdymW7mHw3r!<)hCe$${iZbC8fq`0*@p$fNmP!#l*p(!nRR-p8w*lP*vF9B1^dXW<;kgcs`3dd0fWL$ zyJGCLT-U$&YA*g9pS@GP{!>KS*iQBvj)S`%V6D}E$JwwXdMT0lZ|;sTVCp+VLk_pU zNJH(tFAqk}^b$)w(W8t$f!j8fAGUGOP)&wD39J$ru_YhElUDy^)GoS<5 z`nf;Xhahubaq&I+GtBCY*dxr{Mb|it^vF&*rwMy?#I5L!nMxnk=Ag;E2{x{Oy34W%np=WDpiJ2;JfBeGSil59b$+e2ONbYM~+jvx;u9b~@-d6B7 z;v1MzP58ae`iTYMp&Ee&j_{F-d}b;OH~iL&>a>?i0fPnoP9e|^J4Q34Iq~Jev*UPaAc&y zm^$-#!L;)COQEiZ$jNLl89U=&;ZLF_EO8jF1oj_{1}cwNt&8&nY45=OL#DE`3+rsZ zHvle<|HY?zo6BnTH&_z57yD6rKI1dDA!|_0iEz8^nYN#NtXuo9HPsUv+;?x`0v+*q zTOSNQd9z2tO;MD$&dBy8Cz}F`Pz(^(gl!-le9WxYaJ<4>gAf~$9 z9_M*3_5f)Zoq>K|DGgoX;;^g3-fo8Cpapc=6Yad);gwSaqVRVAobQhmFg=|4B!|J& zz{YbX?cS`Vq6Z@6b%v9;%Z`}yPi0c&b{zEefTcmR3e}k=M+4)z^yXyp1StkB4bDTO zs6x6}Dp^w7rQObf9rNpYX>*t5#NaJRV3Z2U;A3cWx2gr7Mg2q1l0oDSYn^vH+{vA> zL2lJ?5y4!*(>@{`*_)dXrMTY#?JabB)8rh)xZwsbFE)!@8zKJZZ^HZcw~_Szfn*QN z#*8XMKxX4FX|<2K?j_B*y1J&v_U1dz)p&S9a0SdhJ{xYNNeo9U?YPBHTWgqzxklxT z=F2nbY#I0Bj;W%UponYKl+OkR$}cSSx} zVC;8~(Ze8AG_&lD_-Yq>p2yHITdQ3E$EiW$7X_?|TIM$!+IHc!yThlne@d{>+DTiO zC$6gLN7oddqTVbR-3UJ+*iS^&GBAJ-&{RA>In1SRb4A_C7OtsCj!y%=4`u-ck^a(A zt*3DhMd7RL`62TBb97;@<=JM&UaM6U)K!Uc9@#mr%|#sV8zv*Q%M*dIK096)7YUqU z3Zmx1=a+90-b&P^U7?Yglu|CZ_WTCYz3n_LrGJH3I^Sdky7+Qf52atMuPtiA&tdA@ z9^dirSL=*EKi&nXZ_AnByzV)5Mp7*zjWbfTd@;>(FI~!e0;9s-7gbj^tnVM)a)Q7O zM1+f0TIHZ^EiKMVB>j9NOl(|vMBduEv@0^ecKaZbO~0x#OrFGMiB#a}ULp;CYTk8T z(9NaSj4vHXRw=)HrMF8;z5Nq4Z)<5c6s`}?4vL7nB<&p`hjYG-eyX7ev3H48C`<=r z`BrHMqz8*%h&fv73p~hpv zw7`>5Q)S3PZZaPEelO-qNSy4)XInp?dLM_!94v6Q)CAexm6Zdo*B0kq8vxPBc3=PT z0vo~u19%nqPJnwZ(#$+a00tiwuE{~O8`YSJkhl5nyQ;E>d=;&(9-hrTJ{8E#PMqdW zI{Vb1=%y<{T05&92tBdC+r^+3fz&6xXX?GLW_}58swmbJuQ&>T$h!TyVlG1!C`@z7 z)%AbMJ4GEW|6-8Fae(rF9Yp>kpccp|GkQKqKw?w8NcwnDb36I1Sxl`*YRyw+kS==_TTdKg3T4Z zV|Tu2MN4##z*%bDfdKT9zlwUs})t` z+2no8Ua@=Q^-Zvt;RU^z0UxKyJ`-r1t%j}whO`!f(|0nvEPKxBKr{d!UPrta9pV5O zii&Bg1Ih=4>N@iNz>R+`-T*yRa0W1wlLdm|=@0Ie%xvpj-cZuLq01ezk65|Pw;9jX z*3|xpkB$mE8lP=89|he0DezI^<`Gs7Hk=K3m}uD1)YQb|l01VAR(VG><762zKRXz~ z5z|QHxb}%}dIU%voAV7m-sdzA>Mipf;z9F?`WV!XO8gk@BOqvRZ_4Z6eiHLiv~}S6 zcT(?HTTn4nl8J(g20eJmJV*}*Bn{7SjU*{nZe+9f&oOWeD9dq=BIjKJ4^8}9xR|6I zdHHU}M_60?&KTt*v$0Kh3#l(mt_Y%Sp7sl7THh*gO9b;#cVr1zh#WXNGuEy5Ozsm0 z-I|Dl8u!MqVLI7fW-9|VD7Hx8A&}GM73DE|r+g|JZ62?(9JYlz*~lVrtEgwDD6UgM z!5{nB&#AtMxh!|f#f&_PNLZCVmQYYqVpllZVNaQ_QmDmdD`(+sv7RBRvCFD%pF?L}W4T=w>UiJroW5`WFfDSb{M z8Yy6~g%JiWwkgMS^kvc!7$0BXk`NeeX2!-EZ_G(i*i4l@b5?k2&abp1^y>QR z7K}F-M3J@mUV84`B3HdW9lwZHo5S zpCYU&VEV%BR5ihtSk*+E&E4f<$(kG;M+3k08C#W-^z&A}(7(gx!VubIU%gTT9Vn;E z$oE8;(+(zBcGgHRzFRf)LnS+p1PIiGs5#<;tXo9@zyiq?c78&^AH43>^ri|wiBT?d zl?^gQjtD17FCt19`^Wua&d+nCvg{r0J43I?Q%`Vd1Peg>NdsO`5_Ea`4^vRxcL*h= z;0+%UMmOBlNabP0d8BPaC_6P@G3xTmtufMfo!c|e7f1LZm$7(U|2aw8@0`mUDhc^t?2KHS-r9_lrxEDHr|hrFD}{gzb=>(17e`%%S^3U%<| zhTX%5fZcWwt?n+i{yB%l;aUzC#naIx6*-WboOaXo`vhW>Z-v3%7JrdG=5!a%>7hDm z`(jytvCdSlyWtVU9cne_=jZ2kgdHFL%XW_m)8xOz$U7gZ8h&mq+nAj-p;Jker5XPG z^mO65IQ6YGzH7%FUllGQJR3Z-g3w{SR3|O$aeI_ zKug2$tpqYDYe6RVxv|M;qDJJX{6Azj-QVqn793qe^gsJ`fC+a|q4HUSQY6wtE1b~j z`3D&Uzl~|-+GpMHh!z*Ef69P;OLH$f9h3_+HKfVe9ZkR}Ctt29&P&L{g_sk>tF(*} z0hgV_XtkI1l1y`ObcdwovXsx!&`SNR1qR^4g6*rbbh!w(sy787RQ6PTM9;(*xxNDc zkmA|WmionNPS;)}uSXq-Nwy@%s5^HkOe1qD9&g^nM9|9LdXlAL3D|1roXXmPgE-dS3C8rY1 zE*2!9JiWBgE}6uZz3bMVOAEJZVN7!`v7RP?1CZ<@KN`{JG=~?s|83Ija5}{#$oVte z2rj)}$(d2n#W*h@Luzzr_Q4$!V6AYUxue+~S~c?f)vhE@x5n<8^M0V`p(>Uj;(Cii z`Zt_Vbs2B5`>QQT)+Rq4-ecneQ4#@mEoGER>#8vSwPrj86OpisaKqij8hegsl4uRb znj0QIfA|fka&b1wV10Mqic=ILNqg(4H+8i3s5n18gAr<9j+?Pd6Xcg@s8zPBeX@a5 z8E942_g|Kp^VlzGegmUE`}jx``s}X(stDV%JOL)CqVDLQ+Y{Xc-t}BK%4$wBP1i9? zoEPz$#v3Po%^}Ci`V@J6BTbYjlvaZjj1OO!olN8t>{nw%!SujyLq>8%&V`J2dB5NK z%P(74D|R*uLE3RTxo`z3&7_$*;g1xwn#>oqpPbsH-EWlB{aOPY4~4^SOUeq3EUVK_ zJS?56@vza^R}IflFVC-UE*)@(O#93G`nPm|)H9u}^3g9Oj9f3Za)9E7chiaipNwo% z|C!CFG0Zc_`8_ZdDd~j*_o0D+xcxofc~#wc zO}VrxuC2AcmboKF_J9_NMBemO-yi6ATsh?wM{n9%ny1ok!PEu0>*ERU2Bw?OuNGJD zSMaPm{E0u~*lIYjVy?d1!ZW{++$qOs1($w!QQ4Y#;W{mG*^s;=_Q}|)Gsy4TswUje zW@FsCU8fr-WG(l+I(iIra@lXO8j-`P=vh4}+F#$Pa(tcfDcg6ImUfwXPNEh*XMS|s zhGS`SEc5sde3pFnnnE1p@Ag#Y#L3M0f!);z?kQ1yx0O<(!_79%dq>)OurOX9Xz3X9 zvaH?baNT9FWtc3Uznvp0hJc7#+6Q+4*Qy@n$GDG}$Pl#B!_;?^PIy z-g=ZyII_~uPa8G1LuB#Zka77V+1y!Ol|jYI@^VbdvTIm~Ge4k2JvoRGn!(ohZP??jrx4pU9hiu})!s=ckqj@;$&#n2bJE z3zW*IX}<2+TtB?_tE^w#uc()V7OwP|gZIv`LW1XI><-9(u->1;>k{-a|9uFJ27Wv! zKtUTn7e|t30NG1=Rc*$d7Agw}fIjtQ6Se!p*FC@6=ImWwJ#J}Sadtj_oawl)MZHF~ zJmci;td2_sb*FfJK7Z63K_g+wB|#+qEWh_Rk0s0azFBK|8h^~zAXq+|!PgE0Bb+cA zn2S0*8!(UR<`3H(r^$nSsRw=|6*odSQcajKtba$ENvo=cr$p4Uw)gh;c(C`*Ns?0< zaoRC{i9XIAt*h7`K}f6|H`orN@yoxxn`$a+m5uHszg=342#N%-E1CWw18sbz*<$?C zZ_x0FCKXIj3#3)Hrl;UTv7fo_3ZV|S=sdV>*Eek0r2y)P#9SJ- z#~{_%z=cLl~*>2PDmm&|J+)z;5Z49tlbCi$se)_}n zPK5;q=FKllS$PB=nfCVa`6l?^16^)5J>Gkn1?B`~uH|Y9nw6SFMIm>;MoRqO!DUQ} z*TM8pPFJV7&ikJAyJOsS){C~0cr7bW%3(bUg8|b${D=2a#Bk`ho#MWG7F2xrT>>W% zBHNOgRU+ReTIW16mK^!J65K*sDhsSzFpgO3{ubre%7SLH!(s#_j%v9=|Hpb7h3s%) zs<2+E#)R*0jXa`t7Y$63dv931N0OE-3)(q8a6%)4;>j0O(!viS{z_7%D-*(`^%5(8 zbNp0NImA#I@hdw+|ClY3jelx&7vR4hOb`{-U0>y}D3Y-R0DsHJ0S|RTT&E;0UC6HvF2FoBz>#OmOi66%Rfm^usj{ z`;prFXk2tDdid!YxmH$Iei-a?Rd}LZiHYMbT9L!kgMg-t|8BdcCAF0daOp&He5Vei z73Fxv9tvv{-|GWC`Aj?{} z`6l=N@+hz|owKFOEG@p-$&j!Ry%TVM^XpJv*N}bGh@W2VD!Xr)6D)pY_5eZ5y!&3)3F@iwK^;|`_$&RlCiPW8VA^Z3 zj3KVk*tc9%YMxPaX*{i2%K&C`lV$Ek(u>;Nb$^S`h8k@qdDzj|({1#LOKVKbD139b zEXAX?xv6c0TMi#cH0;gy`+TpwO!i;%*lO6(GF#~Bwg zS>@5fw&V5JurE`+r=j;v8U1cg6aLguWql5K8Tl~*?@eNqPJS^)y8^GP;$`KNqM8gT zCoA(H-w>}VFHL(nT|`Glf9pW>W`M%DHp4Ev&a?)~GB#b@D|gezA;OfAp}dqo0rakS z(mqgL=(lHuI(#ezrlqki{gLCz1gSujg7k9}AVXrWJcXLB9T$zIay*fefwYJQMSX|8 z6tzM92Q3+g?xXjF6_A)@t{-Y~2PB6HLL^W-nRz{R*9fsUn`=e@2%sM@vuS5G?$SUnl>$| z#4(nY{jK|w>e8>_AwC{=$#7&vkMU*#(J4=-;i`xs5`i*Mb6hrF8SVJFl<8zTW)v;G z&i{~|n8lWzVBgZxlem|alRjCG#7mJye{qy?3h4Ku9wz%ygv!K^ax@UESJ&VAp^j(K zk>a0(>qJQ+m$-ByAp*Vhq%K?(IVr^U%wJ0`f`!^bX0R10_oY zIu7>uw(6oggMIvD(9|WHY1SPbAs)`eP8%Jun{i@9YAYkOClb2c-^2+_(`qU+)r-eg zcWvIw^;Ro;H*Q{@O2mY0yl`fGAr@coBH7s7= zZo(Mgd+_(*e*AWRWhG(Y^Ir-}>r1B*1S!Q5ol>u?nwsTI zIzKl#o2FrQn(TZ-wz{MXc&C|)yYDG|O~LKDsTPx`KdPx*=xGlX4#AkLYCo{=Oo6B)1-q(lue(SN=9d$d}C7^+9{vsQ6HY=#HG z2No@TAejD@^WSxkr~^*o<1V^OFb1@S5Q08Ou`oY=LVBejuYH}CW~slH8II5FC_=YzAA3ya<^V?7izXR@I47tMnLPB zK9u*%@QKFv(D-l2Q1BP^T;9yy-X7iJas!KR6MuUv?7&t6?hdx)gzx_f-|tc1|GCiC z)ULE{3v6fNHM#yZz?O9_H*Q_JSFLb+s&CcizjJw_kIS06%UT`^VeHkvFEBS{1x8y; zR)F!}N^KsFj_$X%&bwI|rDP#QhrBLCc=37#B()eMeZH1{Op_Y;4X^6FIU5MO*1!Mr z_p&x7=FnHXjLd7{kS8%vo^8d7OWS!`L~8c-vTj4p)*f0T!TRHOu=-YSaEOQPn)S+% z1jV!j?fQOnYs%Es2|3zUDM7BVr~u;3G|<0&~g#$xX< zS1M4g4WE$_fM_;(IZSDtMV^w-M&(3Osl;JLX`}{nyuIBpM@se3D61b2SpGv|TYxre zspCK1B25?F9>HO}pcx7~kS4m@5$eDey}lQCay45#P75`55!c%kq2SK?513hz8R_z- zBv>T7V#Z#|h)29=!Ze(hkWMu5MB)&Df^3U5Wfes9h)^sZp8G3g$kATz{a|27A&{6Y zUQm7WoHICBYl31kF_hP4Er^C^+A@2lKFh81dFpFu`}xcc<5ORa$L?j4BSJw+A^KT+ zZfkAE00%Bn!^0F-uiSo)I1Eh$4}7;O-CaHh&s~rR81STt5%pYZ{<4ir5BoEdqDKj8 z`y~%vMs3T_BGDtpQMlI;YG7!8QT3;I3;`22<-}i-yb(Qp@>~Msr8V*rdUsQOf9@B0 z)8l6?e?K2~#e08YeK(tR9c{}PdLJKp5hJ`(Xe{+&F-7LNja?LsRFs!h>-;WMZJ<}I#CvdnRcLV`Z#0L=02<$zm8^QQ``Fw(1?ZhjF z${bj)tk4>rs==AfNq~!G{fz!$^3YYfxgsZD+1yMGs9KwDA$buK0%$Wt#-8(}qQT}y zdwMRjoCj=(!pZ_G%v7CqO%C02vYZk?<)sQ6@KS zPGV}5!%5*gngq_0Fk`6apd}M40no|HYf#_f?lJgInVyb{A7H{mwF*))aUQq4CWZoC z@bMBwRU8P#@ocAUUUf>+JtHMf^7GTvjonOe$(~Z(U_`1LcJ%xBqN=jI@_8F9H13^2 z0BuOyr>7F#8KH~fOPd; z8sbq}h=T79c{zlJaF_~c@sVlNB8xY_F_>ayV58j(NZ}a+DZI%D$h>9ijI+901F*Zjocxl{BbLrC`cz%&z!)(`VXxvMM4p8<{|2UOEC&A6V#3pch(hAbD5 zp$jF=(n{D-Q0~oD?HnP+lDro_X%qyy^_oTDm=*Xf#kG1VGxO!=>9wzdNn)>5#2E}D zuvmn$C`D^yf~z!T3Vnhn6^YXbBqO7YSf^cZbf#bQy`)-62MJXUJJ9y$Dx}FT{>z}S zv(xZY0{?boq?6F-cYw>&`Hr4nOzeVhvRZ=Dp=Fh$yw!A?06kG{74Sr{AyHOq7Ux;x z4g!vYzRQbwf$WnU(?^z6vfE^p2=hfgasmr`?Vf8HDiKI1ae3yi6v7Kzp`k6$Ca)y%fHdnvT>Mh0=9b2u)qu)KhVeF&Uqb=T~w3#a7f+yy8avnvW); zLUPp?X){O1LKFA?6FB+nk~DI*-RE1Y+&eA5YVkPLY;LrmSM47Oof z;$sXsKD+Hu0E?DT21+6DzWq=lI6 zQs2j4j)9cqQE=~gna@aU8*An4AGG6WWl$4>8G8sWr;RNMK!FK?i3W8UK{7#p`_}9) z41CNNe+aCGG6Vj&-QOr8HT3vB1RybHL);~Gzup3rMy=$-?z)1Gp1`bESC4$n4Fhnb z%wyi%Hvi)`N#*Ei$Gg)L;rr>;yW1DlN1^{FqqQpsrt{ZwLy!A@d*5|Mv)%o>UcI-z z8xJ$`3rvsY&FR@=Cp|su=Tanu9#(KAKJ8Lo(V^GT42ujS2Y~hen6L9C zhj8T_J~2zH>7qtQv0WpnMZUIdhGPNv&+y?79oMjyn&BNv^y`sPKOdSGeyB)p&O&}6 zoN?=1`Xs}t;_`9SOKZ<8s}#2gvw2wS@U`IzkL7}&r3uBc5wCFbXFfOV8>@6GC3IN^jG3ffuzifR@D^Z)&Vneq09vgVc2^ymIJ`c{nEn|gq zDU#2|u#^vsdu7N}l~|;9b-f2AQdE$eBJ#`R;BrPKxv1nC0_e^}nCpu(pLhOB>NCsp z1q!>~4}km-bo1!45&0}(FH*xqt*AawK^S6Wkn^1qfO53EqpD-GY5WyAJv=+R-RF8; z8+P>%^Giv;-`TL69Y4}Hf1XxfP3IKwt@L_;tRTUM)Dc_$xckF+_){u+BvKT=4Q4@t z3b1n0Sciy$EUhitn%cK}!|rh_rF+x*(JRruvLFjX$K`fL+y78W-tcdM1`m74_Q^nBhbktM(RQBbCnv zo}8w3yxvDLCa<^r$8=(KDZWFBl3vPRHM%}$qco-p%xXq%HSYS-C1&q=CMgRg4T;38X40vi!Ye*P>RC#TGHW`p^{_b6bxzMGfG>O12#_5An zPeM-!39^u%SKvJ*`dt@5cC}EtLYD%B*CY{hkiecp`D%)%cu^ za@%YsOb?wtRJZs7`2M39JCvrL7h{@Fv)+Xax%^B_Vi=V zMd!uJcApy5bWMPal-ua&alwypq&`X`I*x*!qe@{O$>(HZX1CyigLK5S%(PzL_S_+m zM+!j=8B$bVXMCF%DeaXI9MpipUheHA?cgok7#@9nD=&;PMR|>7Z7@-cc9{VlBzWYSgGD}Jg8GXMSc-4ve_0F@*G z6F}7sNV?IxaK0%)^lMpvQl$*e+}HM(1DBOpK3xs|h_KFIJT`S^`FqPSaC;^GH$gAsOg1B=~%` zBIyJ!m+hp>Z#2fw@Qjp`hpQZ1%aOv;!nl1Q zz$)Gm4m1)qVkb6{u0eZ7SB<1MZ@t}XiV|02UIqOU@pRQ@^2oi)mQ;lU@5F{7R zAMXr2+r+*0n9N7fQ_ysN(N;5p(){%iSt@(+kL6S07gChElA@MY2P;9xZyT58JDa(? zzfr7NIXlQiS`^Ri0a_2?Ws4)9vGcYi` zNK4x^#soA61tX5cZmy2*&ceLvTUnxL?P_fKI?s|md75uC_0_dAJzGfartHwP-?kz3!w$({d z^(>0pfSIE_bJB#Z+E-kqFz%hJY22JDpIQ{Naq#4eUkujnV8e{GBF(Jv7>V}w4xao` z36}wWup7=6;RaM!wmd@IFYAXjD6*Vi_mHfH`DJP)_tT9$Uv+6n@bvG50x6aeOH0aJ zXm!=!La|l*MQ^4&X_6bx}!Q z`xRaHE%iw)9*WH$`m%4CWmVt&HFy~F22{Vx1OwxL+JnEc1;0+=`1PGeT`4O+n!5yz zl-UDd=vo}$I>nGQ59U$mhyi;|sn$^b({p+N7a`2!wQ3lzGLLhm+TkOe%BJ<4pUUkX zz6M6q>7)r~?5x2mGX#5)jolz~5ER|d@z?xots@YKlo3s@f<$E>vP5(B4@Fq=;6>7{ zhb(#k0N_~C6vl_>u?M1`lB%nPFwL_()9FT9P7i-{euEQ!UeS5@Ms3o%di#d{c{oSZSgKIG;Y;C>x$f zM=wHT@(NeQY}aG@A^nirfsBCVq)2jx=JAi7b^o0ID&c|kAAV()@CfKe1U(#TLacKi zA)&EOLWVSjEJOAfvnY$Gq2<(txB(D2O`ayHto1{{PmP3T9M6&4%Pn79Qb`BpiAmur zc3WpxLV00-wbc78E@7J}vDmI;rh&I^%9{C6h^Rl2Vi3Ze3hANz#DU-3wXN9>F1k^o zqOXp|`8|8xi(mlp{?9XQi?6GW=AM>Hl1@y+3V?XiHd~zHDI9&K$wn{k2~>8hiHp?C{78}=oaNdc`G!pTZHr4e@|XfHRulH+`fP;_?@tb8Rf#kLUjt+1YxgNdLvA+>9EKU4kayq<7zDHiv2@^n$OfU z$lcqXjxu+!=w=Fpo4q*2lOHV(QkyXN;K2&up^BMUF;G|VN*)tZqDYn#n@!jz&Xw6( zWYiGzpnfWzCIrM%R{2!0k-N8TQN-ab0q{9EZ7o)~ORfiQ@4RamDFcsUH_z=h^0qt} z88uC!VZPI+cXGmNhr{!39rc*-+RE%+%u;R+Xv0)%C_tP_`bFA&TAG0DxC&HtsJ=en zC9TnrrXA^IhVKNF)=;x7fbY{gq}a2(O&yjJagOr6JNKV#aXo+P0h4))u{0$q|7NqK z7f0dZacm)f?)1aX^~+VDIzy7XtNdwoS;ei=XTfua62N>U;9uBv_1)<+w$P^Kw<-~F zfQ$HeTtoPIr=q+9RnMOT44k?DsPh8rcc9WZDud|_JAV-d(Vebc+)oqE9Uqqe_=?bW zzI?nocV1xlrI3&iD=QWH->EOFx!isl?YtT0n<0ruZ-^^3R*>#M%P(>(yWK*eNWp)}7s^7!k>jHP8=Z<>` zmDTs(9C{wDd*o`jEFEeIS-0P9&1T8j*Z!p-qG{t*=#$ouvQfGkwPBsHBH<{UQ znAr;i<-FLLX8ImI;?SK0a_vvz6ECfk6@DN*ErNIiRAh}W!Z6Z^zarJoc;hHJlaB)= zXRFygD-Hbd>m8uX(HV@KfTr<`N;s(F8`1-xy+|`#1TpoD(7e!C2o!8X_%f9@mxnp~ z8l}lnZA$2&j3g>b0{Bs*?NSioVcdV)5?fq9<}M?I&0!KF*!(eSEPXZ#S7kv^;3q|2 zq)EIOE{fe8L}OVmgx#vW#zcFnbUicjNgJ>(%Wgk}ysb{)S2DbD^M9sAw9x>IEP(8L zHa;ag@*gxmwIZlUY>$MhoS*!wQ|#Cjil2rgWxcu+FriiSIGXH^r{RA+2cV(Y{OYEu zvtxfu8b>4u5iRlH+bMdl+*;~dT(8~rY~m>&=J`8W_yiw+tA+zU42X(4g{{9Y?jjUQ6dCq6ycd%F>ncB1e9hoODh` zqQWJ)UoeP9rx-b7s2m6P?LVZGd;JhcIlHX=O_@_IVnFyh0P)!{u-C>f$1 zxROf-hEed$-3;i>MVnGHF7(Y>0Q2p;;@mfw4+nG@7Ii8x^m9vJ%$cW>xoE{QX)tmq|+_{>h?057FbA znGR_?3_s-5#rGg`fBi+bejuq39jLHl;OR^&cI*#+S6XTgZEKQEdyV*(53_@coh-aX zN7+J+NR%W|BAQ&}hw@*NT?uxeQ?H4dX!w)PN-2KLOmJ+^+#cr{Eue;GRJ=d@J1iTO zey%~{5zcj_--M?!CThS5pi4gU3k#|1SLEC?`ns^^s6c?fvtcuEGKt$BKU$DN254cM z#Q}`ZV7XVE2){k|7akeqF&eyuK6d)NSWsSh<-9M+`^}-89dZH#4xq>PuZI6M1K9CV zX8!i+XQtm6O@!(bwY2zYo|2Mrg29;HX%P!-1HgKq5MSx z=skhtI&ghqJ-z*WmC*_+=o^`O(h&*_kv}l8XA!CrZbbi+&!x2|UzFs|$GDofEhV#ob>rtP}^=E8)oBs8Sw_64Aq5D1YLXEBH zm<-WpGyioQrbz1=@k2VoWdHFbk&(cPs5MeLPZR?v|Ufeyb{eJ)c zwszbqlQN;543N5jPHp@oH+U)njBfr5o4}8J`{fu9!)P70jCN*JYPUe4=1+>5UOY_EE-dg;{r)6QFg8+_7IkM-Pe4o zUtR4gX6D|!441pB#Bp<*LoR14gcYtmgT7@K11V-qO!Nmpcnu3ql>)Q_ZwY0~_I$!N6HLF^=$ai7xdx|F5VvOAs6=^ zxvV?`ed`#gkc%hJTz+E9f!{dh{Xk3;jEP)_KhZ6lxco{OCRoJ2ZfB&8PRu}nFdURJ zyVZ(!2NAdr;W>e5ZP7~*B}Jj8`*d@PyyinkM7dD@XyrQraA8W7n`_@B2iKZ~ClGY< zT#dZggR$S1rhfk7`Y>I;hK11ySlyi;uZPOKL>VW&W90yZ-@@DpbV0oOs*!1y$^R zLrgP?UiZ#PTkzD&@`zP!eVx?(=f#~*Uvpu_`DI?YjZ|)j9x(F-_2mU}z@siO z!IxlS;&GJjQ&38Z;~v9TBzN%wA&bnh%xe;v@oN|{p&|=4WD@*D-UW9wJo}lJBv=1R z_uwi{t;W}WW&FOhCmWe=RG16im@*q8OIQe`$&e$mW&r}znR+fG`Alb2Cw#7AASvSQ zb`b&}6Vv%TK9CEq5LPnF-DGwfMvFlMNFL8c>nU3$;+r~7f1AKB<54kjnV5OY65T6d zALt+alWi}cjC9o_ao`2d@?W?bqn4BItCnxZj=G@98d6ZXubQic=K5POCP2ebxGnhj z#@mW&-~{H=nvwIg^_MFTyrnhFKg6$7am>j;O}`pz?9%vnKNvPU3WW|Wg);#)-jZj? znz~St4h|0Ti}E;axROHw6K2QtzS7!!e?(_qP4L3n zsX`aEO=ks>Ag&-dmaPs?29rb+ZjHxXk|zS7;C}Xoxhc`Q#~sMeW+*9Jz4)9vR`v%6vBRMib}P+W;GvmnU4|8sJb~cnH`@hR2Mx+E6xb^(i@uDY3A_4 z*U3;DX-!?`)DZ`Y89^;TKJR70cr6mTD1x7;>Lk)`;eq%|T=`9m6Dy5G$*9E0Fq24lJ7Vr8t``k*D0WxKPBZgt|M^yM zeW=`+qj2^Wowi;+xLgkbL>_ji+#pHI$@!mUunK{c1HBLxF)<8{JHpnTnj@`;7|+&> z@sn{qHgP2*Bg3HoxQGB)whK&^(-96YxiZXvJ zKMu$%Q1$p}Nbz$n8yH3kjIjf%{>Ip7TS`rfq*yo;HO>(#lh&D(#fX(8X&Y!%2{qsb zHbHNH*Aa<0PVmBj!MFd<0?f{JrzN0_>r-l$by`P@wStz86t8b$D)xuno+kIAkvgZi z&>D_^k!GKuBtu>ISevilVlTo-uIaE36d#v~1Gwj;Ra6Xzot1>OWlJF^bQ-4%n{l*3f7~hVTI}kppvIa2R<_J+ zP3^Wi3=Jzc*`TS6X;Rht9c+;f+YlVpW=f~^%HeslrK_U`+DX#Z$t@`OH|BIya(_BJ znnL!;kcLhvI@0y!dkaeTPcT3t;;%@G7<3sF*<6O3ad0kpD0y6XAt>icbtqsgvsfSd0%)KiGJc z>}aEHe)~(`?$UDr&QsVBCzp%n#DMTx>{AzDub>&CSfE(9r`{3|kwGa&6F?7Uj?R;+ zyne-Y<-Ow;yZ>;$hgh6R#$%aw=$8%BXxvZ6EzWn zMb8Kz;|7c>VY6whIr347n~?y&lh9ws_$f zb~hh(vYmzF3I!{SBMPzTCKMpNKtP7uHNQAPTr@mV(T;8qfmMoIRu2Jst)as$UG|g) zk4NMl{aF5j%QYusz*>-5fyY0e?Y>sLK)B}bP!O*!)~5bzho*~*7BJ0l2b1;?W+NxR zJ4=2XF;=G^z!DIoBmhRjk!p-~+!UH`PW|!<>q-OhvSm6*&vu``scZv&bI?$)BpHFm z*?j%=TEqeBSwMkgUG)L~(BXbHWSmAc;ia7aYQ<6%#&9k3J(-I*H@tm=x^vUwaOsoA zm=|?%&^=C3re@tFhLcbWe=Oz23m19#Mp+s?S@nu2wzSs(LLdP&;yPvAW>?~eh_?I= z&XHEtL^J-rJLd3M(Bod|akSd_+5FRj6PEk~-Eof{{xeTLAt`R{qTbXYKYnt1C*;x6 z(Y6%#Qn&j=+5vFjQ3api2W=D;e%8P5Cs$_m^hF3ze)rmdJ7Gr#A^AHRCS)R_;xK10 z7;fflo~ji)xJFuzVN{qaGZ}iN@=SdE6;H1QUv+uCBZGawV8KUFlr+v+&!3~Y5AvT% zZ~cJc^VOl0Ju`f&6koE5L@o79)N+zMZm_IQ|MX_BzFgvWLGlr^0WB?FmsVdqJfcYs zTgntfGLn%95*>m@I103?I_-t=>f7!Kl(e?XnaL#~5Au5ZFHGbNF^dRmYfKT1wUSwo;lGb;Zu;;7R+?E`{;yG6n;z5n;$4SWhvAv*bkwz#3os9wosjIebX zKd^N0wue>rS>N-(N2R+Cx$U9;UO%mL>@_OM*(s)Fa#QUSdw=g;!Lrg|;X9jDCriGq z*~k{*A__n{gcmo>7&^l^Hy;8O?zU)X&yToK7FX3x$q=z4_Z;#!rde;Er_w=;xddXcW#De?PFZ6yNgXAgrFoi{4D zn=`UnTB8GkaVNMK=?5ncN-S55{|8rL(y?VWf!L}towU_0;9RX@M^8T!wftVx^Amr9&-6KzGqbo2>;_-x zJEwjb1KmwA>@>NFiUd@gl9+)*Pc`mm(i#CY++ysPE~d6HMTXnYsB$e;JmhS9Q+_fS(ga?TWq`hr=H%VISkR?r0FwAP^C@ItmjFLW@LNV zT56_UOn)c}Rly}Y^RREgz}yTNm@|<_2;L!Ug)dIxK$crvvo;mZO}!eqS@7!tbI8W5 zQt=|x=hD;YDS9mN>|uwC%`H8JMYxq@h3VHbmF@c{#D63n8ZiK+&3n`NOX~h(LUEc& zZU<+k9W7gg+y@<59Y|4M7nHi-hV;h9w6qtC%VYWji;G$DVYkhhl$#>!rR5Nh%3*_i z{ki73&&+%IS-Qp0@|Bq=j!ovaX^&bT^S?kPdB<+mS~y&nuS$4_O5i5uxzYUpZE z4UW`E98q=tCo0PrjkT?T2%qFNep1ge}_jN@PC zq_a~+vUxRrL=wXWh_r$JbSbgp#h=5cAlcltd-hCO+F~?pqj^>vit9Y3$?s71;bvEn z__HSbW``uO4G-!qE$LAU?Ik>s&)o?S|M*_BP;!fSY z29rF>&<8o*k|xsGQQl~m9P?>RxgBlqSUOcNXnUzbxVZ?u_UkqXM*_jW z#y4ID&42JNGsdAV!`c;xLsHybfl#_GMTBM-KQu}PfDx2c% ztOHI|dFq%y1rxyACwU;!ua^G=vs+(3eHj~BR(RO=kR_5xZhq0c0#~MWNCK02GKCvZ zCM?ym9!-i+SbR_YHwcY0H334>@|`9fiqWLU*w9trlSwfOLxs|R%eSF9kASqBjtXpX z(YNb=u11$v?+^9IOYCbO1CIY*;R8)hgL72hS*C3V%kLyLEI#IFo|2(*%A8)~j0XWd zoH3Y_sr0umA3|}|4aO2m@Y!3QUJn*8p%FS2eMv{V%AptrVa3bSd5CqIjxG&}kkkpjzQQWc*11=*=9B)Hf{29!gYrLy z8*afeD*q)$zsC`%ouNXyp82HB+Gx^8__TSYs5g2k={}={Oi_O&-kK|$!)E6w08-O5 zhHt+1-+xed>Xz%VkhcMw=-ZBN?h3(L3i zAHJ6PAV!Ad|A_ltxUJQzf_`OsV$Q1|Jj z-RkEiwN1QbuEuAXFA_ZlX@C;C6Ew?%c^?3xkzwsYjK=bLnR{@j7-xz&wUDx%-XWGu zB`vbY%TI6|I5cRM9HXU#8OyO+SrM#!${JTWB=T?&OSLJoq{teb6op11QCeeg1?P_n zQKXi)=1;uC*qO*UWtE(WfQGXcG7hc+R93`e1p7aF<93!j<`}nW5d>nz?-D;Zq(*Nk zqhIo0^XNsQe?7le;40LUQq_yq@p0wnw!yy(w8ZmX8M~r?uie3EB$FFmW5Oj+m+%Pc zPR^s}IB3IX;$n9e(}NRA z(i0iNMO?wtv?E^|6S1G;R?MT)cPiQDn^6&s&7<{2y*^b{=VNl?8At$R2Nv}Yw+k01 zD$-V$KcNr#l!pVhpEwGsHaGqJgtn~D!0(ayy{(S45X_DoO&}$z(=u%d7mEDW~qv6;lpzD@&M6}#6iER=8V8D!qZ}wTKpi37EjdE^+5g4!Zg02y z{_Hxh^ZcI2Av?<=|GNBF5FFO=>DpPr@oi4_4sp1MPWqjA{Ua<^_^#BBz{0zW-MDaM z?YLPR5Dk~D6uyh>iodYjY#1iTpKos?tpd)bhwCvOE~UmMtDb@!-IVaVa|N}NWHG5( z?2K<5l_`~ANtS)Z2!H|@`usdTw}bYPebytP)P%IDUnPON&M&d)e`DVe^#mkRe)%^C z*1hvyR!Ws`VrFOL7`ShE9mJ)Ug}?J)LWrN)NyfvDU($>w5#6muyQCA8t{9ZPeT|RM zEEB|Q%LJ-9QiQAI$x4+K9^-}kY(JpWp+h%%xXLNtziQFy%i+8*#^JtG=%p7u@u8tZ z8_DYGYf})^%(|{=7{B-^3(rS!6*Y+7`?DH(zQ0%yMggRF?RaEA;+Ne7nN)}{K`LqL zY;_%UK6q~Cg!kO}>HW-SU&-)xc-muZuSUOiL)b7O4 zeyjIfkA{~rwN&JAXj@x6eDhm}oqk~0)3#jDqJC!jA|!hh)86nP{0Abv5NyCH4Z&|tyf#jE>PA>N&e%vn&|*a%wOkW6LaXtg(xJ7e{(ibt{di33Z?b6TR;pTB=Vs6y9Tzo-$h%0M~n2 z)ZcmHNtXl}*T_krK~LJ=S=r~?8jZ?cl>09a1MggOu{%nd`mZCs(51~q;1xnhk{bAr zP~Gaaj&LkKZ0VD1$_?=M^#*Q)OD<-8@TCdU2YvpORbhp^)jiGwYCW?p`>IAuY!-5& zfXda1Q}`J{+pJNkqoY~A?sH&1!OEAY7r~X+(yTYvvv%y7=8QK80ZCI&n^%o)d9ux7 z`HbViBVP^llGIW&Y?p=yU47nBIsY)RMCCFsw$#l1%3UU;Hh))2eFTw7gcPd<>)M7v zK#cW5fCf96E0^7QMcm+?(!$Lg?%${CS;uBfTA?OgSs7YqX^g%K+C6gs2#4=#YJjf1 zYgu}w5nJtkvfpBqe0h+a5LABSy<&_@(hn+fkX=~PpLlA@CH8fum;3p7oy*@Jq8(e~ z7{0ktUe}UiF8wKf6+ZYXb$kFsGE8MyCn^FAH#w-&9+04)oF6bfTEvnkx-Xc>aPHIA zW3@8Avd3dyytNJeJlgtL?cU`NZ?Y?c_a_WjJ+sS_6ywoqMly-%`%)4Smjjy&)}abK zW!5Ax$9CrOGF70(*@f(}SHy8|8L+G3VPcvu#zJoG4x@{exy`TS z>^1mt)!dSMJUWc=as?gzs(sRi#=1Mx(_{YR0P3$(%-y3EJ4H5Oy|=yp^#oVSjjVgi z1tbO^U;K0i%Ke>EFfy{Otyn3UVhJVz+;l|d%v1QwQlLYt8L=}FT7Z})5dbV|?6;1v zqY8jXe?Hi7Rc113^mnoX*tMgh?I7Fu3Ko8-x#1dY20~EEKId?#}PmT1sjBJ9pMYRDVo&5x8iC8NePQjjQU2*-vR%vFr!{h6E2WVJQ@ zR7MDH5D~fgr5s&sKG-P;-8yvX&RGDpiM#C@KM@R9OO1cr%_J#8B=|n!&c8P}dVPqK zY!q6W?~f3bL@|IMg*jbc=GA56*dHpSnctMk6}#yL`)D({6Zo*KFp*JSfJ{rAQFa9R z@?EtXi&IL_nctN4>^-b%sA~YR{t(UneZWl{Ju7O~T|&#bS)+GPcUps$ekR25$l!-L zBUD1auDPPgP*5m0$s6TI85ioBpDE7te73%faIza@n=#Q)-=6=}DdI*m+rMDcWLkh`&dS(~O`eT6Pg;Cs;b)bRjS zQPD#sD#pa-Bv$u{Q4X9&{!}*#_)Y(~O5DjShh_;a&H&lN(@Gh>RkdyI5Xn-)DbX@Y zCMrmjS6Kfpv0z#>ZE_&w!Sup{h7Xe~P~F%92sPB|rzx(Dq@X*?HX z+wo6&$;e1{3b(vt>LyN~#u(edof*8+zre>d$}v+P;9r-nVUw~LQcZY!mfE)jKHC5C z-}eXgiRqwaeSY{awH7`yW>3sAR)KGSs82beDP{ek+9o$7k;RER3Ulo5QF&^idNuxp z1Woi)n);g=r3R(Bp`HLcbEA$L&JL`zzO8WxhGcInt#JCKbjdHt(m?+VyusgqFjAr` z61DpZ`Yf3^FIIUOoMY5Jy;EcsZ)OOUrnBW?QlP%hx69a+6wl4q>FJwyoe|vRV=hBD z?^I%&$P&rM={>dDTfQt7A|)hknH=8f(E*j!)5YRxC;=uEvn2CpPVYj6F_I3^!ZN6V zj{eD*c_Y2QMZP-nNXHe_isElGeLcrpBKZw2o@h}4{Z-7dlJJqU}BQyl&}_63Mpk|*`AoV zxVUJT4YToR8o$?Y)>}3bl1Tag4U5;dS6Dvk53<%POafS@tp8jZS zk3n_b!xaoIyE_csnBQM8CkPa|(BU=19j3w=&mSx_!Pp+O%=>oI8h)h@;`Y-CpYo_IL z?z9rD|64q)rD__Te{*x&OK`*IVata5 zL;Z4jkTK7yI^ZV>U9oGXEz)n9@Bmh^u&pMdWm(>^4cX|^(3wNBCacV-)tL)@7s<&H z?_~d>4S83}4J$7Z_yl|3gNMc!aK=7~k``$_X3s9|RW_{~y%DP>Ufeq0fiKrwV}R&T zfE?)=iKf0&wA&{&p+S(CIq;+U_}sTp+W!g%N2Rk%w)yvMHA?jfo=b(vrLA=;`qw~N z-Z_1ZQUZ9-d<2|xE1Pml;4vp4i$AX`@^ZgV zii14$&pF*Yf-;IlpUiA zeBea4A46KI+sJMr&4fG%8zt1)<8F5JW`$gI_*?C^iw0h3Z|VQD0F_-Zx1I$2beS;b zJ4r-Tl_Nz&Hs}#iu$6jGPhnE9y}dQ^-%?7!i1myMhFzdJC`{?y;BC(V{mrh;V6EMX zS}ep#vAVBWMA$2lZbj0%nwEZInvGXCeP`Q)f}JlNHHyC!1V{lp;iRw@B@ok35wk& zS6d1ZjZ6z|*}O^mwv0}VHJc}XD%1qYk&4~Q3qJ*nO|FL)`{F&quLd@VKj+hEK!ei9 zz|qA5{;&+DJ8vaN6&yS!F)=G>L9R1k6z;Ekx_5YA0xuPyN5&(Dk;^jFvT-;!0Fi*NtqOHIeF7 zdrE_+)0=Pnd#q=fD4ynS%u^(*JmD@}H^|IncPGX&$S6$vu3CDxdw#ju22!;(;!N8} zn2N$V%fXSPlI;DS7Kc6gQc9T8VqcI)QVMuCx=iDuU8mfaoz3#gg@{{sJbzlRd3QBUrp`4ReLr)YAaRdCc(vg~0scyqw_(jyI(nNs^&V+1iN`&o><|7UtL2 z*S-6mXxgZ94NZ=sbh2bR2C{>)U9-yq-An;*c{TNs2MGyxnGZbwyZ&&%=ah^rsHKOT zvDwNZ@0PnAR%UZ=WpB^n>Yux;z=Gu4&ULydW4D|QCBxVs;o~X;b!{Oh`^#IRz`L=n z%f0m=g&O^W>UjI*c89UG3L&V#M8-MVw6=sPw;@cg%Xq^_GC_=t(J?hyUdMzLUM zGkAI@kU$DH9QetFJbjJu+Cl!-%P7d_Y2YIDpMI&)i3sAhrl8B8Nl-75%7h;L&8d-L zI&_QV3(vWtJ{YQ{a$Zo>;bVKQ?ufxhRqG5Jxbp}&aheQVj z`nKYk$?B0SzrK=poIxjj3L#p5#BR)rgxz~f-fTrWQXO9Gx6_^Q!hT<1k4$N^S(*wq!sYwB{H`1=Lv3XM=W(XBt|49dGFqT4Z-p-N#t0&*}2fZ1^ zvV3i@a9UE|lE z1J6cB-Kx#8aMY>dTwLdSR*Mn=xG3nzrZ% zKSQ0j=7OaSlQ^2+m98o+?1%bFL3|ikU*lkRw6Z?smK5Is&?kHD15Za3XeBCaRD~G5 zdjoEw#q-(ZE4Xe@F4|tmjqJ?cmY@-A#It_OOZ{Y8%S!XL;0cYiFU6e~-`-|YFSUcfu-{^iU{`Lj=N(N~u1V-o&ZqERMqo{co+m}k5=H^4MC_CLw}{K-*~rK* z4)#;Fb@hicLz}{1QMtJ(0~0|O3P4EG#x;PFDb7b+VeXSjg}f$wAtiEm;aoS7UMx;;CG+JHNIg?71A%?tL04qm5RXXbyT1O7#?CcDA@K)cE z6@_EL{hIFBvy#8RG`Atb^6)qLy9B_QLcb2?nAD$DCj(89QfH@O`>IZ_wQ_-+8Lju! zg+V_eDs?sD7EiV}SWSlRpW32(YiJ}D?E(ff(z7cX{7wufxdVJ zj_P~YUUQ}f`a0SyOeq(%nTCA{{!<@OS75VK5xF1Ol~ii0iEIznD7;G5L?eSJi84&)at81m3RMA=PiF8uFHK&^iC_ z``B#QbNhn9O=OPO(HR$Pz(ijqJ?CP-TlJDe(V~(wYEiWVbARJ!0eJ|Sy%dqXc)$Jm zFrP}jO$N>X-+dnIyS1OG8V@gw1F<*Py|(SJ?o(nC*=?z8T)#S<0?3BkFwxOlrD zTo~5=Z_hB|YMqy-AQ>CHZu2$3nDdSwT%@FaJF2aYI9V14LqBmx7csW3@O{{=0B{050PpK*e z%}E=M`6v&Wh#DtS;80n7wN-A%4UrdPysaVEfR%h_z*$mCX1e~6A@W?Hi229KGlH}~ zYMUFJ8JyqWqK9o7tV}cZryY{dZZ`C7ZEF@Tc~|f6;W;k4@2kLv}EA?l}>c!~%aa*+k%0&PIANNGdU@TZ3`M;rwq| z3A)L%b;NjZb0Xx?1%9GFed=qqYS3P+^~T|$K4t-F7rr^rd8g?WjJNf4S2pt4q12ea zECm7>JwUy2BTxOBQFS4c_&0<5Rp631gQsUdxSc^YEFK_Adts>Kvr7_eU;+KFQQbQc zFDv;w>!D~DK-q`srBzPxd#TxYp6#BwjEK8a&5~dA{;n2+chQ(bC|RMM%v%OO$c46j^FeSe+2S-&YgC7(JyKO|2yt-Z@n8uA4c{0oR_$(wl9?F_APpD+M9B9L%|B zh3Qi2>RK-F+;NR=|Gsxh*bMlO%*0hoT73`xj@FrOy~{sPXMBsRD(9L>sRKRc1(w;l zVmatO^qGE2nbghb^q|W9l}pi%n?EcMgOtdAw_i@~T&-W7Q1P7`UJ)Zt#_vVwq2ow- zPdT-JNQ-+BaXT}7SufR~Ii_!xg@vt-$`B)PDhkvB!DJx1% zC!0!JM~C`Ys)uXV_JVK8BK~rF8PMw~gRmQDfzd6JP6&m1BtC8630#~!72Kr2#2A$w znjZvm|0oh;EX0_y3LIlF4q+$X+pjK_AakPtK;MU^-T0FghKM^|_(i05NkzS?j4VS50U0zn*AKA({ep{B^QUD8Vxw^)%O zIrg`x|Au?tenkdE;8Bl`5C)P4=9=N+yOA*W7`wWqP6zJl*hsrskQ>)&TGEhz_!$fh z*$>!Th`$jbl7gNShE9#}I|`m@|2b>g=gI&^j&m{PC^<4^exAra^6(O_W_$UAj;-mR)s zKUjjtE>2Gm3=EL;y^&{IxuF$4DqfrQq9%C=QLRzW(2FA{y9Uf58)@i7q=)1@V+Vu! zrTs^yl?Lka#|8xUuYIaNI=$qFBCb=-hDiBSJ)nc!k6Oi3(cU!zfKD(9p!u&T<3YK* z5LDxHFhqkETK$%XVbz=SF77>X9DRqev_dikQ!WmUHe%7%4n#K@wPN8kDpbz&E?JfV zkE|L7S{pE4nD&T^tr6sLEW>sHasL;CO1ZIDwO8BaQEo8ll)`RaSVugJ*U!2odsm=7L|5PwY0kTK#W@C~*b!ci})t%2gSE2V0L{yNk^#JSlY< zoNfE)i`w&%p{oV2h(q3D9if{|ukcFx%UhkDY_kzEW+$h)UOc?KiNl^YQj)3J8Ntoi z=8)%S3m@2cXa0JT_29nz0|3_?1ja~!iOwVRB3hQYE>9ihij0_w1(B&lA|iaH~;Lgza;sCbbBfW9AfMj-Bw^mZ<2 z{0+`;TrKa#W1D=fS&Wl7OGA|M2L5BTG|~+|oZn(2@iZ<@ofMBRkXLGPC4*;ffnN%+ zIoZq`>n&nLx*=pcf7ElXyH{L?%LX@qA3OpJ*>{i23>6xEEDK(LAI5$4+-$87XHKAN z#Kw8GmPkq|SvjGzrf%nNnCdF4a3Qxdro6;go8@SHQOph-c3VQ~J-ygUrZhT7+S;YQ zKskHpd-UH7H?)!zZ4#JqbTmX382Z^D@m~TX&-_oaByCu}gPfh(lM`9)Tf>1eBoLJA zA8NFA;RhNZvqajqTB($h|9UI63EK(To8**5 z!CB)!9O`^|CZ;T+F*5Lx;z_J^0+->c!q{{zA8tNK7$5ZfO}(cwZ%X^s5<$W6>ToC0 zWM#r8G%V_aMVy%xPW+5WoR|JKHONmU zd2`L^%zK2{?qxDhU9#Gm2$S-g?;Ibn4;TfcmS=e&=-uL8#`BVLUhM z6Q1Yy8+YOJlgnymTjaTt%lwJx6x9%aITG0`cvD}usjaQL?vr<#UcwWYE_`evgy&b8 zzjEH-s{a7`6dgnyXjmnT5B%&7$V)|52k;za?0Wy{uHrTQHZwUNr1Z|^jG`nz@8p|n)<;n#UBL-@F^Ub>AP5!w)sn$j0ERsp_!b@Ub5BG;y&S4 z#lE1Y>~|d6BRmmvIfZ|!+3Z59O~gH`#D;cKxnSS;{u$qT=O()nTZ%99b%co*e-`4a z^cMP!1pyHEoyEu4^R}UT2D~gzYn4LL7u%~}t4U;_H`BjOk|a+%EIE+y^Q{9HD*sR6=zqdjX)MC+s|cKK)nK^n20AH?x)RR?TDkl5Fx zmA=4k@4De;vB$jhakqHSfM*VkS-xBN6XXPe8a}r4Z>b}aur%{ z9P6!hPt=bJ`tsxwj}6?zphGXsRtNu#F9x(I_*G6?AXp&HIuP$N4# zKC}VqgUt;zi8lIDSVD=$Zo1|B?rKH}u z-_J~7ZaRyw;^EyX69yCZ{vgsa0|SxD9XQeOi#ir4A1ZfK{$Z`&M}(bhL%v;U^M^&r zx7CjGcCs>eBdcQ?XSR&LoDq4$xgfanfs1g9v%iU6!ykvqfbLFrRSTI{pMoKd3_c5v zFjqQn9ZDeurud&qhMAq^_lUK*0kP5#y4YcN?%YGF@)g(DZ%$vP6oelg&10%;`1o94 z9<3f!=!(9Ph`p~r*&Yhv9HTTM)L+D}DC9M4jU;A5v-PfHWU(TbApUtJp1oiF41{Z{ z6zssxOZ?R-X>05Iv|WzgT+t>trTPXd4%(H3$Im}>jj_I)q$fs!rtA4=T(iQ>w}cX6 z_5^tg$57wb7Q|Winck*Y(wX;3l$P1y zomOVFB$R)|81k9nI&1iC5mrcVtBG*Z>^Q~=dXMa-3SaG>c4LzE10Pv3=Fm2;EC|!n ztpC!hLYt?=!2r53P(R>55?GV){OyDPAd+cKp+y6W#({Eh<W6o`IhKq1NmI2ciVX4#cBPrRN_o{yTnvVUetC^L!;K&?b0RVYR z+egF}bgrkbsB(4O;bywU{=V0La-|}qG5A*Is%=J@HI$37%(|Sf@rSLA2Sz5aKaJOZ zzt}j~Z3USO9@kpxLvzqdQR>QLy0m)~I1-J#F*q@?tE0N)+`uKZ06f4%P3I<&FNRN=!8t=C z>Sw+7>l@jH=iO7S%kwWXv2>&-DcA}_X+dkz5@J?3e3IZO5QB0PmU?2}ajX)}W(KJY z*+gu}Vy`I`(=cl^axlecGxmC)@c|*59y6aYUMqPV2CF8U`U8UPc{+GgODQyPFw@Yv zzV2rq|Ia%pjCiznIsbg}Mtr(;mZfO)Ed#VMqPmmpeO*1$X7WCh)e%-ie3aOnHwd=W zDh>WUDq58Awf<-(wWHPWZQJQe|5*b=>oITm0Xc0-Vx&tHTYI1~-*07oxdfLRxdMMn zd3r#bD?HEZ@KJL-tB1C*sd;aO5{c%j(hkWKMVVL6edp07oSn2R{7$SH*05I|`XBVe z&kpW$K7wkvg6N8x7_WU_mZjBn{_WWaO4I?q!Wpf^Kjg@3(oYxHg0C07vG%H-7fojj z#Og+S$~=7bBQ)l3hXqyC%v%^BPHL{^$0x;t9JgS(vY7Wxgs#gFNh|DnrFLz!J3%N^h{@*Pm0E!oD{2 z)p{yFC^s(g_u8O*$s)K0my~`2Lb%+KEIMSoxA0i!x|gt=)Mln92yQ`TA^sEOW`_&~A7!~b18aR>{KoVCskWR~JJd;(v>nMBJ4gu`aIkk8(ZpY4cjG zSVcMGg%CQm6sjo%lN|iF%1M5w18~eQ zg=%3*HKIdHV};51eNv6k=x{6P6PR`^G3N16ANRAZ?m6=}il~)Z8%OZrW^7T-N3zFpktfr&HrKnEiTj+BL;WIsVpg0`=9?k`e2S^#c)WFpJI&9Oce9(e*wOlR)Cns{28IbmmD}a&Jl=$3j_d15vGbV$)BVF0FwoVpE>P4s zG1g5!KWFUmuvr|q`_`{(_hVa(Ee9uDnBRWBB@_x}h~*-lH* zp81n(pk@|C$e&MwIgawLg{iRdJ5A`z@Dl5eMI?RKSu%N$KoY-cT&oIM0P)!jNi67n ztzj+gpSBAtWahq0{AiuOU50ffSN?slWk&DyW_c-QMyW9VTR1YZsFZDeV`>hGfs} zSKL&Yf7RC;qh46===JD{wA77;I+Wl`9OpU-&#TSQ`u_n4A+Y!uV#SMr3U*2Y{O}l* z$ubzm5zTcu`t3CW#c3(<_@Gx|Bhli}_gEF~6qEJ3VG{0i=w>pkD?N~P zEN()s0f(EQ=1ie>I{{dC)&GdOdcL~j1aiO%6+5w;s@}M6IavBIGgY9)gNF)VcW_QE5WO5G zbkDIThKO<$annYX1v)p;$9)lhci%dJ5G)^q%g>)SjgX1eMjoO zgCw}1sa6T;!TACGwX<6p!PRvDDhIim%sAFRLYlSTi&%BS@J_$@M3?nhSxNc2P)c0c z#f+68uP~&LVvbfmNKv*f8O)Gk*u|0-g&3+R%z}K*t_US{f&}T&=BjLc2ug4k9mG3UJhH5P_)r4ML)%a`zcAfljP9z8T9+ExOBp?|%xmCiSSw ztqsohZ})0LbMe-?8rg^nD^oHkGj*wvO3hFSTRb0bbaL0$DS&4t)N67j^>6Cme|(wp z!TJ9b6YJ73rMt8!B`r}%e+w7s)eWAkKZM@~gPhp;aX43=)ws^luj$5*Bmx7)f4)~z z`|Q7r_TI7Mcn&MPCPIA2jo7iSM2kCT1@CZ!z?yepbKXj%lK}KMp^AHGRpq(_DJ(e6 zm5c|mwwo z^(2@&l$`Y|E6WT0pyCO#Z8v>I38{ovYf^H_W8&KU|ElP}2xfO&DWP9UD8b8(5nc47 zfgISxup0e&oB&Sio9er|6Z8uZ^&6Iim{b``kdcS3pxxwTLz(fN54ynPVu}vQA>gO! zW?-ogVoseP%^Vk(Yu%8QQCsJkzlzDTnXPZjA1pJa(?-Rb#Qn9t%|r+rKaq~N3RO_5 zAI-vfnh@LS{5_GLPdCX(C*vjzRy<%jYe>O2juuhcrSRH_d zRo`6RC760uuez@Qs+iS5?u?tO8>P2^IvtvWxEOLrk;j0zm+48w3wZDRi^lY@m3bD> zoDBj0!^})ZV8QPZa+)z#{;a<+<{;|aLyY(r$q-joxTImdQW7{>U%f%Jl_>XmoWSxL z%QmJHG?SBK5g(jS^MnQvm$)t|Mff>-Ojy_ke-a^0=j=!wBXhIOWI%FHx_{MS#w*v} zVP}|%`+Q)t8ye={T2T7C-ke6DC_DUgeGG>}5fpE3k}~X=ae|XwsU2y44N!F{4On0| z3D3{Gu8vhlaeClEC!LNrKl`zqQlScY$z_CjKMKEF!f$;CQc@+jqX4){)-RV^OW>!- zQW}U=w|3Og+dJ&)BOFoG5zbcKX*r6rU6RBE7(BXO<3X6lD0i;dT1#)LuUSPU=wVDE|0r^$YM0ZvkrUL*_jj6W`G1zQkYsY@4Gz`SdlsJfwfY!+dayn?0#RAEfj( zgBp@mmBbP&`O9)klTkgUq*)m9+4uLyaZk?s`YyL1wqu^t^(;o&9+9^rY4{XD8+6pqil3t{f zfBODc_?ehlHe`PL$*<0M5#TuB#zzeAPcy4*p6%}T5eRO2O3xS;<%&ci$E#M;nyA=+ zg$5>OE^=8?#z{$mTg{51S*om82+{OxY}-nY@r^5_p_ba`czp5-w^BSQnFqR zWef4hxK#!{|L5J?qZ5d&<^;+o>vx(A@X}<~9^<8gk)uRqL;qPt;GCpXbZCvdG7&9F zuie>7iTu}D6LC>R^5NY6bX2CsnP!a29?CRqtLyZHQ z5Jy((S@aX~B*hNM>QFa|ow4*rx~IC(u9UznKoAb;W%VigAhfOWKw|;x{!X9ivgb(6 zyTLow+i6>~roqO(ipGSK#{CbU?qLVpU6d9eA^M1JtuUS?K?hN_9|DI9Wm?F<4GuiK zK7bb?Td(Q0y0BP}?9!|C$bV-$SG$Dn6vN7T`vM*wF)w?E%Tw7|TZ7D1|JV-Wz60^q zAeMQ6J@S@b4OIS#fJUhqHjZ051PU+bnDbe}JnmceW%H4R8PU?l?k3e!fg$zcW^RR} zR1t^SjBi+)l-{XEg!CyLoNZCQ=}zlB3imo!_ND=+d_8YFxDPf_Ey{kFI%j!3U3j;p zwLG-Xhe<=XiB0YIOCyhg?-@Jl$&-h_HV%C*B#y&(NUk3+!{KwP>k{}KeKR1Mqw569 znjoOaAfkPa%Yy(;Rv9}pZ8P-*)#RfK236CDE^lbm?o4;{j=PrK%DRs=-o@*K`)vw2 z93l2fgsJU6yM~wGk{*tgGXEEuO8ar!cf@c@l2pp;u2 zDf$DIJzqT1U}wan7-!RhU^@v}8>P?ICkVW?5pG%$Y>+&c4PozyQt z6$>zKyBkH71&`ZU9M(i%6a4lGr?;|M58WLd#b9h~m_Ynp3L~xZJVy@t`AQyb0xzw6 z$H1JVP(&+(Nqe}x77C4T@#n52nA&_zo3lL13pS!yQ-<>=k|w?%%-LOhACb){uZh1i z{Zt|+0O}R{gCzOdF_aW)WwDo2SzJh5` zLU!m=Tt5^VY$Ak1CZVDe*Ug zmA?{4w}uc>n+SDT_$neGMV3{WEElvaXmr}4mqW>imKfe;MA8eGPm=0DBGFBL*>68c zWq>ejZSh6r2Vu)xx1x?UinxA0dqIpmYQJ!}`q7zPF^YJpsVGQy{X|}UU$jmqjVv0? zr?+x{>I{f7Y8dSnZ+&;mSF58b!_`P~xj0Y@2ERu(Z+i9n`Bw7E5h>?dkHpBrCywj} z4Exh_;QYF7rpTX_`Q{kdgp#=1RD(Zr2BB83Zbpg8s#hwga=Arh@^opNaS&z#0si1# z{G0cQ>5!m=el6q(Cz$zW`7+3e8Yg%IQ+ggkmmKy zmSD@398!w?tF4v&f*mGSiUVR-(?F;#9vYbj-j##Xf}Q98X!m<7gyR*#+rQ#K6iiHeO8Vgk!Ii!2jc1!#fPsIlIfav=`k1idaIsFUYA@1N%~M^ zF=TV_JqsOjw3RVj_sTzZ7(V#TKl~g{2R4yXc&X(~FYEgV$WNUTEr~#{1wMIHRNqDQ z?R6;q)IA9n$22fGTkocFUnlIx_{Ok7T$kZ$|ICW zTieR7Is}b*y3NCA^7i4Qiskv*)SpJv)(=p@Vvx(Q)@7~jhW3l2dW`;qQp|&nHG2ac z4IZP?B38_CEImlCSoNZ&>p`HH7Er`8I&UnW_8qH`0(H94W&B^Z-*)HsQmBt?-tZ<*%~~kexmYyUj8SQ z+7SwddNL9y`508Vf{dnE_jn0B47LctrW%(i6qJgiIta@LfstpqvyoSEq@stMFQlvf zFsfY3n)Cj}MoT`OaPyRMIrBQ1nQ z-HB@g{{V%Y)Mv*JW8(b9Im6lA+En<|)Y&Kf8Fe4J(v^S#nz8UPd=Cz*+1vTzorljE z1cEo90RMd8@#^!S;0y8JyYH4bAKUMIU}$x)+F=r`)2lH5(z4O{+ztj9Ny*&Bt=xZB zoP*BVN}g;EeIzQ;!M*|DZ$`gBx4`Ew;>*LOeHl8S`+lwbKTJ0=zx4^1Xxf zwVHp|U;{}BbXla7SH86NDmvtvBB@ z3}l}D^yFlHk$4zvmvVBeAPkUcM~VUnOvKZO*9#3ksQ2HELWy!i{yvH@J}c!e)Jf`B zm81Os+K~v-x;+KqgU`2)$x%KX7+UUK6jLW=by-9bl4*MP;(KAq%vq3}XpO;>F9P%o zAQPNfmV<*q)Tiw&B5?p}e5a_gG_Qlg5ReOzJ?=Wey-+Lg+LSbWdy{V}o>89m9x*GB zs}$_mDfI#Ve>9!-Uz6|K#z*N;gpEcJ#%LTJ0#d?AL0ajQDIg&sF=FUoqeBFSgn*=! zNVkKJ)DV?YMmTAZa&$g>e)#?k*XzEo>pafmcpo?sg#^>W-lEL*QEvx@VH9=zjw&0; z=!TX8d3DUvB;acf7fA6}#G-{j{?2Lv1y9cden^-De`p zNR+3+ElJ>yG!fAn{hI$9`6tS$@ zz&N6dmU@k?L+%w;-Z0OsSqmDxcHQq&;t0411px+EYr$aY&ygyDGfkVJ4u^9qwv?IY z`0#RDggy|KNTc-&j(L2n_^9LDfGSX7}vu~%MOTke`Yh?1~?yd{5Y3z7- zriXPHs>OFM^jN5~!QlF1OE1mGsTtB#zxBUA%HIq9Gc&6{7!E+;48UM9O4$f`KXblJ z&$I;-!!O4sX(3U~6s#fGhk^>3M=vvih1?Rhc>gS_2AEpjRS5<3C`4PshlD}*1Oqno z)GJs5`2QAPPR(E5Yt-xU?LuC?;4m2(3qqYwRXp%e>AhmH$tIpjPV#u)e*3 zO=I%}W{t^81=*A~2FZ>7?eA=K5sv{Y&0ma71X<@BTd-}GP9&f(hlSI#YK8_TF#^%8 z0WKZI_&w@%mLwAILlM_fVBo%wxDXT6uxN0k#Lr7$bJ}QeJ?_06?`9oVG!c6gl;f%n zL%8@f8vb}*?NO22tm(R_m92b%K2`to?$R`yU#s1K1YKNKft6jS4QX`%=(2sKzYExE z{6N-A{Z5SsV>@IwI%WT2dJM&vrLp`^d__Td) zax=^>(<2_hgw_0HdKjADmW;RmfU0Pv5gEO_9=J!|_wW^h5-g7C8;4{$;2YkLZo$oN zCv9;d7r*0@_(65-iib5&#o`k`^Dgqnq^2otJ5s@E^#vLlCGqBiMoenrV6cFu zCpGx9r38yWHq$MC$2{hVyTW}>-B>f-^I0%?EsJZJ;ZnSyy8Z}l)8@`Q+yZ(DwV^MK zl)fUn+#m7tBO)LC=w>9UTi%ie8nlRpEET(nQ(KY-4*cZFOY);ySO9~zxA@pnhiWc+ zM@pKCr3CM2nIDrJb?*D};E&kJw8Wo{pOD_3MHTvddg9P=6$o%EC5#pUdR^|Q# z4oRZo{X$9(3X1xTKyn+M9fg=*pU|Xl%q~5qz-k|qnU}ifcfCu;9yR3RBN7>Z6Fwe( zZ>Q4SE=`advR~=&-;;qGIvx|epXO%90jY9U>DIfa^2qjbW%YO=->J%+op;LA+6 zW9;~_4Mwl^tmi!b31T&At>|8IK$ZH7k)XbhWh?e{0AL*%l*V5qZTFrOPw>$IY+ zombj0jOy{0ehGG_iTD;nmxli|t8_y!IzHrak+yiPXe#x%5r(?Qe#3HTk_a|slgX;r zD;P?fy1{E+m&9+6rSGxx!Y}$v?Kd@E0a21bO_L_~+3@hANb+pEyJM+&aAP4mfKrZU zIg+%n9hrc(khm(jpH&;|%QwSRtpiOaIo@B35J6Acf@ME_ZwI>YXdT0NAb&4%OC$YiC~o4|3HK)`AQhYQ%Hkk+g@;&SI~@1nP? zAo4=mc+A6waK70-)qOH?Cu__+;qU21`m4|oqmkL-$!WzAlXscx%hmfbVg5JatXthD zTXrbFs0s@;$L@<|hhzzQnlkBPBO$1D%lOH~%3(pR30eNeC-c5pj3?tcTKYt3#9~gg zW@^8I5b{?pM7e-Za%F{hGKNWEmo~Pjmb-tvJVKlgKb_rpR9k;bx%FaCo29cZO3H76 zincNb7hg9`VuRq-8G))nkhtLr-gaAf2pnuci3e8Z+|cPHnt#}lG8~TgLp+-k+o92P z154ik#=_Dbi>XR2h2x?wcHVCl)HZJfWtl%n*p4u=h}u8$^gY*+(YU3=u-tG3^Njac z{mzryrkN6t5mu6}!p!QB2H<0@GFqbaUT`NgVG85^rU+zAC zyB(iV-F&%IaIt$Db#n36DGGyz$)9{3UQ&W}g-zK0=55R3L$viUXY8T`&W_#j1B*XqW(U_6?b~*=e6;r*Ao}*o+C;F2ObEP(mc@pCUDB#Y@|ld)H}LyQi64Ziw3c=SIPU71Gn)EG+j-Tp%Gd_;h9!A1Aw4ihDazaV|%jyFxu zyt<<#lSPQCM(svWRCtT3+PuGwBsq6#O8J(B_h>1#3*2AMsdSJ5)R}VLiA^0te{kUtgo5qJ-r8<#3>A{u>4Y@evoFzGW zQ~PkzWLR}n!9_OU2?8t%CHWD<{*)O#<;@xs^Gyr@-?r^u2nP-&&dG;8(Z*MUPwt#v8 zM_#A%3ExQaNPBbRz_GjlzROqR{4CPpFbn&#;(^qq`pHk*fRxbum~WQN5qgVRw(R#M z?sTroQBjY>y20>rD?<_h+2*~iq1xKcn(rA(_IsgY5WB@_FT@3m8Rn!(VRSYfOJwq* zy6Vr$pB`NaM47+;&_;1j$ygeXoO}bq{5h8$f3yJ$GpSKhZfY}prK6i1u4d6Y_vXV+$7i-U0ftz6FFW=N%fv;?t zFr7)AH-I7JBT9JoU~P;AK(NU3qGMt*xiuv_byhwlIAC!o1cPh+467~K`)uHcfv7tp8qic&b@Y(8~?&1sONQ0eUPge%XMi-hKE&O6XZ3ep2IRe$dD)!1xqB zr7-n&Goqz`?jTU1dZWqb)buu#ET6aRp6>}Cr+7MPy@)t^dSBuYo=-#L`~t&wxyyH1 zG2S*eNeqf0FYgoY)GmuNt&CL|#&4==y_Pfyzp2mR$CSn_=90898J6Yt>p3=uoiwvI z@xY10pQ_!OD;1!S^Mi?F zr}O#CgM~7YO!IZt=voS5*6CuY`^@R`zivq6uN+1oc}L}m9Dx7mInB3MfAKr*3}Six z&*js3WM9wT4OH$EiG_;;A3{+dm|0wX>P-C}J;ZnQqX3YNZ) zra~*n4+PJ59?u?b_e*Cs%%Ng@tEZYq$HIXsEDP9$pCj)gOdgFC=-V0&Xk5-E&U_Y- zleqkmF7-;_jPBWn~2SMu}e>d$F}OEf#FU@q$HZTF=ef)?eG4+K#& zE||tPfb=+{@)V=G1Hq*8JP`lVFZ=uMZBeno=67g#e`tL>`FS9m%W&y%kQ#Mu8eoYGC=i{0)>q%N2kgFrupR#6QoWFwv^L z@(IUTl4bF%5mQ}j@@$LQ*H*T#AFA`vW5M)ZLJD$BT3Yu~V6nxvoYB)h*wuAd`1tcg zfs;HOerEiODg1X;>8_}b|D*|yowu$2w`zVIy7jQo6RY>L94L2&{|5kI#yRz9(R8v) z&7%Xqsd#Az=$ac@_*tN&S%LiE!{T8nH;I2V06ZK_^_^xHh!6%2jJ$jB%oA(7a(pK3 zl~|x2-cr-7ezHI$pL9eX?XEo9mX!UzW`9ABI$1mMxGOPSKR)bn1)zDfPf@lz!onS= zmVRqGO-H4JRhL4NIbA88u(Pb1k_OCf&Lz}5Bx zib$ThWC<@1vfu&q08dLP`I0NwAV9xQepjAFWZO~%Q)BPMEzr%$PW$)umYE$eI+ZLV zIL((ugIt{GY9!yzz)KA{%DOqi*I~~6^_|5#{`2w7hWlrcGb6{+S<7S9VM?vDGc?!I zW88l_*ape2>?P=!dpRr{WK$fe`F2H%FJ9#Okd#%iGwu`7Sh767>ktpT9J~1Fo%XOQ z3%<+y7tdcrF9XPgyw@}A!E47&c}*YrDR-Z4J<>c|-`!mc3jk=zfAWW4(D467vXnw| zi;LfWsK8x+g4A|l5AcIP)E#&!pn}uccHakOp}5M{YU0Su#oA%iPrDELWYzPIn$)wx zrrLrWqPLFV@=a8ZP(S_`SjIAe2N7v?9cA9a8q!ux?5ZU){?@L(F|WAcb_3v2)Zn@- zn1tFQ)p)31r|GyJG}Aka6LpKCO8peWU?%4kH>d~Teg17&^`q$t%5K{zt_w~H^wf`s z5>Hn)f^ZaT8#%RM@?N>e+dd z*0gdOj*>>K0PW7kx&DE;RFI*|o!c?}t9%+x!(g9?zoj9NQYYahwlw#eRyx*Fp2@Mr zDdeL=%L$vBZJ+y{(a^%V7ec)oo7^1iG!w4L!Z zTxI3~OolCLmk$4=jYn&eJ9G~^yN|9W4}u_OD4wZgK@TnXsy55~$m7*OQRZ8Bip;Gi zlsquVx#4q@D@u}&x;3l7X&9R$X^UW#_43L3guAa>{z}lM_p0o$=%L7aQ$c}yOhGo9ye5H6KRV~HiX!{{x!!WmEg1fL zbJb~GShg1CAWD_Wdv>=l%_Z$#AF7Vh^#It|Nzcb*Oofp3r3@L_OA(>sauE^(tjYsP zsxNkvqe=pdkh-P6>&JtLR&Th7h{k`adDHKU-%5{KROmqKHa&TDLh|o3>Yu7J3#$_l zjmsnRtRQTU%+`9I-?crG{=m!CE?+f3r8Fcvti_H87peSWDU^zF3%pud=rSxDr$5a{ zNp6`~z*}M}?~@7*jqF!9`i1Ym#L1S;8cXm5i9(HDV|ln<`2pv4>Mo&+gN$ohU*y-E zBQXTLQQDpOTp1Aa&yyq4LRZp8&?{8`ot2HTAm60h$fN#(g1O6`K}vXi(C{eHMN=?^ z@(=foGTy!*Q^;CT7pIpy#O@29oZGIT;&zJk(o)gNy|>ssMq0QkD*=$UR7+mGg8yk3 zFjZT?CH#hX<7><(DdHDk(JReHttvHkEN|TS z^3{z|5pfa8f#vBP+SOERWAeaPO}Q~Y?3n#X^?v>zU13C;V%Sh2y$po#EI%c&(tDoo zYXF$>4*yNb^R_fHqGL%~445)`rFpVcU|uTKofEsVodR4ri&RlNiawLS^({ zur#@SDy6?yw8%45=+OjUx%=Yal#+Q1t03Q(;tQCzrO^lb zOF)BczOGoXKN0@#Gdz)#q_RiyH?yMsrm7CL3?kaa+WLv18ECb%%mKSADFyE{qF%Iy zI0Iy}+|`Z82=%ro8dY`2CWY7+8<{C7p6vEv8%e9fp0k9KY_!wz?LS7@LW1*ps@2Ht z^QOi#&G5+{6Q4iorW+At}+s$ZWDKX zc*(o}Ur>dcC<%Z317?Hw`r*UU3>ItKrt07EY`?MYe^RPsH*yggYr>l8lie4}k8oD&TAvVW`_NSPR4?cr&X8GtwYRa0l! zS?=+G;{&P@m1!O{wEgg<#!0|vpJ0H|UiqP78~{$6L!2Tf>0RMy#~n~%!KIDy$2$Wc zrL1)AROKsx<`)~Y0KdvH+0n9Ab;spUaWpyxQ`ug50OT(A_GU_4A$mI$9B#(0lA&X; zF+oyswW4PQwlwnnEhww%A7hXV-RHEM|CF>8KaH)cYw_{I?%Z17%wVFu6QDMh=lAZT zvr4`3&ZHvqN!vi{{zPh}v`V8XcU~MpwY^1uv1#t&NFAPy%`{jRcUTCwt+&5Dfl{_r zR)SCK@6v^d;QzV~E5M9Oaq_{3w*=oU?NGD2?>>wzfoK}O@tnKeL#1haJ+A+|F(a5F zN**U^Z=L4Hz_t#@GqU^=i&_7+`IMDJo{uw-0ncWk6t7K3>)Z<<;o?MoPUfQx@gM?+ z`1(-@IXQw>jy4KtKK+?9;8FCuf<+o|#{$SG+pMZc2+#LCxl8|%eNE-x712OAja+ei zhX$|N&e39ez<>M=iGzU9eH602Cc(wEY0nZ=Z)q_5z#8!7yM$k06hHcK?!FkFN54{6&*vVBFG9ZYA;R?!G`xYI z8jGdCQ_gYD`vb$;eKnrJe2hHwa==5;!bv;myGr)0hvzPdzJDM*Q110n)}x5VHxn*M@Lg3#+%K zi94E~{I05~%KUsGlx%DG-~rcQ`gIKnxzPWH81p`+kUfSzM>yEcu&B=FI-SL^ht>t_|2zcYeV4&t_W9$>H?r zi%=yE`vdXwT8jdUT_6ibj#A5CZZG-S%u4WN&2A#%=+GdJ`4z*`!N7rCL+buubYX%fbypgZ)m z6jba8N zjrq$4Fzq#9=mqG%o5|&TFY4pTl(`7x7<7K2b}otX@btr(AA8RvNo z&)F~sv+RtWH1(O!pJ&w+fWxxKEM+Fsh&UW+r(_azUmD?!tp7TG#-X^PwKZukLg&mg zpk<-V?1+4k+>JnGDa2^1Cd^zsq0}}`^wGHG#@v^U{;N>fKy!rMVRcGhIki}r@BHQS zw_dzIB5S>KTEM;!VYy&MaAnt}}?60Vfu zC#v=zSSs;J>!uf9cUv7$>0uBzXjA%i_b#>2KkCpBgKddmFbSXs6JQy!c>YOVY3a`t zL$k|+)!hW0A4nQX+zN0nv9Uh2Js80p=gsF?k^CHRlP3O~l;>bZEr0n7N>PaR-fd9aRF=>oFhu2ikh%^^aC zg32@LwfpxVh_<`h(pJ|4XRHH??*W9zUD7~ytDL;oq7R?upMuYq6#rmWWO!n=s)g)k zxm@<-IuwDP%ds0sde(<4^>8 zEnq;iw^s50nNjf}g7F}J%|+Ij;6hcwbN$6%`OJFyK7T%5MZ{)Db+wCpN{h-sei7`c zCzKW+@@rY7$yj2->Wcwr${!JR?BpT6K)kcEvT;Bjwe$5BHVkB;Kl%^yCRKx(iqaS* z@Y1tOO$w@)pk32PI8`~hAw+dldpC?6KG?_tR$=&EW0Ww^8V~So-fY^2{yXvuP5Y;( zNfMa8{Mjj&0QqLzJO_9g2X@{*kIZq7>{-r#;NG$_#e;vxnr2oyvZ#1td5afXq&?=d zd$F*xVp|H02>djD`K`(KIUgy8%)W9Jcy9pimN<*_G4^5Pq_+z{js~fa+BV_$Xsdr6 zn+J%Mm?@DPODh^mNthFTg}Z7$=>=Q^HRd?Yx0vv`u8AI?!1NW_v z^toR(0{hKB*LVj&FYu|!N%89p8XR38GiCAMFA3GNgndK%(wjS9ro?DEi4!w zeD3b!i@$6h3zIWdtB%t6j2acy)uQ*J5NcF56TLQXJ%Y*yV0jIyWj#Oj{Pe72{vlcu zs8v-Krt#xdp)4(?Az$4n`COZMt!? z@TY5K8<37wO;7`P55IMRg*_gwe$G-|eK#1n~CNzICqJ7hj zTcF2+*&I#(nZVNV*3fFKI%#-qZ{airVOC<)xK%A+-bRb$%UTMwWp|y{I|-$ciPuNJ zece~M?^GJrnwwP-*;d2&?rM+UQ?srRFq!j!G)AUa5yIQ;${* zu6;5U`w^yxRvDC?vi)ztG>;XSQXceAfbI8Dyv2(H{QgodQ|PRoUysTJG@LenZgx{& zb=0C-NW@yn{2OD@*bL#hZ}p_}HFo`~YoLk1M9n{;L)SGzQMfm@V0z~LQNDgBZ3!?6 zUd6t~n5^k))69<@)D3M5-9CMgQzf92;KZ}s@4}uMTm4>2=Y8f6d<3oL`xq~r`Ru)j z#Jf^Fo)3i}MH|_M#_%|hCsa~8a!to4hZ|Yw44@{}GP$;RGE?||)ntHJh^y^P~ zCd}>S2=*!Iu;VI$JVvEj-~IPL{L2tc+ns+21Rn5mg;7b>#>IY4KuQpi0i|;=d9k2z zmc^$L+2Z3>T{SJh1KCag3wt@>kOrV??lK9orI3SXIzI>rG69%YEDqL%i22$p;HLlx zfvTlZeVocKe+4rvrcpy|ij0h$BdVLwLB6Hm#!!GZxs`i`TDeAAV!2rw0a@lhrodFB zk46^tzd@^@%-_#70h8u26&cgr@o7{_Ev(Aapp?SniC%i@=~a4q-dFc?M*XwQhzGG~ zTz%0xW9nuYj(}oaz6sVw7I_6RLwVfbA=NR=5ol4J$<8Tr0KZjYXjdgS|DvXSyy<#t zO1sozCmm!d0$0Yq@YTP?osj^}oQP#7(GmfS68F3Ww4w@MDTL4WbLN;J`FNwDC7I?M z@+SL%Ihmolkn4xia1cKNP1oY}KR+F0}Uib_m5EojHjI_GVj{HD)~f)+y0t?=?T zJ^TctJ|vnoA9UzM2v5m!&ld*pR1zmGlT3do=%Dnh>56nFQ{MZ~XB%YuUwNoNy<$lN z#Sl63+u1qw3llq3S5c>QUtmd0UyV@FoLEdG3ODJ^tu0W*PUXjLc=y(f*LTN(q7EdD zV8By)+Q(H7yA0U>-eeC>5ykiRhUTn9@NG;Q9;XkESf!(SP4hfQI`5B+pRFcQgIqo> z252epzoDIOO)-PRm7X9J8iBKz9K_YBXfmxdRQhhqRgiPn6Iws4dTeFV9Io&I52^Fc z*yl0XK%gGUe+H+9f0ah{a`!1ZX8d^3{_TpyZ1s;+`d8UW%c#^Y4!CvmCdaR-j{O^a zzg~B4pGHwoLub3^qZ9#h#OX4K&#nAQ&xhe&r-;M6oC$MmGVe#1wv>F~;?SI2)g*w2 zqSEqII}`*kF9U-us7fGIziPSW6Q_YjXX*jLCYF^!C8E| zxg{C?lO3~e86SLl7H&Zf_H_iCAsPjK+>)w45_*+c0Zxm>XiLZ%;|ZrVM0HO#vF~rc z2Ha~oeNJOJJ1&(aq*J{XU?3^wQXxp$!@}StJN8Rq#D4WyMEd8?20K&@u3N~+REc+p zwZ-KHFnN)S>23I81`GIOZu~2|BhJ$0bw)Iu*)p}h4+#XN#rlLQ48qMQeIOUl*k!J} z3JQN}2r?6Ud=+f~)1ITmx$I}+<;mEnN3Xlt3ewIJc_RDgPP5wP681sZoEXxo1iO`}5-!_6ydFDw+ zqtR1MCBiD`<2I6UDds;*D#jUGw1biAV9oktt-;;JAF2IRab%T7JZ_$&F(=%07?qiiG^FcCnSn5@Q$xaXIJ%mrUEeiKxD+SKTAb4*pvpIaDwJh6C?uW<`pLgD%I=1DkpP(&E7 zwk?N$Kd)cMYL@n8|A;NfjxNcK-BE&Xo7qJ@_taT@vYmf(QeW}Rhn`7+c)$oQVbw|w zgI6sM%!M63;Q%LP?7DxF;X)@-0buCl2nGc8)ou>958~9a0WET_!tv?)*Mb_D#I#xm zW^C#Ug$YRsw0*mO@78^b_zsWfvfQVe&<4EH?6V!}JziWcPLT)jkQSZd`nn^?o?gVZ z+G?hWw9iJMRD-(KZ&W?_*PS;jjb33Pz?poX4e2QB2U%nTC4&7#sjXZ*6&M#{J#9b* zVhKIpY@R2Kv4XVw`$tU*^7El*s6i%Ng+{JP%pl=V@ryK+9igPCgTyfr!hO|htt+Aj zGq1!v^GJPv#{AHPg_?!`+guo*Vc(l>`xj)(f3-Cws5#{ETwX2Q3*&*%Vl&uKn<>b%=pr! z_^Afl?qkG6^Rn89`kU!PIij8*dJ%xzF^^sjm>I66WsIDAS@te_9*B0{GJ3C)H23LG zQ#4_Ab}L9#c0=QfKNUbO%zgL+%y^38S6+U|pj^WD>(8Ehduq#25vu(YC{3YvH+-CA zq}RK1pV58tD@eN!7)%_Odvg?`p3iujMMKRYz6&~UZ!29LWEA-Pa857ejHT!GYx9?5 zO481bixc)wEa(PY7S0#6o6W>%-PN6bZuBuj7Ph#YAUvZ58LqxU>!kY?|^I4e8 zVJ!MQCa7INSSfZYE?C5Z63Lfqm2(jmMoE7d;tI`6%Typy}heXE(w+{Y!#@VduteWRO%QntK1vE z(VxxdC;kp8m~|RCmT%xU*My?QD$3iWp(E85(nZKGi+IAn+t4)Uni`c{$}=SUMswK5 zk`>{iKS~qf3wA4iJA+Xjj=oW6PEjYbzENoO@czj^|Kr_LK8iv04pBoN6%Xk-fo|yv zk?+Id4<+$eAc}8Jbk?s+1aJ$&N-dz7EE)9~;m3$cTAV1>vQdelBpGFNC-|^UdNwy3 zGOLZI_Je0qDGSRN>L(8D30~=#|JoQaBUj(D zEoVlRM#VhD9u>b*m%QuE4K{ly1Ru~p{_Vm1u!)aC|MLQXfG^AKnPbaF9P1wnfaRvj zTl1xWCjI|8eA$`n6nit9WO%K(IBLz!gF4RbD2N*ipvwQ882Q24%AAS~Lg=e?(#K6q zZ2A!oh)sNx4<+rvq-8d*RRpQ)soS!S5LNd5=}zo7X}wDA#I)c3oe~L(6Q{p!Q^+45 zA4CJqzCEuOnP{kpi_kr1Usj>b`ams9)WXPy0vfH`j3 zrf-#3yETboIK;9dU|H6OMgQb39a{Del&f;YIGV4i36{DH;_tsk?Io6mDZvDX5mqcz zfNVPFUrU-K*U92wyBu}(8bWxxx9~$Yk~+`s11UkMI17Bec=j9C-o2f<#TV7=aNf9l!U7(Ik05;o<)BXOf2ZHdg3^!U+Pok{3 z(Jz8q=?fmdqu>=w`lOnv>e=m64u$qbj{ElF>PGek`y)VF&<9&R&_(&uT zCuq2zYyKHaVMSYi*WtLmodpTMaLlbgBcSH?lXIEoS@ynqSJdUVoU_fW(f-~)Y3#iO zOnW?o+ze^S|F*gDF&ox&+rjRQy`ZX;2Cb%%S@PbHI!w8?^@F~G+o#MV*iFq{dzdy_ zWLHciLkBx#K3fXXV+%~xA2>{g$O1lj8Z6U_I)2VIOmguXtp(^WLu)UunHECvO3xmC z?{`1`cV?MAlE=+bqPBi&o#j5^9{6EG3z(lzg)JxeTEKuj2rn;2G52RG&)Y?F0^YzU zKC{AXv)vK#ejy?7(8vjhRdy_w<#qYHFX8$qRFw!COwz;p}cQcTq_yRM+rn++y0A zL>?N!J%j=t=$i;Np-|4KfyaHcJnS%0_{#=gH=Enq80MnMR@@-NZ2(-pnU)!<%lpPl z^CxDa!m4y%Az%DS;tuG|jn`oH>9F$ zY%M0lqOLlZs>im{JicWpW9){wn3C3}*1Cz{ePhSbTc!2O&|4KiNCIb-ChW}lqIW`6 z6uxZi2iY)g$wVYcJoxa{hpSLg3akrw%uIrY%?2aP5o~j_Xb*2g0+LU^3wGbDK56b$ z`VL(F)A!RRU#VJ-;Nif&j+yut7(u>mUh#C&zJ4aNKK?gclhrlN@X=e^MNJ3;c<^o#hW!9ffbv>BAOnC7GRwS@x9&m3%-{7(VJQIsvI@3* zk3mYmYA4ox?-V18XZK*mp)hrGy0?DxW?!UH;h_;~w}`>pj8n#rHO+yiQ}Z47Y4K;H zm#0xYjQ73lUo0n>$9mh%AIP-P{BHB~%1L817=-=JcV~aJ-~08|xAnh4Ch(u_C794X z7x%?;a(~(3b}|$j#~Z1xkVF2Wh0x~o`Xv_-($aoG!+98@GSigDg%hK0n)RUw;Z+I& zuB8h#T>fA>N}Ai2)Y;9pT6S{9EPIf+p(g(adqIB|_=$ zGUOX~soRhi)nyS%eCRISj|GyCgw{KqnjKRd~A*kx>H251EkPGpk_xYp{;W6)Q9+0tr0)OzGMynBQpfum)WtWj%Unbg#4DPZg zEl7{6Hod-%r6RHN-BRL#%(g_+bcN;YiDzn`*TC_a)cXPz>jv>T;>l$9p2v^ z@GthG1s43~17!GS$H$98DPs-%X}(T7q1|WY1KYn|%=Sfp)HzsW0|?bBm2;LgYY{@l zv%6JWUoNYcgi4bfwGuU@Oy;n|o0(})hE%RK8A8?S{C>a53s{j}Ln&T07N_H7y9G4^ zd_Q~fyP@WE6>Kn;rmD)%lKm6*w1h$PosQkdV9UKWZ?s%c`-5m5ZfDu_RtyHnVMewS z^G3*y*?nihp?mPFzeyz_TfKzvgHGO5O%%SPLH3zUK*7U1=B9?CKPuZ4agx^*P9=~d z1Ti`hxR%)Ok!wT?|ZK+gy8yo%U2I_H0ip)d(vDlZ)5z1|PMpoKskIl;8e+jPRT{nF>Sa44m_E$*OGdnR3 zAS%BUh_;*$0jG3_iReRU+4k<|GNrURBw_7XXeCd15t5wx*(Kkv+=56o6UoB~($1xz z@}7Q^0?cW@iBnCMokip?MU?8T)s+>y7M(sa*_%O6&`gd(mifTTiTOVf{aOl~V9p4l& z7SOw3*TN3CI2h)DJ}Xi<9z_Q^U_Ca9k1%BmIXJ1>W)mmJnKM$j=zpb^k(VShc>hi( zlNu1JgA$c{g_Qo@9^CJ_9wQ`+cLcR0Q``UbqsAvGg$ z=1+92z0<>kXpR_81k9gA&idXT`=Pl_EVs{6*L4wXthvTqt<77`xT#u@G9*3IT{zNP zO>FEw+c_`lt8A0};CUBP(WW?(lQms_-_PbI*oO9@80*I>FZ!+9b7j9BQdrZ*!a|e^ zatxoVKt=t_>w!`Uk_n05!QUl7b-u|SVCav`Aa@TqtVnzWiY!1Ob|YoYt(c5ycLgGK z1=$=j^6L>mJv?E+AU&zZ* z;j7^1^5o~LTQCdf_XKICd!CgsPK?0-dr$Wa>TKzc`j8SN+91EO`1+8TP;|LMWm=4Q zL9$nfs#>SIgJcTEjlC<+gLmXr3>qj)iKm~86 z{fhd$1cZgodR-deO$`884SUUXQU_OUJ|NAy&5lf*^JPwgzpUa~6(u;ntJ}jt1}(oA zt0>0{d`_8jFdnmNv2r>|UI<4!OM@H1&)#HCRxTgx-R-5t)y2P$upS(j6=$u>5~HAz zbABmS!YZncd`$!a0J2imaDQ1=CzF*UyM)gcXRkoMlhoA40qGPIu}xrzQ#>2qTu40g8APXz-7earXX(omEVs6Mb@!~tXu$Fe|C~?LH~~jkN6)UjLliBOjjE#c zLUg%oGDAK@x>TLV1S&nHU$$JVt4Uc2Fdh-09-?2gtGT7*3Ss|D6GLyoIBZ*9*#6dp z+2O{ifNY)Ztvx@%Jy8kuk+)sI+d6M0In|2e09s=7s=28{wRNDp>09~(`Yw|A<=)C# z%}}}d>U1UW$Oz$@(_V$Q0o>fmyA5_UU?}Q{=eVHBPF;`{m6Za?VNb0l?e(=ZCJiR%V>Z|g7v}m*?TW~)*aYpaa z_X=Yu?C!hfxV}f*kNr{ae8zSdw9KvW>+9E*z8Ohs+~)scU~CMr%^uO4f3fkf8sEvK zEhsEFk$DK$dHfz;@!*HR_Q^B0YW@VHSoTcyiQa89r>6*}mEzXJ?{Po#R1j$b>)cXb z!oeFkKma2jWqPCFiQE!NQIt~m$kSd*b;{A!;Q^^n6!Jqtnp`AcmJZ z)xpAnvT5H=oWGPbW^H&A??S8Yv#`4+Bd<4apYMi;tKOQ~q&!^guI}te%gH?w)|bV$ z$>YnO#l?ArAPX`-b2@(e(%VXH8s+Z)Qb}#fiy2FcYOV3MX$bz1{rJ#>Io?-ZW1z$% zl-7u;6L;)jpJM6q36}dRJ6lXO0Vx-I=p&b|1rcL;%{l8?mwLG2=ILL>BnX5( z;sY${U`(puLH~Y;^|QUpv#86JvEj{O@_s)bFZ73O&D18j?BZ;XA)5~Qp{^3Hk}ecz zqQWaEmvZ%U{hUY*nfLofBZuI}DrOhxH*|lUHy^BZ|J?80mvlL-z=4{8nZ6v!f0N74 zK5HzRD%B?TxM@GZ2jxfXmyT-92HtT${MmG|7k)fBwdJc3#r~#~=*O}=Dh>?k^k!Q= z+8wjl{LqhKVaYSm1H{)^r_;+8GH1uXGCft}kBPzN|DN_vFoJp-4?hldWH{Ui+IDle zDMwkTsq;Q`T}O=8QVvKvmhg8{VD?})tR3`cH-s`P7QrbbCwKfQCZJjU8SuM{Lzk)= z(#%Eq6hlQ}L@;8VrFO-$D{Ps%E$yL|f>DjJ(=t_pfqzgZT668axs z8tY7EeAYyKb_~vWI@kM$D~@Rc4=ZB!>HQ*I9L0IOg{0gjxTD?hb>bF{){dV#Y{O7c zv%Y~Y^=4rz^QUoi*;$MKbS`U+02;iSzcSWJkoLdkD#k2(4}U9_S%ldpMmrCs(^ehX zptKm?4 z#7=q3r4;ESbh)IHTy)~7vL%W!95h$KR-u73LpOg=LVVIqTW&HY$Rp}}%|a_b`KtS`h{v(gcdTeZuEEzwF}-0bu*@&0w_IS* zXHMSyPm@DpLE?VjtL(?RYkVzR3_s%O(pJM&7`YqYG5j>5nhy^- z3~RNge_<57-KqT&+i|zRQL;I*cKH6L2s~30Ya|H!iO{q|I5wx@fJgqV62`bt=KXhu zAC=8&?zTP6LbKw4qA(oD=1ah{WwiVZ?wgt<@k(m%=6+Z;2mq(_YW0^rIXv2A+LoHy z3?q`>euY4pHvCm#sN<~eb9;@a>>Ks(S4K6|sCu@e4&B^b1Q9%r9hvQ33e-^Z9_|md z*`M+9Rbg)-TEc-<%zRXZLxx!Y9p|=<<;pNrU**JllnsIdVdfA(9kRR;Qt8o0$Fd zh}Cnd@>Ruv6oyA|SzWiaM24)cYoJA6LEZ41H%I2zCj7Bz|RJ5^aTW=obUWJ|NOmg*zn*81?kfJN6nL`HT9KU@1LWop~ zpzOrRTxY;+0T~ggJRix-VW}Ev7U;Fygo%0Sec0$8AxubAVl_w@6}ifsP;tvVyS>Qb zf)~=J!c!zuf^x!$6edDkmt|?tyJuwb^cRlE>J?Qa0jkQ`M~@5^!T^AL`y%S0BeJPr ziL!DgSA9D+sR>xAi!+l+nAzMSk`YBDAw8)0X%;4o8F=Rs&0(OjxI0;pVxbIWSLYFc zY2kl`IR5+!mB&u#24 zmu-Dcc|MGghzPw)7MSCCHZ5yLQ#t3sC;kGJyV0gSd z-;U)6?RmNMV@@x)$Yd5mFbf2%)mw0QeVc^%ZPp7|eIi;KGu^bD9N|kymXg1jr;rUYN$_GTw#%LBhx`?-y z6uEa7W{*TDQE#|U%5-Gz-7-^@_I=-bs9vd`R{@uf; zPfx16t_uR(w*J?jK0loMyT^z3j}JAgDae43RMOl(J-xhpIIFM-CW1f5FbBlr;SiA) z&dB%jD+%G(%fr)*u9K6Vew#PBSP{ID() z_q6U;TNZH}|Mi!@nt5^Fl=*OIgg9(muiNA4fRKIIKFmBt6iF=L%ggI`+J5uH_h0WB zfdBUUf6I(wMHaI5a=B(EA-VgaS`GvN71SVAc8ln`EXA!gk3Pojw)J7_(ja}`cQ>

    Bzm*yj;iEz=0E@H$FjbyB1-t$xw6AN%0R^cwwPDp6F%;Mn;laudS;ZMK zO&TvuC+5kch#(?iQ5848?R&Y(gy-J7s-6#r*XK)}@*XeM0xn5PI zjQsCvjmXUFumZW4Rw5xpq@06wP~r1ox%C|l5J6QkVjs4dRSEWT*)F%OqU_9_iPr^T zvQ5AKFmvCBx7JjThb1C05h6XO9eCXYMXt)Xs8@stuhm<4voPiS-kAtQXy3a>B_I~3 zq#(@6=1PYGt*Q-<@(iT;oXqF}Ua)+`-p9-3_QQ9NzyI*CZTt1w0Wv%-4T|Qb77-#0 zgc%<043wA|-g_^#LwPfh08wh=ee1ZAd=m@8T%JyWh$@r`MYgU|)qSSXWkeB95}*<@ zgc&f0c@^A6Cdq^dx6Fdi5uxaw37L`1lt2J^FVZJ5pBPGXftViFM*?7aom@qWWFRbK zOChcdJ5~7yOuyIy3^Sz|5%EnGlb(smMBvkuX^tFz?c+YvgRoqVDv%`N%^smDldAa= z(%r`}zmGH>!EDlqBC|D(Vzqg^k@erUXStCUI|3QFaA(9S#mbi6-2uuw9fepcE+c2g z7Tkvw*W32SeqbVVqaduHtIXnYMb>04?{BPVHZZGsH-xF^_@{F6+WB-|mi2c({&-l{$MeH&-==;A=g~cd+QTEf z&a}*|qJQgO_XAKFAVlkZ%u;W)PU${8d=z*jT+s zmdow7^{&E8;|BTkdWj5HA?D#>9+z#*{tYo9`!G+h31{#9`T50cJU?GvU#{=p9hy>x z*)We-4~+nc=&&jx*a#LLBi2<~lLE3lqN%`yBnXlAZUCSvt?{smNP=%Ot^e^8S;o6K zhG&8bm%ajV>SzmRM@%FTF1lJ4trBaAXYs+vEs6)vwI3Lx#DTMpK^B}V5djfwHxUHj zj3CA$jrYAmEy;%uxAg2pO&9?%fRU6LrIJjinTNYu@dgk8kOh4*O&}6TxUA!gVH+dE zQxB~CD-K;|#stFhdburwiEw!A-M@QxdOS7v{M*mZ|Mg!#ZCe*%LJ+0VeOc5aSY%n7 ziblZWH)dX}9oA)CmU@QF zyxwkwy1ZU*R4SD1cDdam^LSkP*j`?*NKnKyLWmsuNEn!ji!P#Ei@#g1EVFIjgsAk8 z*V|QyiEvCIyMOxf{OR-458u5b#HRZG-NRu$j(B;wZfnB29@gb>JRECShDgHlhu{5< zxMubL^yy<1l_oQbyb-0CP2dCoa!>63-TU{1T;DDMF|nK5uo)4Qpd#Kq9EIEIcs!nt z-NU>T@)!=H^Ri%~0^x;e!a_)l*i>y8gsbTCsKnH5sA{)jqm*DT#mvw{npVx2i3PEj zS~Mb6B&XF)`ETOXicTvP@bCiJV>&HN(lBI7&3>S~HQtVuBqkw=KqORYMC=i*wGv<@ zplT!fRi6-v%)eU`Vi~Lk5ma=!@XS;&^DId?KozES6h`>od-=pC0F@Ovz#G_H1!HNY z5uo>B!;b3;fZNsy@bTgN@za;jPtUg7B1+XUKrXFC%oz6W!`x;eQ&M<{8gXW3Om=T* z872}k&pt|6=HwC}GWXtF)5@~h`>z1N?;jqH>qmZqihf2*s? zO0SlkdzAmoqI%o*`_D+bc=|P+4tXB|= zKL*=A=DW?w4riwKgCeT)b=?_(U? z%!OrbOD&kcm(;aA2@yETLHtfbFY0XMEcxJG`xZkO5t?!h{g~K)%{V0iMWi6}wJqB= z2H0KoG;1b+iK)Lmk_v8n?|m@W1yjm`8qfhDiU?!e+(1aAo?b*_ zs&u%_5bISy>D}sbNvgpHV%e5*&3ADUQyu)Z+dQ$DS?~SOng}PArx?_4{(OD?>Eq|mU%sqOF4x<~FVB7Wux!#)8X*sJ zk)^domCQ%j-WDy*$==5>JDm>KTi=H*OIr`iFv9>!0?fJ&e);$%Jl0je|NbGvUtTtZ z5J44UL@&4NNamTtMRlJg5|L*TmFzw$_lF3bBkvd&OmBiLqn@0}67c2qTIha#4`1(^ zdw^8jbF3!MFrh}=0yttuwPmDdaP>=(+cxU`3sWVCpZTcDkPj1`OS9^m+Mx)&TwxF9#6~Zye2|5w5Q|2J;#VX z1_1gVHcW&8!aeprm{64gvX8i3d*%0KGhHTKYVz9q?MUQ8J}eIQPzdQ1TU|b zgcvs51~H5giP-y1o3QYVs_>u;00tmraJL=c@q8G4Y}-bNU%osefDOBCn-IGXH%Mkw zeR{rp`SSAN-D4e`L@eBhMRh?Op2#fc^C>g;K1!9^TKoL;d^#RH{PlV@Hzt}>v48%I z8YD8+X+#7fWinfjUhcM-k?9EmHvIMVx^34mH_OTpxb0@SwRJhRWmy*%$%N_tJi*LK z({y(;CzzTvW!9w~*A@{DuAu=HwBrf+@^Ud7;_gf10zF_NL75SbceoTPGOmt=j7St} zD(+$FNF>bWUbfxtG0Y1bYAW~-&sa2(tRWzhszgwgM(eUHZAk#npaKsoVUV~ac7%vX zkiT+ujWGbgJ<5oh2?Yo;J#%=3#~ZI^f_xQUkC})i*T4TQ^Uk9T4`G&?><_C>tH8s| zyzTpK+xy-h566V^YzN8o2y>&v#!^A|?p_tk8!A&`<-E%|`>-Yzxm8DTISCRoCFE`2 z%|ld{d%=BI$Mynse(frU%>2W@{P^k1Q+h0_?o?Ehl6j~o5s645cBKHO;s{MS$^|jz23ft_v&RQKv|c} znO2nGWyQq43mK@(T6LLnD+^Sqwsz9s1-Y{C6nBv@#6L^5A`qJ)V`ZqLzh#0AyJjhY&dJG% z|3N|izj}26%vV^$>-iHr*>}S19`2zcy^rDo-TM>(z)1h)^Ot}9?GKr`h}IAhW^mqH z;RQnE=7i4o%!L|_mKvwV^z|rx3{`>5BCdJOK<@1>Vp%q1oxO;pgvFMr?|_KxuGW~p zFV0!3GH195t56@^Ex*OF0Kn6`84(8LqLPq*{_|h|xh(mrfm+R~aTZLc>LI=6M}omE76>jMFgr?qBNhvU+pMmMX5!Hrb;{rgkz zqk^u#JZ+1T$UKmc5IlMx>#B|z1V~Vx&PY+vNks0$Ad?oV(O;1>>p&|M4-VS^z~d;3Sqm+)GGlIqH-NG!ZVTrri)Q&PpZ#?1U6^rQz8(~O_jphyGd~;_$J8d$ zcv-bIL81y|buVLvLYEML_PwhxGcL+Cu-W^#-KJKA88Tf6!lS$2wseWI-ay1~GyoPl z9CR2Qmema2zk4iqH6+!xSU4ayRgWlAhN=QkTcWVAhlf*zSQAnLolnPgSz2pbAC)cW z5p7uzz|8l3eD{HL29Tq+RYljO$*+w~io7f$!a z^30lQVtK?tMuvzm&p44^Jy*?amo{mQ(dU?IpaaYi!h`1Rcu1kw>^8^4U3T7r!Q4w+oW(vp%@1xh47a+vVQlzYG zs&HpSVv6u45}AE;L@IOD!T@TP4aLFBNmn&Dk1%&(f@CA}3dE7AFk_}^C_;FT(P0ly z#KXFN|KYVQI;vG=GIs<)4~c(DR?y@Oa5JfLsalc zWJ1}`%s-i!_kCD*6%}S}E${l^%zR^0)TPwTBBSK(gw&b>Qa67%9h)`)G_%X~_VdTj zs{EA+)6yDXH2}8tf%k~3I?spu(ppXoG61a%%MsBdn{u@rBE^B6SvDo+T<$mSD7#Dm zi->?osOwo+N4R?o4t(%82VIOwgw!M#~DH9`3iC#faPcIjr0?@*kp}O3fDww;7 ze0cxvPk;KkZYDwkz-k!iEurLp#|epun30k7Dys6%gvjE8Ar+8sUS)&|7o-tU6*UU8 znb)jYM9i(s<~&@L%0~+zk)Y^L+de!ZBZVmu^KMeKZD1DLzE_2Pz4hC^Kb(%Q*Xzsm z>TasKjhl^u9NV^CFFO;7Pzj5hipbR4Rj89ixEtMR`Y;J3KFsN@L;LDfa&Jv1z#LJi zGXVU(m`d3Dn6CVJ7w?p9d6fVYIV@&fAi`t=0}#<|yE1A95>6CNWWqwqDy)S3+aJIC z(_cQe1?CX0OjRR1BXU|v7P6T0$;!X0WJ2tbK4)&=kxNsLX}apO#UPcLoreK|8JHzg z`F5GaoOzZT7{L@dWZ#E~lze>O`_gn;-Q?W)Z)aUO_Z9n7m5YA{0AutB6w#@?Ml8Bf z@$2qKkS|M%m<4G8G2v13lT3ga*8&;I#KmZu-wa|&w}r*rCoOWy2del30N981zDsqF zc;`K4jNy?pa`>yyZ+`Pb*}*Z3s-BL=cjt%m>7c?7r_;JLq~bo6$Qt*(*Mi5ggC|17 zd(iU~{oS2mh>0`j+^qh%No>uiIZ_|pBM5m;n(vun!>pSv+L|g6+jOeFXPRUHpz3Tm z-F+W@8VR^VfdXLl%%!6*MMoc_Y-TJX6XM&81^^N~^FRLk@BjAk^B@2G^YiPo$i}S5 z{CGYuDEHj4fBF8yJ4E=?Uw+Xh?oJG2_sC$z!>Vgz zGrL_kGt0o-qBTCBT6Nle`0dtNf>qXP&dmWZBU{rdrd32lGO-MQaWb{A5^`&dp9Gkg zI5&7z(o0i7%JfKx$krGD+|w*3wh;Nv)C6YlG#3;`M7O}i!=d$Vcb_zjnm$bZJP{EK z)@lb%NN`VKA|VxqNH^ba_WETL!M$tb^usZ4^6)^`)f@} zC=<8tfDQm=j)*KofNsHr7+JQ97(@hSaoxt=ZS-+Gwo+iKiXd!eeV8&6sd;+Ogg74; z1aix$=^*0axHMhN%f^ErPN(5E+!A7pXpItxMYJtBUFk3~-5~*p`Qbqcser--iI{|$ zc)BWw$GUhQ79PqhESdOrQJ)USdroK~5dk@TeUiL;ICB{+(Dkr1K)mfcBI02ss#=LN zuxumhusf{!^77nA|L|cYNQ+QGVF-7F0K`a43lUfr+4ue7d`8UPN1;EeJo-2tmvDP| z-CtfWKmGK1ZOd^zUboL{JB#XVyB!b5;bC@Z?Hu64jfIKEzU}G$`SYjC@Jq%H_OqLB(~BDf7AZfz;Z5HiZV3p0Wy5CaI% zM40uq^|Ct2h?>S84~H>!Rhg6?^V;(Bf+bSrr~zAfc;&>T+=H1jF(URpRL1d;A_A39 zMA(`x>$01@T(1!!%mpu*gQG`!-PLp#N@wJ7E5NC21TwQ6c)mH6%D4oiC_dcEEb zYdfs#S1$yya{gc+#?ym!!f%;SOcF$lyXTJ-+CZEM-A3N+N{ShR0Li4~w-_;oF)_2i zd_QB`dn7~#?X)xnfCTi+1guL-h}UBiR*%^BQRD}6Uz#=%B6_`U2CgFO(mbLZRG3&r zZ?}GaJU0=K*!DdvD**2;^d1ni%q1iH7{6Nn0)YAajV6maGqYGmh1H;Y)L<&hStWpQ zBDizc+ynBchH;s*ESq39l)Y(5N^A_zWI~VZeW(~5)?dDSiO9a2M_g~$K1Mfd%4S(u z`?Pe41VC+UBW-x_oU#1v=bs-R&K19dRMQx$YOBoI>p-3P$4EY#%wIE`pLcndX=9DW zgr(e9nHdR7-gM`;BNX?C5Mw&Nn>%12Ktw3;*6@uof0s! z`3eV~)j#C_`S1V!pa0+gg8u{A68p( z46o2iB1Dk9)7ZZKs7O|sRas^=$GJ~e%5I=U!*5k?Q|UJDRJ6CqUV<$9@`)13T@hY2 zQ3BX-6*ixKP(nP+GQG}vzc*>je;*n|mU9#kpo&iY03s4v84J=x^$u<=yKyx62{l-Y#>_fAzQjd^{}2bvm8TeOR*k&2he*x7G|1auyzG zbg|Q*1FUOOw=BqnmrFSwNn=8%HcgqChpWNR#rlvKA*w1M0J;v;+*(&P3wpi}zXKR8 zwoqo#Zl$#F^yH8^(EtVzpw?ciPV;w|ORC1C$`6N0Rl8Y_KLElXC@pDpBM`k_1Q9?I z79keeFJ-&bvbUIjX*YBQL2!_m2w3Q}hWl_dv>{#s9L!`@&9huh;YQ?sIQY{rG#Q)8+sBo1gvi zS8s2Rhjm_sCqh4Om%H?mkl%m!@Z#=8PSgAMAK$!r4S<*J(psCR>D~MHrPiF15XN%3 zZ2QZX_wzJ$)7siqN{XBkvjD=j?L;(9d6}o2QmsvU1&7x9GOr(>o}Nz6=$_# zal7V}V?x)p?|TWOkMm`lbCz2|{9Qr>Big{QKd*0MkQ4`GPGaV@_HH^)*#TPXQ_cXe z*ZTN;DzyQ?JWV%;)oKrDmI=2~f_B2pl9-UX>7|s~)L}f?qAE=5IzOMDFQwJ)090D% zy-gDd^Q#wks&?8oVP57*m`m&DtuB)+^E6L6ga;eZW#8Rln)1WPCte8vO>LQ`a77H& zXE1aiEOiM(gbCrUXP#xa55X1w{QVme-GYe3BTx%&E?q4y(cFawU8HGf9NBF25=>-{ zAwvel)-@aedXF(n6xALcxFMJS`1lwyxF}7SXunJFMTn!2*2FuaFrwTDQhHa8bZW;RW89Kkel)Zj`9igO8bO5ld> zK13(9c11?2;G}FIx%NIFN#&#lJ$7F&DK@ z2A#im;gvo$9ws0mb=TT^S9Nz{VrFk`c%zsRI!ZVQQLuXmBh-juY8-C-(Q`RKPAMFX zA-o?+OYf`bG_*hR#w2PhNO*52BPZ5&BSSehdOB}!AO z3SmXeB8S5v=Y{Z!qrcdY7&wu@^y_BoNX;^Yu@R0`XGPFAGPfyR6ZHxPEir z95JA;ULLp7O0CD6^>p5Tw*8ig=4C>J)|H8!N5X~(1^>Kvy}6meVnegmZCXSUl+q;v z$UWFB9ROvPWtn1#lp^x7n=^ zWQWHia|2ZmoAt08!q7h&I6z9mg5JINp;efd1dQvF0dPB4Vj`r-LM9-N5?;{V=PYgz zN(2Hjw@HM;t{_yBrlxA{-MpK%uA%cznUT?nrkO~%s+HDTw@G*qsD39i{DVtm5CcZB zM3^|mF#2Yhrp#*Ey3RQ?R%ecnx}N$O50mkNLg;ye7sqwdF~2k*t<8g2@#pm ziIISb-Ab+IpbiE^oQR=zW1zz!CkZ-DSfXJPPALVusB%9>HN92I4ADC@1?qXPN|`r zc}j9P%%{`k>o+$k<=)C9nSm&rx&e^M35{r(GXf0r4KpyWt-pEs0+HglWaep_nRD%i z$oF?Ih}kSpQ+IGRQ|q->VoZ`w=hJ(7_wevh65kvSy;Tl;2mJBr!2!&y)G8?fApp+n zT5GGd&C3knIp^nvlMK#0Bduo_TRrh#?(kX$IX#v-4LtAh$3rBOhSa6PWN4yhg@b~QxHIR#W< z)|1RRWkC4w^mtg;l;p51t+$7#=ib`DV$C=x8F5NETnz?20Cj>vKhWL{FcBlM4{TLF zg;+(T6cBd*e4fjIgYn-L0IK_XlR))!*-C4P*uWVH%zEqEJ2)_o^t*`E8K^UYn%CY= zm(A2U-VY(&b*PY;RNdXcAx{Z$1j1gc4jW@!MC#pao2Mzjn`N4&aLjeTY+y3hQ#X@wtTuL{ROw@uI)Vn6} zm3W?}Ip?iZM4F~)E3NfC34i~q*OzVY!{i=?WtqSMTJOyK^l$=)o8uCZfkW9AM;(SB ze3(??Cx3B(Pr&xL`Qh&m5k~VJ&KNRkDRj4#62MR#exk4k+r+^U!#WVcawnKB<`9JB zXs~fiUwQ0y>Kv;wwtalgTb(uKYP`iN9;Ft%17;6N+iq zNMA;dryLC)0mM*Zpal-#z>&2<#Efnhpneio{hce04*(H_Si|GQ-U`=G=hq?0wOfqOix^EN0y2`C#Xf0jUHe!-fnf}7D_(yk4<6mH z7BzLZ_?fEKdJhNu(%R{K4z6170Z*W+xud%gVVcrm+ zc}XO#en-~fKmF^^!~Z81SWXELB@`g;p*065M9h+|Z->{~0DuD;xn75P1_TM?4%1Rw zi~*TxnkF;r+7Tgup{UgmG4NCX2qT1?lljOP z_h#Dt2VcM1E_q~nZ&o5=Az|Y2 z=|a0g*VlZ|5Mnp5=o-KgL6T5_1w>)CVBp=10-JO&RS_1#kVt`p1z9x4bO;u-#+WvI zx`?#&+uH*IY+KdHq5CfR4UIVuq$FWHBuv&VIF$&PbBYAdR@DQK7s@%t&xjFA7na0b zQ$h!Gr`}b~QeqMeuw$OY98OPW8e>dKBiP8nl@P)vIsi>VBt`;cCO6+}>s=G0xtFRD zY}b_lffECxA$EY_f*_O=FYDCZV-d!Q1L&=G)lf63WC=QJqCXg(2x9mrt|^(DHMj2b zl!7}vr@W*|&9(d8;V@5jF10qBXI8_~RXA;XRrS(zZ#}1scs={TyE-wp?oX%vvbQ8* zyq*BS90^gaw{8HY>a{C}&Qo5Od9Ss#)_bq5spfggy?=N!oLv9_AOJ~3K~&yIN5%^yFoJgY z>i&>r{_u2O51GO(o5HS&@+9ESgyvAYUbZr&G*43!`PW~)efQyGS9^K?0-Ve#=d>(| zN!0Y__V)h%zP7rTt@pl_-CR{WBAm~c`}^C&I*Z`8o%{-?zd=;H>aGC+YEfNVdJj=(^Qe`4{tIa|+vh5{_F)<+JEXzEnlmID4 zwntGnLvzI46;mX28eu_9s95!R^iMho`5vA0MZAskIX2c?JjC z_x0n}ZXMrhd81E-ryg!2G?Qpg0V z+EtT;2yEmfkFN@Y{zwEsw$Rog5CSv0c~_H+#H41==gT^;qb0lcAvq-nfZ_3vSB2;& z`Z54ON7;=z!Rx8BU2LZO<1;-C@MU5!m&iAOM*9U;V@1XNf!`&spYaN`d`HjK&{c|L@=a zbx!H9uFE`Mw*7cGfWuZwPPw(d?ZwQ(o`so`Bm{JbrXG-piKd)`QWRBPnDGUMtfu8s z;s>efyN@54_~x)4*3~@+S1O#2PkwRt)_Z8lFl>Cy)GSFN#K-^{{EvTde{-CR+T*1h4olO1x|FB$b51NOFfwa|+IQ z=qM1Q4gm16kPyrq2?-d`RjsR;!+J=q+3?JbC2c;e{|FJWb-ngi9#eM=+FJ-yFvL!d zV`2~UGVObXYdmEQrjeO20RyM#C*c!^?Ygl>db~-B10G;RD!Lh@9OLE4JOX!j^{dkt zrX&j1i^Zwr;eX}OyQ1LJ<7FsB01$Crvk>>%RW(e5h_H2?vVaUHDq*U<$FULVA^?~Y zS0zD`BrFndLwApv?_ePz2-70`eBMJa83@t4_fLc{Pb^HOliG)k-52pu8sno0bomp5SVaD8($hyw%Zq426<+75u-1I0&GSvUqKKEth?t z^VHQ^S7Js&zB+(K=az)0EM|%b%RC*HnGgv{)t=9n%T{Wut+nSbMg#ybrF>j8PF`e0 zhNh}rTQlLL-Cx|^e)al(yR<3iWu6f6cwA5C3$skKlwCQcDK9KiO9g_hT;_R}EQfS3 z*E}V_l(Xb1ee>S+-HBEv^QcAe(MJVN*YwKm-5V7oA%6VS$ z-QDqcoJ-q|H_P{a_`Sn%R@Lcd{!vx_EkV+Uepg5GXRl^0ApC(>0wZvStu4!~j=dH!K>_-CI{765%NR zBJ>~tyeQG=s@@AnpspR#AD}mh*wwYEWJ)QQy*6_-n?$1aWyIdQnG#bHesObrzMN}s zi6s%A_8Qx$_HhUWbJY!yFsHE6ALExe=PB?B#1?GpX)3kVs(>_4Q%Y%FX1aZ>=eUgc@I?7gY(RlBMIkxa*%DHsT<{j~RKN-+rPU6CY- zl-3_lmt~%AZv6cA-CpXH6M*k~IbZhH+Re>cp$6W}jK~Ot7KNz!keCc2z6UR2jI-PU zAc;(wEL`EE4IYftG3f3#bg}WFk+7?peg`Ln0K>d0F$0>mE{sie+v@$@ZGMwJKAavN zPs^Ou&4*RLtC<5N!C;!Q5EIT*d>NrYw7*Ct|^ZZIU*1e zT`kpu1=LjqAv_tUG?Euv??_?kON^hqXef@yn5G9etg9jpCGmB>2j;HfriSid2=HCD zy#Zr`yCHazU`!3hNzioy`#EnL0=Cuxn1uX_SzfU#xXxsd5GP55VA`~`Wtv=7wYTm* z*oFgwJe@Cl;iu>GGUwyE&W9{S!VE(!Zs2B4rB;eh*ZUO$GytEHbRGObAGtFcAZWW1 z#PRyG;)vZ!`9!G-Q>oAUMh5^G=_MA8j}x(KM}WXVV6ete)ncAw=C!rXN>`j>xFL<& zZj`?f9U5~80BF4-VIo0m2aYJL0u15wls0jYFz3t>8sIQdW3z@OtR0C2iIy90o!S?zmQ6&7&lyAcki z6B7>^af~v|0N}7LGi4kZu6{mW&f6CL^fv6hACK#LSQZ3O3&fJW$KZmm5(o%g*;;$_a@zcZPb zCrO!!tu<4HS~{Yz7^^W$VA%29B-o#^EWx{~b(`m`uC1GyAyaEANm^3?OrdLc(5_M1 z3sYh)dugphPJZ>@6_NPP4&H*tgJ9-e4GBl@!PuJC(xS~Egq)cK*#U*FUo>QC+Kj-z z*j6D>f6205IY>SNj{y;o(9Oey&@tlb9UPW55mPO#)}AId)va^@oac;4fWX2`Z0d;S zG5-f&)~UB1Xp*Uq#7KmBmUYg1siih{OsX+8Ivl1_d+Qdz0}Dm`3s@uuLQY)U@I@p9 zFt5F%8%}(_?B{c7RYRl{9L3%g0H-85r?>Afdu_FUjy;tI!Z|Ofrh6$Vr*+PTxRusw zJsyvx_I+>Lwj3r_3 zFKfim5)p|=Ywg|J2km-ycQgNB`h;YLxXZwiU@x__wl3?s&J=7&X1wafx^^?0a*F(! zEIj3unAL3C%C;3@fiUt4(1|EIn%4Bg<91w^&+bX9y{m;?53|+Qa*{WH^fINiPV@8m zGUs%;?Cx)0zkZ`es-cC4^>Dbmy?s7Cm0DV>-MYKY>r8}~?egy9`>(!wm9rSw>sPn0 z?vJV++_rK#otyT?!fy5X>9KWN4-2PkhH56lhnt1adoQgQBnPtAih6IolH!kl@|6&O zeDCMy%ZJlPJ*=nw^6~jmnC|XxIP+H9ufBN~oIR1Wtdj^MK?rolp`&JIQ_5d%BY@Dl zVgrx3TOwj%;h+oFR!S{NNNQ_cyC*4f2DT zee?DqqPylf1r=5RhS_3_G>5gQnHdGg8d!v&QpaF;|L`*CqQM~8!GR4f@+!J_L zy`o}~ZU&`U^aJK2bS{vyV1)nv4PmBQyID&)Y3tYxk<{Vk-Q7R@{FgubnUQT5G{zW)ftbmL<<~N&>YRY(UHc$Rd)~1&R3f=HTET9-dB@OKa`l z{^x)CH-Gz2IVT8WM(bYt-K~W_GYWc#p~8;Q2hvcjFq64!>o}&^%p$S8gA0_CM48(o zsT*SUN7vNYLE=HYih#fHPGMpPbbxIuL8zi|!tMdcLEvftfE1vqu{#kR4{J^-%oev= z-@LfrYH_!x6Eg2CGS5@lOU`n8GfARA1)@MQhhV-kagY?_jYGsFViq2q2v?RxkU$8D zWi-`6VGkA%A__Ag1gpp0?aCq~;+d)R;*LI~gMo!}ZTcmRDt4t{GKkQeQy$tfO(H2t zZ&gy{g~L@a>V7q6yv9O6N}QO%7|mL(J<@gwz5BpH8Cvi2JoVng3qmJF!f+((W~#Q# zQ#jaCU#W!vXDuWJT$ z)$Z!T9G1D^+td2zWU5m2<~XZbtKGqqaGtodFd+*vEV#L<^=^pWuO4!e$lP6xhJDwN zRg~7QP&Js@yi5=g2OMV;Xjc|S@))L?J25AKP>2l{WzhM+iIANF-tTIk)@rxm0Wi!V z7$uP~HZ?@hkgovtK5~NN%VCVL&~&%}f61K>AwGN})FB`N$;cW8f_TlBSrTx!-fAaC zCIpPccOs!@^O+O7x0HKts=5OCUKUx}<8}wNFz9h$nXSWFY zzYdNN*iqGMtpGs><;0|_t?SKUUFPZI<5M|Rcep(s&X==lQ-!X+&eOKlr|0s+@4q_j zMObcc=kvaQc0=BOe0)Cbx5wjO{>7hP_VV<6`R3gRQ~2pm{`Bco?`~c=kUQj@dux*9 z$FF{b2$xYNfyX?Z+4QM-~=UL<}4E#5tsiVZR<*df>SpfreMq{}&Vv0n{|+eG%}PQ?jlRRNU2C?O;Gm;E-5INLVU-2Pkf89=a0? zj}dRZ=g47+6!H*6I)u=|4G3w<$rVEHmBhLMFfus;TG!Up3{2tqwC5D=+Y$|Z>Fu&@ z&zDQ7b)7SD0Icp{M8HWL;IfxF=VcNm28ULanbvtGqHWvvy`-!4J`sd2w)U=OF$fgq zn61ayy{W4zMOy`arGmJ*^A~zA2h1q}^8MZX;qm!@_#gkL|Ng)GZ+`OQKl!_#|NL~> zx&4UT^&5E(BkpM?|fx_gc*(vgYLmS z0-{J<>Yv#urX)9qxoHpfEg))FVkE-QtAM+zHPBKTlOVu(E2VZ8{`%E@-1&Vkp`wXE ziCE8jwW0j{lw%a$;&%T$}T)_WTkkby)_Ihh*3P{PGCMf5O- zO-V|vrPLvn9@w)1pqoL3Dd*#1Huu`XG6h@L;T4N0!ZclHIGgX=j!~nvsj4kPY3)s| z60J?C)>bPmslB(hN{m|dvqz~>BStHN)Yj4xqexmL_Kckp+nfJ~_sExge4ZS4?(4eF z>m0C8*T3EqyL3Rh83Qu)t8dmH{Vu`O&@Lnl{OOVSAo*q9D;ikM#~Rm)G!5iq z7yejq)Crwykv#T@%L0$gRM*O~Mr};2c<#hgGr_F{B5sW4QhdxhCI7<_amFHeGAo;A zk1PEMUvQU3uiqH`NUdLS(#$RdLHCZ2?knp1eDcr0SFveT#Ju_M&L^jrM;qtlv_7Af zp)k{b7g%YuE%u=pe0phOH9qCbsvb%p=Oi@u0DMKfI*lnf!#d%zr%}NRxfaas$-(#F zY>(LzUok?0yNMN%tIAj66kj=uu!W!?#$4a#7oNr7^$$k0xxr?Xz-5@HrzaEts$wiQ zHs4RZ4ce+9`ftz|KxnG(&E8ZqvAVI5_4K{!fA3ta*tFMif`eKR?mX!Sp;UKtex|Uz zP5!v%!JGRyK8c0BrahPz?7YfBEBd38v~q94Btjm!f6%IHIYr!o)Qqs*_1oKH)uBEZ zsyM1Ku+Gi+X_aVzGt2osnGWO`U#gJ*Y8#PzPr?ZE)#0d@ZJ5eDMBd0lMOyYTo5ckF zaD&{|scRJ#m$*Clv!%*ZV8Xp{?M7u5YF`0kEyzBhXNMC@dQ*L!-ehoJ$; zkq_1Wa@4wkGT}u3CTWHD0AH258bGRmmZt2lK}F|r{92eQe;V9MUOED;iYAs%BWera zL;1Nq53I0Z;)qY|!nNUI$4l-Zr2ehz0$RnxGCvMto!d<9#L4-Jorp4k<*z|?i_7l3 z##$ui$krCBoDh_Ea5HXykNt+D?lbq^`LijEEs`{I8}J20t5VM{7~9i{7;0;&pWsbV zxj{&t>x$m5_3`%c#`JCDNA79=@+ivDI=y7RJea%qo;*_!^mEm-QXk;0b#*9xwLp&I z#i2-ce__w_EX2>W&WEH^huo(51xomfi&=|)=AwIu)J*l$q~D1LYVZVIC1}pjNx@t+ zQ2;*I^$mA)uy_e`Blyw$>pCG^O-6(S5b#Myzp;J!mQuFTW-|+ob;>thPzJiy+2*wd z!4c>Wl0&>c_kNr^pmp8YqLo(XIUkBvd6ANv^kK5mSMkG8ywok$)$TK^2t(EM8joMb zPloNVA2V;r13&99g9*v^ATd2_)g}QWy&ReoYJl&@;-0Ij?ttA6$uOmN+S0B3g&Ic36_2){ehUQ0yPWKt$R zNbs8|>wti*T%CQzDzL%M+?cu2m~GEjoX#v2B=7eB*rcAQCfn)5F+Uq?X1fsb1&(4$4{M(yr{}m?w;gA(ds;zZ) zW6O|ZRg2nSXG9#9oFAJR?!phr6?tH3KeCMsa1hli3P~Nq#BVu^5jXQZN$w-kK0Z%o zTAYq7s>0g0P$-%Xp^?NxnX6)*5E=7N9FG}Ahq`Taf89N1&$}0_%s4duE4VEv$1I&;ozCSP@K~H8 z^(RkL+b7x{0Nta{((jp>$abl}4}BFww3Yc{tU|zddj3#LFnCAbYJJD#yRz6eU>pQ@^=xd38hjFyf!o+O%9h}|nu!%)GjU&y)Xny+`-K_akZNKV)F`!#> zoO_==okz)7$VfZzO~=-_X)BbPE$r2F$?!cvYqt_0-`nan#1yxm795L@%VQ}UeU_YZ z+pWyK_yw&tOZHG_l|EP}B|#A&Pdk;7%;5kYws6^5n|}cN3)RTzYPUlj4NMTp`N?q0 z_AWFcyCZ9(b+n-<78+vJXB zB2gfR6|TjBJ>eF;sCdO!-)Dlo>MMnnjhrHj9;Q3>v0=p@1{F+(!nIAWyUk~oBWgON zEjv|5;Mg^v{D4H6ZTZ9_^=dO$U*N>SK#a@4oIzxwSzpSkGc1Gqsz^!~wjvzUWBa}h-D@mV!q+QL(uUop{oCNI`IBfVO8a|LEOi!sj*de z%6R;JVb%UX+gNie=^VJhon@G#Y?=O9>U2C^cXh3v=L8TV zpFJ;MdT+`#2=8bdpFq%2e}+^Z3hHHpK-2dHWjx>FQ4m(tv>z}t56Am-D#M;j&>j2) zpzWeW3MytJ_7MZR@*!~n0)XdS_kXc`?WgCkz<0FFQ@R^CTRTGEW?WEp1j!o>r7$5d zDvBtmS69IVee#hvBzA-i8uXb4{Yu)aNYuF)l-HimJjx<)0vlIhab{s#)Zd*pg6Bl- zI`nk{I}1GLjxGZ6*-E@~eW z`n~`*9U~+!`p&9yq69U#L1yhUf7&Ii*VNIJ&4f4PBNvn%lIc zGk_@9npY4>g@38eF&uucgk*V#sYzT#f4i+5ta$#3O7hxzHtb-+1CY}HVM_Q7yW<|e z{9I%F;Q+=fl=Ro38PnZgTFnXpxQ;+HO-@#D?|H~3h+0Kb`_2*1QA_0F99 z?C%nSFV5Y}ZpLIts|W!lhT)`oK1$t|$3JCRSw7ps8S5PwDVIS2w-MDuM;})L_pp?9 zizffXM=SZbQ~6Pw_y6qCfi`!jWh@1+hXm2Ox}oGMB6b17AG?Ra@p}F#G%OFmvyy9B zmOw}dJ0~skM3vaA?hDGLd$@64`q#Gb*M3)csuLU{r{fUs@vj|zXmjBBOWlOlG zKorOGre!WG`^@Q>C&FyG^jPvXv*cK7Y`lEkQ&M=n16)fjPLTq|Ju}HczY;r1tKVC^ zu8teJiUWT2Rt-%QY&)=3`+W%cCQLV{CXIh@Ac5PdE~&WwX6?RG$A`f@8ejkBt=}9+ zgZe(DvDoN;DW~_eQho%We5Gi}O`BkQUj=NWxXCxML+2X8ryBaHheGjf?N`z~Dyj+m zM8iEXaqAG#!M4}__*-lhR|gFg1=Ng(OT=00II2g4+43x0{R%iDY_*rlxuWA>V>q`^MuC zYwS%5kjU3!c2(I%c4XAO2slwKxjf28{2lyG^u<&GNId167RurmSI=+2z|!kP9WinM z7;SdoeQAg+U|-w}PO_+}uE@#`s~q3ja4b*_rV6MvDH+MBnrJ(`+*#N-tUW8}+s_S9 z*4UoeZU<1xJGNYq4e7~SqrPqDD7B)Vh0CL-x!vOwd0`HmB=P?)zT^mkOo^}R6ABcs zS4~g%xx0!Q{GMXZfB|~X<}~XDL`=doB)s<;x}pj|euhua$X}#46dDFG@OJcO*GPC<`Dbnnnk%@A-w}#KYK3}Zlk{$R z^6dF{DJC%#UXB6xDljxmNRm8dK}$y<^K*=#y8Q<&C%k~h`8ihlXhi}7L3EDi3dzm*#0cv}8wTe-)qVw*Ysqj+KG|0? zGrni-;oSKs#Chuw?m7baG zsDV2!{U48#d^2Sgc|Q29?wQ(FCejHM&p2KeYQX>vB^w!O#VYdciZg2v7>#p7mw@wB zyG7ri+h)B?GAkenS^vMkU`vUp8%>tU_G#8#ug(Sr)}}pOo^B_o7I?tPK#$Ndj%T4$-JlWh5Y`vOW zn7iS)={S^Sk&;5z4IDvIRbMDRA$r&vP9S#$ilt{_j$XtZb)EZMo%xW38X;G!bLVGQ z2huTzXrKRSrdEdT9~=^thkx7Jt^G8aiw=$XYZUs^8zJ|#eOnJ5ZVa%6R^soAWc0N& z{1z_T)UI2K^aoh6JM#u!W8O6FHwQcLSUCWAEJyam=ylHlfag2#AW?>0%5Mh)E~UV- zyzBm^d5M-I0x|oHvghARu4Gx%OQdrGZVX-ByFKh;mD@%aN3T&a`p5vndTrie%HD1l z=Bs)Opqu|DlH))SEcinoPak;?uw-`Jl*%3<=ElM3moD{kY*JTAH`IOqy-k8mCJP&L zm6oNvFVN*yf;0L)g9eLc$7S@je2T|Yz*o_&A)k-%M(~1d0sfLB3vlbC(kQ*wZS+z| zs0*N5-JQ~o6gHzA_$V&x_^OJ44wo?aa^CqhFAp^*0z}r-?-bu2>AhC2pUy(Pu18sZ zD~gKZH|^LX_J2}zi*Na_U8kg=pRIgUC{%^2ZOMiu;3eZ)NA^EAYLA7ey; z`#jvb;2oTObwx@8YQCZwPeWA3b+dxs#JxGg!QzPDibrmBCH8J-|4@{M#%dbHvNsf*MjTLt3LEjb^R%%ma>06G_<07_S(3s`A&K!b#r^Iw`C|$ z)St-dEDDBvoT-o3e7{jq@R7WrLXQ66>%`r7tdsY5BXVOp#yk{{k$Bw~6u>D;WE!)R ze!J4UT5V-X=>51kg^n+6K^#83-R$Gxo+0^8xz=*-p?qWhcX@ZrlnG;{A8B=EXxfu* zV2Rcf?`Z`~J#gK;@e0r8%MhTrAD@<+V-rWNVKH@pc;B#Up!UzOK^ycmyko1Qs~vTA zfZEM%Etilm&eGdCIvdmUP!NW2zLuX~*3LBza-0d*Bn!o=o(*iQIL|WD|Lio^Q4-@WEp{!3`z)5HsJ1tyC^Jj(x3N7d z-=b@hTD<3#Elr;J-g*FjT{RgqKnA+vL+$*`wAy2hY3J+ad;`a?$pTJs zUb(nm!%apZ2^Z!}2_5%m=c%8v1el6ckw&X<3a{v?QjNSus{&q%iokVmTd;lHzH8%2 z#u!fg;ZV52?80)o3Qi!+bG2iRkIC*SkBc}~S;S#Atookd){$<%Oi2TIE|9|pUmdh+ z?O+h~a71N@G!xCA$>LFYN`t)ow>8g*2*MIEAqRA}6gAP=oRoNA&9UHgu{n2fPE?lO zP1Vx0&09r0j4z|pD#6NrvT?#z)K5LY`7p$T+T673YCU(=DPr4&Wo04^!3_GQ!-J{I zsXEI`Qa%$*0ak%j)R_`?8ag{ohC#3=>FY6xv8umi6c(*@zYQYYVi8ApD==?21Ixl! zY(wX0u=jl4a`-+48mh~ zr?LZyPu!D}Zd9E3&Xj#DWlsy4M1HDC)ZEZwt98AfxUhN^3?bMd^psR>IyU6ALDxJrmQWxia{IwoqxTpg>t@B4y5GVjiH#+Y^8!P!BFbYc#YozADxJ=VU(7vUX~ zgiZWA^9UdKA!dnzEd&2w-grj(Z130PXr476wdk4IyM8@@*?I|>w-SCWy+`oGi-q6U z56J~U)`#Bv_T;T%9HbsXnz&rKC_Oyd`*;2#=70!tt52(v_Z|u!?1kdWoa*iYDIe?t zQaNU;>Qx^@qu_^^t!Mw>ZH`#m8I=`3V{zF>3u)$dMi!JolwDe=P6O!h@KhdG2JDjr zEtyb`7gklxPcXk~r_&qiP5~f08mPR9N_20`LwrNFH~pvuk=!Q&zB7TPwl6rkx8IO> zz+yAmk3@UzW+hHnjkL)=;Wah$1)4vjYXtuI&voM%89&Ypc%y2!D-{^uw%H*u?KR(1 zUsl)V#rsQ8C+RC>)p^#mw5bCC+UN)G)9VRrwVbH!)HgEk>{8XPPfXWP<(_zZBr(r5pcP^{1UmY~o$A%@cZoyHf`;WkNidHvQ zGXwtB62G+GS!6sYVDo7wnE)3vRYW{+FC*?p!lB}QmoooWYwnfaxC2mkF!gclfJMRz zINa>6<%K=}+p;F|)VzP#Zmo)jXfc}ejt)C*1xF0pQ^D=hmRBpg*-jq`Qa_ThV)=Ux zUnl#!5QFkYu}~08n~gP>-EN;is=8TDGO7ynx&e0f8#x%}mw-Q8@prGx{7}A3PBR85 zrBcb(!yTn^(0eAiF!U+$BvS2fkfUaV9~MFnYQ+9}v6RN3j-1%qd7St&n5)2>Oe zbHAy6{TB2({qn(lq7s{|JUXDL;iiiUJ>4p-S*j>EH>NjZ((cioW5mnpaDvx%CCj0) zAzR{e2AGDH2=p*tV6d+w*-BhsmQ_ z0%X?tPuRB>&C#HkKacWX!^nA1I_P+d+>`K*_5wOp7K0IquszpCE5NMKnjdeKg<+=K z>XHo51#W_7ZNiX2UFR-looDm&-tVUbA}@(Cr)fR9)~IcDVU9+`58jFN`CezNtv_2& zSW(7Lz_7+zKMcLjkJ!cGew0c;(V5}MHR8350q0pTH9%j&z+ZgzsZ~MV zC#|Aetc&2R-+_PjZ3WD*&V$`sCIv^%TGem4bK7d3g~(ZF-%M;{5WXYmS;N56^+edd z`JyZ4q*gAwZ~r;n)j-#A7yeuLN%E-E)rXkE&Ql!O1?^ok-Uymt;-KYY%b-J*Oq%BMjc< z-Bg0lZSMejv-D=+%e+C)#sALs8ip4#bshgLAd%bck`hax<$v`_{p;&Ay<9v1FiR!I zUfJ@>ixF9UF22rTT$uUlx96YK6O7&LoP&vpQ8xIut&zC>9%z^_ZMThRxlp)R&qED= z9hEN;uWIH=xKI(z&It*5x4aREXY9jyzkpN`B!(@;$#wc-UnNT?ZZ%qEE8YS&Xdhr0 z*IakFfAWndp<;?m7hijqcw4rKH_esv#8)$6mBL*2`#s>2IR^8AP7sZ#1fl$Lw z({!@*kD9}vj1&bmy7p!MDqBbDKlP*tv&~e3Y}Yam;y=;TBdWy*C#=JF$BlEc=rZW_%ya2J`O*z1{&4(3VVL2;`=K0h80Pqi&e0YP96X-c?KF}| zz=gI+Rk$e2mbyIL)amv}3ZK=4xL0axt(CgVF0BCRc~KW@gpVq3}Q3j(FT!A-T8TVMF z%4+%sB+Id;3_ENdv+Xs zwM}x@`JtNh5O>YWOKytpmPQ!`TE>}OuhPG^qhYTQc@dR^azs2LEAVUo>o5-5Rt(L2 zrpmjoz-1l)OzT)8ue5q2yK|e%Zw$~Q3F}g4O*C)SIp=)G*_R;@4+9_&GWOItEJ~td zX$G4Li2fKS@VNu!rk^-*=NxY62n-Ou2FO7=zPIL?WSx~R9v!Zxvz6x z{b6mJ8TgDjzMGeqn1hHS?wmCO~{_DgchuWvHbd%*hk{MxZiW`$6HK+_tn^iLrZc~`RmtcU(3z2&dJ6ln=d zG921+A;4ggc0ATLCkPIgBCt8+c_;o#2l1tmI#t6}ynYh6O#BUhlY21P3ESE>Sxc2W zpJe9k^yju6F5iyE?2ld=q%W$o{e|UKV`}hEP;^r*mpj|Yt4poR?WGe2<%gCN!Fdg5 zI5A_ma>w6Z_YYOC^9IJ$Vi{G}2y9=XgS!VNRs!3|7h1=@HZH10@n!M<wv?14NV)URY>GWg=b zY_;s~V3zg_)E?ufEy!6nV6%Kdt zn&qGvB4G}Af^)t)|2GQ_2xyZUf~jzr_O3=dWP{X~qf+G23hJqx$4<)BFC8p11N%f< z@KkHJrl@)!5}zQlxcokms;ldjq|tm|%0cu$*W6Do_x-qk6b?;K4}_4G)|8!MPy+FN z3Z3m;JVtpr@5C-O7tE9Nb+#%Q;$Rap*VdY9@&8(7N3c~B6=Y~m5ZMOf{jqeE?{An?A)m$SOEEiV*YJJCca-D?Ftp?_r{YojXNQI3ja-n zJ^W{30Vry&73vq&xQ@YDyQn{+s|G>XDlHD2m7_yDhY4zI2#g^sXI)2>ik2h-2^lt+ z^4wLe8g=UWr7BIN+=FVqf7;x??FwI$O zIm-NSWKT%zO2^we@Bll)F8r6esiG%8Q9t)Cn2awbDQ)i+Py<`uhbCM9hG8kR!FOJv zm%6y!d0%B%^T;{DSd@701B0g!Eq;RyJG-6Hq!IfMFmCF2bvh`RuJwV^zEUx>{dwn?zMdDlDeb%4EDM9yI4#C zhed12ZNTuP0w-O4%T4-DtJ@2Q$$F0xtYriR)2ofx-f9DFl<$b5L~?#Gb2+*x)5f>P z3nMsK(UKUxp)c9aN!R`k5c`!Th47tTBjQ#FF~XL<@JX32XK%qvDTUm`#bOlppGKE|) zeI*~gfn3Wy>6C1&fkC7!3pN`JBIKrXrI@Bnv^MarNXQiCrq97QcLS3mV?>AAad^6Ksn46+GSj`ykWI9hMl~$PT%$-T zq)(Wdit^If zylZA}0Job$gkwv~F{dYCe|N9n$Pf3yjDzFeWj0Q))|(pSmH~o&C%hs0#_swB_pqHm8W!tMw@q51AQkh1z$(m3sAP( z4KE=n3I?oCUH^tr@l)n<3;)Al5&5@US3o0L(NNo6iGF%2>oy6++dP0fI=}#!Ho%wm zO^c_~%)YmMJ#-hsl&BmPM4%}U`N67Mk&*>Sw~4+yDM0o4as9|5dQVprCdj4qnHwfv z#LU`P5mx$^5++t`?cUdGCaV{l4o&B-qidCca_{>TOeSQ!rt8<~{N8SU_VoI%rQh24 zi=H$7DT?bVx$V*Qgf>#i!Apb8tUg&!U~9|aNjObepSN;@kutjr#1R{0bF2TYj6(x4 z$kBE?u3O(&LP9mCi2*i=0`~4VI&In_szC5s)$+m{Ia-%X(w#A(k))lT9;Z$<7K_4c zud}XFuj?T?i*hDAGEUi;`&C&PuQ3x79|Y1sUnWlp(p~2{S39AzCI+F(*_gYnyCF+q zj$JX43=V@Nfnt6E0Znyv34&URL4g!hIl#Ay$NY?>rMhCDS^mCglL=$hl(0L58hF(= zYr|#fkHy?&XLcQjOmBtqx;)sW3ECM#JhZKN{)RzEol!TXepqlV@)Ph?0MI!Y>A^c$ zhd7EzvGU4aZVGV z1H$+Uv&h`>^X}f&yO~#uW>@Q2r)Wml@D_kDt#i`*%>Z&U4@Q3UQ7l2h)W)A{2^?oZ zPOS(p(z^LG?&DEofz*({17~Qo=2jKT|9RQ;40f)wy&PGv)9 z+pNG*f=9Sti1K!@{=dL{Gi(?fo|4FlxX1qb-h40)DxWQROIQMLX^;}ACJAV*^QuRb z^VS+0&}RfsaCoi?LeYA}iXR%1dw6sYA40ceZBL$+ zqHvU$PW}WHVG$x3h2@x?dF5V?BTOPI-531{M`#*Vvtm)s_11l>r`!F#ne}sBXEP05 zWW44g+UY>MUv;JM`iDp|J!1eDtz|Ny5*-?;=0HY#)`q^EZ=rdt+_T97x(oHFOB{;4 zGSSK!HmY^jx|`QhXW5IHwk<%t*HzPq372wSR~Xjt{Y~Mm@O2QN^i{vFg@;|^w0V!- zTz#{%EzVWV+f#^sqO$_~E~neesAu-v2llwILIT!WA7%3l!4J+z52QW)$uR5k@g|GL zdj(erdAaq12H4P%U)$Dh>lNhqR9mH_9#H=#$YZ^A?uLBgY;=}c+J;FTCH$Qor>0Vn z#5k=d-PC$E4>xi8k0i~XJ8>J%p9TBhgR9ZQ-On#4X#bxJQ2lQGtVNPqf%eJV>ILh0 z4?{t_Z0{o&-D8;RTeiHc8eB^^wJ2Cu8?1;sm5rTlx2rOdbcMvv7x3Qhs1-W3fZ8`f zwzUxU@|Ivj1KXKK{6e!(KghtOMeJ7qdAq! zD8lKSsD>SYdKU9JZ3VzT-h&CMFat_OrRowT46!j?315^l3O?O!P|i7G0_UfWbz#khzWr*QaS(mK-#?vktbZ|8bAhJXC& z3ZKQ8d>lu`%;x8}7aU?d-z_;Oti$snH25DugceH~CR84dn2qT1W!qACOm7EIfPk`e z`r>92-uc0BBtadCq4(fwCLn4@pcgAcw;CM3ebeIC&A1s|<+V&X&${ZG1n{h^EKN#r zT2Ggkf2%uO;BQ#UH_g45>;2hFH+QTIr(_7f$FgbqC}Co2O2 zi?A;zrG`!y%~Mf0?`gB8KRVlCuA!gv%9jCM=O?4lWE=?pt?jD7DMm4MNjmy6k1pzD z3W>mY@P=E0bu5Ci{Vm}a2Ajw1$oH-e;fDHg*dTF{oKg^E z+mJ0Q+$|FaF5MR{?+mtjk&RO+7P!S({G)04fxb(bQxZ$)1;q~SgF~2>G=0qeUuf9z z-qBe?P_;vl*x$*{^Uawcn+9U<^7>2MatjBsz9?@^4;T4gQmn($CMnD@fRjn0{=Q%{ zo_6Fll7ns5tr!IKyekI?-IdIF1M9FO-0f}JMUC8Z=J6jfm=*GSqdoYzoWpMuTGivbmWa=6Hz<~$PX{egO5v|aZuMKn2U3CO!Wy)^iNoFpq@7?c{Y+tM6>2d+| zvQ73mdguWQj*oeay5g#4uD25wzF{U-4$x=Ja8jloe01pWgnZXx=jsu13+WZmTKIOA zGuL%8JiNw?ZOdB`BCBOe4Aq>ZS)UZQ)@`!|WT*W>i(&9rgF@w3dS^#7=3=t| zITuYXC)kt4oy=AY_uHfNB{IJ-M3JvbjzRaQJNH0X{UQ6TIo%7p-SLJ;K*bBk-5r4` z(E`wmg78O&JP#>>{f(Tn506TN5}(Y27{Cxt{;?tTTBxDRv$@JYJn0F%v-dx%vbKN9 z>sbw@4WTNVcg5hPh?!sN7@ zB+{XW3+{(LfrDYqB6t)k*u-Fc^(s-8Etd81vnh0wms^Dns(=p!}F8I}{)Cm$a=(o~mE%0Y|mHOyoR(e)*6pgja zot=eb-*r#;y#PwOgQ%JgmoeMn_)K)9m!tu(murvQOG3AYXBvdROfCI4%aEs~KL`N4 zv5!N7?t_vzGCqgG#!~!Uw4pev;)irJ`s;(`C1q|hmx7j5yPZv|Khx3OCDLYOf7J$* zM~aVNBylF-%}W}ct<-VVN>HN6uVj#gzl*5V`)Drp&jfq_$MVkNB5RpTI`nXz^Ky6y zE7^o(w}$uy{EoH#UsyH#skUHTP*K5MV0Iw_TWJVR^vHXmd?UJ8(6rCDn0zWTGqd^~ z2;WAimYd3P$F9D=a=OlN?RBo=t|Ph-QR`QIGOiU zz*?#*w>1K)YQQOmjCu~-3JLk&IGM9H5f&Y(X`*Y&wrs>5Hu>~haYyZLmC!gb4ETyp$ibY(0n{*de0Pz?4@;;mQW z^wajW2$CNZmvseP)BB=-xfl7kDyRF=$dEgKyoJ9|8F|RwOMA4hlBz3iP=0i@cYM5! z+ASGbdqyJpICgH3Tf;wS z+bEdSe&(%wF)pong^D@4BfXOvbEw>P@hIkMH2P@OovX{BHIa}wYY z^C!TtP#$PBGO;5l?lDWYEq#L=v!YJfs{Es9Htuu?sq{v*OASSui2Ipw9o>0Rad&x5 zWocH&vnVc)+AHEI64G7BlJWUM$Zx%mR5hwOYAJ4FC-#Hu9W_;{sBzUAl=p})O4&r( z2`3Ot&Z(V4UF*dTV=I8NLWdYVwtS3ME4eHEUE7w)o1U&o?8*^6B(0N&pd8kjZ<=S5e zdU940Ep)Z$bPf%f69`FT9t|4|kv_^HG6>z5y|u8?K7u{`I_hMLEd0Q8zKWd7Dzri< zZ`UANus%EJ^OKV;2&xYp2lwC=BiK51g;CHU5Zcl8IXsX=-e2BbZTCcb9t1L6BUU;WDIo9kM`4tO`Kc=l_A>5dR5+qfUlpTKZgw z=FAGJHr<#@Tbdy;_w%$}du^^=`%t9LQ?-HxOtZq1vA70IRV^%Db5CQjC)T%1AV@7U zWGCHvBfUKjW5O)^Gj$yoxn$QzJ;<0`vCkQ@-yh8CtZS-PDu2KBkT>_L5lxpz27RW+ zs%WKoGrIqSWf~!OknYI|SuZW;z1Jkvs8t3%K1gDwf&Ryz5`GTnsx%L(R+xvk&OF6> zzb|P(tbk)P{zF{|W$exKy9Uu6Kex~J?40DBGuo};S?2IrtW4{EC!i%P#CTn)!aC(V z2IlM!7?V^$^MQq3D3z|gw~4iJp}Z9_G$YWQ`00~gl4?-hJQh>wmoj&aT`_q~!=u9s z{2aLL02X|Mlqi3Y1amIdO?v$2;mIGG=;sF1vBtGNMgW#dvUWhj91io&X1lo1I$4yy z+N`zZiJ>gFfYPmgbSS9SESc`3z0SjhD-YS1Kk_zUQ;9x23^A}!mz+?D-2bXPq2S1A zosA&XcVMTnh>M)7e&8=y1MY|I@?+q zI$L7x?usJqL~5W4JeMOsc%-c@J3B0{I0Uq7@lL&hZ=VGElf@aGSL6u5E>cxY5^SiQ zDKmUGZtsMUgP0c8*v5C~_TeB$%u;l_ z)@)+=&YrJYS4?MN{m>GTOto0r_%d0!i`S|-_3Lu&4T8I}QkxSJ+iK+4RN~CJ=#5Mb ztW8k1UbtDx;IJW~(!vkto z&I?RsL7J%UJjf`?&ZeK3R+~-lhiP*}gBk^kZ|1E%g=%R@b!_abRQBn|cA!{*r8OEQ z5QFCXS#o>KqX*j#jI#Xwdh-ucaIsvIrHAh;2r%!K5tD)*sfOe?eM31D)BpDS+&i0d z8iJpXvC_xV4@h*7)Ck_c-oV~Sq=2uDvF1HsJK`s=Y@oEH%-iA>61^a>ZZ^RzN+_{H znTpi!G1wMDNJ2F=drl0Bya>>7)3yju?2@{tuF-&tFWn;Fo(qiy!I>bDM1yS9KrR() zGPC%~(gG}YNy*0wWGGJ2{X4(Bc^l{fJs0Hmj?41@*5o(#o$rp0L?-Baa$SZzS8yel zUD;O|`A47G+1uWQ@LI5G&rOE&UK=r!;9;I2IuuK>Mf# zOo8w+I0W^8ab)dqBeEWDH0@7L_-ol{q>k&u<+L4D0y6^)#ghk<&v4${JzVjo zDPh{*aA$0)EWBSZ7(YL!Eh9a&60R5bOnQfG*$?yiavZ6MBe4!;MmP@Ey!c|;I(2w+y zx(;e4k>D}Qn5UXY0XTY!@B%S~1YikY0LSLn@x4qWxfKw~Ljj4QV7$18(Dq@bKf{-&1Ru?a6E+*riXPVcQb8JvL3<5`dGO6LoG)ys4sx{q zS5yNL5pnbEKshVxS1)IQa{Ra`WF=IGQ?hvTQSxQnA3vFwGtOdKv^(y9xbYU2`|#Br zvK_u$mV`m}w8byFF%!MRm5cqW%bcst%S)+parj|7hTzV`c14^Z5|pJa7Q4=;<~mQd zzOS4nrg1(G;To;F2gs5g_?ezOjBR6hM{o0oT!T&AEG1Mzp=$3}b}m``twM|waYZ&v z0~;Irpv1&|e~0*L{cK|O!wR7IN?~!yvwvu*uQMj=Pjh>o*jbU<>dAYPr`rg!jgnK$ z8G2?nOxX=U=n(2vS*}{EfHGIh-1yMwrdsl%JNuZXi+Qb{8}~93$sX|a@`|5tjid zkCw2Q-dP&E;n_5;44=lRsQEaMadh8gzx(rckyx5rVx1JAKwPL{!N-~I;Q}N`brqqS z+=j#p2ZuXi%x94J3@c>4a3&MZSiFvN-T?u9kr~YsP1^*Lm<+eG>aUZ%)YwCGkR3%B zUh;S1LEt~(qpHyhpoQ>MgcfF^30{9prcu0b0q8NL6yNDWYp)DMRA1?Vead5WhcvKoVi=(ieH} zr&ehqc6##pFZX9OZXTN0cL5kp47tNflXrweWWpy*k3kNO`_8sHMw zZE+I6%=!@QFY~O+KD#ek9|WLDg|tY)pYjd#D(5+gwYXZnvx_hCUo^Q!J-^4APycuf zb=E#9`K_iPK1+nR(4nvU?R-z)6GT1U)~SHa`L^7R!}`nd(0{Z8cV~;8@AN+bqv98$ z)s}|>Itpuf_(;@DNUf#@1eR$NgUHG38GnLH{7IHSfs)BofKMy_4zI?i(c>P_2dud+ zt;y6i+`IGGu85d$`*3+kcyt_UDOZo|yE^%bWh9ZUyCyY7hnlw*=Nl7dz068JSI8x2 z!7`7#h2^#A97C8m`?WZ3!O({#KMELB-|If^6AOyB7#?Q;{~pChJ~d1<>`>Bh%2|3~ z<0hv2T+)TWM8W2#O!9-3-{3L~CSv+>mLbKKI$%XY<@4A?whv*T=2u006!GpbidXUp zKCjkQverKtDnhK6?Y3Ojd1MdDHC+B#7#jE+Pk>vYyOo`HDL$T@k<#)`EWK^)>-w7~ zH|NCzc3Ib6EZn?A=gggNHpF;AVlG3XPyU6T7F_MQ!w<>s^xicN@BU0p6(*=JztI=Z z+3;Q8?B{LLYelORQllAJ3XB+%JDT8R=DIu&B4)kxVCB{r4n1>TJQen$UcYT-pwa8{{C(@JP*~(VQlk zQg$7KGFYa(a5&VOs6G}4Z{jD$1uKQbhTuNX5kEZkfr}BT?_%W(O#yLpH zI1ULJCnK`QA)AcsS;$^-Y=>};GE&Ad;;qbMg^qpfs2r&dN5&ypaX6B!tnc~!@ckFg z{W$mQdR_PPx~}b3MXo$)QXa;BC^6<>X0@Vb&$A{!DnsldK+5aNP&USR-Rr|>YeN9R z#Gvx@aYuU@FD$IC{soM)^qsub$Bv>D@r;7h7q5L3+37F7oBupTYd0z<8D9*xIW?4i zV8mfkhdZFk{5gtc)(ispmb!+i(9UEb!g_A%h;UE-F0w z=4jTjPa?d0v&@p2&Od0Y<&Onh4<&zvYyFr8Js}Ry#%C^BMjSM#JnRq7d9{V22sw&Swp@Or>mi|l;5E*0M!wfl2@{c-ogHoH}10JQh_jmtm6eTWK9 zpLY#q@2rp&ie+uZWUf!njMSt*h&rGyQsaemr#)Q)-;C`qF8U;3bZmPx&C0G{&AvZL zxV7&+kRyYd*dhWVu5^l}Hqb7~+BWQ{S4FOkicFk`;m&!U+Kk|f3R?a8 zA1218W?b=6hJ8t)FH7P0K(wfdpP#cd&)vYlcf891#?LE6=}Y;Iy%y1!J55JzLC4BFt3N(r9@`=6#|=J!Q-{j zJ(b3{7kCr_zwmc+5@)>Lve{S$NMkYW0-#$)3A4ZYe*u)r*n}^n%3ah9aR|6wdCeZhpwIW*u49Ru({@kIS(1^zd4~*+^H!|R%k>@ygidoHewv0v z9G%2U7esW$8PS?|7HJt@vn4yDN)0h$eA@zDWN=IzORA z+I9cEcd5^|#4Tizr2PCA4Whs+JAcO6PBv5~X=EP3R)>o9IOJ7WD$0i{+v_NP1ks6HVq+N?>fl3vy$)^aei`2Tsd6|>vQ8uQXe;&9j;W2qdD>kbEXUlTzPl= z*O_m%^!8pOi(Eq|vE3!`SgJjS%vgMGRop^?E(Ns(QxjD|^h|e&f)@i2B8*Bm=)ueb z!*})Yz!4SGWWO!!>0_7p<5|>c+2(=n_HF7@Uge~>f9GSS>?Y33h1VBPPflQAuS0U2 zmj5}G3VQ2sug-L0D@@39lXcX0$LAe@8jbL_ZLiB_xyZuQV=Vj@^81v~j*P zx@ENcg_b1U$#k`{SLK-a>t|%#tnzgPs4~RlI%jn&Hh=d;3Xg$bLS!Irz5ON|>-B;0 zA4`q@Db^b+g{ptd!6zXr@m5}$wFqHJeX%WWtjxaP@Op98|vM-l4AJ7vaVPK zVJeH(BeHeTo?x;kf2A^1zsm{D_B7ZFj(m{))k+nETy389Ki{6_ z5EZUSupPcHveo(pO7FP$16SXs?g%5E4w}F1wJM((i$9%hOxW?(lt;7#hcU_)PhQqP zY;JINgjf5x%`FI={jHr6D$(ptICSvL~261pVlstwnEQV^Vm(AgUUtcx9gT z;k0JtkaDI32`-BI{hKti7ka07)v~?q?BwJHmSfA=rc|)hCWDs&lKYs3J8Ph#yG+l;m+)FX;k>FD!38IXe^9+fIa@P~DT zmG0uwe3VjE*?q=MV{eb;lY$2Uqobq5Bju9JOY{~9RueAsMP-4FaC=-Mqemc*4lq3! zFH?%w$PI0;8=YFfkMiER6}C7Ut~wURZ02!;x>ima)53JkG&fXmArKh~MjT;)KItb= zdj7cT>qEZF(XZAOpJ8#z=1Kv#~aboh3W{9cFi?fWJ`&vdp{9cKM{SY4|;50y20o5+7WI& z4~e?#b+va88VD*v8<3+&IUm9Qb{IO=9Xt+NH(wsi$!)&{d>=v9)URFpaQ&|R6zxOu z*sH*EIX!gXw4cy*m5xin3$me#jXL)4S8d8?9<&8BZt5mFr@u6N;yK;9(eN?tdxsA? z`Fpg!cQ93{nR%hLo(sHabfI~Cx~4Izmil*GC=UAbL7tOD8{f?~==$H>(|nIr9TSG_ zgXo&C~}_n1TnNL_``f*0{&PncFS@N#JoIs`QLO1h5qOr{op~11s<*K61vxa|-y)i}i zx2LM?yQKX@K5Er##`Z+Uol|#?l+Cv_)UK?ex!ehYe;!s&q+lzNxKFd#(`fJi|nZoOt+ z18J^F`JCU-8HKUg^aZ!A<*yV4l^B(U`&72F)Q7)f7r9kGm72`6^LJ4#y&}`+_c4R< z-zv|agejY}x&Si4n{PmunO#I+dn8pt(|P@}11PhFNo$YqZsDDj+x6gbEb%`RBasZB zcWD`gDcVoI-E-W-HaJL*W8;gk=BA@(4twhFE8&`O9tS5ZDX=J_gx7P&Gp=`XenqXV zaoJU_&Bl8Fpw@;00HEyMm1yUwuBChM2`6+|p*|Pg^Xx`A7q@Ia%_)j%@8uNp_#VwL z~*1W^b%!?NGl@7v6Cy9RYVQ7fh$ItXnGKr!DFQl&f!+wW$z_-&y1@k3ON0&T5 zl~ejBXnyDb8U*8i4a}2sYK-HrIzA?vcZ-%ZQC7{SyXl@Ei5U%ASjJ7&Gt3Z2cTrV$ zhb(d-wp+BczGXZJl?a>oi*X!?Yovra(W`&XMtoL^` zYEUYrwB+-hq@f*E7P@;kgIbObgK zLV_Yc_D+5HMm%YqJ)?Wk_9WEOkO9_rwKgDkMLDA}b9dKMd&nUf)5!~Rc2u2Q><(=8 z59d$#8+%T*?frKizbA`|@)#y5AwgvT9%ID?)Qggv+Gx@-EK_F_iQT7#X>Yxyw5DF- zXiupDd$19J@vwG#~v@TUg#I4-*K1{D?t@R~)iUq*`Buay-izigfD zQkPVRW?@SGlmj7PcBW{2o6gO-wRPWeDQdbES9G-Iiudtz%pW6HMSY>pNJ~}vNZ~LJ zvl>23^P1*idQW}C2gNDhQfoLKZ2MvXUrQYGo=`kztB* zw4x>#BcPe-c8jA;_V=8Ue#qXuDv$h2Sp446AZa$#eu@O8M_bY|yz|G0&;@QXhLvth z0xNMmd(#!5_|hrmQniDbqMQs8G*w@*laKytGA52($=WD-W%)C^-guwG$I{G6KRF0L zq5(n7+a6_GD{Cz?z5#%kwur7kC4e02sT$X9gpKXqvX0zRt?dZAP)WYugMlb4)Iab2 zwMxZ;?A^x(tUz)dTTReMj;~f$nK9w>reB*e1PFeT%=DQ+ zpUyKOMHqYnAj{=S`*_yC*+wB94)DXB0!w@)7RnX_-u}hZIURmEWYE)#La+Kk7TR|J z6#lM$0PR*4np01r2e*-SxNSXF;U<9k12o9}pjt7Y=ORcd9qsE?PuI5tE9#oLA9#DgBx(jtfL>Th?ZQctXo*`OkadD-c_{28~OWS8=M97+1AZwNu=;u&L z{E)`-=imd^?FIV3!HP?Sq+66qlSDMs>9v2{D61ASW@AhQq{Zkg{jKD(lEtlZcl8*B z@vk0+%W0yic5jtO)5^b(=Ey8QM+JBNw z*k2hxU-tGrt94BvZ)RoQhf3*Tl4@d)rcaw2u&;RcBTIhk@bj!5|BDmfWUHMK#Q~c{ zd#|@a4aJb@7stczZ_f}Sl%%P#BMKP3_6Xgi&BI&M4YYx;38o1B;3;*L8IFef)m6)C zCCwm*+YE3Cr&@U5DAAWY5%{E?@4AXq(sPlwZFY?_j(;m>)T9iSiD3`b%$7v;K1_04 zO-&@EYr_?;u%UWSx6l9mX@-f&83L-c8ojn_Ursyd>k;q|K#||4hjQ#;H@p;&$^XM=rq@g! z{ZNv)%9vaO6<+N5f?djaPf!Nl-=<#j@W5)d!NC9eh@-0#KY+9Jg%9~OW zoJ!_?HEH_{D~S9IzA^M$yaHy$0B94>wRf=nBOb1UXTzE3&~!3ht+#H;g08x#ih>PZ zC+AgUG0?j9*CbQ)s^6j|Vvqi{L=VCSYKIm)76f^MSuA+XVJfmL_NG8R=zDj)kK6L8VQ71 zx`#f~@fWQ3nN^^qu>?$Cy(Ln(HB%CNX~;4eeS6Y}r^;O%=kILw;e!dKRlRiFd~Mg$ zUT&a9&K%c%)Qr<}q!bPgMNB>n#Ew|3D2&UFrkbSifbvQ4`~UV_Y1Evnrdq7ZW-|Us z@?*0oZbQ{SmjwpLcqAl>X?(0x+t}Q22lZ)?7JzPZ(JjyClj=Lg(f7v(}axHTQ3eAufgJ3U3Q-&-xd@r>O;+_czdff~^zNbZcSyCyL^(7F#KKEUE zKtla8JJI>OZgS6PfTd6|*8$7N8P=iX2~&0XC-UnefPqs^Lj^6!)-CfzBtxNUp*Gys zxwYN^0+IKc>Ni2!?H8D~${fX*1YAkJYpW;xknY1j#Q|Lm`GBnNVqH*?!4u(^wXdLn za;mEIOayjyg6I+}-3J%|!)1>uH#*iNk*@;pTvXb=o6<0>wgY%v~>p`_JuF=DIH(SuNyoMm2%8-jRI4UJ=i5 z0lT7%jLbgIk(>OWZ<0T{lzn@lWX;=9M!+J7#{kp!tB=2Ri}6>t@-1XqA3$mXzZZdb zVFK!^{|G$|L04GMpex}@qjSz84>uPlEk=pEqh0Lgy3!+qLsCR#R))wwZ62C~#@Ss*zc;9V+0Xa4 zsSyZeDN3k)L+?5DIID7!=q@P*yl1bow7wo1e>C2;6kA-ir0krx7wgnoj76mBre#~)vszjC927iqb3j98n$ z@{uM5f{{V>IIju|WjJKuHe0y3Cy(Es-*nlA^nX-yOY}jNELQ<=H%5A^>(eo7PI(-{ zA{{Yj9un{Oe!xZ3D*?}MwENE{F%rwvdU{FPsoK!KFek58{BRHbo3U&KW@H z{|ld@#_hJ+eG89?U>g8_?<6(-vEV^|5_fidg%{7Fx#M#M!s zrDmhF-yQ9C!geSqUV10pt{$gZ*aun?p{{0W%U~=M4H_w1*3~y!iMt($hRd$)j`#fA zcs8!lr7FPS?pI&*%B)JMaY4=X^O5QKoBZ;LA~_+<1t$3)9^~8I?$Un*AD%Jv?CzcF zmLAXWajXJv%I5!N0Wf;Jn`hsRMW|`uyQ}%=MU+=oReIkJm~Ur6Z7=JZ#L}jwUKqa4`r4dgeY9g^6kbG%E1(2lj zc#jn4r@|uA0%HWPO$GD7yDBc5lylYOycB_h?H%um!6hx*zsxi^BVKU00s6!3$x2G1 zk`(L${xle~x>j{l*<=s|)?@6CX+s+TH>*NbZQ`QOPZG|A63(X*PHEmP7aMX}K+i9t z7-d*s5`_$->Ki#mOme408n2H6~7hIsjVzC^;a9DQHnosVfzYRoB4!AxC z?M6JU?m%hK$eS6%i0h_^K-`C*<$_q!7_E;ZgeQ~~qar}6cOGA(bb^2OJ$50DHe-D# z>h5gy2&HSrw|46l4?bMD|LwGGzO?Z&2b-=b-eudtE)#V`rBV~lYJ1f_qXPe(pDfXW zoeQVz!1K+;M>9qei_ANBr|y7n7;DT8sGs%+7IvOV`X?^V*F`-FjOx^9Bg}Oh#mi>% zkRvWjaI%IeJ{we<7htC?pzXnL+UYnzp+Cpg*kxtC5wf|2zyCs|^-|x3>pTq86dI;@ zx<^3yP`>1CDjTSJ44Z@Ns<|pboo_AqcbLC+`PP&}kd@h{bIQ?U1caXZuX><5A)@k( zU9-_;!BxgD;>c5c5GFG<7JyL3`U*1o?gyRkbP;|2`PUUhrtqwq@eJ6(fvJ?{f(?tK z^%Vj<$b}rjn^&)>M;MTQvnkzketO&(zh6*vQ@mehdo)`z@>hKwi$T{imDK?JUMAtM z^TQWMWbz#6EPtnwP(u72=w^x%ObnWQWNl)?b-{SKpG`g!RsV`jywE z@e!VE?r_nT@Y!fvMMb{n!HAhPKpN-?I?dr7e?`^ZIRbM_!D_x-%I$Sy&$2ARqQ}ax zknO@hRVR11HCFjw(9<}j@tgT#yuVuafaACrN!nEKuQ3*uY|GA93jcC$-wM03?@)C6 zALhZ{CB{o^xLC;-+Cu^bITRltA&w~oiB-L@!u}%sEaNyc`Fq@&=JKD7{cAVij|zrU zjulH0(i>-X03;8m(Z#b{N0GfM;Fc88KYxjC*pIY||4cZrL6Dl4r}O$%U^<<1BHf^z zS9?mE%0!RzL}>n~4y}b1ge9qvN`Ga?pVQPOKH;v3Z^^y8*v`PB2muO+YCbNjw>)_o zcm0gkmKU!Zi5ZEiqXD-Kl;*nGwICPo%W*3FYX60k9Z-auPrpY8)q`7r>aMc1yU79# z+&VmQ^24isM)^48MW~qA@CZxVhPgUwnj#Z<>!6V8J!S9ccP*Vc zCufx}R9$`NnC>M4zjRSY#9nGcbm_%sGdPWsdu~3-P7`HtB|8!)I1B8Pr?e*~2vr@= zm!AS+C~NYtmKp)}^#*f8#p;n2&uhap2=1#Af|c9wt#%MII=p(%M#9EG+&-rOp$n|Y zd260!^F!xjaWJir2G40#k50GTrToAr!ZIGDeb2g3Il+2S{;37u3*djitL|+UxL}^D z*Q*6QhRLFLmXV~t(LSgL^*X@sUHHyYqs93EN~;VWnE%NjXRjv)6P>K90yzP1ncm2mn(H!Of0T~ZFjH_qNR-=#T(vYV-r8aaPnKDZzzXXRBm91>8p{gctR z{wnyPi4`N~lqI^_XZ)r2C5B}MsR+&4=7s^a3BH~J$HmY$(sLgew7MRtd+-hCY*r=h zMAN=KyZAfn-nd+~;#NCGdtE!sjAG zS)XvFbtX8HdT`wO3J352|9bCivW=!%Z>&`Lb5Pux-Lu~c>|Nhj-0a)j$A?D=l3epd zHgz51O+)@{raF+)LRClY25dqKGe>?r^{J@JUH19Dbbn_1bW15zJ*VwmK1^QBKzX~$ zRcGN8`6LRNL zH!1_mNKXw~4Hp-M;?@MGwS_&vA6u2`Ro4ec+a~7n1El3lmJT_O3W4eVUM9sl5n@TA z#s5a^{LsHyVrl#qoDloUX3uL40_WNI5$L-ScxPuOdb<+u_n!#;E&K0VhTg{c?cOMZ z_aXa&%V76RxYYMBR-$ucaHtl4TH0&)T^w$=tt)XbqU+~?W+U=|$MbiU7J6+a;a9+x zl>5f4eH0Q#neN%Di*ZMn>MOQg)JWB6b9dZ91F+T+a`I>VTOK9A9b^7w&My z)>V6GcdxSnFZf9<-Ld6HuLj-;93psEUYF}NEw2KnjnBY{6Bp_!|IT*SPl;CBlF$y{ zY8$|J>oHtGLx7d>nsX37HwpOP>Zp0WDVtSd-43`du;RYfr}i{U(Or)L0s3g$yCZlq zAo!&u$bA*R{(0t)MO#s$kV!z@1)g^c&qqPL3yI5c{({5ffV;@Js^D^i5yq$$@jGL0z@8E zrVH;=U=wn2v5V9oR7_ajgkmW(txN6^3%wbIrNPTHfTT^_qq48Yt zO%^BX_YBJ}PPew06xiMGq}Ev8{f_$pNTf#;T)d@J7<1>Ke65<6y_pwuIukANCm8WBxQFp)^KHT5 z>}s~_2B2Rzl>XvzXo#2X=su*4j%ua_e1whjV*))X>fr(kxH-42bXu3?RzLvHf!ulZ zBNii3h4coRd<=B@65QEpgtbu|z=SATA%(A}L6k39e9X`|1Eohjh?i}g#U&|k*1x})7XLN-BaPryErH9X|&8V3p z5F?)Cynt83?v(oQ474Y?GDM*zczj)6lq#~Xx}BwA|4j!}#YT^*){}BnWf`j{`dTL=) zo6`*mZ|YhqOTk9b+9zySU-LJ37lM+`{~>yh5)$?r&wr1f|9QXGn6--r{kZqEeT#^w znWT-)xw`ENC~(o?4;&JT1zw&Q=@=l~De8S-9rOe_20=er{v((X6Qfm4E2k?X)g@-4 z3`I{{sMuqTtVhnRKK!d?NrTEPdY|n4Bz{tzbC2F^@?zod#jl#$u+zze zqodIyInzN{j(bl1`skjnmzfYdal9usECB&pCBl_=Ysmb&;#pS)IotsP4pK$;~@8zxnKnC`?tLp`M3t6`nU&oo%VGZo`0Fem~gu{Fp zAZSBOSWb`QoXAZB3ma&4%62AkbY%v2sr@cx48q1KUyaQKpS!AAj^{0NNLfcg#~4PwD_=j&&|)nNjGvFX{tqpE!UPsMioObS%t z>0qn!WvVh=?AK0P2_2T>EKu4kAtVRp^T|~NFo-}sE^p-ljS2LpAy_I35R=yeevOQL z&^+C+J)d1TF>SR&=R}uh?F9IWC0nL|6l)Vip^wzBN5wQ4i}KJ7j3qu{LOEFW*ZE2W zem1(k=0YL8sC+)2k%qLeq8Eh{?nqxo03PZn4GxKLq-{3c7xG(i_+&xz{M&B`Yh6@@ zSb}RR-c_!x$gzpcbF6@xYFCqg-en&mge_cX({^sCl_RL?F?LM!oO)=yP=_o%20*SN ze0y;7oloD=DNOdPwNmBNxRh&DwiF(nM0&tpbJD|uQcWuEGlvE%hIfTe@WP%U8BGl6 z4uYt?M`K;6E_+OjlHWxhaJ$SbkvPpd5)$82SCQE$C|DW7<2T*9M+quzp!~a}M-)nE zn4+j<+Smd07~Q-EcK7~~5!=r`D6mpU=<;T%(fdZX4#H>3)A>MmGyJh&KpCm~YfZZhmXSggk>Zz1kr|0p)4uQcu~s(B~2 zcmaP-s>?{RrkxWTJD~xzN_<+~z=3RjtxCGCfG;m92~B&guu3THw(bq5(^fE_YEj5! z>#gRxB?wWfJJIp(fcxR&IVS8Xt-2mxkqmbaTou<|uY9BavKF!Bi@jgF>VHy>yt{J{0$7Y4p8?yoL^_`rbkQ$M&s|imXc-6m<@Ii4=<6u&96^ z$^4k-rK06!9!u#;Jj~1L$IUiJh>GX> z7I9xVlz#kvK>8R}mREM4p5ISfXy9+Bg1hLl<-=)`HUG+jgvpY{T1{X*J|R{g-9*}5 zkt3Cney*BG4d6({o69~C_EVHrIpXnJeliN%fmOY=sR^yTJV1__OwpOlch5F>JL?b$%02saLgU_>dyb^}GZby1A)@)dRTIuvm*K(10ku+CV z<*fIx8keWS5?(kQRrunN4S0S;M)++nDV%+@MU1b7wLdfPGbQ({vogRZ9Jjr6{zmp_ z!B@Z0cDZ&0=rR8U^gSL%&?YEOX_e#n)BR%v;CFuSp_M3XOCs$7{nqE2*J)q0M#19$ zMX<8NxdtRHQ!0R3b3*zLqg~>ms>4C;Ij3?X5FHz({dbI_!(~PFv|FJ^r>0<`J%w*k z?>ix8+wti#Bg#SYGJV4S?_f-o!)36T_8o|wxLhLte@2GcSITJ_8v0NxUhwsR698|X zQ?hX19MHYGVlQt7LusYg0)rP>RtayvnN+7CEg$*`fc+%!exaKEWlHr@rL8Mqaj7L3 zVd=S4cUg{!vuDH{XRLN|(S9tFCARj7TM4Rdp+|P0Dg=%uq(Dsc{F85_Ambqsf35Ez zY|`H)&x@C!ad}02jLmi9bO90^i@t@r`6rJj%a^RO=O@RkGk~2*sG_p%Wudz>Wh(1A z!6@g-WKHcCNBdoExI70&SZn=t$$m0;Kn-&lDq_j#n`M2St-?U!j_hddWu{4Wn=@)z z+(Pj@-1G+(XMLFHjs&&*{d?`~RT}zj4gJH;w;kI~_sCU0Kd)af##=CIMP_P4Uf|QT zV~avO9}IUnXZ}H&?Ilnhm)W^zHUE_lUAKKmEn!9x*QtZY2YtzakJ7>TJJ*SSz-%%8 zC{NA_2dhb^kmc3v0td>vw$j);XE+l5rDr!Ov`IJkvb;X}gPF>k>>$h1qG74?5=l>f zUp6m#4?l7p>-!Z8U+IAX=X~6i>}0Eo_j+&`>y5>a%;FWae6lBX)usH0X_F9$DNsr; zGQo*A>-xY$ee9R$2fjZ28_bTXE9 zJ|;PApTcZ@0_vcbi2Hy4%tdRuPVIVzDM5p?Jh!6sUu9mQk3$S;`R*D?_{Q9)jAUW; zl%Y8TY^z?0bcvuvZbu6ExqtOv&n64U=mtwu25>n{$4S;NSr49kP`SE)=;fzKfy{D{*Z@qys-8wksFN0yNQo+Yf)$ zOC}vH*w=kNTI-0sa3SfL+bg5(@3`6#7#GAcqclfo*feWIBJ8KS3tZ8(A?CZQb}+jr zAbnIZ&-mI!iClJ+q(8pnnu*o*AJ9BBT)86x3U`4Z@3cFKs6Fjua8MNcJ82$of7-cxB@ZA)ASkk>tQ#_ z%@JZp=lZYb_wAK9R@DaRAc$YZHGRi&5RadvJWNxRT+GVL5NUwmw%Hy19Y^F+EC!c9PdZXaI4d+moY}zy>Wwvu4 zrw!o*l{qN2v~8C>HxP9F9L@uWe8~@}h!c~fd~2&jTGWaf!qI>aCN04`!K2qWekx=* zI!*=n1r(vaS@%1mxx@Y~*{1*x$o5wW{X@=I0JNDf|7)8FUgnmEeWJSxH2sUTi=mYf zhQx;_AQBM8Ydc%V>}#VHa z)V4V)ibs;OS~7XVO(!9^QouXuYYnfqsX!bK!D6Q>m!bdB?stoM`1Zl^p?-bxO@ z2KTQss~8Cz*$0x}Kwt*95`6%VukdTY_qC*CK@9WDIo>o_oRoB&xxjuIad}W`c?p)oah2v5sjY595s`+)Bjc zw|z%C<{tsdJs2^3ROdNUH_a>BDF!J(KvzL%dG(b|#}BRFn0n$lKCp(&^i9fLJFgRlFLx32l0K zQbl2Vt*AKlefN=ogiYhuuKtlTdabTu5IX`zOEt9hp10Oc(jJ0diEv;KPB0S{6@Pvj zh7`)$Rba(nJH8)%A@B$u{R$1P#R_IO;nqXn5O#vcQ-#gH17XidIR(sX{MVZW#^QA5 zs|5o$rsX@L3V(?BA=;J&ITEAF#rYv7robpvk%+vF#Ei668qU#J2U}Q_uLF2~{w3>R zCQE}L3jM(i-~ql%cqX!4{ud9X(^0vM)$&tMdlw@XtCLEO-nQ2nDXGq7F9!8}u_7-~ zv3b{?6x|T*)t9I-GFTZKF_{3g)~_kjBmr3+^Hsr#ABK63L`PN+HV1lj5u${?3UA(@ zag-NRVy!LcH+}Q>P1eGTk~AO(T@LHUhvdxyanSL69t}hJ4G7j}M$hIUF*~=#zRRBY z^9X+t(P9965_kLBCJjwAOEqxsa);orObe}~UjmKPxXAkTRM!+4RnCpBK=m9JT3s~N z)GLn-V(@`Qe%|T9La7|n3QsP-!3H{V4um^4*0#r-TkBsq{?7^nmiSU|=W=DZ-<0R+ z$sPsTyw^ZQ`TYCyY@C`kGJi~@fz6{UXOAUu9(^mF7cA@dVCGY;>dybdXGx^ajoRZb zqS~v*e46SP1jV1NTy3P9KX^aYXoeX1hGX!kAM9G&JK0}ZkB#38=8&*#FKWoo`#J0m z0!vzA__fE$>aW8uL%^09PK#I-VVFChbHpMUt&V#o@r{8Xum_vqzZvUro{B06zi{~G zy(6T|5vfWoQmM{my7jfR-o^n5KkkO@IM4q4qPWJ#1M-qF>A3Bh=W;VwP9Gkmky#NuZI|yy%QPF9fl|v@ zo-DiHNEvQ|-lM3teVd>_9F^tU>W`(@i!JQXJO%cqBO%=~qnf9*!MQQl^R{E6PyRa{ zxab_Dt>QQx1EbfjPe_;D^nDk!u`eVa)6w1X$Ehst6$;Jc#l(8})%b-z{r9hKnaF-H zU17FzP3zT57GT&Pk$?L>HG(}YIxiqPHq@YHCQY$)JBXPJ;vxgn$8<- z<|tEjnyP1R3=sPIQqE0@9W0Aeu*s^fAnZO06t(h1G6NTl2VPQW(kMcl3rwTiKbfo;Td@m=F)nbCgn!7|C}^Oy2%IC z8%w;9y-nMqy!E2v(m*9M0D-8Iomaz9!ktM0ap4Kws-Mkei)s>eg(W`l{v2j0395rI zMz_%>*YrQ1y0mu{HsvG(^?p`aQ7_Z9ElCLgS|x^5=gzd!9K@4Y>c)r)e2CW6-lb~D z`v}wS*V|o3RBPXES)?@UJbXND?e~5b@5k(Q5f0v=uGgUXE7v=nq^;CMD$71U*qUji zbT-U-vsba7u7^6Wx&PRy`l7N5RtF4+Y#tFWMGo1~bYP?kKcHW&aQ|RDt5Jx`j_M%& z*&kdYIa1>MUg^(~G66t$XPaDlEO1lzt~Jh+Z1;VtH9WveLggn^@T)cWUUC*H4VV{B zo8M{UNV13Jop7ok9jq)P0qq4t6ChP2L9vROXpN;a7I$ zpnJ+l&S4t$JKBt!=d3PNGz>gU4&f=!eBVj;8k?ehCBSs8W_kE6!gTE>GN0u+;>Ljb zq@vE)fw&VRWAVr>NQuj5`;{t+k~;N{_}Bx5vxLt16~j!CG0tNbDmc5q<^o9c`{sIy z;8?>)6WfA7m5-0V3CR@rv#VA*XG~{CAiP>*K8P`as%^dW+Y{IYG_pL{kz-cZuBA%C zQ@aw*V(7Knfg(EF0wG8tJi@(hp#OVkSCmBa9*cqLG2@U%DKbW)Zid!-URdaxDxsIW zN5wzsx_U+*std0#z{-a(Vxt&goE$pk|B0jufS@}uGh0h3Est3owxQSA`JjaDMy@iv zjxfp@=!OPP;X~CL&C)mdp9ts=IgJX!F&m{h1UMrR@|<}40XH^pAv0oD`#>8@SgO8u z;lf}CEYW8##6W&eo z`Ja3Go4Iz`k1h1C7{>=3Zx6t+d5aI$eR^ElJhiiR(0B@|FgOk1Rf8*M47A;h1ZP7j zq*#LbbGfqL6R`64^e>vCI*MTl%^43hIQ^xcbX(gLU?9k?PMrUJ3v)LfIUng`r%MqA zzqqNNcnlTYM0xtZ$Zhh)d{zeVp2Mh<$4+4I>Mhwl>ZBp)*>5$QfWk}Vol(1iA&3}a zbXP*8vJ{OL>c|Rsnb$!-L@M0VI2&Me8Ypn5%zEM>tRV@+p4L<#%9E|HYIj#5ZsWG0 zZuwjO)q+$vrnA+9-da7Eg*k#%oJG+Fq48;i4Ljo(v`@*l5NRab8S6x%jEvlHk3Zfc zufv>Y_f{Y8qI#np%SEkNe;kbG+an9;-6*Gzi(SM0m<>Qbh@!~1fsXYR_a$B^m`6rh zksT1@-(~WkTE7JAYc8#B^f>+9SN24;@%d9yhvY6O9XZeV^F9Awf)u2@MH@8J7*4@@B_nL9GQ0BY z#6B*N%utHMcFhJ;xV~0d_r=Sc5RB^GGa^7>j{i$GKSU;9%)~OXa5Q{!ULd>t8_y23 zlkIhnbwjQYRdyzzaC!Am;$m@XbvR|VQuFkXAKd67P55<@C|b#u2#rP9zB_J}fW#jZ zO@)8DNYWZ05#Hnuw2uJF>0%3?b(IFLZvJ*#h3XlgMXx-;al1p39G2e_600j8iV&f@ z#(yZ!q3wg28v7N=N4L!1k!&zvn7%eM@U5_2i-XbajEJrEH>U3%U*fn_x&J3BI-Vdq zI`NI@6Qi(Ocl~zrB9ENxT#~(Z%^8705jsMYmMz9hF=sVfQ#YXE$T4D_(MruffXIk(_ z8=(7sbN~dWgkVqL>@j<Lm}Vd9$uX;l*4Or###T(m~!?Z^5!H_0o8@fz7W++?7{v2-bpc|pCZ5@vYt_VX2ROheF*p{ibtlb6 zm+il_20F`3S6+eVjn?#`f+b9;B0_>+#~f_k4I4lQ!Z-V87!e4TqUXa=7Ue+WhCJ9M zEyjm@Oe`Q5<6A9d7DxbL`6l5$pH^}8>QLUUt6!_4`W@!0>^IUKo{pW-f|{+Sj^NPo zu9&<0;7cNr{UVMJ2&w&u-hX#(U!Kx01;XUMhdOG5wUb9Xz2FXoe4GiBUn}-*a+~D{ zOMdBEovm9Ouzt3DEN`<;OM<>3$T!rln2WAXoIl(X(`ug`IY#*u=5=6V+6y}Ms|#xu z$R+d;mbs7ytNPum-AYR==x!!PKuh_E*raT`W-6GOPI)6^#8WJ_)#kg%H~rFGPps?Q z!9PPS=%(+3;)S9(I<0CBMHc#z@BI&e1`UAS6r&E>R$q7BJy3OSBQ$)tze1d zQ%b-s z2hk0@xO&hK9p;4o-Pwx%0hud!*PVD{psnT#H@rQN73?c!%*bu{wZB~~d=hQ9T2ouO zjL(zXIG+Psc|57dxi@)=G246)eSI%v{Oh|apfb^x!Q;mTB+h67MYU>M97u`9GPn)o3(Xkp%Y{2EX`UaRo$a)_F3gvhEsi-o`%Njb zBK}H5Ev>Wn9-l59{TbIhK{K`??uv!Bk@)VD<{K!jfuH*lR(lkDz#L0rl)2rX`qTIn3K zJ^z0+op(5!|NHh6l-LPsv_`}zYL6ND<0Gy^UwmkOIREj+GKr*zP8{d7 z_kQ#G?D8!3Y&zzml=r+3&y^Mn1jYhJ%|`JO$$_{A??bniHY5qNaCM9l1=DcoNnIJl zpOZr=I<~n$;i4cVAfut7<yb6}iWF92HCs_`J^3Y+bBVawmO- zi+XOLAE9~T31)~c!2NOQWNk5H%w2?sxZYPq6V!x)IfG>Chw}dv0(m%gEY~+YFILZG zG`12k{2wLR1vS+*1$WfB!ou4#ZB?@7f!&P!BR%n0dZM~)9PEo5;2yTm4TX*D>&y_! zJ%s)L`c&ehEiFyS@n6dNI>yuYauxXmpR1K5m;BVs$}mNZjs#G$tjohhdWcMpxA*x$ zrCrG0P_b?hcW9ly{WLRGV}lC{N)G|F(y<4SphNH@VMxepRJ~Pv0B+@p$^rw(KvFy;9eQ`z2wvtiO^d=Q z?8everehjSSS@Jru}_J%g%4|x+Tt2RX*kz(>YF98@}pm1`6)G+{s~jj?}YCvfPi@e zq}gy#af8Q@cS=>d!3v>N$CJs5=Vo6IHz+ntwp(+L4CSY`y5ed`hWd#UBG#YFvZ3i$ zgH)hD%{n5t{R0%6WQy^>a;U%`Ux)#Kv1zdNcA^}i)Fv$jTTsE9WGHUz45>Qslz_N+ z=@lo4o_-5YAdJlPYAuS3UH*bvyMXlWmSx}jz>Lz#_lUYUm_|yANb>#1jS%dbYpuQO zr3X?yiu1^hz`B5UTyPXiv{Q7L&d>2-#nG$jc-!SVk>%xilO%TY6a||00%pSJ474B_ zShyy;ZiuPx9-v>|@D>0G)&g!m-?*uVAa5?It5b1gh z(&Al&tc8>aq_+Nfsq^5xcUD!%*D6-?qk=@;nTuOLenf&HE*=E$r1!mi5?w?2uQ55E z;c8Ccj~|Rn$dfloG$Z*U0^#*Lk!jysU-DSa=5GH0cGWeiUZrwdN^~D9m_9n8J~<|> zu10QF)O57lkiAU4y^(ErkK&G7HNL2yNd2949Yjs7jsbuTdM0Zv#+AM|ypCjK$%UAe zib&R9k5gM}@^dn4u(zWW+0nk`33|bLbmT-Ns7W4>o1sNB+E~AoguG>QZ=4~7wBG7d ziqqXA9KQ^gK7oY0R5AR~`z@cdjp?FZfia-gG^xKorqhU6mcK#_PC9 z%x9s)G$D?cPeV{DG8W?VCT+8Qr7JNPJ1g#v*`8}&u(%=O0~{F#0NWl3XsKtb@v#i5 zPikhe@`CNWRoJeDduuH6NQ;nhAaBTm%9DKaN|3MjR$hB_u%eQ`8_9MscsxvEPoBD% zjKvNNLAt1Q9VW#BJq{b$QT^vC=@;hMTJNy2;>+;sPaaZeKZSEAwTHfY=3nDSR~&C> z50&yl(yqV=cDuI5ODt_g^C?D8LO`zBu;W^8Sbkc>`rH&)s4ha-X$4aRWdIE}%5X9< zgK~7%#}CcTvOoE<6>Q$S;etoJ(0`-k68<_+$t3V9zHwF2K$JipZL6Mb%hsuy8Q+__ zb?TZtN3zEK*?Cgg5V<$(1MpZO-4%vGb!OdmM8v@QeDaizS>N=GdtD{l^3!?aOrMEo zTbF||qP)e?yO-q%F7on|H+)=Je1@0Wb(7X+U!i^#SejS}1&~4V4-F2qK!lrRC}bsZ z@~_%K-wv%In~l(U5~=MvY^3!@_qtcO()T;B=ynHXI^ZM10Pgfpb$RSXLd6Shm>?@x ziF=^cDVDI`aS^S|<^7K~yx|4e5_5_O;bl2#Nu z_cwZQ{l#A|>FZ$e*cOq<$%fRVvCpGp+=J%IdRPm02Il!7f@6UIfAz{9DHKy~Nis+i zH1`My`KO~#N!4|njVhP^?hDa6-$@WqhkYTDlNeUk|3yaMYLkkuS@*g^xjfDe-FR8UevDr?Na zoS&Z`CyvY4fgXjXS7=|Xx+zbwkIK3H?bX-Whg)qhG$3^}8#2Qx64_eXc*<;^cgf4q z@{(8YdM}KsM-pw}*%QCsn#?iyR+vJlBFm4LB~wN8yXHV1nPYzeHiOxXgu>@9#y z*zXux&_V;q0&wS_ZEp(_p%X?d;dNs_539oPBCQj?E0%hg<01!}FdnAkWmt8- z_@0G&YIOq^DyzWuS&V@P9vvR2z$^RZ9`?O}d69Q7mg(cH%3?cjLt~wcr63pjJzE5k!Y&BE zV+Y_M1^bM$u7sWFG#5X+0v8<>W-OTCS4i|1t(4tbyn}9Q(p16GXr+lQyY6P^9ZR!c zDOwwIC5R~lpgsU}nj^+m7@oU!-on0XDV{acRxC`bK$@D&xLK-R#D{H>KG-C4qmnJX z-8tdmd;gSZGR-L-%NK+0*I#}BdWh$J9(C6hSMq0li%f1g(5w~ezM}g4^N5I4e%gO^ zZ*&K&(xzm24bDlM{YdRi#f!%&JTvvq{N<&Wld7>ujwybq@09_J5X>{bV;814*`rU-_Wb46?&!2b|0`67XX2mqTg0@R$LtY>d zNN0W?RQAKTmat}!$S#dW_xI$i8y@7QFVLV?O)d^=Es8facKE^Q0qA2 z-E??zYggcMv(VRx&xnMQeUZ#}?MMKl_zZ8%OP?@K9VzJp`k@?z7ku4CbhbdeUs3wj zdeU~fx8C+ZGfb3@6Il_a0_3 z=70r|08lTFMmH#tMgE{Zv;Jj*$lZ z)AFnErv{Vac@7|EgOJ7cidAEBxV#fGA8C_aY>Yb*ixWndZIVH^IP%CmV+=!yl0YHg zo9?mkJT>{mG&}4eLXNxq03z8LaXDR@KxqlLFTT58?!k23S@!Bs8|S`nmwm|{8W-q? zwn7%hpUn<8P_J+NC+#l_@P|9cLH+L^eDF_(c758<^(+?#Rt1aq*sEXKJ6B~~H@f2} z;^@4Iy1VuxmWnFQP!QmrS^m}XMAj(uQ^e(8U;I>_kN3mg^6m8+vQI;GOX2uIMalLq z&P$9{NvC#uAuB%ZgVI%(j7;d48V3=KIVe_vKUUR(M#rl3E2chJzX!k3>MOv{pW}}6 zf>8E^?fC@n4#)c;PUPGgy(&FKnry_+z^an&ym&|=w`McL-iMc4s3zIAn{aG6{zT;0 ztx4M#Wq0P}-FYbT1jV|p?B`fA&kD5NdQhsLEb|e`{RS`loOi8thF=PUVRkL>+FAo! zRK*qQ6Nxxedmnw|5&2{(wu7Vr%vg+NkQtMQ zi~-l!{e9b#|1h*Ug1Urcn?I!ey83~_OM|HmD`~fXdMe}(a8=pZNvS$m4?bO+{ONlJ ztNo$18B0Qy`3~hjyaBoD((?^m5MT}HcgxEEj_tD)>>?bgKU!BT`41@n$A6SvvfJaD z!O~y0uGmERotmGU^IRbD$zY&OzTzPt_ZrI{rQhi_&>E9II$c>o2n!BrcdYx6n}}tE zD}p?7R{~TJ;lv)ZE=*>-Vy9?P<(@8tgvB;{A$~~3m zLd?QbOCNX>iQR9Io>fi0vaMQsZ!f55s1)2e$5&Dx9KSh=n(v~1D_iNg6^quhcH92X zCM-`gjnsm0gS@b$dAM=S)h#yw>axc9=$HUGl=g{)v;tsDij%O6t>pfirLi$-R?iFB zH~R|;i?=4v7C(jUoflpX8DkQ6ppb?If8j%Ph1m=6JxJuYXETm_XR9soX}vlg9&Z=g za`n&{Y##>yU!@f`G~sF|b<&t@rl9-3v|K*c!3Lja9sP%L03~liAxnZW*!10l3^s=< z?@>g(y=+S)wyctqEc|0bu`GOiSR+mH*Q3CfS`E9&>BUZgBJH8to|oHWId5i3{F9>-hzbsGit!0bU@6E&gNXK(h zWT35S=@%jCY5eR;B2b-LcOm*DOa>y;jTz)74b;7=&bGJ9p|7y&aeed@ zycMjc`*IlwDEV$FGD_F$OuDapgTeu}c4@4agg06-Eo)0DqOYXA^`Zh#Y_r4Mo6 zfsOF`=+II@%@3v;I7U9^fs6)zjP-{I3)x^jy}j0q?=t%2C8o(fo@?KL8!Nn!OP&C- zk!*`OwSP4=i0f+|0zc9mPyz?BCJ=pNgVy;`Gt)dGz#ufWl9YE!xqT(%fk5WewEF8l!?d6fDAXUIAqpQ;n}$O;^uNO?zXrzWxPP z7p+#-CaK0ODBMP7^4y#tp za+8RX5>bwEl}vnM{fm%-q;%DM(V#@>L{9mdUv;NlX`n$^zW8C^_SO9;AWrvl=xQGyX9D;5O~Cig|7seg_l7WNH?Xk|@1JD; zR};r9N69>Myu9cH?QEM=68iSiW9` z4!Pdol&=zlJ;Q!q;1q;;UE_aVlwDy0)7i*|Ns`kC+s!@~nMg&5LFhq|^Ovv0Ug@Bl zeO`m-ri`w_B(1#OAfB;hCZ&(*YzNSvFpkB65|B|_@PSJz8_6tb#<#)i5pnXz{fS4( z6GJDG8r&*lW*xqHExg%Yn|51OA+YE0Ksd71WvBw8YxGEZ=h@7SJm${r-?4%z zehOQAkg>_$5@{h()OXDkgu$i9?8Al7bTQgBtYHiBHXMOy;6&_#l*}HwAl}bCRez26 z;S{7*Za>PhOPIb@l0>)(lmBSDXuDp~qcR%2Vb^XTySb4Wa8028I(uLjpeJ+weh-(t z99H}W+0b>f>d3sfVT4!5-uoNHxk&or21H|h5Efa!<%%y*KWuACelgn*%QI&I39JUA zjSX%R@LJ`UPR5;K828@$ta`$(JxG~@YRR}Ki8QHrjny&O+gYhdKNtzbctjzGV_j^$ zUI+MhwFip_sF}JSC&}JfAM6Mh6?ght6>}p%A&}leOV-Q^JMHaFCf#EwHIGH16H(kP z**^huQ(J}7rQHY$0x80eSSXVdAOkukDmz^sg!r}19)u4!dn?`Snr=AoC6p@&1&Dud z3%24b5HqZXE@L${)eBf&B!p~)Z82=Kva+r>MqiFoM&M=Tnyu*LRpMR?WS2O+sv={z zu61^{8QH=qp0n;n&b3hem>Jg(D0F;9>3&f(0q&1#eL6jjIqq{WKpYR})vVY8NLrUW zD>0`Diwi{F>EP4xR7%`79J>-c7ui$QgOPB3TsD+Hh4;6{>lXPCgzz!U=yKj4QuFgt z^MuMA*o$96%z!dI$Iw|tYl!*t($i`Yb{ApAqrX-n{ADlgCL~CtY<5|B3-4Yg@i#5@ zQ`0r9(+wKxj!!}p+P7Qmm0bqvWQ61)8GsNEHGWRfr!Rag8p`B<-!mQ3ap8_1a{$V2 z_4k0#9{j+n>w@zOBNYn~t|8V8G|vA4kC*BpK#Uykyer|5OYEyut*6Qr*Of}PF8dbQ z60~21Tkaa-4nDXJBo>Tl3+O>9bj(6@7ZG$4B{V>3;yV3*5&4gvY)SCc4LFN0{ef&Q+J=L zqtReqbGHH<*epS0#}Y=_&7iTKTdIau5cHpl3i4{zNNB8O7N9t}@kmmVO8k4PA>f{| zm1g9lxmmnz%AiX@lB^tn6C&w$jj0C--rhXdO%K36q?0k1&k$NM+PfFk(jaXPEh=8V z&Pz3!%$<1GYIOR5?BB1^FV6=x3asYjKh3(LV1okKZqW*wQ?3(_rvXl`xAxp|sR_DL zzb{tlsl0fi*DM=LpQ~7G0JVoZ0Gq&2mA{5Za$tb$3l2ZZ>SWwfkS8X!=k|k9`hgZ+ z*i>+37Y!Uq&Nf{r<~9FY5IAqiD6bax92f_B0H5Z>YA<&pL1_ADp%QD1_;h+hHR?m3 zicVZT&&!VLmpHE~n@TdI3uC%jT`ueI7v%;N)Nwt#eC^xg5C$Ql!PYd9s8@{|Rdz3i>qB8~J)KNW3_ou3JW3_@53&P( z#S+6~P7m&fG?jK-QiR#QJ|ALZRonLY`M6Wm(Xjlehjffw^Kx|9VC7@;WrVJ6u8Kg| zU!J?BPOkL3*K^6`4ei11Z_87p|K;lf9w>jM6;x$QG2P`DXRf_zlb++E1Z$isnJAat zdZU+t8&LVn3y|fHP=Sx7J=jS2uQ~jwMBl9Kw4)IaT@^B?@QpV0dXcY7XU{5XD8_Sv zl1^z2TVUI3&qVf&yAwP9#T=+QHHKAqBwlw$X!=m0EQ{@%HvF*?IeWo_Kmul85YDP2 zIaKjAU)Az&ve0(g4|PhQqgc_~lCy6~_i(`Dy(lDFylG%7_s|=D?R>lp3?Z?A&?K;G zTGRoV6QXjH4(jEO@DE(~Krp?dp{6olE%XzjiHz32b`+25lALi+9tufcd<=Vyni--d z`n3JAG^*0GDy*@aE>J@cmeA)Q?9_iY`E}sD&t+oHGz-xc!3~S&20jY1)x>L)>+*Q4G`V?cg{*D@;t(Y9N@rZs-4HNK`xhe7R;k)iF5)Ad#Mn8Wtw;27994JLO%2NbvI|eN$8MB;? zRv)v`^;MP8S7(E)EAwWGaS*xAiTc}AT(R@;G=HD#v6Ga`IiQY16x^?$PGT|c8A55J zfGC=L+FPkl1ko6mO$Nj5n^NB}%ZJT-bGl>iIy`uU-f}!usO#seuJoF+H+E$i=)|hR zWdljIK76FT9JGRRDu!XO)e|8*NNE_gqmd6p3udGNxak4bi0@R{HOdMm7Oe@uZ@3nv zxkime4fwFpfB-*!gh!xWKuyt6XUoBX3W!gvEMBDLwi#{p>7_BYj&F?*8>&mj?>qVE z{(%rbfee0cXI=w9r^;y%7T52GuoS~}j+s*DY-N~4ESS-WW5WRhj|m3i$w9wGr%Vzp> z9#nEe|C!>JuiU?@8c+n1xO@1JAK-vMBlFB5Jp4YAR-lA!Yc$StX$KO!Ghnp4A9-<6 zS~$!E8C`jiP{^{^*icQ2f$0^40==aoq~dL??Do!L%o18m4?Z3C4SxN@v_?^Nt~0!o zrL}3s(dm5k?(Ukn)!^$y^Mdv>+JZISKh-N)YP?fS>3Iuf?unv zhM2{($toTOT6#{Hs4yoJ-TJpS`SkLJsZw1V{9AIBcQc&@4K~j)D%Yz@iS+5m>vCXG zn}6uszhNMnM+h7C!=NU6MFS`-4S>MiDn{Orh)jvWFD3W2J111XiKz{&1t-vx!!mTL zj;8Di0&#u%5a=%=_!*dS$MN||jiy||bq_)>%jO*xv6Du?+cpaiP?&K^=cZU``hAeW zJf2~2Ui=X!StqC6=7=W5f|ZY-hGWTh1leV;hfWy#R4Kh@jDbX}@mls}rVFclA1ibF z!YVkjCrrh(1f*Z7uO89`rCX%5RN9oA50-85Q_k?wAm(H&e<;8RAjbH$=%J>(sF1Iw|Wrb6#CVtSBwe#2A6D#rReWW{YygJ{K+y!KY7Zt zuixJlJ|$dnlHN%)73rlh@Nver<>tWHvnYg-2HuSPFhwO=un>SDP`uWMNJoep%2yLo zXtSSIg&Rh-+ha(RL@B`g^=#9#V4seYL+^Apo<|l>E}2sKm!=a0_hoHZV~Yh!`Vu4I#$5#%|r4ealF+B z0l=j$ot)m8qm0>_6Q0#ruG?^Ko-^u4=r>|rnQtT8KWb_?I2W4I-lujZEn)GIqPBKi zc=I3KTJu`Ib~j->S;vv>^IGcc-&}BhDScY!+ZIw^G+Ni}*H3B}cvC}^Z@?%vuY`oZ z!1(#VT`NI+`G1HmGea2czDCG6*zltIX0~cpR;a=t_s!(4-dbf zyxbrqP_&^qdD>Tcns5UVc{+JL*cIdnG!5zCamC-E4?P_8{cY5~Wc>VE8Rve*yx_lQ zRmqqittCHb9=)%4^J^hYQD=AigWz;5%2uzf1iurH9*p1HZob&v^i<7OW0ZS>qM(s0 z8>AK38DNgmbCwK(IpvueJAYr%WpuhytQt3 zxzq06SDv;714_HV&Lk!P8m(>~q^`pp)}IWFON5zZ6>7W^SUi_cQ`UJKwAdKzjj=R} zQUp=^bNn)3fQ(uUBQ+Rr^tu;FN^0X!+e|ER+Q-z0E}%^OZ{zwKZ{Vc&NLHP%xvGL5 zu0-8En7xUVV(on%AtPDuDvNR$B|UFSQ#SBEMe{8$eR9M^Q|$0ShTtRUt`chi()T*=w) z_LzOs!lstGaiB&)yG?ev>Ey88`0}o~92nKEWP&pZh%Z;(+eX4M?1%)3j1gN@zjG2( z=00IR=XsRI?#0RKt=Gx}oq#g+gN0s#bnWO(usj6h&wAW9G=0Na6jt59%Nkhq`{Wa8 zp%|k=BlclVLm^w@!NpMh&D51u$6_(pY8wyVStrXf$hTo~a@@?;Gm@Ylts&=F!8^cfXe`c`B^tX2` z{3EHfwB_-c8HFexdRk|fKB7_m=_pGXU|;*Kf9+L z$hm*&!+srM4oT{oh0|4pRt+LCAFv&1lRB8;5FGe=Lh|xn_V-q0TUE_Ou38@0Zk8vx(-l?Nptk&c&QvCb^#Ep|kQ2_clW>brb#uX%|z%b}_xE&d# z>C}FDxGry!Q&l)UBAL=ZwDv@WcjE7Pw}tX$Q_L~pv~&)GV=wj!fD3mC_fU>7ZBIun zQ4(Leo$o#swz;(;XWJsne(#a@um<|c5&VW!A}L#V=*OOZgh4YMvsKFNI6K1x2=CDQ z^55q)fNnyFQ5Kl@8%Q&KI8Vod-g)qTf^*wfz$J&?AL~$ZJc-p zhwz_iC#Ps14N17s+<~LY8EAxGKIZQd%c6SngC>2bOQ_Ko?Z&^ZVt$WdeX2T-7Cwq_kk!=X(!=(BJ>-Vpb^8(=8yAq)f)nSF4#OJDRaPcR6P`K%-aW|B zUZfhIx71wl?U*zFqqW|t!R6nS70KK!(E8lr@lLyg^wjLo9V%WgFZee}{^~hJfwlTS zU!*tIfDIFQc`cOYC#wd9XP!=ZLRavslS`ujc*(ZLYgOHxEI#q}8!rXYBCAkZs+_$OMW#(SO(6Zv9zUbBdK zo*LPWR(GaAeu_hMxrfp5GlFhgpG}+(*wY_gh^!eRJhBU@xxE-Ln8)vi7@ebuYtLgf zy$tWjLR{CV{Lf~EC~hpvG_tJHp!h>#ZdNb9cX#!6K#z;Z&oCt|r)0{QshRt8 zB}SW8LD&GQOyYqTzx?|LW!RO7UghQUSbVs;WbJ{*d+Bw4B&8@wY@q`}tZCmaq zHuoU|`^LOm-fje=>eq_je{rp}Jrr{MnhfQuo~brLKjL;!VwZZrbSHD#nFe|Gc&?2D zef%4L&%0a?eNvKj80piedj%lcs>(0VO(R%0K$j@ovsuOAnqHloH92#b!JFRloBH9; zsCUR}k9iD$6yIey5i)1Huu&JFA`YgKfT1DIOLr^sO)2|LV(S4Y*%C$-n`__?&opfR z;_lP+E{_MI?pnwzYm`W-xk(#SmmHD;z+Ul0SS)do52sV(*~a^0T(Q}2eepn>;ADRl zW8gOv4Obh{ROjNn<=DjGPZ-HP3iPnd1|o=Gup**Wor7GSx3%2RPcQcUE*f7B;=*4Z zmI_SyJiwQ(JUmcwx;5Hc*4ekmPSd!s5Y^n+IMR^I1E0^&wmK+mj|mM8FUVQVYx2t; zr}PIkm&43|?{0@)Y!J&61Ydcc4YoP)%S=;d_rvKuO0F8LP zLz^t~$NM9a5P-FJm;&WLPnpoj56u24U#xBi0fUEODh*WF{Of{x$=_YM?V=k8(v)aWBbboP^xFO!88j%{Qa<|hGT)ILt{fn)cIYsQ0LG}dF13;_||Fg zTvw+QIjsHfoYcsYDk}?cwHnut4Ij z*G%S(XJ-^?He!%%F}$Pg_AiC5A&YXtdgIY@fHhw4dFoJ=yfc&1+%`W|Aay4uS^R@$ zV@-wLO<9+u$UGbjo^ILyOje0;gE>t-61TGGkTzu`-oWYMNH!SGcAuRai7&1dQZJA> z4{xuYV>WcjFI_3^YgZC4$&LdAsTCYu1yrxBm)h>1`kD6q9;cvS$HV4sDW7g{MnP;v zH)EsbD6w`c69=;!74dn#DcYj#f^|XOpg)^>*64YuPFufcFw^vfTFAR6AK}W6+W4|d zI8~iw5^Z6q+=GSDoM8>TZKKcWvFGbG^kVcgz(2hY^z*x?ED5} zR(QFi1-=_UVFVy!IBIQ+AuRm1aA4&@fpfQ|(cwel88oASR*Crmj$5Unpkfn3Z+Jr) z*0QQttE7KF5k=&1RT*?M$^?*FeIzrqHd-CL%c*r}p&qc>g;!Q-_N%rM$yb7*MHo~DH{_ir{}KOCJ(kSM3EBKl->XO{Z!9YXAS>+pDxJ-J)`NSlG~=#Q7&e(qT7NS6oX z&D;Xn)3jdRH|~xw4K)gxjZFR`LG?>s(8iRT|J*~64)DZ?Zr|>;3kkxwcRF2Fr;qpm z3M}**D8ACHWOp)-4eMNiEGNNfilJ;?;wMP#Oyd^iHo9ekN!hFQX{#95p?v?Tdu))3 zg~=v@pSNz0xnXF26QhM4et-xS4v}1aB0hv#f&d@|npiMDVg1FtpzDWjc9v8S#ZM4P z(p-^9^b@jKcVbDA*@4whc#RM_pwZDC2h}HXdOu#u+Z#0di=-aMT%1tA7s;~l;voWp zLmRp_TUbz-H#@!;T(I7~{;I-edfWd%`%(|==|gx%5wx0fQ;LzCrhe85CSRXLFy5!bG<`AQq6(v;dtu(L7S~4p>Ux z?Q5@9!b){AB=$`u!?=Hs4iqtxn2bxmmW=20L_98?ztyymvo6tvT-wYDo;$rS$zVwr z_aod1zXq;SLU2F;NN;>tZkK}rORJ3;*QfdE5sK=#XfRdI^KR(;EHD66EW9q+G01jsEM140@;J(%rK>@ek| zW^pD!**os0gD%fX1svObnL?XyOEt)Modk$>mG={$2)<1?y)7Kw+%cDXaYm`TF%vjy z)JFu=EzS#Iw_B@KLp3!hPrq0eXg|GEuXVY>2jyo`V65a})cT}JK_8xXFZ}ym+e^Ep zsbMG;b95fUdc?Y=`9I$aVfBfP<>`;TBA0c~^PP1e-CsbJsS#_v0F|fyE-Z16SJ{%- zq%j|w7OWCmK&4{R1A;1V1tFl`-Hqq}x~;z?`%O&(oh!O91lD`wiY3o3;5WmY%)tiX z5_XU}--jv4=UEHc?1{w|n%_KG2D@ZjXX@d1ij`|N(~BAi!O7bPpUl|ja-@r6k&1s| zU}`Gy4*!I_f6`DT4*&@tP565{Wfn5N;Y9l++8UWK+Z<*mM|CVUD8gI?nc!t)kF%8( z0qHa(VIHLdmby+<%EDe3bI|?^Cceb1a$8sWyC{cne~v|wHm50OoKQ{4!IMZ6Iu^ty z*{v!ZZcb3v*N?U%S-e}v>rQ-W`9!y*9<->z7cb(j0cfz6$8-3EHO%wkT>P@H{Y%^q zQVH7deBDy*V{7=DvI5B}ow&9WXYp2QC=SD?4r-fe>nm;Yb7U;K5~Sd|hG(*8DEA7- ztXz}Oo*QyW20>U@tW-Mw~)mbOY&Tz>Q0A2>zjN;#yaemy&26s zI>1u1@t|d6qqi9S+s&HIHA`1wuVqn`%vIJBl)g)$m%HU$Zn@Rl2UQy6@C6$0r7zzQ@}a4OctTf_hL zN!d=r#0w%}|5CMD1l zbL~FE4bxqpAGxkF2+g|AsVPwZ3@0`<963x^bBC%)7M{PaZryy2FyNFaajdDtWSV38 zgw^DuYEQWshTPSbUoIVfw-vU{2R%{_W-a>oUAl|K7mslB^)f`SP1Gx>ut^O*-jrkl zQMiq?TOhdg-Fd5E`15Byg==be4COvQx+65fi=z>7(BGXYTCB88{1Ecmn-Ck-(a{d0 zNb#|_c}ZRN<<#v?sHl9tf zTbXL(m}xxUoaAF)5g9$wnw|L-VcofH#6z?G{`1g#UvYW9Bqwh8)}Wd5&&U4QQ2!gm zHdecx9Mj)}d2U5Y%7ZS~JDuBK2~wH*hd*K#{N3^0_Ht*HXx8zGi!AYb=R|(Gm6A_# zdTnZ8aD$3&F=B2unm85g!=oOiT4T)g>vSQ!2{zDjtxlh%`Y_{>HUbd~d1I^`E}8sW zuT_$4TK?;4gmXn&bS{52Eyshq2>456PLs^!ImF+li7Dbn+yXN+KQ15F!olBSI?7cC zhJ3m=;=D8i;^qu*38JLfZe&kW2CPB?4)@|iWk(PZlgLx5yq)&4>jjN}j|vMy3!YYMuX?~~n0SpBixZ1v^H`;#*FuTU{@nk_ z4la{mL%M8`Am;r-Q&k&n@`LJG_Sd@7ykBy>mU}|BS?LZJ>1h2Z2}5^&9N_s3*~Bpc zunF&41l{(O9A&slC*lweSE;PteUKbv0+w(bSsy(|_H{q@E$MIF@*(biYpb67-FoqR z@giJ}|AO*=jp?6+!iUi%oN|*32c#g5u9ob<)^j53q5w-D1qKy%x$3!9<;}W1?>wr| z)Xv$})$XBlYdHX`;X0QWKe|`naK{k&!_vEI-2Rf{f1yx0rcQU7msXd+m;c7iHt#^n z@pjXMuaDXzrY%*by5`#HBCC?Ai(gU^xv}88Ny4rfo3Sks#+sOvNLfGC2iQ$dyl4mhU#fM`b zidMV-ai)jtE*U3@{;V}FT@H#-?zr4PzRgkt@BJj1c~^@-rI(eE zTjwv{q`#B-Qgt)-?X5LF-r~#_PMs2v<$IXBv|bPKI}NQR<805EJw@Laq+bKYwzIh|Mo9e*vTt1*KM7Ei-rLUtB_j%lgeDyZ<%M*n7oOH(_CE`YLia(z z4*~5jfi}uVcD}b18nu<4&9N;GXYo$Tt|a)|p*D{@u8 zf`w(l%lR7O1{V?$VEOWKNE&SX1z^a;N(d@vP10^0M!SOtC!;|9yb5B zj6^wR+HWh$^lrp1VYV@AhSNv>Hd1e>=I1WPWwtK&VlHAjPRIxHW}_>U6XY<%grtSj z#;ud6!p&5Ve>>fjYc;?+uwlA}tC#exU@P*63eNqRozcggdKEGSmq*TwevIlay^6xj zOU@Y1==|2dH(q}i(8C)H=hDtVlJ((C8 znmO=y=91!w{V9mW-7Zf)Mf*dAl~F!GMgL$S@Q$wnf|oo{^rrQIABZ@vd>yl!1?P0$Wv2f+NFe#w zwLlRr@`I1enNZy>Bd?Sdg8ts2`zoX~o$P=5i05V=b$fAP5w%=yLT+g_0HP2^osJpP zf02^rzr|$~bN$za_MDNg30r&LrHDGt58&(@y8PrbnLB?gJXx#%8&2J z3ih@7`2JUVt-I!`i6FQ!*hyw1DBp8pa0 ze~jkUchE>YB({f!c;u1Lt!|Rl-WWxRCN0N6i$f@9h>@I*vx7bgB1wxQ{r*wNO0YZG zy<%v8v%9o#G3xk8Af~?TOFT@($%nAr2m>ZcELGzv|Jv}H3jF6tmDaZ?M>Cl=IW{=Uwof?cw}_6 zrdHoD`abq>p`u?#KvPqzP{4Gs%o;-jH3s5N9?7}VCv=>=wC2_RL3 z6imnDs$A5+D3zjSU3hxtU`kA{XJTyABUOuKiFgHv(B?6iurUe&L%}68)NCbTpkHeS z4+~Q)u73U~rt2Zyg`5aqwC#W(1Obgv58kAv5$AKyhxfd<;>{)Q2<`m`_r?$5Cu?~P7g9$g9@wzq3XrEY;u%c zL)t$C!o@Sl`350ck``698^hGcw0xpJlt+K^dwCui;~UFeI@?zpeJHYPZ?rmZsl1CD zuXZBXb^g#thoxuiF11cZd8RqE6UetSJF9N;L;=4M!F4jfUt_w*sIJ`)Oq+7|f+CR| zWQb|c_)w4HWbIZ}un-kQ)Pn?lThII0p}`I?plDLUuvh)B-Z$jv$i7ks?LJF&s}6LO zw-SmfJyV`Z4YCu1^{k(cn-5Zgv2ERKq&bRgcD%oKk;!&dIbTAkx0SNA(8F*Cy08W2 zuSS=%VtKvBh%Of&rPDOLK4(8PvWi;6-P4O z(4|zDU_S-3W|X6nlc6xAtc!zhHXM>msEm3AaS0FOo`;n^!`&CxQ@J9XT+}%=*S^}` zFm;XbfZzlmhq=-)Z4qz~n#Xg8gOs76bbU@aq$^U>3ApXAg1aeKMy8eSXn!+0r27ms z?K5cHI_`;+aH!#W7!beb-f{b^`elw*d=IB@U0jAmWlh^(LUi;ov-aP zqVK0lbL#To-!i_<$W}N$Yg>inYxOm;EHi`8tq0usS!_dmU+#|O1!XvO2Co=Qw{E_)HX< ze2|77BTkF^=CCQi;m@A*=0E6swaX;6pm+-K~vA4X=D0oOcT+Q<9tCQ1^(Hp8RMzFff?2QU zsXe$NNOo|Cz=Eh!z!!dcnUs5l1JGS_(S#>b5qeDji`r@kB;urB3IU!9#CLh!I})B- zu*@9_4@xjIlmT)*`Ta!pbAD#6s1`R7gXz1x@G5=u)_quv2z;F3I=_z)Uv}ZAP{Bs| ze`3QO0O-3X!9GeUmbdnmtED?pr*Z~pvJUip^rf16d#p=kY$%>;M1JP}{Bc>rh9!tN zPlP=vAyE3)1b%j1jYauAx~}&^i!Z<~Pf*Ty%i@m`alLjO|IYAW+WJ4-k)mj9#U@sWeK!C1K^HUH%0FG>Ou*`~O*|sqkK^Eik z*S0n`ih(c&0Iav*W@*CGQ}>VUvQn(uVRobx0F#zplU>{$@j@2Bejm8%uGRfOz%CW( zy>$L|i$s>m7irvAX)yq#62%PYE%}^Tz$~W?%zZQUr}0)5ya1u4fWze$vkXGU9tYJd zhj;5rbU3waoQ8R=b{E0v4B z2%r;&&U~*v>~U~7X%iuIP;9CyJMt#N{joGS^VeXwxcyJA9Fhwo$0VgD2UruRX$-s1 z(%wwF{yBk<)rN&3g`KHo?q-Sf6HS}`oH8aTKWmPzmQ-&3py#tzVgbn$n;R=vejP`* znhb{qtD;3`fMCF1@*{p#04ED?^4XdLX65_ND^#~7x0FM`(`sc|EpCR~Vt!epPYA7| zP_NItC7|Nkv`0*Vf{3fvzpcY|4ZL}nf97&@qJbJ8U|3-LbMEpw=TDWih`iuK+!{?JnxO+=42M^~h`OE;IrkVc1v&@}}9j*iFB=`0znBuhKzKoKD_@K(Cpkl8OG# zEcriawIOqzbgbG2o6;b7p|sE+oZ0Hn6$Vb*UNAuv`}W-&dgiRHxDr7Di%HisNyUs_ z4V9CXe!>a)oS78*y7zdSIxWtZ{_%uDm#y~Sx*zBn{eZOQXle4j-j>KHq`5M>+R_Ea zrD>l_*Ca~3dTV`;g&}<#md2QdnNpVyW=!?5st~f7mj2BT!0bqrvmc-mDq?xD#W_)$N-z?x3i-o$L zkK3?o zObGGx@nm8T{Rd_QXfAe~Vm4Gi3?6kBP{y zb@wDooR;=ieSMLoNh_Jpz;&uu)MbJIgP_F-fO88;fi5+BTrvlbba`lI_}3Q0lX|}Xi{cTv z;@u^LlSU&htG^96nE>PIbaUvm(+wN;v>Q{qETO5Q8B)Q2RVSOa@ad&x+5hVAFhxk; z5*(A(D=x8;4^$mTkQ{fe)U`~SgEhJOHAcqAG?)@nEp>6%6hFgm5e>AmqA#%eNI1Lt zBLlBpF@0vPic?dGUAwyAp zMz_lba|42XG%C$Mw{-2@TrYnJI8l$QziR(GWO`dHI5K=`h#jTH;D3$v zGg{2|$CI=ku!`9(3K&&f)ct;T(rOnuYcux*HovHdB)j(#40_|E{~g5Yd0jCtvNPr| z=d~2c`1EF=woG}xCHx!Om`fsG@P$$C&6h@WW-(;ctlB={(n{0~+fl#VS6glq>XVPU zBhO`jNqDU*adcky(N1)q!Q=HsC$P2zFRrVT=k@&@(-GY93FT#{b2@C|cPm`a>+}G- z#i3@rOQs7b$|fT{srDRAA$?^lr>LX9d+a5W$%)COMMF`=8`acD)`^!wX`>`F9Q04; z{#MFQgOkzMAF{SdB)ajLE<#Ai-i|BD8fEFbiUvUj$#*B>q*b>-k19%HE4bpG*NmnD zIWuqkg!)%N;(5G!EdKUMukhRjlowX{h=_W0z1^IhJoW0Cbg*c@d#49mrUdmZu)gZ| zP0Sg@&}e=R>;tiV9SBvj2Zmcli$|vW@JzH5@q7LINTh}FRo+M&!^#xaVA(;+pxNsU zK=Y8VjKzL7r_1ej{Wwdj<%TEdMED2nfTw)ikEC@lCId{D{2Z;}A^g(NUpq zHUz5xL3*bZ=464HIT$hPURKNgXqYn$E;hA%NZ|9i z(K_bM-o}Oz?Q&wod(aMz^yi7avk6f40MJCux%CW&LWrR5j4wzdLO@1H`%P*-V)cWudh!B zvGs@GMB_4VW2hj0iy5fb(|;`7ZP3tUrDjoy zC3mgp((8rzZ&uZBZ{$l?VQVEDrhMm4p*oxZO^vJG={`ta;xGutd|lZVMynXaFSQB2 zMlqS*xpj$?bix0UF$RSO8s|^!%XnnbAfwM@Chj%OsqH(e*7&(-wd0}}8>g1@^pC#Q z1r)JMd}4!rKpPs)MBnmtvLTzDe)-|uRrgx?$EUN6)-p`!QdHN6Q>jk^8WSgz*TD0c zs{F70p&Cw_mXU$X8qcith50I?)o0g~PGbl;(}UU%T@=ZwJ>VH9@g)1oB?*9+Xc|)8yOjjkMc$zVZP~0mJIM zW9Rq~U&bbdmbieLfe1dlne9hlotm2b;S}$o78J>0leZqIm66H!cCFX{ji$Cu#3Rs0 z1u{K=v@w+W%}JLud1g(U3iR-%y6Sg(>6-re6#s_ayZ3%U&4n8pW5Ob(V7e>Gp>V{rz&0$CF&h{2hPbyD0 zyy!HFlXX-D$8~zXG#6jL`1**pIYfVm6H6bG{|yoFcG(}AdYDStplYwKL8^9D``vA0 zunx`v8nRVQn+AQyD=h}2dl9KHLF21{cPFXyi z^*`mLzxE)5@@o(&zOo4>Z8(pWu)g9t;2LHUs+-%DvcfR15Ov2XRH-g(XU47bCMWm} z!R@hdiZBDXE{#t4pv^Uq9E0Um-a2wHmJqtnEjcE-`A3;@Q9mo{u`(d8-55M6s-(BD zW8_zsP7BQS#JB1QfZPU(0UYErb2Dh%$wFdgR}`Ci-@1=Ed>#{bXcIEW3J@MW*bb{i zC^*>w6rib*vqc}c26z|G&=`wIjkZ2I7#7SsdX-vxLG8-xBYOoqwp-xtf*Q` z*-=1QT}t)%(8<~o?F%6(G4W_6RMMdL%(1aIUTdMUFpLx?NH5GpQ__A$6}yE3a54!q z>5O9vENP8nzxp>5p4ib%h#`yoUM$8^W9EU-*}2u=`tpV;3cR+S^+~B!?k~Bv-!{Fj znCacb?sD7FxQ2uoa>DEn@bxb6D`^Nbzoq=fLfFU12dcj>a;Ir0L8{ULpQ0CcsvQ2B z!Y+bnU7bn@3)OM)k=x>VKRBMzOwic6A|6%t9rc2`jcGlMig4$eK&9~mNIV8WWpYn`r%=tjop(1-rK!g2tP9%zvsY&rC=>oXjI@=IEy(I?LTe8k6>a&H|n|8=)&M zJBs>0wlFL+=KiI z7gc)BF07!@ZJYPhWqi0Bd=JL>xl{9g9OIPHKVeOm(<=4O(_cKl5jPoA4XlyzWy%iY zmajLDw}oxJR5bt>O;C~?5Gf4^L-8+_nCw>LJl?S|*Mj@reL4Nbv}Kt_-|!$;+fa!Ua0;0(8)<<|FNy* z_}6X$`SMHh8k*qJAieh!udEqth0gx8oNMxBsab%ENK(D#_N5Pb3=jC@A%D)SylgX;Pf+r_l8%u z4JGc(FN#UW#&qsBdrpcqyKq*gkBK!U%!xD9UK;!%*!R`(691$V<3XZpkEn{_D`rMG zBN*yr*clD=-fgaVx6vu0ID1V-lKe>y57mdDkvP$9sC+Eu%LQTh4aQ@_xOrpUChs z<@-P+D%QP&krwFagg%c7wW*h7Dphpjxj*I~VN;VeYGB)~*Cds{;L@6xi81thGvYQ+ zZhEbuoI*-2aDeilB8#2331` z7HH{g$9^=$eFm3fO!Cn0k*XtkZltQar7-*F&>?=;vX{R7-c9r@JUoqEOW_pzu?=NMuusNK#!#)leeQ}9`@#4K>ON?cy_jbOnIO2s9 zaejz*hf4o)?4f;TT@_@uq%t_wA#3`luZ}G)g|Rm z@J=aS<}5~}YNcaU?s4XV1Db_C%RhNKfc^8Ks(vA=5Qy$;yk5>Tp=tx@LiJFzjB7hO zQ!#k+jq8|wRN%XAF*%JC;7)8JK`=M4v|quKm`KoVo>A_Q9ewv+ zRt_$a^FEjkx(NE!>#J*6yERG6#s2N4Qz zwf*KuPf&PP7iz9w!|7rTAK7g}Rgw-{8&e#-*4F&(O-1uF<`e+CniGKWBv@hq2)s{| zPZbsHl&Md(+xj<_2LdqXJaDs0dSGH4>^@UOzVc|<^1&iAL67^mANy?f=pHUd{=vPZ+5a>*hZQ?{?Nl)&p?&_H?1&^ zyMLAffKY`De(2qofAN6?-M?V*h-sjCb{hJpY;yd9+1ujU^=Cd=WPG8jlM#kaa0+~- zV#^y7?PE~Oyvqol;N$RIymo37?KU6$4O_pve6kT{f zB<2ky6$IT_lfEbWE9}y_`-4x->+K(j+TMOb4b*h}s!=M+|AD@NSa?`ZB*E>@vEyJh z_JCGAO2S&*&VdnVULs0jD2L(D*I#|P;DN86|JZ@Eb7 z;yl>no*vDXn@Pui_x2b27456@H#(By^;acsI57dzYU`nSl+3)HgMg*p#q`#m{Zs9( zRyyoFIqr-;E?)vZJHXE1T2Va>$eGir;}t^RS=0%wOfxuParcA{JE;+3wp&?C^!%`~ z4&JZxYr>~b4X$pa&?|{UbZPI=?!iG+-0ADnwb%dt&`#(af6GwrG;3W5^vyy%mn5h6 z(|SRT(5q7uIPFL|ZYC3%4=P+Qtj3!{Cgwouz*S|<{`flXH!iacbU-}Ry&|NdZ%Oix#5$N~Oq*LRwU}K#C&z@R? za}2DzlaE4GoPA=%9BB%1|XZrAQmx?BIo}-qUV&t56>IKEd*t7xc57|;B zd3S8U=QHx{wE<-!fWQ40w(sL=1eskj7UnuOX?J5f{WpFV%5YvxiFi|Rx6ANgr^k%h zgIbS^-6coO9jh0R+mYjjQi6lujcUf$qMqaLSu9_SHUcj015=&=9Gn2EJ0ZbD)oCcP z_O9Cvv*Bx?G$7<*X^MO`f&*p4F{nNh*F3rmm!z&}IqavTyMETsDGrhcYu#?Q&h?QS zz{CEPc4N}SXY9%NX}4O{xPiThg5<+cgIdh)UZXVQ?U^v?2Z7C)k4`g9{7aO;k|2xo zbrv@etiqQD6bj=QaP<3dRRwU7J;Hx+ziF?2OufL<-DkW&XBEX17OZ%p^~!AQY#p%u zmaEk6&X!)>#5lj04+t`pxLo?=ib#%sGsfF99_a1w9mx+8q4;Q~9L_&c7k%?R0;dM(0`05 zV9HGV7>&Ta3{SB~+`y?u5%E3Dg7u!*v;-~L6uLiI@f;JeZ_FA8`hu4RVi*r7fj%ST zgic!wxHTkUuB_CvqGcm`W`U)?P_>|?II5;fa}a0NzxAzc8Te3?(h%RQuLoWBV^>*e zE3UN@o-iKzzGhhCSdLr)(BF8?r%;8% z%+*Dsu5lc;XXb_n9kt_$ae|=ES%u=)tv=`QZZuRMu5_m69)k?CTY+-xL7tnnCBmpy zJO>~OPd<*_DSlE^PrZGALN(x&hiCYT?9>qANugW102sR7K&;{GzN)CP*jsO37{Keq zpGy=RC@YD-7obVpr{qX5@hduqLPr0`qzRDa(JY7rQ9Bc275@YL8CI`kh8YVQiX);?owk1%R}gNgB? zJ^D$^#It%0mH|40pR|S;>)Q{ZXFzB4`TKhZySv!Xg~XjBr%TMubA+Ii3dU8K@XlCDt38>!=q{HsA&klIc z!nDLnGF%hm;gUR97kj3G`33qa-+j|Ev1AX?&u`jaOYN&Tjr(eh7^dAigu&eQpR>F6X z^H3EV4gl|}xSM=4R|neFO?Sf7o-{DJg+KAdCXR$W5#5?*z19n zDG70NbDUa&buvzF`4wH<&|t##8HQeN7hm6LH4 zP#na9{xUGhE}!_5RQz=)H<7t2kO?!P9k@zG)qtS8sJ@K@38r~?(T|3E-PNNvpO3%` z$m*N?#348_v9ys5cFxzR8jHoomC`ru-5mXE?5}H+qOk!Ln8QShJ;W3j&`_Io)m?I} zV%;0rP%7Xl+3xXROh(Da-?R#)GI`F>{C*lcOB$4W(cd2x`|ir%Xv~Z|r$z=tq#E?| z(zQDKmS7h(6(>PKxfn%b#LY{bky|3@1X4&aU1E}5K;R}xSm!ncJs<~V0VA6h&z8#E z4idEuDl1E3J?ECT&pz!TZC=UDlzjO*?>A0tAXsUB`Y(lf?0%{$&*TAg-2WL{-_N=Y zBcyc6ojY7ISQ%W6XdlJh9ZAPvS4QrJ!5c*PJN~fWR&TiE7jAIc6sIW$fpTz4_krvn z99z6RP-wR_yN#~Pxd*}&?jnPKFXl{%->$hg;=xrQ+1#Mnm|M{3^Mi3BPSIn3{{E$I zZn$6lx2d_+pG45o0*f$kYG_1d;|rf-!_20%5)Eqild?dAf6g7b?gClv#%!TN_JJ$e zzcTdGe`SO>Qop6C2uwo-J|V-oaG%O8Y9XVK6bI$&n#ij=csDI$eJ(G?FLnt%D+5zg znbCRMS_JF0vXy+h@(#l0CQM9K zNe*&n!;RjIq(~;8?NK&=N0qaya3zAjRVxC8v*0R;^IvacCyo(-G2H}Ye`Fu+>(#^;!KH&Z>uPvVD`K6i-svTJ{CZl%$*pp@Qyc6 z)7z2EtLyEjIguevQw{jHSC(nRQ>AZrTgYA?x}=%6|I}{PRTgn(T4=Esk#V=h9s%Yn zP*%s_Y;t2+*|NGcq3FP5AFUcO6qJ<`3OmR?hxV2Z} z#3)PDunn4flig}?@%u-(dV}8q1aXtk$G=O`>cacAA4|PxL^hFQ_OtK9_#sfC} zN-R(e5>HM~vF9X2Ph}*$&N7&cLc4xm^lA|LD*XcN|Dd*te z8dSDj_F{kX{&eT!lp8onB(eQ0 zQs-9dNcN4(0MNInVuQG7EN-zc`MHhX66ae+3>Uog%Xo?K{MCs|*2hM&d9Q#cJ>#ddnpr6Q9aehu{bIpHDDyoAL!{uX+(!26g-Nb8+z6vT&;a2lr zevwi^QGWlU^N2B{n4GBwOGvK2c}gr@)COotYnwhk3FKl>@l^T zZ)2V}yPr>M4EP4^l6?K}_HT1Ij^EyE9|D4^ZQ(Zvw}i`5B!>pdV%YDv*qj{_E@9|R z(BMX}6#Y&lOU`xv?MI%Z5aHB(dtL>01}f}FSPoxR>52^9O0}2x6=#k~%`bJ$cLBvJ zYWNn-1SF&}&?kH)M(M`(f%&}}1)pSNme3%Z%{|IwU1;dye1$}%((ii|gNldu9e3g? z5PZ8rzu%O%>oC?0qi@pz7XZN|)x0;Z!A*O||H-K^4CFWzR@)3cv@|B=bht&kWP`55 zuFHqVEHbnruE8*1T#h*KlL;RrMq*B9UUVM@20y&I*`tNthf0&kG*mYJ=PPpU2qL1G zZj>tw`L7!8V>vj;_35)kKDK&&!ru5WEGE)>_CIwR;(5?aK-}>b_jn_n2>kYUWF{zu|`s+5AVE33KkwSdJh5tdhN-Ro@%?s;5z27WXO zyl#X_!Qt3zA!q9sD(5K`_O`q;HA7$U64Xz)<{8=6@$=Kt`-7?v7928BD4el?aq4V4 zsT>WkMc5+OsX38+KDHiijSX4e--3|e1XH9l0gxdRLzspy6ye)o(>4IBMtrBy^H$~L zzohW7T(Ni7!A%MRtmtwF3H!{3-P{ZSAmXPg*f(pf?jbHseOX4CPOu)v+DV#(#H7lb zs=woW$c|IK&bP$&pM#NO%?;l7nynT0aOjCwCv%ehnbX@eYE&fr`FgZ#$@n}#Pat;q zwjd$0#RdyW{xc4#n`$7F`6gBfQ?;F)7c!r5J}sqCD9_iO*LO&Vn{zWZ(L|<X1zuo`#2t(d=pT=e71KVdO;A$mjo4a$*R&9na}9+80zKc}2H^2!4*l8^BanB~ zio0}U_OxaF)%QK3(?mrpC{$Fz-Vz{{CIwJ??7a{qk7pztI|ija5B6cj&dvFu2j`qS zCtv+ovWa+z9xj%K>vkD%^c{?@j-2~b?tarzRH~KRfCWpVW{1($BieR*5qvqH&+-UEGf~fg5~MnhvrE zN7KWY%NYxmDu%Ix{i&vQ+vPd?HDUOWtXEgFxsh^rer2A_3?p ziUNO6u9|~4-w}Om?uKdJl5@J{8}{161zR3y>vgL z^a-$FWFWC>#yq(!yg z-dIL#86Ig9B&>i`r^-@-uNq~NXQH>h;evZMN~?*u$-@IYJp?tTRiSS!KbH(~ zWqt2cz~;TgtdjZ{RS7Wl;e`P=^`R--eJ--hs%e-^%xxMs`mVH5Zz{u$ANlie!Oeqn z)?z`owob<@9-a@g_ywc^#L_ydz%i!z_9B0t?9q9BT3*c)mWVEeV6I0Dr&&IAcNZ;X z2g^tb#HXlK^lff-xJu|px3-ziNFMm^VNkvx;+ETKtSVxanxqJ}wS9?o3K z*@~L~DyCc8dU*iTOi-|D3K6+LiMf0Ve9ihZF*Z}uK>`;hZ*_xF3|&HvGyf`<<0^9j zikd7As4!(_mDs)!TbQ5bKwh)7vf#lUQnmQ1bQ(nRVmNVgw<;4Obclfd!j-xGEeVN=8GMw? z$g{y~(o7rlSyC}m$!U~O5Yp)!SZ_W1llYU86kSZ3{9f+^5Y+4vSn5?u>D$4G?IBYO zx^l$C*HGqg+Rh*$DIo$KDyjVXnA(F4h(^P?o~{BDUIyj|2!o|r!?CXR^x3!ZNo^H| zDYvtK=l8tMXEXA1YxDZ)ga*$!Gd;^xCOzzt_W3Z%z1n}j1bcx^ntxW2c_Xv;&gF2# zUv2&s8HlVUQM+!BKv;_m?A)oZsSN_?34SxH?1uI7L6|hA^+Qs`vVh>_6gG5i(h|Pt z&fXXEQjWIN9!LAzZ5{RxeSW47>BsnTp@yS8XU5Jfq4W!6`ud~&xW#2F@Tl5`0!|z8 zIe4qAZ#U>_AH$@}Y<O^t|SIaR!gcwNd642FtC) zl*k+dql&xTY2fQJ(R9_I>_Pl`LHQDi&oJx(dA7_YCPs6V^jqr(q~lADw;c7_(a4$z z{5@ERgTLDRCb#)Y$Mo&dhvtM#)7}k&)Zu2Jt+iLu9tD0YT?JO9W~lP&p&ERaY2?g}u2y)1pxr)9~W`#MO9&|r3=bfZ-|Xfs8c zmiG>`^hC zw#I~_vcA;{ri~fJyG~zOff)anTE1V&fY*?lRf8HN+J3)%p7)A+6MjWTq4)Ck)uZpU z=Gr^Ykxrt2=jw)XO6zrHz+j$pIX#j7OaKTWXhNQo1n0&EzLPI->%$K?G+v3}yqf%W+l6@;a5+xP;>yO5BqSoe!}QXPWv}=0(VwnYvm_5o zgI`^d_UGd{eAs}m-BAZ$kJ7D`Y0|!){*x9qF0#E7z`zV zy%s5U%ew|ACyU94lby)F>(sw7UiS_sy#D>#q)=c#CiWuwZxY>prkecFvcs?K9J&SB zJk1MtX(KnxwW7*?2{w{j_T8iQLH1Nrt z6zdukSUWOUbA@rfnw8O)%-$YuzN0?n+%h2;iWTXai}p-wU0%XqzBpwnk9YJ5&VHgN zElnll+o@mohIKbxgCo)T7g4SbY?0}-Ik({H^PebYyzHqob#6v@&7ZTE;s{TNCB)J?MeFfl-;)n`J;rPBT_uL5uu0#0&#t;b$WJoxR(JQu4w5 z;ooecHmyI6E;w^sJT+R~?d2LFp|?lidy^ zB8>)z|NOZCHfA29T^9A*LYN??`lA3e)d_RmusVQnPt4hIeBm{vs8BhGii)M(lXuGp z2VDyW@TQ5qJ&HVM(j9kxD!vdBGb#>kb|04)U;Q27`2_p)S(s*Af4_F(eptomZ`gnP zc174@x&b;X$CaugECk7KqDM*g4Bx0o^^l3^J(aiB;N^?Iy2mZHCmS937CIu%!Yb;@ zQzG*!d%I8Sl27cN4B~bg)Nd7*uf%>Eg11$78EM~&w3835`H_zhdea%5lzev0a$LLT z%F-{C@g3xxGylY-kG_qx)XkZ_LqcMhQI(C;B>S8Cx`h2+Ei6Gp=5DZGMe$p1jjG>F zf28l?GIc@7Fn+2+y>loP0S1~O;Qj-*Az=azHfdsC1Z19eG^1`5#e1&%l)80HL}&bJ z5Gei6hN5`u5*}GS(^*HNlVn!0b#-)D#1?HU_%c$by4|BF6?BOxFsnMyH1(W43T-~{ z^A8Es#0UxxoSX_jABqu`OV?(y;;$vYFx?ITJm6`VlHTVMxNlIpe{X+sh_1OBZQ0t= zwvdPv*@68iemJf0`4V7&2p#L$m)whf>QiNxmcSu`a(~kr27dcDF0$O>qM*^J z#4Cx=3qn(~0Gq#qMF*)WXByK@j$u<=e(!MGiQP8~=`idt7Yd>hSGFSaVWN;ZTN8U< z20eHFnxuG1_e{=a_6)XCzgCw&?iMQ?lPc8D5r&ll9l?qsRk_Pd1(Kw1#A^1fV);fr zM4yEG?2z?fLn6tKW#pr^k;;Vcr$x}d{yuJ6sccCJEMtrig3+>N`U^ODu6PxYY4D6J z_>ij3)1=|^-s0x&#!ICLuTRjY@G7`Lzsx{_WMTKTp5l9AP;|Pia9U2OhVPjC|3pLZ zOmpC;3iIK?!5d{PYTVzPE?;-FiSfTERWs1c4%>eraiI!Qqcz>eht>?i9~P^rfCkm6 zZgb0|J*rl|8`db|d&uSFBdV^9DO3iSI|8GU!kwop&YsyWw7L3x&`pnd(JrDbeER7e zd-S!ou3m`UEn`(!2340a%y4`5(s0&ilZ!shfUsP$1Qi10)m;i*hmhY-DxMwL1g|lOduQG{`b(C)fRXDtNEq=>o|BkBv z-_;xK%fjyD2Zj=BTPmF2_ltPIqmb_7QH?$t$hrfj6kML867~?ny9_H$;H#fJ+n(-( zAQ1Dwa3O5C2*bbAwO1jcZC#DJ8GIBKhI;nJg()D0H^ESD9oAaox1DUF-Hm<8#*DifdYfw(;7UKoFpq-YB~gc z7O+oU4H(}(%fKkWvxeZ4J4?@N7Z+Zi(Z5x3@+r-#h=^lV|)F-Vr#*m)+uWUM13 zpfKDrO_)JQm(qmXfiqX|yXs{bB1py4(Ucd{a%siCmmT=j(#8^t?dq0u*o?V${Lu|m zXZPsUe186iamrEwyA=E0;Jss7c|3?8qp!cfHmWlOmX=ji|F_4CplLxt$VCEcAqyp z*fm9-vlBVpvvM70&llxgrBVl3v2UPNOttR*Qs;oiI@v(wqeEMVvR?9+CLAD`3b!ln z1$;?MxQu@wEZu+&zyv#fxOUGiSw@Q`2WwOqqBgy-l>+>DHDcfmfo)*Y(@GpGw#uv) zsTN@tlYLU=aW05d&Id)|OCHKV)Q6O?VSBYUHo5a)Pi|nbu(*@rEs33vrCx;^g;p^_ z*f(PDXD;*AYpbZdlH%AQEg!}TeM)lAsG>Z!FPF_T7ZBAl20o8hc&Php@XdDoy+o)` z>Wf+72^wcA>OJyT^5=!`2tCfv9vIA9igad;UmR^vK}<#JV`*tA&~EuBZK?lhg(eq0 znSMgmxcA!4@|EaAg&+S=hRh3Zzk+OT)m$;=_>tKfYMjLUL;TG2IsSpe?W*tm3PxxT6k;l0S1s%NV8#fu!K0)yjW-_amCtAF$N z_OWt5SA~?tr6w33c(V&F?I1YP@8@QjQ2+7XA0uXFYgb2&USE>d^F2M{RN0jn(3)@c zP0!s=SYK7H0{Hz#Fce+n=1M1kDAwJ4(DrC=+qX;{>m$-u(ui-!L8Rsv$1Sh-S^Ej z03v+ksvxvFT&T4LIxy&7|1!2Lsf(^AX95Rqp_XZ4b3XYe>Z@@=^G$fNCW!l$$g>r9l!jxW# znX}xidy-%0b3i*;)~m#?74OU}ChgNsPqk{Vl}-iWg`u)fZ@?#CIGwwTD2`B#k?HEw zJNei4LHt`{pYwEFDfyK~@XIGjVV3dH32t=uOUQjRTC^$y_pDyWL0Kt^$sfp36}VLo zj19iLPDPAm@-ZwSaTUyZuci|K?W+n;c@G(!Qqe!N@)#Mu{`XJC2+AO=HC5YOQ5-1< z1H`D#xAlO;pjJ{*yT2n>!(qHcpzdYh$Cnbr%W!GqIW<=OgRW(Dt~6Pm^31_0-FIX> z<}&hwi`p$7m~O0n?GKc7zA0a=c=f~bKkvo=X!$!e&DN?A5Pcd>d*2HqC9u8CMfr7c zwle_%>y)6NOC`nNj~{2X=THF9VnflyLRbQ1MCiWM`PJqyafW}8v3_sb<2@dmI2+9@U=bTqEj6%!& z8US<8ZZQDVBx~#IQ2|V5$amVK;f(B045No6RGE;oyg&dj$3dw^$eTAmtT?q7NSAkp zEALmiNMou9!@tiFfbaKnFxhQp3}`?J01gLCm5v~uveIHpFUY-vqMS1zLJSfkQ`R$X zGffK>BTelg^&fCCoo&JZA*jV*-RK4#H@!|9(==NeOW6sTelRWGVbAc73d4r=k*Pec zuj-%jGZcL8u+Mp3LUwj41C^{fcdSmV97c32ZRDE-2MmUr*937$53j_>6f^iJo&y9m zQh9z59fSVMH(=WkDoIdQK6=BVqVa3|NU!_;QTUV_337os)aIE~^qet;=_4m1@p62* zgPdC@2OzJwc{0cekooVMefynv3U5}^zfdOG!A1Be8y>Z)8GGL4Cr$VE_GWl_v$I## z(2}D@HegSRRXv@@OY$M6<+ue}$+u+H8U8+I`gYM;qNEux%uGA^^jAM=Sd*7 z>i=Dm!hy63?43l7?|f!Opu+UMN)GlWZK4k*&o9D0o$Tz;dpT!%ylIcDcZySYNkdBy zZzI7Z>c2VIvqi<6QlZss+8UUD2>7Gud&8q*S;+~*zQ;y=TMNz+U zBmjt88i3S7ol^+7e(T=LZ2iH1RRcT{a<*D8eV;;n5m%$ocZ*O77f5fI&ityz)`4L& z48__R%zGgsFH@O67UBVnkhj-APIkCO#wZ}R^F|>7lBqAc|1Jjb(D-yN0O%paxy*WutPAV^A$Y(kj|R_^qV;l z!%)-%^BYhRgWEl^*yTRlebJsTtR41@V74%1ROf7Ii5mZfd+}O5aW?ZJS~@BV^Zm20 zYbz_2Q6eX1>tJVraoDHx_rr@-)HKa#PydgmtBh*;ecvOLAvs#UBSwnST~Zs}DUGB8 zf}}JIB{oq?q?M2y3{<*n2*@Z$NQ~|jkQVsw_u~I<=WxzG2hNA*zMkv8q6|)pv@{M_ z2+&LbAihdnr);YH&EJK11nFC8LH(by#~Z#A_?bh(Q*vJIF=H)(qh*A_*~StB0HpJ~ z_aMd;m%O{r1$e2w-o*M)1dK#P1%@?8)qeLvOKpE4FRxJ18Yg6EV<-Xo=0Z-ZLYIVg zD_!dbmG5%( zM&p8RhU|y;1h|ssy4pVEX|?Cvb6Wjk_W*3*GQl*bwv#RA6Cc>}!;pmXZTXwIVo4RB zcy2au4lCbpNQog+jatOcHFF%>s8Hhg~yd=i-|Jzm?gx?eE8)GS_OwwLOyA)(u? zzx8H&c|`ddW@(KJd=!nKh%IEB^mT7z zfZ!xA2`3rFSL+rk`LqFJ8f|!+lPdb-_C0Tdu$VVZQQ=xBbT<=UE>IroNNy`-;pdpb z;P@`vG*J?yqQ^C9$OYP+1c2sry}ENVxs52#*h=fx7o)=!;O_p3F=SP7c80%!|Y7#HVXNb%rz!Q#p~)XbLbJF9fG(3D?TwzIij_ok=|(VwV` z43Vg7nY@Kh)NYiX)C&s$Ss+9H18?cRry4#qQ+ z21zH8<5)gP-v!jwLyBdpy=icN&i~pDT3};*8@$!d-IXQpG(%)da);oE)S?w^-FC8R zs+mV1i2+7+psv|#r{2q^Jg+@Mh)XZn&PJfPjxPq%tD&;Z7?7JP$3Ig{3Jblp9wgKkEEQ7N|kHZ^Vn(h-G9B!ZEkWN?%hK2>5oqm{t z`!qj}JQ~gEFeF9)MC4=xW>9Lrq8MxzqVBM+~ zXY__pGAB&R1=ZYcYOt7Yo-|uuJKa=CN`X*$Xce=BWpb127hf!?rEW#>x;tkKN}dNf zA(x*AH+24wXg8uZf;{LY8nXZF^|}3wjkAsCIQ`n@ZPE}`&I>^Fc-U@ZJyWj-jKyEi zb7sxF&GNm;jK3Y$eBvzGI)FJ2b#F1=9b0=Dim;_PE@m;^8mtxLi6w zrhEB&^4O;FMDHI{h;V*$be;IIB6aj^rb6}}v5_VWbh;g*0z~f}ix-wpa?rOb*$Ed* z1%1HG)}vi1^!3UaJHsNQfY#lC-?(226q`u4(f_{|K+JWQ5&rm@z{a?0%HxNnbu(tj zCH}ltuI#G8HIAs`gJZ{jXTLMoN7h}GN21=Y$89`*pZhppqaUebMZL*#B)`D74(OS92L+`Wvocs@j z++t7w`i#?(X;Lzu)~`1XE{Vq=u8}Hwj^ysHFR7rl zk!x9zozJ_f<{lK!*vHV_9@R5C_y2mP!iO|fO{`<%hI4p&>4C}^tG$5wPAJNgZp~lc z@$7qxtPzdW)SZ|KbHvS7L&x$AN&Z?>>U-Q+4Ad1<*1f@el%H26PBl$WhC!-2|BCw;|>u z<_DP$BSfMV(H^a)?-Y4lN|^2US4OscfOk3h%h63&&5UG(_<4Uqjl6Z}#G*N1$dO$W z6w+)<=olwN;aB_z`JN1X-$S_Y58{w&A;1FMv=US?{%y zS%;D)>CBZC%b2khs-X>p3CCFn$k61ZRYafQQG-T=|3dTo1KHWl|D~h7XPN9wX6x-T zJj-2K?p~$P6OGSrOlYdkAAjnIxDB>T&kH{q7&`oIodDSRjUzdD>PC8gCerTH&`@p9 zQR0r5mWWtF5+BfT-BcXR6K3Z1(KBU^I7nP{k7BG!nV~mqw!W<;%Cg}^`DXjcep8x| z%ewQhT=ApxWSsA3n-7qLKnA*}Q_C$)q5sv8A~P~eAQ4ylH!Wv0F@OI2Rpd#BEwb-H zx@)iKZ+D@DkekvFy?5$?kM_dtQ=ZDNS_gc-%hhf>SYMw@PZaI!^`6$gLtb&tVZJR) zM=w0{?J4z8NxhfUGe?XEtL5>9pT58p>dbJXbddLNmR5iwR-kmnk!fi#@M7ckrUg>! ztECp)|oQM;;aAu1Y9r1>#xubtU%LO z6g6>yEcDi1b@jk(sA#~836_GoN$Vbjd=h_h=!2pb=c3*URH&q$XbOUJi2_o~ZBLZA zOd-z}vJ`DB79!D`+^Dia?yQb@UY6r~!$DXh9lKtwOf7)KzO{y2tv^$~-P#J^Tta(q z>@2q})ZS(bGo6V(C!;=FqJOpzzW285IbMor9`|-}Kj3XOeVB(WdjsdIFmAibk5zVe zXy4{wklJd)QYDq!=;@1Q0^J!{F|^C8{bSq-`&^%FDFmGDVWg!6+}9%rG`@OC38Gj% z4HrIRYWgd)G+=4(xu|Jv!p9_;t~YUE$ z&cx+%OMe^RPT^ZIfI)|e9_D56BFy|(+CDzkaCO`cy8opvqla0|zcKzgcFl!OC)kQ9 zBXdgu&U*U@qOAkf>C&MV_&C`b-SVgvmSK&SDy^-|@!0v`%W{=WJY}dF*W7o1g&-hn zx6c9pTJW0h$fm0 z@ATk~Pg((;Llt7=4#Nrmy`@Zb1#9}qDmw^o49c#vw5u)A2lX}YWSa|Z%i5Ra{4RUt znAvjW269?q!(Q4;17N?+CZtMkWk+J7X=urOLlM{)1=Tr@JR6rnwWr)4yZ?h%MO$TpUWT zg+r(DECbwxx#F$H(P@6S=dG2V;jyj)4Sio)NQ}_;RG@CKIglm^Kx#p|*HWQ}sP`B1 z58&)%S`30D^=lH}VtnbbVj>cU9~!znxxJYx9bBu9ybNjd9nSDic8Ah&+14XENZlw0 z0;(;!@4=@j+X%nB^p3?(SxR5Qg=jkev(mvk$P!;zOiK=qqy3*+om5>P;Z_|A`r-b0 zsFew4Au@GYGZJ~Uefo-}54XjKLeAqCNIGQ`wJ=z1ItuRYOnUfx=tH#d>?^B=l2`3j zBJ2yCYhfEsG2g-iQmIptnkFZEpX!ylCEf+->o)2%hZAQ3C+q5%f*}`uF`LPQ&aU$*>6@+qhf7Y_7{Zfc7P zele4otX+E%D3D~BQM$1sNr3wQp5bI6V{G^zbGTfYPb~ zB9jCzCG|jqlq+VAyaB;V1r>VJaw+V+#Z_RMk`i;TrDvG`opFvIm? zy+T=N_Ee_hyjONL|IzL4+koEhgbJav-X{)n!3KoUDT@&Mt3<0JUgOI`n94U-9373e z868(A)$wV%Xo6!XZ8_WtRiF}fb`y=bT^G3(FC~Rz#a%pv8p(3veA)Tc{wd!M-d#M05!yX0+{LXFhGhsx2=)argYd zeLSRJz3%wA&EKJf7ig1DZX3OZ%ZI z&yc8F%Jr3GawAL2GU9QR+%xaU+w)x&t}TLrja)=fyr}jgI!)eyTYm170YPdqvO&Rh zGvRQfMo@o`H_LHxmSCW%Ca4+^l7!2jGIvO_otmFj?j?G>Zjhom^rzqkrj0xOv5}-G zDfnp7z8-!0TWwcjchLT#XJp7%<8Nsx$^(~4!klnP$Z=)!<8$*b8^S)FWhG`yl8`OS z4zCTlbNMk=>;no!5MaQ7-YNG)sha9u2?c`V9(Qnn^2as8zPXllfVXv#K*VkIdAp0c%FRI8YwO^95wV`;t zq@R=P1yv^i`FI?3b-n!yIsa;R{Q*X+ZY%jXGd=_ypH?W;kDq8wBP_2>W@KHS+&O~` zB=?8%-^+&9Xe_3h=+Gfw&g*ukWSJU3_9CX;z_}@z14JGbdS-031~ND_6ngB`^QM@1JTYs@!V$;_ce?xW1-+?@pJhKrT%sl2zmZ&K3Z0BkCnpvE{-yS~2XlL%jcDx44Kv?kq*pC24`I^oHl{#( z06#gXbp|&(@g>C8nLR4@E`GPN_!RqC>UITP;enj0ks7p01s3K+M>jnJyml7Yq~5Xc zH-H)(w$y)*wJLP~--aEJyEwwPTy@;c<`IgXuS)9CYq$}6!gopHYzCzOE*P@W|tbrILn&Xm~30W-DeLcQ|V+{mi(i2 zmY^yP1AQ9Rd`_(ZnS6Pc$f~ib(nxIG`UCX%ejhoHPX8i7I>?u@^F7Uk%S1xlBhwP^ zY3{P@rd8%KYfU>gUih6K0CwYZlDZS`3oiA2N7(@3ucPffY(}g4i|m~45tj9~$$7V{ zIKkGB-_uPzs7|q6Lq>JIRt&Aona|NN7+4zVtDF#mXGi{AF;TTGm5APM>Ii>L0=YR6 zi4-gPyT9aU*I)yeHR7 zMy4cQKmH`LfL9hAq|>?1rH8*Jp>wC86(m?XP@`8(ZRQtR@=@)=&~(vH8FcTP;%J2h zDUX7%0+O{UQ{X?EQ*Q!_NJW>q@kFXIEsWLo{{{^W?Om8)TZ2->#8PP2FnXz>nb902 zV#Q`Q@4mr-+KuCr_xS;2$q}%Go)k`g@Vg_h2z>1ge|WRcfC>-3~ZraRExg z9G!<#TRS^E7M1-b6BMM?_@Y7~F@#6M%f2$=u=Hih`Cg7pDQ@d#X^Z3Lc;S7|`RS0S zR9H|{_5NTpczvtco+FQa>SWoTV_vznnT>pGsItk!3svXtC8|$n$7LhMsS|^BdD}d= zEx$iKn_?`}lB>J?F5UXXLM*YGs0$u{@S$fvTpsLE5p|AxvLgELFV0Y%=hPVxJaG4X zv1UTt&>6>MbbUs|j#&J|{8IUT{9!`%&0hkSv3;73Ams6knUVD~14wZH`S zgO92Cgf-#Qc&Q_8Hzt1Yd*#kg7&M(gyFiz}f5aL*wkDZED}H(sq&Ot;G^m&`+FiKJ zg490$upN$K`jv^W|HSvCBey|N{C(57JVJCa{SlD|ZYS`u0mB}YK zi&V>&jGu|` zE=JT+nxZL=9*S5qaS8%X@*dpFW@80*Nh>Kmrh-an?q&r?XeR~h5mr~6j$jsRTvEdV zeBMkScz75>PIrE|C9mJJ72FTiq4TpWTMLzE2O=LlG$^mX>`H2Rj9s74_Aa(fUsJxm zeA3r*KG70?dpUB;$K`C0qBF*U8O>E0Jrtq4Q=u=$7j|Yjx$@uH?da0LXX0_!Ukpd* ziQIHwq%lUv#&NflxgBvqlGlkT%daZK26v(iz465JV(@rx^>vQ8374@N$H*-W7Po0TK9 z{A3)#mE4cbACH4i)t_#1@i=a?^O2D~|Fn9C>lY%?J7(o$`AR^)hy(be{Bh3d0=pLV|A3 zFASBmwbkCZES4lbMMq~**wBelRXm@X(=3TWy_Xy5VF^Kud0E*|To@sQm;ELzvSi7p zN(jdRm_~w&(1%F`O{>hPsG2RV-?ksxBMEqEHP!iF8cVcVaYUO3UDjP=oJnO?-DEwQ zSYFI4FeF@Q%GxUV{(6s*4qGV}BUe1T^6!J85>bBck*>{#BkKpPpw8mRZqP)6ZK5$JfiyKN{;^^f+F)X#Eu7- zj^p!WjcaGZ|FEp9#pryZK`>B??`R`D(qZY}nI@jsnwr3M6PF9pX>onOd?!I=BIPOAZ;@eClGpca zGQjF>GQ1!eHu|jfW!-c$qvP;E^(}|Z%X%K|)K6QV)Xj&mc;~_5)9t&g&ne0LRk82- zf$>kmC6q{G&%z0LqW6QiTgttB2waChUqj2}~oB!-%C*Qi}`smnhS z@1E1!6TH2>9=tMZETQXFRe6bjyisWw*PX2Cm#Mm?{eUraFxSM$h!)gDruuYY@v3)p zI>|}}9A8jh^6)TE564hg?&W#q&PCb(5@lZdALUo6z(3Em5D%EC3rup|J=huMWJA5F z$)s#N17-9!y^$fTeXfM;LGM628PKP=6hu+oReWDg#Tk{g9EejAM92e+c|0U3pH~_| z_*w3lQ5qVYT)jVM&q00V&KfV~X33i|svmn5Vl`VK^YVW!^8t#VGAv|TNQIjq0n%b( zrIz-f6jbb8p?vAt~{~<%V6agUCdEV!S-HGUKs&s#aQh zbw~>cK!ZW*3B@}rN;Z?_&$PsFEhIgJyX23Vs6?X}=;MCV49q&la-+1%=x;Oo8y?Ao z(w`{+PJbsI7{lgB8a?q{9(Kf+H=V!X5MDk#7IIZ)Ut#3rS(SFHxxda!j>I}CDfRs8 z+W+DSKxEJv0?V$RSUjWxq5c!7B`_F1Q0!%$M`rO#aZ`Lg<7yY+d8yhXrsMB$jHF@EvfJL}cw`(L>~ z9=Wzmk8K$Dlv!sT5x(y9-~K+$LIiUaPF8MZ@qOH!_|umLjT=os_YKg3;T6n zmd^|LVoV?I+vi6GImVd>&c6+T;rDg>I1MK{?XqLSHUg9m;wm5Z;oPm#t#jUvzlV;A zjd-GM1Qe;8kmX%T2Z>kibMHy$%eOZ;9$)SD?j`>^Xun>%3BDKgPu8VSCI5Rx4_QIE zsqk_0UYz*xEAK#7aS&d4xM7Nnl)+rMHt)wu>v~#gIb|^=Z^gDG)5lj*^R55>eZYM$ zNh93K2Sk*vUU(jzG$^-*ALc&zC|$`f5k zoKcvOOpDp}no+sklfmk?*XBfn0HII zak#8r)KM=#K{tQ3a;OJi86B+r=E8?U|Ht9n&5UvaRH9=gcylFLLNpdjs=N!F6PCp- zdB+?#a`mCO9khF5E%!m^$-=)=j;O=w(~YR3gl94w4jiwdu7hsZf)zizg@+NGpbZPu z(6JI@jDy>sh<{9%)?sSi5U#?qLi*Pdrd$Da`S}iu+bkBM(Pu5hjHXkfr@dAOZbVyQ zq5qOE7iozOysPL+bLr@xARic6dU`s+SVpn#GU>zc?(>%|hkIMa{R}SC^X|0bsi@83 zz{C!wRI4DeKX}XK5SiFa<%!8T$Ogjzr@6JmF@5>H*UZ8OwG$LaEHP2(PO!ysO#NT!*tPguV*hWfDo79vYJ-MYXJ zwN_Cx&HczPs}6iT;;(}sMUw~GIp}Hb_AE+oe_5ek`Gb`YGR;Y8fI>kE;2&HBH6SI7?Q=lGpZXKxVdty9 zF;scT3pF5sc;*cvnEbPwmcdh}lHq`L{OeY!78PtD={9o3@T zRPGqsK@r`f8EbmuL1UY~GN^u^qvEF|q`=y0GHm9TB=6B+D?QlXV297G6T{*p4dX(P zcTY_0k3=2z<^<6!-28Fw_m~r!)Vy*JI18M0T3ZuVrov}=(!+iw9Ei9y0KS?}Km7Zh z3M3+zt!GvNs}hBDxiePkrja`wARrOq^|lkeEjcpsj+I-8+=gpl8#^ExxN#{LD%nlPwL0iKU4S9 z)^h`V&SqF8GHhuNB}K&Y{r*m(nm(qQEaNWz{UN-V!~2o`5rK6Jd!@dt8g4J@;_ml! zl|XhzgeI{MkgV`xt_c5 znBCl3pm^sT)UwFGZVL$a{f;`-5H1meox3C_1m-p!oPF^)vsl9(5!pVL-Z-S;b^7K_ zffI(iw1bJ==FQB~vTW<5hLE|mtK+`yg7IS|3 zdwY`#h&O=+K(PY11gaz<9yfW%nzN1bT|uj1}Z> zxYL?OTzN-cUj_#$e8jdu#A*=DHUj}+66nEtWj)k7a3xti(2EhAIm%`}*IDf0nVn-0 zdz3kpde%s#pR7BK6OGG>r7NG-`ulHRxRl`O_nu9ceH@akhG*>@MNf(-T?AV-;KJ?e zCn_lvqAb48c8mCuOOgU;VoT0yNBQVhK6bJPgjh8Wva|?-TFH&~cnElVxO z^F`)K3qF(nLndPT`$U20w=63IGaWU6*V{zwR!v63LVI&mcxGv?G7qM~Z6Q1=sbA*F zRl#bBo0IdvMzKA|E2yxZ9=vY5b&?>5Z}|qu*MfFtjO2BMpH`Mr_x!28SsuArm+2tD z5c)iW4U4G)T8S4AyQkbwtlG%amz+!Up_4%?5jLz9(^!g3WJ$U(XtW$Yb%O<(HMU=S=XOE9go zR5(#~!=2Vj)$zApvXIZ|y!m!Zzjd*tu2N?`WTDRiv}4@@VnTKM@nZ8Dxewxgw(bAP zWN9X01!(A4hu@LRXi6~b#D|%DY^nC7`nbZ;6dfk#xgB#pbhZ$AeceEq%Pn}=V$_wx z?IXJNRBi`r6apBe=2ZQpjAq;@JEkm4_=}UlE^5a@x78k~ulO#)t=?PcPzUKr4^V;g zT{_Ou-KC!H9Al&;rzmB4C2k@c5A>a#ai6cMuEJmx<+)U1w9dj#u5*}0UYd_l!KLzU6>n<8p4bKad4I=R~v( ze2xODK$w4oOjOw=DTOH0Nju*zmsL@F^~iecDHi31aN)IJj}Rz&Gq_L=<12Abwq zrMs&}%IO40yI9S$2AL9R5l^qZ42MWJH?dwC1y&HU%=Wv1+Ixg54d+{GZ8PywaI}$f zZ{4=*Rnb^c?6RT-6yjGm^jdv%EGBS0^h{|7p!W|p+6eAD@Onc zUcRHAQZBS9giW4}x$CDL*^-M|@%3O$6iYgL4x_}_rn9aA=*2srK4$!~FBBO_x|wLG zv0V~I**5K(PXPdC(Q}z0uOns2!ouFEV3A#zv`*;Ydd5fI)2JjCa**1e5A?kzgF`S$ zFt;Q8FmFukhckWk0}p)MYOaT?u35wfwb{H$F|F;z=AkF(P?n!abT z;Gc1;_AMnXxoOlY2&yvUEUefbTi#21c6u2q^q)$8OPjP%(`qV6YX~tQV$;hf^y{Y? z&qjF2vS^cpuZ}?J-%~ual8Wku6|MD|7!uJeeEO9CZ;w*2ILm-wn;rke(vbV zs~#HYfb#%!!2Ll?w=5yP^;!~Bh@>SLJySfmDo(c$h1P4P?4aK0EdcrAd4@ zhZVH@)5zph*Wa&AS#b7LvgN*RfmU?wS=R93$?kgSG;Eym&(~S?<39-_N^&AQt%4$X z%Cm;fM(D1kU`5c3Hx_EWkUQBIe=$+fhsOX1@IO+kX+GSSOO``9dv<3)P*4z&)d_M-K^hO53 zB9k-Ll|U!^K?e6x4ftSlWN-(dQ0Wf4pjRzBhE+dEwE7v;; zLFCEts-f6>$Pj;f_|^eE$zxu#9`xiPe00>Y1VAVM>51=9R=xGq1fq~WF0eu?Tz+ac z=Tnnd*Gc5R<&_o)|8ah3r{j~kYuS;~5TUFeki9;^<;`Sr3fz$6nNMz1@b&qwTYMtl zpWVxc{xhg>SsNhOw)N6<`CD4r`0!<}k28nfD&nHdG$N-@WBP5Nf%mFaOnh zlRbSUsI=;>zkSA2$l!%eB{@a&8ZxH4=Mpvh%S za{Rlv>^>dcn6-?G2yeVH4QFbzY7VIYGblS?$EDG3<#nUYKM;uSIK-YPw3oB+E^SS& zC>yG!>}J_e`GfVyV0KoCiIe5`|N2mF9!oXvNevL!pFCPe=x`qr(^-niLF?l+a}xYM zl*255qBONl6C3E;OUg@^hZd6FXm_k)j@FaV9|B1XGsmu;zRNNxM!Zc>(>3ZxwI+TK zyz|<@m31C&T2I}o=UcZf{c4U|$7f#Q0M7+*-ZHf_2Bo;YlZnXI`Rv+BI(l2hmP5rp z4mHjcljg5pTn_aaP><#pd??7Hx3RnR6LcCLQhef)Pb6hBhMiSO5tcCKW228{(T-8b zoHxbOrAkPguchC~ zf2uOg3!~tCb-5%>PGYdTU%PUfNvqD7-(iz~$p5(?n$0k zn!k#JG#-y}64g&~Gr7D^g3KZ`d)4XPpJ z*3#0^Re?>L;M~Y<9B1X9Lx%XmVfkzn&VMvY1P%#z_RVcbh^^CoVN&KAR!<;(6rYmTr5@dT&(n4nlFo4+a&8+ zr+03qcCDE4I;pFc-jy$aOd~fgyzaj*EoO|3=fcck=axy$L(L9-b^$5x3|rI z46$lhIH5A}I$%$7766E*wN~xa?DU*Cip&7tGFF|0;w?z~`q%FGX!>*h%{3ivV&FQO z+&-&zI0$NK*~#g-0qpY@`;cgAjRwl`toPx*MBkk64_Q~_aIxHFlW_poJHP%jtxs9M?W&Y`i-3%ASB#G?Nj!)Ttdn>rvdDAAwHhP?J%?ZEC-D>pH+>L+ zR@t9BOuDip-+Yyby`T459!9!|lax;Ju=Ds&R@9vFqwj+-_KZM!Q;?9r0+_ngHRAR) zr(Tcf2%!PHy-8jV3W*7{8Yw-Nua>i6-3_od50EJq>1d3+T36H$kzveHlw@!#iQ9gv z(kYt;F6HIoO3nrlv%E;i?Dl@*H_Z1OFt_1^Dk*u$CFiR(z5JdwNbOx-XV;j&)81;; zZ+JB7NA0FbAUsP+&ha&v3INQ{pIvLC6*9eSVvH{9P0v9R+<5dg9(pN8=DNf1rzrDY zy%cyfcASI)wD)<|=)1zp*>#_39bfrRBe1U%^_4j-pQhIKJxcimx+KNn%_&-Qltytp zg@e{XxW)y>AcrZhoH%zaT&Inf&HMS0>eC+Uot^5$rqPLZJ?Kx^Mzh$Ar5~E^acArJ zOTvn}mw%+wQ81)&s5B((%7>4~*i=gGN_0-1dfu@=ueDJJ`;x-|nLpv>I&*NwHMSbs=Pue=_pqLvl>FUA2`{0Ijry(X6ixr|%>z>4*nQ{PpQLVpeWD?f z05vUh7x3VB?*sPXtLyRXI3*Xb?f??#;aQwU%dm>|@ENmyHAqbFg)YBv?2w3$$H|Sm z-TrA&R*ZV(PY5T{(|-k!JS$kW6pc9F4rN{EENqJA=1+~BJyEGJ>VR3An@K|lqSX_& zdDtm~ByeDD!}TYoO7DW!sUPMdXxUT+=UMM=YCTSxsWgQZZf=^kC1^8V_leZbclPVZA($TUnZD;waK4rC9`)2FxRCC>Jy$NX z&!MPCaU*q}JBb}*~7KqZFV(ol*<#zycJmT+$1%G-0|ycJa8xe`IT&E+00 zl|N$ihHNi^MYE1Q)(LGeQ<)-zK?qDHfXrwU8mL10qA&)WFU_vBek;EEK*iHD zx`q-c8}9RPP0v)IFjJnTMPX$HSWlhQo0rY;Ce5S_gOPmx6;iDJR$(Eu1I2nBp69k~ z*rf_%5D#dT1R@*(DyzEpWK`A#Ey7}{J7a*PVtLe|{k@E5e}AcA(381j2Ga@vNsp`f ziN44BF@yD}d;e@BBobFHuIi-j^yStB6w1pz)yYCmKb6sM@okuF_MV+uXv@wx>8+V1 zyoJ-vLJMu7*DJF@=*a>XFDl_#Zwo*FhWueEvJrt;v+O)InXEJ1Fq^}|LMg^M)1Nl8 zpx%cstspJAT=7B@{9bMigEW0m<4NzPG%Vqm6!88cD?3(>5@gORYtTiXz*y|SBp&sz z7qg#oUz-^RqEi)=Ony+N!xlC=;Z*yg0u?8`@AM3lOTph^882l! zA@(lJ%gf$ELRWxS4K#qIHh`n0-JMXFzyD78#6X1i#!396uZ$erjwNybx{qQeDVvDX z0iz5OqYFZwd=%g0Kz{n%o{bV3Jgbg^of$f`_v=l?Uuy=*9I$f~*L8=711m$mv97mGnE*yN)GtE0Sk&2epR0{-A^!;x zy#rP-LTr?X-~~FPEyxp_ z5O1I3SL3Hj-NAkX@bPie0j`G|i92hFl?a2x68E{iyC8i5(_y}MopPE>1u&MfJZn$z zIvQ!kpv)@VdSidO&sflIjeOdryPhr(Xq8`K)p}GYAKu*_Yb{**dG^cDn}I=0)eWS+ z09kfVtx$AX)2BXcq-uL4S3_=AivL=_pX&wtjA*#x5M=RCtAJRKyrCY{)%t>oH@n_< z5u=@5X~V5Xh#h_p^{ol4IP1f;Ru$G)N@c!)YP*GgZdeJq-t~D*H89jc06_0~X?E8) z>atY_F4p#zS|<+(t=p&0?L%_Dg5jU>wnH{j$GOKt6F#|9xK<*Qn4XBtUsnUiImH7r z+pV3q7gM)OQCADMG(7);ZciOPZ8X)(k4O}LHr)6P;V`U02kT>ZDUVR+ehb;wAp;mY-sJ)+ zfD2`|_9}`tf=Y08%^CJl&5ME?_~~T`z=i8z&=CRyqQwbW5;z&}<+?{FnZa z5IrOx(P*Ux>*g~Ng?xF_E0aW$0u%w02P9dAKnNDD6M%R^{!d`LG^b<@?SExf2GesrKLWH@x@a5eO?0l!Jh*U{ z*ca19L){sRu?4H8wPOWo1e=OoEA?F;(eMLaJW{E5e~q_UX9QJXxLNfh2rCa_K?Da%Cj)nKDwOyIKzMRYzyPufD`W z=9hw%*h>U%#;T6`wC++`5#KGFQsDUQL_7|R0E}SN+=ONFs3Wmw7jThH9Qo<+X>us#{=7>bsD9q{{b}N(o}+b4fde zrh{;iC<>8{5yhEg5}Zy@^5yret5_}S{1{376>qTaFmLH^mduuBO`^Xs(mx0M=%k*I zPjIZKO)NV&R+~8iu-;LO&-%EW1fkV&4uE^AV1ecwzrWAVSz3-UL)qDBJo7|%( z;u7=IDYSNtyhl5F9)38W`df$yEEtRnzV7pry6kIAh1?)9sTQ7sJ8`M>W07E813)Id zn7>*5I1T65KRI`GdPAQb_)aRk;}yw?*QJsG9g5QWU#?$0xy5zd21Usm+@9SY%Q!of zwbOiiURWAp{!J_+r{{dbA^d3KOu04k${Sw~;SbUz=J7z)d5O-h`epye`QFu~s9PXl zbwxJak)ZB3ZD1DJXWzh8$W%vNO>jh>8AhG|{jfnhA*a%6Y_6~F-0H>LFU6IURTeV7 zrt&Re(>3S$Fql!?)bJstuC}1vNRLt9bNu z^JK2+5vBkoPJ*%KU1RW6Av4TX`yLpWS^rQDs#9D9Ik<~?m#p47K9mNMsL7H6sbHBY zoWQ-`;*op$;|k$p76B9JQ}Myqxr+dTA-hi)Bnb#+#WX?%o1M=YCmI3;Wm_I=W7(8~ z@nu@$DQ=&J8Eg`c6)QXhw5=H@_zg8YJ=TjEd}ckM821MN6jxseU(6^Gb!;a+_ubcu zCgF3H=FH!6aoB`xE)@atIV5yo9X$|YhfK~&uk$j`sN-F~{>^Lz@u4#gx@C?!+9G%f zreTl$oJvwmbsQp(mcO*@JRziUn!K#0?h8@J&?3nhQ-OXSRMX+zQ}YQ7x%&;WREm=ycKLwlTy^Gy~^ z=-Dgy;svdVSN9`Ax(H<~(&IzPuWXE-?}IGh>o++j@}H-U>%GzQ^I*W?VQ^x-l31T- zau)a9nl}Ok6ryTI>|+rg-iw$bju+SJQkkQ_9b&+R`Ic8EQ6KK#dBgfRROFpwGO9^} zhtB{=*O{zqD@|ufC^Q(8WffIzfPx9DkW&c<+qF^>u<#iAq& zz3M78k@y$SYB9^0}_7K4;afcoXy9&k6fg5Q!A%9fYtG08OY2pwoM%|2G zC#dpu-)G4IvUy8&UrzGV`ebowCKZ&ZvhZxL#ydV}BQd5oen^f4S2C->sN206M}G)3 zbwo)4p0ZMKU7w#W?X_HOjO5t~jslpQv`mSJ)<^Lkdh>|T`-X&6IDYCp&lg{vAIqeH ze{rfHoFrYT^S+@pewq@0M8s^-&JNQIAU(|)p`30^Na9YcuMDHiOLH?SQT31iIqR#9 zvnNwBY&}6OY5{eg(UvY3Lgr1}kksW6}3e&g7@4X^4OLw@I1f9`f+*vft+2YU2D+@k` zU!UR~8x(efI68t)cTX>u&d>h@|BGL^hVZ6N>S#lCl9KrO9?H?b0ucic)<5=NNJ{xG zepLpD)6tjaw&#|(R(PVjAcC_fv`o!)srhoL-7nKjM^?rJs&{#x@wN=H#+RO8^D0OXFF{Y!+YqYI+AYw#$vd3zn(A+AS*+NsVRuCE7!$bTRMfM8&8&sr%53Ifrooipx0C;(&NaBnX zjhy1O;_r}9?DvOFWzhEtERJ_7VyAg!loL5R^e zIv4I^H=&>0h526#6#ki+5R3cIKFs7V#J+H2>I-~J%RzQm<+(l;rC2xVXeGx*$y=>7 z+3#<`b6vEXvLcC%d9Qjz0ZzhJLmti~+&?g8elrex3-p?XJqS3jD@ckq@b^K<&b5JA zRQOd@T^v9aT~%kjP(dnEJ^R?-fNt##i5Q$vNnvy^>mKBWp--2<7bi5(BsoM~*$K$O z1f##-8w>~^>2E%>Zw7IpvQTum>h^z>01m^ACoktUsA3R<_3xnqO_^8j_VExxlbS@6 zB-s;2E?Tt5Vm<~=S$A)#_tV9EIYWTNwh9fY4Alcd)XNfo0-4jmmcSSihz%tV^!>i{ zVVl#Z3@@OS!GpIfC?qR`%<%DBo}&P-s`5@wxzpE`kNf|Rrt|)1^KrX)j1r>=YP4#^RwLHOXp9ns z+N-uww5Zrytx}=(j$Jj12CdqA)TkJ()rwGi&(vN|zCS#FL4LUNy6@{c*E#2{3^R=m z9cuMbLadIr^!=7iq~l|hHX;uvWGE}n@8lD~vXO>P(r(2l7P``kPc1QV+FUum3YcL? zhrRJ-9K>TLbSU;%RL~R5M`Mm&Ty5N_JLzyvd?QstHNm$!Y3xf_lOh9^sNX(*jm^wf z`-khTD4|Z2TRjyWLxEZ)T^6$L7epbGGz7-@UG--vSV8a=~_p<>|KKOVkg3bt|-(~sj$(O#~ zQ5L_q&s{zLy5lH9Tt|ME)3X6cy?vD4{{;N!uiAuC;q5YnswnVxj?njxNUc#Pg^0(p{GPz?X7X{( z8h7NLH}a!_t|AnoNa<& zsdDynjh642_lsX8MPmV+p8s+CVB~D~X)))AO_lOo*%U3HmgbsmHeZz`q-T6|B{_?T zjYYV!V7#nDKZnd$0>whj$HlNKa|~j3sa92!})_V;H%JBEEYJ#{)sB8q=~y z_Wzl{q-q5kLroJ++br(ZUhiHxko_ zrp%Vax70fx&*sc_vDLT(Cq1eBSz(xX8YS{w4JC~FA&Ny9 zKrsYP$$}H2{#+^^KE)l@dyyMAU*o%>A981AWyOh~>$12HA`w1=f)R4rYWf^^?gJlE zunhg2=F?M^=zL{Nlt(OjPeUmiB~<)?N0(-L;;-mGKky1HBAP~drRDQ-@?vE3)t?xB zlg^8iU`baU`MVSCrp?G(F7X&%5)jFqha51>VErS+;bv9+TDaU{XwLlnf>Ob#-jwn>M9bw_=I!9@r z!8}@Yx7CdZ`i-QQ_cSqbUp_UFfJxblsQz^`7#RT)bW>f^YNPx{9vHB>?WGIIuBJSX zGteA}pTN1eDqKj#zxs_XWKlA41t`ZmHN^T__VC(f7!j*H^Deg&kX!Y|Rnr)0Zu%4? ztq0!k*Ha2Q43JlXvM&&D23CaOaS%$cv-@)S$8w`UHo{)AI~$S&u8UzF6k3bg+=A{q5%M=mEu5i)VNfowp6{djP8rrtJa%3l;^^w?`uc1FXHS{ z%Kngld4|54c`ukhtgSo#&j*+~Y`RUbM(+BzrXSs&x!)d7Z_z4soS#fpS^a4HJZ$PM zO7PzdToU|r3c;SwatXE4{$lRcCq~UVe#5iGLXI4-R2o|7zUG1&Fn2I&4mO$2s4QP+ z!x_`g^Tnx!+mpiLzXknYN2{`6fOtp-*acul|Gk6*07w>uSpfi9jTB%$X*V6!BQp>UG!a%WPFjmlQK~tgUNfhx9ePvTJIaO zDJ8vq@JjPa1(|L#9i4KX`(OG#C>)Slx`EV`?()j2<*_LIFo*Ft=^egHP^h&&3*)-{ zQt&DQiKKk9;Q5E;`Oc>&#=SKHm2#!w{?QUzfHg<+X*Zd>dmRW%`-1)_I+pRhgz(MB z&YX9B8+eJT_{NwD#K+0i)e(`1g@r;6J$~;;f&_Q62X+P5d(pd{_IT%HS+?Fe$d-v- zj=I$0?hLPf)@9X<5N|>$^$WoXeayk$#dEUQ=h)24fy-3yl14&Tr(tG8w4jJZMfs^S zhi$6bik1Z&wsmUG6_I3H_;}(Zb=^{hu$@ zxFeaX6Cc`zL1w##mFJAx|Aj_*cq`#pIJ|?{9ce{N>u4ht)6-MkbclnECfabUf0oDDe;r! z%efq})0^qmh$56fF>yUZ4^3}jFF&>_v?_33d=(9s)rn=8^z|F7$@0GX`iojSE6`EJ zN2<=vRc;Z|w$GD2Hf%=!*7Bq29U=y@$}FD$j2BZic#16^0iqV?F)ZTBTL2}ucM3g6 z$$${Hqg10IXWTRGUwDzHWpEfW7B-r+p8+lHJ7$6d_MCWJ^5Z)nP`v5v|jl1M9 zBx&(|rMKB4+v>PWN8c)fAr+PVwiRhDPJI3BNtbx%EjWp)I7?;x(*EJwm4kne?Ka@u zy%cn1kBDPv(zsw|)5nVeJ1>)3)hWfipCR6fp~>5Q^D=W<{BOf^Lh-#-voKhVpOLX- znK~?~+Ygpak71 zPXRLEvnSG0{8)~l?w&gIb>KC&h3Qy<7%60H9V$g-Y9v-$>?y6vFk;VO_j?$9JJa#z z1Eh=AX5_XXObX8@5_MOH&$vELXXjEGQ09Z1RzzJjmJ`o!E(~gw)LQE~6@2FWw-MY_r zU>oXJ`mz~AloEJLKXJ?Ru@3c!MUGn;3$IOcsXLYg^fLr5?jV^rQLE{(gcz*^bz$hg zqeCCEn1!olrR!naTbGzUz$jZXYAhG?1l=z=sAbJG)6z4?mC3ZfCo|g91ZRrone=L z>QPm>&V-VHp=smpni~I#lJT(6GwB2)R}~;|B`!YQ$f=BL-H=SutT70x_!>*!wf`mE zP-`R4HLZ`$NYcRQCubeEPg&qCl&y$g&d@s+Lnk`QxhlkKDmyKZat>)CZMY-iBt6ZAMrq?y~42JubfNsIY{jZ57ki| zBPjdN#6)1_D&(Gtv^z*6jZ9qySnT}(_3D^JQ52yx@1xY3Vk#vv zY9SK-Br)M0m(dbmCk>yX$}p@4Xy<)}h56PAJJ;Z6cf%bEU~zM7+y~P>322~QF{J`^@eIAEM7-=DO#=`i>OC4 z78r&*k!Tt3ZA%$EQ091IkrTGadPNS)X8qP{xrWM%5rAzq-a-<&0d&!tZhh%|j49jJ z!#jq3)y~fd(IUZ*5%()`gKkQ4jd2j~B*^K9iFF5F+TOmXfE17dS~4S<4SG+g-jwAH z)@}KrzFK5k{dCJnJ?w_hiBNS6cDr0IBO&9o2izLWt}e0w`jO7uer8*X5H$A0=a1RS z)O%*@dS4SGvN#VT>$RZJHsPoFQ4tmVC-(Cu8auKEh7F?Il;QpZy+D)m(nsBrgMW6& zOqH_UN}2x%7>@GxCK1pE8D!Jj$Is#P>B+3rNzM9Rkt!Ts!n7sXxoBhBHW$15(A&68 zv!~Z*1Q>ykAq~N9R8<-A+(PGdF#o$9>Jt6@61S~IJd`8z4^BxjZ(q;<)PKc^=-{_t>t+){^S1QV!;}EkY#bKtZ-44*9)r< z{|HP+At+bvVdcab(q?r!eLCHLV*4)tCyPT^8z&%+acsvX>R^zQ9mt$A->O=h{tc+= zApO|3q1Q`5r9Jlr1aDWMR9~)ib#QXy6XF{dK?d8ZY1yg7QK#5Le1H7* zqdJ>7E%P4{$+YBDNl}5(K^)YitTHC=5=Y%BSngV!KEeIxs{NK;Q#QSu-P5|!3Jv+$ z(fATBmN154D^M5(8CB*s&7RGY_Z4T24NdM2q?5P_8hAO#;D0eJyL6y7gP0uN~h^Y0Y z%uRs%=d8^fl9}duD2JgYKv~fkd`p=T7>s+ERX!YqJ0YNFWx`Hs=EFh=&{-bL?E!Wn zEGWccEzsS~oJMSq3LJ9V+dABmbKY?~e13R!(_216Kn{k4gvctPEiVr?4{L6>#5yjH zLgmu^3rDkjrJsS~YNzjMY2T@ynZHOoc=_tRzehI&$Q|EnmlIclkcJL}c65R{k}043 z+mi_sVG}5FF=jXNHyz!RBl}h+r{|P0IF`sru}JgxU6;Fja-nD#v6n`o6sfy8mV$&z z(w?i&1A=!f2=eC>G%WED1oHq$?Ay?eY;~d)i7&V6igWZrBmeatFHX}3@yJ7@HeZ5qB^|q$c1u7cQ?q)q#8A})7hUUpNwM-~pBI@3 zcHppG0r#yHKAh!sEs&Ov-VO#{Gjwpz2i9DcxqwN--A?0Ueq;ve-+Lp2U1jg-gDw6H%7w9j)U%SeEa9nA*Am%xFql2$?_mC= z*QKC$()0KmnPL+WdyCZY=`M=8mAdEp z`4?t4#GHsFoY(_<`l28>C0_=h?D~elm_OS^Psxhn1^xp7PG1QTN#@=im9*sP+ zU1Jjn51kOF`r6XW|K=6+H3~&cQk2R_8g>%}mHAE4kSOw`go&8piKZe8IP`KPYw&RM zYQ=8ouXN*NvEw{!{|8imwmXSJ|9AyJtJ)qA${C&v?}|BAq%%OlSc2;Y297s}G95cw z9}_8W{}7ICU1`o9L-RxSb^li0%-J}^ziyRsV!?J;#p1UR6XcfUZ}iLPwAJG1&>?q z*Jn<*qPW+XH?)7XN;n4`wa#8|5(51qxBmt>3P#rn(?az5%FfkIWntkW58>`I&pTlFgQ(1@J&XbK{gzq1|AR;5; zCY}83TAr>M(MnFce01oZAXbw8z(n}Fk}7BrnYA6%Y=hctsg7sShA=YPv%B(*CrN_I zHgO8&3s(Oo!A?vN!zzxk8SBgWj3~90!_A|MsrSo^9%h-0Z8_&H2=;?BpU@C_jwEs( zB?9YxSInm4wT@C~P!lx2^J?kX_{S~Y_U3`IRpasE=HW9!h_A|hzAf|(PvY%A+Z$(W z!!phXYTEVbUNF{Z0J!W2-(Mp-9oV9~mQ0J33iR&lDXl7n^oM8LJa5qGVA%`hyJ9~w!1q5J>pDd;O6CP!r4q=)}SAD6%1zbq?L zJ8PQksh(vo9K|;1MfWa;{1Mx}n96-IaS~wDdh%w*@RM$vdyw3|m<@-EBk6{9`5n{{ z_amrdW4@&rc(0x7IofJi%q$c1uC?r@fYp_VFWFHDOgBCSzL3%}LOT`5R2<8x-V@!n z&;s=Ve=PC@i^9e`BvZx(2F2+oS}H_MeigYlxu}uKf{B7iF_IcQodDt@O74~u5puc3 z=u~KUaySBUYw0Qzl8lRwec!d(;`G}M#%LFH_HT3X`Z8&l$EdU?uXZ!=I{Mc|z`X9$ z3g`b=%s;)$+uLix7!idB-v2D)ByZc`>sJ4xe83e1DwfUIKIOdfSrd?QwxbiUOPN|2T$YkP{(2fE;Oyz~=s>n@ zUE|s)X{GpE^^06x&6D~km9Z;k8WrCsyTVG8S8CxfDS+gQ5{z-(0h`7_CV{TDigk=-^c$EwkK|`toNy zR1RkU5$z9PsK$I3W_TSl!t7aA5Lr?B(XnAIIyNON;Phs@rc=EP9;0|)mXfq7&@~~p zFrpumGb%h)t#ICY@$}s2=7lo%0=1@aJ{tf8Msm(chcdQ+mwd4{xP@|hN8Ep>EKWI^ zWC5cnS^$!bjJhb@%X;RNqv7(BTRimaY;!ZDIwNU7uuCU{MXgU+!D{NXdcAzAH8 zbTQ6>*Gp=sSKHSyryL}|!Wd$QTI68)(JZs`kb0vh%RP+drBU*Y0)aOMJ(4gutoGw$ zw#125=ep|r>s)smK6lxe*R=fL=I^E}S=2IfS?ckw5sA6a$eFg>lU3G?C~~_E@5$&pnx)Lc}Km zr_rABBfg<@-y<~9;}u#G-{B9^Ri5m9Du|t~MgR@6dnclqX@^U!J8u`QU9Z36hDNxc z?dEg{nv#!Lb#Hg{z+Wl80Hz89zOE;7XFG=VbI;03Ux;=iW2!j?cPR24Z`bw)k3KiC zSZJ!8K4)LKap2%8y8BUy4ZTq0_T&fPuipRzbSOi44%2G*QIap}i*!pVH7RuB6vQbF zpB<=lu{^baMR6Nm%9Q1VEN9Cx*rf4p6ne(Q(E*|de68zG<0HIDiHVTY*i}mQ@u}%I zK5~7;BwF9r$n=xt^23Cf0q_wyLigfvWyOCc?>C&Bneo?H|Ml(rpjlts?CsUF+Y|R2 zTql1SdN(O+_;i2%_FCy?d9&&40Riuvm$`ZvA_(*9#oBhXg3$p`x4feNJtBUt#YO_zrQ9jFSU>molmJ6yh9^ z4u*}lBCwFR^mZ7=@}K@ME~Hi|C;)F?kSuQITgYk@HN`$kB~BMiaMSDm58Typ>YO@9 zfR*#}smz@q$Y^R2k5jdM>FHrXi6Kl+hR@83p+>0yh9N37A|%?^`{{N85fdj-*E;C) z`4#O9rwS7O9C%p9pcV(`(jQXNnG)U3sUwm+6eyT(RS!4{iK~6=GqrsJeN0PnIgfR0 zug3P18r_>ZIq4lJ$LH*DI*n?7>xC*n5w>jw(}WEfTi05?naCJ)==B89lV|d7#&lj7 zAYkGmSlNNV`6%Tx@u?K`NH|h@&Gb-i-n}-rwiW_K1dr*w&nc`=xC4iYy!c!ADEByI z-Ebm9Wox=cW6%l(9|0BXzTRW;l+~8gt3tJq0VFuV;wwR+)oc-<7xiL0AUisMxQQJ# zTkr#xB>S>@Fj=CqE8kv`v(QA^pEbpM2=u+h8L_>!9=-M9*-PJrGIO}u$b5U}r>&aM z2{`4Z&?#)7dVQWHH=|`qnY?> z3=%b2E7dhZty{PbS%%o0mg7yblZL6ojqL0?K4YKN>=RIVjRfb$zaxZQwY_xI8}`$Rmt&eCdpJYWvs?08mhd!_Qp38(;TB{ph(?hPx&$_4X|l4D9nt`T%-Zb zK{MPn!c`_@`NE!lakvExk{o_{AB~y!!)t#r_U+rS4t|!Y^^NyWB+6KoGDB;zcGtRW zb=?UMfQ+mjZ?|sycG@(ek9(okGYMH1RiCjm+QOuO?P($dn1sAy4DL(CH|6jOMh~`; zM_pFi#+38acj*jTB^bmXr)UHOneucM>OA0*ysWKJ*0c1am43lGdD~Rl-a<~y7Zyt& zjPC{Tk#^npigH&;|#J?+O*bC5=@&ztja3IE7D@0xuJT@*xP z>ZJh!YP07Q51+0cINX#p$a-6ICh+T!BQr28-Wqki@%5AQACGOQ)+$9Mzf&1Sslq_> z(+?|!F`y3T+_H1jOezf^9$IM)(`rfE-e<=)ym@o_omp%@_P{^vOi=@WCEoT^sxt`x zb^6GsBQzl3;tz8wg}D?{y{cs%9A77pNoPC1FjB8*U6Z7zSN{VkiIEhtujIY=`oFJm z3h->HT3^F{=Vj~u&5>AWMqAiOI!pH#@+S}~nT3=2R)dxtrc7{8s!mGqt9?cl;_%u= z8&^9pc=Xn)KSw;JLREgFYE{gAPn+#0^s0Gsjag88>|jf;hUho9`d|Nru-aO5W4yIG zF@8RmB&u?^685}I^T1#7?u#WJklL>~R)iUUCHD6kt(5#^$iltYE#Vl)L`X`i5}}y> zV->Fm&l|7kKZxMP=_4yW8TP05DLpE8_6dm;oNG}O5C^e zqA*y|11f>E-9j!+(r~o2GQA+`CCY!jA)@=LaNz(N3DVV&`kItF?D{rB3-L3Ezu3oI zjo``l#+Z8xNA}DA#;IioGJz#UFpCcI@na_Filg5uvYdOts*x31`&!7Z=izkSJ$ufB zB!qAsuiQwd6#V7BSMM~#%r{h(1}6a_;Mkh<_IuPOvvHJ>;=eZX=R7|kgP5S6!87Lj zU0NNejm0sU^>ViD^&!ZNMAWBhSffBQ&}76phQj>QX~X^{_LQUZeCs`7R?c(T)rt0g z2p3${=&67Us)>pa{rG<`0M2W@wtn#^bY|A1@FNsZlsiKl<7jB&?TS{)uX$Rd@$VyyStP^h%Gw*_dogrd6HtbqcIJGi*1iSn9P?oW>eP0_>OkR^j|I&_ z$l>ZU+cpr0Dhyhv7qd)wehWd*-ph|UWm%L9LGLl~f#|uYf=>@UXHIUe2YNlhktGch z>N4YdrSRGR;y8<@Q@QgfHofc}f=&;$`;f(207AEF$t!=8!mTmTC$#h4Sd6O+OgWoG zytq7dWW?xU6y2B8_?!<`AXrojIcIOA<#V z(9_&EI#4G4U5H^=LL~f?3uv_OPd+^etfNL;RFy&8Op;rsBHJ7+5{a}HNic_zavp)$ zI>%p@`c_JhA!?+bXo7`=OW~2zBuY>Ciyd?Ny;3XUK2?=)7*2(1m|D`+v~{0zqEQyo{+78Z0|ZBfx; zj%|hfO5%%>9CfGp&{+lW(n_0YG=%CskoiNe1gP{&6w%ccS9A6HzX@%Xxdd|uxt|VG zyA|JwkXBjFMl424R_n{2#Mwdn+YS3}dKuHQ!_i$M6S*vIq+?vV_3Fy5v%Mlc^`03O zT7BN$YVZx%hfHfYA2rXCzU!aa0!Q-^Af(r%VDtfTPVZq8DH%no86eYwy|AIVmQit~ z=>hzCQ)uf3aug{jpxGfwXS8>-t3mUiUvkV<_IxZ^HwVy?BmO0(r&~n&zc09)6 z(3X!%f!^EK0cI|OMuKXu_TN;hvD_{a)V0gCGlJ^mztG;Uq+>!Kaa?+IZRnaY{iYq! zXBfq4zhGJXYuHdpp}-`AqLjJ=QFJafQEK{rXtFCdJZo$%oP8$s*V#)9S7r z4S@Jt__Rf;e=O3Y&#vhKAhz~))A;WJTMYF_0FiIqwO3%EzrVjgYXibBJIgw^lADWc zb^W^(+*i5FN8-cFm|u3M%rkCb^80|k^gIK1^cNs3+oDnyJI_Forp-yAl`xrL4TJS^ z@w5u{fvD)&**&eC`XDlOW{o2XMy<;YD$!kM%h=P~6S3Q!-T9^dzNdM=Lz|nQIH@;A z$ZBZUL#;>A8R+Bcplp5>%x9)H-Xy;B>=)y-oL7gNgmL|_*0EyYdNHZgBfrTs!r&z_ z$h*xCsjNl&UCPVXKlwuk#(k)_UJj&NA6J{>^fD8s4i~-Q?EaV&dmy0$4(YJLzd$tu zU1wk)3m>%dP&vv>TioW!eyi3p)V@o>QcB3g@ogd6oz>rhlmTSnl^}XahG@&|@6c!A zuW;lMq=OUB<6@(^pW9Tr?&$3Ay}PBKN09zZj#Q$J`um(cmG9%&4o!IVe`Q6MbG~Hm zNj%Tjt~B_hlBR>_Wx-!9C10+w^QoAyP^3|7E6Z4PCo$uYk3aI3XccY*twfof5kkRO4&I7_(t^Y)Bf*xS~~IP z!ozu(9l|+4(r8Xmw_14u&0qJ;eQLSv@H*vOQp@PZzB02vt3pA9_u+-Ljt+X-P~hd@ z;@3D})T^?+4@^#e<}-S-PWsONT&xf8(wqzLE%q=`zTRlAdr89v%_*$K*9*-Ql@3>N-8{>E$pcwpIL`{pR zOZjYI;Rf#?c6BqdJ!9J*XauurufK`eU$CyZoPR9Q5qf?!WBUdlb|rSZy>PRBOIYWL zKsDP!r{$Zn5!;TPDsL@VLA4r78(G8mx(m}Dpe;e~03g8()K9Clx2{g$@!`Pv%W(cU&KgbOKN<1C$91?{Zk8Jc+_dNaS_nJos|%SjWmz*=-+(_ruPbG zWLcN@N%v0*VVTPlIDSP00=HF*7=$|tp1+H&g?p;j6U2q1#fkIx&j?egZ!`n9Jw4=W z=24L(G5wHRPUl0-lyeBhF7F>fnScJ}suDst5;{&Z7+D}MJ^Mx4av2hO8MQ|2S6QFA zv{(=Ukg=rFs4>ieZ(rZ|V4%k#`gV+Izk~JAv-1`y-HVzkYTMR2uKA_OIc}D9xX4!v z*hBrB&BD>kdD^E61(l3>m28<`FHOhn8p}2 z+Reo$7EuOo58FAx0C{oxA|L~n*836S@)Q)qR_56)s~13`p1MNh%2HkHzK;0M;(y*R zytt=EH9^A1o~}kI%h1yeOV{>e-?$Beqq}%d~~aA^#fA%E-x8ep>Acve!H)TqoKEnng=NIfPj@+ zy*<8;0g3_jy-Sm3gWWFzaAGqJ{%?-A)RZ~#Qdy3I6ULLrUe>tRxY4{;o&i`%d{!rzjl$n#qe9P2A+9fL8hAKd#n(9NtUN z?b>~0p8pOWmW^`grs-E&(g}-c7S*d0N!qAH3#LHyNnc|drXszqX097J6Q!C{kEXts5l+fCsIgg8H=&wH00`Lf8tZLkrg9 zWWs*E*_W*>tV_;WJ2&8Oh9Uq>!o$hDbG5&l1c7z(O$&2S_Ydws63(59R6W@|R(1IT zs-(%k>%sDL+v0ZWe0J+yY;*|06G|Cw6>oi=O37>skA?O`G~i(^mr7?b4=0M?j*{vE*@5v*)sH#hg2HSd1Q`;ejj1?%2U@^$Ti=|! zSi7Q;MEWTNj<=*gVJ{5f4c{LJlz*zHs! zA&0XzOy~m02X>wxy*CV0)V-``X+mRlf>wiPGc!E>!oHUI+1S8(6_WG~|U^~%c4xs2#-JxU;8uEh=J z(37sR#v&L^B*@7KK6R6!&{8~k%ch5HCii$a%Eana7(mK!&knYsa5Lwm zd)P1~f^M7Oir;ctgqlgp5)s3E~G-m^jHlhA>U%tf`Rm0DPb# zyzU`_dBNk3)xyP06>)z~2-@j@p8m-+VAIQb+t{{E zw!O*LW{yKKzXs-E#s}8l#q+>wF^*XOviVr6>z0#YM~yBSFDmcI)IE~Wqqzk}J2?@$hlo9V zmFbqIEhP+r1}5%E!Buc7C}MDuxCa_#j@+#y02a!Z2{N8^o7)l{Cxqf@;#mH@MSXim z*50N!5AF{xjY}7ZGMnUX&9ydDl?^c)pua0jDhOAmuYBXQv&e!Keb+br^Z=9zj^zdy zRaUyNlbN5*xuXt1at*ua^SUf52Xg0Foi#C(`dI*XH4jPj0(RX)FO&a7sD}-K^{L37k#QjG`T=m|l_( z9TRV-r(c>620#u)6sb4JI38KjyIrC`tPfzNi^w`bftHfCquxS}(_qydVy zHuE^%v1EjVe$p#zSCLCID@f2g`S&@cS&x+hvms?-KC$>5Y3R zex1-4Zu>B6d8{KL>}Gv`Zr8)gtNxfkR@wHI!B1?8zB7?xr=bFg|5`r(A9fIT+(IyH zG7E;C+TL0U9#0KtO-Q(7FR%-@d$(5$w~f#I{cXd}*Dm)vZ%5p3gvSd;355icKO}9$ zwg+O!cUv0UUH9{&Qz&4`bn6z`a*}i-y=*1v&N-QmTZEg}e6jBs^$Qpy(M#Z43zz=} z(2p3#Cca@9KsA>qXFjGzU7T7Wc5S204|TT3#|r7d!Wri9k=&MOqtaY?DsNgLVVAjtPRZl#X*aAt`R|tgJxuazQPQTz z!qB|3Vrdf@zBquLIy)$U!Z$y0z=7s5=><|YJl9)_!B=|NbD?PAM-e$=W?sHxVew)n z;&4a&)gJ2L4ndU7J#jc&>3Z%`X<8Z*5@6N%kf8epTG6Y@WLU&`(AoM21k4#r3){?# zZI{-#_L^(IDJX$Ne}{Tf5Todf?xYh3YuCo1W^{T#9?x6M3`v6f%j~EgsLDpLwjqJ> zMF?wYl9Z*)FZmZ>dl&0m7bYgYO7K{DKmOSEX0Z@T3}9_$6jXc7W6t;B2Xy@wFn);s-Jt){ z(T_k`V=88Kk3Xxhvx@z|+jkb$Ob%jRIOU?~j9RA7zntsJ-&nTaNj+oChUa&MJu(>Dg0GG)BN#JrIH>Op)Px$IK0xxbQ9^}{^r#On9#zN zyorb}RaX7IGDlQQ1T$dedBiKGo+a7mm&$ZbK#4Ip989T2+XMvc-{%$C1B2O!(z5c( zs!5#qFz=kkS4RLILf>(cY4%O&QROcg<@nrA@m&U-n8%MK+E7G)1FYsdf?rmaa)KB? zKrK?wV*r?)7isb7Z4$n6Lmj>lSy6JqkO$^oYxgxkpwci)Cm?=2y)}koEwIvYzuhgT z`;l6gu+HcFZ0&(7*4~&zC~?gFjQ*n_9#a7ELg5|(G2KY1I2HrAxQXGgcyMP%gT^&v zG;d6|n)c$4*=boP9sLPn_zBYo#Jt~|!wX;pcG`AsF=0w!=OON+>)1PXM4>`NW58Mw z1BJKDcX%dcV!x8}>7LwAA{unasIN?yEUVG1u_QCK0@6Uo`_Pb*7Rp`>sj?t-_$>lM z(n+>ptsFdrxB>1~*JEPw(7hw7r+gn;%ZJ*VL8-Mo7s=S$tCDk)yp%lge*N`gF z+{9-R_olF4ENACc9G#j>cO9GtU#E?Uf<{FJQ(ic<#d=OKENZxZ{nuP9&K_U%&*JI6 zf<~fojguNj<$T`G#4r$S!b`+XI5;;WI&apV+95^^0nbVyKj$9EUH4Wo*W6rTZNmaW2#&JG^EwO_Q zySMub*SN5=)7#~+GyhwJ9H#U7T8Tfs!R_H6RK%V6+k;Qm6v`}Ue;*(WBCJOLj_srL z&qe*j7}gZyUbYeO$n5ui5C2K-%1#&?u0{5=IrH~jw)WcIu8o zIs?={tX1p*kY#VGdysO^*10Yv7i{z>82F?lvnBclF`iH9*(1FGgI1&PZW*AbkYXJQ z{-pB>r@e?{0Rzjgc5FjqO!=_!@KQ5jLPFy1ne2%0}*rOdTtSMUm%&5-eWtpkIX z(39;_gg4p&*#3#bzx*}}XFo3NkLRlAR6Q7g3jGEu4;Ca z?_Qp8%&A17w+l9-kRHviLE|HHPo(z}2iiR0vMx@__AgP*D7cZuHv;&E2Qy*SL%ZE@ zTCGeVS4|!t#tg5vDJWFC83}GEtZ~o$KyUhP4-5M)S>3NouVAuw9?_0KCC2a)bBJAb zhTIW+2*Rn^qBt5CE?21${^7h64>%sgmB!oc-imKWYgdl zT{Ax?;(fk+`j}W-EmF0WgQlM81X;d4ZL9!@oo^2lFe;!+CKIVY+VuJD*Pi!`)Mo8% zaCRe9Y8W2!W8z`|sG=wMZMAb5*;+SP_?6S_2=4o&4&nQtPsU&g`2eKyes=~j5|p5p z2T^?SAN$m~y!e+LT{=t35JvB$E+KhbXmt7<$+Ck)QZ5#j+gsehe9WygAneT(w##+C*l#xVpKhs)1RsJ=|_RRiz2h?H# z;4#ec%w*|Cszg=H(vGRcxRCb^3{N=P{%`RG7h4baF%4;-otLgf4fZ?-EvNBH6##X< zM%I?z2>=*0gXWqE?iK$i0kyI~uoEXW5U)u5Bqb_va-q+ayFNArsBe#^xWk)uU))eI z*(dXLkOkhVr|0f-ZW#G1YXY$OwZs=Yn1G?NbYK--9B}j1LJ$c{&>=J>00_Qa(b}gp z*=?`KbzWSAqN1};&`F<45z2ET-m;_sdmG(}^ND)k%nKAEZ!&~|r4SvaflOVP{-J4b z2e39fg^{6!_!FUAa9`PS-h0fXl%*$X5_R`!w>2ih)nxmTxywyBvEk*385~IShxJ9F~^q=9EskzT#ifSYP$yo@Hls35sZy0-c^=-<~<@>O2>*Kk* zuOB~Wi)!?t8SHvMHk!vN&C)AW`pLcxmKVy21|pU2j$ z>h$q`C-h)9l*5T(08se!;GBqj_PAtlm+AR!|}baV*_C?g~#h9F%789n0J z|HboWZ&%0hy|4Q^&+~I41-?J@CN?PU9{M$aA|2Nq@eTi zVDS3<&-KgmPbc_a!~n4hV$XO5f$937^krvfKGg?ijouf&tH_ET0ZrR&sGSJeVvD!i zg^EcHi^0cx88xGAqLj?_dcqK-n}_LJ6Ixl`GoC+DBuyyTM2|feyzCKr6VZh}r~e69 zxi1~G4hFM78#R}&`K?Ovop5nW)gHVw@S_yF%aW0M1bY~5{Is*lo$k2S(A@Ux0RC%L)ny>apM-b5RL4s z(gG~$=C#T|hSgF-`RJ~3^e*0z0MaO-n$VCP!w}IP7U1bW$ijMY}!wbs=%)`UN z!-)7L$*Y~g@#hxPgceT<^&BB^ZX+CbG7OEaid5$z!tdW1;DDjW!KkxYNDat@8#Ta;l@+C-&4m+ zJ!h+z0e0oSegG+BL4D4(jQbxW_Q*f7c}3tZ!`itSC&}h(*qqDZILKZ8;v5XT#$A)M zS^)u67Yb^urC!8xgc($fYl!=LA8;6Qvo*&fV}MM2kykt*I%AB(wEfFIhl9*V>%S=M zkRSs~$HoRM3v-L^3k$SG&VSYNopy@Oc@>pF;>bM$VAIc6fxUTi=8lTWU^=h(nZFP1 z0cdbRT9`7;mWh+s0`g{w!-ocz0x+%d*E;CFp=yL;i=kuWxX1bHB&(g8;qY5RMyOI` zpuksrjD8Va{9(V@JMUKrGbQOU=R&c+t&M*27x<>b$8E1Q6Tk~f8fu-9e-F~X9TZZg(nP9(U@7ngXLS}zYOfFgRerlLvkrTu`VfV1|Y}n&7ZLb zy#9VucCvAQA4_3AaLAIT_Yj(wU)g?AGbp1^BXU4mzz1~ z(@K0br4Zq-SLtHXVJ{{C2uL;TL#m1XeD8d-%K8wYer}~9P3E?IOxJCP{EbY0X1dMM z@gsBvVZ3NqOL6%XE2{)|&ydryioyxnI(j@OQWa`=tfsN{NfL#wI=`G-93$F{sv);h486BPXo}$Z4~&IVCqIiV~FI8WPE#+1Oi@*_^kq^U@%} z>*ZsQq2W4Pi*KJ&r^H#8sd z_HPTHqskmCDaepyTdS|El`}eTobBD0bR;b??QIdU8~i3k+OS9b?QirfTEN|`w6-S& zGik$53OjrVy}&D~&2yb#>RKhXk4SR-<$5Ywi?N`+FzXvX7|s9c+R;AE6KygxWSspJ zT3rK=g;)2U5-L)c*O#16f`fU~BJ8H0lwyhZH0|MvlgrO-q#55JIhtvT^rJ|~KnR>mM%J^JmXYJtxwkLq~ zQO8CWnQxPCXy{T8zkb7*pHsxg*5<$^^?ji1oh$0$`UgsshAT4{>>x6&8a6)7)?bVs z&Ol6;@4s~$eeqb*RC^h9;&*N9alU`He0>mgu^#M)|HeS0f3-rkp@@dgt*XBeE+!fb@dvjv(*wGzN2ij>kKy zg-3>jj}0+vL)qDi)YOJeamLJEsq2&2ioQ~meS&9HPXA+!6C-r^`2Ut;1>W9ehRx(d)1_|jBse{|D* z(=k$2)jl;a-`4)|rLs!Ho2w>Q$ob*f3aK=G+kJ@i>1s9H&@Ykw{l>6^z(F zKe}{p&f}A9n%js0qWD?{Yt4=SgD*`ya?6RSliDol!B$upfMq%zJ|)N{_44801f%^p{6HpnOycWGjy?8e8!D1}^fC3fxc!=wCJ5}3@hPNwzQ_lC!eQDCc zN((T*!S9gmEiO+rTehz(R%J#};-;c`Ix#ytP4A}xRqW4<1PQiK=I5!Q^sfH?GJ@Py zLGbR~6A;n%65b^A*p?cXEYCGHtVZ$qBr)XNWtq4=kTcuzMaN)t%j8qynkl zs*JP5U`}>&g-Q|P3GN^NzW(wvL~x$mk{2)`CwX)hKn)Evcq{I-m721d*!vRn^i615r?%1sYcI2q2NHe zAA1LE{8>v84_m@c*)Uw+dS#xk!2}aEI41Q;P`BA>)%gfhIS4Nw3+=%t57j^lN=kZ^ znVGEuc^q9JW6I|C&mr0Wpi6}Z75Nl=4H z>n@k{4>yPD$)Sk}L-?VHjJ!rSaIYs}8~5)NPcq0}HFmy)N8O}E{ByiM)$MT5K1TNH znU^~D6H|HkH50=lm9*7=aIPafy-Zei=Pc9Iq&527FSY`eAH4lp#H}hzSPg5p`!u~8 zpu&Ajw2qjF8$3E#C2TH@KLpIxej9aNHj6S}>NqsE--dZem>>HdwwnrTD{-;>R=QqBcYM?<_;X+4Cs~SFc#z){q zT@_XLIJBr@n%$LDV8m&N8n%0`*DuY1GFr&7$3yH(?Q_oV5 z`;>3BwaRuD<&I1bUj9>uRt!!)NF3O1b)9+)0I(cO*A9Mq_aW6dJJizl?YO&LKbpe( zdqw~DrAEQNOk5anaH5xwTuYocI#>Vg{crfMFEEH5=K)rOUV8Z$pnsr?Qy<(O9wKf& z)W6XkZfyY;HnA|L%rucBPhbF1aDEIH)MQgo6o}Kyb*Q!nf6c6aF(fS({er*<9@3o5 z@*Y7^fq!HNKr?N!RUfU3lF|mbM~#ecI~Qp2_&w9g{{Vya`jur_gJWtBNRC?2zi?~$ z&>C^@H{j>(yO8Z!BYA6Up%%OBBDKhW>fqsT^kBo?!|>gRcV6H2M~aMFEz0|He`Ikt z*m!REqinXVBCN5Tv1O=&PZ5G0YWV)T<;xW7w7RMDd=fpb$FK8~A?f;Ne0?x}!?aax z2h1B=ng2w5C#=2JKK&!=t7hxeRElfzr5steFZBHAsn=2XE=Q+~ii+lwT+hz@$Wwer zl|%Ld={XMHoGH87iiE|IZj8qrUda5}S>k*MI=3dm8tKccNM+u*9(5d)_phj)3khcXNGnxAbfC{&R@XCoYN&k#tE3A zEJT}j!)mNL&EvWTn-lo*5e-~|{ZG?!T3U$6Me6l_V{7O+VT6Z=yU?a)KyLD9{$Av` z+v{Sni@85-`8LGqqCdgr!6O&RnRm3I;8|3PKqlbNfI=YL}$Ot0QHy0uxd z-7j-?&A7>V2@rcP8#&aPMRtred}C zkl&LoH9QwwJU=!y6k#0{Rq!Y^Te>4cY^lLv(YMebGc5pRj4=c={=S0D>}9b_%#Yoc zUWRQ7b)@EJlLw5JIu}aPGs%rh`+O)I>vt)f`~JFV5Pv^DS^Or1+;mqD=)=|;I=jcz z--C+`{=Ivw7Jhv>f6M2$n^Fj)l3`nVG#SWgtGl~5lw;qvPIF<@(|)9_-i~7a+mKA9 z)Xl4E&WAS4jY9Ijt;GJcge(dA$(Ed?6Af!Ss!|AWjqd*OneM((i=^g!Z<#wD3XS)c zu3v|Mp}jj&vui#`N+WfB#=kGdiEB@HJvWzZlA8JX5WV7FLhiPWI&Qq>hu0Td(JKlA zUH9_V8|R6?<(xdMH)2qvVfLwfC1X{;i2;|Z(wUie`p|w1doPeVQzJD*|62-Zenj}HwqqbHP%jpfyB7NMj^NB7=9B%6Uls=aWq`%ai;Jq>;)T}A zVA4CkGIktZCu|N@tosjq*spK6(KQT)cAMd=QYoYiga>hq!!8{B!&B)v$NA`gl(@gA0eV$3r(GYGQF_ zx{8*vzIKdX+LZBykEY=mckA~7z-lf2MG`3bz&PpzXEwMT+OD>Py$HV)6fgzV4J=9R zos6r_)byCd0Y4ZUzd0bb?cclGe-gg$MMIQs+(*4?njM zm&YrO0zD(V#^Yjdls@e1DU_s>Zid}|;r$kP&W;}Lt=eXPHDH3GspQ@CuefVs=PZxI zRANfJyh)GCGj0HlsNao;lpqt~ReYT!WN>yQyDEP#*i^j!I5OrqXQh?FY)J{ zAM(A8p}-oVnx`;KC|*P~6s5QapiXQ4Hl>%C<3}!JX;2AdDW7BiQtp)Gbi<>?y~|Wl zuk1to(-J-yMR3+jE#WqaJb$Hfoo>amFS#Xjhwx5-say!k~Okm`NKrdl+*6X{iYB`^} zPYj(;gvsqSbeL=+Ux)I-_3oeW>($Lort9;k=AxS5+Yy;AX!yqLeY&?I0-LkI+Y4-oAHKo;_5;9HW9 z(8x^}edgR;Qk<~si-XG-WoQeM0w|3#dz;`eFTqjCvDCY=l>0OliC$X-^NNiN7%swK z{!uFPTzgkT|66eeBh2)_=NsgWJu#39Vg-X~8nLO)e|?mGe#(Gt&ot2Sk|QI^(q3f( z{|ZrV+w%vMzGqjy7Yv5`k7XhUKiC}4Ug%f5x;!CPl7hUOV_q|c9>B7n7)iCr)3d>G*TmVW zj;p0qHQFy*qpBbmwUJMId)&r1&0U3a`My-QpZwdJd;ky|Y^iOZhGGvXBV?z6ZbEk zwXfR5mV=rf`I1xW5Bs0GY`Lnud*tdxY?k?3W0eQ!o^Uh~Rd~^*$Qcn+0+IoA zKY*3#Eth@cU+t#xxBK+Ypf*>j&!fo5Pl3jY)Bc$dhTv76E<6_1FHh7Fj>+t4MDuTx$(mgh)1;!^o6C?i{ESc z(%DspazDV`xC5REv5behO;p1n^Ia)!cBXB;hHF_WJ+r!OX}fEidr>F(%aPMWrFW8Q zS7$wQ(RXP4=3%*wfNlk0Oo=B*Q}a z!_0J>0)Xw+EUv{_Ihp>j+F(aW8SOUtVLaFs$z5vX&y+n>=eZ1h7e*Q%6rg_i(0Ss} z{}Ne+r`?@h*tlJDW|LORr)18prr`ANf&?Ei9zti=s#}{hJKoPIRCvMmL+^ltVS*kqYOcK^fKQ6_nwd}aXB^0ViIoO&rZ_W ziHG|iXNySR#anHsN(ybAZ-vC#i?eIcwh%X53(HOP_nfKmkx?r6@=B09(A+uK>)uz| zwIWp#iixn*_-W5uRPV6!GCRsTyQ4PZV_fR5Y1J^Wn;T^GbL9D$T4ZPkse@NWvBhq> ze?2+=bt+T#a%7@9(??9u>+$vR?PXX_KJn1}bZL29@W0`}xx;2~dKhIReLS2`?2VYg zAEUqAxwFECID7UwUT|Y{keFUK_n((ugQSa` z@I`nF3BttAZKos;@a93^&gIVkt77o@Z&v&%-OPi@Jk}*M{aXZuyZ=6^t=ML>Ov}*3 zWZz8AhE*%e2zo`lv4?@29K>VZ%8w8pC!)BhewNyd6oEXUNRclqGFik&uqsTQIF zjg0L1%WPy_n$xNuo%G*u01*#36>>qmF46yQ;t=Yuq2h=$MyTs1Y5I5{JX zgh8iWR)59#r`m)Vt-K$xEyqQw;dM7J0z{qRC;qZ2Ml2b#&)NiAt885o!RZ__g&B8( z^iE{E;zyW@cnXZ*`ZSwC{x*m^4pL4_4dehB}G6 zC)fYfE)+*9wwISTm;MPaDSi=uCUeiF%c&1A>I{*KJ2uz8`;d&Q#eo=}BQp%QCI)cq zb-c`fE=g+59jyOqV<61^@AZWsQjF%2-hJ48Er+7yqNMzX{FX7&!=_-CM8+rwj zQTom_*zWra7C8)|LYi{pI}-F1U1k#Br=hRvNLZRLWsQ^bpOQSj-{vnjcd~vd;=o*B z@R%g;|6R_O>|b{FI;tpAyIPBHM8vWuq&JrDg)bVKuPbOMJA?RCZYHpPUro9P0SK#D zO7(tJTvNUguICY`v;--APhxPbQ6+)^gwFRX%=%1mw`)fz>9c_nOFb$#-y{ z%JlSi>sK}(eI8|xoPVAkou(<1w2wLYdd1%zS@{x!yXcwpaC1NpEXg^w`M57W{ux1`?+J$%>x`&+%@n^@U39`YQi zv1g6KyXvx43;gpml^EJr1>nvr%xChePPL25tbq9uqNh!kIS}}H(gX^4l~8_3!du0; z$z{;Z{+43apXPxTzKk*RV0Uis0 zpB30Vzy?;W5|(9Uudn=~0_XRJvkiE9a4E!Gj@*Ai&33ihk(Rd00_V^=+SFg#qm$X@ zNuw=ZMDN%wIEDmLsG9CqwtSTn{5n?equFKz$L#Jr=IY^@L0JUDYd!6K~cdK=(TT#rrzyL^6&IRmF?qZBMZHRAJSZ{>iW4z zn(ul$)*3Y7c4u1~PXMQ#*MF{$HiInWWn(A!l_1^Dj`&mzD=iRH1Cape^MT!jgbMR= zSdflEW|iG`+Gssza0!XbS~&%nmY%pEWcOFTH8J1~KfibnTPi2DMB~xNhvBL_UZMe9 z#}!4~$F0hWjMGI6jw!@|-*2Z9=QsXZ2Dff!lu(DBoagYr6o(jU>!r z&T`{8)w^*%)|SEi(ePbxp-$%NY_4bFb_*j1e>??l#5bA#o|fhdI?e9)sM78Pl)m`% zcN6CKTiu&G5{j!1DG$FMKC&`pKO=W7Wz1Kcxi@UuUR~8(PQ?Hj#g3A}gr20D#Uohb!fuJ97&o9{M42?+mBg-Ti}(9iq=rh!xX~`^+fB zDiHXztMoZxA0DVfKK$cdccaSpc_|y=yd$SqSn~9kP^Z5HGH#E&_EIvSX$>F^@)p+t z?yf&xfZrxhGr7?)Ck=ymwB6qs365X5LB4ZLc)aZ;=3{>ypvdGeFrcOCYa+Sgso?5M zu8)9}6oxGtUd=>DLAn~brCqX|XU*S$HM?zoK9-kvepF&A{^?uXYLb6n6`z0$J9>F! zPwiu9RoPp#GM10-5%{xNZV7z1hxIP#0zK$OdDEW>l2`ojt=i?kbx$u0SXMPsdH02H zhqtL{rS?pQ4CFxIa?Gus6zU%#m!$F;C`@HWLZkxp{VbK5%(5=U9l zhODmEWHCw)J~?Fxnb}Xl3%#noV;7=MGna-Ny><-0zbZ`_*Y?c?MA-gIs56r=BJFk* z-V!b2Z9>vsOM|2_t5lVl_Vabi*{4+h?*)jMU9nmM=ib@JEK&OXV#@Ly0(n?K7uQx^ z?WE5n+JA9az`oAqC5MHkv$5G)TMf@_>gWiV1%CmNay+i3IEHk8HbtA=fR+g&d}i+i z=20rFlR`N-ugwn5cAp$7Pd2R9GW`n?3lm*667I}pP^6SfB6-Ot6g1`b=G;o=-*wF1 zIA9g&cKz6Fj7iy998hUhWzI0n;nO{H-woDP;yzZ3x+rjkNjzFpFq3cn4dO23NhL5Q zkg22S43vi-3m9C)S#vMU#UY$(*P4o%mb5b%QY{4J4U}90UuiBJyaHzKXoMBO{`fH3 zy3=jpWQZB9rl!L=ZxJgQkw>E|HCHk`^R?>gy>NRngkLx>Kq|0OFkZpDRr9Mww!8I9 zHGKIcOqp{nm1pzcKf4?z;ya+RseC-bib%V-MgjIFF^Le2l*Ul?2)%mADd#YHiD*hzMK%4*3-i`l+d$2fdBq|$jKV=S$yk?3Dw$F-}bY$$0 z@l+g-Pc6E8vHKY>^y<^cQgUi~y9DbgdDX};c8YS(ymgNB)>}#Zzm#=6zX$nOmdR-3 zRN9(3^ZoRAN-2=h^kh6lv|V3`n>-DHh(2h0(fcu$;5nOF3r0?e7zJt<7wQ`kSa%-& zFAa^hNc8!M06?qZbCLYyG;}P0iciQiQXh&*z&N_8b<4`~;-W_NbQyMY36K`&r!M!} z%&FEDnl~Jq;K?>)l-tVO(jNHBFGCGMd7sliDUlihyhAygJQ6Za&c}Bw9>$0QVjtKU zE%kZnta$bT>khBNn|T+viLH=}ND7e+|c$g}#wmpoxnYBx2InPPor&A^~6 zLTtc01*Y0$Lk%+b;Kb3kGk2oeo*ja!ZxTa;!@>Ww%+z*mVqvm-xCr6>?&$ zje2tps&aS8Xi>k2&Yd?sG^I}HEe9;0u4(X_B!2FRq3Ivpv3z0*ogXT-Wt-3Xn---R z$F=V97FAJqSRC{|7z@Zzt{p-~j|%Ccn&p8T5xYI8ySK#;f`q#rzfhuGy^hAS0 zpRs|RKjmy{j@VZ)5?KXk|?^4K9TVBMPz#3s4;sL%h8& z(Q^xT>!tWt$uhQ%!*5F?BNa@>BdiX&$k@A6&Vw=tUc$Gy6#t?-admKWbG3Kb&A%co zM{d@@2}HvhY)zpAj^E+Wo?7I++*}}E_gTHBQ=!M(?*lI_DGMqp%{55Bp?%H$|8xds z?>o6jSdno(&Y?)qn@{J=b?f}|uu?nGS6mYK*#&JA<-9hBIlV zRrhQhbsaImEC3b!`a)yNJZBT!NB%q3&Oo|C8mj^-%N(-jmLvfn4NJG0zcoSz$3{p> z$VMHC*R3{FUZ>2>TLiy$yt#SryMXN(VypfIGj#D(a7z^21zPKF^Y*nSHZy6|3ZQAh ztn6TNb`K-H&M}#VJtoIO<5()1@og@nm_T(=OmvI$7@pi_*wP5YmQVZKPOz=?^TRXXuN$97lp@ zZO3`tD^47PO3p`CVJZgdkFtby>pShB}fWj&a@oenk?Y?N8h;_ zOR-nh`fssX0sSH1mQ`;PWPrBORnSL|2tUmr#TWokmQH37&egs0Ecc==IYoWER_0%} zWa{wlfv=%&SF2UbOzX z5}N#*`}nJPOG0hs5?lFa`BvW^yDO^B4s8HHA&d9FCSj{Yguj#&%J&UZYc4wg`g?+x zS<+IS*1xgl@9SLuadssz9lxg7w!b6N8##m?Y^fg9tZ&u?cN28z6)9v%ZKkKjYMoI< z4FGdN!_JN|Uk{_nD}Q4_X)tqiZl3bI95ZTz%|jxVY*d_Q-tFS^NwHh*9b$HoNVnm% zyOAm-xfrKkF|j6VyBJ0P9-35ZJuYdBYtK8x z&`DLEnHNX*$tHC<#Ln-1GoXV)CQwR;Hzc-0AV z8D8K^p29O%!w&7M8+@KQc~9SXR%sT*IPYFwlYHdDKF|Jpv0rTCZKU#wChFvJuKO=|+P!!v^!Ug+8u80q7X9(P zPee3j{>p#CqYn_VvgeGXJ$g^Ith&eeW7zvgS8A{nWdNOSuNhpzTbEKO020_)W+qy} z#tWvz*d)alWlN9jh7_<=s&|VieR|6uz8h*n3SRZS_HfvBXQxR4$1kstt;6>rn8bS% z77G!7^hLEI7A8H_BH;4s0-}*L=;T!)(boWVk1P{VW!AB#>76ih@40g$K#9?hSOAp! zrxkNpSrd(tIR+(AFOSKF>_0Y7eYR`C(F}*e8rpASKkCH-T|~;d%h>{#j67&a+rT** zND3T!DrXcj?oZ`Y#SgisL=NKRe?eI2aYnDireX4Ocq+ERqhzY>F z*q0!eJw_=jFHv`xw!EejdRNM*ABUGRN+$84&w~B-=)TogJ3guiMcm$pooS-uiB5j((9)n%g8V4wPOQtkgkkJboD`z{^XOwrWC9;WO#v{RQKd-pbG|E8j8wU*-_uBlpX zK1i%yY~ZynLfQ=WBn6f0z+?_Z(SGKYWu_j;65L}$;OPs7su5-exg;#eh{@nI_<|%w zzp7%={F%?Kxb3D~OAaPb=^)q|)iY4eS*fd-6M8bAn)$|_p0fjgWr`9Csq{>f#DZ*Y za4&sJ`!68ZH}Ku=?k_G_vRAxA^f`BI_VTV0l@n}_Ysc9B`|{(-=#aT@XZ|%#?XqWG zGPQz01x}cOO&EyXs2 zU1NHwvB?-)(l7luJvZR|DVE2B7s4OwZQ+&*&Yuw%76Cx=)^4qs%uI^0(i}Xfs9j)q zRbMXsvNqu3TTS6~PA|p%L9VLck{5k-#Vm)sIhW zt6i}ZW~I6JeRe5mK*CR3Ya>|tDUyG^PDVsso$*81(tAiTVR&*n1d&hi8ywgUQD-f7 zwzhZ;c(zutUM3lnoAYhrQ}%!4i9qrWpS6X4HUN^;4)hZ$Mh_s71iLx&You_~(qHc! z5@mv~Cb=>IQ~-#~k5Mv!HRr3_`yIG0|DLn@f*YV%;V1=2MmJhoZrqw?J{vBjCF-ka z?yT%MA{L99H-l4VNwnGXx(5mI1+)v-QV*KYPdhZss<)lq*}9ryicojD92Uk@MSei@!?>&queL5*7YO8-KN7AT zFw{o)Y7RnV5x=1;GZdKSyGsfVZrn*ichYi1$?{q%Q~Wq+vdS85WNy9!)ee$aqnMK^ zuWqqy_s~_sgqtEpq&|Oc&hmsCpjR`sP{UM(VSXj0)7v7k-GZ$l@3pJSfA?v6oM25F zPVmLoWB)n?_{JOBaeoaGf)bL;; z^x$o_f&pLSO*}QBZ1q3CiW#Cgu_gt4Z&- zHs0cI^j`96&IFRt1G+MP8))*S)ERQb>bD4T9 zedauAC3VLelZq_Nzu>`<9ksE~VHhAQn`yh4sLSDJ;i*WthDkUNmkD?yGbtn1H@ZC*XvZeRCxQiiK3?!@-P8&yTu(RWg`h38X#;uk z;<~$&_YHV2;no>!I}tnjz7VaIopg?bO!PNom{AWWXU=oWpG+sg{mZ`qS;d-$hNe}6 zEvhPNl8#4R7|3>uP~%&s`Ep+ryB3MJL<6AJ>@^X9GY^<~w|CxGUdkr8=X?Ps@IF_J zBAlCBnors|?}{S*e!AWHsrMAZ#ScR9`DP>1hU~TP`dVXI87Zx_z2314>++b-4UNyw z&Tcs?l3EoAM_VvxxGXv@UiTQ`ero7b@@^g;ClY-}^q;&xi_`K8#FPp4!BNvD6}^Ab zYcw^qQCxPS{-Z$XZF*Vr_zZUma4iDhTns>2l?gD481gga@56Un?T-XQ$w7Rx$t;p{ zH0~8lyc2!fnrF4MYxbHXn75^mRAkFH6JWaLgkhkh*qXJ~H)!dc+1J?7%dIzmHxFqk zVAb9*AYh}T`Hr?g#y%M%P>4FExDru;{pnI{Q)=z_7$}o1toWdNKFaeW_)YT( z48W%ue9~&XR|I+jJqVxSDTiWg-`sr0($MNljBlz`+Gn$Lw@!WyB0DR~3#E<2LhN_2 z1Gcm)pVXRmnI#Le?G`{6W#f^{8;-DAs9eHbr3v~3rKIN|Kyj4}nP&BNG%Eg5wTy`a zazc*#qVDHzdu)7hLKc{%?#t2Zi#DfHj?s1M#AzU!K7 z+oL$SI}tJyS!FyYX@eD^fcJS>CMJ4-wa^V{eS_ij_Ca`uT{b*QG?J<5Ec^4Bzc#nN8F1K{4{+u*)KMbkLxyt%#$Zm9l7ewZ!&Qa1lUSk{$dyVcc z_1MxuR37SGD0cFgQc%tYWZ`fIxM;3^^p9ybZuJfbu4c-`%k_8Cm!jNxyZE>>qr`l5 z`{WuMGOYNtrTWKM<8?-W_Rr^PF+Fhmv8l<{scvMGz|SNEs?`MAaKCQyVCcTvazUV( zAeK^OUKzNwYQcjKjau`IGn`Q8^dd{gbLp2XdZ@vJ+PQwsJf^WO-DN~%lFff!^|tOE zdr9lMM%tDaroa_(LoUuAym^FT^;e63l?Swo0Px3eJU@QFv|}QA?sf#V-)|V(YB{6_ zjRc3*r+*eKCgVFc@3&mI-K70d+92a=b7Scp+6D(d`dY$NWk9U<@4)sn@@uni(C4ktQT87P`oo+HX-bHV>1RfVUv#%jpj|5E1N=l z@bDC!)Tkq+BBP?NLzJWLy~Fw_{)iOmx!kNzH}~dAUH5hhzc{5_^876N7PlH;F62~h z(*(3bm@l<5^qosGO-UALfb-yWZ~!{qZVtBubsJD?JW!wQ~+KPc9L`e<CS$s6i2xwi} z2MtVuf~DJa7rAp{6S}dVIVe{E%=})$;Pf`~-^KbfA7*_U4s``n^1vP|(F#U8%yWnBP(fb zMQ`pH05i6=V}cqe5g%+rh8^Qg%57Tn{-D&oB0nT8)OV3h2I2DJU*hk9bL)VAd@5hg z-ymP$NzI)tMbj`F{Xu~$XTP(#+=>rqvFiwTlbGICnh3oW`S19s^<)HNwtO1YB2*;N z*|h-wjyaM*)+VB^|4Bv$cG$(607*P5nrEJ`A10bDLF{s%$TV@ma5N(V{MdjizIe*n z+xJ?2vP>@pn@dR}Zs(giXAvy_l5h-vPn*3Yg@)m7^LoWsS$mHT$(PW_CXJ#l>krmY zF8C$&6;c#5M6dHPpl)A{*sEv^aKE(vqkXq$Ou2=$?$YT)+5<3w?7an;?cTJiC4d5#{G@? zi^~%pG5;Zu?YHu%l0(G>-4h$(MY{TI1W_lGIk@Cz!HkV|R^uthfSYmCZpefGfS|PA{k9yaVk^szpZf6jC(J;-Z;kw9 zE$q3$mYgZr3pWj?LQPE-+ywtx?g7t$H6N5pv49rtlKQDk6V1RkyhwR=!Tja*Y{F_w zTSQY7T(MJixaycxEHHldcge9`IjC_+>;z4`$U1AOCCGgg*6=}tt&;9~By&Ceb$x`R z1bB}xL~x=(iK9KwANlT+DpJ(mO`nXA++=f#vdH+*)AOO_6P{t7!jZwL*i~G=v9QLvRtlBoZ5EQvNydv7*te z7V`(blFH^A`x4C0j0}E!d}P(AK(7T3y(j6ZVDvB0Bi^^Bal^Vnh)VKBE@Nc)J^O69 zb^hM6% z#i_2dePdBETMRFo2K38#3)N!OMO9~0R0yyuG>-?rm+hf9F>&`jBZ*s0<ZvKh)tM&+b9SfCr^v^Hnq#H5P-A|@02KC_rj(a-n3Aq$K2Ke%<}RDA1MxP6vy ze&6%LKF?bVQ5Q(mqLuzbQFg#_tu+Yb?4=SXGS>iWUr#qc_HJ-P$xsHio`14?#w;Kg zH23b0qWH)sec1&8HkK=#5GozYoOsNFz3(kir#$y3Luftm4EC3lJF^*&@)%7>5JJ+S zP0h&aGyu0mYN*#h46&yNZFVEKnYnoSOmbplL)k^rP?-s- zW(GVNs*IKGMG*P>_hwJ+B=e6||1dzm)@&i6j|Mc`?!U?*b%_Js?{mLsCD}b3)5x07 z0l&+r0E;kmVfBv=qLxW?gY5{vCJt8gCa)o4Cq^yMu%aO{`<=Gi*0YY$Tm$ve_aao| zV)I7c5~6l$Dr%$^C@a__H1b}A@;gIc?h4x!^TlN>|3*WI5~rp6J5$@?U<<(L>;0yYiPG6%;PZ8|GycVm)HM< z4J2hd^VfIgVQ20+F55PAv`-aErTC{tG^0uFYM4;=K9kA+qv<@{*?iykpP)o339VH# zR2#KN?NOrCY>nD`w5ToiYK;V~Rd2ggYt&Z6UPaBIEuu(_DoSea{d+#YtsP@Lx1xRo!YS>4wW*kjz*%Xys7=S6*ayMZWOV z)j>d~;(HNnx@Skw#rma*atF6y3|XeM${qfpW=aFQL8^b3qRVAup_%>OoW)xgF7J&v zeC`ccW?r{z*m)X#2ou?rd9x?8;lGz-By?A#ZCH~h}1M_L0oB`tYl z2?v$QSuqyqC-$jBBkU^W7~V3J3P9-b`_!=fty}!2>c95JIdb+$!W&lDJ^y-8s7pVU z<`Vs9^MAc%9D0!cdv1V zWzY*{EZlasB}8;rCcQF%UNTDTHmG+_2vjSBiNs?et7Mfo#rF96#0?Ra+K-pm!GKQk z-)P_}MZcnvK z@&O?T&`2+9pR-0Wb@&L*&h4UBaFukhDasI2%5zOZa)W;FCQD&cl?5q1Yo$hl@U&wYSG+BS}>Kxu5xeUjR+B7b?WUXp{7o#u-d2MaYva;BDU`-KNE#+rH( z3;t38p!00=)7nLOe-QCh3Cov;fB88kS!4>8=L`~59~#>d zmJQ|l35DOnnJag<`a=MM^^EZ(81p1LjDG#Kk*=Sy1Q$9bPUXWvN0pF`l}_}R{$aJq zbFeZ)G>fM5qndy$tN*ys*E1_f0=r%^;VqVv7dxW!Tq}DsbBc=ZtB38fU;PywDN1k4 z28*RX!BZOwN?Y$OXSnZYK5I?KdKK`k; zV`KFEWvEkcY5xuH?o`~Pu!xy*8gY>NcKf6Zw>6~r@-AZe$BC>T<#v)MBhz&?X%(^= zCveEiYs)heME8J{m5?+DF9aT2U|-A}R0B!QHf&KZ+7>mD?rgXb#koaNc&mOLY?6{* z!`!VSKKg2>V~qQki9Xad$@PNma|*8KjXh_SM#eVGJ$!rDi83= zf-EASF+Zj4C#ToHMU~Ia#D654HmSEI<7=W^nRgU#Lkg6B*P9+~?@`5oDm6s@WyATRiQ} z*LL0iIpcbxaewo;_+p1PZPVvdL+Ud2TxQMPE_}>JGe|8So}64<0DRwE@my3F%jETU zW<=;+a24q~7@OwJ!muZrmb&@LyznTGDX~o&K;0`@rSGA3sFf+y4i+HqVg3<+S7)scx`7f5cr~|@;in* zgZBn>_DsP;4cH#jDSTd@vaXucYv)-=a&8LsH) z?3JTitLDsq+jvX&Gj0%`Temy4rDH&?Y?!TpHx59 z)_cCP^Xky>1y_d(oT|uwk^*xLxy1pE`{@GhR?v6w=rR%l(d~ssD4bss(HY}X60bQv zl&VKU3SG~A*3?a-`@W=gQ#;-L;Pez(ran`=g*W7^F)~a}z}94M*gZ*KK&=bx|!Ippp62VY8<_Jr756)=%2_a%sEW3bvue1wKOdOq)$rLw_`XOzLIi z7r0yJzMLCK}?D`qYejN<axLQTLINFh*9;LYaryo8!pKi3N9lsO@uQHdSw`KTisz4qWi zU!owJbXd0lmA5=^2ZI=$A35u;e^Vl;(3_03k-gBZRPS5s2yPogl?6C4(Uq25{OE2EI;rz`T^A%nLB32o zNU(}Z1$I~rv-_jPWqj2tB*p&llbWs9=7l(fjxo+!7z*c>C{_ttb?B5yg%(>rok?1#DFa3OR%-up@&_nP^f0qk%qg3$*(x;L3WM=lR%A1#fb~Y|L zrPC26T=Yhbqb#?23gy-g+)p0GbPa0D%}3Vp+^P+CrkzVd3QGkz%+^kN$vm<=oajR515gYzlKnA-<>dW)y-X8@V z(oxk%TwTyl<0?r0&4TR*RWrfzdcKsFY5brr+;Ge9#Oe{#XY2TC(h!n0>^rK2gBI(0 zUGmUK+7f>NL^6gSRnLQMD-S&K!mk#4&h84nF5Q$FU6Q8AX5civf+Efp21TU;<_7k#>*PFm31sXn#Z=-`-frEtHXCz zmP(E+i}bJocswrDk*}cgHZ{HaVNN7?P5z6;KH=nnf2s^ zdIdbA+~!o}@;LM2{p~w3rSxQBY;R2Ya@yQxsuH5>fapG>5Dn2lJGod=fCRaZDE~~? z&Seib$?6>a6s4w68Fsh{J0omHMjYAO0!9YCy@GO&pViDid#R27g~ZS}Ax5)DW(u*Ak~^aFvgY1v$gc-(Iq3$O&Dc%nCQk}DC^Lv1C>5bi zmeuNi4$4iU2au?2oZl6h%iZ7}=DKvNWFTpz_w5?mB|*z^eUm+so+}@-y^%B3-$Rh9 zdpK@Mwf}8@oLJ%ww1`A>Qu{&Y$*{8iH<6MUa-O1IR~W=|P62eu|EAT(VEDWO0(}{y|v|)_XvR??i3b=p6`=sj!W`kT(T)4BCjdx zu_!aY`L7h2Q6N8>8#(mk27^8t(Tp~nV7GB3i0nzC2rq-&Eq-5SXFCD- zd|ObvpS;j*v5}?EoL7fERJxY>m1q|w5mJ)KK*UK-=Vc?;+(mWgRsVCvFW*IJE2Bcj zGRffnYE36xk=(aXYC`QHT5B7{eYerU5drrMrgYH;+6Zh~E^2v3u0K_W&@#tC7l7tf zijdP8mr0ELUY`#HleA=UBr)<-%oe*s9%7Kt1$mc^2hx9M3`3ph!usQ*g7mR2wtlm# zH3osxOdv>PRd~+5cco!L8G*l?%%Ea-b(&1xx;*V{&k%(yh)x11F#|_p%hugV-9)Yw zOuIo*^-SxeLG(44$ACGMU;k6oDot=iE8jjh{bPd0ZI(q=o;MH+w=NatX(G& zQzhQLeIswcE(f zv5 zKBLU4XB%$u@MCIR*dH$a3zt>s|!Z%j)*HC8TME^ zir(QCo^6yHie<$mH`d(LdUO@isjSlmViHfZ5nc&uyT3v_jyRs`u(StAY_z{0d)^fo>Koxw;?%C?R9b6I8?Z|~ z@sLbR5ybgobSA91!A=mAbQntX{Mji(tOJtSy z?Q$Iljxt)~=xKsp2I&bEf0eqCP|U%J;L1&2W<+Unmt&5zr^7RKI5+de3DGPt+F|Gl z@xB2v_zGT(UGXT2iF|5Q%*LgD8 zI9yxd9?~XX+~Pu9vuXL(zH$va~fTD&euXagk{^j0e84ZyD`|=4)0WF&XP(ov~8$BX!qt&?ZPD)5)7g|6j|o8e&H-W zKQcLPf(9gMWli*!FoSsu@A3`69(j7zaM8rlOMQ~S+(dk<(P~1zhkuJ;b7=t8k&I1- z{wj%Rmw5Xn-K+RNR9@qB(pyirh>8ri0?e2wpo{ve30XxhTTB+B^v3K^fNq;M!2kai8-JS6gg}gq2DJLmIX_IKYT$8kPWIf_%%K`mZNo8r7 zjqvc^$#u@F?qJVUbA!O21k9;>dd1-_L?b^C^6#4=d@#itZWkDMf@DNbv&# z$con>^?Mqf$yc`z|Jrok$Tw0P1oi$xjWO`kf{dmr;tdPG?D=|#BUK!{RfSb`MEIA@z7@Tww** zp)~cfp2SB?4S_5S{B`i*kqf(l+j~k!II^OsVitd7R=PxIa}BPwqvH>e4TLp+br$W^ zM$_8fxY9X2%E>?^2sNr8`|{0l9AgMlqZw~mM&MnwTl!uao9eNpp@|V%^sJzNFsf+H zUnBl+*`MxNlnL91H?RGN+xiTd=O}h}^S_^DV0If6GYy-Z@P`<95D1=sUw9qANdP)x zw2p-LKc#ew36*FnD32}Zk*$mjL-|4H1$ustYl~}hvm^Hb7{nOm*xelOby*B6DAo+R zAx22qm7`+hS_PE5WodHC8=njWPI>~l0ROvd9_l=&z@;TaqR?u2z9#sUn{fp zLGH;iJ&owomB(Xy7)_PT1|R!Jg$7zex9oH~C zBcr#}U&+&JI^>;aU8Vf33EYi0H<8ErI+L7f&={SUFPsJ7MWQM%+rR4WjbfNMJ)-UA z8r@s1g?oVH&!>|e*n^fsT^{IbLYL&n?nN1jRJKfY);pvzgM{1lm07_Yl>FCAFioxb zSzj5|>)o!s8(Ib>|2+I~u< zd&msbZL~n!^XxyJQ6P)0;Tbm};21WOQ?4A}brM518r~WE>_@hub9y+9c%*x293+=E63v9C8AgmO~>qs7Sd*Co6U|l1_QMaR6V6c zw|uZfXq6Z@9X55_lD!!zYJ%BcmPhJe&_=FZc2FQ8FUxt5DXP7sV8v1NxxLT#g;rh~ zMf<$sAhryYI>ubvztY8XK*(cDakjv(H0l+s=idZM(-ei};IRhr z11(Z2IwdkHzmbc+?suEB=cw+OVq(o#T`Z^EStt#!VR{s97(>4Hbbq8fXt4yaF%X-o zAwxur^dqKqAzYhydvNA;37(w(py}>*X(tMS+(Qrs_q7XBVM!e*9duT7CpLv z?jY1kFT6RQrcy@Nfezqj`&a?{f}`=!l)%_}N{KT>gPuTWH5vL%D^BQxRf8vI4T02a-x+G`LT0PlVy3ZYa5GZ0GOp3>p9j+~(FP=<{ zOgdy2S4Zq5WbA!(EdmyLmvXW^HgjG`B#x!2O7DYCZIvS9E2V%#+(dSGs1m(;(%xe1 zk(QX$??f-c3CaImC=;UnNFRtIV1rp#kxoKy9Q8<+`9DGq;Xf|t+)+ZSsdA^3ZrDDA zc{r9}2SFO(Tt6S74vMyi8W^|#9IJyZ<6 z7ggr3oB!qfrFP9(v#0Qf!dL32Kgn=!KqGDHT&}1jcek?B%cXImx3J&|gF41>K|CeP z-4$dSUKsYg4>v)0AoRN3LJk(9&j*J6z@t7pv7qO4sYC?9S*gN3PmIHe!6pGzdjrg& zrXZj|V$-nLvDfuI3PQjHs0y2Ywj>tBKJy<7_%(|L0=!^j?+PozWGRNpiT$w46Szsk zitCTv3PA`&gLYF#9jBr+KX=G6;u6M9>Mn8Ws8vq17k##SIcS8!IGoM<#r{MiA zw9=!=7wLF?F$G-!ImBnTHar4YKdY80y|jg;Y^*(2lb(AX1N`{?m6@@GTn9`j7X_$G zCJi(2>jj@}!TWP2Zq=-f{dZQcAaPI$F$cIk_nEK0jL01FP9#Q_Ocd3aS@N(D`Jq+B zLL!PKGI?^p?tAFihimt`Ia9Xd;JI8p>LDiv+FTzXG}I!Blc z2l6gdC}DgAGVaNZv{$07lbMj+PAXgb6qRTk<>iik?F~vqdrsM0XZEUH6Ce&eAGf&} z>%4lt@d%^B*S$60nHJygpc~&oj%K&vwf0It&T$SG(_5~{NZ+_(jOjXL+qa#e13ww$!EujvPd9t%OimUCv-7lb1 z){eUKvC>^+m9#fJjRRIdHG(EUcJ3>LC|5ayDubPWbAhc@K^~PZP|d%E~EcC1YQO z9e&Zhx%j95xv>C}Q|!haWv}4G)-t)m5pS1^{0@M!#ZoFUNy6HJ;#JYq!spBA72g%z-8`WV~0Ddrt?wtbxA*?Drx z-1#I4dsOV|ERr$Y*?G2oM$ZMvh>DEhE%LY$Cn1B&KeL_|Tb&VC{EEEJUbV4T z`$jV;scz`^kfh#I2KBDmhMv$sS*ut%GLTr*Qr_mP6x>p88T{v3=;MaMEU|GrcKubu zEhP*E+_&%a5yGBw6CZ-%W(aD*!c(sOS!}=05XlM({AZ`W@<_8cQ^Ky0d#IEjYEKsz zwu*AT#e(@D&ypF*sOx=O=8pDWzx1R3u&ki{Jhs~pi`lOvBy5qrGLw-qVG8r@O20<} z>+g>mgr^$*jWl=bK&PX8lO%n9xI+$u*d9y_=~ziUd<=g{>3#d%zDLdKaNkDccJu?s zf%mQCa@QDnOk1qT!P*@R2Isr7jZ_Xc27k^nra3Z8pZO=j?SXx)m?18Fzs}OaTEuyX z`c=yX&m&xo6v52k;!yCMe&Ll(H=I^@v|srl~gZlE%AlRL%cBz!oVNQ8`D95=hx!$J)AYejXGTva-X!p6lUkxTp;3!NRZnhG+ z@zw3W0w&B0i~HTkuW#TJI=rb6>X4JoMNarlu*V!~%pw|ert@)l2Jf?b2lJD$x|L)JmC>N17qd_pG(f>l8*B$;iNta(pc% z`n=HwS+uUt0+m~X$1JY@nK-P77tr0-;?=;Q>53X84 zyN0Tqn-p(`U3NCRa$gb!uDz-B@ygha%%`!!7mqDcFecJaGgDF|`EfhQ0F0{k_ZV$ZP}luM2hV7r<^?&vB=l8+7;TSdi%CbQxib!unG7`GP6&XrRJp;nvbJ|ryQ>78s&4}!Kg@t#{vhIVmwCRaAIR;@pBm2QtqaNnlsoEu zU!Y$b+&ywD`puWUJ{R#jL>2zgNy1>p6YDB&{}xUjEs7A1)q>41Hax}DUDv^Q!VvI4 zHSe%kyAp8;|G=!v=f{v~^RYGGp);T9jG=rht)e`%GLKy}LN6lqdeHcCAy(`KD9e{mK7KyGc6l?c+4D#w>Z`pt)e zF)2+ib4X5m6{bC`L2UQQ&c?pIc6{28eAU}qlvW{O&oy)PWmegiWCe@?{H+>t&pdK? z9^RU6sB9d~wUxQct@?;ky3^e!l8lV(aV_RK94a>7gWR1Ppr(OA3q%h*JYpNQrnxiY zXqq=}1zs1z*_&Lq+chQwA2J)KGBVy{f~=|DzY`uiaNXcn5Ab@%&t2|Lo^9o!pW?zS zvQy_d=v_SSP;k2v{Tc31{NoW1;l3$hMv`}oGCWvRRb3$Ax9gyzioSPutp;?0oFEu# z30_30AUF@-!H%neMHcpQ-?4+lIrOkkme33<+Ljnb1x*Nu$A^3f(K3NWfxsbCa}mPc zM#ga<1aFw3WrOtF=4)$KN0VBQ7~4sAEQF#<&Za1f;g#nYAtyf#m1-G&ayDj<}}N|l?Dm!@g09fN7$$u zx5oy2Lv~#LgCbe1IfgoA;$ml!4pvR#FCuWzb=MwP5i&>kVMUL0N7U~rRw!~jD;?0F zh{Q^Pp!^`MqX#q*&-QFW$-CgYB%83ko-=w^t?2gqNcJRUDW=s|Iyy~JHs59sM^ae2Bie{tcdjkr2czLH|BA~k>y=dcH&cOwJzMf(5O zlZ^E2tr=*`T20Z5lz4Dr44m@la}M2`;RXof$<39X7AfPA=Es|Fa(lbU&k3})sCpJ@O_ZMR-wfKz(}O3r$4#`~$o z<2Gemc$m@T@=S?KCYpHkDf`#$za#5H1ZQH)##?CeKZ$o3ZhjtBc;g3(NO7R}YQFh3 zQuL2?@z^Yo@$AFAF$Ww1hGmMDzI2(6zj(Pb;k2Q_MWIqiltme1XglcZF`C%T!p41eAOW5Kn%EP8 zM>}Ma_de(|=-MKUcAjwB#BCGDR#a{q=pZL(h47YuiYBX0~bu$~# zYx}Wi4TVgcYu8D^E3C-v*hq__$jD$ynXmZM8QSDTjr8tm;-8j`ENi98qkgb&=a|CS zl1!Sx@iS5mMIjlxzn#LL#=ncG&z+}$rXcX@{7d=8*407hxiS#MLe-^^q;7jWJfEva zUy=dfq;!n4VhfNmG^H(NW9aK(47Xb4;CC-7DF-{!S+O{%#oVOF$~_iTGxJP)W9Db! zZu6z%iidp4U4P%ZV3o=kZ)x)8)|Oi-1zH~|V`9WK%qU?8G=op_v>tQ*EoeSAoE)G& zuy*_qqhG`@?qU}E1#jN6K03)`pJMK&@;O*qcT3YvjxNsNaNDa9QXK;WNW7TqbXY-) z))5*zH(f!(Ma#>pC9a4Zqr8l(q)O?v|M-SSdq@4MvzpIBL}Dw3*i0+nImAj`!xxYb zk(6vRf3Mc4UX;Y(&99TyLm@(JMo|nOnAB6O9F3nnqf23hd3puZg^Ydp)_mxL@%r=e zqkZ7!%Kyw(^Io#d2y{=VX?pWBiJW4WyyAnF%bnrsh|4;C8v;QqMPDiC;!OGcp#WoQ zYtV=0)v)}XCu$DYx#L_-oeLJwsnwy~L9cVv=cWPvMp|i>V)oaT&B(6qiF)+ey#z}1 zEHzIg;pVGib9BS4s1)BqNM!qc>Y{e$fBtpODXVp}9~`&~3I55Jh8;K^LC5tmcTRBz zI0Ld)0nCspb+A2=@NP*j_Mx9I$1P4(5CcBx&b2c0TYp}^UL#Zb^<-M+t+o?8wif#c zY2`i!=AIv{&O#-VCvSI&`HW~&k*Q`Hh|^%eQB*%$vt?}+^w&Y$?2vbxs;|0q5GPu} z`Pt2~uxzu^xF2wuItUbR&UnrgAhprXo4PvC$D@0f*VaPbVQDMX|10rT?0ch4HQ%~T zcq$Fz4!Au4E|7Y8ducC`U)<^;JadrP_g$_%KMV>iD+#gI?36~2k*?DzEiua%?`I{K zBgK9_dmIB{UsCj4==yAo+rQjdo7@=gZO(8JR^QdrTC*-&PA{FyqtnkI1->(rzu}o{ z#3~o&r85N|4xKU<$=E@O`+A%q@AyW$%PA}fDtPKj*jUh@gUVdSx?{ z?9M(_pZchdv`;#-DqhP_KHK+cUrGCPGY(>x=jxqMEYN!r*LkH9@5Mh4nDE5MjS{k| zEo{;18?tc7V8-Xob`_>wZ3$Bn=x9IBPuJkx3$yIOQ;nF0Sk0j zXSk1oAZK3PCTJ>&L7XRgdt>&j1p>jJw}%8! zg0>aFaPl#tE(`UdkF~Pr2D5TRR$7kE;eq$Xn@yRL=Sn|$#K!!c8H(#a#?ubEypQup z1SSaDb0{~L|LQ#4yI3QmRY2G$TPvFeLv?B6zN`|>AzSM!u}$g&=)jWa@ei)qD%H$k zF}EIn`EHxbpKY5L}DKMgy)zQHW5A3@Vh@d~g;0!r9Kh-P(r0ZZn^EnbCPk z&-paUGghsWOwe|s2zFAVEI>_y|(A7^H(id z%e2#q_d_P;_Ou=0N5`6m3!8s)jYQZNXUJ_Mo%P_c}39!E?a(>$!EYB6E>obFojnxVSo+9m{BbscV)A z(`F4Td6NAp+SO6=1b=E-LLiXC>XJex{3V=sFje6)ICPKr2qVnXYDBSg0u(5N!#O$& z8n_|4gOtnArExWEpL5a_zYQo}{8dNZ=m_0gslHme+Ch(X9`6oU+eGZHkLR~N*szk9 zxcoCo^mbnS{9j3_g5vM-X`awLex{s~R7nXb{ZlKtds#8n7Po8WHV>8-4G}Jk)|vFa zG23IEr|YsdY^jlSSprna3RGM>kDb#mALQ+rP^_t>BCqggmOlr75gpub9MRpk`fQ~9 zIsk8g$0{b}`+Ui3)XhxZ-U$u5_}hSXU`K@ z?hzRGhPJ#5{-)D zh<;BsZ>WnR@0-NIVftWe_K-rz1~^)FJI33w=`DXMNUXG+>9Hm+x4^JnG#p>N*&$Yz7?T_ikjY*p9Ce}(Bynv z`rEPmbWYBBRQrLjZ02jwRP^To#Y}P9+c80T<^Jx9C;WpVf2xFg4UmO=Kfh0gOqqYi ze0DRv{^=Fww0PV=;bVZ1@5m<#>P#1ms8V3jACt+RLj@im2zorD8lfU@u~%1V2&`7$#C0|K)wLNnvI zWLfo#J!B5|yXbVHCl$38)5=zu25`gd6G#y3x;RZq)<4+xieFigQXVkKEpw(y7k}Gr z)%u7@5tL=ehwFI?)0i@g_cNBVSYbV?T4H@%X3&=CJ{c^6b1if3u5fmBWh&`OWtuXB z7XBjjU{k7>?AC}LdL{eOnI&s}GW;gTE$$hlTj0cDKht8!mb`Gz_)_Uasq-_SSDXUU zOq&nFP0JownZ*w%Ocv?kj0$zI9UURmk?3VFOS)mnF{j{0MV#ULlG5~_7UOdX11?$f zidL7G0TF>=0VK@TNgeQ;&o6ffTU^2xXG=MroMR?@<|{#Y0(EUcXS#Neq0eMc!N03K z=i40?gUW^#Mt}q>*Rn^h<}_pP2+B&6YgC40Zsx1;5MlU01~)05wSrvs77Z<6kQRzC_$-RL)s3mKD5ngzqoe1`UCl1PbDvnT znfWx6U13=`h_lSKSftUzRV&riP&53;Li^%o+8_l)mYrMG>tDMAw~0;&+!(8ZJbrr2 z3#zZ$`xC^xou~0I?>E%5y?jPopYx##=)(&6m&7iy`A5imI`C@@6QFJHy+j`Mh8>to zW3u;D)Ky$hKQ7x9KY%NYkM50Lp#%@QX)(uTmx>BCPFxo&@UA-8*LIyt3n*{?wn!=~J@ zA32YXy{+3U8e=1MZtA>QSl7M-H!$9SEU4E!TU&vZQa+57?2p1GMb@>8T$2vimJGIE z(YJ1IYYq8o3|-s&HZnpiJv!X~cCgX}eN#jS_lg_AS(FZ zJK#G0R)X0%ytuenGQ6HtsM(TQp7cpz`g?DE`{c=LvvaaIClkhM4Oa3qc^OWad;R9Ps zt6rT!$y@x$_#JC6kX;I1@{?y=WaI!^VWzKraTu;B{|+fF9xgSw7iYYxYH(DQedTV^ z8L{`|dIo%0QfO}<(1{(aZw3M&vyQz_p^m@qcu65e#zd(ZivJD~=!Xr8UbKY1onbH% za# zK!Izsh1h?-alcoIWVZ5FGC@^pqSwi-*_J$KPQ)>06f%FhS%o>1ZJFOt*SbW1T?-67 z`Ry+-Zls0yro+?4o5UXv;n6bC82SP7*8X`OaG#Z@OQ$n@&mCsA5*Ihs@Lq&j^?Z$# z0ogv@-#@$nE>nq?J_U9?QeJZQ&GjAjXvQ;iSoVbRyI!D)r95Ct98P7x;Qg}KGb`Y6 z1L9-oAOW~5Wr}XNZl-!>)^VVwyvZTN4gvhQapb*><JAX=+<%eeaQ9~w zk$?PTauZpf<$p2DG8eO!gmS{W&mWZVq{fBLp48C|r%GGufj}QIDot4jb0vUsWJX8? zMvgH>`aI&p$;S4CvBgF%0vT4EFrD+g{PW(CtF=01Ae%76+tucvHko0}!nCUPiVYB``*nO@BhGY7oZob+kIRpP-DAUZMW|Mpr>M zRV}aHr`T^HhHqVEC^W(AI+eJbSN>!en$sy}V{`BT+8t^y`QUDoyv!e!I1H{^0Y8Ft zEW@V9Yj%eYd{AVggUU`fDRQ_W#>5SgxYtro&lOS>ZL?OLtnE8JQXgg7(lV+eb^N2zzYEL=I5XTx&RBv`U! z&nDg9W0&V`*&(Z~`+@;VPL7idJ#X4~;ALkF)5+jW$_;;hz?JefPY+UWB2wzF&axwz zSNMVApBI|iK%~>6tSM-!!_6dCZCv!hTbNt^s`f2vjHQLF{m`^sacsyjWdDh~TdOtR ztNOKZU|wJuVUkmLV{OJ@6W87S`xUZ+$s!H(_$)I%xwKg6p;VRIA>Y3c*zC_1a1XibqJlt% zlj_GR>oSETeeD$72E!t#>7^odUvH=a$BNU?TG$G~sXZlj7*vB*(v2}QfGdqLN=%ur zltK-CbRC{wI+}8&f}X~2TDJ$E%wL}U|EH(O)oo1k^QXsiA?URAi?0jWh78{OYCerNRuV6gJo`p4wxwLQYy zGQHv5Ts7O`K5is>@IlUA!!70U5K4hpP!N_vD{7dt!UlGBK6^UQ3(6MCROhqq?-k5? zzySTQd9H?@BF&6W9ZZglEIBDwyO9(XAkN#pLU7R^R#N;};S%%^=V^Cv z9ra>MZku+e-+=M`}^KjPqE%CZ;tzlLhSGJIz*KkTx9 zOud)TFj;Y*;=5j3RjO)>UKI89#{o}oNI4vO#6yt3Py>e0*zZIA4_PX6YC>feoCl}f zm=_`Yn7I)hi9%71TirdB@sUbpW}>&{9BH207x;A{Q^bm->e|UD`3V!m&}>J)aByop z6SRL(Guq{fRW$T?gwQqabSDJF#=<1CiACk@%YM@2@{{Pw)HnQ$ZZ3`KB~1mu6=EN# zbN9$71%9)A^fNiD8)W$I=ese!`vr5TEp~-!YkK|NLEn(=Ha&&A4w2x$v6wf>j;UZ1 z@Dn%kVzxRm?gPiuk8%`!5)S=Dk&Ihk<9PS(nX-U!Z8ue4=Z-gPq`#;nNq*6I<8{Ax zm0Cxbx?571&?ZL^3;b`Cj|w_B(WENOZbiE=_m)o zlT0>>5A1FVmEmpW^=Jqp^ru6OkHQ+DZjzW1jl>d$vhk|z>%6l z=wz&?P(1@;BfC2}U=K^_x8aq$JMMI-=J9JF)6XMfqCJ-qGuHkT6F>00@Sk{v=&Re=Q^d-RK8gtQoJw_SQ@Cdi z0v8o>D*LnPi-T*+!+}}9&g1#V3ad({RdBOHmzS?X+^|&k6Dp468_vKDZemAtc=2)=1y(9szW0h$ z#RJ>5O61UE@5*ql828g=tpNef3mL?G`NT(EEL$2!ycJMcO;TA?Jy@|PTiOyLTWPU{ zC@V$ue>^BV%kFoaZd8+}h`ktg)2z55Is;5~JQ>py5+b_2>5^g{yWw!6^XAO@`rHh( zcYVFQy#LQ}G5EqXNP64{hg^~wU0uEXn6h_BA|H0INKkcbolvC%_%#I0Wqb@5e?nu& zNUlOu+|lZqkdO1-<k(et`3wT*w8t4#A98}^a`{Y#;;={T4K!!rS@ zLc8He@~e1m_bA-5n&Fz0Z==Be>6Fk|Ot2|}q2<{*bx?J%j`?qdOYuymgBVsWM?PXJ z!K_>r;eyq;tHe7N^4Mhi36X#A<2F-SS~T@jgt**$upvRACIp9)Fw9bv?AM{ehy>@` zUSM0>46WH2!(6r^(zN{9@0aI8J}x|l?_jI1-yXjU-QTjl93cjM7@pu#L=6psGU!;w zkDC;&DvZjdi-|C8UT)@x#BE|)kOhPnHTeJ%keC$H{d3hx-Z??b)v2gHoJ(z=)nBXQ z96dNLFSBCg#i=K}7@*VY5p~pV#BrKO|zzBBWGh(DY0+d#kqB zeOt_fbBF=QuVqjzI4zE=5Z2TA{K5ASzt`a+R>O{ZcBOoo%)<@32179knqz|Qdzv<1 zHov!8hu-{5v%s-u4_8_(tTFzcLrLb1J^PG=K5;>>Dn=q}DW4)^-=tz@QY8HRUM_#_ zgM2e(4K!${Qi1Daj&EoF3mPtf!q_MkRM5o;`m$?S%E>j?r_-bq_`A4MR$1g2o?u;6tUUv@C8rf2A zl7oNf6nA>IJwG(J#4TkG9UgHB!!gOAXHh`;K?r4b4VV3CEy!prrAW{Tl9p-nTO_Bp zZb*-_$4dvU4Ew#n{YZ+GtfP}_kF`Pb=iZmUDw2)yDHM}c4!VXVbPrAaIf0ZQPALz< zVP{}aJ!ft@Ar;#4#ulI~$e7HZ8YKofdrSNF#soe*Evd<@Dfqs3>cQ$vV*1Hq1cG;x zIf%LH#^v*64_nE94O@F_tF=q3qc&^i{j9s;@+!=#0L^>O5S>vs=qA}nX|&wOg>!ik zXr{hzhE|~11hkI-It2=NMH$KpHCn9xZUF9L|GP(=V^%6RJ1b1>`jYUw=^hlwfk6FxPaO--QR;CYG|Mn zf07uJ`25RACI6owSruEZj;Z(Q(FyLAU%g;%c=r!+JB=i{WeaSye#J&+A;EH$mT3WY z%U{2N-((l>X?)L}_LGtLClO5?SoG+PLzJVcrVQ%U6A2wZE~PRi+$uJ6R~XQnEtnO{14tc4$Y;l{Uj)# zEYM3g!yNhA;z?LZYU32KtRew9XmX3pYa*PL`>AN<36q!#R9d$+)EG%`7nMrs`dGzA zjTp)pyvxX_Ypbv@l|}zn^hnyo2}(qL@_>!kxjU?|kt2}*EYy&lokGG6HF4DSdlDPJ zu{Du)GI5W?SxKuWBUDlxUpX#DrDHCdd=qItD=Tl{!xAs&CdPYuL%Woz{Gi6-k6m?* zGE^QpjSFe2I~~S}SkEo6(H$BWBlJ*F0^gCN0kpEeDJmAO?-Ud z54}6fL&nk&!Dljq@~!l+Jz|Z-&+7$*?wR!Dj$s3uEaDMYSSi=?)DT;-7PR0|6yFLr zvo7sS^}c3-3C8_{mzkN{p~Q$$AGf>DR>;7}-9)KC(&rkM7G}gs8x$PD+VSHFYqIW6 z0IoykL9fDuL_m_PU9RoT7khvz8eN)UgG2-3F3e;W|H?4Ad|Z&UR1U0%O3t+f9uCcK zVjdqrDlCB!33$XQ{&WcE+v;9k^7fZ1X*+i2QzgfuLPfECxskh@HwtS`HtZ$b%^sw@}=Vmj@Ifv?rKSsppO-)r;?v_bf zV>T^n!C1Gs313w&g^{K7b}8VQ zOP`PmpQ#7CBOycc?&-G>uSQ=e9O}{h)veSaLwk&z+KdN?ofg@hIJ)Xo0C0wbrV$m> zHReMOIYv3PAm$&Pwj|Yuh5QNklq0~Fk|f%!-4TvJFn&3~elg{5WB{f)!@Azr%d5ft z7N@gtXNOQ!2wL?t-Z~^XlAljUQ*U^qI;9Wr9~s;7)6KSN@sK;*9puzx5K1uX;n4wN zV4>7Q^;!LWq!3x;Jb)>Z`7xS6Y_*-sl6hm}sVECH$Tku>5-1XWVPc`05aKY0R*xnf zDmPDtOofRl7g(8!0KilWx0-w;sc%lUn+XJhVSkg=_iOwulFJ>xoRH&Vv+3jW>uXD# zsiWWG*Gdoq<5B`KQ&SY8{?|awFwue4>-ZTNh;l0RDu;V}$pF2^l#`!v31MSP>nZ>+ zeUnLiK*sv!iNC+RHJr?d7JXl68&w{Vgp#-91ON{FRStVq#F=&JRjM~2cyA6fA04l6 zVTk|4_Z5M{WJLwhbW~dBqMY_g33DB&&*IQLiZ~jk8bji<-+21b^;mZPTbAv5@4?iP zjeC>cKp!_?GqFl}M^u!)(A@1d5V_k1z%ngaW z-9;SaDN_YR_N*QhscGKkp%*X`F5HV9s@HX6`}J-0@z&H#uAZd4Rv+$tYNw~1as7!m zEtyAsagTNu74=U0Z}-X+eHh>*js*njLibkbn7peJeW>0$J3LQ#o!m_$BgW0A*z#+9 zP|=Bt`0u;>_%UUFd0t@##}vr{Dq3!!i)p)OcCwcJjC%m$8O6&X(XNPYy{EIK!5miR zJmn0l-Cb2!&NgkUQ^XJB`=CQxKJy6Apd@B#-9LDL8EcWLLEkemo|(S+`3E)WSYtM^ zr@23$jX6br`j3Db;I?%P^$k#=#}6ue7=7$udrzkY%QpzU{JT?EW>qgNDcBP9my4S= z$sJ%5D5^QkGe6IbLhe9V(BWa>sTt`!R_9Cq8iRNSWPXhL;6MTolvzpLX!M$eV?mOy z%j50CSU3ZB^>>_2&|`<90u)Y_A64OI7o*)y<>KNb-q;SI!=xcEUl_91ee;)~s{fYU z^a^_#HvQ~#&UD@AjwVNf=a_PVQ}*S4=CC#i<{fJyUa(4iO%IDnEcI3K)93hGj;*a* zeXPIo)jfz9(=IM?F*^i(!RkGm^l`iElWE;r3-eQ|WL}n=|5#i+(0P^Y#FomNw7#DD zsry!ia~!L~@oI#=Ng)-ri!|S76{oWVk7ox%ULU$)Eqcy&ZW zL#fB#IC1h40th&!A>cf|S6JLWJIDFW9$#->{`vHJG5GLA`upYPyc6YgPci?bqRHEk z`rwnvLccQAf?i_>mno4f;#H%oV_pal`)gcPWV+2Q#9XU9ijs{Jh5^RN=a%UTodH5~ zx2{G>e>7C2A)EuFJ{ieif{+e;A|$mHk?W+kQ-oL|b-!aiu9}N%4~-zB8SMDljM7nk zrVO6-n{E7Y9^lFDYTk`O?KBW@7PG zH5K=pAcunIXZb7LjV&6lwVAEg_DB5u%&DGdMidtnAmid&zamwKa;$=EUr|#IfxIvJl|TtSzpdnhF*+( z$JGg!Cm6vtcZ`I08r*SLoil^4^$v;2%^Dg zFvHm#sTY*GczAOaXJWeaWKqU$U2~2|8Vc33RYz0Rqq|9$Ig z<{Re>zB@(I%AeyB27GQq#4YO8bOyvk4&&fZPdWBsq7B2>GDz51i>qVdZrD$XLUsV= zQ4y0OWEegFLM*B#vSc$=F`*rV=c06#`R{aC;hr%a#7+mSaPYOi!J5F?{W40m;(=Fv zc?^iN;f^?@8WkBC^u^iC;W7Nhvah>oSrE(VpC;fE?Y^Ozc+Ft251~DnKeD~ZadG^# zLt@g$r6aR>L!BL~(c3Pd>ZThd+d1iFs1%5)O)#^>eiEQAd~Lt76xsMA@)vb;FjN{v z+7c?W_&xOU`1M;X)+*MRi?89i*?1im-;Cl_aV^ULn5M>jzrtT_55>e7eG=6xV5|iU z8WAHV&H@4zx(myvV#yjP$c`JR=_yZ4%?0sFe6hpv#N9KLyUK&NtxB@o?OCRD;yp?}h zE>u8&Jb1wKE=Z+6F1unXkhwc0k?ZL*&Olnz=oSk3&A!dQ43S?`N8Y>1FSUMVEzRTP zVbb}pu8^05=x09eZAt(aBeFNgFvM0J;$W3iVfIgxqiS{rd=5BN`ykzA$a?+b;piXH ze5L65SW@NPQs)j8jk9Jf&D2E=p2%+D4&SRMhFOmL;TA42?ghdab&W)a3@r#micmbj z+v6FqRa@c2tA|Df^qmL*C^^kPult1XWioa^=iVC+$$scz6=fG;HquTNC#R$|#T4hy zV$00wvu|;_>m7T}K=T=aW*}+o3xw&yG$kMDZ+uBXM?w-wp9JG$QH)}Ue*y(b_1Z^i z#1&ic?#@41wI~2=vVsEW_xUtFv$JG zDPAL6vybn`9D$}N^M&)#+-{xAve*%M!Y@>f!NcLH3o+d%)4*Q1ws3uMC$SS|{2wG? zsVZf)Bkg$BBo&97~sH|w1r4y9HJRJP;#F@s-NLtnx5kL!-K2s;QXY>?{?Q8Z@FQwj|bkZ z&=q~F?=2P64iD?4iBf7=RsK6|7LBy?(IBlKAP<0Azc2tjZcLi%q{k1C7`*g&Hl`ne z)`HZtSdC}^Z7S9eB})`auf5HOf=iPeF{sW71o2md9)z?Rv^`8a-tiB<+1uH3N8od=4qm=)3pSz>U#+V^*;`gd ztLU6=rx5_~!D+8DBY}@Ymj}Mvt?Q;aX`7q-a{7l&AwEG~=L4ZvBBGuTcGjKgFM{ur zbjwNL5V$-3UCSN~&D)D@K{@RIf!Q~jtZ^WjoxOb)rLjnQBdSQRShvWZ)fRP5rT^uA zTE#q8xiioEhkt)6#hO2SV9v;plvX+56|LH>_sE|MChHER$z5BAE{5l# zU+pYdmJ=%Qg4iMp>xBU46CobL{9+`!eRXrwvqj+wKN9LA&#rXwZ=m?1$Emcw9tHY6 zRc2v-03h{XB7%`q3_m2PRII)cFofp%X>XjS>r#Mr-uQXxoY2yLvVtMqY+2+1ar=yL zL1_Td)RjYhzziYc>oKD=wOh%5H>*I0P1v;>+oWgYe_X-ZbI&KyVp3cY(f*9!Pl6RL z!cpkt`zEn$Hi1o6$we)L4B|<78EG9Xz3_UJ{p-@w(zgg&?ebRQdaE!lEYTwK-Tw4b zV!!TqVfMCseC3oILJ$sCDHkeyHL$V5(Q;r;H&(Ycr12SY3xH|~rZA%n2WNF;aM9Jb zc_TIQm6W~j873Mwl!(D?X9NNgrp5v3D-lbh7W_y<Xl1cIjZXUeG|h1Lm9Dmft+%BWrnXD!#ah zt{?~f(Ajb%Y9yZ%^N`&X(U=GI6}`sA`H;|qcWGg;-%N^gf5$RcpZH~sI}KB*BgMjV zUlYgP%M01{Dd32aY3cGDj_m85o2zYotGTB1I;&ztv6Enw!1y1wbZCp|{;vU(ngUx+ z5Z?X0V9Ia}u(;W4Y1TH9eVRuG#M?j^HA1OsCzJ4 z08BDgO92rb44O80sRxpb=RWsXd3{mE%GDXK`b?{QTt2JPWqcUUs`=Z5Snil)wyvLg zZ9SLiu2)V#5s0MO^tUJHpDNqlydQs~sAScV6;JbkV}(og&7r@-y?6`aeM!K_Dz&3zYNJ*1p=3_Z zqd0)1mh>Oxh(xMZ=D?%JD~9mX;bHxgjj5p_+2%R`T0>0dp*39N=3;L!ic*c{9XyL` z?$$FFN~j7|02x^OhqCnHlus})OlU3bRhhGRNpv2(R}fDJyc(O(EYybf#}Q;vt$Fi!cr^R{2KTqqL6rfgv$hI-=!O$DB@Cpw_t zoq7&jU05tg|0XCAm@f|IlDqS7&Kft=ko}+$-Fql)t`5iKrmBMT9R^rLy#Ta(JPcdWP_RwM1#8`J7tbSqM^@}~k z(>YCUDWFt9Yk*Suz|fQC4!J<7<}I4t$5e{0=+BIKkbnhFOGSWRmwmh6COFBhCf()3 z4dI*N1vWdL=2_{X5s|I9D&(<#cD=L>w&BK7x3UYLd{ z`JH0E#{^y5(~<=bIxPjv%E1RO$Vc=G_&(28g{*0yo3T;A_QU56I2uT7Rr9)|Up!;< z%F^)FtM@NllkpYaen?Ilb*U}c0VXCRH@D9(uOZ}iYKq)W`qUYhptc^HAo#3$skt-` zAp+fWw$#>?;8%6W5>04|q+DV@i(*-z)e~ob%fij@>?~|tw$1_$c0~&k4!Jr8)YuBv z!RKXjb2^5D#@sQO=%kWn&fETr$htL?o&^!lBl{RIif6j zyx}Z!4Ry5~x9lN5Rlz)Xz*%xocekULrz7Qpvob}(%6sJJKXhDsKnKjrw<=)Gst#Kw z<^?M$0afB0@n~;3Av7xc1B0WZ)OAzPv$5I)3`F21Xus75Q_1#)?=CCB+XJvsUI@!A zA+k(ZA@2g%6YIFA?32g=mXZ`-Vqmd*n+;%~IPx<{FZnAj@NL6$i@Ets!weHG*})nZ zVFyQ6ykI)uaE5c2=*h2rc^2ci@%y-_yuq4i9$_8!~4oi!C2t8e) zcFZnf<-Fb`R&Ce9C+I6atHAxwR@8JkavpXWmvMeRT9~)XzysfJbK{YTZ;zn)0MGc^ z)7-4m>?VD*zZKevm%Ouq`QXdXry_D6?U>Gt#v<<&Vy>9zx#jccNZ#M%AqR8g0|p5mvBHY`(MqZXb^SJ;KvSh zmS|EpH~w)P{Pgq2%6fX3I!_u`e8)Y+g6+>Rl{FS!lgTY(kaGWhk-7Ia=t(h)W^5b3 z&dZCmkJeQlSp~!SWuIo5EbHAe@JCoU4?a$TA~G+^CtjjYN|Ka&!EFj$b5N7l_r&CG zDxYeHst|=8|F=@M+ri8O~YR*>ybh1$vQ5RoTxaRmf)%`Y2bjf0pB2 z4`&Rn*={vc(31k7nDA0AwM5(C+6U4GL)Di+faFU}dS*rlj-e?ziGqV2`WfqAA<1Q^ znFe&Ju&ke|FWzE(?2b?~_wu~YP2x8x&-tRJbum#xN8H4u_3M_8#ky05bGoyv_4HO# zdHKE6Kf#UOlHwda9*kNuO@VLh|`LT^{x+7QqR-w_Xoa%ymI9j0ONa6RUx`>^Yp=*Z$Tv@|X zJ$#Faiu~eLA|!#ZJfF*QOU1V$xIYj4KJU4r&S7uJCS=-0KY4~t#^;z!CQbEZH&YzY z;M81!lb^IrXd1aCKW7|za6rrv>%yPcA76E@{%Lv}>bkMxOw~-2AtSlJP|HBy<0p=! z;{d$~Q=`@YKmoVWD{~mG^!IoR6f5Wa@2BIGNt7%A-7pn6UjhEnWf(J9IbZonWZ>Xr zo|QUd`OmCAg<4m^6Yd|g(X)=wr!_@&1a8|Zs?KdX&w95Ez^UT|NJMA1 zw9KVB$mZy!_kOZ}FJFeCl#KM3b>TU6w)Y%q$dUI!CnUWL7CPuE;$Qas!kbe9YmP!a zRz{H08H=s?h9m^wbm}CT>Z)yv0WG?^K!12zhZ`a9IVA_^p=^ zrVqC87wqJ=fWH6!ZeD804}$r}O}ULJ9z6kwb5o1m-Dt#C?uu}!VQ$S6G0Zp$y6JDB zfj67`+ds=0W_^Q7;;_HkZmG$L2&>nF7(akc_dCl|#+-reAts=HBYqmikQQO>M_EjK zV|h-AkD}>~c)I{gP z0Nr&D4983q0MU*zvgB(Rb}fjqftNBP*G<;*BMS*uOyCUiJ^vt$xi6!m5gj2e{AJ#n zEn&G4crU;!(%FxN&j0FwfP?ExmA~}>} z@g_Zsp#j!f0sis~KkLei=ARrY4Bg8F_b3jhF_4uL?u~SGi0fV0EHAsRE3l;p#EA}a zrr(D4{n5yH49`#>v3?Yfb45AlrC?vYP8LeQwB;*n&{h-~{tYk}G7gCootWrMzptw? zH>NmD`Tr& z!FiE+k3<7F3wlKVF!as$nceltD26~pS2n1^Kf4Hv4QzuPZ6l^p13F&!li-hUx(9j8 zbUDZ&C>w68pFA;$qMqa)$bhGDGQ6vX;9-OUsr~ya&NK5IB~p$@ajKlFhOl!1p(|qu zk{6D?3OQmL3!Pw1v@|CFjF6+)h->cY$?T)I?N6R8G8cx3Qj3;3J+y+B8YZDOcVs2P zbZm209Z$)5Xbs?ir8c+IjNP{qcXf>6#^ovW<2YgAiLpmKgWmIXi;5NTbaYB@2`B5; zikExy7WEzkT+rcb2p-(0ofH?}%Z^ z(^%E`_yc{vPzFGzk@%}`Wxydws7D#uI>I3Rooz+-}h#{Cn^LZ0Q)<&HcV|8LB@3^PE5zlt35Roe z6^uc7ks!*LAPNQRm0J!M-k|NKd zOXs)S+?+|F$dcO-V(Yinl5B2gYjH6YcBpi<+2i2Uc<909r4AuE@{aGO`A>Tn{hWRL z!%&FWZD>)M1ZVq$87`3lY@@P%lTG8EX4zxprdW!`@&l2sL1V9Lz-Aq>8hgEm zH>N6?-L9MQ*k)ovJ`*g~aN%Ps-0-L#hHddM3KlB6e?@w7RwFS+oSAyq@jNA{k+FE& z61tH$rc<$Z&U*R5fG+EkA#Nd~3Xdc-Tag?eQ-wAAnhk_qxoDVd@n+A!nYUWh^;Fs|}I7!v+PV1k<41`r?)ID(y zhIpj0SAU-b>mlg3)|*39p1H5Mt-W7!d;&c7yrTT!FQjam6p6*WwjJERAw*0Tc2=^hH&)s%nyGRJ;!tnuP~eJC9q0v|T9jp!dvvPbQ!#n|RNE zhHN-FiQ0>_V&#N?iK?P7S*xQEp7bP)2HK+BIh!6u4(@IETS5q$8lrF?C3shXsC9-eUq!T7SYp77-cm9&k zfTEgv*dM}o94p)}B}rv=DRnCsSi}DT)88j@rZ#iSEU)SQ$%qb=kxl#|7TanDAkvQ&Xlfn1Ok5vWQDk>}g5Tx9HTaup7$~TMZ3qN{U?DNyVJ1t8Y zoj{?3tWS|?h-w2F4G0k2SUfk?tYLn>5i)@|yr-SK6WoJ&m5~4@D#@?T_s3Di>jPth z!nV1=<73%*lWHh~w@rmAuL4KMx7H}ZHWi0+kDx|3BrynKquc`%ZiUSjI9kRy9Rt=9 z&`96r{%Y*9UzLWts#CZ*yg5Ba`OzJDTwgc)<>84zM((Ay-7Uq5zRqlS0!SU;s4T>8 zOD=wgS+t`}!(~i)E)LxN>%!ehdIq680E7uAfxo!|T?IIQw zp2raNMg_E#H%baiz~~Hxqr;QTqkuqXFAWDKOY^ zBKZZ~b99UnF0XCn`KBQT0*<0g*Xab#*)BE*z@9#~E2ui9e^2UxzG(B?F8tNGO5$x& zp5`^vBjYRRtPNc%SPmmjk*A=0+-0pHiFs;Wx;$=C>9XPjn40n;<$fmV$1iLp#zoa2 zJmlgqX|>$16~OafuJ1+L?;(FGOyui?g4)9nh1qFGpPClUAe7?hULz+RSGs6H1|h6# zkb1;`)6@Fiv8~z((^%Pp7w{oUm{VE+)iT@fm#jW)Z$SZ4kxkj~a6$?dcCC`U@-4XNHmC3^1AY zcVxcv?T{EvF2kC1MFS9+G{I@g0tCPSGc_UPU9~lOHX^JB0VKit^9FPL}ncCB=?NjJ80CtC2(KQVO79H^`mnuK5Oo zkTCZZm9Tfa5qxg^LeCC2z2$O<@Q2G&kF&Eh>*$QXd^$`qTahU4hEIf@LeIgY=N=S1 zHhg!Z#j7{a3W0?Lz?VC3+U|=>GSNZ7A!QAl7YQB8xl+VCT4zsit|lVuBLx>p#(5y_ z-QE}xFji4MG2aacy4ZOSa*)-jyd4*0Sc^gsRS5dG1eDE&>;;T0H$VmY_wF%piH&du zj*#4WBM7Dw)&oO;a{fsQ6S;H@d2WmFgebzit}8}y(Y;2_F4Jek%uK+h?g?3b47`Dh zC3m`Tw&$Ymz2Uo(GSykssPO~a1!?(U)rqmyx5F0IZ}d5CtMIH%^FHXYJlGS6ijhg_ zO1Wnef%SqZ;97~B-%M##ouyWkJ(@un__l(k>1bnM2n zeIsG7^OHUSbZrlSCBsU+9NEd=2szmc^3Q7m2OJ+zoZ}XN2C+P(K2GI?AE*mKsDyx5 zWvA>BzkDgOvcmtrW4qxLZsj4pftB%)pXo8;rc$d$o{y^bG#{>je#KGyaFotGS|-l0 zx?SB?0rwxh6;$^EY*|4pQTX7kuWUFF5SqQ-{z?Ps` z6jUl=+pVlDUQ8k)E+zqcooX0ySDTZB%XSYrNf>r0Kl23#+80NyzWoH?QxzpIe zw&{p*WdRW4{>4Ih-K=zlKMQ^+$8ZY#7*7^Xl1YfnA`1)?$eA_x(xO&OtwGSaLGM z0%2GaXT+Uv*29H4w89kc&7~Wz#TH2Pa2ll(P%ev7wpPMbuIW+!Bk+Ou0e{o()ezP#Bsj3? z``k&++d!S;4n;=FdY`!+BI8#nGmW+LylEG&-3u>mbAQzF)>3cVu;ZzT+X0dO?@h4U`<#*@(E++ti5rv_Uievn2hk+kuZ zFgfp1NsxcU0lceyg@n+vx9o*v6gPB!=Z9%MDbx|qK0ex7n3FORydaPJDx zLAOd5ZwxTH_FIXN5`NV&UsJui@4)WH?quS>`GeibDr2Q+{;St?AC9Yh8j(c-f*3~dR)l582KpDhnXnyay| z1TNMsRHh9Olv;3giqZI(4``y@X>NM^%s2Gn6bvZkgE~t|95bKH<50mxxVBXtUwuEa z64g{hlU`9XI+$>>Jw=Gu*Cz}ihjhFaU#Jm+r~8KZSwRWr#vwE>hjm~&uUP3`Z^8xe z_j=B{K<2Gm7{)DJtQtwcH$s{l!n*NQ>CQxvoEpv+S*OxtZeeCo_g_T>s>!7FnTVrzFT`6H4uP^U%~ znJe%>hvF%Phoe}|zd1!V#vyKwqnEaeFA*)I9nz$f;7C^SujRXV;Pyl;TD{h^r+0M! z$C;{5qgO0RO?NEPG(KMv%La3bOBSL9Eaxdk_IquesQuW)v3c=VrL* znC6x_Cp7?6CZCO+3Jp1cXus{ftnN*@cZY<$8dZ)v_irtIf8nbHqRbJIW=?J0?X%mV z7~+1!W~+#mGA4Eb>#u_4{%}_m@?1?1rvE05|SUEDK5}O zHd{kwy8`NkGt$_sEJy~_!iu|;HPXffM!mflnBa(1P0pVINcAtRQv8EF9rD~|96v{yfGzAz;F($h7rCe{j5mtwKS59xqwM54KCmKc z{&IYP2qBDs7YU#+*&55&a_>tDgWu>w^Klxp?V`Uz{u7X3UG_h{FVkhvY4-jR3Abid zvo(?CwhQ@%2x_pJi^Kpu=9^}|e5BJFTkBPQc1@Gfsq@lH1>KA2rWead&0fal8HVe z$b@*l*DD{YmzW7$?)&ajZ=6Ik*){z_e3(ja{ha|`DAPg$3k0( zOpXcmW8l>?5B%oO&Gl=jw{xK}u`c$aTjK9iNv5{Ucd(FCZ;Jf!5^RTthK{rEcY>&d z+luA3cX{>b;o>YWNf2R}1uIzE65 zQ_2INJeU0{j#lqHY~ilDgP#ebgr}twhQ#sa4?`V;Ntg7FVAZ{4TEfNv7?MPab5Zg=yAZrYVKq99>p#lTs3i zp$IC{{N|IqLJ*0&%gxz(ywdevRjo>jVohJeJ4Dw#<69)tZkOBj{L)RCdgv|{O+$x# zp*e*JWO^SodZyagZccqMP`cjsFPQf9w5TK`{rNXPhwMNG>D^BB4C!o15ur0=J}ME` zZBX+Ct3^8lP@BeuTy59W-5l)_3!M8}T}*d2`m%89*00NG?Wp_~>xOk0ZjX%KdBX-i zA!?}$=clsJhn!pXeEyF7l;Hvfjve#K_4Mco=chx7Bs&+sPu|Kg8!_9?T!d*A8h5eo zi026@BWa%a!v51p0(D7<_p{p5%f+)+%w}q(C3QOizY*S8-It$o)7NgR6hQ{iDKX@!U>IK>O1SO;m{*Ggxx# zNXaUP{oz;&S6EXI-Qh_vNSLSZ(5M&c?Q@LyvMC+>y%I87`sKZYz<{C7x5+4hCnodU zYSWdzPN#=CH){}V%6N6H)DB^YJGIbJ{^EEU5!(_P=qTW9)F5w+(hV?Zf^pfM7#sd& zIp5#>Q|BHM7eZraIC;^eFz>GIk~VPG*%Oaj_#tVY2L6BwSi!_S%M@B(a@!i@4QLMN zcQ8UDlML?Lde(v0+nGOT@-Fj)^QUsE030w}Lu*3h=j7`0BU-4nU~${2d{q#zy8@ch zquc;&-?#%II?U$yGm`c^1nlJc=mkupJ707Uj=vFl!v5i@&)Ro&BykL>(Sh}`PTcRF zUYW*ASzG5FDax;@oLYt$`68oFkigyHCr`wBJojFp9PmCs&&*&O!Y6I zbj6toy~ZLzyx}jteFAx3_qBvp@>+hNHmSLnoBq!+cp}76?xn7I2!K6UI4p%ko&Lx3 zA^C|8onuY{m~uAz?_RHhC{8p~GAI1G`x1bKJnZ7Pg#z6c;p#0(?l7*czU~FjRGZ&T zYKm0OKbDNC3CIdNZh@GJziFEAbuXWk8>Oa$go9!Y!a_J$q3)${2~xa`onz(aa`cPM zy~K3Ya#H|{dXeYHBrN-kxJjd%Jo8JU9-6q7MzHrjG zfn8{f)idGNWD0ZWB)t&!ty&P!`F2g*Yf=?0ku!_Bw7X z5GddL(^q3vOH1*8L|N1M(Z5Wr&2z(m?ImhMG!`;;7o57Ok>A3CV9SPEe`+yj+imGV zWxVnHYVg55SF*5_`%7exu(`^)McTlX=>QR6qwFIF$k2-|Bmn$N2lWT+y22u#4jmjU z>^=5;*b#cOe__4&{d*-r^q;rYSSbkH86M?qtJ)8turodJI*r&Uq-LaY?yjrd0cn9Gz}F%V*=q$mtE1)478Ys|@t@cAE9| za&b-)txk#xE?9Y7S!%9$(~iC}{+n6;-O5D@h?uD7juS|Q?XZ(;w6AayZiP&bq8&hq zm<{z5<8Y{V5*c_HSamHgi*2scG7DXp8!$KZP2%jhetn=bow`P>nu0`(q@#__FEsf1 zghHf<;-xQ6s=QFXtufgDMnz}aSodn$S~1|%cadW;i)(2dh1;M4Tu60Sp`>5J**bUX zw}UOg`{NgBhuBF|sGYU?u-SYIHi@JWZk6O*=3J7ps>$3lMFrjYq|)_g`Do9h1p9UC z`k+OOxV$e{nWej4l6>U~4-C}QF9}qB0ZE{h?FFI#vTr2O#M7|G^=jlVGl2)E>GU~> zplC&f@{r%vDTj@z8Fd5W&YCFRv+eyio0d^~wT$U}eZYiMZA67EL&&)|hr;zH$KUwf zigkzmuwZTePn<)aA*qN3MXQ9WE&rJ*>xEDQGi45UT!_Y~vY$9)qs2|||5*S>jkT2l zUVET+*^X6gt)X}*;q4+Jq(MEA1PJm*U<&7VEK0UfId6GZ{&;`b+irXv)yPozte4i4;kbWDS|AlIg4E%Eiu7S!R#mtuldRZN{MDqBk*K1PH=-8bxqMmP5EPn5Q00cq%zIQh|6%6EP@FrOIT#~x^WRt!3z_pBOwD}p0BACBuerrLb6G7`;Ahhlp@5c3V=ue zer#&sh1nwOI%q}Sy?uCkdXDgADMAE+%TmG_k(bt5t$Wv2Ge2U+!sgW8zRH37r+@d4 z3Egd57vYD?dF}nz51$Zm@59|&D{mey?;fwFs&0tTTJ>-n?&c2mvTo0}`{B2B&ZmmV0Ks&Sg%Xxy3IIEz zVG-%Gxn#C3+3fMGz#KiTZy=eSFgLOcKL>nUzv#Nkv}kd zo(u=Y;J_T~M?_(M^KjXEW*4|0CoW8rBCkdAU^bgg9WnPY%q^QJ3sYC10CzW4SI*|j z456N@*W@&Ro zeVtEBL_EFR&dUsDPgaZ#iwI$Xf_jV!5wQpxrqXmGxQRdHE^%M?%sNO4H~^~Z-p9k` zlI@n7?|Xmqa7mJ0zB%TecB+{A`T$`jrleyP$EC2e+X|*unA=b;(=X6v|h&1V(=mOr9O}i<6J|;VAR?S?yB1NzVG|i``&k3?_-Ev&r9|X5n^n3tbG$E5HZ51=k?v&3lXmSprrbwIWOVV%*9lW=0YRH@JNcpH|QX9$3-I4VJT!6 zVYO^X@+|hD55@JUDCc6CUBVw+7j4Corv)4t$VYvh2u3DHFY3-dAi4X!(;Iyv$ zx^2(5```Zl{_9&Jh4wK-&@A?DB(JkHO!Tq=QFWU9? zv~9N$9!v}YHvH|I>uufoHZE_@FVA-t{_an2kTA@@`)S$l9RN5A(Rlqbh4B>3Y4^cD`*LiLVcj>%O1QCqR%={_B7JeVmrB0>vvcRkp(W*(3*HXp2qi72>PhG(wZ2If;} z41oZ`IQsbcZ@&@7+c&4SFd^-`Lhyh7-~N+GO^!GKSwsZbtcd2EV`KUS2a#DYJul5`DXrF_E=)_6`yJi1NmJ7Z3u}yUzulgnpV#|+dAp=gl$gda z!1N0zO=I6ca10M7$w!$+OlHP}X|j~aI!!k|3Iq#>0GehL5Jwzu20KhkJA@{TYu4(!_!084qFVMFi7j!vhgBU^P21 z6e1#sbdECsNEZb)%c3fwDM|7xKze~4l;nUT-ZOC%B(^>x67HU3>g4OYo4T7D5fCFW z1bDu$InRA9AYM6W5P>}DeapG@&0cPIKr##ZR&g_%UUy1af|{!ebFHFkYM#TxJn|ne z7v}B#{`Bz}^QD0h5}k z8FR+?PGZ^D$U@G?vi5q-9zq0R&MJOP_>giON=##@Ml7{5le*!-f=k+`N4P~~xNO&K z!Q9P=RFzC%Pu0rw;PSK}D^;%7^V^5ZuOFWP z;CyObwRZ(VE=0oVY&O&~@W?Hgvi$^rU_KlIhNaJ*5W}~Mo3uB{=sxp6Bvma^%8dH9 zaO*?o9?Mc|A*7(W`jS$Z`zKCHCkcxsU2aAQr$pk|L;)i__XIpDNTeBana!sM2=g$L zV+~}X!<5OMFxg0R&;%j^5Na0TfHBN$Hvk~O-iMhB@u^luthJn5MU15tmT6%4`|Gr{ zy_1I*h|{UIJmSl4knFT!=xy>H4aqZ^`L z-&~%bZX!@?+wMCAu%PxRr2>GO`v?dW78cgsdbiWLT^=rT2B>y>UQ?7gHJOaXz4x%_GkDd2EbaXXWwOVSAKnQ6RVQH^Fx~5^Px!>0v07U5dwiAGK)x!h9!q&cje7SvidS)S@Q14@O zND7Jv0#b67ky<17*RO^zFRKW*rLOB90YH#?!Y^(}tL5$W3fz|Ej4W+AU9S)3=HPGM zJYFBKA3uB;TX!E^$idSF-7Tb2E3K4LN-+Z>DWxFNzK_%}WR2tj;1C{+90B1V!d%%y zYn9gI=|#=G_u+1;X_HE)Q%U>;0NkPvm9AO~Cs`^1*sYH^IO0h+q?t)Ry97RX!^oUF zcuIEi2N#iT-zRTuvi8xBaLt4y%w{!DNPSFY^xns-zEI6utu#ThFDY5MSH?jT7a}`$ zd}JiVQi~AveF#y2>jA|jdPKrmX%MG4gVKX&q>e2Q;8gWc%)%28B5G@&ZB;xF(8Kq= z3o|i~ZO@>Qa8=bR{CGX7j)?g6*Ox#45O zAnaADldnnuOp~wA&=_W#?U67_gl=JKoJ9bjb?d7hCHNn%IC7E9Z5Y%da7Zc<5)z{# z+{ZZXb0V;WQ%8_n2kv`M{lK)AOCo{0M)zYuJwRsxmC?iEGZqd5|fw|vr+p@HbSrOqhwx4svNWAkKN`e6BLkkEI38yqF z`C9g`fBSph!RzIe{bYvkFjEBeF$%M#4|za(p_anToKS04-ZnhY0vrhv$N>lU0Q207 zvsXzih?*ai;UtGn)ENNORB0ek5WL)OLgn%D`0?op0++TRV2&IU0yLX;uZWmQH97Rl zF$N+&T+R`(u3IVc#SO_9Qr*(KW*VG zK&t8?V2&3cMK}g?d4s0y$V{k>gVGJE_TlLU01=*a+dboD2w&aCA{>I#!N#Y%IYdm0 zJw()DPCkG6@R*Y2nP;DTo1tp%JauG~Z}Y`Vf&fEDP#~eX@4W+-^U}<<>)7_altLKH zpdHgXBBA&Dy#vJMTp^MMljFp|@JX%28P%6ELA4NJ7ETx|i`Q&IYAKog2ml6Fiy%OF zkf2#0&WIvc)2^4cFi%P(9aeVvPq%dc0AWfl+)?@m1|WhC!@2iPSIw_4k#xk;m;2q+ znfbo%L+#XBIZI&<1klJEo;H2iUYZ*W5SH_D8s=()SaS2kqkAR_aEBwiI`2QAM>rE3 zS|0R}b2Oa1j+{hAgfKsE`=K?$h$tcyo`8kz2}xlNtlex_dLI!GEv5YBPe0t(H8J#I zz zrO5T+0*L2Y)^&S%zMDd+rSF|kL~5zhYJK|jysuk+8&#{VfTL@aTF#}^RzLjuDWaEB zq{wnQB{DL4Z|CLyeD8gn&P|Hcf}KZ(zO>W%B0Prny`S5XEfxTc?$1x_>AYm4LdX%o zgbYkf?AFJK$ug&K1qwv$-BVHe`^(%N!oo9^Gt&dMz3*dqgoyOL54BS(OKTB6M&CAd z@R!@B>MTe|p#E@fxBI3;jlq<$Nj^J7un1y$^Y(mSKdBq374cH!{nLxEEUl>zB4Qx| zWFeNCbpKs-9s90b-GtChhpV{-*db^_1PTZ9sHHNCYK)PgKqVp&>3m-LKHQ_VsSMor zec$!xpMPEI0$*JzSrUW6{En08e2AW3$s2h{ z%p*`e0%{5##!yqrx;W+krp&l)raIi6kS?c%CA+%0tEoFpjxL*Nc#=qvNK7>{CJ7^x z$)!j{bk&qRI|K$HL@mX`zk!I0_~F?njAOW|y4k*Mgh9Y+`h2@1VX1UpWWBF*BhHp5 zAOaYV0?Ppjg*eL!bIX#Ki6JN=^GE{;ZG^kOJa4B{%@cj!6(HRwk2EpDr9|YGDNIdw=?Ld-vu6fljBE%i`;IWE|3>$x;Bw{!>_{ zN8~ZE&bKAzfhTs%{{q51m?_tA{wM+*s!51cGu<@6CmKpfKtMq;6KBDJgorUbsYH_> z#hh?vAR>4=HslN{a;2nwJgv=%aq0vhm12piWM(iDW^Qrz z*i4uSvN$bR(Wh(5u{e?)Ym>o`N8|m)HOcpYh!_}MHSMI}Sj#;1;t)qSGWYg_y?M-d z@-yRgF!f4&f2Coo8Q8S!=v{{nCTg_+!ZdD=2#@JU<9G;zlCKyrMM^Nth8iIaopPOH z?J^R<>!)XzA}lObcpoDvE;jq#$w>LS4mS5%<-9CvN(g)3-HcJ%`MR!mM1zRlRn_kI zeO-4JU;-g%l_4U-GFq#C%nrgleG*dQkpi2e76D{YRnH+gr$P{h+I`)(J{})W!|eIC zr2@4H<;(9e1t$@ZQR@+I=59_%AaoF^f-?XZfRG#^|D7qBsK^k2;4|0?0HACCqQuFp zx-1hMB2UJM*oXE$)Laf1SC3HBUq60Qb0j*qCd}EY^8`~6QzsfRr#vanupmOzxra

    4@9&o^XsioX)2NJxBVin5CvD0?z02 z<$6IPRcp1DQgaaH9uIFG*82(o%c(N6nwnWVwQb#BKHXHG|KTq`*+@A)ODS2XK%66@ zm(iA%?>RADAD4OiaybXO!?x+Z_jljDeRw>(+qQRRDN=q;#5}>A=gq{DbKf;PcPdr&F~g;KT+|p^=V7@ zy(*juKoO1@YUTjT(vTPk+o`O#UTY2XkIyelYu~+j6k&AiYC4RJKw()*AUH%o>^g>N zma(&ZA^@NI_*&Qu2(a+vr(`^~Ib5%&tdLGiIW4USolos@s=xe=OX2fr`Q?|7A`AiR zw(r&fxzuJs^(!BX)8(Ajpt_IToNE;|i+$8Wt%*CR`;3xgfvLGjQ#;J`9!yXXfQcN@ z&8c$k0Et-DR+2xAM}~S#6&VqNtlR!@shLKRDl6j2{Y)Z9BAf0$C4t1R=R_XlxgIB9 z8gUG(RaA8hQ?>J{;nAbygFn0+DPm^F%pzby68YMLn$aATBV@FVg$K|P?#)LFk-*y5 zi%``99X+N|+rfD7wAY2em{^g!e|E7V9hM;clawCnOebOz9p4D2_;drcat)KDmtv=kIp1V z?hy`5bh%c4vIx*&NC|#pwzcY!bT5YK;-BsZ#~Y$dBrKSfYo5InnZGkjeoS-aV{~x* zo)M8{93G*70D+i%r?5;4OAb#)5P%~ABYh?V0bro()TU1YUk)H7No_Ej3N-*Ig|lxl zwRWnAAdI!})2Ejt*9dbfWgi+x;+1(=N(#)9yf@U`42S~JzNHJa-}(7wxk-d>zMCe@ zo24fp_CER;k%lvbIM-LQ1zzdu@oL(beKZrQc}_o49x#Uh2xc*fzX%R6Y>*NJuE5W? zm+#)Rb=wH};d&*+Bq$@oeY-oNyJ-qF@yJtpCKnzn6&QHwOoFw@Q zaY#`9a3y?Lp)7L1GC}xq3V%lGHDo+*5gNHwI7~Q5lm!mZb5j+ zl(YMWoZWxZkqVHIiOteVJcPL)DNe0b)u}-zoTt<=B@d5CUFa+IYm#%^nJ5BNhd@V! z0wQ$HFpog9R%awoOiMza7OhATX>&n2iZA9dp(4OAknBa0Lr$r*{>1lV5fBe%s!08^5 z>}LW-1XVZpRx2SMM+~TriLXJq7^zbi|HhyoUspE=Oox*oAwrIbb?;jr zwbaYyd}@`M;n25C59R<>ohGD+5g~I1W!Y8c9_-l@0!#!7p^q*siCU)a`gKl~jdLmT ze0%xZufKi#_{4~=*7wo(nVjQhFYEenY1d0b3_}0-{LDznW1v}L(mPrv^1o{4I$%W2v7 zzOOqXE=yZZCy^2nt+gZ@GYgZg>;B>63m~;3$BQ1}@ag$ps_5_!AD-WQcR6#-fm@oB z%_ZrP;@?9KYOO{oV*8gQnOcew5%EypyWj5v8Qh@OI&}Q)e|`#&M%08M!YKey&DITo zs4k3z-7Hhe+ahL;3?g)DjfFnlZx&ueM8rLY4J6z~xA3j+TxcX38b(AmY?!9eWq9gj zP$qdY`4kA#=p4?chD1Z{ezQ`f3cK0!^NIkcr4e#1rItcSL;ch9dOBZ7ikWR&PX`8O zX{}u!u4;b>YG5W}EL=n?vv@?fv6K|yn;HK9biGNlBuA1arkk0$N4zaFfy7cvZ!;Wn zNTF~jLW+GT^mM)iXrk6j$%LR?m$e3AGBM>O%d&|utLj!;&WOYi zCjkb-Dkw8hdq)HYWTw{Yx@@K%0J9SWxEKg->73M6IWQV%raA9Hs z!n)Ns0huTziG78+c~eAC)0C1h6JhV#!`)&$9FB;bQtwT*yBX0iAZMm5Oo(Rw{?pS< zhu?n90O74bNbDMcIi#wQ6yxq9!*n*(7y1kg!;midh-iz^9s!)0qu_;-m zQPq}94fy1_gsU3wzF@G=!OygT|DU?0&p@WRx7K-_XrqO&2u_bhfkRi7UC#jFcV@64#uGRk()JDL`;Zgo|DwxyZ$_Ll$m`@X)$GcxVEfy3;MV)F3Uy&Cte*6M)#_M?Ns<@LO)8Rp`s)%%VbG6mB)vDXN)fRTkTWg3A_Ll~ZOav4W;KaCX4FK}5u^>iw zODv41^V!T=*O#|9 zdYPF9=wM^K;W*8i*nOCXcI~zG7!-$P(6i3+C)v+{``tcfHE?jE0qCTl6vtn(@oYYG z5r2ucgs*@6z??Hct6K#`-=()0Nb>WW0S&7_2oD870IaPuacuk|x;BV0YD$PKOc82p zA>A3BAdO>7gK*qij|WH1dpAWRB1S^Q!2fYSuA})@^FT}-7!U}?6WDu?XGfAWRbe?y z<^Jj1v?Br|g|o`_@#t<(r=NFw>#D8QR=c~2pmtrBO?x|?x68R54*Auq#_qvOh<;Yp z5Gj`w<|lDa>&Q^2*7^Wc0AOtDK!gpbsj7R*5@HAk)UKwEh#cw>MF3Y*i+h`}WR61P z?f~Aq2dby$lcezV3O{m;HRc{qW)3Awfc+vg@VMM%001BWNklmgdf$jiq7; zZ(u)Z5r@3Ho24Y*zJ2%Y_dh&5p6+fAgn$lo1rgm~+T9HC`tf{bvXm$#c{nfgTyn}= z?Y%1kP9+}>Wvi{Lx@&DFPGy$xf~+Ir6t=CsfBSg<;Z#b_Qzqnn68Z7<^_Q;^ajUI& z1q4a*+uwZInwt6b)iFK}GfkyLXKkk8xr~Ulx7VM)0>sN@bMPp6y<18th#Q~1deK@} z)5rVAyStlQvYD;R=I&p7`MEH+)+yF&004NtEUJB)%ZnGcwKY|1O|K4z6k{SlS3RAV zx-}trad(3RF)6BP@0KzPGdecw2{A~0TW#UY>%(UZ$Gm2qB-QQb)b7h^J6shOAj0F- zWL?=HG4-ak>3m2fiy>^SQ|7`FVb%axW=T0Qa-x(Ht!=YY#Fo+B&DGuY6(OJ3wOU_W zUF+uH=IUs~sHRbjhdL$k;QIp&RsupS+`2l48v~&eF3VN7+H)3nZ?(7H-H-`I)jDYo03Wdj?g`L(Pf3W7nOfHX+oC+M zNKlQV>)K0itm`OPF=h(jC8uTGN=`yjYxfzLSct2ssxfmGR&yc^$}ADZV-j?Qfa;SB zVY?#=(Y`MjWm1PNz}Tfy+-d=R32W=7hB(0LU)FL&)UI7SGsnX-j0*@I!ePi#5>;d2 z_`*WVFpOKx0U#%FQ!uN&6F6WPKKK`}Z}0D)!lsIt8Ohy0eY*eri`Ql_KH#2ml5_GP zj=SZQx+x6S?|7dGdnmFR0wxv&+?ms4?$6>#bFZ~GwZl}1IJ6hT2Zm@aW2LVBSCRrH zQEL{lc0@!l_#}a+s+x627_$L-SoBb!h7|k;K;e{=hr+TqmGMqJa@Vy35R#BK4KYUe z4*5vhLSPJ2R@lv_Mh8h~1|{dX8C&hhB#9;Q4u0S~m5~WM5L)2z7rnNY23K2=hQv9} z@7hn7OHQZj!!@g(FU#F+LIgGIO(TUA5qIpl`%q(y zz>wBkYc!V>vvZgb+*}_Y0hVP2fRrT6nwYsZ9ci^hC8ySUu%d%x!pw-l-v9BnZMEdI zZnbH5aAs<~Pg5qA*iFVArZD1@+#OPi5L{C?vf6t93O?* zdF`E%)NR+_{?#kKi%=~1kQ&D-Xb>p_&WKw*=AQkT9XN3~LQ4`ds;#Y;#mtffUBsuH zBDc|Yix>~mBZm7k9uHHk&DC?F$l41PM?4N{*1N_D*IKWw#V5!~;t)>42-w|f)5BB_ zQ(3nft6@io{F~NPRhiPw)%BLrRyWgbV-{L}c0tbP?a{0hDHA)Gx*~G#9o0)gVqqch z;eudh4kW@FE~WcImngD+oeAB2-D;#Z^xosr8H}4iMurz^Ga?AmY;0m~8Rc$>sdfKtpT3Zix+p@LR`_&;V-H9l_`|y-=K9m$QZ73H?P7WT(UG)CKJeQnA zwi^ZDX)2}UR@D^Hv81uvxjr6$c0vB`w_mm1YZNl#lu|g})~&+u_=+K|J2=U1hC{6G zt@S7wEE308&S?$T?^kz8I6%^6t#>z96lPEkkwO??(>#6ARkzw=PXg{K$<<;0?B#9A zDWxP#N#x;lHg{rJ>gr%bl(V$nYwfr@r=t)!Bqn4~>$Por{fgVz0pR-Tpj}&Sy*m-i z(|mKS%kpz;J5y`!wYJY*9bH!uU0gzKg;TMp3!(SRRt5b)f*tC|5LW+Cl;Dw%}NT@A3hBS2}83 zrL?RS5w8x1X@ceyd3jS3X7OOD4!DGv#6)xh?JCTwhM=*V*RE5Ue|AA=q`(iZx`TJ^ z1MnrBr%AN~@r&E*j}H&w;h}0NAilwZ!r&7jz#bYGEQn!> z9AyLpac9@CcL_6H9})tytv2D%h{QfOd;l~jqHu-lihvwYJz$KR!684)Wvgv%EmqHn zm_%YXH&&Q29uR6U6CzRy0FZh(*_j7ZsjKp!FpP8C+{VXqZ_k+3U%#TX`oN(>?`y5~ zd75%cv3)iLL~t|h3Pa-=S;(4%x2+L)PNHU??$5nzV%lm`Yx7~Aa*nO;sDJ=8I7Q(n zgTiEvT{Tn(wKf>dCzu;_2#A*eg(di}I5@6gZcTfVKyy%-Bi2!O#uO9f9L7FfwVNrS zn{{<{P(VZ4smDLLB7>0txNdDKDKTwr+$|I#+ryEAg=tx<84y8E$sCD*2wLx9e%SlK z?gq)3$YJEtF-1d+rrup$y@IAB!FblL&S5O!Qe;`%VNPFsaeIALE~m9MMMO1QYoE#l zKPm|ZUyRTZF|JJ18w^%bw{XNqM{qFpc(xn>kzr^_fBqVDCbOJH`)C$nFu9S5dhd=# zgon8_t)ZuHtw!TdyU98trYsTJ8~yRNwTKM{2N5>&ZL8r<6M(uJL>!oQySgr!Q?Q$d zXOTyZA91I9`6L<*9|=qR`Cx-Q1M|^T33ITO0u#0o-4ZuX%>Tb`H&m;}$&`88bQuOK z!!J0nA9^0Ycb)67fQ)h7y5f*}gLaMPu*Ep-gxHzVvMzI(&F%4gnx`_Ak|YW9>7u-6 z6hb^75gw!tWK3j)5#pPKiD}(7HO-KI`{nERpYFeZ^9~RWhe>sqT1YfB--+B$WNx71n-GnVJgN#I`QzSVlUtjBpS zIjbrFN*WR1XwXfAhZc9&Gbz*^5aH>(AObT#2Mqn}Y>ks#Ee6yeWC+Iz`_pTA@)XJ+nCfu#MkoGJK2zesFvTn>AS1ru)83_r4VN4?w8{!a) z7-Q{yYb{oJODq)$0kGD_`xF~jY*{yEVj;;gm$KC@a?6$2y1JS>K0R%g8Oa-64KJPLvlhWPWN)!nokAjK>S06YJGoUsu}Nqh0cL3SUn;2O-OY_;yojrj1i z)mnQ$&h!8HAOF3Y)>i-W?b(IUy{nP1FrCiz)8iAOPnntBn$@O<8CuiY>SgJ|3~sG; zcVCw3;4H+)Wa^PvHYt?S!#NA;xLJQ^>pb+)m z8xavQu>_}l5D3Z4)%^9V7XZF&o4S?h9NY1!yr8LZWa!T_&O(mN_Yn>#aWABR0gj{Ru*0pOXWm!bE0(eR( z-Ch6bU%n&4DJMiOxli*vPlwv1R84S=op9{U#B#V_Vttw|(t1XCLm z1vhCQCoovBVI@IGAw~hf!&L!*WnKL;nng1WM;x>0{?&#SFDO=$P%J2eLZHv| z612bz3Hg_va4^)X8cb@plwucZ4yxY6bz4;l(HvvycZZZHiA-}w#LHz{)(YSyrJWUl zwGQB)nN+)X3x{$J(oxe(w{*iL3&JRVU5DO(ENy$I_@;)tJm9m9WA89HNc0THj^%`h z=w*DUXzb#Ghl0f|R4C-&U9JBjNe2K3WBjui0Cs!ZXJ{T`T{9x&9E3>Syjyr6jqo5s zM>02cHMe!!9#1C(I!uSlx)SqTiln@3t64~>%>e{~iF#LNk0pk10dO-FVKq~=THCtT ztHb=otCu;YH*ep$J28>dvMw;933yqy!&Ig@x2CQ2C~&QHrh&l_Vg#Mm+Aiy|wdMe& zZWGa>~vW!%TjW>y}p`C9`0~Eq(45=U%v*rq>6y8^<`OG?^73p5S#RAg%LUx$sW1_&8#9F;A^;@eu0}S}7!YC`k=&d}S_i}!|FqV= zu2of;k%enB04IQ|R{lD+xOa5}GcVD;51AR7S!+%^Fc+RqF}}pkFdi!39TWh(cctCH zfPTV+0gSM%ac}0tN`!!_`wq^aOk~XgPzY0!j8MCp!!#uk35fy>7hs4)u#{5C#mr-$ z8b)}63;;xQb37uUFty%-$PzvecR2ZqntQgi( zgQ7WDZZO^_f||A7r<`xEk589NtL^&gYF!p4l8Jk3=XKkr)!Jyv(#&G##!edQM4|x^noo$W`L^~}?RY%Q(|nkxRt+7J$kpM905}}ODZJ6$ zY%X~!IL~v`@n4cufB)qdwY90_<6O?`y3~5vHgvz5XAzDiSjoxE?jKK~y;|2T3&(!D zwyxnPOGJd%heOl8)fQtgG0l>RXj!*#S?Ov&y!|*$B`3)_eg4@U3kNBMnMny0Obt11 zLJ!LUM|MC5tF4wSITI6XwIbkDr1w%=2ltz+W1ONTr=|*kFJIoOcD06R4l(yaV!D{+ zOjG%J&UaKOKxA@eVT@2}Hj4~W43c}x1h6Z5hQ+a4h zqxu@ShQr1X$T9}l$rR{HFwTbHDcBH9K*&ivLe`%1eG$XtE~?$gN~M8=B2wgLBVxF% zs98)A+O@SdnqgCBG}H5CJzbW|vVwaOE+yaI9FeH2Nlq_c-bI%=8X^aG4{e$5o=8X- zHYU%Sr!dDDhOHrK#c?1)=))1`DM#;8QjS?-o~EnAoJ3l0r)6EXZ5SmY?D@QE5b|*) z#w4=WZW^?%{mV*;_s)7$%lMVBq$E)_9dI|C3VR!aXM`YrXzV2n5RrpmjiVz3cQ*+2 z#Za0$f`gjZ+T(_d$fT6n+#jDVZ{IyW++ViZ0o=`Vk-1DFa(i>kIY(2AyKS8Lpa=ZO z4;u18AA4lxs5-ufgSvaH*Q0@sdnjxKgH7bS+TK%0ut$9JbvQVIPH^H%%SaXuaoIcN8%k>kr7*B%jv zYRzTOIE(ozn0rwygVsbuV`anydkA#s06g445TEY~<`_xF%oqXNL8=9J%@12#C_fg z#!;-lJbtBWO?ynps(L)k%erp0s#+4BN)8zTA`0_bs||1A!FUVgTh)5+$9Wdv+Qy{_ zDdCtscqAvRTdl1l;$_*QK#Yxwj~OEdyzu!ocOqQ3y4BjXuUq}gcRy^cMyte;4;n*` zYV6$Nud68$ZM9yOt*cI@#JtqB+ivR{OXk|Ocir_ANJzqRS=N+BomSIzsVtPIG#$!x z%w@@@4)1|rpQ*W;s>hfg)j*E(Y!-WZh-Yn7x?PdKt9ZvX$9*!0b2u1wh_JO5WN06A z>L{(XHB$oza|_G=ShWcgGbLeFd-Lwo+xMT&%htQL);~R5wx&rWi=56YA(kvbjEu!# zDdGUN^;(-GpwR6fWm#KmwN^shwi>@!*X?{+RJBMt9?H7b%d!IC-QCr?)u;2)T3>55vni*!l(p9L zWxanqEo=Sk)!njfmv!x`fZnvLE06;~Yu!gGC^9~~$czxaC}%;y6Jl`8DRuRda}ufH z3{JySu6ONS!7K@t%*(Rn#4IG4bCzjNj>N)YWv=Q&wgX{yzzBqZ!jh9rIRT=o*4DOG zSQ$|;4>XG&Ql5e+CrSeVJ&b4p2s zm;#r~Nr;LrMA@~pPK7IW7G?#2@z4hMuVNO%Y{J;O>e*&VC z^7Gzy?@c|YWM-}RK~@RGOXRXFfN+?n>*HKoTi31j77d}AuIpw)%w|Ds4KlZgjB|iS z-yerX>w~_QlZ4YH6TP^-K1?Mjvy8(RKi*onK?S!buIUJn+R;TKs&(A=BYHMAnt%on z6loIi2zns;kqh)Ay6a)jw-c!;Ftd~r?y&iO?gRP=dk1%N@4W{d;pu!a8{scqZLJ-d z=XtumI$U30!ye5Tbt8#%)uA~jY`s6XsWi-BfQaUj@mYh2VIMjC`{D_>J`P=fSXB<8 zMG{0juiNQzd3-ugQvracy?0ep2j3MEaUFuk_iUIwy8S3Hb4f`=ciTaxNW6cBoI{F@ z^HhkaYo|R!Dway-;cOmU!HB&KZQ|HCq(p&22Sa4A^UZtH!(2)hGf#)iHW#Hmz~s1pW0M9Wf;yh!XblJ0 z42DS(A!+v@Y=o7tjd!wUlIRl-yzW6Wq26fGNq%)z!`M>fz~hx-7A`Ejh)H z8b2H<3=?BBX=+F`S_>GQy68A#bcu7hI=ZC=0m*tOt{>#f3x9(nYy1hEiQ;8uq49dn~NBDGJmSu|-*8RiNl=I8m zo5Nhj4+^_h9ElrUEeMAqQgTuq#C>p&pBxy34;Fa9G>8c9z)`bnyMKI2iACgeI=^}Q zo)FV+ztg&^>ND}g-I+K*0kc>gtn0dU)hXw3+l(g>gIXEgdC&#dTA$9BPxp@xPp6X0 z&Gm5%-ZAG53rPfkpk8d z-n@smQhbVmDU9g}c^`?*Y+2W3-FBIrry|6}SwvWJDsu@NJWi65u!uXl2ES;8a}B;v zQ0Uy_pNnTF=7g{CL|g4c zp0o2bn5lI$^RV6uzHs6s95tOqB2hFXU})y8tEmxlJc2AlNKp$ycp44_Ipw*Oh=~pF zEC4jOFtm+c!QC-*@Z*w>k`yONSPS%#?SS#H2PG!Hn_8QinfX=+BFTg~r586>Az=9W z^(%8bU$&UsYSW={K>T!nKFo=kdbh4xYl||y)&>YEQ5b>;O@Np}mauL8>2Y;HCP|V+ zQprVFe*g8?Uw-yk$@$~M*Cpn#$Wv%CBLxiut`22_WpT7C_hpFV+x~W|q=Ii6}&ASipKi<20 z$=TiK!?f1gO}m-H5FH^tqkaKexci`(1B^c;L>6FR@b!?Q+s-8mv$>mDZS~!|Ps_4_ zJGdpGB;=|@Ac>>OM>M2XC?hl9Q?&hlX_INsPTg^$#>~vZXfQjdl_#gj||GA_rB2iMqAkG}3o|#$K z{$tC;M2O3_LL{Uzty?wI@X835X5f789#2{TPKXgYFpvO54CJJzH*;5sUJODEz>#jyb>QLd5H1`vY;-Lc%}fkL!x5X9S=8MeQchh}wZ~NP zjOK;{Cz`oPW{u+-0938F=<>&ipt_3z0NtYWo2q_#cnYSF19tOL^6@xN({yulje`vw zWy5>#F=-4SbGJHr?p8;K8ZH**2rxGFh^igOEsrJVoKmpK!&N12YZ3YM_;g;k(`6Zk zy5aJ)Q=vw3Qy3@r=iUYZAw;Mm9Byc_9vCZD#Hr+XmnEm`t0NP|IUeH6pk4rYFnR(o zBH~?|O5je68hSwl1PuD!VC2U|*te^PxiHiDyqFsjN@6vAc)Wak`Vv(0G zZsw^Fb0BIgj5w4PfCRgftho;)635B|5po*tY!Eavj4g!ikkY^o!>BIk2YZzQ3=UW{ ze{Q%_rFK5W_)3Y0S%}ya5CUMY001BWNklHpfwJ%Bjdj&G z-#v(McxI`(BfWTWeSLLIDL?Nw;ve(fOC-*>QDyOYF#xdhF-8aR(rw<4yo)N@xRi6>@xcFv4ydh?c>jxg}qgYULB(q>7ibzT+ zF_DOb^+tR_t+iO7xmgTd5sl#P=gTFqlXcscb$fAhb9;SNTYvlh_<|t=)4eQq`^2)_SO9&&x7T`SEmG*EJgGr}LSG;&BdDd3^Oxr}KGPw%V9E^h<|% z8nFG&;jvNfMk<+_ZMA;$?VE?EldAq0ISCNoX0V)hf(;Q;?<4WGH)@dA&=PHhBiyF=^k-G@)_KYXgS65;u>L=_0PO?uW0K5JUQRc)>H)BV%w z>FhtTIf~wJ2)$sSiNy5oaWa*9=Np6$BdwPJiy+Yb<-Fp1;5&y{zKv)JLzYsMm!{^P98In3Yrn{r4_)_n$7TH$>sSW=ts@K@tAL~Ck-Zu|&u zh=vlmmUZ0cQ1I5Dl0cFhlY%inkm=>LbhNkoj>$l~Z8FBn&{T9JC-_le>!7chHwLW@j&^UUrZ8a}2ua`u*v?!6MDDa({960uTNB0}&xY+{bya>XS-sh zC9}uLCqrxpY=D5U=PT4T*d@N+icz3i3~Bn0S~}*6Qb6xQ!*B7{yER zmRrX{vlwW?t+bK2DxKT;r`V&x8Z#IBL2vLUs;~%S?o2+}Z)VS+kUHBw8%mh>;g6~C z_SNpLne9xYvGKohkd+)mF`qBu&6#D@K`!fOIGlr{n0X z2gDSryC9T}r9cMX!XBzoA!21Y%NQ#Q|#3LG{Opu1czH*#?0n&Td z&&4p5!Z0O|S4RvYI15FzAY8IKf*N>WfyL#Q=^bp5>!amGD?SRWRkuA73fQOpbPyg7 zq^D#U&UYLDfPVSv-(-cw zih}?$AAfGE)>ir8tkNl;2u9xw*dZYbk72~(U>pIOaeMSkh^5F)Nm4a^40Pk*btV(C zd5`ti_PYl-F49*kSumsR8u9oi8jkAJ`5oO=Y(Ged5fC8j>#vOs`oIX(R&oyV=^r@G zJbe~K&`^hyD21}^U2Zl^DRxs{{u;< zbfB;6^Nyb9co1r@gD%S!?k^wBZ*f517J0j%OTF4GCYqofrU zy4ncvIbNFl9V;meg*=7@M5&c%#GdU;)j59KHM>|TOZjS|OYbz4 zRDUvtiEK-x*?OMNc&NZn0}|pu#@DhJl+!|UXpJp3Mny$@@3)bA<{nL5=g{-L4HY#C zubgtwjNOK$Qaxnny9BCjH|CJq>1*#h+fe{Nzrav0^5kIln`Aw9*_v$Nl;Z zF@sUScudQn$l!nV!fOC~RC`s`Z@!wF4ZcbjfC}m4H;=?6BB`g|wgy>C119ah?Nsx4 z{B?+0vFWBpbg^M4n(Ak$e#%Z04T@`b{B{&=FCbucz-BgQvu^X|E7i1>Ulto$d8&umD-sXm=&~4r-);PlC02_U?_hQ>DipCDNAHKG^@cd~Xb&tZDd^&dvX6kEBeQtOmUMXUyde?k6dOPS0*?Kp08dU$BzD6sY6FdR#(eG_*g}UzdXYJ zWA}i{<3?sNx7IdJGN?Z}YH&^rbM5KqEH#YjavCju;&G}B<~Zto`Rci@6}s<;VB6qd zCLqveVp&mF*BRoc&c}P-B74v+?%SUZNBZiB$bMF5{9lx zPxiSN+fan+=u^`4s;JL8;b&c2?GMJydk@K6$`29{4g19jOl1)pIIH*r$bdlwIPhJ; zQp2TAWMxQ6^{Vu^XeIv3ou3EKVZR1sLqFU3GJg)8v@{qf9$@;;|9DX&REmM;aT_6A z!rY;Xw9I|!w%s|^-L@5-?U9AoIb|5=etKnoD!L)0v|7rgkE;HDV8d+$9%IUW1=+Le zo^O#h$4N%)k1LX^jneE;?aSrz8;%W~c<*7K(jXYU;tgWN*h-aggp18ZPq@K<-&oPS^XN#xj8H>>;9~Mt5@yAE0XbU2$Mna*|Dd>1N;JDqtcU+mDxLP-^ z8QdOw-mY0P#x302sd9PSDhSfp&|bBff8sE=vG-$sVNvsZbxyIYr~5h8sSsz7;CPn1 z|Ici(X9HHd|C?MDV)@cyr|)z+wns$({^0|(14->uz#A@BPQorQv4>Rj^v3iid2@WE z)+bDHn&EuuoCajU1^S)}_r)TAc#90Aedn8NGgJjn%{$tbzt`fq`*$|-3GFAL6k|)b zFAH-F3yvIlT@A=>GK?0=rAM6IJr5MK%qs>p-+P^_JvecrMU{ngQ$+i%==*o3X{eA} z7}rh%hDjb`=XhO=oZKEPMvarv&Nr5VsU8|)7LGYzt13!in^Vy;j?4aYeCLc}#68w}0%AkdHdsI)8cHxH9gf<)fb;Ad4;&_%Laq z?0Hi{a-I95iKz9y>p%^EwRyif6p8^Tnp)WM5?Od%W?65cOZ>C^%MA-*!|Uu=N!QSS|vWPRiByhcaMY+1_1s(fHGW9AseeMqqt z|7%=-gGQ3(5s2@l)A=cerk@Zy;FYfr%&b)YW}#eEX5FhO@76~Po_d$nf*yHr)_`P%X$`!h@y|*u3z&j=HXqS$@TXWUvKP6Pwd5weW;y;a<(>*V~lrS^)p3uH{(exLdO~KiY zW!n{am+r`~6kFKRJ@|RW=MkSxvq}IUqckq1%EHie=}B~0@bfP5i#^wi!y+k-3vB*} zjO3%DO=_Tn3YeOyC8;UA38o?=c)@LWU%8tide-ZgEoYEy(udcVnM8lSu&}}bbf_BV zU&enb(d*V5OWQU0%K+%sHjb)s*8KT-|FgYn|CuXaEg(RRE6*+@$$R?{ZyjQv7eWY7 zdTr+?!8J=yW+2`XN$3z?r}Cr1sPF{hNxSRwvqVJw`aY2m1&cge)Af_M0qD1JG=92- z*UX)_*1@L$*Sk9B)JP6>BXB~qonfkpznJJ0V z(zr(?9+LW^>sD6p|n7$4A~i*GXpq zATkS(9(O)Hpp~P07P472Y5hunD;j|L*ZuewZ)$}Wsz8}3`2cErr7`Ba7M+zGvv%bb z6~+GG6EJg~U7DI@BN8+}C7wo@R}YY9aoCJ`TXSa?AP{qWS&C8a1JzsaxOuTz)_djE zr|RTt?)GGAHqub_CVpe}<7C4(@`ck}0NL@%_FuT2RJBoG!E8%Uc826u*t2&M{KdBBhk;h&rhf7`cAjVXVu9ODo$DRPK#Am=X>Le^(Z>6 zZxMyVZBuMzFFbyvDpHEQ?!l8gY2OtS+pfRw_vK_hLMJ7NZX^)I-G? znl0Z`m9I*S6k?wrf_B1Z;|NpRORKvh?tfg*5A&;z$(S?G8Tf~cjOyTjG6H2|)G~$X zyFf4Y#2o!TJHyPe9mG;jq|%d*0*V*APXeB+QmYviYpr;(wT}y1>~$Txn_jP(`r+1A z`~5?f(AzYS7dOCcsJx7n5=1Ozg_L1dU2Q3)>}s;Qfo7{+pvjO^eq_lw9U)8qI}%%EtuM9rLXRP3)karEiLf%gS+8VSY$_3 zL&J6qgo#vLjZ+&}&Rtkn^Msgh7>K++D;>HwC*C&9bML;h-%KG;lj>ORVqcnCYHIAJ zW-4o#U7FX`M=-s(XpcQLD`z&&4$1~t>WEYS4#9W-;T53t&jz2WS@a#@QPF(ad($un z$JDER2)^oXqf)*hl$>{eth9Tzcql3~mn6Q$W}lq7oBM(SOb(*HV!Qv$qm!T^P#}%a zLrXsjE}bG_fQEX8)R>{0#0kiqytaNZkBoAySZs%-j$O3Hiui#JHd!ZGM4rpr+k zZ_!A5c@=Q0z;xrmd4LKv)I5k-SNDx3eds0cN4O$YS=t8hun6u5YrY=)2@<*;2zb${ zlFsaVBC`MAmOP%lc_nQ|+#&g}q}b9lr6B8eWppeRe1HnA{CRuxGcBX5dcfOHCxTsZ zUfjU|nBnRS8FUcD{5+$UCSjz-zC#TR{(aOKP@Y5RgY(^h&WnITR;CwgRikQVxH|53OR-N1uSECA>U*d5XUMM$ zVeJnxX0Z8oy_b)8SYtz$1RCUQvEGbj) zkT_bJ{23SeiixiVWgonHL76(aDRtEeT~#;>V~>o#=?Y zwf$)2cD!)tH8HYrZ-L$BHAl7seqsuulu}!^Sh0`K5ib%KU3q3UzGi?071*ST4bRCmf&DAq#-X`8J>y9R0<%lQYU3d{J#w z+4A!UT5J1a_$ANFAFK-w1?;?WsZDE5%LtBV8adS7V>p0zENepj_8oZDNSB6MNsy@& zxzXLOf`(1^_OMcanP0tSh4*kAb+YgLxNe*^m|@GWPJ&%7^pf>7oO~axQX-X4?QT_i zSU$hl))>7@o#ycC`7p=T4s#0O^JQe7G2P?`&ptBEE^>A?Yi@cq)rFQD!4j-lwJoIA zqoaS&z~2;a)$7oPR93Df5L z5AnH_;SKN&ecvaVPk~!bVd)^YXUPEb0_`R+Ct~|Y>2r4)ZRiVxrP#0Ukq;2fYC{$= z{^w!u{Wbl5|4zI6A8$#&8E=w$j0_^u{gcu!I#%3`Z7!bA zmG#9QEaCpQksdCGDQ|b-FLuUbd%FtXfWSm?$b96YgXL6+-+oEa|`6qi+!n!I}(9tEJK{yuk(F!M(i<1#^K@NX|$SdzbBP6 zz?+QO-fizY%mrpF3)vH2=ZJaeG&Jma^T0#r2(VG5o34UU78K0(eAk!}Tin57%+m(K zzqT+%G@cWW$)Np3g(@5fYI+iCqdfi%PekShwJ*l(?eCqil@ak(fj{9@%SW^c$rMo` z)BKrFbbO$LxvVT=up{v%6xa_qO7^%g#$0)o14)d7yls)r!qh(2-zKTF6m=>Kw=Kx! zu`yLOPu@AI(V=a4qKU5(*lnsn~~9&T(xZV;Q)jZj)A9Hk%yIpFSH0vsyOgMhz}(gw65lgjlDyGN`4 z2aDm)NVd8_?*XrV%ld>3I`9G;-hZGS?i*i2>~h=?8COqR;Ip&%CUF8* z_N-6hxyhpWB0Q{pnWPVU7RB*mbBQ$?w&S(C{I9;dpG$g-L6nR7J z-M(~~^|*&l_;wtG74`IsaE2)AYbY-wf;Tw_bN^APH*Sj;4E*8PSDc@md_(xj!N|P5 zA^%!Tdr4JIUKd2FuQmOVsekRd{x$^g70owe!Cu3^;#hne~XvJO$7S%O}e zb%{+GDr-iL8byUiAMb8?z&00pyJq|*oQf*Ye;grvOk{XlnLufE&H3LtMSs^t_T^V4 z$A$H5fM5s4$;_?2y6aG(0o#L&a5?0_}3eK5UFZ% zWJLU8oYPX7r(RF~5!t$XkXQ|HzD(Co*np!;3Z8hY+f)bMyLa4`<}Tm|fjIa>m7N|>*m0q3^L-qsO5v8DeVM& zLtPa~I4oJ@n=ZaLYn|;~;O*KNRP2SoziV3qTck4Z`y6fkz^ftokQ)5=KgfWqYg$R1 z!bH$a7vvGxB_gENio)=xl?FNzROl8ba0- zrI;J7%n4Nnu-?M-AGC95onka&LbhJglEN@2(B&noh1BnkO!dwimCCk{pbTHgmt_@YY72LVom?);UbiFpwUIdg6^LYWS zZNYD7Iigqm^)?(6D{ zyqtEokKCLwzaRH;Chh2{9EX!){M8>_y`>1dq{4up1VOWEv$FqLjvf{aOra9J1@s&o z^D5b_Uu8-Yh55n3_ZqFUx$b8F2_R<{c>B-XD!Dkf<}7iWee0vGJxzrX6eLCVEj~XY zj!n{ox4Te^)?neAwyg+5pl>+P<&C0w0j6PZH%J#+Jf4a)!SqkxUWEJxQzr89L(v0P zmQ~1C{25z_0jDHcspD&O!TgRwn0!6})^^h79aIa)z$I>xNnFsq41&mj8j>FMch1=9 ziA|#M4iu+w7YFuXF}@&6HZP*5cS9Jl?u5(6iyuM`o5QVA-)cKD?mgpfBV~f8=H?XO zj`*)1=o?z=p~(Ee+t6^8gUa<##TF;hEdbkF{R&Fut*=WCZws_Iza8A=wQwmmvP&;g zzDDZG!|gce*j6nijt;3Dyn$lpbrfn56Zb)JNzw(*#<|(&MIarinQ&HI z!UMMls<`0xmy`O6EZ>9~POVO@?4h6EwJx9TBu(U{n&LWc5{0WMbT-9T3w_AD0}0Tc zgER^KSC0snXr|Ln5%QzdQ}3oOPZs;9$dpu*wAY9o>CDUrwBIo1z7mLE>XVavJ~bGj z!JpQo%2esc(UD4O6Wg%%8Tc0}xVXyuJ$UOdx&=|5SIH;~q4fea|HrtnurZb#e3~gv zZ|lqhnTSlJmHV-N*}I;E%%NMcXbBa9YH6*PWCFBJmJAI%+v!|;R%_a{60l123^!z% zAg4RFeI-@G$pSa~@A{jIV9MVJ#aq+7JW2wS`Wa~$lCrXIL7|_X?Q}9SyV$COZUTV^ z;&XR&^Hvyr8fYGQ^Si6Ft=Qj%5Itj5e&zcwp8h2`x}6i}*s3X>yvbo7sEwp^Rdmb* zydZsCL>(c0bt}arGW_sL8=l}Nt+*4w`#=lLc zE@0%3RL-l&u7`>Z=z!hs4Cp4bqyyF3tCVUJ}9=`w}G)hkC9p7(x64%%e@8l$2>lYTJ&O^ z+=4?Eb>a=lXt91n^Qc{OOR-TX_}X-m;t3XZ3I=>^Tto{IR5(arc5qcQOGw!_6tHP7 z9VhS6edb-d*xTitH0xXJHZZ0dz7RagoUM+FH9unu8A zBG>d0ab4+s03XTj%iO_D`ZFGn1HNq*Mr>9Q^RCL%FPrO1gGP-NoIUEYy%Jj?dAe_6 z!W<(UjQ!5N*qDTE+}!NDB#f2^C={`rAEHU+H%WbP3QB`|on)?aW{obD1 zF&~DnfPoJa*dykQ{{yn=sFz8N9^x7bi?>QtxJ7E>>PNLAlq?1hi_#uR~2G<`tX z9x!(8e!fROmmF~Lg>D^(UaS#`0V>>Lxy)d%%UF0TO@L|%;*d~xQWky0n(`&^8MR5f z-6D=t0t{l7anyMdoDxD!&@83RN^EV3#^2~+m;!gz!gYvE7VuV_U|+=E{<+@tlORBx zVp!OwW(;jy#OmP3nb%cR6{R0A%4>*aNm8QX8@sE1{|iIQHcI9Tjn*ey{0T><+`cNP z&MB1f)9#&6xDwu?_{H~hFV7T=n0iSeXKgOcqf)eL+OiVM)vSDb!Lrh7Z(2aB zvGjkCgeKk>6KXFJ%SxlcC*)wA>JII-@5`k# zz`IJhnF+PTw2(^^HuofuaOnG)=_rZ(;oTIx_0&|foXJcm7~U{9FOLHZ2n*j9re)CK zuF@{nqK)m15)KKe5Em1-cacmSVv!cTOn>km^Og&!HF{E16ua}L>|fOeWqWsNX=!4y$kG)HN?=`M1&bHQZ$mSk38NAN zYKGuAz`I=yFJiMJS4SN+ms)LI_Mq{6b^8~q#TvJ3@7&^s{a0g&G|@-!SvnaXF~kyV z*^a3kwScaihN#7Xg(e}&$)k^XhqCLfPBRJX=X);iL0%JoYd@HWgpB-?3DDoZ-LY() z7=nGpLSJtkbhYD)psqyrw?X9?;x#eh1o;Q-5ZR-y#X)IS|Hb)sJh2knAY&nxOQ3!H z9>sa@AR=PT!E9Gu zBiM$E{B`t~8yqRt&Z{D~5Yte-1(|TLRgiOj-B|~|cjc=6hou)0ok^8p-gO<4WsWf3 zFYKU(8l6c9Q^d;suiu^I>hk3%D(b5Cu!|Ex$mn-BIscygJGQ6SyS#}RC{a4;ii9U? zZgzOGS26(>snONMf|4|n4wM+YR2cgB*&w;OI7;j#f{!|Y`Q17t1<}-2WA4J%WdpiN zKUO^R=cBxk(RZ0w^-C}&52ArUqv%Qv?QrtF=*p&fx<{TbvP0z*+>+jozerrL!OAlC zNGA~SABBGdvX2iFrYXF#ZzBFgXCNTPh|#CS=PrPt-TbRH!YpwP%(S7co-*M}@-4k3 zAR67lD^rtxxik;#=sCq|evDfdciy_>0~>hf<8yPAt5m|&d)Xz@s|sC2fEB*tb0KV0 zH?!t~;{pDmMI_8OHI4Q{fR+;I_sT@?`LTH7jbEdwAssVjRX>UxriY!vJZpFM;cOz* zDO?FGD^jlt>6oJy7R;8^`9HIZlUT~4fE20k2<>{ld2!J9JTmg;K-t+}=Qyd6 zoh97M!m}B{v%~!L=xt0_gcVVXxfslafR66&$A z_vA1j4BdzBoH5n`mr4b5C9vs~tUV%=j2sKw8Z}SeNL|bbUPP~M#GYuLkK4AN+@bnm zqWsy$llzW8FZx%xwIZv$#l>}&D)+S1O1!c+UEc(Zyn+2zDbo;$Ia_D@u=sDtO-su% zEM7=xu$*)J?a%tW&f3^18@B7r%q>10U?mzQNM$!;$~#UWS_rgp1|0WvjYk;~6l7UL z8MPU#dhWuz&3jn3Q@UV0RbYTlsXs}qNoM@OV?Q~dD}v>Rs5R4rwrRnZyjj8tpXUFz zKFaX4m!v=}7Gk3{N=PEDqxJ2boGJokqLjILs8I5kfqHed?yxd1?4eG@SAdRYV$tTk zqJI@w8r2(@e2KouO1>MycWBK~Sfwtpxa#eEF+c@sA<_$y0#vjN&e9qbA<71gsDU7< zw`6@(AU+b2KkRO(y*)7f80wE|?71sqh;^Fy@4A+;I4y!_)VQaJD>)9xk~Z+q*Irmu zUKHZ{Rb2@3tI$wqYvy}3QM+XkUNkc?rH*;Qeo;w)A8y;a_C!&LFfK$FVT-Tj=cB{23&h5YyRd%|Ar zZgxq^xsIctO6dwKdD&xD+Jp6y!;57`}6;O5kNFBz~PaxN!+kpqA zw9-!1Dscmsmbw^!p*}M~ete$_$Sb0^B)j3{AxleYbmrsA+%>?&<(7iZDpN3oQS6?A zqSu$4`!a#Hgw1>Y{{Bhjk^TO?N8w5?km74}<`Si4QX!e*0)k&I+j1mFz3*!JUMqNV znq7~~?QXfzxp%9*lsf@`=MZ76*yUjR0vRL<>8~rj;To?{*1Z=R+vj>R#RR5n+=DXR z^&o0G;nW}iNH*#Im#u&h5yJ~D`tZ`AHws(^Wzxbvw)F3HTO4jn=+)*mg@i016n^ZZ2DQ$N@5A zWR&JdqzK6uxfl9imbwW4zfWhCSuoyg#1rBJ!!$10(UShXbz9N)_IA^vKeT|>`8iVcdm#e@lW=4@M{#yFE&`U}AeTZfYZs~E z0tnz;AN~ja=JgZj>9Qk^Gzf8dwR`_y}A6IwM?I==y+9 zaqlQVrHtF{n&G!tUMXZBI7{|mp59V-8TsDK`(tWAg~EI6)JxiH$!UMcq0S#{oaFeV zPo~{3&C>N_vC;3dr@i=}4@4dGu7w+E$)Cj-+Aa(ZT8zr~qdoO{S?FZmbVbnRU0v_F z+>U?a!ky~-ixFHcCW^V<<+E8Rb?HwXr*EGjtUI#9N$O#|Zq2zN=9zX568;GqiYn8C zwtszl2|WC7Z28Cun%CxWYpm!5U3RgXIw0>#tj26}06bcnR$~-R+^L42jUs2lfGZr?fO!nh%J z`ANT29e2U#zUe>Wi z6E?G_IB&{%e1Yt)A1sy-SN6^bwyxCJIO0_IC{&)slbniVuuBluZo3k_+1giPflosC zXh7ce-WHM^VF&0)kf_HVX$~;mV=(f|r!*5)2MeqgR2u=UDqpC^W?te|CVID5@xLI$ z+f%-kk{Ft@Kf~~oU7ZgKF1>a9>60f69qi@#&okxc$gXQ+mns`K*dr(zzZbN65Ts?88i9++sPgW`l@jbASJ~YRVD3uW#n5DTzailj!jNvTi|* z%rYUy7Z%j*q}FuLvCDK>>9srF;nLt`x*I}|*VV1VVqQ0lYQDeb09?Y|pXQvJa=Z-q zI@;cjYuTlA11WGmpCzn$qTTf0Fbm2qG&C6SzVaDmp4U6~-Qh$O;N6FO-G6KHdzxzO zKqDc&ztSuKtB&_`7kir*XWbt+K1Li6_Xt>c;g`8U+XuZpbEPCjBVR#kEA04;M+(;&(|D<8>z&mzQ%nd;3rLp|0bs< zzD`<*)ep|Ofk956Y%%B&e^{yg@IuMhShrA05ei{cq zPXoR)hHnI*qShXpjaQQ}omQ|<{o=b!Fm0imcsTwP)@RS-86OEw49jAnk*m%%AC-pG8;z^ zzOBn?k%E}5NQln{>t((+Ih+Z&p`GHATnz&RuVGi8*4uJyC@iRc`V0{tZL4jUXg`LW z#>+^VP|8d4_s=mefovgvYpGrf8XEZi+?jOY>V)Iwb3W#rt4?0R^zvb?sEga5@RVEu z{x2$%L2<27(v|W_?-1xpBL|5Bx~zmw!<6rX7ZW3HV0e}}nXSnOkn(y3ZH$Oel4&;< zFy8n+A}s8l(fT?>^e+b;p1k&=SA%LJ5+EX`St{F_mTO$Lm+XN|JK!&*xg2_V!#<=(;_l?tMeD!1FnNaQScm{5g9f%!yX zjctakY{aIKtw_E5xA6IH)y`7s9djRm$Iu;^P@iDDNfb4&U(nLP?5pGO z;WS5mW@?MTUfy6f`qM)@rB)s3#37=6DD5Z<0EMS-dbKs-KuZ&dilKS;&=ItKmYmUd zyr;O>eGvylV|R)Bu-ctxN`a)hTIs@5X%<66pUeB1}1cn=<;r6uJIetO0% zYZa(?Qz-2~P$MLDqyh(%T?e;a8^OjT>&G6j^&OX8xAyDTnF z4!9m1g?AR%gI^$U$wLc!bz%O9@YROuzgO-PHpy@o!UCrlX#@iKK!*2)Q;tX4KWJ*G zV;f2&N%#|KEA3~LA(FdfAI_X+^&B>2obL%u z+5k4oO=n>Mo$g~~6yQ%n-c?RzCQgGCp?{$qU{;jrvh?^!mqZ~k>c=SIKSP<=hnKW% zH`aj#@qO**iAzA}%y3hhcgK4lnsF2L032eU z36LLlmu03c_`8mH)%H%xq!xP{b%EXTwEx0W$L({QOUP| zKBqiN$NZwO79-bGj~Qv0OlL1@{?31Rq`xS9g9n)tp9B0 z9}LQy(8sSJYEunOC!*(9zy>$A(1)dU+Td$(5}M2(e> z{biJ)dG=R>=HWFsTIJ8923df1v_`R}I$!%76DY|+c1mV^fhnu5v$kw}hyZ7%$)Wio z0QftD=!|q$BA5tdiC-}H{?x?m@8~^>jGlH4Dxv&c8+8fZh1_};XFc*V?zTSRJJvQN zlhI`l-RX{u8cx66-zf1y`RsLOTuZdxC0Q;|?%m=&x?aSJxlL1$Zg`k6; z_FKpI5+6M3@S4%0Hfe*`HBZ)3H#O8X)C6Pp))&tYN2I7)uvD_e|31aACevx{JFuX% zq3d}okL&Kviqk3yIf|tKzuP3;!AT(U@Jg*u-Tc<{qi@`IT2kYG=yvZq_Nfb(+*r`> zI6(hb&PR6R4|RQJ@*?bsmDTteV?|u%HPxe>sw8@~+MGyBmuTj!EBH|&aVdn)W+3PL zXu=b@D^L#~-z~|6t*)W&=%A(%%Aedf)KGHUy0|%StJZ4La<_cX6DZ-S-XJ6qs&6Oz zz6^9$xSO4_Gcbq~85I;P%?#j6^5)(7^)NyCi5%wNl{o?qOU~GJNjSd z!$%)I@y!(%psr zhFOqLmwOcdUu6y!MjKEelrqwS0C8I=cn}9VRh;uir|v zM(6WCcVu@xaHP|rT#_1Cs-wTH_N9FCjsdNQ_PDv&>+WV+M@i#B>Ab=@@3r)ab>jiC zc*F0C@qp>Sea$gR2%Q2|?QjITTDT~sU_?5ns!*8zNInu;$X=JgSwIN{Yvse<|1C@73JGj<5g~ z6;CkRTN^{00&L^R|8`wZ>teUJPEQX{Pluub=_^irGdkw5}{4rXm zX`5rSzj!LJrr{KP8gubxxD2tF`x-WQH1E*S8A9u2Y^K~93FW+ba}wbR$Co4q*T_*w zm_WY?PMdZ(!29`Y`qNMI`JUHa7|nJSqI4CDXlU~~uY2h=aNEz+I(e(nPF#GsZ4CI7 zh71f*D{Wonxh>7~6l*_ElV(6wwv9Ah^QvlR=USd@!tf`fIlrb4+KW^;L&F$_tgfJK z0S`h^eN8C&?iITteb7K} zIBn*vR5HSPGaZQVl@f~UdXo&g`90^R!{gbUnh+EH^QEKjR&tx{G%eOY=nD7!HDhvi z7>6@AHDdHl&_FYH{-LFC6^{Qp!R(;H-1^a9=B{TTFvw{A+6WZt%Ps%5Q}``9@tRP& zj=GwrRD+pLNm6Ysy%Ni300m^7y4$GJfHcoz5)dPjtH4>jQ^r-pG;xT6AETh`smeIt zf8VCKkjv@F>k*Z*SFS?x@TR2T^(&dZXIpM$O`+lk#!{DP0_r{QvVt%|)FGL55_MgK z0cID;>+&CUPuMZ?dA#T|a!}XPwz-Alqi5bdeJ5)ToU1)jsWIDAb1E#Ac){n}l46w~ z7J8y0Rn#=pWXi7#HG%9B+@)WljaI_5aP-8_eK%*c6kh{`cBd#;S8atWHn8E!l6Rfy zx91jnFW!`0yyLw8Zb8+l;S6d!E(~422}$cqH9tLLljF#gKG1&`dKJR)(D%wTAJadd zZeo7Juy)36h)!kaUh)uWq`Tu}HCnlJ%-?0Pr;AX_aOqA*bxD?;iHt5M7(~_ED-eH* zSpfMX*$0RDF0p|U-aMF zo)wQ3HQn<&)+x@$1>L&u;j@OZ%kzBUt2Ux=uD~299P8Kmm2w>biuZE1+M(mIy-)if zMrzOEva>Trs03fSd_bA}=sw{N_nB5FLP*kkUVPiAvJ6zE` z{b3gK3{5yct=2rhh&ie|brG}uoM0XEm&qO%G);#w;+4`etR4QK2Vs!X1L6^2ro&E56Yk; z-Bh4orv9I=P!2BM?rKob(}6E^sC$~R)@$UW;v z@^p`E)djd=0(DJ@Prd4JxoYQ%HQ=0g!7j|y4R?7KKzUEkDD*r+}V3Tss_mLySh6MV8T zNAda%zLwZ~iwh{A;)Zu_02?!1H-jXSQOW$De>MIY?}Ms%C`4R0D9Ko;0IBI}FIS&| zpw&@u*wmH*>S;-I8~#Uk`JusewqNFUN+y?nSfgiS+P}F6Ye;i(fiSnV=qz>@lJB4b zJOzCA)f)`bE**)|h~5He?*c5%KA9(Fq`d8P&btJR!~y+#ZYV+MzeJQKR^|<)L1$2Y zWM@=vyzyk=l;NyA4~?>PhdDiH`C|=bhcVinRn>xr&-lMEj(gUQg?R0OXr$^RscF!X z#ZP|h-roA$0hKGGB(Pr;_=#Hb96+>^jc7{XikGKL}frNXD3>X zM8iLdXyOD5+f96XAhzSoUHOOcX)ZiNrw2`NCBkC-x_AH9CPvhM?s4RmNnsG9aRVci zIFab|$~07{oS%uI!!|^Se!ANYGV9+S?CaBma3Urm62IP%7-4y_MAcuH`i?1@UQ4kD z`4{6bxfwRGIFjeLMLDJsJFgm4sL062(GsCA<+NIxvw3<_>H2XYN$vwERi+gEsW0V{ zAb|OfFyAihC%4mJG*zL+;OP6Q-2`ccZbz8XIGy3|3EhyFNymm5vy?tOt8` zaqR5-n!a7pQ!(Gnt3UPQy3u z!gOuSeDLj^uyW>O1?@W$k5R9vmkTd3h;`^(R!sqHARq70Vj|?6^nWy+S0L5@|Hsck z91`asE9)G`jO>i8ILRh^B-=M+@4XHV*~!kz*0G9%ldbF(j=~{3Wbds1`Ca@k-5#Iu z{ybmL*W)2wz-7hPJtLGG`(u$@Fw|->a(h*i&RBul3idgLtYd1-j)kA5MKF1ckUFj8 z&eXo@Xs?Bp?*9;E7vv@deP&q`+m>6}BN6CyX(V>&BM=5&7~14*w4CiOg@bojOg_g* zOT1N*N^kH!0jX%pP~jF?rUe8J+M$4|J1G5N|aT%;LNP<2y|j9$oUR!R%h_k zRpu}=n@dopZ1k}(yNjC6Tz{NC*!xsbwGyE&ZjC9m=GAaMY6uSYU(oJxU_Rm)1R%tx z275CDT3(uYiaIQ@RW;2elnWuyID+j!N z%f5vcx~IoUPX2iXgW2kdxe7g4^8DUT;X`;4{NO02vSrm9g$mT}xngGzyscrz1&z>7 zU*>nsxiL?(CY4eq4wuI9F?wR7ARuj>r5W{%UVM7-`ig-m2$F#-mr3vL+nBstBP4V~ z3IOcy7iBmy4<}~7?p=_W^YZ%K1A>3W@1f59P?#aujyyb(t2S zp@rlyqsain-NW;Lg*z?gKzibfEHfQFX z?>&$cstT#0SNpS;o-cJ5lF^O!8(H1k-*G*D$o^~~(%wJSER_Qxb~nzaheC1mrNsW& zR{Nx^ehJt^PuwX-)2*rscBs*5IA0*FYFD5_BCc~Wzr`~k@$Pk^h#T&_$$)rxj3USgI&I^;*b(<`ByD9bdZF8{8obhUYK zxISG&XA@KU!~<+SS@vAnW;u`Q%bBkftHRC5N0e~bttvQN^ULB6VIl|Y6sNk(-3-oW z&o7{gUBOD$j?5E(cVzkg0`J>$qPn@2dBH*zzRDK6vbh&_?bBrE-zgM&lDp&Zb#5=F zT$z7x^yrZN_J+OV^4!tXY&TTT4m(F^sWf@t|Ido4{2sxqW$#!%balFO{QwHGP2 z(Mbz^(J!G9Kdh|&YY&6I92a~WOkun{9et8kpZe>8hO_baG`UbzQj+jd5zY)Dn6E8n z^Y{-0;&WI3xwz73!mXaat40iK=3tGrHJ>>&LXR(e-hvq9!2%z$@O)-LKcb`~HmR+u znr3#qZ5g+2|3V*P9RU)S?6rC-rYdshZj~<_(CzyeQT1Mjfh)$0F+8hl-r#8%k0G$gLrq7&_;UY9D(_zHUNI@J2X|dkv$qF(W&Y?j zgWE`WL#-A2?Oy@1Rn;rmpxt(_N$XmJjgsW;1Kj1TpF2504h0QA?>Hoc3r{zC5Y%O7 zn4r|5$)ozlQK1ux-F3xb=U;Sb>BE%1USrDo`Q7t{mfIOd!V7XOAg|l48{f_AO?O!# z4F_S-7uHUF^y>md5d^5srxTs9(@BDv?RIIh9Qos2ui5&AzbwbHRN`XT`h4_5$ok>R zE-2;0b3)y#bFJZ}A(+X7mwYBmS_#gohS(U2{5|wZCpK2nZBPBa*q$8iqLrfymkg2F z-qL7wAkUO&V~kgBvf*Uzj&MY{s=sLle?#{7ZRVChap(JhW&w?|59?_wMi$r{29=qz zrzk2bWJDxrDnnlA9#FLXEQrC*@ALEJjXv5;J$0^<+_{O?F%1Sjy4Map;#J=c+#l-` zkm#;dgbJ`@{7hQEWbMM=Caey-Lfn*IypzTbs3=0hkJv=;p7a}NL_qU1fGWffgZlJZ zJ5q`=zTa12jZix=gi9TG0K&`EwY!~1^|)Vra(drb!u?C^E3^2Fr#eE^vO4lrcy*?Z z-t>%d&zFZHYl5mtYyjW65klljC?5r{Zb2Ie*n1km;&R@0T!{90==$&tY%qBdWtB+ZDTV~%pD+=z?4^6SP zqzcZtnPt~~Q99|m!=%`|u^~pQXKnTn7vdtO40<~c$f`I&=rNJcvsk`5GGMW$`mQ?j zH^yX#WV|*0_(WPU67<$;{e6wcUYVu|q8mR|Aq*v&IPhk3ZkyXPyk03UU)Y)68PVyu zT4wLKS>L?42$tXT%f;005l~9ky5I0~5@sA@TbfK1^{;$kt!age3N*rc4iP*hJ8Xa^ z8B~MwdVFA6XL7bXBLEfwAR&;7As&YdhTQZSAVp19+OPZ4Eg@y2h6pEgbvj8vc4I13 zQM6RUnTfIvpV0kv(WM|i$st3KHrum_Sy?V!Jj7^4*WAs5^U|ErxGd^*qczQhYYxiM zF{FZ6u_R#kC>BnhGJK&$y`W2C$+01U{ZJkux$@NX9Ce5EX7UJJ{FvYZ2eF4fO%H+f@4)>6KMW2p4rO8O5FHJO@?-lMh;RQcbvOso43{Hqs9aQSm%f(6@30lHt6sz_wwB9iZ22_Fe$zpW zTIuhWrj+oBt5&1mw$nz7h(6P5u%q&QdYfWlRe-Z#?DHxZj0>2FboRJc^_{ZZ_iR!& z*DO#m^wz1uiH~bKv6=?BJbNdP89Bw`iTJYM;qq`$Begu*$E@F{@oW@fD~LYBwR*7S zr)G0p^FWlmKWFDt^|{lQb^i>+sw=MHw?p>ijE+1wmV`50ajhd7Gp-v)p0a}2N^Sk8 z0GQM(W>`A^I&;bd=JAxC`m;2ESw;YMuFz(?%1exp*RK%xjJI_hM>o5nVvU-8OnoBT zW7B_6sxPfs#)kf~)mq}?`j`B3goZ*p?3c?oY`I-qE*k`L>u+w~v<;-e)zZrPa#0nt z%e(cfdeaqEn?-D3hgKjFl@u|9tiUV4f3id%j&T9GirvwwQ3+Am|M>=_x3|}t2Dvv^=LnP+Uu?j?5o62w#ShNg9&I>W@+CV_pLBmal5~K1-9;D(d|x`=brgXIseE>%WJY?NWosslHUH|ELUr zi$~$GgiRet4Xf{lf z8`gYj!UE7-S*ll*=de~hd<~L`i=&i9d~5Ro=yFacA+_GqLP(Wt|3m=uNJbi)szUq| zz3ADWD7zzVdcL|!`GflZNOdL)P>u`>WXf_qEnI8jQtO6weE)}i@_|L=-^kFAJ%1&g znx;jrnDrUdkdcWJ4s3hP*Uqq<|n%&%Po)kX-Eta9CrDs62Y4S zS>QlgKZ5CbtjJbwo$ZAZm_|r&ptC07-}bWt-SIM?ZFkoa|DpYI_lcrZ0X4b?Mi~dOKtj5f zx9`i8j#bGS-V1%^?2}>z(4Imk4J;W}GQlqBgy=6fP9mUbSsmWcS|t;+!B4gl3$e zz{0}rpPVl@%c-S#c8r|OXI%2B*Y^qvg#5yeeAJ6)hjUDy(YXH^K>_$4TdvptQvoxP zpZ3ZQf2jJ5OcW>wA3u;{ojSTE;b=hy*9fDGCgxzJA2_(obZ??`(Ff@4|t_ zjyX!CbKE)POKQlW4fh#vZG-@XO-oc-7&@u#{iE za}}40pNJxz?ABynpWt*oM`9@D)d=X{~ef#XWBng$nTQORw@*e2|`Q}Y9_gA@& zmuA}?w<9wI*wS64tEKXS86P>eGVIZ2U|WnzD#}*!XKT|nkg;#6j=xtReSY4Ty?cWl z1daG8{I2k#5Hy|yP${9KZjpwqr*~K7njqJ_v+z(o**-TCj<@2|H5SvJ>ajg^8bgyy zox|I+fR`xFYmCnaPd@2BU8`!J78lF*fHj9k-<=pyiXbpM)^wjy1>nEWxS^ND$MzX) zp5zck`c*0&1*X8I8uMy0q8~5`T9CXDN`Ocq;`iO4eacn@2y85u|_g+vqm6SFPjK0VJ zi1Q5rF7rWKAN?UU;hRml_?Uin*2RTqqQDTmyY~^xl2|hPqs(o7*kn5Pg(b#iGyIcgtc72X(9K! z2`f3M$V@lkInIr8J*R1w4ltCi_7kXQ1Gi!lUt;8SNDatoST%8K#ObSp3TLN3tsby> z`hOzp1@^Sc*{L$ye6y@nQKAvmi~>A;^ES~2l(Kvk_wLty@9?2!XNGk%bF$>L1A9|> zS)i0Pxu zp)&;n!_`k_xU?kQMCtGY95^v~@^A8zn$R5H=z+Y>8NBfBmu?HY?N6hfya<-fr@Fn` z*mK3q9S93L@fihhw?NN3ZuN(r1z`9p%dMPEiq4 zXsL3;Lc1)h_4MmL@a8bjWMm#)8A1AuO`$ar$TA)z2Jr>VB=w>e%>L`rQ_m}nR(UsN z{yY-i9JDR>-;2qnD(1XV{ZCQgfmT{uJ~dUFAw$on%V^)rsX$_Y)w=YMk#n^KPw?6K zmrp~49_`tNEryLKrbfg?hsDLlyY1%T1t~c9bs=687m0k3c-0wgga9G84$IZ|jYYd| zx8gtS-QFxNo-7Qz=Tn!VaixAd>aL@202IHUF8nPkYQSg2BL!$iVq!teb&^<%rq+`l zkqsJg&4*ll&+bc-?5I!nPW(JqZ6zD8feCcCInKN?zxv2wwd3-W)7Rd~WIX3i6AG1L z^Y0r$f`^lT5d&ZHaei*?SJ4=~;rS;=Guq?)%nuI{TQRAk1$^%pbPq*4YZI<@^Etw$ z-DI>w8t%z~(2RTMZbJx--^dxg{Ik1dHDO)G5=e_cdR*GDt@=M_8D#OHgx=d>nQIP= z1td%NV$l)=Pl@7x>osx)YJ48fJGU1dw6si-a9s>O zIUUK34dT8!*f`6aO9U$)wm)|fH@w@D-omvmRU0&OM2NuAC;l1}Uy!Y1c-u1?8oH=4 zIJozKxR0IAVU&&(01x(&?g4Ky@1DN7~rofsuEroh2W$e>DZRKPgB)YIQYd9pt63!U)5@ z)F4efV+xg0u}^3;xd_W2{GaNCrHSL#$Djv5yOKiEYU$!{C62?O z`FSgT>4Tr;GTx6Et zP2hv}_{x7$MVp*3uz$Dw`tLR1%_A<3*#lZilXuF0f$ql3_>7ayHP5z%8q6C0k_SRq zTY1-idue&Y$5;p|OdYs7l@~~ZdCO=6PB+{ZLr%WQK_2gfh}o#d&6s8XaTh>kMboad z8o6(bH$XWeNyQRVP-c4sYOQYeQBMzXy_BA@)zZ=C@zzZQs%aLr>7V87JhPn`@PvJ= zc2@^|R)!h}P;Twiad9|Q!wG*<%97meksoCn1JWO8GbB@Z^u3T%gPN-3q@Hi&r z{JZ*WCQjB%!}JqoY!b;FR>l?>L2t{alDmV5G%w~b;ei9;>DI;?*AI#cFEb`zW}!f{ zWmQxtOrwmIw%TfK%>ziuI+|bP%K`x3nG()r)u2mZ?&tU4_XTlEr-M)R!cgBvf(}WF zxpT*;oNpr?P;}zp8dWII_QPsO<{1xU7m<7mMCkC94u5guPtiq+!9-)Sf=#zCUZ$ux z{nvZboXbhY$ZeCOmqEAnRaZ8?PI{~J<1?fB#f)cK(*j-PV*?GY$vQ%OA~5Yz@Wkxw zrtsVBXLtXz-K&MR8cGZ+UmaiQ%Em+rkUa74dczVB$LJ{jFS{8%4eZ8|?MibwG|6dX zqtvt2N7LX&_lAs~+3~Mk1h%1_U0ihY@ZIEvuBs>`#s%G24%Z*(*_z71I#Vk%Wiz#2 zA4!Ip;RH7jnh8@)iOaXN0IgVDYvo$rmxrxG?V8~r4Dnz35p*sA`TBNkg-6Kx@qS&- zH##wLG0yL8-FdW}u@wP-fyG9`sDB)fN1qmO0IY13oMu@SZ7zt~x4Wa3+4(a$65%$3 zYBk$30i$Z}8+4W}=U2tZo2(GH%A!rbdF?S0!Cu9+)@V>ALTZ!9~FZ>!TAMJY+k8zbRu*V_g6F`K%0@yov8VVKlX}&Wht&=dsLQ zcp~M!;~L`c@MhIAiA7ohp%Itdx8j11NF+kyTKN$+G91E72Q_are2z9#GMuZ?wFKje zRw*O4inE!LY$u6$R_hKHMIBDc%h_6)vWfKKSk7Li1w&vU{X<=S_dk&;D8yeWmQRv9 zxa4v*H0SKNP6f}BW&CBwji$|t8|Mgfw8tXPj@W7aKR-h+-34VvtKl4%@+bggORJD@;+%k=n3u;eF)fij|Y}d);;}H9*7;j3l9vUTiHL8#+rfH5;ISRl+S3)U9sI_3;-2s_0k3y8|fkCJ6*7-aD8^W)Dd#+epb79dmh|^?2@54 zk!o2MrwV(<%Wfk`YdIDITu1#`&m2-``6*_%J}FzUPArCjFsLFKiF1;v18A~0hzfOd zBp|F*(qpFhd#^3#(AiBQ49WL|IAhoBO)hVj8(nR;ccD4V`4Ym!5Q5HRb}-L;MzthZKiIcv|WYwr&03s8W=|G zt|v)z#bz}~L$&~R#?&L*HDPz59?tj9#J{H)#YFNh#6`q)*0_rsUfYe*baXs*h&taP zi@84^l7F}sc)fpocz#S^jV_;D<7Q8qns8xfb3zz2+MKX&#)X9cz_ztNX{wo-Gs+FQ z_@=D>*NTxF_F31{(rxZSJX7FLUCsMwLe0rrS#N2)p;4wm##{bG1%%YGw1oCdqqv(i<|*@ zWrtUurkT+L)X@em)pC#Pt8lH-1a^V>9R9*RjDab*{nNuAwSPZ)CGG#!#y0kKwKB^H zf2{U>K=uZEYN8A~Y;Dpz^vIw7B;mDRW5g|jLFL7@igPn90lmTvek!f2_a`Vqm!fd* zSKuUm`|jgvHp>mJAvq>AWMKtNoNJ0%coF7RT<$~eQ*X_gwH!SMdhU3DrXNF@BfkT4 z-MgW+$M27Cu5Gp9SCuXGO|LxFJi7iq2Vi4Kwirf9Anm<0eIm~)2dCAzh z(-vJjFzt|?xvu7kmTG&~OS|Ib$H8qB+yG+0(=-Iy+1Tf}SLrn(L3W+AjN-9( z4N^6nH2+zANzHdvbYsz_-+#q7&N(Srtz1hz={Z3zIqrWyna^n2Sd+3^_0=23E{(zz zm3w<_9E4TMv93WF1)|PZkJaX193&}UuI|S6T&>MXmabN=wxs(XYS61qO-K9}$@%|X zfcN!&+auu|JWSp3sXw+9r>3~pCO4%3FIUHoz6c>?@)o@VwDdN-(f4a zJ8*HcQ?p#q*yQnvv0H&>idR7}$IRT1){H#clI^5Yz-Jb!$vH_s(D_I~*jK^r zO(|*rJ(p@11Sw5hut|B;8*|%Pr|F)qcdF?{PdXUR8XLmCLLAH2dM%f!ECiX|=4yw3 zl77Ll=J6sjM7~5<1VZ@8F$)T2q{ODBJq*alNZIfMztrcOlpY5E3T3lp7=tNvx{7o^ zcZ$NP<}A@|a6K|Vih~~wE+BZGl276U@_`9Pw>4;(n+Up9PqrTun3GI6NWI+)3%or) z_RQL7Nq?)lh+|)96Oz{ABG>o2(`o<9<|#r-k4jk|Qta*!S=e61m71pqHi&s0)PFxu z+9six|DG*zP7tLiFlII9S<^qhFAM-&BMpSp_GhoHHrN#e^V@?=|1FyM&q36u7+N!1 z-uar&Th)EPwb9S{q}~8t)MYap@g+*#alNW1VkQUIinI$Bw?$a@8hDjG<>Dlp#iXP8 zAiHT6Q5LJT@7BSFp_EC_ddgT8lswYGV)UO zX5)5gFS)OWdT*iQWlduuOMTI)_eMmJ@1om{z%nt$O8MD}$OjK%ViM>=Q$Aun?bYI9 zX?mdKP7EhGaOAh}NTxGcF)tm6ul)EM!`Vk;Jzi-SEsN`m3q4Oe4Rw;d<%*j)u;zPI zlc3dUK^R*UZSiiulnz%8)4m6~R}2tz%Zf=bcSp+h#|UNSk}=XjtTG{@LgqmMrUruc zd|VpKdA;Ou0^RFfR_F)7=&+9DU1n!A)%eKB)yeg>f#-R1OuWx)AZMLe!=3jjN*@`= ztSa8cjSpjHvs4W~4nAi!6MewCUd}!^E|?4Tq95gJYgOoISLg_74r+OX@e${suSMdx3VP6J`(qAP+ZHNe-Z(=kSiB|Pjl8UtCmKxt3R-7MM~}GH`FR8*MU$e zdVuPe9V7f*%eGsthiimFA)G11!_f)_KSht4BplSFB^!rYsfZzW>%X{4XA=4hmaklI z=WY)>7Vsas>GjO7lW$Mhr@uD6l1z-QMuGphzkz_IphcCs@|v+d;&P$>ad!@J%rN*8 zoQ3OMW#dBQL(Org>b5>p2Z!Hub7`%Ovt~5$Pi8*37?QV@&J{AbN=7}7GI z)HeVe2?5#v2W;4GVEPlRx<50dBF3&3;DC4;gmFbmy{9XUd;*$mFhGo^wVFvjL-r7E z{Vgj`)T)Id$iMXopcur*oYS}ZV%kH8ysYBU@Ct+rK~IF4b3xIroO=SeIlh}c0nju^ zpE}{%>Ve~UY0~uu#mUsXw@yZBQto?%x6|i5?ec{V%Z!tg>%6jIB>HT~#Sz~sp>RHMm~REnlz&{kDU?SFBpowP`nCt}?rFy9(G#91sdGZ&A*$;8{y zqYjhC!QltOV_Jg{t!L(Lsi_HE}ukREYzl)2#u z386zhLUD9`ag1FIWpY2*ZvCLc1EEua`~G$z7Q6f5*!@E^`}^kfO>g-H!cLZKd&tqh z?b`O7a%E%Vlkra<#{7mF+FQdK8>=j`156pXRp64j<)%`(e30jq-5cSoO8JAm$Yk~f zXGvt|Rw9!yq$=0(4Kn1I2-GN{L@}v}so3Nzjg$J>){k5ay`AhJFp0nC{*v@{VkY~S zr9+aca&0SDKdp_$M}tH5fJ*zsoKpJA-@hrh5wXAPW?@a8QqCO`*^bAmV`-H3oN!&N zg6S z4*x2UW6GhgpDmy%_USlOc-W!6@jK$OXI(Ca+Ey+&V4~@GD0e1Dm_v$16)~o&hbdTs3;#i1)-pNM2&Lu)7*rt^CMeZ$ZTR za&Ou{uKR}b{!;!XoVgi@AC@Z>4`v2L*fL{{?8F$wwfQRQ%m~pYfkD3OZR~MSH|m zrp6L|DZ1;OO)-X9-OeP?y9p94QDJX3ZR1uh5mDJ$aNgDlZpe!YWY`Wg0?&27Cx~su zF1$ya0J=J*qzRrcU)YVrnM_At z2>d_ET?6uEi)-@WaLfv4V3AkM%1o20{k;O2d0ZfZrpS zFm=K{fE_umUriLQMI6smV(NZe4Sw}fr45#)QntiAWXY;@!B1sF0K_eh>sj!}X3cw= zga>)m`%2_M4Db2psT>LqzF*Ug<}M?{P3Z5a_-w=Hue4b%YWMcmE0OQY&)9Oq{O6NyC6F}U1~4!&QsTR zG&|hJ9&KYM!)`JaL=MM2^gTMUqc+%%q@>7lX$C1Fg-JR)Kpf&R@MSfR;ucwE1U zCSh5>1lbczXQ}znUZ&tF_WO%B4g#Cg*MuSmWtM|xfNn)HBl3J9qOK%8ZB-}#ouhp7 z#euu-=LOajy$r{ksq2$#!c0_%V5DxWl+W8McMJ>-g%&qWvyf0_e>uY$pmEbe@ad-r&bnJCVC8{cW3Tt;e{H%HtXsFhjzfI+OW#e~zXaxGg=ws?4qp zpK;@E<2PSL`Zlr?FH0_Hj(wTiqDEt*w6U%COzJ-(O&uXgnk;Du@Y&p3aPWdoGGt~p zB31cU7INNYj#(=&jczd9s_+EInvjL;nnG2W^C*#dvOeMM)D5C+=79h??y$oDEr=T} zmn`Iz!bKu&pTgop9QM%Ztn`ad0Md%+k*TqAeRZ0nR}034yJe)qCZ2;zL!MYXuD0FZ zKQy!web<)164w+Vnw<2y+5$8&qE}}*k3E%|w=JTdcHxbIuGgcAXu(T3!P1DsSI)VU zsyf54f`Td642^ivXGr}w!~rE@L>ywA(KqA-`PmU}w$%1X=ytAJl6j=%rtLVNT0af9A@AV?hWwa*cT_e&7r%7`cr!9^rmD6$I zsk1K&N$`-h5(8 zndrC2A6J*d60d0-#PGPJKmCk`q~Q+|!t78)U25aQp;wzdE7+lxu}oRD3I-+etr*Zf zVDvMx5^7l26syg9fo@3HP(q`G^LGJ+iTT?N&%gZmPOHJnlXbQy%Ml81wG8MA?H(fu zt@N(Eb=)O;$Hffbyrg%#DOz00NFFS;ikPu~y9Hb8(EbDfgil&;F_YvpgW4qYqeV+w z8;uO(oiUk1o_W;1-qubbS^ZH&kP{mkqaLZc({sZ=4m3*2ovLRERii2}^VM;_=zi|+ zJ}dD))-l%oNA*C7|6q!qln}RJpYblOj{>Le5Bk6yc~}8)?%qG(PiZNDkQ#9ESO#B{ zq&~f0!cqKb{X;3?cYr$rvZV1&^g#e9ckw<^K6NZ%neJlqdgW;7F30?br1c{+%+Lw5 zbwEAOrX07ZEULv}8|`)I0}ad}aMu3gXwsS-o*NUMk_J z3_v&z+d_~GtzLEu)g0HuFNTI>NvE7L)NHy5_7uPUE`P(O1?9gC8W!GuDoEWbMU;{7 z7Fu`w8}D0`SnAzgMLDjP1$rCxG@BmMAo=?73abYA+)BzoALo4Q74s1f_}d!U)-Cy zm~c~?mg-c~#V^nlu#2;^1?#?l9#<)27*cOy0upZeT?jM*{%8wl{%!NE0!-P~|HxLVr%&~NHZpPStGjq;W*M>Dd-`(*KcN^Mrg*CWrPYyM@%;77)28I}8 zcAAb=Z+4y3czJdmiiWrjak+M8m>d!4vP&gZ{%2upH!~)#gK;z3b%c*I0I+NB;^WL# zvf1J9(zsVrUxf3mW1HhS2FiPobmq~7i$S4#E|_fMcf>SOp(OWvf8P17G-_*@{~2ka zkA=WQqaR`Dk{(9IrBt34ep4NY2KAI7me!AxFZ{ZM-0!HWjg}MJO1kV3v@w#(C3#E! zQXHL4jkq`YiU#kcH4$~y~?WHpxq*lXjIQLW{BnpM9MD{7ifUzw^|7_-g$^ zCmfsIn9RVx1oE|4VTR_U{$X3m&-*MbE&)#he{EiwneDtLoDIj=^IMaiI?gNvCKo4y zFoIc|Ns7DLy{^_8@2x^)J6?{Avjol5xUSF4jSRbCa^cY8S$@Ej*$5@D00`jNU4kni zklq%qnyXg3kKe!C-f{)ekNwzag^JC1blMsi5(F5`K6ixa-Rl;nr`Dy*^AIE~=5M8+ z@+{*6r5HJeS=tSmziNP){EcAoIeZAJ@DzkFcOk5uy8CQTHTVuJEn8t!h`g|xEt-9I ztd@QEW;55#*;%??xbpN|G}>eq@X35MAcq1b=-l>l#*u$4)Erk;b^eRze~7dOaeyp- zY$j9U&Hb~DNm(7oy&9L{hhY=j&wPkj7@wkkd0Exc#mxQk_?b!M@xaIF9wiK-SooMU zskB<@Ct!HwKDoMjU!L1`D{iDyUwc$pr{TZ%A0Ko+H}&EbR$3xeo}>cuoRdG5ICK$x z%|M$$K8NWdPJU@>jl7nYaz*o2^TXGiwkh5gk0E@ea0uXbUaQX4XE0kjQ20*o`P1b@ zmCvMBRZjJ(Q zRM1y|S;&3?BtQ-|mY|ZNT$JX?IbE_FAbYVMmdn8PZJ)$Qt!YZdARYj>of6q=ixJsK zx-N_RS+CI#?!l+BV%lH2IT;n|lJL=dd-FtK=nt5*DY<&a#Jdj_+?fLctHj^i6*Zd| zGg}_GJ?-;TxW4k2A0`~&yIGGRjSw{p0Gd?={i zi<07_Yp#aqhL7`%xlec{5=9KDOlL|pOpVsh?@GN>ZZR=s$R)B@{8dz|dtjdGNL*{O z0p}_+YQply$iaq+gCgVQE4g_~SByQL(kg!=ZOA$wD00rV-So{#JjsorvK+2w~T$q&Wca%;A^1vVxlz(IRej|8Ocfw5^Y ze|qUt{-ytZK5%AwNsJ7UzAI6;OTY7+gv0p^djX*0{ln}rzW;COrMdClvWFEh>Xws_ zV*jnKQ@l87oz9$dF`Y@yCIs1U0#;f?&a%b>|uGPA8Vhir~iR>q+HvTbTXuvTEnSrQBtG8U3%yNsYK(uayD&L8-w zjBiSal68-{=n`cFi$_k`(SfQa!oYLO;vOX=t=~_f-5e+JV{;z6#~=%-bV79l42}?plfMl} zI<3Xs?;oyyqhz%ZG^R$`+2zA?axGEB8%tO& zM2pPcn(@fLViy8Mo8rNi5`CnB@z&PHC~4Z~rG_7VuJ+kC?<<L64xy|6?GJPtG~6m( zk({gYoxfdlQ~jhq&>VIy9oa^t?yw#d`TU%0c}1;T`LN|-hpm#J_zzo9N_46!mZoUG zjwHdQoH?8tZe}IJgeQKdAnJrz6(*B_7PdL8M!tTm39)_h@0b2zy-D&f3P8n=8>&>) zeBQWjjOA-dXC^WBvTPLI8hza=fMT2|*;&UNmfshFmy>4-q7%2ri`RG;eEY?2Y}mz--|ca^o5HPTXlQU~ z^OGvmJ(QJ>&XCKm;+(K+cTF__v@m)I=auG|H4v7c4y_|q(NxFa&W_GB$sCL@g% zDjq9s@Au!T(85<}vCo{|pmdzdF@_+-Y{)53PkBT4p`$6xzJy@F<^cBjeUoJieSo`4 z|6$}j1?P$bRr}s0S$s5fbtfT)O&pEJbn~^pFD)U=L(%FsDkhlI-M0K>`$yef^Iz)X z%v|D0R(X-V1h24hP`d$HZrShKi4*2*bU)E#`bbw`!fCU_o>tI<3o!skTtnRh74~h# zmQJGwNA4pbhY{)N*i+Z|V~t|pzdAO@lT}R)EcW;HhC8~6zkjK12Sy7IaQGs9aKq6| zti;X5R(=~F-TPgdojc|;S~Ov+BE>Y7=%+_%a4ulo#zyACPSX^2l28DG(g%dLzc1G3 zD+P-+F0Af)gO2V2gkj){7?kiMH&#h2;V8VVs+IKrpE_Sv4*UkMP#s3Yjil|KOQL^l{4Ag>*r`l<#~k%s-1dwFRkOIRW6 z5vTp(kO zQ29G#`MwKl=*&O_g?JgigNI+ag`Q!1WZfEXj?bH2F>tu1#S@}+6Lo=Ee0H-kI|Y3S zx@pekt=fO{%jlp1QTD-}>e#f&Ry5yxdl%`?cDCm@|a@OkvAWzw<+KAERbQdS|f3L)fs_ zLffOS(-f*;R;z(nOF}%_nZ9pw?%bP`Sz8P6;O# z?r~2dYo|(Kw2gDyLiY*K2P7BWPqvzRZ6E@ZUn%NWYtmBKOYKgL;ryMPy(yJxe7507 zmEU@aNX~o>b?54bZDIve%moe;|@2%?l>Uc6lq+Sc!p1hBlu*{BQ)EFhiGl74jkzDzlcWdYp&uF&? zO`agaC;E14R_jH0B1AkEa|cp*>-MvN9I)aDuQ#DxhJy0NDUFKfG{ceZEDD`C=97Fq ze$)A)lP2Zz&^70tUYNWnDX^8PIQAV6kzZd8AT`c&)Z7J~E1a2r`8+#=bNSDg6$9f& zoY|Mu7srV5bmWNENMmJAxq{(jnw@(MtnHzHr)3fuYhS{K}xxUt@ z(sMHj{@-!}c9iSpZu(Fa3T+WUGj&Lqv7rP^W&T3jiA{rv9q_A2mhQ0xK=*SVl0~N3 zv@^4!k5A5z>Y3-Mx7FTs3p%Gl zU^0dRtuy&4s^)P#jj-@hMf2KcKBM_}xQ zuIIq^Y~b17et3V0)(V?SuSrPk`g4inI;;xa0G{!qn>C$yRAqV^4bh3~@0;T*gN;Xd z!(Ww?ho+)F*fi}4LCX!Q%hL7q44(|Q_-xO9E(g>N;t#^%YBU_Kjce()3M}!3<5l0s z?HOi6S=eE;SbixQeZD){A;_k(#jxvd9*=Y~w+Y!pwG-W!Ndw0B>1Q$?Z zr;KxF9(c9c#G%BOcK5CB=npy$w(5{b$dC=Ylf_hj{vE5bGS*I7vZwTc?1t;*ecpfn z1C4mhZC&GgF8p6QUvC}^KvB1U(S&Z;R?`AoLB4G!4Mm55n%2Dp!iNH186E0pYqaNq zzW{8xP$)BVrOVl+%0de>tEcV|mGTG5{PgR~{MRY&6&U&|fFE`te`3iqU{Kn5&%=0H zhUjP4H2Pz1l*;bhbG#Td)|V=7I4|-)8wUp@TV2-}d)kGtmcFY+PuS!%ig!Tuj9gZB z$Byyxb~ErDw_2Kj++UX}hg~){NQ;4wq0l5g3rG&;Bq5=rh`tT)z8$(7O_mRM2}%Mf zb^#{;5I~kA{iywKnkRy?vW*p6gUEsgeldEi+mDl0oN|SbBZD*l}B-wh4_{RdRc7Y46?P0PfxYjL$p-@TIQ>-xtqi}Jh^;0=5XKm;`Bc;5vo~Vt>NNlW=L7QnA5CZd*W~-R;f)-ULqt$=Afa?4 z4Wm;+q)U(-Al(Q9Mo4!m64D5a8Vw&h#7Rhsz>o$<=dBFwcTy+K*6Tz?lG>vbF%6Qz-{+L^?vp>n8CbD#%405J}gta5Gjb^EfOuNv?@Y?GF-!f0F*f z5L}#6T)^|&o24h^^#>@yflRTBDpYMtkWz7nq6WA1*s9wU^Y&{IXfl0)CnGI=yLyi~ zR0)gEcBcmNyKydug1M4<%*W|73!1?;RHNAgUsizAU_^d6CgNGaPD+kQ3N zi#C&yxt)I6Z_PZW|G>Yo``6*BoUEKo(K2~6s~dOIaVi5kfQO4^+znIhJHBiv{DfrO zH8&a2zTMtjG6^XYAnIex_LM>mD&O>-5+gvLBLLcFe3ijZvg2&ZJd9gvU+Ri7r?oeF z)I=2&O=ij69#7qG&vkEGxTM^lhFvX=o?Ljx9j)GMkD+fTw%;GyNX9M9&;jj-> za$#Xn(y}$!{OAYfF09X|$~W)s()26q)AdV1!sSWD#FkmJM#}!V9F6`jtqx)P7y&;o z=<^8V?1`@Hg6`JXIvQtg|wZ&@mIUy<3vTzYu<`vjSl=boY{ zbG1E2+d)*rOFz!y@!k+1qQjX+@TLFA-OpLwA3yklqf$J_UeiXCFuO&R&y;?slbEY zg)1B5sEVjYy|}vQHwj>dS(lejlO$UtKebg_@ypyI-$;b32s3*61^N5?+j7)am#wYC zo=v_gW)Wfyl6d1$8oovlI6noRo>=PX115*#fR@s~`;T)g#Q!cnd-NLt(u!1*3;#G> zOL>%%;~1FoNi8E6XD+E{@H9!2V6i|};r}t*4b7Ettu1|RGW)C?Q)jsxc6&Mpm7el3 zS->Ugc`Z)gTbxPBvnvb;{Y)MoaHddt@o~N7^ZpI6B8l`|e4CRBQFYOXXh&`+9{d#n;ysnpG?$}Qr{(ju`=Aq)GE zk|A{xAz_jbTS#L@M7aJ#u7vTC*>H)z0` zfYwHS2}LIqNmphlOe;&K4j z<6H@r)~6@h+THZWVGstEiGhqn<+MO-hgv$H`=>0X-%(~6CG<-dJKHa_80?e2!?@k) zvOEFQ7Fnm4-VSB!6L+V}$IM~(TlN;^eaL?-r2hflD3|+tyaeft7tsZ=4T|A3KbcA>@Q)&5oWs_>UH(OpCTgidf zljQD8PFDhhWJT9D=-W)-sJ2S_cOzLP>41G&fga1@d%J?KT^19m;%!0c~w}7SNf}BX$P7sAaw| zV-AgwOON1q(9Byo)qnWwrS%`+X`0+)3x=XbGO>hIsX2n0al7ABOUMyDy}#&s1|zJC zo9svVrU{z8#`9BL+R;W=8^$!G^ zA4iDAm{1CzuGuDxM8$v9T@7Nf5sJ3_y|WiJXdyemYU0r5mcp%`t#vm2S6^j`-*wf= z`=504mZSH>PK^}rh?CZ~o8Lzn5#dS0+HvXTJ`#5ZmY5W*AyCCMF&DXFgx-t)v8Hh? z@tP~evjjwxK=u;vbl0cN(ilo44^D)i0riss)`(Bw5wdU9K6d_)%?+Sf3m+ISMmiDj zVTkS*ak4C;wM+8jpYXp}Tw&>#0)qXgDBqU-%Kj|!5R>!_PF#Er^K1$*77L3O#=`S`THdta9Z=Q9! z?Jb6Fdu^jZA|*J1+HR%z09csCYN3 zyR)-xX8M0(RCZkHgmhS$kog&@PE2FaUe`Fdq5Uu=7i=09_I$>c|cqXFQ^ zgD}2{y$%tmwF23m!}b$3Mg2G9rs!E39d(EO%9Ko5$oK$kgpaLH!h+VOR#e$!J2D2E z?`qZOT}51MojSdP>%|=A?gza5jA?+&8@pTRZrOJ_7qF{$Av1k0<1<;JH!Z~!K-oV~ z(qTlz;_n7fZ3lj+z6g1(;Ks!XgGZV6`>-sK#L8Z#(Oj)XP0ekfNm+#s68FNgO_w?M zQ$>e%4Pdvgf=$lB1{1+5HKk=du5=4;fAR;urA!8>)RH(*_$hIvruo?xGbI~fTy^oS zyYucbTXMI!;}Sq{7awIgy7FZQY1~FzSXhVlv?6!$PL};rHgi4J&3=? z9-DqI8HWcylCaA92jp5or>9B&a)2oyO5dASnf5Ha=6<#s31U^*#W5Og{Uzj~ySJBt zBZFX;+8P;Y+0&K7L~+&CRmLQ_yOT7l+q3gF3Ous7t^^hR%$s)f3hV*Qpx&)gPAr61ww5 zF*6sX;q#8;=>JfzKEoPh#;`bR@mBhGwqy_wG#ma?T$~v}X2Ho`Au$z2GN;`CWp=@o znAK(kM2$csC2WW1^!2*Foz6oAjFuzb`u}vrWUcqB>t_G7cw4Tn#$ytvK)~|KnAeDJ z_s>DgQ2(-LSeK=l3rxjeoc+`b%y1)dT*l8AklCe$P^CS02GAvAET5a2wx# zN^+1@yJ*$S$JS%J3N;>TP@rM!6-n{bE zW)?CZ)ctGfI-nAAP+OTa#R-LbfQyp|8S%nVbuM|%>V7}jzbFm(SfuGk*@YAORH6c& zFUr|LD2rNq;y>~vhQ*rc+8s!){6kjQ4gOl;G!Taq}5OkNRf)02gCeE_5T&0G{Ne)N+SMGJN< zLD@tNet0-4iF>~K8W5q~w((LecN`)IlOyuH3P8Z4D7m6Ane>#046F%u5b?RL{cfWb9<0_a@k90nORSQ_zbFBH z>iUr6H5>4njRPzZfHe$6YkjKQ){$~$k%t5IWDG5cQ9r=PXZ{yA=(z(=3);4_p-U^O z82u^T{E^wk4+l&e4rjr#@#&y+eadSYD9>*D;{F*H_Pdwq7iG3tUt+(DL?0tUWjEtL z?a^ zx%GNsc0~%DO>bm5m&x~XXnk@i(}YgRjEAtD8|h-=@%U? zRHPD`>Hlrfl96%#u9Y2cP7PP)f+&}4)%&ww-gwOM;3hc(JoyB^J@#&;9tO|gD@dee z6sCaz1Fvy^Jr(GxML?#MK!37p55mabi}Z(-y69o5aXv!^+PevYpjBCTeBSKP+Q0pCbgIOb(k@ z4=G}n_t!jvybR(uQk2F~0Snshjl*A&4M*>aI&S+PTR8;Pz?KuJ-e(e#xDy56oz1x4 zUHEXnfjen>Gf*nfh5uxW`CLIs6iy?3q*63d9oZ3Qx_ddz-Za?o4e>7qFEBhPU0+z^ z0<9}s<8yVjj0~yucU3wz%c2x^qW6^F)*;L-^olhlR`X@}NMoEfb{ zTBgVkjf2s-7|*Q~>g-N1%^B%ZX5HHKi68`$0DStmHl#VOB3J2C_`*GB4caQAEKmEP z>3Y7eV~G(@IH3S!%Rbk0zT0^+1q{#Xk7)Vz4B`*nEug}Gm6|U=^dJ2MS!w#>`r7g3 z&F0+UVdC{7Y8{r_w77bowQ7<1-%rg=!&^KqgAHGg2{EB{cr>Y=DZ0r)T~jlQe<>dr zLf1wMi0l!W9`k(`rljsW?LTLODJuia`9vYC?lx4z&Wl1tryfG7Y+Py_sN2k%Kbdjg zbuzAhb`~&INbd{(x-*=e$i?ryi=d)bv*1Xh1i5{^5#`zDP5wgwSjK1y4*&Y~T#woq z&-ROC@9P3KSHA7Y)+stcTmg*}IxwC}E?Oql`OYx^XB@)Cr9Njr;g({0rX`f0bUXhW z96?2i+&s6EG#@p7k|8)K);Zux*Pz4)k-QnlZ$nyYs)yuIqSq2gt`kY~1kejlDUXxV z+&SgpB{nCYxb)<`MIobP65y5L34WnyaQAN}Cb0}5kw2Gfcmmi&p?1fga@#SPwtrk% zgZl|no&VXGCClsIx#2{D;s)B)Pe?xC8p=C100FXeAl0|m>d&Zcy$vAGqcpYO8&{IC zMn+Mwq^US+ISdkJx!Z})WyuPilRhM*h-&eDIA}@;Y~sYmWpfD%aS*7I>h?D^KgVNm zKQB$kK@-Jhu$v1grzv_VE2Pqef7cPX-rnTe98A>r1gxhKb;K&6Qa#e5$^NMKCv*T6 zM9@zar^w{ic7c5k9d}sibLtPCSc!mX?#~0mtcQ4wnx7=)Y;Kp)U_wP;2=J*E0WAJf-1m_U;cd8N(JG)TVCliZ( zdrU57E(PyV` zLKEm!q|WH?1SFbc<`0+c5PvF^!F25q&3HTZ*8n2Uijmf9=gOCdH#12)PN?3@ekpU zrMw(MFf+yGS?yqE?c&V8orn*j1b59gOa zI(zRaBYuxLsr*L0g^}Ra*|^9|#pvz+op+aFp~ZO2vWT|wxScT^K@y9&iti+rx1psy zX9C+*ic1&@)`Ap)VpBJaoF(Px%lqq@y6%gs#aW~5v+K5Vrr%6mO}NPk@D=Z(xA;F; zBq$GSxnEGv0?*s_?X9+$n|+i0l|wegWz5ipd(6kDG2hsqLxTnH6`rO6_d-~9E6u^e z6NgNETXD{^invO?-9WGTeLwX6gy0f-*<|7z8$3T@q!D^)zB?s*zvmZr^(U}X$KWGK zT+~Ptec~F-_8=`!X`q%?z9Ag$6*yP2RMICTylD5vCY3!AHRAbi=|<=41Q+}Z6`dh3 zU_gEz8nwsNcQTUK;&2!Il9^J~Z`UGL0xxHS7{ILmrX~Fw1EXvQ5b-y_zTj7$_;!Sy-YJR<#70T7nJw2!12jdSdAsjQn4ULU}S=xO1vf@MGCo z6Z0VegKkSHypABh%d;wB0)|AdxUqOcaG~?aB?y8E9n*h4GE~D&7GuJ~PV}7;KN=6L z+DAhj^^QRQZ3QE^vaJ6Pt!LwKLU`ZB(b37#-ElilQCG-+ienAZG6k@t>&3;++`6sV ziHZI{)C$-puOZ}Vc{#TGKJ0FN^#&dGJ}ii=`)+%zE-5CU<;7vqBn}O=@S2o3!rp0j zVb>g7!T;i+Y!RP$Oo(e{BE0}{q!i?5U|n$*?ZDla#HvP@$yD-W`EAsMkGB-y>4DDIM!7rmi!-vmC+ zV?h89LrTcfgwKA(0Ns&~A~oWxgVwWMH8N|wa#jt6@QTcp_DWkQ#AeDNzR1-vD@?BK8dG@x zCe;$Yfvf_7z`sB+n8non7x9mJ*f5b+=y&RkkW7{SONT7v=Fn%!&IH6oR}&e4sFB$g z{!_8?$FrP2vV0m(=pIr6A8`aa!X~0I7p0g)9)^~fST@O(6fRe9i7wWx*yfUb73aDf z35a2VB(Gk8%Y*=V@4o_$w=p?ej`Uytfxr1QSC7-sWj?S137>0Ou#*i}TM>LT$|GQl zi18b<)c~@dYN-93=`BdTKIx3%VCUY@HZC3e!O&xqfZrbQ<58J9+=On~ZvP{dAkGJ^ zFjPF?@z)_G-5Q)Z%7gd~o5J1i_F5NB#PIU_3JeV%I6FC9=vS^lPZ-q+IpBL>QBK_$ zL_ee@60s8G+Y#ACU08ZU_rji9k^Sy(m*fVEhnK4S=pAtjIiZL2-j?a?Ead3)*3DSc zG%}|$2C;XJ!!jI?@ps>zOjJ#+EFHqTYBnk@PScFVjV{)Xxd}O-t}v!VG9OxN;u!r) zjK3bC0Sn*t@`nnViUGV2VYkL%r*e1a_pXKS9GZtmWq(NQDix3bI@-cYbN>!lyK;o> zJ@WFEF$tk&Whv{M8OK{cy|su_q_Qc*EGMrpDTvbf80dkqdMW zH)8IB+n1Oq`KR8>&CNb#J=jwBk3NbS!Y=IlH)=LD{p>ZLpLhhC+B&^Op_62#CJmgb z3X05X=^XeBMsB5o2_wD=3Ff>k-)V?RWMyx^Zhzy?FGThiSYO2op{8O>`2FO_1D&!^ zkRF35ang6W^~f%N-p3G*uEl{_L@AqkDu)?}I;<2{46Z~Mip zCV-3uD`n=2|Kb>A6tF3jmW*eXo(>O}?*oPTzr5eFxqy~Vj|IoI_QaHKg#M3x>+)F~VK?1z}l&IVfQk*I+T9s&IfKFTZ7 zlq~uE{zMo4=Eb8Fqc8-*09G@ryVZ#MXW+ZPvbw>x=^*|x#e{Icg5N1bLW{!wom~c7 z&f2Hq09ng2(!VBnfn*zFNKa}y+%E^Hr*k|E6wZ67@|W7-!4H3o*iGLrRhuFHzSiK4 zFCEVY1R0da2SnIQ-k_L#QMfK|-t}XvFdt!E$bb0CaZY{)*p)z~_qO%S3q*=grrhR7 zB3}Sc^wJ`g-x4HMl6w6{$no`YF)*!tfHKKLBY?l%rhkruZFawWfOn{a$5UbxhnBJ1 zJ8TvR-hX|GHS$CGn$OqfR`azqS(a1&KMQbL#a{$I_Gqa~gGW{>eKp}3%Wb?XVYlzi z#jCFV;n;XNDXs?3TO#jHqY6DN-HB}kzsfb(6v;$@S#aM&5izxe#knnK+(WU~vsYPu zt2}crgqByBoYzji-eQYz664(%V|Od<>i~~N%FT6o zp7*R~$?m(rj|51;yN9`dJ_;T8EB~RO8e0HZn=GPY$`KdKhj-qAvfY6`sG?mg_Hy-h z@m{a|{rOdPz~OGg0YzHg*(`E*|MuW?w|{@19B&=bJF*bZy{o9TYkyO?*Ez!g(2I@!-=i5Hm)Op9?NUnIi5TYs#w|4$Ah z2VVOvMs2Lmak2If01(B_s$PF&86S70<^M1go~*T?Wvq5PQm^x%-nA0=PkK%J_1eM8 zx_xyF!ev*|`1yE_NWPAQL#UHXk=!4T)YXOR&qjc7567}SL#V4a&0+_kc*V$>XOgYs zZq?#Bpp53oeu5B?aMC-{ZjwwsgEL?#^XxvLgAn|c*XCM$cM+D+6 z@tQA92ibL+lt|XgtS4((_7exNLI-RW<-#Mjz}>+C_k+W*v-PRCVe?U&=ey=fxS=_e zl}y}7)QH1;wpr;H^K)y7fsU#)RrkamgPPwAEDP)Y!uuGD3bgc8QAa2i%^VUvt~NiB z`y5bPv-v2~k}Wpn7qO38SGGiNBac~p`tb*Vzv86yNu2?=UR+yHYjTO8G5Z8QnkOTN zUS;&*?Z0w4Mo!01RBWHyh>0G840dmW+X#A=mur$5!mR1F%pVA&4YPB=5#sX@$he!_ zl-+9`yuOh5~! z^bqClADd_UvG#Zn$I7YeB>-WZ9m4m~x`$@ym5=|8ej;momuf`&0klj8lnHpK2vEyc zt`qgbtLDK_I1}_4xd`QW*ce|pd%qOFT3N<1{Ic`oSWFXBelXLNv_PM5+ zffZiEPfcek;q|SQVMKt@YkwzR)o&D^D!(mT!c;(6yQkjmj>h1w!n*$7x}rkyl&@rX zctSYMd20-o@kla}7G}f{TcX5-7ta-$U*lwpLH;2@s%o7sz7j6zYM%#K8*w!3ZaQyn zYwUC}=DZY9@mvCu>kECrLfQUnUsFM4`e15q)1y)MaoRFZF5w`ay z_PG%$1`sZ1Yv@bSl}_4Gy-P69vE$uUAmAQjp~(#;mcIhg(*6{~rHODtvc2WfgKdfx?~ipq9xH-Ix2! zXW}T-b>8S#SWBJz)Ku2W&xt-rIpxs0NA*7sfnAKU26yTZAH^s==+#+ft%?>8XhidP zFJ;ik4FQ@*k-zO@TPDw;V~MNhP&pNRx$b^X;T5 zV!!EZzHdK6s;}LK{y11zzw`{iV#EM!$*}<%S?q6%S9pOXfNW>M{ta>>XhcrR&)}X} zRqOo)Q+lUf1%&)Y;Sv}+P?1ScZ-pDx3;~!vjUS?t`P$!-+Qs*+|Zx z+TvX=o9~8=g^|QK0KVk`Kd}%c*k~RQcYg;&p|2*h{PR45TxmkoS%)H`xh8kLbE2fv;k2{b7`XUjjcUgz$*N1#&)U5BZGa{sniW;dIsX5Qt zaI`|(c0Kqt#^LzZxEUy)y{<-S2TcOd_4WLO31CCT>om)?-xf?wO#f&j1!&k5^JvVg zh~4Ok*tgjcfvjm4EV7kk4xgY!ZoklJ6Z&H9xA!mG<@Un8TGRKwXICb)aX~4cV!!oh z_X{m7pExjnd8Kt|E$~w>d2-;trNBc?v+|d>9&;>TIW`}$weB9N5QeWvK}r}6z&iMU z_Y_#9azKEMgpcE_)YOBdr6zoHq{6Gq47<9xCoS}{yly4rJ*r!V;r{ILX5P?H9TQV` zNbo@?sR6uzKR(^!*&jvcw&@7EIpuS#p|gE137sW4X>x4Z*CX8ZK$Ep^YQV9pnwEC9Ae*{N6;ITRO4I@f$Rz1jN*Mtz?pENV6lgG zau#){05NRsf>Dl1iNIw;wHA(|+hLhy>?iJ!n%E4mv{$7oyJC%LOaHN)x=jo~j!t}* zm9f-Gs&d+MFsW@WB4x4A(KJQ@TRT^?6eW=kikf|df6O1?obhj5<1WDS5!qclPSM2M z71p2=ol;SLqp}JBgmenkzN+ioRn1FkO-A*Wd6U|~DJx^qkNG9F>&+8C z@qGez24|!|ZH=64k&Ly;OMrCIRNdjOZ-V?TN=+8Kt$1W?(RiwG`EW0*%)0ApbDjczyQ)VEg0SGL$K*y#iCf z2FDSQGa%KSW&{s2Mje1~q(HpLd9&ECw~@FJY0rwO^VaLsn=$oelh^e&Udab=3X&DVX_6zR(j31EHuJf9UU|(w%|6YmA-e!!EMsgviQ{Cs^`{578;*nUDYnT zrZ1`ptxHDy&ZOHv5)ol9V&Vs|R}ao<))aDs!pleSC7^?fCL0zqd?b`CK&o(H^7~Q-HNf}wooy#>}5ZR1G*A;KNgVv}zIfG8wlFRc{uM8#fi>AgJI=Z^0toVL=%35?? zVV~K{>tCcz9Te%3vaEJ>b>=TpTn3ul9hLLn-5rLVo*J(P-~N|X`g8Vb;#husHT3jg zS^RLv+#N<4vu>F^=d!EG1~u?$JU=Wtgt`CA&8hkxAL5qa#0Dv25SB?#<|3|-+_T9f z^us8f!H}r}TSpcTs-D0frU>{kjsTwe#b<8^x7F4ZOwBP%Cx_jfGVicYB^7)x&oPjW zOBS5`Rnz)Z;F02BwH%d+qwVNLiqjJ^B`BT;!I|LnUtq@mHzM|TNK$4$%zv1KcLG|}l-gM@$|`XQ~uZP@Ui z4&3w`b5jGCy_bIF{Yq@}G4LzW7?Jb$=Uc!`Lh0MHUUQmp0D2r*o5x5}V&RfVuEKzQ zCRnX(gcR3zyMbc+YjWUs02Sz4#X`>pQ63lgAOYWMHdB-j7nyw*ecC)bL&icSz$iQ; z{q5*({i$`a zwR1nGcDp5Ls77$&SwxH(EA*Of6X8bX)j>DMkMr?*NgOUh;oc zswGy~t8`Wx$~AT{zQyFl6y0B7uh#{a?sm~w!>Uu<#C5XcdSrLqrWh3BA4=rmU|qJj z&UbosUgvv$j&f(7OgiLuX|(r2h|M(=RjAeYnC3xQ2Ex;?J-u?SLC^kD|PexQa2 zP}H^~$1N!*El*%jH6@aLt?dUgTuOJ};CfHsy|4IH2;3O)fP-SJXP8eVNLA-<-MDsHRVVlG&17;-9_&t{}++v;#;A^|rf+VF2p}4!nazrf2uy)F) z^o6{3ReM(XUDF)lxOQHb@)NjNg5J#eSbH9)fctLlkPJMpt%30kV3@@xc7wFX%Dc*%CE{UG~a!{>=j-d!ExcO|cEfE`qE3_qT(a!2EP z{QER6r1H4&%ZTHmR`J-t*OHf;D}Zp2e`rTXNRV->v}~a-_U64KH97HMa60}|4vk|H z3agG3K6(HF{`;p4dvvP=Ddri7)VS}coR63i5Nsp8+y8X-dLawC0${NXYm{0!C}QT{ zv3v)cJ3YChPYJybzB*mKubh-}5EGr-J#e@`xmcPLo5;u+-`id+*LznS!s{cR_X~|4 zVbS1)Y=0zBYpp|8)z!p<0A*NpT9wjzVyXlJaRd7mtwWoi>R6FYRd{mf%J%jLMEw~> zvhc&EU=Iv3(^L~$J*MxX4(n-eUcFz7r%VD{T#IA`)b>Hx``&04IEOgltfR_h>eBKv zsi_3Xa9vx7#|0+u+;0fgfAE_L^mRLyE>gqzMbqp9FRCb1t~xi0`(c+hZ`o+7qAOif zZ9XkVC*S!4ovpc_-2hBQZLO=U*wi0&S+53mc=9)Q8k4`#e-k4XK=@VCUkiB$z^6cn z{aI2SrF*Dy@kuKoE~a))866;^h{%;>&4iQ{;v?sGNby~?J+;1kza<=rG}X{~;zjEE z_d+00WdLV-!5{Pt^N%A)jo}?wTN9A)g ze%pT7EyQCk`b+i$9h^%`DePXK>|^(>?EYI&Z)2u1*$~1*rQygsb16I;oSK|YG7J{A z$w;lSXwZg0e!V6U;b_mdf=x8|K_I6#zvy2E`~AB-JHcl(pQy2lsz3e^p6hqY&`eB0 zw<4Fk+8WhHn=+r<#qgzUs6asT8OKrsA+h6j-ZyIbCwLz@qryvR@P1^*ljD6LR?F#_ zkcU$L3%B1N_wLBaDy`c^_~EJz)hd1G;gOAMSOi8m2}%l+y~0eF9v}q zS#>s*&T{R@sRJbDFPv>=JLcH3FW+|-){Ws#;2t>OZ+&T+Kg6tu#?ZkHA2|7AE#u$D zG&UD%EBkpRF{TJ?66UgK7XQYIkh57pX??LYQ!I*u5f)jZ`!3n_AVH#s5@}MLU3$WePR9J6 zEnGm_ z#hQpH^|382wD5axaGk;Ki?fi!z_1|vivBMf##`P|4M}84sgYnhyFZ@Y6x_d$&>AtV z9c`XeUHA-T>fTttu@8p3x448eu}!E~SW(t0jzeaK-r5?I3%=eptvch=$~WJr_9uBC zG$f(--75}{Uo1o+eIz1tFXdS3Yk98NcFAfOi&NSYicXgXu;5M9O|JgYV{bhfE_s9& zv4a7eI%Awj-fe&*CZ=M_;6Jr?cEs?SfQ7DGrB5Z&=jqlv$m+n;m!*-r5hJ>c__ei} zpXE{<*oFc4`r2PbXAGO{^X+}ja@{d|w0M0on@x)5xC8&ma^V|~R&qBd%4I{Jg&Bdc z3rtAdv+Qg?>_NRS(p0lG@>gKzB(}-2w!%v}$=9;~7EeI?^uYHXbC)fN9{T}p)rkOU zKT3g0@Fr2$Xwi0Vfd+|n(zss1PO2X_E~~Fvvj0J7DMcbqSSle*(=l_rf+{XGEt3eJ zO3Fi~hsP$h#s-VbJL~>&x$xm1#Xf#Q<3=*Q{v>*a-ZR9#JJTF6=Y!E|7q zvJi~hp0~3C^u?Z2-DQmA;(Np#9-M0+KQhJJV8Vy|sS@j|8~fm6+DYcTQ~dBY@MjOx zKk$!#gvNMj*c~(;aJT}V5~M>id-u)WjEd=g`QQMo?xfr)s6r*FtHCQ-<-2yFLpI5k z!gf!or%02`HMgThW)u-)?Uq@kh_`_w7e?R-VMhoUA3(=yu(%rdIvJzGwOWotr_I4* zBD|=C$>-NmRWv^gSPv&trfE}@9sRi+DU4&eRQbMb1An|w?$w{Agll?^WJqbo^zrY_6rIl;m=uXKar^Xmf3n%KK?^Cr!O@!qSI zioUa2wV@}OLOMVtV)elO3Wh}V1OOFeHhY>j3h-?+%cTYBv_=3OEFM2~W|Mg^jEG{j zwOB->FTG97&{~f)_n26keZjE-xKSF1q#pTreOAhxIuzJ^meB_47ct^6#KlJb0C@(} zkLgPmCJF++x~H*Z{X|cT=ay4puj?j?0WzFHFLj#tn%8>M{Qu(Dld~tVqb#PpanR7vz2c?X#)sW%?02Q-Na)+4Z zNl2|r{CK(=T>#hcZ7DInCc5)gmXu=dUutloe_+qaBej=CiFLfZ5`$Y$@zvSqMb=is zSSd^uH1=%`SRfPzrUY8DGxhbSt>(4mW1ACIK{jIb(w*5~5!DsO>^qh0Z<*$NmM44) zcLPlNQb&t|mGjGEvmwQP!sm%8AMoQY_6P%lEE6EyztU*;|>KE#kFMA*H zIDim(qCa_*w*t%rKUA9d9|-^*#)SB?4wza{R5j)8fqw%0~%h+Um>BfDyhoPL)%qN&H&!__foUw>$VB6 z3YbtU^FG{ABeEOh6jpE{kNq8~Z0qnNaP<&#dzZ{@J)WYhParaL!_v5U;sLTAs*NPS zk9-U^6>oGEh|CFW!HK?Ll;U1Bb2v0tj*Iq!x6AVUGOP5g&xEebj01obN-*Ev(i|v3 z_QgbRrZ<5&8{V>JSJp%Yg_RDEsYDw)L=QtT>I&?n%Op7@YIXR)uWJ8%!G%oL_P zyD#6J$bCDKh?QTRj75xBSE78x0eA%5`br;FD4(DmU0vUbg@stEP}&8iI8rOeeo|mZ zz)mb&M#d41t=G~Qu{(pEGB(l8L>^hA!;P(Bcf4@-Y#F>s`4knenHhgI#;>P3T5OYy zECjRExL~>(=hTV|F!dR&s;`$~!y1O{{xIxD_a0+)TP1gSl{YK;t)sQ`dS)u@uIT=( zdzpc<@WN` ze@u?O-e*Nex*9v0-N=1em^mK8I-ScTVh3N)^mNTcXZ(ht?9mhC*Q_AWJK&PVn_^-K zzOnUnG_F0B8L+6rkOA_f627|tbNuEC{5~FKgQ|vwN;6IAKGqu(SxcYVdVyEM-r4;3 z!Px83*Ij{FJTPi|d6}DrLhVgU^swY+I)dvABmtmKGc)ve)+{G+bCFih)JL}_1<=wgqT{JM~{}S$~+ll zNDXbX9=B4%a>Oe-cgsj_iFZ zA+5)d2&MdD8tSZzgth0I@csnH`S;`_{}TBWlD{ljz4{IGs4n=zW4MYOA0s~Q zteWk@ML=OzE2aW}Qx;NXH>oC9i=@k;;5JSd2j7`>Otc(GyG>q9_ns}VbE`(dqFHk4emp0K?w51%kn zh7N`l{(u0b`LeO&JvrP|)!mI2OnVm>uEsFL<1gURr#aW*CoC#nR5pNEz#sc`afd?OXff69o0d|`tuJV5>zya@(V=vWF8){WtrTm&PDw2 z*`OxiXMV$L23J8pgJq2X>7qksra3p14C87?aE5+mO=k$M(|dE^H?;0KZ`s>JpEhh` z;{40@B0#oiYT+ST?HL3uuhFD)76HsnL$%H;ouV*1nwD-jWOQ^z))gIWL;*|E*J#QyEZG<0n-}3%vp6 zkW08a`t&So8i2|dQKywCXE9|_p=l$xJ%HW2<}s0V^r z$Z~V3K}kMrUSQ$*L1k9+SBC=gAp8JvK*lC6TlNd^9kn%ZP*$cbDp>JUkTEGo{*ew@>fih>Ym;t=H1n(hWbo0drxGOlf*{jmvd$R}N;|boUseHlSVO^RZh8NvIXimU@{(W>+S!<`@p@ zc-l@(!9EU&%?7tsRXyKpn44WFzmB=T5Wh#xoK+Rw@9oD>YF%JvcJFZ!y1M%{xjRme z8t}TH*1m@pd#}sP8sAl9DlzyojnBD<+10cmc&S(E#ls)Ys^>D7!;$+*Qk7d)D;Pl$ zM3wjXrU&uQ+5w3L1|OWO>|B997iS*baX>l9eM1}BX_M7QOmRvd0~F5dbMK4F^** z(sLqli#oGW+uE|1%pA5 zN`+Aa{O;~qn=Gj=`*X-9+G|jGKA3^fK2@@u`<)FidZAsC%CqIDF$y$04TOC{k!NU# zko-Pqc6%0~T9)3dzicP)Uux^&(o^W)8aZj%&Opz1w7p?;G<9A&zUvL|C9#B^yApxmieg4L%fyn9lx+Xso?P>mOR)<7kB`G%}%Sgs@W{{KrhPAshP-=Onm z?=}V?0|$K2t}lH~wu&@^HeTnOjjCSK;>BcaTiH4J)?_b+WzO))ETh;t6y>d1Y+3N2 zzJ8f&Z1i=nw2{gpTXYY|2ZlaG6Y+z9RGmdR6vE`<(D|(;g%`}ef{3qWTKVVR(?`Q` zi9cQE)dq|s+C5{0Q}W+{F<`${lab_e_5 zlqsW$-+4a~Kp2`xBU0wV!?g&;zx^KoBSGB0^+Mo8GR}?oep~D3auJrC5)<1_LydV+ zyjx@;3|gIb?PkV8;ZhLWUAqRJ_Y>N4008(efA`=2*{}ZebUa+I+sB7T4JMUa^vPj` z1w++CTPd}8A|e!KTylE4TqB;y&GVGUlrm5c-8I4Psu~XZt+mU#CXp#g$b@27#tj1Q zhh^SMoia~3tKzz@L>|Mn7=Uc0w$?6dxxHPEGFf-+9nl%V5JNb{jBma=UZ2W5$&}?< zdXR)4@B8^_n`TDBR@Hy%m9(zQl%o6HO4A+g>S_>ynn$DaQvyg|7BIajT^V z$1i8W!7OkLP6ShH9_5`dPn>!;GysEM^?Kbz$Q8^GoB%Nh*`+C?gByTODTgc}r4&D3 z2+DnozRAM>RK(r3(o5|=!rC}kS6i(m!s!5HE!7N#vnoVDBS1htqyLNJEE=Pb|Mp=v z2WHm0A|dW10d*%P3!jiL9#z|{F)9-mtTdAlt3`4OntN;2g2;kUw5ytfJ~$;Wtm{d#t_iS%p92+Nq4XcpU0x^HlQGqUApe!yXV$hBSOaHZi#7` zQch`W^}20a*=|k;aJa79`Eq@6Ix*3dv$_isfE!|WpXPjfd;IwLlqfmjG=DB$Ar^Bm zwUm;3#M*yt5qJc)J> zPJdYP2X89yY+y7s0E{VC6tO(6WM>?N#pt;mM{7$&tv53h8Jge_keV4d#Q(C#_dsYg zCBQoz{G#i&#yqsvI$UBfW+ng#NH8zc<+4swLZrus^Y!To|2SP}UZzs2B*|$SK%JQb zl-gJr9a^_~UboT@M~ImtVoQvP^=Ve*0>so6S zrqcRWn|3=L58$xX68r&=!q*%yE-=qYYU>nr36rWK0ux@>4FE=Pia9uzQlh<7bHteE zyV?k{(BakQt@i=%5$$>#hv99403ObIAcBP3R^x9Grug;(j)tG!GQ+X-*@P$l5mXjc zlf*j+1L|4CGmg$+us}y)6H?dtk-Mt>$R2M)wO9) zlK_A)r6e{i>^GAj9eHY2`KYm(orPh5Q2LM1s*LAzD+vzahEHhXKQ*<-;oYPtg0KB}rjWUCX zgc*@yb;a1Sxg)^3l^C8c^AvziOrj$5A^xH{=Z8`>CItU=4qbAz`oovak#qs zx>jbMreX4n#In;*20kgjM;Mz&q z>YV5IA0Lj(a(8(M6!<~nZ-=i?Dl3+gX>yC zwfWiGEwvzm_7(|_y?1v7x7K@WZAu9dFPAGbg)uE5?C6WLaInJxfq%4=;~aHIbJ)5D z)s-2&_aNA~*_`u!ZVsIe0JvKOWYkt;DAP@CQX;%u&Io=wEW1So^xmIZ^H791fcwqy z@Uu6sO>NyaQ>8hZsS8nN0&&C+o(P@r;kr(F5|N)6Zv#Ge@D8CFz@ZWc@7n3P{X~i| zSCJI|9y7Qg?>azE*&W`#fB)~#=l|>9{%@_fKfHVQ?f2iEuUAJ$ly%z>l!GFU;0A%h za%hz!7S%_zKopE>7BgaGRCUuZa0mnb5wHh1K7~7gxvJ$PK;t9r1&T$&0|08e5H-%1UsrK-kH!aLMW z#12qfKg=m=wx*g8Sp>A#)|O>rATuqsM;q3gh89g72ynM@GtMC=FiEMDVs6Ld;dnfR z0cdCtRc)FlKu07~zdWshV?_uNA-39r9Ql(#g^0YkySZG~_>Q{jfBNg+{JVemuaBo8 z=^>I~e>CV7NJJs;3p*ePC02m9aZ&aDtaGq2J`OgysX8JG^OW9+M+?JysazyWISs>KI) z6~JA)JL;5^_Ac}jZkvRNj0??Kl88(>s~It*l;ZyP-a};Ey2dDAS!NqnlfGVyu&DRi z8V&tAxMK|2BYB63f(YJvPr|l~M5k%WiOsZ>GEV{i=`6Wx2Ls!&vDRCu9Y>yt6B7)B zf9$qvw<{SXDn!Ep+X;7*^%$Mq~M^ECa)tM?}nPe1@64qnqU*CMCXdyg65 zRtoPS7y&;6xa?myB4if;QtL_btGm-boG-1lWzKOpo0?5IB|(JCy2V#%25QdeP9umQ zK2h%)T*R<@+8uiZ5rieCZS%wxTW>wsAF_)~DE`>4QA0C?C+j*b*zpK=Z;2C+8nUCk_KiSsjDkawC&+!4{EdW_U?6frh{Q36xnS~DOu zOc{<43f-W23|KDaB(#$-qov)+2HtxQHbv5_nvcz^HqOSep!~OT~->=)|ZkNji(4Q{nzyHVI27mJI z_AdQMjxWSrHI@Vs&C`5X4#(s2^zZ=YjG$^lyiC(p>-D-pwE9RYVVT84d+jR1%&4YM z=jVzUg3yDAISaONUWu>>_pTM)w41rA*VfE5=Wtf=d6tLAD>yKrnI&N}TQ}|6W3F^Q zZ+Q|VShtRhGYK=PITB7;h%x0T6$Y2Co0cA#UTmQZM2h(hd?B_5fM>hsl)01^JUe$o zf|OZJ0yT(&Kk6qR6iw)@_l8N54SQNN4b`YjlOSMMygro?xtBm5yQ>D}Kc)6~Q4g_^;YLFN`+}X%;cqTb)rI^{AKL^EoZvc+y zQ|4L=BLdjNO}&I>0ogLCqvW#IAiUYiZ@OuGiCXnWva=T`pHZT&4*LFY9(%=GS*G4)fA` zdw4p({qXVed_FAG*WbK6-Y#pY@r5Y3OnE*m?$FJ1O5qO|E)c$}F#qV%LX7R<@NA-o z4%pO0XqskbQ4KSHnDP|80W+)FH(!1A^6u8nzkT=i!~OmL_}xGJ_uu^H)yrE+WZE6P zl*$D2#E4ko-l4@Bs2pe6k(4^JA&hYAQ1ovYVX5oB<>9N z@Wlz)M%RHR1{VT@1QnC(p+@-p>Iwrv1aGYcx=D=dwVFb0no^#o{QkrJJa6+n1+!UI zg(W4KrzzSzLJ|=s3R~iwGZCGy*Sp)>+uNI*QV>Mtwlw$m?>!?a$?vMe#%)vnje zdiUa{H(jsW?cJ^R9yU$d6`&)@<-7s_%jd|=U;M?N_HGZ47jr13rIhoOYwc5>rYT3o z#FJUWq>?WQDzxR#2=bC%0>{qXVea#@#UW|n1H z`qOp2*2D2owz?eV)9LW|cqXFL&CPN+meS6b6&wzS1rSvIa;*pq4qbb1mN>b&njhxb zOa~E6eVMrTNRKfZ_PE2N?Z?kn>O9YmfJoDn&5W31v8wh!IzxRE&H-DgWh;Ov%&pbh zB5cU7TbXkjjP2IVU6@4pa$T2YqR?o9tLkQUUDuSDnGJBOWx`BENT}K!p!X5C$;5={ zYJkw1LLje1I-p)>W;ZLP;xr)+O{xA!5@F#(8WS{d!Vt2zQSZ6a&QkmA7>VMEh5?ic zQwTAc2msfu4DWVCBC5TO8Va45##pj@xXeUZAkhGK73SW<63#n7Z!M)1PN4gIX-E#D z)+r_G9{7QZLq<;KW_^?_!A((B0G1TA<~>e0W_?k@nz{Sq(-{$J>k{#`Oncf)kLak+ zPmodJf~sDw*U0p!tv%0V%#?-aiE8V+!>I#6Z8bSdVs~B3DvTn#7Qze(FV}To7`xq2 zlqulx)(!lJTsd%OCM4KuPeLq7yT%v*0ZNG=2$Uq+^~LRR-3pq|oP%bWgu%Ua?U7oY z!5xBUOGJ{`hX1`IQ84~-jCCOhfuFq-Rh1C4N38Xrae8lx_(PT)k>l=R?{4w$A=wSU zUWC|5cdBSi#sc;%ZOv(_y#aAp!V|{o+Lh3V2xx9N7$rb}&S8x0@oR99WPx`lHy=UQ zqkVx9U;<3k_HVoQ9(4f`-kg@>AtSCb-oCrMIJXdFCAI?VIa z#yz*u~qF|725Z z#Y-Ldf&&01k*57Qd?BTjk_2G!<0s}`eMn4kS+c5?(j+lriaesQvx-C8cX-##h$$!T z-QvFvjkvj+$0p2)rzu)Ks-?QRq$DB+&{QQtITS=VB>ZLp(3k0-~t37+#MH!U4#_>Od_p6ci2J4^!=cTvjqS{eUEvXm<5Sq8W8?& z0KiP@+Ij=`+S*o2Z4LLr?u(OJuiLtox=hpQu-qOG24D`7MrNTS=A0#oo0q1`G=*(5 zAtsi0A0Jxld77E2)pl9eX_{4gYu(IJ7=-{BfDF$~dh_ZQ9BPX?gOhM%;FelEWOMGV z>+!Jk-fMFNcu-9&!nDlGJWVXLwbI;9H>V2r&ClPE$o=E>>AXr#KxExiRV2lsyi$uFAs965p}AAC~1;Kl}M%S&;B@z5MOp|K@k!{{DP9 z|Kd-+ac`}cZj~62K~-ymDGxZM3p@X=8p)mE#()Tb5gtVJ1F`s- zD*}>s7Z;{**9h`ytvwir5(U>zEI|NucvesP@IH$C%bjfcM=QjcaX#dEo|9w;yj-?# zzIn4Ob52>!nP{3OVctqHb0QjOs_lU(kzS5oTV0m&V)5b=5tl(Fb1>lE`720wHs=AEIFP;=6aPt%phIx@|;QTQjwKUsd(?=JfJ^ z`JW{6hB1ahT53HkQyd~c|K`nFs&-3BXi$D>c!Ucx(cAa;M5I2r>5@37Jm)k5ZOq#4 z%Vh4?ZOeI{Ch>iTARsXvmxX`u$p3ti=*TW~hw!fM@mD92tF3Ovh&%WS0N`p-5!Tx0 zoOhcYo2TsNNRWiDYni7!O;hb{D@Bs{z|T4Zqhsqm&^y8qlMG?#uKw?>^(eWX(>LR6 zxvpDyEleqKs1hUd8`0Ey_fX3}3(>+mg_sb6C>P;SNrbOk`H2@|F3c#DL>$n4OPpXA z9z0#HrM6|6ZjMV=3r1FO^h4hBbh$*p5xO6jsn&+*!erpRYtE^wUAH<-`FL0k%N#Ws z3<+5v#|Yt9O|H!Wd`fAvdcLfoXpiLV({Z`IJ(wF2?1|t*Q~&_(_Tl5hbzPs%=U@En ztGJFz>nwA~-NKnf)mv*J#K(Oc@#PB1NxEv+PK0Kv?yWT>aBxHrVgOg|4yM{mX}v2G znrZ7T4C%v(h=Y6W?(uo!a0#kRfO$b_w=tq41QPD5=KkXLU}~kbHh4r9hh*1YYg4nA zU%d=f5hDd#FO;9K+rcoi!mtGb^eBZz$ZcHlYPOZO%t?gI9S9(TIlg!yafU}{6}bw# z4JC{j14cBPx2AJWK~=3)hmsnAnH)?_O+lEzt@M^;BE)?>8R81BU2{t2V_}S&(XB@u z$B(R#aLk$axdD0zx8es5N;C`+1h`vbnUb7WRrkX@L3nKmKb_C_Pv>_ZAAa-qzk79e zI%N9vaIIVI+Ill>KQ&upibki_hFEi6g4KE5wr}6QefjdmH*db0ath>i&~hA7k}0Q~ z)r_<@U)#5(Fztl`EazWkH5P(^P8PMZi zCL#x4%jN*Bx2=?#(yJFQqOw0$)1anriP4PuKJL!X)!Fn`v!TO&J9df-$jf z#oSX$>rWmd>c@Fevr^ht>hZ9IBTGR2F*ifRt=6b8V~Ut0g!>j5Y0rnYs+HOz{3m9Y z!7IC5H$adyy_gneY_%gn&a7RDXqqL@^6+#u_srn#FJ3N>pVsgHa2Daa+ZjUu1IWaT zj6lRP2@sPRG3z?2mI9@A4W^7F>J4^b8aucHbv1L4({b5K>75*~_I}G`#%kJCsfTTx4C_MmYkA{ZC=b_&caA;re;j2rbr+{5%E*h%sUe?K`G64Gl3sJ zkJojcr|5*5ngI~=yev1zLu>urhx;j`AWzeDm}hXzm%?J-ym@_hbNa_`zgrH6upY~q z-MrM6({yt<0K&UZ_ussEm2)~SisNvDO)xo+X3hfzj{6Cw=8VH9KFL9=@f7X-)MRS%H}P*p)u7>t~N%)ub? zWy##vqD+j4A&o%?B5c)ajYxTSVSuruWJv%pCFy}54ZggE`VbM_j0u@BOU{XRd!Emq z({XwA@hXtRP!aQ6+p;21K_+&FJ9cfxVt$l)3VG-#8jgob02Zq z5cWHf8cUe7eE9SbH)W}n2wuKC0l3<5*$>)GaQCn4_VDnyEYmVi;HqYk099+9rW`bh z)`RjF_8pofg}LphIZVH-eV>noaPSzo76Rd*FGk&8N@eDG8reOeM2~r+(O8WltiA3- zOXvZ9sy>4|L7FPH=ag=5P9e%{Z8ugTbO+V`_;e-0B(#-^fTrH9J3x@fhDeMN1J*=p z7G6gKgEt#0v#7%kOO9GI!gMVJ4+O#T1;B`d{Cw90_1ShVu(`w#4RM*$y0yXh8XZ2k zL+c$vQh=_eLC;aus9{4-+`3svm4Y1y7`xIeKurg?5KcM3v!Vk5LLeT><7j~SIfxp- z9J+P{T(?bCn5ZN6*3G@N>TX%m&EasE=bPif%ScxbJ)MVOuMPExy-7E=(Wf=m}gILJ98z%)-$6Z;Sbq(HdVZOu6`v#N@Sg9Q)< zI0m-C(~2!0wOP|1VL^zHQ^62jTW97eVVbB`?M;y> zO~QL$VFtvMgp;IrcNo|c^V8E-s}hkJFmq1K%%wI)bOdxD2^SpeeYl83Q=PLoxS0-R z>Ymu}*@Ni4HOdlA4I$u|aDuC|2m*nFsn^m|l4Xf1AC{bn$=q^I%bPihF-DG#G4MO$ z2(b51bcC-7u||g=NlGc&TlgdpQnMbW4n&l)2n!t!^S0UXFfUVf_tL7W&eJsIG{Dg~ za|gF+P}UFu0ZhZ?FcjZlVPhr&!#L8q8j~@ih=dT6nS12Cnsw`eBbuw55xRnRYv!P! z9eS^t6Hkl0zkm4Mw{L&_%b&k~ar@c(Jsu9Vb~^F#Fa<4;kaEgXp4U?EZf}`+n&)Qz z=Jo4Z>eFQ{ttXZ#<Ln>BZ@GnI{t3YLO(T<1rA0uuL`Okj!ClBYRr>D!m{1<=z&wl-j()*><)3h}6OKD8<=FQ97+gn0LAUEH( zx~(NVA7)8G-~{k)`gFZquGiW-6P8lXmkx;YT$_1L)9ENVPcLro4u|71EuX!Rbt_w| z|KYFy`rZ3?t+#2CrZrIYvQ~%IwWzjC$O6RJEh2Bd_tAe2eXhBJ6N9P)diVml`ySZ@ z0HD2x-)eX=xuJp*Ms#+V?uo^LMG;a>fY7?BM(lvK+RN6MfEbzZtady^H-KY5p%WlF z5+DKA+J*7e-Em#Fs4`n=XM;Q?S|}v}_{oWXHE|Ls5h z{&Ky(dHpJ9aSv}F>uw>5jRQbcQ{WaDhKs|*DMtL!Fo!4t0VE~a&jw~ec0wY;(wc}& zDLZ(iB`iy#vAb}dMmR_SjX5PV3la_vmBr9VJHRk+M*_sC0E5)G=S_b8L}(ZB2xI{O zbI-yw`T=B$NEEhVw+I;C(m;_C8uEQ23_5{`B$2rG0w7=!cNb1kMMX99tUvbWehB~p z4u{3vTG!I5Ncdj2pf~Jfim&K=o!`Y7M-N8mj7f-H79X z)ieTR0Gg`1i7*0`T7>ED_Vm^3yNCsj2)0->8kvcR$7TBSU;iRPOn>v+-_7$h&)ETP zPRG`pk+}o21VU`)iFqr9m@d~6MsVRr9Lx%RUJF0u>Hg6Zctn^@2Z<4%-B-c8_UJj) z!gVJiRHDJt*#FU2M=_`&jy3B#_))#$L%Vwsn_gY(#hDaFa%`lP*b(uZmP%()cr%eZQ4}k~*34^)S8hS+> za{Ik91_xD@D5IH8?cIk@59f1hjR;%s2%eblZjQqA%QrXQ{^9+byTfr#Ybk4~Ozh^p z8B%8nu`#S`?G2Ig^pkouz%0o;B=*mW8jDaT7@}Pq=Olnfm^1(pGmE>o-nUxcf4T?6 z+tVqf)Ow5G6uDl29;Yts19}4+%MUn7A|V#;MYmGUmrKs+_iw-d>gCInQa57}BJOHL z!Zd=?wylKk2;kmUjj=zZlyaUC42ievrnPxf=zUHChL_9A%%!!aU4-Z9b0$?viDNEd z7NrFfuBGp{21i_A@P&d-R-3Myzqq*>6KRCQasYsJ?N3kTuuRJ=rIg;=l*L?YYa)C& z-o02N!}zl&;xc{k1CtQBfg|3&Ir2!Ux9eJ7+#c`l zPE$?~PnT`0t!XVS#OD+o7r^ko8WepZ2Uxd41S}#+YE?6UQs4aI z)tpnS?Xf;})!O?QA_LS?0eoGz)*3T1Vb|_prL|gX%G^!6bpr3ufuZ&Oa5LM*(Gd=Z&&yu`xINv>(=_Mlc!1XX)>>D6TGwBG^RtJ?$CM}G1nva*`sJ%BrEdQ4 zwEg_6*LSC*qklR-E%Ve(uiF-Pxkz&G(t?Ah4lXQ-862-$`R@C7f$IF@@4sD^d7ATI z|IOe1^?&_47FxIMul~iK{q`UKu$A8t5)+%baB>GGo^p;TD@Oc&+hQ51>0z18^|Eg7 zK76=bu8)uBY0fWR-N7TN!Rd6mf4uykzxvhx{1<=u_3N(ysML13Zmsv*n_DD09S`px zKK;>|L}uR9t3dIc1FxoKt17n7jzm9fPskIG>-TfFRCgso^EpQ7L*c1x7})5 zo3?JI!^SuY($+N~5HN`9I1CY0&2+F}eIQT(LYc95HNe*Ou*?o%>OeTV zX=B1aeD|qWo#q^*%+ThS+L*c4wv}oY!PO}INBa6n>y)g)tWhqK{f&W9z3&Bef$ z2mu(}BL$3TC}@K#4~S-tU>K1Fj%s6OVv*YB?hY}8)#2R*kvu>sj9TGytYTQ2M($43F1sQq zRC>>PK6CKyO?$9x9RLiv8jEX$OY9HsIQ4WX?IIM8qNN#`yfqOlT?mNSWc=6Q+2KyZckDRcEG@WhYIUnWZGm6bb<$>ck;b3cYWsZG6|Nt@TpdUviF`@ z5_50$a9DcRt@KHzLq06a42a|`$jp>e>P>fz?+6kB@UA98mur1^e5$RA@SM{;rFAXS zl!S?h`lv}lIsopDL{pYe_x1gU`(;i^2;8n~Ny4p3G@ZAn6EUH=F!kO)+&>-<%lUH2 zDaETRrIgy#EGLOGc{s2Ug))0sV0^Jij?1)e&COd^L=xtpnK6?vZQ7q%Pl-9~)W)g+ zhtSd4aEBFP9h@Z&Z#@z2z4z7;oq3m4xzBlersMMP+*1IUrbH1|+O4T_f|NKi`v@tl zoPJ2B20%jB@gotk5wzOf!3kMV9f`2_L5KoGHHSUg`G;2MCw9&FzeUg?BxHjf?C9o3 zj6*VR+O(TR78^wA84yMkxQHY2V2~BN_THzQLirnowfQisZC!iUQ1bK;4gml_V(zBe zLDiO=w^Hu!p9nE0IbW|7BW0x5cQ?y?VCKUz9hVFUA098I>AXnj*8&tTrCl#&IUG_> zNElq|=ab}exqkUVhz2D-Zdi%92!P)E;D(RaINCM@bUibySE7N^RM3A-#>1bi?;@~Nee}Dhx^~=-E@i0%4(pH-T<|K$% zYF)l)3F73RrUagXEILM24v`Ea%(b>KCQiZ*aC&u|rrdhpO6jVmjVL0qGy+JwA_<+CfF{docaSp$xPoFNtG)<|L9(LPhE4X|7BLg~`Dl-5? z=*ROUf!4JKM>LvFreU1JOw%m8oCe&iY+YN=lcXfOrS=~^p`1Q0bGZGg8WWuk^I^*2 z*4?_crYWUXH5j=`OgJI9ndKaYqy~(&cT*+u;0UoWHBvPeF16LBX0GPblv;1Xg6j70 z^!Qi*?AN{9vv8V!WjH#xC;R!q^!y$(9s`UsB;OqIEbDpMY%K5M?hiSUN zb=^u39@H!gyBT793@XLCYEBZ)6(KBgL=v77U(5F0`}>FcbDoo$m9nkhy*oT!PN&n? zU%h5dIZxA+Rl!V8%kj${2mpt}@pQV`T0@rCuU;i)0y0%}zpk6R8^G`1f9UR~!?MiF z8VL|Uw>P&>mum|?I)U~`>+x=uL}HS4S=ZKDPN~!yh4Q*?PfwSh{o zWHF#B9O6b-4Db^7;edrDISm(N*s14CRDyquG~BBq{bbwB3`a2sutVcW6x{|HIG`gm zH6~&a9DL#-*YVwLgP2sUwH~iGiHu<`LgfABl%CFKCQeD12$@T*11j$NnJXL)k7|6z zu>yPzFVr9u#r?IjiN@#|cK1D1L)#k$Kw%LEe`eUj{$Y3U@|kqjN5lsXITE^=w{GsJ z+F!nSwal}KghpkarnuFZM2JO1L>`|mwYNFv!?J|F3fyb$OHPB;<__SkYpJ!h8gIi) z*R2A0Sk!;X3}NQ5i+RrJLqd)l%^@cVR|){ouBMT)fx=A4p?8e@GG;a(A8;+(AKraX z)p?nxX`1Hw@#*~jZ_&QcHVvcRS~tL>!>&pv@!^19110(#yM>-+%Y^-TRM3XkWd4 ze7a0IPhaF~w%RbFnwxz(pWWc*=5)PwL`pOvkae<(dCJz1SQyy#|D)?om*qIJG_kX| zdqm`V7k~i4rHW)%%}iJK^k|m;p+}G&K#!;&`k^)R2;u^F z$;^oG<(#7*ClX{4RG5)Q1Bi>8aU)UCXx0|ceI5v@??*XjTDq^nC@RN_@!58~& z&bjMS-=!`_KsX%hI8G@=$1e>G(NlEQ0L+KUCA=7c7!_-6F@|@wb_*>>9texfWX7UK zOem^f7LF7n=TbeZv$f_D zn7{-WteBdTw_z?kB!)oq+)T~mECB!zn5kCxV!^V}tHu~MUCKoOFeVNmPICi9!-eyA zPT+?b?IId}P;2l9_rxD`@;3)fcXe^S+uq(kn5w9J_2Szu@|(M3t|A8a<2>a; zOew`C(x>1axl(E=ZM}}AHqk=VAz~>tgod~@W4NbCZAqy8|KX9q%t8p~H&@Swdmy0A zYQ5WTQw*l&vsMVf%R}1Pn}vWx9?`yhSO;z#NHPEdnDg9s{rm3?wY9$MLI{ZHV)3CL ze)hqKqVjM!y!h_ByZb}eQHXIEhOYAzI}6OU$(+mA&!2z&_17uJo12?f>*;W)x%4rf zPA5PdhW<28hk5?s*^}5M&)=L&0mN0`tyV+M*{c9l&T_SPuEl4M=$@z$sP9s)bFkQqtb!UwfVE=`)2+)8$o1l=+*O|>6V>_gvo zB384g*=Dmk9HtO>yNO_?qR12jwWbPgb|(cRWN@r=3BQu#@%y|~JX2u=h|GaF8=8WN zR@X(Cm0Zc|AYwp74&ETnKdBlb#K`>cFiO)Zl1nYQidf{ZY{=yOq$Z-o!RK%TRD-~w zn$Ee1R3Z|=5Caj2%A9MhEv3kTh#)yk1z=ql=bSHgyVEq!S;70gY1ydHbhF2Ox)1`+ zhaUECKZFnilX7di8iuFuJtm@;-@W?%*Uxv`btL{Cb2SB^E=4qLO~xrV(bC#nWVPzV zj6+(bG?$|0#bjhahAtlC6w>K1PxC!-Je(%)L>v0B9tIUtvuVzROe6sHYQIlinrpo~ z9RJ|{#u$)P_;5THQ$kE3GT~Ti7GdV&I09h|p-2T{1S-;0HKv3Fp459do}|e*&xm+D zjir>;dU$v^7(hSt&pvpcm_PgFXE!&;X_|N2{m`#s;9Bcuy*?g~0C4^2Le(xVwyh5L z5BDV(5#8@MbI!~(4Bcik)K=8Mh?&FV?RK--T|#+slr#M7b=S-s1J6^5F{nz-wVdOwnX!}x&>mgyh`b)v z6F*Rzfr1I#-klI}p4#bDo;|yM`R(oTF!w_mR(+|}RUCcSAuU;cW)L{KC(?y#h~Nec z*S2&q(hp)2-(Iy82fR}Zu69$^5O^`_z|ysDX3ZBk06dqqff*92s5|G>thN?o^vRQu znh2iTh?o5t&;K@4mD(hPkkGL=A+sg|L>_TX=ML$!cGCc{R$(Tzb4$7|wYW&Q9(qI+ zkcvNy}NqwY=}_Tj(5!|JK{3e6eXP2L({^PGxe@s^X$|^8a_q z3IQ+ndu#Pu)Lsr%`YvIn3Lw%D9R)WR&R*^Jfddi8nEJl+Ja+GN&T1C1P7e^B;6JFn?w?0u5t5p!8G;vR!zBBN>{oJrL^f?H! z9F4rUyH@e)WuLmxOUMqBVVe`&Ee|h2~t8={4Yl@H3t%FsZNGCz#o_av7W<8)fDaf#Nlbq(=;>l<;8Bd z**K3pj(HrXi~V-LS-<-3=J1D$s$Vg5hvV3F>H6X-mmDw>1XOzc`hf^T3^8)o#Z@=B z3{q9AsH&zE&6J6D+qHlVgaOQXs-ya%(Lk9KgKHXtQ1!m^VCx5Z0?65Z!Xz zcgZz1zDh7riX1~Yo+dRLr@UQTtw_N z&ZX3$Pqj9)CG<&EJaO}s=PpH7dMlyErIB!XINf0FdPO8s&r@ouY9X*2BA0X^L?S$m znFzWrq&|98aBTvPBBz+T$Q({naZ|~;JaQS(&kr8?J51;I!39_EEt{baE6%5f?^r37`X*=J|JDzc`Ik7vmlC z{oSF|GLF++N^SMQ^yc>Na^G*aD^V#bStLZhKhB0m0fAr~b88wRRRKRa076KScu_q~ z^PEfRx{jG#V7c@(*cs-~pU7;01r*2c^FNr+5m*p7sHqWvL0J6c&d194$9w}9i`O~> zF5P2uDP}PA{c0HCtmpAHmWgAGu3y=2cjGwT-QB4d+}c7UIw3R8IpyT5;UbAMcIHtX#+#Asf^V}@q6wbmK|C;*ce{Wf1Y{V*>-r9ZrV zIHnlZ!_cSH#l%2;NZ4cDZ00=w;^W7))h}Osck|}1Rsn=n-#2ZlhE}IjZB+;{MV?P} zo@!){fr+8Xvfg_{CIPCb=PRVhZ&@ZLV+LH*?*?kE7{>@_35_pYE;k1N6+k3J;K*~X zF@zLCYYh!nLol

    paP3-7Um0lA~8dL_n&BXcU*n0|DfnQ^9zeiHMN_a53b2L)o&j zoxOJeh}3l*fStxV%^5(Ekdfz8L85->y0jpJh!{995sB*GfBw7edVRIuBcg&5F`i2V zm$S8_S@iwi1U>{H`WAvnj^O8h+tui~aWcVwX}N0795^9#3N_6-;Yw z|MbsaUtR43^IS@iWg$o@tX7-Dacp9n&F0zr)OG#wVeI-o&uw?HV`d_L@!~sGOCfAl zt2q|{ETz4^yT7@;Uk$7EYRFA4b~|DgwbMM+)=UlGNl^rV0veGp@oCQE{nT}xHa$+c zw7MGl)WyDE5u-?(=DCPWxei^rJ=`4*r`B2s1Q@y$nTbOTF{xphYiINy|F{24M4$cQ zQ>JkH=59QV`-?3C93Bp)8ki6ye!xQ(2;nDJ zYIY|Vz%-V~e0O_N)s&b6=CL}qRI)H3_f+TFcOfy4V|n@QT?mv?AZ7!YPE+a?= zZR(=$5bl6PBrm1*QQO;vi4c|)b#n(W03a?>89-p>cf8gf=z*f*MmHx4{Xdx4Oq(p3 z=)4rFL#Z_|rxceoVlMy@^+SjUq*BCXigUOdQFKu*dWWzJY5XJD*@@<8w7UQD4 zETF2|&Z{aDd4yap#r0h&212UR%2G>Y4nfr>tG;JOJx3(r618b|_5!_gnXgB<6jwU{ z>eB}W^n^q|k&u6%X3HAlLnnIxt{M}2Xd?i)cT>bfzOTpbySQ1ecboNgy>7B7om}&t zV&o7!{dQ?mL;TsZ_g%K6BA&2@0CO%LAT6q;6huRBa8^}!7MprOk7$cAc>Yx1cZ66< zQ&&_w1yA3PTyHN`6Hznp91l?wX+P-e1w#wOF~)J4Jk*5)J$w3ioTfMThZo;{_w9>U zfAXte?sw}LCKWvs96Xh#ppjOq9wU&yB_}NlaFhyqSmFzL~rgMzIy($ zwf6k^OJ+JAPpUc$-Ky&Y@idnG?xIh9sXy-1DWx?r#^910V!FP#Orc{6E(iA~-?i(a zVy3hl#=4>FnCNo1MLgQl33|$`9~WKTmIrxHR4 z1|47(ZO3^Sy6CCcg!5c#t!9uS17j)maL7pDJ}F|Pu)zMvtP3lC?%!SVZE;C#1{^v9 zHL2qH$jNmCMN&9#lL|4i8G-uTwLoAhDov_;G;pL};xQ zECv{u*Q?i_X|J(0UO0`x5MY`Ss14 zU;XlzpM3N&Q0-$OrB=INCb+i zCT0NIng%+Ds33W(0ML)=%Rp3`j>i%L@dk4dX&M3%(|E{W1|l&Ks@~s@7Z*b{Q>ZS? zE~Rk@Aw(u|**uudbD8Fna{&vrG(_kUr@#nsJkDMd>!Vf-F>oZnT-rEhFuvOFhm`*5 zpT3;u!U0_oF-@76`@W|IodQ!669D9}#7X)&VXQTV;NXzcXD-lWL}GSaJ;mVh`H^|q z;NE!&Jzp~fU#S%lJV_9i|JhOud`_Fm)9kaX58TAyS%)dc7=xNWkUmMn5>kXql|8^& zElr;JV9ekSDgXrH?Gej|`|l@*MYWFZ?{woMBB+s>0AL6y#kd~& ztBd_^vnFCuNHKVoo+>a0PulQqY;?JEliFHfMmYCZ5IST?Xa-hW1<;%`EJOq_GY8M( zU&6;08I?#Abz>`t(306NY!+gmALJ$f;?4U{ABD|80AMK1 zwwp~CyH&rcO;*DOky7jssIVOt_^zlUKr)5};@yrlZ~W^4TMKQjo#n<7BsZ zXk|E=iAjZySC&JiqU~$!h`%ftrmVP6eN?;0WHJ>|^;}QCN?4*`wwsJc!JC%F)PM>v z?28_xIlj*is*?1syp1(}yfk;A=Mgf_;JA5l6YTpc<<;MO+eeBy(J!VeNFs-6gb<^d z^AueSAFr8X{S>MNRgIGkI3zvv<*q(`qabfCWT0MPXuR!6S!Q*wyz+7N)9?_3Ju{sN zLA=RBfK<+RHS3~r_Ixib3SKazXYQ)N#BX(nMczxkQwIDUzCs2ajk|A_2J0qyFX z2Z#P*h+mQ1XcgpnLV_~@pwXS2O1`JZ18$teG>A8m=`+WJj1a40()oVPuf4TZMEfUu zraNT#=9enEhYQX=UG~GAg!XuK^ap(FX3GZ;L23L~_GUIVnqJb^xqLlV)byucJ-gqz zw!JODHO$lDNuoAuVOj9ONqk9CHEBO%II1z-n=J2g!&GidYz)sYE;?uR9scv*GKywu zVrgnNIWuJ|=?!av6hTIGd!gD@U1OEei8qzy?!I6o5>;WYzO`T_Qc_!JHErbJu_MeI=6fr2Spk81W;)9A&k~15f(r4A=>cD#maZV5E zmA`2)ly7b?1=ICmrG`5Q`W*?prOzEy!J*SIdxvgW)Ki)+o7(4K=E}-AV5m45MXf?i z4qi6NFWN^H0ry{J*s4m6&J}`n*ZW2 z<6gPBUnRDo{Z82!`h!1}7SO6ytx*W4>pPz}KD;hD+z253c^5t=99tB%Z<{ucY$bB$!G$n4L*wW4 z14RF!A-YccwO2beNRRYTT64{iZ<&3afc~0RaVWKsqSg2L&Z;l5YHJM)mNW(RlSNUT zS4O;r5mZ+oFc`$ac4hHWOmu>uuCL2{OzrD9qYW}s)yYDjxiqXzcQ&2N96%vZRoUd< z`}P=+Z)>Pw0PZZmZ%;sn#~*v!x$_o+8e^Xj?_9iUJ*sec!sqERPG_n;$PJwUg=2;P zb}Oq=9AWli+KumYjro|pi~_(asKGB*(%!jhfxxkt42(TQIWyw^5TP=W7q4gRP>J~| zi%$zjrX$E$4C`&b1VFr;4!svL)x0E>T*np4GixDSAJ!V z4QH~U?y3HmEvnPA-)Q+)9&%2~)|XE;fOp1ENE6?>`X?IL;1=q2x<2TW<)-)dP=r%y zPyfE`8heMT)dLRTYtg!4jQL4?%1Ej=Xy9)5R~^85vuBO~eJs>J#G9r-b6^6fG!;ZR zxY2M%mq&UHA)%(0vRyh_T4YK&cpC&Xx!Ov|wIRHbJO1m4m)$8!RZX#^13BCB<;LR6 zna{ziO&Re9V>%xJmNW^Jx860H-KqS!Gyh$w46yjvU^(~;n-t{}637E_H}sBD$4~J{ zkz+yXpVAchS;Nv4mT`*%0aLq?YYNz$XK(n5*%T9?X-0H?U-nYDcTQX2x3&u#-LfV^ zrCdWz;xNyycg5*>5x{~niKL$RFR?r+^=PmzKZv6+hPUwLB;n86>N9zNb52p^Vo){LssLn6imv8Qc;1W*E90S5V8{43cZ{?(1^Cf#_Kn`{ zC(xq`WV&zKtE^WsvNlDr;ibzVpC*0NB|J@~tU$K)sQ`f0J#8ja$`FVxt1f_7tWPrM z!)2LnH;4xkytpd0IKCZh`O<`;cZf&I?dCgNN99;?hULH0i7mfeWlE5+u#YJX+`3`T zv0&7nTd4#EMdCJFldT8w^@>cqa6;odTGm>E-@kg% zlEj*OLy(Td+xwm`=tn-yAbn3mu8*SzQA#mypV`dP-Sw^-xZPbW&fVxXP;79OhM^yK zuI2x+HEEy9R)|wqL`-zH&O1wH!&NtyEahqD5$4*P_I2*lZ#(8kj>Hm|ZNx7wKHJ7_ z?CxIqK7Ep!eNQK~1j&IFDq+@SmHs%)%j6D*|C%ifD)8ACrg!l-XEnJ)q zRtukI4`UoE%^V5b^Ko5W>ME=)b#x{7`%UAB^S5a1u>z{VdkobK5>HD+gJ6ad%tg5SNIpnR4Aj}1hhO0f?4ljoyx zkL&1@*+UDNwj^Su8wERYQZKZ{lQKxNn|isPE~)d(J2X0ETI4U)*Qw26O!R9&09+Qc zLR1?BbM-0Uh|NYBBTj!g+P zVWc*46p$or?7%7gaDzY19ibEm(i-z43S1%Kd72Y$W zN@PW`s=N`WDgHKTg!5u0&ZoYdBB^EKp4x)9_WzBaOsocvc#V8in%?ymzhgnO!AR!j`b}|Re4w(c(gQ!d0L^*-Fn?lR+Mo{$_jUp-4s4U?X?G!F4(MDIe{m6 zrbEs*w^${G%@=|%21czmwYTLi{&tZN7*|1pCoTHIeQshOC-q7WV6=_o;4zVV0y=gU zR%K3g9H+!#vEgC~7%eaO_2VbQpE*JZ1FP9Bl0lNCMwP3NH#5~97w7gKOog1ILXM_F zynLlh1yp9jcQ6Z^!6h zcz)Q-H6?ZF)NPtN?`;;4(W~fOVs`aq=y>_{7d%y5dDR;B&=z{$FlZK7}x2)dz;07apCC0j8?+3*n zn{}$1*&@csYt^h6{x(^gqx+tO z19@lKr>Jib<$Fu~b!6+0sFWi+@7X@ROE&*PVs*(N83}Qp<4?ZvpN7ZG7Z287lmJuX z4ZjOHb3*CL(+9A9{fE>q=oXm|w*RA}q!ht*xw`4_fk|a?iWDR~TDPq^#eM>lIc}hQ z@cYWPNJ=r?E}b)wKF%R+bO{XLi3EMlo+eMlKe?kMe|#C-qTFpXCx&XjFR*Dz!^;B& z`+X9nKTkKT+xTE)Z;!}oHqtI4Gobmy@x#wK!<~iM?&&Ch^xwnEDm4o=iB|c)P)dPg z->c62&8`Npr8e1KfI=GoyegS%nNCBo9T|Y8BDU0?QCF1EHQ_ZPdSkY`V2@EW&QYzh z!N(^NtLgVbp{`eX9SCEChwmK9SkorqKr$N=gEWefp3GrzPG zfmi>bnSfeaAiFjW#EO8s*B2+a4wZTzRPqa3mpz*-n>|}|&ftOA-#xw!rE%iQhT~WZM;tXN$plyR5_Wy|REI?usJ-oehLD_~Dkh=Ub zB03N!COS&xZepUm5ttBs=HAH`h7@^m>!Lmi#i@G#WjCjW^ID7!}gqMn^6#Lt~(v`!Lk0Bxj@hoZbjl5OlMoc0vZs)htO!>>jK7QCL#Mq_` zk14>pOq!}Li^Zq!*qro@=KkSMGMBrCOr5%BmE@E(X*9(dcBn#Tb-EfW-0|7&kf$pD zfo@pJ!BZg&tm(yc-{+sN8Qg@t!T}(jFe#aQ7P-|&pTz|9m<_Tt->B$8DnR4Y!Q7oc8Qv_!gCA-<3d<8+*MG%lOU5i)+oyDOy$L?6WRI>&lQ_0( zqn(g)RUxJLHB{xlk6KJN?m&D+0K&Xx>HG3nY9^Uj!fUs>}!KN^gTFm4buBeJXwhPE#`Q`OrMj6}m*UAVjZRO+8=X|#Wqh~QKBf*~1@0=5XJUo^LoPjpo ze+QrOHh=j;mjeG?!u|2|voNdTJ<8h(xrFMaG)_j^AgT9Wxp=0TJ3*0L*S9O{+#uy| z>Tpi-SAQc4xDiPBvDoN>G=2*mbNL?Y86tbJio4K8zG<0h4ff6OIJ$JHGm`h)Ya6_T z6#EigxyeH=7Hb9kiLOAXKkoZW?%@67@y{k(<&q>Mx$SjyrpvB#$kFPahhTKgOa+&z zS(V;1UJ1KCtlf~I&hs4t0TW*qr-5yq+k?~_-@96C(f7!$7OoCHm?^p5kiRy+zRbJ! z*?Xks>E@M!P&M`O^E7Xk-ajapbb-`oyO_6KREH27LM|mkjs{BdR4S!41$Hj) zCwb%=R{~Gh$3K=fk%|Q^c@Ke_qYG zgb=4fPR#Lk3+CHa>U67BX?EyIy4Jaa8ZNz0xwKRu<5X-}4s9ygw_nY2-a*#Z^Z}Qf z&vmVkkq_WTN3xv1Y@jt_WD&n(mU$VMFq-1GDbP&n@SmFf-4t5#-O>$ym@QsYvx;5k zk{vX+W~~@cxE?f`(&igwyTZV*j=rhma5HFSNPuB94TR@(1A z1m+=o;E@81#J}f#v0yP0+7 z8I5We>po;T$D~1OSP~g*WhkO_>4VXF%Q;xf z>r;q>8bgP?%~i21s*4#VPhYwG^A>Z-@}Jx5%tlGo5N?fBOb?rtCq=YfrCGra8!2`{ zTZoLskQ4e?#qaiw>twb9UXe{GcnH>_8sqdp+II=L$)$WHZ{hz9K5Ktc64%STGVZfZib(MSLILHDI=qO zG@Xc|cR{|tW{dAT7O8A&>S82&clXFVZ+@0PH$O3LcTJgs!lG9>F$u(%7X|tIff=m0 z;vtwlIcdW8G8bqaABg+nMrEw{a-=-Bz0GUSq#gG8@jXnEZUS58r{JNwQ`55}y1b^h z#N9>TpeEAa(S5yTisZI4VP0_7EBsY-lHMx~O0lOP2S3tj`bL&1A^Vj};m`jWf3bLIYgi}T59o!B4E-DL*W6niDmb5YKQ;Tjo@8}5 z{b=-@Gt{=@WQH3*k+&jQTYn2c7BPiC7oF*OXOlfa*gRZ1m?(Zs#nkyDPz#O`Og0qUG+G;>&`|+w<0b(aEKMjeUh>VyF2k zMwy1z6)SGURoL6zDbw7za^1$(Y%(%t0m!|e^ajW;x{QLKKSD_6J&Sj`z%f=ofI_DN z4RuglWU?h?QTvwcSVgR(((5Q{+nBlY-x@H%7qlug9=R#unHhD-g};4l{^{{IjseCz ziUO}r6&VEtm?YCr%CxZv%9&LE4O5zon?Va5O@7!jw{@j*=9xTGD(%9*ibyElHoN3{ z(foSD1d|1Y0&>xrNLfRbtOSp%rSj^K>kDHlfC4n&bo(-U$|d;f;3cUMA-Us3fU2op89J&lqBQeDi|h31tPqu;^intKDzNuqf2`rp?@{hnXlR+kYe6#(|dF!Slnfoyll{6WaqaDBOAup zFdZWYT^;>$GhIAFFQ^3FB&NI341o2Uu2XmJpUa1w$L9sT=%$Q^mZlx{=y#9|!b`$e zQ`hGq=gT2PTax)p&!MfOrM$Sia|i%_Egda#{7vH%=2Nf9S~Oq_uCH2JTsifubXeQN zgN@z`y7o)eS+EE6!&fN(?~Jt`iA?f>@6{I=1GPPu~C~II7>XX?Z!rRQ33V zi-on*hY1s!rBA0vCP3ckF`uxT`a#5PdPps|co|AX-@42h#pv3D?4m8%dFD%VpX#LJ%J;+7#AIm6}cG) zEH~v#w)r6EZUE|JwSuE!%z|6#W|t)4A4B?YOZ_uDU|7yGb5-844(8X4PFWu_)YC>7 zTtp>X%F6tHZ++FA`wDLi%}iH{lDSSljpa7gu;kPr-Ef`(7IGVtQ{iHOsL=LD;6kyo zIzLz$g$rFZElCs4D()|~)`r#+yWZpoh~6bQcg*~0ZHniFoDro_#I9FHb1n^nJ%~ZE zQI8Q79fvw}(5+%|fEsUO-uI7M-7bb;c?MA4@(~Rvz;ewk7vH4blrdxSRf~$AkDxqQwCoV>?+a*^z%|mNrrmB?6dpK!Fy zw#dD;1{QNIr&(m_9&vUPg=@dqJw3@OM?K){$1rW24SC#4_7foSzbg?{u-6P zo?l|6Q;&pFD!!{6#+o?X3GVvR5+r;O&@YYd5S;fWUs}l{e5IS-LgNf_yFKmBwH) zW@cTAu{;DSv*d@&H2vf5VSy-DsrMa3!nsfN-a^P8Jy`Sx?WC z_ZH>UEU7x9^`TPM%|QEK+svBL)YZS9v#;Z%g`%p|Aok|3b)@*jadVOB?l)oNNeU-8 zsBmgzPjj8C01n&QzL(F}IM@#0d8aW723sl_XcWjJ-w_vA!}QJ07Uj9cDHuluEy3W&En8cdNwvS7BJfCz-GJ4vVfR`6^I|W-tXCte@pxgfZOhu9#jXCABA#w- z>_+8BCIq%5D~Ybof_zLE2k2;3`K-$RxenTHgycHXG5r-_h15sQL3*p=k)Be+zex6L z1%Am)j4)sJ&R?V-f zHNyI5(<*pq`m8L@O{M(Jzl$xG9P_?}wA{Vc#+Dp&6MQoq^^ zM`wDS9dc!gJ5edM49D2l)nmoXF&|Pm8jau888NzL-WDx?9=EZ!d$qP}1|v=Qb2S+0 z+t1cFS>>;1NUa#x{%xE3rm}G9=zmwly{O-pYe&^+lgYWu;1IVUzmw&@I~E;t1!b?W z65kLAPa5T+A=h!8oR8sXbeI;|dvH{umE;INJ}}6yc&*;Jt&P-y-f>O5K4k5V^1xX}*~|@nb3DNSPP&2$0A9kv%To9Y67BQ>=Oqh~|yV zV;I;sq?xt9tDFg?qG3{VzD-@0m9e|4Vc*HgzUV2-V1+Ab@5(6wL3@6m6zKI(sef%y zNw77|n|~jUtg4q}1nmFhVr49!s{y?sE3n9{A>%v_jp8)8Mb^qdOCMNxf?(Ub-hcfc z;3)Rb$muhqz{mxb?#Os&{7ckwHy5`@bYO+JS44Z}tJI#y3M=Gnkv$Ih59T)Rg`<}= zf{#8vTsT@H(_H9SJ3{8&O(*-*nA>xg3j`5DWS4zf{y5!9{w0(*lp`Y?spm-hT&nuN zj63OyWBuO;aV)Uy1l_-e4;*cH8{h7f2>W>CW_yxdc6M(+3S_hcryv13r1)0GuldF2 z#dl0O`@W>PNAph5C<0N$|9IzH{noY5R>nWG;@Yk*25~;7tX2#Y0#EV3iWN-17IR=> zV#db5SdwYpycs16tT=q%^vVk8pU6)JfI`PWO%fDhjLPJE;x$4}BkW|);)*70)Lwst zlPE0m=aYe#7jF{^ey`<3lzwud?E@Jz?#((>-U-6XpFx!KH1JJnh-M}$8ZbijZnQPE zGzt_^icUi}A>XN%sg>!GDWphfkaD`?6TzICQ1>`!G?P?O+S&)T@`VitWGD}YXQ`4E za(~MbFMoi;wf^f9ZvWSUyI4+rndI=WZWxZq6e|NJTgoPSuV7VHGgUZJWym7k0~)ow0aFWp zm}b;4=Ox&b-fVV4olhOPAUnoM9IE>*P+!5zskHx{E&ZdREb!my)tC=2h{wT##SVg1 zRM2mUeYXw1F`|1% zI6meMfIM}y*JjNA8Ql!JUGYg=E!yeey2f@8@*nkIaIe7EeY&vXCSFj5ApO_-z=^eJ zQ!Q=LTe%VB05!|(>i3bi=koEltX&QwYTN4SPEVKHqJG^OvJElcryz1`0S+4u=L5qF zw&*RMRmk}sT2Ih*T+GC5wR7XoPj-SxZYh?J9fWM$#Xz;3X|?{cEVl;VzbA}iD7Jgs zgz4&~uaRY{j9mS7+ebMb5Hp7;VCb|xm5u4|3r;H&Hq#S<=QqR`Wwt9WMJdUB%l1W>JMS2;0B*rj7hmGoI2E8ZG3rHRepWD@PdN~x7a8k9@u+Eo-* z0-@oG4=eX9St&A}arUxJIYxo%?NXLSG;Jy`{Bb z=_~afDDbOyARra$O z%9zVQLxo&uDb_~s6I@?Lz7Y1Jn-gH-JV^SfLYqHtXqOik8kSS-+@~!J%0o$Zbb!scv|jmK@8YfwlY$S%vG-APm$vdm z!@OTTHnliM(9Y@>Y6=xGi%$|JiM}l+gVookdsn!Qs}{STq%B2aSbB7VMz6~sVwi>b zp4}1?%!Ww7Fi2qxCRn7Rc>}MABv|&r@cjJP8EyVm{HPowz4q|i_5dmHczL!YNkr=) zpz?waTdF$s1P2R)M9K^Kd5L(;6)5~0N9H_s}#da*g8qSxcLd2K|7NwftEINMHJ zVX5};r*7I4n#-^3$ST4DGi$p^y-~--+LnuX@NGa6mwdXBae2vd7<;h>_FbgJr=KF8 z?<_1~`DotP)(g(WscO2)4QKgo(h1=@sZ!GK>tpGWi$Ek&bUu5z++W;M;CU#x<#~#L zxbeeX>#t_7LUPsB?9^&^m9y0+1yalAev3(bUju+10AO!Q{gv8>TCwclAM4hrG+>Ryv&(j6Wve*T?4nJ(pUYAuX|pT%n-t%rQAUx#g=r4KU#A6c(uI7^ zUfOUrf0G&R!+HkPvPY}XET@t2zOc`#JDBtyr%??iYE(>#wFsu7o4~)sP<@wamY%HR zQe0DHU#5c_Ow7cGq;k;$y=<@VAjd+|>53f$ZG8m&{X&tn65bmf9yqelJ2~vN1rhEjv`NAtzLv>jfjVr3(ntcm=#k|vu zn3|r>+yFG&`~I#-7q^(Z^rMZr7cQzuOO~(amYRzpu+OvSN4|R(j6SG(uP;!iN8y@I zmGiL?vnj=-^;j1K3hK+B0N%js1yzC@g+j+&ccz}42w3pip_4l=(|2zAEfoGXD!s98M7K3}yUAOIMvsZlK$UcV ziw6~Ct$nyd156%MC@0TnE~5?y)Y%KJ`f?`qXXXpEblb|W|qvCl16rFScsp~AHHslXYHWLSJSU;@O^*saw z4sy&+gS{PT(%F~`&ROenlRt((J`u|uQAO}9wR4l-ploe!Z4U6b-mlqehDc~BpVmoz zy-Dv-+1EARUYgp`$RIf^F>hkZ{vbbg5-U~b1dJ}8G~z*JX<}tYor^iZX69ziZcIZD zED}uAGVy|x_kEt9P#|xA#H{dV+w-{df0S(2Wp+F&fM;{-FU`Zu?PpH;&nF&2ymJZ+0Ea{p_!P$ zxb2$?6rq1>Tx@QI%?WrprCM5AlD+4Za|0@iqZlZbrAyuJc*<}KSprAMvsiC@B)lz8 z1+rS(t`(^#lsXihrIt$@zbvJl0IgDs%oHT6_VeI6UuU?_OiyupC?B8iWAOc}8Hi9r zJ=MwL%A5STsz$Fv#(uU)NA+2*266d-aOl4N)csGgb}VxLF*52J2oo{IcLFjzq;oZ} zVv@WX*zG44=AU7de>8ZM;R@CeHA4X(vjRh&ADtKkmEO-9!uC8?!e2`!G4?wcSC0~4(r4Jt#5=~VcH@F+ z;>=0?;kie&yGQLopQ9qK2@5963?=(D(vn4EF zsDD2~sji3a=xXs4)~??7E?_T8>#j({pqItUSwtNzt!XFbC%fUQD$ME=)>&)cc5p%U zm)onmb|zPzLC4<%oL>$WbCs0Etsr!ruxEljZicwiAiS8Ieru}|rU>)q76i`9s`yTm;bAETqC zxsjB87xoKqbL$9@O6&u5U3PWd&%1CW$91Dcyg4uH8-`}|M(?7U+aJ=M9rxI z{%x;r!Et2MTP-ae#6Iqe1D}qdpf7JDneM`JQ9_uOOSfr9EBo}feqJHCx}9jj-V6u1 zL@QO2Zi;G}wAYo2#BC!)+)OpYYP{w9$qO*An5pPrOUQd5@jP+;UCX5X85;S4wUVFO z{_e;i)91(73hKJjepxvC5bT)X4@^)iYnfN+4`R(+_cTx!6On{xtU2C_oGyx{NV1}i zP{=_o8N;nv#s$z4UqXuCEO-ttze!M^gM{17C1chwYLL;~J1QzPLsG*hhZqtKK2$}0 zz1elD^KWX}N@YAUy)}-fQ|!f(0(Bf<5RqP-@qNOJM!k@Ws!OJG z^0`B%I&l9dY{=mah#ZgDkp(HZ%Ar61sZ`+?AUC1UETlmq!@AB%3Qd#0-u;qRoy!m*+fpgC7jDlh&#)FNpYBnTW_z~Ir zzuR%5qFA93B89cla!jYpdLep2*=$aQR88LT&!fFH0Ynd-5K?=*Ecp>g;^A%8lj@JjCXB#A(&J z6@h$XJ`DK1U8wF7mHDVAhB?3ERp%DRi}>4F#X})Xn9K)0pDbolC^t%4-k2C9p%E=a za@WcS-y_$GRVuUL`VP)ndy>KrSIoliKCo8yDD9X#N6P{s&}nZmX1RuLQkHbmjN`6b_t3yS$jK2$3Io@-~QkW z2S8}O(<~$n;V_Y=nEJr1geluD2QO`GQ1B2M4SLrhk7ip4IrBDjM?ziun;OAgzfJp@ zq$~g?!wXCqtYuZHy+?-cW7quNL`J9DhJ!1%LeF{(;X`PXp@a+~B(os%)XBrF&yy2x z@>QtOw`dET9~)jeVb9CcSA!wz^7m++`F4qt89 zKeRN8`BD>S)|vN6*QNX4-d~6SthySc6ZTH|6Tmn2Ax3G+ltyXFTjNhiGnaQv{IH1d z(Xz8_qSc%P2JF?tS@}U8Oj{Zb@jaF9Yz_>VQ|Vaej_v>7Y_}nMFn&;g-$)HcK^g9q zz6BQ4pT;8+OHz@Jl1fuz?YBj~tT+Npv58n6RcI*Nw6PYN2MmjY?dnMa05SN@Z$t9e z6V-(>|5DUOc7Fgg!SW@~qd+6QKZMQqo`pyX50;a1Xfb_RF%+S9OsDGLjC`q2 zv>8iX2$zem?cLVN3nz*zQUxLq{P@k}Zv|TtLEMV}R^#;pdv$b}1z?>_KfK?8969l% z=TbV8jvb9Q1R+HNn2(c6!E04C*8=i;e+bbB9uRyn#+xp z#Sg{Oi-F)1C#z78s=WoXRq)8l`C+rabg7{r0`~h+j|dICl9`?;;YW(uFHCG^Jt(YG zMKLh?l`#SlK&J#J^=huu5;rbHhlksnKIU@ zaK~nPhwdn64&Bn!D#e);%A{xwfu+^b1Tm3`%H-JSg2bVAKw*hF%uC%@aDU>})fD#? zBf!&CUpaC4cm^+wYIUs7?mFm({*jlvTEUu|m@haASFIfqJf8+#EgfB7T<(#$sqw$B zkK`|K+=2TG=GPM;Gi`oI_)+!MlDS%4ON%72udVDOsYB!jcaVA*{;eDrosaMy%wCcv z2*1cGK0-$VdY;h{FRzyAaMx|sK|3eelGmr# zgb=yQ9$}ilpL`ZFM_)A;`d|NZ{lXsDx=$y6bwG+?wS`yLVV=%Xl_R|Eopd;{{QyxAJ3C=olmxb7* zt35WXXPuWCS$2B`_l(-wNZXP&d<3&cxJRhnDp(;0z;7jFSn}9VF;PGhpr&rXp=vJL zP!M>24_*HXez&=u${Nf7rTv%UPD96fdVghO1L;OdjEhZ>Wsp0M`xm{65&2AIEw!k@&@?1)O#pp<+ z?WAqlL@^mGEo0tX7(?l}<|f;%?vUFO|8!n9U+-t?0}n5_pIWffh0Z{6O*Ugjkg>8X z{#K@+;mQr1YcH`;;#f_xyCE-)v!U5pzMY*&yS-OOq?&-o2tg^Q$cTv!HtL>hE(SbR zSMUE+M6bO4SmxIpR+aIlBoUd^G)mRAneHuJeLVuxDgGtx_)oUy1(Q-_|08^-4PG$; z>&e+yC5o%h)Ne}-n+yNU7(7M1nwy%x45~DQ6C^TYGXtEyFm24O*)yU{^b-fzwVp@qp zg3~Rt0w=<2 zu$@?Ge z^6)A%eIA`R38ZlkQ9f(T&k#B;Yr7^zGd`5Xq}&t5GPjd1U4{TA^ddPkio+XBiiODN z8Nn+iF~R$c9Wr`1Unyjism^mJmS8E-tU->J$^K}2@&peqyn3WlcC$d0U$l(|4Tymen(fzo zd(vpwbG`X`?JT6)Va~suhKG8}p@Po=ma{fn+My%TWRb;np5qq6<28i{g5^ zd6P4_l4|LebRJc>-4PLfE92=LA@}}vbwExgJ44p2Oap2woiK+&qSs5PKGy-MY}8X? zU9+~Ntfuavs{OSZHf9S*8BD`;^+?lHw4Yqgi>c6Izp^^LGI*E0o?4g}P%pF5&Inz% z5M8$^F0PhCXwOFRQ(D4GRblGglwnXRhO!~1P#xx2GHByP|Cd;4e8JsN(9p=6(?+x; zeyOMF{9rQvP2x4y{6hKh32R=^>6!e+0eUZ%CPi0^X%;Q6Edm462b`>pNer~SD{*s| zIqeD_g%*Q6KF0K2Zb_cG+;~OaxjL~be{o5dZg>8-oSQL*`(i&v*sPV%QXRZQ64R1G zjz4!?g8PX8N0jE5}QL z&1O%(I%&=qNmbhf+7yI+hF9%QFBVbGp@1cA9L4?rE5tTTt*|74JoF|KzQf||MB;{2 z?O~jXj#>4>%V~X0;2y9={MW+|M>cb(rdEJ#Uar%mt}*%o!8C+g3ff7LM;?MQ5$Ac3 zZ`rVcYn2`uEVE0UGn>f2sR@Mdx7`B9`sUttgcj>yeq%-~GEsldKDB(GNpt@SOPSikp4Yy2H-i*Gi8?>!gznWu~#$C zJ>*jmtUDC4cDgsEWPn0uPQjXly zl`GdHie77&d@)DVe{O<@k{TxNq4usyS7++M3$VfvV%Midl0@BU>1#lx6sHLY*gS&mvG84L{8 z7bRBoiW9*83$KHuPwS^{$+1*Yhg%=DG6{y->rC83)vYSX zJ0>$XLerg)Ih3Z)7&Uyfq*$+l#vB>2gtotrnNI-`CA^_^rF|dpZt5F@^DK(MMVe0v z;Cu9QG&^pOUYthWanfd-rT$Kr_T;e|V`e6g$=;Nx&W+jYjL}6Qa4g5BR;gOEZqnxBJyeN2Un#Nnz~MP zuBcr}{I%%le~c3*Z?iB}#v+wMhW|;&TKvBkAd*RnA$(H`4)3CW-NW$fR>{3b6S|4z zZNdKqfYIxRpgekZHlEC|SB9*T*GcV@Z9(msYn&M8`ZnH*A7RYv4VDo4P@q*qeM5@M z=z#ft51F!l1Av}99SnEXy+>atD7&f=Cn=<-E+SR=I4Ul6a;WK{h1s-L$T;_u8%Y@Ba4c6XbgEKwBUUrHU`E?KYBAGnG zz!Q^c{U`aVuxJ*=Y1*!rqc}m`#AUJJ!3poJ7qlX?+;j<2!)ha;XpR3u&SqA-b{o@v z!1mKp!lY>CCwh_D!T21~aye`XjE|F;!qq(7xUteBs@^?oabG=^$VEpU*b z2~K30up1dF(lx=wHZqjPTI8$=)!8YkKkw1O(3fH8#RkY3bML!^lJxwh$!2*@#p6Kr zCUXHQbzU|&`CR;TnGp$ zExx$OyEarN#S%>CO-j&qv(ZQr)0T^y`z$G`i-ZDmR!T@}xir68?I5l-w4dXz3FbTA zE%U+h8fx~&OUZ}`o4#c?tPl8*bRN6f4#3^*!#a1A^H1fFJy(x?(8Hq(bFg@!7;!S; zm7vc2Ot@fuG$?;x#_y=?)s#LeiH`IsM5gmLyd*iPrElHeX5|ewn+-6z8L=cT<)6!6 zJa$44n5`O6qyK`A4eci*lAY)9o5hn(#&PgtvXZPv4+c=G~E>Aju z6)eG}<>d_EkeUZM3pvOFJuU2geNRCu`tv~lNyNwl(V;qjJrbu|9|8<76;f0%QQe&k z0>Y^>$?{c$rguoD!NZemq8%6Nt@M9BDR!hc16waA1COs-oKml@`sB|)lg_X%L914j zz6YBpi>^8!;kZ588>~vr3w%8mHoL@Q-hmA;FKnn2m_&XkjHmWK{(7i*CWf9G<22rotf(3wd^E|(Taz3B5!V@Rmx8g zveaodd&@zAPk@$<@9sO`V~>bVN=_**&1L)YcUcX2$pv$SeWBiIAE%MG15Lkwg2-MC zMNzJQsS9iRjVZLyBiWB2^+6VY_99p*xW3;-0!IGLd)+r1Z`0LtzQd7mQ@KJp5TIhA z_XtFrQfGfxFq?a3Txnh^nJvTW$Ef`po04jnUPUsXk@uwoz1ESC1pbGULN{AP9DM;t zS|M1kJa~iMP5Se6~3|?=R8%y513O>4;L;IKsVbdwV(O%krBzcf^cB8DtnuS!b+{x z-{FLvh{2K5Mc>f=*}b6OG-Qwl3h?`*Z!0}+S2p<-yL&zyiP+%Q(4&Z}99#O;&Y(Fm zU`1whTqry>{e%A9%6O{LV=6PKoGP;UX{|m8tDVqg$9eSio1p3c0XIR&zFl76*51Fp z9a8$yPk;9Li_c;Vk>Fyu5m64m@t~l$pV%8!O=>Kvs+C-}!*F|bdH1kWwJO>+&HglQ zhu+K%r_=E`_FZ#29ziP+#6YS#FH7Ggm$VU6j2?=7?l%#MK~)2y$izfN)|Q4Nn2LLT z!Bq9(@whDY`f5lqELf!)5l?fux)=}$keFE&)bwII*qP~fb-Agva^PvsO%tm~t;(*} zUB$GkM+Fg|(8s@d-Cl2(rRFUAB&#>yI0V4e#b=CXXE2ge{z|>R+#FA%shrDHQ`OZ0P3L(% zqJjZ>ukV~ao=a`pkl&ENc2MBH3n+`YO3 zfZ^ieOZWHg?#}H&FJHV8sW~spvUq#)^7=Z4Fi%sSGGid57-H30%DgOd&1Jj2M8jp8 z#?!HF+kP1OZkXrs!;e4iyG~r|M;Kz*?ROW~SE@446C(7R{u{slO)&7J6;+iggO+Byn6lmfB3UM{qyhr$!_=XkDvVb<*Qd+o91a!)fi)~<@Lkk^>(xA`_nW9 zazVVD&wQw7Pb3kY(E)CiQ6@GtRn587`a8xZDRs}^Yig0>aUA*{0dlFe*4t;-zTg&r z?rJSrIIvV>4k4_`@(;yT^g!?6Eg)|^Rj^fbbR^x)x+-baNOVDKNy%u30 z-+T6K)BhF%;)8dey}Enz`u+{5A;P9>%`}%Hs!fV(3LB!CEpzt!jOd>%A$o3(sY(?g zLRAz24pd4xp2ioS-(6l0sbK`$Jsz@fH!y%|RR-$1=As{#rZRFVQUSUq%Xd_rX*@?{FdwB-6lSlihENC*U|qK9$Wj}sGx5E!6Iu}N4|2w^EIqJ5iE2mlZf z`?kw(#m9X3{F#SdrobP+_smRPZgjQj`!;z^LPQ@ueRiVXn8piGe|8UZ*G z%FO%aUDMuNULH?3^D@U6+a|S5+jpIxp_%yZ;c<63#t<*Jm!?MK!OUgtVIwSg5tSH2 z+cgf8HG?KKyZzxSAAM9svioodaw!1TFgLO7yQWA9oQ7_@=>`Los%?83Pg9lJ#5Amp z*m|7Cu1#J0J4%8W8Z!b=r_)xc09cE7Hx>azrB+2WLc$oJYY^16VFsXTMGXLAU^|1b zO0A&qL@8L7;$NSp*b`ijNf?BG$`dLK4R}?q?!a8GoS|t26 zH-o_3rZg`(hR89lZ3Z(xfK-vdL`dh1TZENfhN6Ok%nYjQQB}lW%r8!3KCEOeB4Vp% zGS{MNA}S(7-~Pe3z7D2c+gxnAZ+-1URRObk$$|0laCkL6lw6sy4NPpR%7LqBDdjZg znjwVfp53?a$^LlAr62$k?+*u4CBloL_g+*WxEy-NJ);VTa5(JSrt!vWE-Pc**q6jr zg+e0U8?q<*={aw~x3eat7=x;w)1$$e&VhJ+G6+;v0MP}Fh*c^+HHJh0!FijowtiGq z@9yq)yIt2df$&eh`<-Px{r!(V`Ngk3yS>_;#;KGE%u({|2PnTQA+$-2nFS72^i58bhVZp$9bNMsvZuL=gM~-)FMqJBEG)drWkXsORn>r0iRO3bm*HZp^D^M zi-MtRv_3rU-+tiwp^quPd3`?~j!n~+rJN3@CN?p| zL#$NT+me|393Y=+pxi_2{lX}h88yQWE9 z(~hTcnRBVxFe!v`Rsr&staQNz1zH+&_xEQt{z5D$8|M-u~viKA@FCtJc zH^W!nfA8Vp@nOGbLQy5+6r;bEE}s6)0h5^n<{b;Oc2aAt%sliRB3@r#BGldEBS+f) z_Q3y-zxypfJf22eL7Co!rg_OR1ZIzn(GWPFb7b5RyOip{Zx4!+Dpe`~I99xGn^G$i zBf>mqkG!7dWixb$sGx3vHGopeI4w8VTO>>|wQXvfh=|KlhM`r}aauTp+nWnwnx^G= znm+uf5z&%GL``iRXHoS}p(E;5Psj0{XV=rROw)3Edo@i-5LpW;w(FJ{e;p}x;~Y2oj=Z|&YN^Yzr$LV`Susnm*u&foB( zx=VMybg3!9O4xQ`ePFJ2wW)xCI0c;0t0pi&1X&Z5SFZvS0|9^qCL;s`Iyc~bY4K_b z5nZ~iU~q<__}&&`U}mX$cmJ>%x?$*?lu}{MG*VR%sZ}ZwUS9T13SM)Y>h8_V+&76)Y3SR?DR9`{ zZ2G2|rYxeDn;rqCc@B&sGIY(w7DeSWFJ6zuz$pe%opXKKBbf+XN>?OA`taE;04!OG zNDN`oni3n>lyeh9WKsiFYhrMtQB^|@R~H+mIOaMnHNO?*@jw1|{}K^S^L)2EELDcC zJI$FwL?ooxgm5^Wa#7}}3Sa-=t4vg-y1&zfQQN+Me)Eipa>;=iK#5@6uhIf0{^;HJ zQ;4cos+hr?vs>`J`;=>5N*2mO+Z0S>o@XQsF49mXB9{)v7*x$4uu^N^HOrD~6-M-04oyuYn2{)!O0e2zH<5ki znR8Wy5P}j`a|tq;X|2kHygGZJ6cJIdmB-~T91^KiQ_G$XhJ$*HWBifr3Pncn7Q9qguEf=3LmG? z;L1EW#}4~6bS0G$QmKvrW@Ze`7MxRnZ5#d5Nr5+g^ZL#GuV21?egF8KuYa6ERMBP0 zDKbGoz)}@?{aMpk54-upkFG*+;*qWK8dU&nUgk|0e(R2SN@_K4F!^aamkJ2XOrS-i z08Akv}F@jH-&U*o@GwoH_!-T5l z*)IlG)~e6Utc04*3B+tx%ueI@`1m-b2qypGKfXEc_ow6O-J8o7uV2I%Z+K`DiB%H_ zA#8?WoaS+!0o=Zlvd@9vx_nv!uGBAeS#mDLcaU5a0n~KK>no6@mReoyDQXuNu}$eo z39JBMkaO`KToD06F#}T$>>BFz&bJ5vF@##ARtf^1reJj*s7j2X5920GrFkQ(XMAmtY_Y1irl0|6-tp>ZCY}Q$?yMfyfx&p zq-}~f*PC&itLUanZ4>9Y`nEET3sdOYY6hk1Fla`?#)Kk51|&vVHI35V_Qr3Ws>kP^2|jG>*U zDUp@=q-Lm^$C8?+OEFKUoO6{DV!XV%cyo8(w9P!7PUE5NyQ|wv5c~C~zx?KRzVVH3 zeUkux{KKFA;^&{~uVKeIG+);=o}$YzR5$a>BV*>AK!u+Yq9u0Ma-u zy6WwSiAt@WQ|JfHr<1FynkfZF#C2@v+6;skLn&n($IYhCbN=|l_rCSj=ZZiMm#j+X zOx7=5&!628t!+8)H~Z?~`cZ$cya;xcNY0fJQwp9Z8Usfrv-M2uyNjANDV=+z08bK7 zSoiN-i->;sKKS{SnIp3wBKU%@iwkajTHMGu~ZMBMOjUl8MYZc(P7AAujokFeVk&^`8`(L&4W-$aXD^j1dSY~U_ z+rNWH9H*BGSUnF>&s`{=eymaF;dGj7)lJ`DY&WS%;z%CEs=^l3)I%k6 z$%n(?a6HcQL})|bFq>K>T2De<(;(3}&xDLXecQeN?z2yS_2O5bzr4M=yxML)`R89e zJU#~YP!6{{Liz2j%l~}_D8YK{w{w+_=+l2Xqs@tk5K5^`)HPAHskJQ2GM?sT$~W(J zZ480AZ=1ukm_p#N?fY%t|Hmbws;Iz!SW>F!ghvV)vPo9Rs%w5~Qdv)8U1PW+tmYmnj zzj*oi{&Z|rkg#o1j8Q}$4u{)|o2$(QBAQwiInC3w%p#Q#+a|g8wW_o!^Sk5=_4m52GCNsZ3?kjL;xXszgMkkVl_3vC$p_571DV%KtKRl<=D8k6#%f7>d!K* z3xYrAY-@rNdE-_@Vq6ceRBg%2i&uA#yW`b%^Q9Z&IQq72mSriWmSsjz zbS`SGuoj%;uoE}np#kw49g~aHx{Boxoj)r}&VaBP+B0Tw&AQFG)~aTvVye!z;W?LA zZ}wF@*_~qy09FBrsiAm|yuhwaXI>$~YHBJm@KT(~10F0Ox~6yI83&Rg1)@#gw<$4) z&t5sK#dZ#J8@Yv*|e)LP3gU%bF?ef8_#_(~JEKm5UuLqtUBH|;WEUh?k# zp=q0E@7&}$kB4I|HSm|?V;YhsMgV@;pN@~mi;L|%O=5-wQgrw5CIkS>U{L0K-0vRm zUT?3r+pB(_PLKC@&u*^zK61cMfA(|cFl;v0&u&l0Q!RqTUDx+rKTflV5;7v49Yt70 zotgNs+lxpOIHh>*_Rq+YY_j)8X^2QJq^YV-OJo2z2%;F`B`4)0>%yro^RIB6NCVbPPB^*E?69 z(DmOdZgP#NFaRWor8=-yM2I|S1D%xb>%OQG2YljDxEa=AorY`HlA-sPTovQZCVv5Z zrsl-JQdPjEHD&-+sz3Xp0=8x)I?~Py;t=E8l@c?fceqUuF$F&7W+39KuJH+`Z&y#~ z9u-xS&Cr`!E~QFcPi>C5)K$9b-^bmtboOt#ItkZ67Gox>;thl7B9QaGZf9N|Go4E{ zbDiHx0h8+Y`AMDcka=&sxzfNF-}4Pozp<)Xf0u6l>=?$UKwn>9YLys5byY3{BGxLr z4)I-BY-k|rY|u4i)XooKVD@%z3|y*I(ON5*iAWRU#byA&8LF8QQ4`Zril-ll)YCXV z>~_cFfeEG7WuCz#MKsX7WHh|Fyu7)(>{26Q54+=%OW(9H@H8(!|J7$;R&rT#R@KYx zCeYJ#g_oQIbBtlh<%x*;rOWS|SBF)kO{uD=Ir9e;Rws$6?sg|NaXr9h(>BS6`#?ku z$0nr|V~X)>A3lG6d$T{De)Q?DTh%~lrU*tMa9~;;m4N4)hDa%dHbvK95Mm!A0@fnX zQWHWIt*XrUY}*)`Q-Dr$&Q(&RufBVmLKLy7)ZJ-5E#HPj+*RAqEbC$#vDXW>Lq)i7)`H&j_!j zG9j9%rjQV+YR$EDO>clxUQ&$L+smQr+$aeIk%Or@{IS&1H+>9=37I+9y5=}gy1BS+ zQUeB6Bn0i+4gpIo<1(G5u}N(T!Ic&Mgfk~5Vv426I4_7C5Q)JZ#(+iyRqEU4-@a`E zVXe|6UUG33&E>_wOz!o{rRo`_Uq$j#T>H0DE=53vj67^>)5LA!Z@hC=Re$>W5lf9R zT*NS|Lu*wLLJY=K!5EpDOik3|1xUOgud=Qf;_osEfWuf#As5M65U_0m`OM8oW?kn7 z>WA;O&$wFg&4^uJzDAq-QQgI9Z|^mBrYcvJpaM=nk6x>+TpR;X)5yN&8zEu{xH?>Y ze46~V1y~DoTcKm-XI>{bd!O9f^re=0UUDgf7$YNqnR)Bk1PP)(0OVDx~uYJMn<@Q{$12`;9;5u4p~%0n-Q34a}%Vcu4OIDx-w!C0sNkg z>ym!eRl1IpWx&W@BatPa;7*1;8Ndw*EN!;TV*G zfZnucSt0*thjY4=GoAW4#O9Fj;hA>SvX1qezinAT>dL@1F|MVOdMsiia)J{mshNc3chlRO zy_(gkW*fu~aG4j}lz6pSPT{_bO-oiV*`$n_v06}&X;mGBV$TA1Nf4ILr9ByxpWo;3JWSxl2 z0LUW$)o=gZ&%XHL?c2AlRc5KGYQ~H?2_m>PM&FI&=VnQ00n9@#RZD55=yfUUTD94_ z*3Ulw;`DfW_WU`xPt(}6BE$1n2f+3pe);dN=WEVs+VQ%~t-|%P48y>bE{_+9SV8b+ znukFM%6dILu3GEue*AFF4NS=71T2h%lIZ^3sVvJd=9~SnuC-j|XE(cYx%}?${Imb& zAN=;sKL6quf9+5H=r39eLN*+4ZbO|@Y9(5}{QB$HZ{NIn@$$y^r_1$nnRnC3%-Wio z#&Frf3y8@~V-8>z1u=ASDk2aWZVpm0;v@uv$UsRc-`?J|ro)tnGysSi0iXjBMl>u& z)UkKD6aWGtnOj)Fq;C{O-}walRwK;{!z42-DH#A_CRa5QrbwISB(<5DhlzDhPsH#% z?P5?hYo_BkM#0o->yxF!2QTF+%h3@_c?G_Ga6&hz8rE~V+WT|$~R zVR1J?3i)hP%_*CiY9plE{n1Pl3xE$P2a|z&5+2&-rUZaJW4lsa6^SR2l!mdchuwb6 zxtpt~#heDvgH%(S-W_hk*d!WV2Pfj&!(CGiKeSL!L^qyN8i#Q=PE4^G_p-^%54%Z( z)tpF@WB>y+wHgJAgT**K8Xh;VwMG;B;R>0iAsXGtn+t>@i1JBfSyqqSJ$LI9KXS9o zFfkto`RViHkDl$BaZLE@`^&qfUR!5KWMLv~2nO!vr8Su{0DyyAOItD*qF%Ow5dO3)x{PR^+K3MZ6c!J4&t{2zOXSNzx~<9#oHeM zkgzu0(uXWkNX#rr#I8YWTD=ipZWuR2oeqyhJc3zh0JML=Aokf|`YaRbqtkPJQlDU@0yBEyhAdihd>!@Vjt)ldnR zR+lx@h)uUJvf5feT0_oeR<*U(`raN}=r$`bv$YgN%qgoXAlil${`iw0KHR@^^JQ5X z%-UM!SzF1H#$miY(2xgnAnI;-t!uz2$_#gO?*o4#8gdSXJ@qun+Eh=M>*;b?*EJdj z063km`{{iPriiOowc1S0S@?L^t7>U2HroIhTQf)B7KXRh&mAFtysYb5Z;yLKtWA?} z&IysCo>^-hDHEZoHhXf>^Isy(u0>_v+3@Ibx zTI=Iwna1Jy&EY3M{OEMK+&`R|@VFo6xjvrewUphML{J#b>~tw(P9I9o0pN1I)}~`^ z#B2b=Fvbxd?QW?2vCRqyNL)zScLbx z@yplm{^~EjAf|O**xEYX%5mjL(h)5wRI| zB15m2NEiTv(T<&1!bl{+S_8l>?+`$}G&8r9z9&2}=lp~v2QH7n=s*C6x<$!EOlaq zh&~naF)&HOO_d3VkeHe(I}y?o$({(G+^mB;M1;s_9|Wo|YuO5E003rg!B7J1_G)33 z9Rm#j0*WA9-@G*e01;Yi5DwS~jI@a?95%WwA(^{txbJn2toJbj#iTA^p^#pfnJ_D& zKG~J_DmBr`taBNe7WY7_q*}k{bN~6ND9WBHkEYHq@0-q zX<19J$r2M`sV&Y_W)Ak05Y0ihgMRgnFM?&&oi2wpYk`#4-s)o-&K+6HGz}7kUYXYyTgm~B; zx*;AwX)Vbxjl*%jyUw$zgJYK5tN;RWQUi0{I4(ed)m&8(FfqGZt!*5#CtFKV+tN9{ z`=KosCdPxRhLP}!z=WA7BMSH~%ge*`>5Jo(*}#AL(Oq?TbA9`GU59A^01f#G;If2k zpG0(P3~;fDyA!!%Y1sg+$RyH>vc)OH-{ZFU9NM84c4`|8v@6ZHILF$OSMuo4@tES z<0QhW+FCVB(6d^twW6x)vaDrorPNZvoe9Cclmg&633@|7Q(Rgxha>alswv5kbBKUH zd}ns!`26lRiJ1Dj7G@R}VxHHvwRT;Whtp%ZR0jj|HIy^Z8K>GUtwC5qUC^i2+XOq< zT;a;l^}pdx3GU{?A_S-N)wM80BvHqGI?vNxYZDe>QB(~AGZBXCDDib!F4s94_49Qe zQVI}iUYDi~5hcky&yUx+)oNz7*8P+Qk!9AV%HQ|aT;~M|)jUixqV0Ed4Dy5bdLSyC zBz$w&ms|nhIr7!R4@23lr|gizttq% znyFf=I_6wk<64u*&p-X>bY1Vy*OzxkcY8FuUYF~2i7|3wNg@EwNGzPi%xxO;?Qyr? z<%s+pfFgb3y&Lj0?=sss!0xSCYsF0?J9S>x%XJB7GXcllG^R8(g%8(UAo>8X*6JPi z4c9@t&dV^2fAz%|t=W{v{cb9yR8x0rs;^$WeD&h)JTI?be_3h`mw+IG5KniFYem4@X{w#N=q17reb0 z^5Bj^DMxVCM&!7;Sp`G_fJ6`_LNMBi$kdQ1F%zP><($n7wtbq2A{w1O*s0wiOt_;S z4c=ks1h#rqh@)sQb6{cvM})OBqHa2~`9%X!H*c`+C2nC+BNA?Cj?g0^qTK(|! zifpgA!X(Mu%q>`n!OjdShna`dd0_mA$im@m*GmM1NGc3vFcRtJxnvz>;V2xNDG|jv z*R&BvrZ{#3LBy_M2r)4b6RFuo(TRG`D}{nNMj)EBeFp6x_UU;n^;i+#~$|kX&jlU)^<5x)r?tM)mqxScMtF0J^bCj z{fjuM%39`mndjwnI{*07SI5J2xn4g1{7p(S48!g529Y9{CZ`1MLVVawCo_UAKq$=A zz!4$mR9cHyMufYILT%w$%mIHIIJhbz_E0&9%p(Nr;!bry?orC`SHSzjh~z186kcm- zyFpTxoTaq-aG4*@m(p|`hG%zo^D+atY17tPtA}Y6gfU4L0`F}i0>;`V=mCzVcAeKZ zr%O>Qt;HG$?FAF;v=NC7}r8I;PFaWq`dGfJyK#*Xvf+1nzK6#5neXRvoc9O?y zxvp&-#~gR5q)28bdthK=T{ZxO+4j*2Rd8wEoqWN`O~%j2`#TcQZT zeL_(-YS9NDHDh5jo!1rnt{&Qe$YgZr2L!trxwY*PaNo6nk$(E4PsW^8+t+XJ_v45F zwbsKpKEF9K?CJDbd zS2vGb;-Jr|nYZR!L)$5fL9f>*D9S>0HjO2S$FyO|;9zDP2IS-Dja;j16QXGt#+=nm z4N?;CBv)h>q<)kjQ80&xlou++>a*LMWnGt2l89Qk`cO(-Y9XTQb=KBy54*C?*Xx`J zm_nBtQfg4`D1k- zTZGr8hzvO;0JzizHp^$+E&;KdbOV5atJ%ETnA5}QYHEpP%n1>ewF2Oao1>YU>6nFx zr<`;gGs~NI58x1>NxXVyjs(+`OQ~yVIZLS;t3^bJ#lf4ld6}nm-0ydRfxh>N77qa9 zdEKA8b4DUJecZqOF>BEAL2urI=S&9N+}+;ZnmQ5R z9&cVgdwzd9olckY}7cxx406T#!Eiy*#@k9AGs3&{3+imgfgLNgHY_n{5c9P z0t|ay?qDGZ2Z02I(>PG6m6!rt>Y%a!IcGNv#snI2L{k2B`uWI0) zbE>r(;C6sTtAk;*yfqA9;OL#H(p0M%0)&@EC+h;ne*wVSnyN-F=C)(dhsU`vD|WNF z_yJ4=abR>vkN_czAi|K+ewq+5iL~Cga6D9Px-RSKe0lTc-TlMqZ~pwJ^Rm2qxW8WK zVH|F6_czA_B7p~rBM7K1pkmCD0;60b#R7E z_=9n<2nf2^tr5`zF)mYO|87@sE$!Kqh9Rxy56e0VJHfyD^Vgr>Usm&+WmR?NaP2JaVd$BJ zL`aCtY?%uHZU@Ik{|W6lhI^wo)u!DA0vU;bm|_$VX=2M-L`XPTH@=xO_N^ZJJ;c@= z+?#rmAn&*X`W80z1ROZPQi=l(xmy_`MtoV!{OSa;285jU5;t{(yXppi3 z{08^KZucjTe|hiz@yi#t`@_1fjKoORY*`9`UDxGuozK^S7=}U2TgpQ0NG?oq8Av?k z)D(Pf4xWSwsgyN|{NTmiamoa~tn1}^sih{NA;~h&?hfFl?rw+xNJCCw(9G04F_*Fo z(|*V)CeK^&rCZ!v@Y>q>a((;me!tu2lww-=-VM1fb8XGdb?f=fd?{;|)JHTBKhZ4i z4|vG1m}s8owbWr4TCH8*WifKrlw=SwYcbYwKvhTd8ukNB=H9fWJO;tf`^nlbn}~AC zYbo)zJ-@xVe|$V$ujlK`gwOA8PUnlePvdwxop;k%Ye9e{JYUyU+cXMz;7~-wdB_OZ z%-6M&EFv6iF+}GNEDBPRR@Dp$y;d!yA!6vHyNhbjhB*vEJb1YPz{G(D#wq8%5s8t) z@CW;x3*24Z1t8{Q>sq5Q>S}gEa8uQ5Z9`6s@b2;S?sVQy6CpKqZJL2EY z^Rhgg=4nhsz>ND{F4QE^Za1u@5m8EM$Qg;vi6xEWM1ktw5dBzWBPC$4FECQ zjD1zcA^2M)B1r^0^b)U}B6HMFVX^YzMx8V7cjJ`D*I)a*&dVB8jCMMghtuQjaXKD$ z%Q6GN^ShgMU0iKL2hcmJ$cT=_v8U{&UCsj&3o|&Jua_^r{PKK06Vb!F`(a48cQ+zP zjK||BL<~>?LH#g{3HZ31TsPkvCKha}1ejRHDWycE)^k~mK$wm2qDqOzECz5{RzfVb zxWaB4009Y>>r&<=Rz+f5ugjRF*49e>&97en$$$LyhxhmS?E#p+`0`6_>%-&Q-~ZQN ze)jRl|MUO&Kiqx%;&=YZ{W356-4p}ayW6{Gw?BD2pY9(Ywa2v*lh`JdjNUb<_k=9W z$lYo#rrxn!)@6-$q1IYz8zdpPAs}LHjSy3?(p7`OY363$v@wx)Eek!l#Ydfoh*2d6 zCf)U`-Z`M*iWQ?nB$CZm?CB8r&Vnx(AgdP@D~J$5;~Hzozy)NOO&?ep71(@fs14kR9E@+=IU! ztD-}-hyZA2)jg>_rAr3H`vhEtQ)isiwrQQ;yC>d%_){PW0AL(ePllxH8kSjT01Tk5 z)lwfHPqo%*$Tx=_pqpA*t2=!1$&1}I=A49N$T>-h^z`PTlyuqV?1TtJ>WWBeTGs;L zNmA1mgDhrD!fUBGBbYOB_n3xnZy4X^f_xvc5dU=}odv@%I#m%y#8z9pn4R?j06oeB zwo;P%b-2UkB=Ze05~4{5A{3H70%D%VF`&MF;v@Dp!_2{g%Ne4GD5M;_mt||J>Z+!Q z%nXiZcHB>DR$5zY1?WOMW@1I{{2WjysK0Pt?9zq!8v;xwh^Kuir0 z2$@O1s~LhzB6DBY5>L}iV@??Tn0W`7EUfwowRLkg5eoKp^aCMza`!N)>yf)=vFn&y zt&UroZ_G2}HW8z#)v5r&3G7^LNrH%LDN!$)nseamF%|9`0z7R;-~b-cD-jQugwwYu z5T(|Md0tl{T5H%SBLEPRdNczbs_w78ev1xS)5k%z}i5+SBB5BqV*$Ahc?*>667_jt~UU)&v+ zvYHv7H#KIuIqrz)bXnHY5DAG=5&#Bd1jr)6E+b}85GHhJO>;`7EsB$HLw)aV2osMf zIglBsYIo`t$|(&wxqFZ?LV-?98;2E;KtG6I1%UJAe1Cuc^5wHq%j4y|+l~9(NC@MQ ze*16#*19gg`s~X;`qN)e!$2$!sD^pSDJ274OBsd%-0x41mw7o|&e!=mO~W`2r^mCc)9}ki)RN!eEaVFpB}Eu zT3PtFe)^-P^y2Q$h`_$*o*=gW?f?8g{?6a{xmf|wT32^C9u7ZFw)#&103ZNKL_t*l z>5uo*^y@GD^VhG{OmYeh+&2?sb8}A&%nU@qD~)m%5KL`e7er*{Rx2UqoT3V3q5$<3 z5edV*Hm)TK*_h)8Iv4eL zlQv8-YP@dpgMg*f_(QNNrN&86Tc}eg4(w17#Och!rPcuvHf={h z5#JiEgmfVWPVu+`NG8M{H}>6E1`#pRlcE|}TYLHevCMw`o6pVtt9Ng&^Ss|rH#fU^ zor&@0_K*^f(-43S0c|>Fvaoj7ZMxyU*4kPdhwfL+!dhFT8Vxz1TSWvWN*wx8oR^h| zm^hA|m^J$r%=LCa2h+wnWj=^8 zy{1FhX4~eSlZSxhy+%hQW<+O^6UZa$Q7Ma5L2jF zFsc?C5`eo|kdq*kBAvj4QyPdpqTFNp7v)`y!rYx=bl{W|C1HRrrw&jwaPKj58FV6GBQl9P7PhK2@y6~NSHSQT9IwTrz~-HR+lhd^wSp&nA^aq8na`UZBG1fxqN+pf4Zh2r^`Ac0Sm3QB0CFI?Eq6uMiBXMm>wVI zR?9e!Ip>`Cayhqk)uyfKGz{9RsUm<-*UQDeO^hsI76}f>B8Zf7nsyT)0s=8b*0sAY z>uT=twh~iqdVf0CrZ)QXR~|oKjB0Oo`Gmn^4BYt<^5GR+W@WZA6qZ*UqKrJk?U$Gz<|WSDR)L z0Q~&Rua-2aUhnz*OO$9LxOho6)ijjcij)bEK5Jf8$eJC>~AtE&Q zT3XIM?K~RYr}Z332=9HEh!UE41iUa2^_eG1jOA+E~R^UV{fjQ$iP}{p^yOt zRTIRrme6H^o0_-Q05In?Bw9*o+V<1PjAmMjU+2{Um`TmlY|JT|nYC0vZ~$v|IP50v ze6Ex-601QVdL8&T01m?}Dy0rN5!pOjZ6zA@*!`a16dA{Xke2Y=L;!#!QfdpeU#&HO zff$Y_mKd?cY|5<7>lHvn(7e8TxW8VnAL>ShNn5=?o&Mx6f4wa0{o@%Rnl%R`X4>ti z$IDWh{!jn?e>aTNvzyy#9Pdx()8&-2)VhB0`tw@W-F`P;uSw9X)+Y0O-Aw}#9rwF| zxvkZjy4lY@{o!vudwn@yXVp(Wdhz1!2=4Q`Ue;wyDG{gfW=!JlQFX1Q5u%7heC%~C zkMkU!$K!BwcN~{x1v9+efAsta0Q+e$gHkjlIqY_b^l(`mAZ0u5_rs9p`I55S9H%em z%kePY-5%eY_(wf~;P;P@59ianhldskud&qvJZXI0ohgVV=FsM~9gjEMQBrkqVG-eB z$YouZb#0}5{Nj1X^4&|T!psaE#YaTy+j>xXN^61Tx6R-sYCa}%fORd=jdWa%&>IAk z-Zz<55XWn4tJNV307w$BuxIWhf99U!7#-KQfxf3t64o&IC&EDH%xJTp3Oy^p6Oz{< zE83{`?h!E)jMbQETb#ZCKuEl?MT2Y9I|l&Mn1{v;gpn|ub_mg3qgss;79!#bI=1KL zIZ0D%>cX5vw!o~=<~kzgETx9%8AUi;o)U{;h(U=EtnUl&f82Y{7ZZ1P9gNX11#TGW zxB$q65$CkIG`eo4#nB1lHrNRdO(6>UZ_X)pH+K($V^m8KOXTLjJ)VNFOOOfC)Ph|g z$VL`XS@9QA_%8+DMmVxCWAP+O*rzw(7UFP<6Md74LBRe0|Adg3>R33pv|4}f5B_bb z&D~0?yWRNm)!obIcTTR_U<+3=^(l|LaZD^h2^D5WQq}9c2on=I)3O#xQdJ#2r$j`h zlzAyk7<#M_Jb=SINA*wq&9I_#%;vT1YYnIBh>2jPj-fe`xrj8YK~n~xVURS?x}L{f zI_!qSI1ZASamX@_IefFC0Lvn`hyCet`SuMlM-Ll1B5*?jFoRI{v^FI9$;)TU%^^!K z;Ips@HM353*?6&WV+kX*x{J%P*QJ0$F_3iV4=%c@4(~BHGd4$J!006y5QP&V)mi~i z`!KRE#BEz6L^N>RtY8Uod-1p4W25CnNo(dBXyvzZOWylLVNKm%(r_CqI5>K@8xB}E zVE$4=2T8v1&QmnfYVJOcV@iTVVfGR=t0c)e1#3A>DG}WfZL4Q2gc%OIX$&o6DJ5`n zNphLzT6?|(6RB!5v({DeadU{Ntj)JfiDr((B(kcPR_}fN{K3CCt%oszumj9$MLmC? z0l&MOIunQxI0hd_)oN8jOo;)27~>HG0)?cqDlsi<%Q-P~JO=FyJs?6=^BA6D053t% zzC5d~UkmzpKt>(%)c6%F6s<4|BXlDCID}RNiBO1#B-|;inv%rCl8H*Iga|-t`qUKy zbc0J(ZSGkTc22AXx%_)-J%B&{v%lDlqq$#}S%d>rUTXc5U;X;=a*3wyx~#|j?#=y! zxvA+|JrR>oQzvkuZnrEVhy5_mg%HP_vfw;lJP)8?W(6GF!*^#IbNGmCj9zvJgLuh; zVIhE2S_7)=kN}5))>7A6)=~^0r<5Q8xPhtI=`vsEGLGYJns(Fl=HcPG%%{t_bwdJl z_iHWa5gm{^*~OKRzI|WZL73F+dcC$*b53sBT1_cq49d*0LjVSdhus9$z!fZS6!|0~ zwHY&y!=MgpDeGFE)EDtMrg3~W~L|0fnilwPt{@8^<_10%SCYR$597-6|7moW00V;8pa_9 zDmM;-hz?p?UDVgLUY0c&r`Kg|+K&5ih&&Mj7HZ}~G>(HiZomSCI35Kr^IX-Eq-ok= zC~Qm#VP2NCEUgv?7YT0|0|dfABT0xbr-a0%Y9K+O4G$pDH#?N@GqJAaGw0&4IPAupxT;>R3p0m8^a<@7a{_={^B1kHwN7Ia zrYvZOv6jjNhcSQo?p)P~@Y&750o8mM(hq-d{Oqgy%k>I`AAR)v#j~5DwVv0%^^2dW zYOCwZ=eOYgzx?mN^U@g5&f zWm%uy-VDOsf)4rwzqRJRk>F$R1XHu70g6k^zZ^WM_8~SawZaClnL7vX)*&(1rbIx9 z8*{dse4AMbU2h-<+y!<`n}*V$1A7psJ^)y(;_o}ROw~gn=i%o?8x#cq5G7#Xmz})s z-Iyp!$*xaj4r!yRc1tXC#14}M$35zP_wexQFFCl^ZZ(bZ+v|2inAyyj$O+a`gWpBfrdK>%GeQMj%jjd zngPfr&wwufWdMw?j|klobUTM|0~aHHu4(Id^nM@Quux{=UE^p+B3}hZM8_GGAQiI&@*8Ng!8!O}H4;xP; zVDgli2t!VXTMA5Ku6>R{L=M)&twMm22EMtO2Fa7;{ciZ^?#>m#%}vKFV;-{Ps8N#0 zGz{9|wO&cTe@Bqi8e(@u8Iv5R0U+>iP_w36e8k4+i~Am@br*tQ*k>8h*0F7|)=cO~ z8{SKfs9{k$GI^lmVJaW!rZKT<0}r7~@OL0ex=IMXxieD` zmQoNs)^haZ+qe>^F;7E!d*28_-RHHuxV!o6^&27-rWR9PwPxCyB0)}K?y446P8Pxv zA~P)p;Uk8QN%)J?Y>)GPmzx71rbIPd$q|C$7HNqeQZid_@;Uktj$j}_RZEHEY;yNn zH6<2iBvkEQ(!p>8H$v3S-^sfvZl4kXxT>>|HYY?*6f_O%5yEKhIc+3BjGVqa4&#_| zH-JKrnC+MY^%$A0<#RyLrr?;9^Z=RY5h*fcSeTG7#@W7^NyN0|voF8;aD`l!v$WJ>?Ro!pD!!8-W-NkcZb%jEVZ?I zT^B-R#Ke@l=Q6}h8i+)M0oD2$Ba#47)vn8uk~t#Ra-QdTS*tcuE`Vkrl7zW5CG-Mn z0L|>OEZ1eOt-4zrL(zAHyKc`7aSLrqIQyt6fFXgq0=z#*LV(t4skM|^YdxLMiIc=A zw^p~7nD*0{Qwlbw8H{5hmeRDTmD<)?Yin5&XGX%DQ{=d}ricWH(>R_lmt`%}I2?A< zn|G_K4ms6Qa}qGK@Y*K2R((8QfBK_mJLc=sYV#8FW@Lr zS`8;9GsU^CvC?~po|%CQ6AOguZK(?rPrEct>EU!O9YSI?T~?DsISU}XdUmL4wK@xn zkQthT2&?+CR#mUHX|r({-K{mN)rcXSRhg-2L!@!YYT9Ns2Ui0C*^Pq(g~v>^^s4ZL zX;~KxeaoE&00B&`lrjzJ&6~GheDUSFwpwBf^YiJHv$R$oA0O9cp2l3(h0w9lFaPMz z-2JedZa+UA^40To zUe@b%$|3|TQfjNEfZLFSz!RYmj*h7QZ;Mu(Dd8sLl_m|~*UDviq8d><+ z@dgMk*UQKJe81l#`uXw1!mXCNu0Q_K$N%sj{MY~dU;dkM7{*}~mfG4M|LLEvWeq#5 z_il)9cix|5a72k&)oN|F!A(tDDb>t|F{dQ!GDFzXD>UnxGuVXxv1;8Nkr*LxxDZQ) z)r`5-=1*=`Ok6s(yqlLdu$%=EJIgchU{fNRhP=`Kd>i&XjppfzSHqj-4tEV)Aea=p zH2{Rr`NM5`<0iOk=kWtz!2AJKt70NyZfbQc z%#l3=?!ep&>?idzbc{TFS0Jab9&$B>)>2B56%`i#@s%S$#KDEbG@~ELtu=RWk5D8* z1gkYh69Cb%AYt@TwDmvV`E*tbpqYgvn2De_jYz~C?8DY#RDu98+btU(EI?dl!YGc3 zG>mbGHa3W>xv&I%C{o+Np^ufZL&EWNsEaPVbE$iJS}!33V%#`W2;ea-m9CdC-w-3; zxaV=61X$sKEGSnx~|pTm$F)OCJwcCQw_e^<{lHl=Ui2p zd6)BA%36w>CFW&Wqut%sCZv>_HdhG!MqGdNEg2FKCE;edT(8k#3Sk8F06?oP&~_m~ z0$WX+rj*`(eI8RKcs*kvVw<`q{I7>0-y9F_UbF%NFvg_9zztm8L}UwzQeh4Qo}fI%+9jf;)MYKq zNF3IbUYovtb3cw5I@6^)O|_yFV@ib9)QNIV^L2@t3<9V*b@eC_K}spoc~>BXUYd7O zv|0>?kN^#0QYyr%F}nQVhPZ2YU;PHQCqgjDNr(s#bEep|-9a@KxDiSem1 zZcU+^V)g3$De+IuRT~0l5qEz$Jsv;Wcj+=y>^X=C*yTg60IC~nOM|c%_==frvAB-z zRdtLb$qbxhjcqlWBj9cve(>VivaW||y3X@jYf1vb>ssEsC->*e=`x?MGYjXDfgBmf zQH0qV1QHTVPjDxM<31;WT9yyN$ zv=+Z|DHRcUH-!*+EoC>2wbpop!QCuw+UjP@QpP0HIDGxpmqW&!WjE#0+B9Wu^yS;f zS1)dv2>{i+)|PS#CW43{W1Ocs<&=e4L|nKt_ybQWRoBvLYo)YW8v-nA9dpW(2uRIJ zZKgivG>)ul%Ua&sMLPd8>JIPv6hg9KIGCaX6Pn}cyj-rU1046`i`@+gBcli*!D*hE zX*Xsw2ZzL*MD{kY&|2zsUV|;%)DCG-v$eE53{6{1i~!NqStKPQmUXScHCWcwJQ(|w zMQTN@=3v5Xstp04N0mjMhA`7wLgm>N%|rpZ;4}``d1+fdlx=!O z#<8{1YPnu6@7}B*ef$D(G_9A*`Sv)q*5*?8`ymVs)fzFI*-{#5`|Cgd)a^Sj;XnQT zfA#x+@CPZUpZ(&ucDw0vI$s`7u6o=J!nn-ybzTAB<;&YK37D0&yt+LSQf(?>s%^Hc zB_+;T)NHBs_PBdomix!c@i4u7etTV3bUf@QGrL@u=62joH~VQ`%TnsIn;jzHV(Ut^ zv@y|P%sI)&&+Z=P_W8T>=WkEXpWXfB(}OyE@%6iL8uO5lu(kG^&%fABBPY?OgjlK* zlu`1hKltb${*Y$D}5drBN z4tmrLh{5%8+nNdrvQ13JDX1e6_@d^}-FO0H5h4IzOB1Bc`t!R-*M`4F;~w8d%}h0V z0PRGz$QB52s;Ay!_cOtqBo2shLx-T85{gJ~NP625Lk|eE#VGDmh>6X^&O8KaNf@^` z$i1U+01(i)xrd{0@b-cc6h44){MgN!cnk>%gUa8r*3f?=JNIHq&F%kV>rI*@NtQD)UChkgBO;ety1E;0!@Lc%V1yiq zP(Yr@U&<>F{0F@8Obi7xgBcJ5;61#pms+zjBYZK_g$Fgy>aJ=(v`9;LWo3BSqWbB# zm_pDbc0nE?a-t#UI1L=a;FX*pQezOIiA3BC?7p9{7Zkg665JtCCzz(h0jPAchk57& zd{2E>Q#A`u5L2b^jBIUB1O3G>{(N26RPs==>c?UecmMX)+syg)NM%S!6y#!eD>-lO zB{3m}Okzl>h2ny!0yL3nDAQO>%{+Q6<1mJCY^ngBQldu#DA-N#c2B@~2jMIMz%g#Z zPD>#NK8)k*w|D3Jg&fCILByAD?$PM>ctmhhc^nZDabnDg0voMOi1}(5H3UlloXE`Q z`2wbwc~NPMIAuPLAIC|m86dez&YAlf^Vq6pwlzuIrP!eyNX+h#hyv}4Ym}LTr+g?A zr6KCn;5b;AeF5VKWB8!wVX#i!TpwjY*j=-5j|Pv%FDN3RFO69f5)x530fgOWkdml7 z&-U(<9=ik#ehP|8pIO0UBlo?>_F03v#dxhSjne?Zy_7K5iXUK3u^D(%K`f}{fe0c7fC$(`2`%JSac+w$lYVfka}TR)+(&>t{TCoOmVjsoDG>q! zhcTKX0u!o&sfH#S0dh)-yY%9-C%5BJwskulrn~p|>$WALX)2-z*l`C@9pHOfg7G*Y zdHBs+?@MEqVz_A^rjg0s-QB%?d#7TpsZ`~zM@J$mIVqsItHV#e{QTzTdf8+c2Ifo* z;h^CFvewJ8Y^|N=`Q7^m0OXX0G8~Vm+nd{IoYvNk2Llh$6fzM7C<7oOO`2*;gl1|c z7!GD3YuOpO?$%lhJH9xf17lj&%}fwnq~6`%oiFocSz2xG-nJhgaV+bGfKUj!)h{8U znCtGk3t{XAu(ei7NhJf|THCy?MC>NV<0P$J=H-08oadPkr(tNd#YEjr!x>~6)9LC| zn^ZMo9LEeDvLP1-fRc0IUvWM-`1SP(09#WLABG{YPw57lk;Dw^+Dtt$mz z-Ky$M8i41-Ok8r#Ii)vu_tQ8bQe<|7EKizp*IQfP;WwKuDQ*TQ@fw5=~_U zheSYV%y4xz-o1N&et5_!ncMyQa5nY2#UaIrSca5`f<$@958K0^-hKUl{ojB4$KQWj zO}>8i@&^{&`LZtS{X2aAEOftc^OKchSHj*#HyHcI!wdyFkT%;2j8TPrHD%SHvH4?za0|)^2eY3I#ki`CtC@`rZ5E zbj*=!>#nNfP|U5?iv7-XRZA(Y>lWgYoqGE56L%^h&C612E2X5w4Ka#%r0%gp9SlR& zusEb(I0UHNn&h0g%h!A_$0Z;Wq;8`bRZ~O`AyKGu<7DA}OL_Mc!yVy6jJUF$d}69- z*a4ov)!ob)MGU~hMpxD1QwI$xNAu3)yIz@@9icVZx#iz~CxL+gFq4^@S~bf#MV%Bs zD!h|poaGLIB1ED}e5gm;K{YdRBFs5~p>~pe+G=H@fPM*qQc(UrP?f??G6;Cq(8SsB8cr<^uuBs+x)- zArl4phf^4jhIwFYbBP z6!m?-Yt6CGD~OQmU*L{>ePNECDf$ z0!4M%wh$>2_PB{ADk6YE149Q3^}ul&x4D4^x7S75x3BMh`r_F%WCwLqU?e0{$;^a# z@d`jMo<2e3Ci?R2ojaPFI#5dg={LWB`~LnoWEHs@%Zr<DA+}z}G#C&i}Zy#ncQX@ocBAFR`_0``wr5sl( zL;<*S?jO5)2M7z}s7lrJk)8Y9N;Nh@P-22a?!EtfMErdZ$d0KL1rUs3X9XUyyF^`3 zXsW;;A0x-p#LRE+-=~y@p#Xt7gmt$OIHMz|TZnNSe60<^_Zea5S%!(we)NUkq7!3* zt_$kwc5|`#Qa;2U$6T@GgnN|fvenr1m-79VgAgi;d#Ro%~OKtheI58VS?zyFAs^-=>96JR%{WR6`BR2_`dJ5YwG zeiQfiLA{!HaEzW=RTERmX{(i)!%-k{GIvCR6zpn@)u?LGeKZkMfBa8@Nu{7>l5e%f zF%v~nd}=~4cjlB6Mb28vY;O0L%lUknhH{!lPW*>&UYXnRFb)I1xxcT{)T~OKu0A&Y z27r{pgIG-MI2F@YwYh<+FKacmL_CzC)rgl#t(gL@Rn+|VUww1DyB~(J3`0seIP}EC z%*3p&mt}qbaDM&vU2B?i9)@uo$6x>ISJPoa!t*jSr_k1a_=OObWx2nR{IZ~yqGuim}CH}lMC9EPD}Rk^#&iD1adOlqz4 z31?y1Dk7d_nPlOTdcz?dA>S0Xe_OQs2 z5;0!p4T+vVKeguP^TH{O!@xv|IhQQ@sK%m{%DUEoP7kEf}W)T*{7W=c$_o8#5(aXbwF@`tZqe)A5HpM3W8 zKmNae>jrhLH@CN`@au11J$ZV2n8x>?Y{EbM@zpQ>{EKI|*JBwB;4&{TL1LatHgi$U zIWbTbDJ6gL{Ptm9+~MZx`0UB`WnM%6GHd zeOH?dLqQB%**$y6JqoO_mQUO*T>2`C>QaqDk%=F!yK(rQ4RDyFtARO?yP8>h)NDO! ze7n@FYIApH61CVxq9SUbj)*x05yfhgh&bI%wGfe-bpm?mBQffJqAHR&Jn=uMiX$X7 zYD#km;jEc6by2VO4xvx{5ukNT2Z}MhiqeiGP;9$jPR@%_cE7U*?%VR92SP7Lnm zHViq+@uq4TC5ZPsjAJb3kL0D@jR~-u7eVW;-rQMvkGkgly@ja)ck6nLbd{Y0^5NN2 zmeI@sJux>`YZ7nRKDd%RHdDZluAL6NOOQRjCYPw$%q&6|yi>;AcHp72Geg4-9<56+ z@d07);=*-Z-MS2h;_C(TP@(N=2WCUtT1|;d$>;N>wMI-gx2IC_H{ZSi#QTSNUF(Zy zPu|@~E{?mX&wv*_5FY^%qkW{7j(48VgMD%z*JUVPZ zp9ut_`8_j$@2ZW(6bV8!+!;4!!CtUh&YHL6K^2PJp>qPWl z|M55f{x5!>5;5U8=C=>`zx~tKWypEtD#C!JBqEee!?gU<7oyq#fEaTIXG{drv3xzH^Ch#8LP~G?jO!| ztJ644(+KXZ)u9leZJWM(-%8;qPB+5$9Ij4D* zuiu>KhT}M0U7f~}zJ7b()PDNoA0g4VZ{9wC@?;p&-TnQazJB$O|M;8FKY#JBfBCPT z-Q0fr=H0_(Hiv1Nrg6Htx_Nj1{_g%flyF%j*iqirBnSzn27O`<2oPU{BZ+yd;+evM z;c>C%lv->4iIE}z3^@nmA;fuI31Al29`CNqq8gUZgqRYGXcXB*B+}xq7)oxUwMrDJ zaZ3j$qqc^K@q30xP5gE-91ztAEsq*KuB8C)`rQn`L@j8eNFkt%1Fp6P;ITNnpBErv z7_)$O+kS>UUPl)KZlgVNKzdU1F%ntfnkUGJg4NlI8qIGhvfphir=b<#+@2Ps=Fs<=@26a zoR(8^fGVv8+(;1tL0!zFAMAiWdJ^~T;5%cZuMLM@sUtDEPz6**gfCyd{_#(~ zEJHT4`-gMlbpLQUU*^C0fBwtq>iF;f@>icff6}U&S!)8my7iC~CR*1`L_U2Z@mmEc zC2WEaK}B_^A;t3RRGvNXOU;4-O2CA;H96%JrtBhWrtY3|sKmr*t}S6KSm>_`m+ypZ)B`6IU4%B|-wsnPU*)h+-CG zYwM}cu(QH?v^Mu2`|BQPIXC9qGrdUh2OVkG(oJqBZN0WmWRq1p%A%1%MV$E?o2|91{s@F&O- z41t&&d~MtFXE(=b$~lWE&S+r7G>jj|Em2BpX6OV4uACTRMBv?H6x}h1l&bDl67OE- z!I=#Fn?pXHGZ)5n>rNfaRGY-tQ5yh4W{&J|5fw26I8K9uiyDBJlKKV@u?ip{rkv^~ z4$e$NNg_r_>)KjV0L(dy^wFGKCoBcCaTro-+M1=rNoyr%NT}NLJvb%*1Z^Q= z1R(Bg%SQr!z#;(MQ$8^gk%|E+tBUB*MP*W(g2OZ+B8WJk2H83@m6XDgWEzG@o8hp@ zMD$?7f`@{F_EVj(-);eA*4ExXod5IR|92t^%l{Y8p4?ua#$jl!1~X|Kio30~24anl zS5J@2wmJebQb>84gL)Im#3>zYsvts0!~b%ZdHtsPRA+dYzF6f9>*~laTej3 zrnRnB90{2eQ4_oBcDZ=YEV4FPvm_)m*R5*2hnVHN8-SU~y37a;uGO@zkkMmpIHNUc z6xue7D!k;Ba{@C)KyPg`kDOgc1!YLCCf=ARp`wGEw_1s?l$?laZ7F5wDmZsQM>A9I z_}s_O-Tgx_oY%D>gizf|&V+b>e-_au!j+h?lpKWRCM_jW_pM6FDK^@4D1;1-?pShC z(bjC5$~a~Ns8#OnFQw#C%24t+Lq2!zE%%zx&42!HfS5Q<(^PVK{`Bc#n$+yF%tVw@ zB1AKBHvkN1Dk|v@r4o2Bg`z%p>i;UzWxD|0TFa%F>auLHnp8cg%%8rHnAoJ0Ql!1Q zgM%4}YRSpWwyhyy=HvjTJpmU1gS#J9V(0|iO}(>*f(;RoSfMHidDfn-%VA#BJd#|x z);>r|eOleyQ!qE|)bdE5!Qd>Rnfv1+^e8mLX(WopC}CsfwbkbPSFC0LyMx3hizI#l zLV9ev;2 z1A@2K2q_UGfQZ!A67^*0oRWh@ZTji13HscwL;bLX5YTqE0a5p}iaIaKlde1Kj1;F2 zxyY87s+p@JLP>m@hT}8<_&5}IKQC)-Z7M@=4k2tmcbq#yU}2dB2qLCh znRyrrQHtf%$8i|yXaAHC;tmKH(I|m8BN4}!V;<~6A}S@t8)Kr(P+JSrXH_eu3_16c zHbPg1;i8KL7ZWfBhH+@b2Nc<^Pvwzi>JB>vCY&?;$<6i6^_7`Uj}wuU@aUF57lIO=_BlL>bMYt<}}Zkr7j(628JwUb}I>van=;_-a1g zHDv3yEbD?mh@@>pB0vI8mt{>kJ$rinV%O&R_O+3`CMJx}wF;QlY zdHz=0x@~U3Bd~d?L=oJCYVdGbhG8&wAUKT^5LJ3<0Z9_PfK)~ybuuUY^U(U`WY zTG*ce=p7JIWJXTo*jf`2Mj~X!L~GPZ>Z3=)({{ui&+%V ziBkYY5aVEkn8y-96Bm)hly;{Q>tlLkVhfA<=-B~wayv%p5ob0cHqqd@GP9eDYD#Gz zOcN8;2*rdh9(4zBh|t`q#`cZ^nn-Y>L?nFZ7(3Y@+K=F)t2+~W50#`(3mjr3AP0xY zP>e8nrg(c{GaP?=)Ds;)3tAqySq~&qH?y8SOho4P=9#Msa;V%S$kA6piKnJ&#h)T(A_ZNzGD0u2fQF?Y4qYj{ACuszPAD`vZQ%OV* zV;F3B_~*uKm%38IbK;P21bhMxoH%2$-CdLug-9!STOGSqL)@(e!oMi&TA_=FJHn3C zZ4FJCI0%&?QyItM`Lo+9)y#-#C|T8}aTtdTfFf;K;4qDcah#XsFqD+oEILPXk1Qdg zz3?*Wnw$teW2Tam?;7s!KD-;4nuWua0zl4*up4N)d5~)|w zoG~Rn45g%05?`ODX(-Z%RNa*aAW&3wQvgZ?&X^fjGnELI_D#&B6-F_2wNPg6lP>Ji zMRy`rGw^Pcg@89zIyoj8LDdo&Prjt_U zd8tFmgs1=!ksghzx$oc-jzihOJpgpm0Q;ae39s?D@8+CSE>VS(xq)??1nN8Yk#W^+ zh}Ou9=)oo)4iIJU< zRGVseTvFI;ntM2zZ5yar4D`3n9l#t^z2vOS(r8AS=T*cA@i0yySpXn&KOPPuR?3!A zCgwO*Q$OT`(FP?Y>oLr>ZrfOLDH&(1t^MGXKvXaDGB3+CW+q2eH--o+P!9;9i4G-V zSP0xp&M{?mq;P(_xxR{1WvlY)?fp>7I7n*}OSf0pX6v@4#4n!TynncyFH6ie#f%ei zqNb*9><$ELtI4MQHMX|3(D zQ~)9-<^X{`K#1=MS3W$%csdTPsRJaYT~P_lcsxwR$;_KLpmp~`08UJu-vLdUm>J+u zQk}yO(9ykCNldLt3ITppGiH5)2|KSEI%4E;v6(Y5G3S(%n$F7t=-n0s(A0x{z|5zs z!%(;ktRln6qC8G)26yi+>r&0^a=$haWW2f_AMTd>xAWoVu$(tj0}pY%T;HBReR)_i z5iv!!Q)0S4T_M6Bzj^!lXHP_Jt&NEhFegq-hoOk7B_xC@ieU)`ux&MeVn4dIHkO>2 zzFQb>a~Th(>ldGWc71i_2&VRLfBlPb7;0KZ)0^AdtJA!$%eFl_hzA)4Jvj57 z)!OIRY8+uJyYWbnNGK@3G5SfVYvIjbzkYK%9-lmWx?W~`6xspS+ES*Hl7T@KUxb{f zNfVWvl6}$-#FC8Sm3NpehMXN616R{f)R`NngbsFy#~%cAVvj z*}Ruu?yfr%BHo6GIzy0Px|S4xiNjq!Z0Ukj1^_XiRqMkl3g>eO+tU~Vgl>;x7)AT< z$%HwVz3l?(5aairC_f)7xsp?8IuT*n>NJ!`moi7_uAn!D6Clw#qI z&jHXQ0@NzdN!Vx(jEI1ut>hfUYKP8-r$=6XZ@t1sgG18Yn(Q20=*C9^A>nZMz_=eB zS`bi8TkYxYOoW83Nw|I{PR*LA=I@k!%;}hmh2IH)s$>emVra|y0|1EHW8-?K)GfV3 zDH!iIC_Z5u8nOj5Zz3Vi4hb<+3TqnJUuB?KNJpe2A&6>g%{ZDz0EAkbs-eS>Q*F|u zMHF<0=CM00#fl0VO1LczB{dNhCBjn`ezRh*e?7>vD(Ca%vaEzY79JDU z)`F<4=9DO<@EZt6p}rhrHW5om!+NVrAT|PRZ_^RDa zl^NVVW{T6EW|%n#evdn93wuo;g}b>$F$mG%>~?dH)jaNoU5^b6gpo0kJA?@mbqMgW z6nA$w00P`~!2LrIg_n^VM9>~?Z95&O<5&(;sjarQF;gN2P$uTFn7gQ}si@4`y3{S@ zoHT=l1%HrUj3~^?bRYSA{DdqjrR3mSZPQR<)`|eJcS4-t-lBr5Oj&cl$2 zkqLK4&R|h?Ap{{Xqo@PGFcdQnwq9b2R1h@{O<*7bIfcv?+&yIU94W`tW=EHGxbCum8s~?7S zEIARyd23)zq&69H&X3MQfYA(~hiPe-x9+_a#7P-;hsS9`05QEL`v3mrw_m+{b$fL@ z9mZ$3*D)TvEX#aeBLft*=YqE?Vn_+yJ!M7%02fsZI|1^PSzl)}=pe6Wz9T zJ`-AIOlZ}blegBEwMI6ADvH2Iuve@gWU8$>I5Pvesxqdguxg_@!>3-=x`X^b;!_K6SZl;!!(3} z&-t?6Up63`rV%khInhHF*aDL4v6}#1TNl@TiYSbOY zE{nSjBU?o3rc`oPHFIEMQzxWEB+a+A4TYHbtFPYQy*-=3&CSWw>L%MNQf-{da;cYh zbD4^%yF-lW=et?OTx}dO0Xk4?`u<^gxU4}K*=j3^0pR^*esh0`sZ;RG!dVefIfhWf(-Xsr~5BzWn0(^KmFd z^!2M(-@blrX3w8Jy*VA5=-02_T;>&#-C>%hAH8^SIvh$V>$U|;eqPt-Pi`MB=eO_g z!ip7l6{)BMuklf~ivS(~mN}3UiP$T0001BWNklei()`hu2bnmg4bwPw zLr(w)C@~WZi=lDMoI;hj)=H{F`Pf{ti_6uzPf<*eFywmODg<_DUsY9Gw2M0*17f!0 zyDeZ&3A!(e#;*}$pCDX~L#eGtbj56>*N9PYbRIc^`?l4G%Y2;1)?~$v!>*hV03z`> zjQm0!4&Y5%=pd_zo0XhmHO44o$k_pwb(^LU9X63MCFEE(-+Q7F3CxlRtn;9Qu@QUP z&AT~WYjVD<2{|F7<7L^l+7N?8)-xHnS6tw3P23F3fDi~_UY6f|^Ag-kqJQ_Z&xf3Y zW?_-r=wQK5f248t)w#=&qjLiQhx^L{2t#5q`{%D;{SQC?$@fQOZU&((0b)uJ^jAPS zo~Cik2Kjuco9Cmg<@liBvVqiH5?e z)>H@)+ymx`6O#y-aBFQE8A9lftmbBdKx5%?7)mM#1kNRw(3Rz!bIQ|@k!Y=wSczC8 z{$(FJhGrnFIEGTjp=4%PO^i8l$tkqy?;p;~x-HAHZ5uORT^*T#8B7~M(DXh$mrEVT zvTE#+6r3PNWWxK0%ahxi7f)|<&gXdr2P$}VJiL7MwpKYD#xb+1m}zUWY&H64(e?<^ zg;84`SyfNRacjEG3nC3e37sK;r_2bv{<^JNBraU6(u6_#Ub z>IMYl1`qeMn-Pu(V5-Et);5$ptQHOq)H3+h^jnX&LL@1Ga?QxlZd#v;U0jw*E%Y~h{$AsO(dnF zqUU+OTG!BB{jY!h*LADE{lg#r_V51Az*EV@q&wdLJ4L%+|I94fOX1-5Ab^9fwGJh7 zVmIHKFmcWVfDujb(F@rvBXN()3J*cu$-F(u^0Jx(s;L7cWk76A;_?XpT{TH;2??Z06A3*7q6fz@hRAEJQEsYQ z$(>FRl=sN@4eI$Yl*9=fr)eCAl86^rMI+jV@(=MJw$^a(tZHjfogiUiVx%%JH&eF$^V!-9ddRluPNx^I^RuYSHK-V!Ufku^fCHhX5c0A*1jtBW_JO459W* zkq|9xRS*$_!r?ikNL-3xg$3U!22j>TqEVuy#BP3dI)*`Qn8!WhsfZY8%6DH#oLN5TxOW4em&k2zE+;ydUf^U7Yg>%yfO6{_0mh(+&q%NnD$X+7?z| z0Ejr2LfvQ>Oce>Bt%ywE%&6wB+N2R?reykV!RwOl6^1*yS@crFX%hL zgAlQbro_Qq>TFu?8DQ|iTPQvts(S*@$zXuaNPXS%z}ti z`VI2^6$0T+9OrXlZiGAYXxCduK$|=6!ZX-)zQ738 zlnFU8Qc{s7WTuI+Nk-S4XsZ=SC?#U*vu=)atM{4Qos}>?VS<3vXc`6)H^)Srb72a< zY)+g?&Q%1^N=^>$rnm=+iAdxDuiI+wCFjF5=;2Tj&+B%+%$LiY6N_pjv8w8}G@a)o z8}8f1W0X{t7;Qr-38hg*Y-*Kg)!tfrH7#nZy;oxMMeR{VDjHhEo;6EC)vUc|t=jv^ z@5Pf>`2%v_x$bk$^*JMbZ=wPv$7#Zska$*+_@bx(web!JEg6rICQMPyzKX!}e?&<- zwk2nTBk3+`y!==B-|1#rc@1&Zc=e4V4*nVV)k&%-8;l_Z8pYtmqQZJH20amLR8B;R z6J??ZO6K1^`Rf9)07(*|QBVUzr%*Uim4frEN5V#09Ku; zj$@K6OdVhW_yJ+97fQs+uCu5CEh4aQb(wSUB z`!0{pMlvKb$eFl)B~MQJyiR-bMsrOi-R%!*?hEoEKb*-<+YBT^}NI0~??_W)_YCcTczt0rvdMxE`EpqF@QRCNu zUWC5xAG>k}*4D{O7E=AHYg#d4+ohQh9IPU>XOo6ZI#=T^a2|V7q#iD{?1D}>D<4%2 zhkb9bAoZBUqBjl6tpCoz-W87*0Zkm$?YB20`zn6K%kdPXfI-!U4c=V4)Pq6`C)@ij zb%?N}<228pX0~Dm24z1{=RD^xp5~PenQ7VI-P6Om=jgtT*srj~IeZQdQTy3f|2ljy z5dFIIMD5-nZZy$lzW+u-ovJNq=Rg!-1*&>);=qWz2XMk~yF9V%T(qihAv`PK;#G*6 z9a5i;i(2hld0-vM(REa9tgIh)>>Mbg-nNKZyF02`{v$Ul*}!p{PbBNKKH|rGlF_o& z>$SP4WR=ffP%@TC7l0lGDK)5?!ySo+?bRD<<-k8Q^X~#VNi^iHC1%e*a0GXplBNt@ z5pVa4Vn(ZXQq6v*#mqz+%G;byq?WTJtvXLYE_izPv~sh&#TSK^as`@M>w`ak3uJ-H z8j8>0MS+$Dia-g>;?@XU2OMNXZc+23>qX=Kr^N)lJV3|GKfD&-&(Uk5aYiV3%GXcU z*<t}_)AJd#+N>86Sq@^p&2ic&2sFzU+$XKe2AZA zGi^;8)Eki0LGOC#xvLSJ%GS(IDVxF&3edZD0LaaVfWc7Sm;{lJP-vz{>F+<79Q?xW z&!*NqiThK}pC;0z=B54>`J3`4M!UP-Vub~u`ZN4R zk|*6QJ0XKUDHseQv^Q!yIoy_!s-(pD_dqN6f44{_M}WConZ`_>paiB})YjdvmcJXe zNVVUXIjJov;sljSidZT(q^`|2(&Om5&MT9!t9~f;yWJlR5gBknNsKCex;6bSX`1JA z&kc<*9b*;bZ^4i1_gV12qH!yn-|us)kiXBr^#v<2wXUAQFu!f=z4RpC9A@M!bDS-i z!LXedq~uwApDg5=>N6Gn<-PSsxEsZnPWyZFucvEdC#!w`LF1G}gNv&2iy8bDBmnh4%40?n(Sd~%PY3$eJ(7yo zNB|4Kc&2dDc?&U3dE{f!g9jRg5x^l)&7qSMmuLCu3qtX~X_@s14Q9HPq~+iU5J+g5 zR9Wl)IvciJs;y=)Vr*Zsb%cD&v)bntfZux_R8ne?TtNM*UYjYAZne|W&N>S|P~?+( z8)v3^rxK3gA<}B@UyKEvm(u5v2nSk#L{yS>ETl-()Xd^KO#b?G-rHANCg5~CX5ik^ zyvs#r(8Wl3(EjB0Y0zoj%>ODqHa2`~Ce@jsjieog>-C{|kN?>-L3@e{gsXoXSDP)T zS-KAD5arx7Ry_~5@b;fro()^4JxGI}wj%1Kf`(c7DL?o{LY6Wx#ArjVeiDE0Hh@%W zcs6x|eD`Q2I-@Nt(1`Pw!H;kydGWkBR@(IJ0t8E>1$VX(XgBia9z#-(xGa+}$y9^E?9H4+G|i+p+y2QTs-s_u9VJ%Ch~p=-!M#t^}a%tL9jy4=E-hRpF|a3=ZrT zj)>U7&n4_U+|P|w-zSlyQM}i3XVy;x*uF=_y zaH5*jfVfegCXtZvyei2QS6t4J#qNAKVv*4rzC9@*U;EN%ErTs+04nFY)Na&!JR*CW*E)%PN zql+yW##~Z%_AYm!YQx)=sQcmRSo{ru3{!g}^I9(po=uVV^4;E#Qmu$KrEVRA{xlJT zXVI{(iPkgN4EvwyYZ^edHR|zJw}k9573onHRK-u2T2~0)W|(qjM+k}j9oSaAwISk> z_vz4S@AQTdP31W^{~Mkk%#VbFtJ!Q~Pd(~Vcn~QN1{5TcxkMBqbce#=`O<^WPMp^H z?>5A_vAG|h{R=9iekb?Zj&`=#SS>@_!*lbagGcSPB(VRBwR&@H$8@&%?puw8| zIs}B)_8(Cwk(=Yn)3uF0ia@`Fi6J(<7BsaH>Po7CEpS&`Cuo`v>GjLlM#!u}>lj`B zqZg2f_56pub&rUmhz#uZJ7_>XEa~mV01U=8hbGemhYt>k%_OX~K~lCNX;DxxZK#4B z)s5k`yj6yQdV7MR;Gv3kx>;hu)1n8(fI)yY+iDRr4Ek#;AC&b@-QV0E=GJtdoSMOX zb8(cDQ#e`wu|ax?K@t)XSqOcINl9LL7aki8>|*nNvT(gy|7RTNmn&B^EXIe z*$9G5h%(h*lpy;aUHTUdib_vHlLKzhwPleNuq8hmn}`5)xqAFJu6qlB{hymjz%JZ1 zFomB>cV_r*P_MCp$P)kNMs2ZnZFtoN^ZL-e1#bkk$2Rc;WX%%0im6#g0T4 zy_c6o(D}^G_%$l7HM(Be4iu0)2|x?GJcy~Ok*FCGVjMj650qg;O!iHd9(!@nV{Cwg zkgw@=$uk=BrL*YU_mMP zpPOesdz$XNRMLy5VWCmD{jr?eJ08N8))J{+F(~9F845~_V?SNJO0X@)tKNu} zEv>j8hJBYzwGvIoOomic-j5afv4M4H1u625iIgT=-G3*lnbX@d#bqhw;z=OFZcqXr zO_&J2<$5oX>?QmynqAFd{Neyn-h}AH>Wqn4-Z`YahkWjK)I!#(yFpr6*{M;p!x?i6Y5uXkC7D>OPAHQ3r6RTt`DQS#m~JIa>#xVdOnd!i?RVJzJG~21L}ZT zzGv-m9jTb*JvM&p?e&Yb-mWB~HC}|m-=gWfXu9-1*)x5hpJP3Z0zp|2fvA>_J4-Yp zs^3gxF)(pZeW$bp*Rkeb4*jLhq7EbkEV$V!VC`=c`rea^B^x@xZb95)Nicilis}nW zZgSx}2*Hv&*@*5b70T2+se?5}*xm=8ygHd0zHJ0ziJwJ`2t%vjj_TA)4VB%?ZO0Ox zF*zFe@@0^TNH;CI!PJ?#8d?Da)%9NhfPRu;XT&1at1K)&n*mg19Q&8eZ09c8NNYs? z;KPPgq;`vS;!v;S){Bz%qU0hsUo{vt57G5HSMar%2KH}KU6X^Rp+rM1V(GyAT^g%IdyARaqyQ_8B)8W&<`o;onHLUX3E*7 zRQuyy@-T7`EnLQAAWiosCkh1AwG4_yfzw|T?UScPr62V>6s~ZXE9C;zt8S&?F%#(n zG3n=jBW~unepEz5yq|)VdSGzZ=xyMgk*~wPuX_UiLzG(~3k>jUD2@k8Ws*c?lFfr#s(TajQdDw{lOU>u8t^fzvarY1@R( zdJ1TGn@j}|jVz4N)FM-j#SzhM%rkustssx7SfwkEW1)e{)ou&YsMAK9p@b8rWs@w? z_S&EV+$w67+3Zfxf=9Zlqn}mPL71V@P-vdODyI8$i6e&J8twut5zBf5v2HzDzv>~t zih3H^yTPXwBswa3{OQ{P?q{D7l;CvlHDL>G^6>q2bz8*4F6L0-$^A7#{l$%_R|efy z01CwkC!QoeC{<4E@n0nhzGPOJ06qx@o)2Lt9gp_pR-vj25Zr4 zwOlpK4jWSp_1!x^_DV?8bv|m?5|zsl%*)jjbUu>mS}YpZ? zfJA~>2vTNQo9Fan zmQB$vgba`xZq-L_Am)}rM*TAl;QMK2r;!&}hR-Nd%9Zx@HOgbF9t{

    %E}Udpq(0 zGC2eLZm%cY>P-7Fq%V;v@fyTdDPD~mXQO`!?peih-FxftscIuhMq(?IE95Je^i zshD@k4}un1J`$D;8Ihw1TFZ&p_H;Ez+{=FX;aKw4bn1Uv*ln!^eM)vWH*C%I=m3St z{YNGilw%H|(X1ZlG9z*wE{3vS4e(x!5MHF>TD`<7|UQoFo9wjX|R~(H9 z@0|0`knK*YU;SL8G#xvVl^rkP2fkb9_duLUBv>rG@3q#IAzB5GdPznG#=d6yu-&Gs zYU^3h$TekoHwu;QyFPU9b(>JvoE{LGx!NgTnm%gmP9x1v_p0MI8_rdO~dPCSjf4wzvl^?pA~WVPGpy7l(#CR;1+!jCpuQSi20`vF>5#3 z2=`H3Fcp{{MJ}DDPUc3(=X7k>)Sz#G2iq`}6d4Sr*BU)B$3d zDkiiJUq<9b`E2GjAQ;K~poKX4Szo0|njcBgRa}R6ukA7XO?AlX3E(v{-ZJ zy#_&)mSxbae^|#IN`6Lgo*C|7Tjb=XeH5yN(hIr|2zkfK$Uu>wHf)(_o!+;wQuu~} zJEnuOe+a3^y~GxF%l)IZROFT@X8~G3IZc_i>SaTNe3hYld=?Qz-WeQs=wT<>l^vNK zX}m1_bk{lyrVf+O>EAw?K&Yj%`852ri6>o&2oT6eB)-5<*=DYEx<4zV$j~{F$VsIo z7(P&ASbQRb+Fa}?hEvkMqamD~{;O0cxWFh1zb+XbEPHpFwtn;r z`dSBfTOH&g5|96L>c--pE4Y8KvaB`R+$(j7X}J!toYHES;Mmbj`@`ZZUkhBX5T$_7 zp%xn_r)3@ptnMqJT}3qZ-D*;V2P$EC@i8nKLqeKij|@UuJ*0CT>`;sT*Dj59GZBg6 zLy6=KBRt>JpT$CiVtz;#f+aCROQN^eH+SS1K}(teaD}&+pynN%EMwa zBqlVQrk#ofgZ>@O@0H;1a;^3h8#<^#I4R2R76y42f!ka}=*G^soGK{_`B;@)KIC|3 zGBPo-qL0DbU0ZtQ+Pf*=6%PKbY|LJxEKYqqWr&g56MHgag0qdiFnSVkg)stbfXB+_ zt|T05*`J*qQ32gm3tVy?`pJL{^A;CS^&n^KfAdv#@EXT7rCC?G4U=%(>$Cko=>gAR3@vr@?-g7x_E z;&w{C*zdz{z~%0AD$m0$g7%5mXD$D$ZtAnRKG2%ckQ!Jewavn1^VG~5UO7;NXAj8; z&O`*Bd2{Gx7sHopGoF*W-An9oj=5Mt7_Uw zVyJ3W9(~{BHf#2FL7s-DuC0z~Zzy{0{*$Arr)C=Yw>f=3$D)7UwvV&+=BdS`gTANO zQ$fBNtqnItkveT&6m|b1hcdm?XMof^G*J2%Hp4{mPPVjFjobRbZ4^Zx^4h>g*Lcs5 zPF5cL>rc(bhL582gN}M1e-25>zU6MLMGx$BMk5@{3dr8IFSeI1{QIGD(}OfB+^fTO zfj+&E^Qx|GJ5IzNCpSkT3X6-kEe2bXsvZo~o*nqjGWrAFHQ$kx4KT1be#`!($a|%+ zJH_4zKCWb7n=LI-hYC6*7V03sk*ug_+)KL&%^zfY{_EA7r1+K4|P0(A1Zt zF>fzIUhw61yY}+b@a0=&w%f`s(x?_MUe9*EN8$KoIzp?yy*n|arrD_!-2EGL|vR^SMhJo4|N!5>+$eLMO$`YcgN%Pgw;^n$W)9j_p!?c{?(b`$=(*5w8 znZjgT)rM*?BpXn+wPP@Blr_C8_`%AZdWwW+66!-m`dWWIPYoSa(OGsbZC#ZHDf$Vr z!cfsIZVu<(GdY_?YcwR6-A=f*Od@!|PDubyzUp*JM{?M8gebm^B0BxcmUlTGxy*so zGY#(;ut$#Xvu&}YD$?aFv?D0Z-q0NdNL;HM?Q6}6bxMzJqmqtQ)VcHNWNo7#SpPy~ z9J06^90iu7)<30@c3JdD>npJTsMkA4FQ&yFHo!HXk)B9WR9z)=jFWxr%AJmEGz)$s zimeoa6X@wN``LQ@eaiY8q6oSkO8(nf>&R>{OE3lXH|Zs-mOr%uo7;Qqi_`P=5>N2M z6Y5qCIsQ}1*Xp z*n%Y8kZ9D#X$9!TSOJ#BS}6sRwg2Vi21^nW0V2#~i({E(2){u}e? zN6;I=3TWU@sSF%hoftR0ihW|GH2Y=+Kaz$(R}XjJHo(A{2;Wi|(~l?D8xp)oS6*Pv z>yIunx!sUF%~f4Kh@{lRA_AFBEBGa%KkW^eiigjjfAwMKt1OVNrCbk*L#wAZO?&Ds z%}%#?O4y)T^pRs5An~i7Xk<2c?}&%ps`>cub%ofAc+vx8-T(N+;~n0qI%{*YG$qnX z1^ygKWh*9dyWc%$z`ggBIB7H+xIbT-7f7nR;RDIau#e1*j2Jj>$)sif=bT5Sty)JC z92^NRi686ui=*dsEy}tB2kEni7)C+=BH%QqRTrUvh=)7= zroVf!WYiZwDebgb7|-J?m*!&*ob#0r3~Xo6Gl1WbAi98hj&lvO(lCLvA`H~l#fFo1 z84h-&L0bNrq`)ttoGb$`{~=p4x*&e%0!U3;*6#13cPOmQ@19Ph8d|g6Shd!@o0lMw z3adVU%y!DmO(}jY?p>^GO^SsV8guaWc@*pDT z=zO}7-$!LgloqDtv+I~XW;oFzuqwwmzeP;VfUPyulz-G6<_~v~vq+b6GR=t2wanA? z_m=U7_(__1HW07uClP{auMtr$*)OHLJpiJHv2AO2ZAQzS| zynrvp(Kn}lb6V)-U^dnL@ zTzcDh%5W_U(bWxOW3ZlyxrT4=%U@g5I(!NvfNjdf{BCQsC48^C+g29ik}~0V-l*_{ zLvQ~iSlN(ElOy>H3ulQaC88i(4@cBfz5sIXxMy$KtvS+j)_#cuPQSdF>-z7*bE{z3 z^K0@s`kQ|qTeUwvY;7a-1)$+yCUi@K?4kGY#~q?O05keCYA-n|>w6jLEMP2*%tr}t zTzCDdilm&rl9Z*k(tBUe;LfH%n<8c>QZcRs@3WD;f~6J=0X zV@o;wxY_!RMppyUIqs(*h=)!{X6ghLW`r!7FWUFlr}DSa5Rjj6 zbo*U+WNScSFwlDAHv*urrc~H0Z|SUWK0Wh5lh-0~tE$e=`z!9`;E~WOI3ZX!>kGg* z9!^EYsYsWkg>eh)0ys-6_rSEX&Fhej-HpvBOA6X=fjC9^!a$)%CTe8 z#GF>3SuC6}i>G$4MY~hNo_v6W0kktsRh0`;hUO&&Z@rh;J?s3aL`j42$4_dtC%RKn z@-$EU*>ig>L1|+Ru%t`t`|%!MZGZb&cXnc{zfeV_TMtKrBb}WkO;O25!z`CM6)tjkS0|?{;;Zwlrm-zyPjT2uT~07i7srb9Zg-100N|xt!YB6X<;tWAsMqlCmtX0 z?vG!IIO3{DRdaImWtM6uX|bM?M5It5bGk2c==xr5A#-=O9uPljakW~0y%TiKk+`;1 zY9jWO=w1?+vC>IOdbZ34-wZxFkGzduRaQhpk8Cop`}T?b_i#y zkdtB$Zp5%x@-~UBwKLO5Ii!_9}7S7MbrHgqKV=ez%UJ zg_fAnB`LZlw_si1R|eB}@8-BET*M|yadm3>26}QlHb7wPJZ!YL`SV9|$Qum4l{nUf zDR~5_fBXha3 zIqOKW3#K^-byZbK@kl$7%gXDk7Cj-l3)0H$B_`q1(7H!W254??9g$}sNoN`{=U8PA zqv?U`+o`?QOk)xmcyr|u6cpqQ?eNLC-XNjqF&NCyI=4nyS+&HNAN})_1!4?*WwfKp z-7GiZW%rj%ds@weyKkLD8N}|ar{_)bNFgaKoh@2+<;xy7+5+%DPb>acU7pIP^323h z1NhoNW90Ui+X~8^OQ(h1a?;`o`#SduZlMBQybh);xQzhif4REucnN>t0wR#|7ohK4 zF`AegoC?}QZ(X)o79{qceV@lBxd<5Ih~0VEqg`(yp|QtYt-6`V0QO6_%Sa}$;Wp7e z7_G^=&a+U#%3Ai`Tb_g1NwWb{o({D=bgCTao5Qp2INuo+LMCk3T61(aj3mexj7m|d zs678BT^G3XeeF(*eDDKaW{Q}NH@OWCygEUy|DN?`9>jvv^ZE=0S=jA7MW+MKvblF- z9ht0_ykFln-?Vs9a%t;3>J$ys;Z^nfa8ftCboPN&9|5@p zMQ)MDMQ2;X9rL|cM^nQ)!h!?n501DJ&#{_2X*LCO849E4txi7V3J7?lRZp3d8$*Bk zP@;RRz6ra8(qr84gv|Eu$C}|IrAaQt_uB?z#?vmgJ7gbq-Dyaf-^qa&FK1=h0?)4& z14XurU3+v!5Ja5jX3vhYWjT)Gm;Vq$L=z7Xk^+f^+NkRFtKqu$Z_rv>B1M6@KUMxFDe#z8#^6PDz-|f@ z4117*x^jN5a!-!Ui;`nngp(~1SQ94~Ijq^H{+i3D%!$56~n|}h>?H#QP>|x<)V-on0 zfe%#xP7SA{tUCT>ZN-irHZlZxI9w#AyEoYuR|e=IA1T54mzutJ+^{}78tC(69;56E)=Xy^{h zyjupcy%EO3e z+BrC8dg4aT&(F1vwH6Z--0Pm^FeY;Zwt^L19-AC5^+*9MHQS!*GDxurwkI-t7sKJ3 ze0?^7D?YCUibxk=_CN6iER;_}RCtwn_}k4dnI@5}ma0=~>wc}}hX6kS@=kYFGc?Y7p}gPDhY7)N)?INF}t{H1!k=`pS^+M#XCRcxiQ zZM@dzhvr7&OCISDLg*t8HjX?SUJIyQF3$!uWfiAt)2mlatNXCg?(MBJ4+%MnpOcL@hsgwl3zPJO>%r?Nm&7-nz2b&eiA~>t=`oC#9U1(SCeCB+xf_E z7K>E@df+F`w`$maI5jY&o_BY*Tu<*PFKab>vs0w$ayihtvQ@0i9d1%Bg< zbdh17oelb`dwXtiv3>TU;rb-T;=+xM8Y!KlY0(&PxZE%%hq;>GX%RCpAS%TsS;4=p z3iX?Rm-5X0Wf+2Pr*Z;O*5)>v2N$PY3{I(s9rI2kN3tn!7V4qlF5^zsuwvazK2DoC zU_eit6YsErL%6-+)XT|~3`JW89c^t>vv<2MKJWk%two3W>7Yz^3=WT4x%AnW$N|pQ zO%{i#9c3O8JWe<}i6l#aE9d%aleNzd$CaM%ObyomfF?4IgSRJ#Ua*Y2N{NY#;77<@ zw6p6H`s(YMWe0kwnQ1wjQiC;L?$|=yBmYYq%tL9N79ru32#O@9R$eUDy!<#LDmnNY z>R;6;EvL4`felAL=((bpiRvB?&DMG2e?5QeV-#EkV(2*Y*=*FA3z&A?X`wUbXTveK&w52F zGyC{{jau#qc))LLSt9Z1z~a^71oG1p$NAN|7tLVqcFMl@eU?cVEq(Z{V|aMF+~>dKt%oBd)@yO*Xe5oF-;fEvqM0-cB^tJH zO&W4CAqOZ>wlhJWLa$)0RU8r>Eq@qk8EU^FjzECZDJ@}J$QG};l9aRQ>C1WVDd#TT zzCDlVybO;Uv}oE8^2Kx%ST7o;4c^!8t*b7I=Ep-BsO547%wJ`ZL!Ktz1-Q9ITiQAP z{4*_GYhZ_u0N>o3clpmydD*wui6bF0NwTxY)l#$Iu1$SYb7t{vO9ce?(Rmg~k3f~~ zcH}tQiRV}*BP+Jz{xP~#!N10kAy9OC3Nes&>So@QSp*lum%%sF1pt6r`9cc<0a6II zrq$BI^fgMV3=X@gYo>q2W8Q?3!G9LO{|RW>Xto4hyEbH~;(k+t*u{I5q;vWKcMXR_ zK&WgGZR<*%fLa{mgk0w(edR0VvzS)W1 zd8>+A<71|Q$1O7J$+6v|Ib1oq0nPgGC+qV^ydlG%t@3xo(38(kxmR4X(Q`)Erz9EQ zf66hEP08#drXBvgdBzby2DDxRoyZ6lR7}z~5cAzW1mGu~#0iihAbMYS=RvOiA+n{R zX(qvj2br%4?uS38vwpOZsDdI9=VUAt*8o8!M+sL81G9~dm%Ho9q7duj=XHeDH?IL2 z8aXyNSscYn4XzhkE3|?6#=uYal+Y@*DXbI;q>P{dUYwyoh}O=PrL-jL0Oxg6s^!{G zLW2C@XYJ-MzsTU2%SPjk7lZWq_xIfIa;~CP0?*HQgws6DdyA^hF+--k_sT80z!HlG zJJ;Kri>GdqX4OLn^V{?GH30#BIqov%0x>EEU+lHIm$w@7T+jd)clS+aBsh|k&gp37 zA-C+__bFKx9uRacbHL3$NJu~}o+ofvG&MF&IH8yyJm7G^P1=pqaxqDa6s7d(2L4MH z9L`t0TsVA8alSpI-Rs|MiYUy)kIn?iz!{j*Cj1EtoJHxUhED~>C|SF$z?ix#?UsMX zE$7qii|wS3%xcO)V9ifBC_RdQ|2;MwL>{GTHwSw%AnL?H7%c$g+@l1%n~O}SF9^el zzrtT2i9ZkMwoaz_NP`UU&uW;&n32SJ>7~>0?nzaSc#+|rC_Jo)e`3Hr*hz+hs(6Ax z`wMXgVbAm-L%4R+otA))7J2Ev_SWp{N&77_`w|5AW7c-y1rHM-|t8rk?RP zKIDDwSE3wABYVGg2Vrg^lLnLHHxx@FN=XhP6oGWre$c8gA8Ax@hw_V3=1o@~Fxx_ecuCSnAQPA~YB zfVqgeReJs0^2mOsfq}secfPTp`U;M3Z6j0u%jEMG_eGC*Nj&LdRB|boM$W`4ZDtp| z75O*gjK-p+9DhoDYF%=kTzyDD$iA(&z#7}fK@e9AOFWcE;gWU}nJ*%#Yw})%8b7ug z6YR$$RzT@DbN+?P>8#678$WjXk2<`XoEF)IcpN*OGy!gx5KI`$GGt`NHrHyW2%GCtri?F3q=I*R@L+Wdoy&E6;eDk)Y1_Fyu znY{=L$8*oB0Yc z!2U*91LZ>9N1d7Oz@gS61|?7|xvcJm)Sonc{9Q;FW#jM}{q;diU!8xW{E5*{e>N`b zFv+j3bwej6ykH`?L7S3Vu4*zY|7|3iv@XYEEmS!=3`m!vM0DuBQCX+Ke zd@#Iw;`yUP7D6}JMxK`r|JnU-&|~Zf$X1f4 z(Y{w`4HmipKZ;k-Op*X_HwO9t-c}vEsRj#w7>-$7Kk|KnE~<8(mG?hPt`ViAJT@6C zzH8cUm<93omkI723Ge%zNC;4nl@KW=jeGHnrW@_^e<>bw{0j#Wzm^y$|LxZR4AgEo z)jZAV$8Jzgq)mymPKgln+H`yOT*`2=58}1D_uJ>0ZN}9XC6~Yy&?tL7BCNk}VfT8a z@`kI|UlJREi$)Fhtv^EaeieedDodpL5HToH=2JA1?i~WR=QVo)tLy|M5Th)_9l7D=CP?}e}+C35| z5_jsBkw^EU#fGIp{G}16APJ@0ki0&$E?HQWaa8otc_s*~%cg6+K;+5lo%hII?JT7i z0+!9VzbuGhmHj+y;=?T(JQ_}M&N7!u)Q!I9?sc3XMGbv-yBWm>_*h3ij_jopA2Yo3 zsAt#MQVzKU7WOg{6V z-(53PuUCp(*HJi)QE5EZhX7wi$JSOYi_Xfkd7hW130hc~&4QBrcyk6;yD{Cqetv#U zZ^NBuTdvQJTkgA^bqAf&Ct!vy+uKnM=ZkwMX+c+S@dioHEtP11_3YjE#*7kB$*hvH z>&u5%_BDdP=}6*>TXVLc`oYoiE%L{BJRh7=elBwA_4IazU@@KUc1;$9*H*YAc8~Of z@whl5?WH8p%SU?^h~q|$xz^@yB7nsNh^y(xQDY?qWPE_phuO%Ht?yY4NewYi6SNH& zU|$7R99YXjLL|N-k@@J_>G$G82S>zBQelCTf}L<-Rm#5x=jO}pMT`Pjk3BB!O&NaL ze8-yBU_*Ce-am6y*($Egmgdvygr?89qqx*tA%v~Lo%J&v#sA7!!~o}wuw$iYqjE2Y z+|YP{?8jOPf+kWq0tnR4B1b2zjzg}uAJMFxE#m)rHkqvMC7+f}+*Th(u!>MyCpfL; zd#71bFyJUSZrqdBlOOhb5i%FF`A(Rj2qBQ8Nq%%k!7e#))YTS-BCHdApsXvz3W+(U*SVk4AZbWqfTtU$Og8LbkO>jVMnUekD8oi)abdHacANO?Oixo%ago zC)8D>^HA2OWppG=~HD1c! zciK3uc>+C|-)RUSi}1w@@YZJj0pshdPrnGJ^KpPtgmM)p3A!2!WmI$_OV5;2X(J$; zJ{&8gPZ--(Fe`VYjg7^g>|F(_?5#}Sw>$Kf8|B0Gda^>5h4ecim}yZ1I76^}brwe? zNm_lTq31GLFfj~TKa81#@Cx0U0$4WuN&n+n3B$9;W3;>y8i*Ys_9N}5jk6kk{v`!A z2N*(dfGIsB+>T8*8WIWJ8fqUZO)IBWASk3}Fx@b?bE5_g-@kdEif%|U>dX0m?b6T8 zJ}!7Rgh&?6+j9`#w@i~XapR}vE2PN9GVud#TT`vSsKk1-9M2f&$4KDY6&U{pHOfI#d}yu>WEn7u7t*qM0fKA@`9DH-IDRC@7hm6+j!fszze29Lz6TjZRr;eEXsXDay zhLoR|pCKKGRS7|-bkcs-#mdh1if+s4wjSp z?)F5R`1!1zX1~jY6<%j^rg4&s>n>+e=GAb$!Etf1=fVkKh=K*~9gXbyHwXEjZS4dF z`F)UGZXEvTZjU4OMW8wIa<7J*1NH1l!KP_ZsdxId9xTvME+6L46n7ZHGR$_okcReQ zk>srP<#7zgG~9fax4&+ci^HgdDhDX9fO8qW>iVjEur83X1p7u}4Tobt1zGqgrBU&V zO+GCiC_@BZ#c}KU^Cr=gTjS$_kjd1gh4oK@v7hW;mVOl!`9s=A3b*p_H-(f@lKBcW zg>D}(l0)7hLYG`5ncwzgxNGj)G9%ohCHnxy7c6tXimKRAr1a~Iqd3NHTZvGYK7M|V%HDTkb7AXel4qkU&ov{3-x0fM*W1oB zEiKpEsJx()qt)R~E0Oo&mqG`Klrd61?0jRNggScv70)tWYW!rxLEQe69Ul}f>7$=7 zO=QsDvN_7Fw6U?}U8<}3zPOG|WaDj^I>WI$E@}z(?v{ifQg;wcsTP?$IXuF~$_?^I zLOmFu_br~!p_%=2SLp<)1Z0|02Dc)#QaM_aBhTF$rB8o@et{ISI9gs%Oh%;b1cfD2 z$&Eb3Cq&@r0eKCD;PmfrG8f)d6eEG=wMzJD{_wT z(YR>zqr|_xrV%gLYA7(IN1lrdzF$#B^-BTLp<7fyts}qAf(9-BXV3U~jNd6Y@+w^V z=9Wut>F}i!Ak=h2bk#MFpfF5M?UDwz7h(8OTw)LAFZd*7)UiL-*$Purrp-WExhyx{ zU%}$zMU?NR*3eTc`Zv#>-sC`!j8ulFY!;j}BWJ-*uwAO$YDgh1Mx3Qw(K_7;l1Y zXtDTc-_pMUa#Y%Qfg2)^19!GkH{A># zZ@GqS7-|$B8&8l;mtkeZ4U50{CqU0&4_kZmjR6XGrHKkAn9|c36soPu5I=n%i%ptx zCg%MgP3QT@=KHqs*r}q4QPHXqqm9;xO%)|tHQPk2ididaZ#7#bMvYRtsG70b5^7Vk zUt-j(t+p5?w&Ka}#q$s3MUwlzuJb&O<8w3=&Cw=8lVU#hu>;$53|d2@QeEVyp(GXuKn#&gV>c9-Pzt&esv<5DuRExvik466k8_<)OJ&YaJBo| z71dSS^c8R7Z)OEhVtNC__3#X&2HfqGdS04U2=k-Y<8V4su6WAy@;-}`n4N58=^Tq# zv{M$hDs9$EL9lf73{$&%hTgC=3+1^CN>vTnO%<3(_UltbVXu}AH=b>W8KMb>9-;mPgP!Gi;@(1tDAo7y~&bAL@DwQkW ztK;$ll(N-uuLbuQ`VN?2Lmh%`rNiNf~U7i~nBSFoj~=ovAM*I^nf?4P*|N;(A5 z|1xdjCKCes3GcKu(CAb4GiCql@Z6hBccGzasL-yjl?4?}{M8_wf?K{J6+wGE-!R9r zOEvXL)%T5&-=0+I38ALraXe!7Jz>6Ql$roinNVssS*H&(9u%l^dCnWG8Vd3g4G6e& z%P!h!KBJ_P8ZZ7GxP*MDZ;tl2PD(7!0r(Q45gEJV;5J|T%KpRL3U zMWqj{%PhL|ZDLRBSk|~qH>6&Szdk2kk;&Fhuj#GbgW0A0RE49+VLkLi1okAuLqT&F z`chI2QF#3&4S=3d^KbsPQDqlY+xrY$XE|#J&=Gb2*(&x=(e3P!^wEwXo9DzT8>j!(w|}$bjp%E& z_F*HxJ88CB?sHJ}k>uvo&<5g6!Hs{*ZXA##FF2pI8jjzP&Tw6{;NoMI3UDN4{(A6@ zsnruF7T_qP=6mkDo34+rj)k^Jd~!lZ-S}9!n1nx6H zx*@3$$wO1MSj@s!0C|vDG;)e4c`OlQMWhTY1usj`x(TgZOZ3LkceS2yC{1T2q`@HH zy+03ow0+p8ce?)AFzrD}D|OKpsL20^DHUZ$9q3-=8(EN9IwNPN(%f>nduUEHH`}rS zqDOeI^8O&4)GPjQdH2LED*yQ4DwsM6KVl2_QbYi`5urb!Y}88`;3VHHy=aG9dbDaDD+m+`(43n0bDr)TFE_Gc9$9OHmh7 z`p%oRK9m?kD38paY1id3*!uwN-X>=NvX=I6aZAo3?ZCYA7 zTBm?3;&nHI@a@|!?$2Yba>(mitj_ky%1odtAGI}OqB>(#V!f*C?3@og+BDlpYU^yN zu9$>H2#N$xFk!3_WLhT99%yLWw-qrBfUzgfD^j8XK?8m_0gFaIv-7#uo#nLH55~j! zL*GK~fW%0FSt-Mf)boSh4h|7PS~eRG7Y->t4N8A%37&CLf;%3C4m$bsyYXH{)^yy1 zzzvO_!ra20ZJzUu^zp`uyKJm#bKMjhxn%}Yo;MW_V&(dT)79qjr0OW0v0Gzcac`L_ zIcKFR!JCw~)lGN}Sli__3+r7M#mCrJ@E4|qk3<>LaXgTfP8CX>k;iYCGD2Ot-Ob0d zJe_ix`pGZt68-5CM0Ap^H?8kXF{emLPly#VQi13t|DM>A!bK#)yX$(G%@U`fyRdB z$&W>yeOk=sRFw)e#+KX2#^%Y{>FIwIzpi-p&*t|5MlQl+ZJmYg`AD^b)q2+l1Q{A7fiDh{5uA-@k0Mry;(w!Yu{UPd`} zlBw;&VATU-#rKP$M8RVZtIQMm1Pu)hYYGrzG&qyBQX$pUEay{UTboiLl5{@viS);1 zD%EVoe=8ssV0;KByY6JgvAIo4N3t z($)~2eAazN_6mMQIR>{`bS@iOj*EKhdHTCaTRxsmk3(fDuSK?h>w|hXte+`!{4{W@ z<*GayhZQ)QZ^uV^V@}y4n{5jHO~z#!#QjRufYVWgXag{o!LT!W4^< z%=?5}YRps}GwXSX+KUQ2^xKlRIVGUh(a|iG;*IeTULln}pekkzdqimyPHj}; zxrX7?s@R#Gb@t6PCAqZhKJn6WH~AJ_zz%jNa)l)nU!kOg3Vx4v_G~AuIef<*churD zUT0R1Ovd#>jDu~T9JZBmIMa^3w@w6cJbUhtObX33c!uYbooP(HryO2E3|IEU00G;d z^$`_mK4D*^rn7RFh@4Qf*FDqk3wC$8{rCUN1U2PB5sxHa3T1HlRYbpHs&RisBPS-T zqW7XUM&tCY(XbmmO6ELNM*~r4*kRJcIq~KE%aF#!)orYZD6#$uB<$buKI1?GAAntk zg$QZOjE)JukvQl{T>EL>_u;DM28tTaU^V~V*_X>$Zad+|arKuGQ>|SoL3%ObJadx1 zR>m^{@K?_pGwai(C$P$}-vsF1vzKpcy+sP`7_WzZf}=C6>f|CVvuo+-=U-le?i3n` z=#l@7akr;=lwby}#xoOPisgBZ-Xr*Eu3{>=VGU%f+46#X&Z@WR9&&?BIwy{1TNkUc zL#6qvqOgw>QPRUmiallDEqnF>Pt2N;c#hoF+(SPB8KL&hpt;>l?T1?oJ-2n$a3v{p z($J?&cQ_FD%sf(=M~LH1b(ZQ_M#iYr#ED9NQQqrkDOjX5?f367@&nO0jndDvx$}K_ zMJI1dBq;4?)tS!Y8ni^AoN~L@(J!1hKD^$hx7!FetFs&zM779ud;;Kt5~2v7Rq!b zAO#tY*c<=mSs18_-iQYUuJv%PwOjRF;|v#ovPy8JKeXIN$$8zP4zO^~Zj!&-Tkq1% zKW=U5B46>BR?9@J&VU~vCvlIU#qp?&P%porB#ImHj!O3c+to&p^`<87ABH>i$EC8) zzaMwZ7$6($)vp{}?Ed}hS6?^zM08c52-MxYqt=Js;nj~Xf<+|Y^*sBR&kshoe+L_B zgNM9{qztt8=6ylxL0i#G_r^(=2(i)l*xnWYkEtevLRBi={Aes97QQS(Fy1J}dq-tP zzk$(0^V0G}bjXyuG$Z(@D5_xBkzHQ;3Nx6&SEC*6 z=9zh)TlTrO&R5uq(j4cfsJ5)w4eBxoTiDIFD9+)*BbV&pj1{x!bZ>Ze>avn}f!3Ta zbh2POY4|$t6dWZ}Hi{RKy00PI)v6OZ5Ae1$q^V^tvp$=NQ0QRq+}xV6G9lXyAHh1= znRAm(3od@TDyw9#F77H3tMI2UzwZ2UxzB>xpD}Yfw{JQ3RCU29STiN2-O47j{NC~d zg2Fud=K{|U23+SZL>Dg42QDjT4#W;&Z{-hXcD-cvzYnN&0ITP=;)`VLXc2J5? zwyHOR{t`GsTIn{5uR8CcL=^~M4D#wqij4GQ?|Mc?C zHeym_Dq}PgP2(QNF~z!F9v@!|IX++i-{0uG)Ah1!te%$v!cc-ngZNetws*g3!zJFS z8XNOjvIXDt5d0v&hn>odlY{T1XriekIkLl0ps+II2kgRq$O* zyT6nyJk~fnqjFIiLf)a+*fWVMUP?QMQ?~z^2acHgPCY}9n<2H7Z<3vq3nr|r?Mg;} zu7}_8ao_j-@0K+>rf)POlSS(Fap9?Lv5D4Ip8CNW6?egtcci{EBpn#XB|hTJ`()$o z_j7~)Vv4bLhv%-)4Z5)I?V9Z)R<}h9_^11CYwLSU^H$=Agx69LuC5JWMD*3hMq!Dt z-h}3$_YifCuo!&@0r2|p+sXOtE-eqlqV*puJDnV3a8vk^`O8;>1{%y@AjaKF+4R6S zid#b?D?2u>@CHDVfzSS#Y~Jh2BK=(_N~5+Vui{u9PPIqx=b-~k92I1`AV?*JN-!-= z(wBEDmyv8p28nS?9HVcc@O}vQ5|1bE_o^8UM+w)3qu~LSf6{;R-oyC<%m2NsXIho` z^{oO2N=GiqyfJWhA-N2T-o0ULi8rBg|9R1$dn!Hba(5F|fmiLr8*_a7Ta6I7v8y&u-QB))|X9Wh}FN;M~XC zdM%rthT$^^r0Z;+V)cT>0G(=k;RlG-zm`D-F%#_7xAq$NtlGHA+W61pyjx5^>Qao8 z;B*yF(HtxF|GrmVCoR_lvXaw;W;%GTBH1q2uc$M zO{AH3^EXYCUuB~2_eGcBqkAyXb!j84@{07?Dv~clyV_7Mleiscno*0#oP1!6Qm)9K zR166I9Z_`Rsy(t9Us_z`egKO$PXC6<7>M~wf67Nwy(PrCrj2%!DaV&K1`)uaG>$_B z$%RY?vbzpfEmi9Q@=H~kobMAV6vUl8!@c|{FbU04dKSwZwHvoq;Or=_YYhB^AT@}Gen7(f?_BpA@W5fdsYV*e5Y@BHp|r6acb zHTl)cr9x~emNBaA`VbT#Y-F^K zt>rr1UpdE&>n?uz?Oa=@$y5@<-`eDaCtv_8JJuV}l z$|=BB1ZhZHkr8;`;I&!v{KI?C3%4W?f#!MjpaxvSS(6pjfk%(DDu*1DMb9Yncyh=o zU_5PEh=V^q2LmZ{J_Uqn?0H286Akmw;eVt&(CZHqp=hox6upb$Uq5jj&BY&Jic+(b zeZNR}zRO_+QPHpXo4V|{%(b)}SbX16oZ}ewZ)$olJ#EGthXT5D2S}Nv{PLv%8=9oG z?>2^mER-4ols?7}$A+)^!$YmsWEXE6i|QV4OEWYX(AiDAh&ERW%_y8;#t6P1UN>;^ zHcHEq%Ij3sgaGFM99%VjaUA?znx0kNSRxY!hbNYpBqcfZ(>f?nW*e9Qc_rvk-X+j!7~T9;HRwzr>BbHkj2Qx2LQj5 z%>a{?_FXr5<>r>A52lx!nU&@$4YRR9=AL(JB)H=u3CWJx`m0iZiXW+uH+`RdXTz&5 z{l)P?Wt|SWPV3^|XjSRVBZLP`uRs%i@mXB?mFFu`FgTmzPtH|zsX+@!JRsI5stZ&P zdT6C6UNr2blvOlL8Qd@=A8wj2R~)?=wE!9tFZNUb((p4>-EY0Xoa8r;Bl&{=Qv^{B zI+^9%88y9C!F5_uzrbR=p~hi5_DVnS|GfZSv(8N+er{Q|=Bbnu>%{2tkm7WmqilG* zO$y1hb`4u@zDIt(uXc8+OSDT!EZ1%WfQb!a9|*12KXI8jFfFJB9eK1aLy2nlI2~8P zuWJv?-302pwX5DbO6oc>n)3Q6)_03qmyCjN#g@XRTkY6u++{{&roI*Yf*55t09&$s zOGuOm8q9EF?u)Z{m5?X?-FM1d;^eKci1{(49z2Mzgl^ey*Fa-1IV1IM#uQA!ISPjh z9fT$6)g5m4+$}ByeMiupz_&fH!qofhNKrzxOp=k5#*1#Kve1dzBN2^B9R0hm1tIc@ zu&0(DZvm2$c~Oi6K5EY&?{oM$t2l43=9c6DuSb(R`Bt6Km&`hP@T&1e&STKQEY zomHXFg9_&XQ}$IAbb}_Q-K8tCwN+Eqf*(u7r(4Gov?@j^JtKUDb$FDrn84n(9Z>{3 zNB3|z>`}0veAIuza``>VAaV4b=~*+Wgw&9YTQwUuo6e9k+rN!l0y@KlBhX)Q<TJT4fP&MEZ2&vG_XL#n3;FoJ(5Tq%{N7&vX^kIa#dsAZzg z7@T!(!dd>>gthBXYi=OFLMmzoLD3mC6CMC+^DwsiB_KA!zZ`e_3xh+L_Zd=|W&62B}2=0glpuL7T)W zBRhJR)t0$fYl_d@Ku{JPvIC)JgENd`acIiQ2g4Y~)#g!>2hGd2B?(akXcaw6j<0yN z=^yH5KeeXSAZBWNL{w6Zym=+F)pal>$<8>N4u}OPa!Qp zk3li?p`|m|`&#$?6d9lrNv1LhT*X@DrE_xs;g-S;yK8RdZv^dX;=a^h<${6&S_h z-=8_h_!^MATbEZoYxUnu{0_pZcE;Rd%d-OBwN*ttQJSf^R%cM_`miJUSLoB3ZaOfa ze&pG0nH zjF21gR?am>IzT5ebieWtE-aFNhBq#9(JRAFSO?b8gU`n+*h@*|o0ai)rw+IVn&4W? zkAke1Yg7g|8yzu5Y@;G77yBzJ=i9s&E0q_gWO0?NIJ8p{KA20ep?fmx{-SeP>NEgy#;2o6#9- z)wSH;tZ5G(=Zznh_kzJavWk9db999!^Rg6CG~r5%*dTkm+%El3Hn_eP3F@r*ryAh- z73^~-g)F_I#l-Y!IF?9KIT;QSjE)@kkSB&ud&9&3o)4%9?2^VSa~_1uUV9U^+}Kb4 zcVb^Dw}`{RyjxEGRSj4uU+#^Tf_^mi75OXbuTls=ydmcW_iy!+1C?^RD?;2ogXDQY zFE`m9v;>nWe7^m#UHQf4ms+B${{HgW9v?oDnolrv#Nrb(8t%ZsTUW>q3h z`GhF=U2J;bcJMQe7>hKWeCxWA9*$&>3a1KkwGRwBf8OpG*ksEDyoW^+KkPT#U><7Y z=vPEr#_Ku5D*5v2I_gUvx)XojM)K|?`2R#e)Qmm4#@@e<*8E@^GxDCys^*0Ou<|W@ z6AL+>sSVj3xVWqPRcT~+7a{;29z6)=W&j8I$@5vkBwZq`HXFoF#joJR^h5{&iT3pK z&P-s7Uxc+EK?d;V;t8s0Z5~kDyPvl-oBm#9YMn;?G6;J0YIOY&6_=~qJ6W*Sg=xX;`Z0#JO==y;Wh0InnSlk1->k7C+F5;1~3z1JN?G_2(&Hwh6tZrVDpz=zPEIA8)VBvD3{JPGKbS}!aLH@gw6rq* z^{Wy5nKmmM?&^zoQ~6-b{8d1#^ym#-`b{U<)C_H*yyUz$ubfJlacp-7SHOjZx{QW4 zfr|NJRUS0AdxDTAlq*1#Lo7E9-1>t^o~0q)jj@D;Uwgm2dPV~=i*KJOg7jogn0fz{ zF~ZO$pfqnqj=akpUkolkkggn-bnSwBsXsF=jWru5cqP^Z<)~3wldG4A@=WT$C#7rg zJ3AD+o?nPO#ha+#iCw9k2FHbCy28y0FSdR_w&O0i&e_)i zp*Ct1{0`>l`+(dP*t41vzDRf~b@L#^7MsG_x3u&MaPMgpgi5PK-zw1=u(-Pv}R5!a%xQFK`BYZSBNNO0jw3*L`oPpGJ0v&~#asX2L+p4Xt{Pczz z0QUF(yd>201uf|MI{2JyV+cJs6|Vt@vvMxh5S1z!^uGj_kX|_IP{MKJSfcY_Jj#t zYVl10Yu`t%#G6v8d`|W^xUA7bjBxrKEyYEc8=r7F{mVpH`26Her#swfzk?e@b6)FW z%M07S%9r@pu6tI5=RymT&(|0+x4{N9#f0nbFNcii4MuyI_)<^VJs5#6U+^C@IY{kS zX3t10#E{M>I)|mtk5_I5`0%%8IL!$ml=R3A4U`sby^b-YA4aYn7(3i}5qwIaF1S*t zl&46%cAh$LXNRYuA|~vt!eZ>eFFVAKyd6-x)nHJNJ+NvfLY?0VtcflFp@6xdhKFrq z@ncJFN~`yTdUFB~G=82OUhEz&fYc|L-aP)|6!ZBZt$S>>AysP@`P)61keUH_r}~T? zr4`qyU}mCW%@n?NRCnzpO2Q*HEY%xLh?XRh?ADlHnv5xTf{aBBO6rmq>p%;{QS`61 z+o319ly7R*wH6aSck!>rfU72IyY|-@5;2 zjCF0}TLq~;dZVGX7J0Y$yu0Q6jJM@-;eg`OZ}z(mOwTfRYMAjc@hq>OaZ$=`NP%1M73 z#fCE|w$&8EarO+;1M95SWu*bm*3?v6@4F6ih3p5awmI_w@p^GuHg_*4J9>M+n>m50 zT7%d0S7G7BkCbI>tf|MHZa`>RfTB$VjHq+o0A~S%WSu)LfEvvD{mfg_2TQyGnE74aR>ge^ zl+5jg$h>l9p-aSjYPQf3teqGCdqtFn4uxb&?Au$Ru?oHEfdk5)`2>QGcAVAu@&i;T%597o?21WkrDM;C(ZjBjSE(E=zE zd%#1!)L-6L0JkJG@<6XS^-FzOww5QOx=h`5#$YOb3#bwkzG!}>6cP0G5Bl6AcH!T- z&LGHGE1e)*TSB4Pm>HB!fc4>vI9ODhsTY3iTH}`gw9A>5I(I5^_(Z9%_rPWN@qktN zg|mEdCUR0r-03HFz~ z2A}2yFE$+2dZANOL0;c?^Hn+@zx-_^G;nR0+Vl#Moi6Z2E9K~v`9@$&qSXqDR_y?W z3BdKWuY*G}d#t3G2!^RrBi|&c5=X5Iv~u!pW7$7|CUi=HYyl&Bo*UHauR-6XX@Zg7 z(xfX>{|@Nkh`o8MNT6BK-ARK7dcBAaZ`k=@x|X>UuCK$Iaco+5RH|wO$`CzYY7Y$i zF2eUFQ?TDtfxD=AXUyzQg24yA!WFR`Y$3VjN#ZosmTrD4znXWbJ zPaHoB0$TlCj+EO$*fwz40K*jMr3h1J-K8^z%+dv*38Am*b2NW4Vl*{6X6({dO$z8K z+6W` ztTi!`P9IA&sVq@!P`hoU0VVO2Aq5tz8!;WNzQL{cTjeAEV^JLu=kzX&O+%_dg?nI_ zTWzi3j_FQ(RTaJUk}Xl}_}K@3XIV_kQscy*3Mn83kY`^^c=Slva(dU^==C6_aAyGQ$n)+~gfW7W()5A)>E;1hcW$P+g$^OZ%x&Hh09I3V%L8Rv zl@lmaRc*thvu^`4TT@F*2zh&E>S%{oZ#age+wbw}C;=*W_sfWvYzGmT%Y6O$SuB6J zsf?4)P5R4YUM5Zh=ZsWuqMo!wQqS~OmntsvlkW+D?Rluj6WzW0-^Nzf4@gG9HYT2H ztG>0q1KC@$2^pR(C8onJV^DQoIrY^V4g&UPOtE2A>3Oh;(awGFC&S0rG)J)<)_XM^ zZPPTB$-lgZ03JVkzv&HsD?8a;@bYeQ-*J;VkK73f@b;A2r+H26^-#>wANKO}Zklpw zX$~GcY9H8{JLep*$Y-afKpmuieBG&MpKClnnL>_iuAH7`RyOOvDemkLvTumo{)|zj zMPp;#Hj4X9uYj@~s;#ZX#P-(zeSACV<_Z(+0e75AbAwc9vNb2FV!0t_E(Iyqu8A0^ z@F{Z4P9fk6**&PFWPG=5X$4W`Slk44e#U?F7_oFUO_;~LH!*bN;Jhl6H0;O-->L~h zW3*V{tPD<)Z)*6b$!vdrPE6g^cG(ZV8qYcvs12&3t z1N};sz{`(mu=$yVe+{lJXXBT9mBExwvsHLk!_*mhm-1Re_DT}_7O*WjMYfR0iXH8K zaw85K`zd+S`(uOD2W0w#?u#q2-(>7-LGUj~%*YfZCs?yY1F&roffIt)>oD($BnIg^q2xiwmzGb5duwmxZQ=yU8(?P#3otuY;ip_vf9+6A$TV z_=<)Qaae0S)Q(Z7t>_ElDg451roIn*tupHep--3YMCQXhsC^M~RhT2oJ?`1s@`-?PckG3~}RBU$eQQ;&9+_$~hG)=DNKNwwx*=%@pEohtT`WUB`-d8;)Jv z3HK1GGdDqetR4V_x}=wsy%;sBLZdvs4RkBrb2f?qp^D7DL8k!PrQnQYjpRb=kS8bf#mTR8~t`0K}#f5#x(hWk^u?_cc@y^aP2Pr8lO?h><(>PcScJWIJ zIMk`A0y`Li1rZbu@9mL5Tn{Myr-z9rzqM*l9mpDO(_ys+mbTZx@jvY^tv8N9ph$*vIeF=dx1Gg1{Jo(TgQUGj7z1(m~T)onQ3rpR|^-I5)+**b7JAC{6xGd(0R>umUnJ; zyY{on5X;{#P-~{;PC`aZ23zyfPQ2#62Eu6U8`OAL@+&Qi&G@w-3oTIs=$DVwJt2MV ze!{fbj;xJq=%;9|=DLO>x9SRQ9z#{lfr`Ux-NQ5OR-%NRGf^wFf1r{Ij~+#-mVGlI z>miHYLdD+9pe)o=&h29PsVwLJ`ekXAtIsXt`L%JN-%0vkQz*-G3g=E*+|`v=Ih$(S zG|dg|HvYN4=mOtnn_Gyy3N{$^$6%mo*3+>zmjC%b$fCT-mXJ(k(xt3#gxhT&neWwe z(aWLq;GjPzN}>waFnhtS-1UnmW)CpnXQPGw+myniGl~smiL|wH{w8bnZMrtBj{O5Z z4;oF+5BL20mt-brw9tyiqWRtFV?H~F^$4KAVAKn~3iOFUt*$g*=+)FmxTomo5uV^@ zQ$(IQYbecp0RG^8esY#WsT=2lJb5>v zmj6kApn_tXVH+h<7`a_DcKRKCVYs+en1pMWd+n{rW}4US>+IIFv@}}{mMPo3ETjyY zVY|(mOy!PNwN+CaodRrZyARt(q8oTx;0K+AAR_cDufe`o_UV4q-^Y(+t5h{bWSMR~ z`zuMx+i>dSV-xr;GR|(mae&HG^_7vffqDp>RD5>d6hJXrm75aP#_Q_#Oc}pE?#N7i zfKJZ+P~?}+fATSu)~JEF8#v2yzDh|L{Ef_+!>?Un7nNk~xqRULPQpuH^~p$_LjxBT zB|)*=a%^$AdbwPcT1iRS zqR&7p*sn1%9(38=-7c}uFA1G(Y6&^~cjIwZfA5s9?-{AIf>#Z=GuwPu1B;RWdvKu4 zX)=zCW};c|lzA^cR0r$of;$tw4Rr7u?Rtp-ibspanTLzfS#vM##GHIAS(prT(G@O=~v7$wa@@95=H&B)BL$_{&+qD0zuzohx-X&;pi(t$3yJ8$7c=|Vj&1V0cWvJe? zqq$Q|{sepW{O=9xJ7@|SXWk_(?7@fh)?RBUAsVQ`1ZS;HFT_baX3*~gwIUW!6Skm| zh)^s7R}NQK!!F&u4)OvYl%w|f{i zt|;nFbn355e(kWk9QXW-PzuyNvx^wnCJdtt#-$I<$-xbE+h**>ij#;(4+IO`;P8c-fp ze_eQMA2_Om&j*Z4x#yJfeJ9Q2RytIeafDj{48Wwyh-&Bjl6{%w>hnq0pLs{#^Dgvb z^?bq%gA=lVI&Iie{@a@gTo*;v+k(1wEp!Ikcn2_j-&%AvpDlio^dq_9nh#sA zTc0#&mzx5U35Jf*0h}_SG6OQ$h3SOsi z0x7pUA(*lESsB#3YCT29^GmR$@=C>3gkQEuBp;(4L_TYvlzau{#fhP)6R+3=7<}IC zp@IfRK-?M!pV-(|@4<$I9yC=H=qTK^6ouw#_s?DKM}QjGD{3+!YljQD!g5A8h0Q$q zX@&X1$HglxX3c!z=%Jn9;HjV&tvg%kQ$ezKZ&#T`=P)5?#|)n1?&KA)qv)idE1Jrm zgZw?4?v4}(ARG%AH3vUg{3Uw*mURvt9N&dFbW-b?z?XC0)%$aPEZ$=74zSB+VW2J0n z=~l6bZ{+Y>pVEF^q&hlU$H~WAJiHalN_|azFMLh5gjU8ooe`W!m7zwrRWBByso6dJ zo5Q-W#rR{gDJquRn8;GZ1<*+@j%uE5ekK3Wo~AxH8&tN0)SxseOAe3&$^YyELd?lp zI^zRA3ag8Y=T)gj6W$M`X!tz;Ui_!>F`k-+ z9IO&2KpZw9NWea2{8x{))V+}?A5LE}Zu)>QgE3Q&1-`(NGSYt+xD=5ar}io1Rqw9! zGJ(%J=RH;^|N3~6wGLc1s=m%|8+l0s&3$95i_ql!f<~jY%IAX5JaxDQg1BpG0VLDd zC#4Z-3B{ye->$2&gw2SJ)1lqK{>Nw0B5>K8R8r9C*z<$nB!GCoqR&87sgop!(zm3o~`3qlq;zm92YA;3thOXh@-<7>7%YN-$NW z{ghcCU8oT7E1yXIp+gvPrTEq>FWW-`m9n)zm~HG_{#_(imCjuZtN7B-4m+ijC73du z(~90IEXmBxJvfdP4F}oqu`J57vLzg*R+Nv|c z6swS%en*0hz`Wwf6oJ41%W-lXCzophRrdGe1c?Kw#**ZFzI3hSlmfx+jTC8{!sUk{ z&Dr~WKXvQ`ZoYdmJT{6hgHlm*`YLFPQ3~(^{wm#hpZn`rm6g_AKf4cj?P%vLi1{6m z|FH`}G5mITsNM+ZsnlZv>+76hv%JplcBL4X#^=#9BGEt|*Z$Z$IRvHDg71P&GIg8i z(oM%vZp@3@J)8>3Ep^9^5pT+6WcZlW=ZFQ#zZw~(WFG3m&r;qXG;^_V;T*xq&R$!) zH5j+Urb0KpT|QB*C)8Mj${!t@{-K6`7sA?|kGK2NEuvrkCn1o>S)~8QBgC_Zxnl+h zbRq`u;;OCG&!eGoE(5``BJ*&_M{Cm34{id0e(IcJu zX`p?Os124u1O+Pa#M?vH>JzA&xVs_00Zvs`6YM36$kgTI&Mo4>fw$=LqWBzVON13j zitXVNL~X@E6~9vUNJEv-)Axc&xI$0>A&9!83y8X70FNJll{=zP2i_rTXRO%rKW$u$ zFI2HO{u_K?Hd=K_#vUd+n`c!K;b+7M^`b&2Lvaynav;FC9IC0qco?X>ReK-$?dm*3 zNFj+PL`y>*SjwAj=oHP?MzZJAxRhcl)3Pa?@tJTwWpAH37;Uz9&<-`#(|4e@{C43Z zXx)B5LoML}u%?p~q}#Vap=k0!dHk%AmIhc-y&m%lk{eZ>{5m&o)n}%;^*__~1_LLI z);dypOgK0+88Q)8L(p*mXL67FseduGN~qkPNYRv3G%ZJ~JA88(ZWa1z$<)+dS_svMqs) zr7o`To)pNgyBvld{@wopu4ig+kCDy!crtf zwZeUt9I4y@r7SFac9rzCf3v&^qg!DY_(UY%`z71nTJgpzx`kuupNIVSkyWLKOgx_E zg|=BM8~OdhgdJ8k#`LiJ+l}r5mI)}Yx!hiX)dIfP_^hI+e$8-vdkOe(<4 zJ!~jH?E%q9+E(%7-KvOOf-E{n`5tC`%QsW`s4qK%bFjo3Zy7;P64V_>@S~a8waNjM zp|8tb4_5jG>olq*%A>?#=JBOZri)!6)S4}<_mTyi{!iD(_`e${^XK>V$-TS(^e^`t zwkiaEh?Flb*&Jn|=9Xt4j}FP`?TY4xVI5e3sG3&9bAcq}0N_<5~e7(xT@>7CPt1VNNf$ z^l?2wM}hJ&8wV~7xb4CpqwbeC#jTu)F|rn+fu>R6rGL8al`+SRejq(wf{gu(nejvf-s_0h_GM=@kh)z%~J5MfoB)%C&pN3-4!xW?kr7hykNE4UN}08WIw11 z=us#VODzBZz@^mCqGZqQOlheXh1xy&M|IB3U%v0ZZ^C(D?fE<$Qt#fH5t)a?Om;9S zARPb5MF7(WM^=z+eDwc?-C|Eli(vmJCNt^?+pcE-2#TQbxabUQY+J)QrPL(}0O0?t znAt!H%s=(8|73LJcZKcvWOTI*yM3N;wWBNMcD$z@RM<}NnNa?GRm_(g&7)<#6btp~ z!ueU&FT08TAXh4Y!`hkEL^#OvKbDmoZK^l^=6b7?-`-6z$EjS$D?M0s|IVOfiO5%h zf5iJQl=V1KSC9s1F&4?k!BbdoHdtp zZ#q8Ip+|Ef4tOP;j^fI10#ct$9%YiiMy5D=NbxHn8l_hoKkB?98q%JKE(J zg&nFDb=X6az{9v*H|24Ek>NYbeUkx_5@+F!)Pgd!*7Zs#(mj)%iY1$g`j?<35&pg!#afcQ%c#2vlE~m#%ICj(!_!qF@Niz zhd)Y5B&+*H4%o?P=*_*D_$KzxZ$A zgp%^OI8*tj?!4!v#H+VTMB4*&^YMm55Suw$z&)qU^VM~^E`$pJjaK7p6&W1?d!>uv@gKJEB4FvFX; z^|ej<%4!suf`FfD4pVvOycN7*UKpN;eku+e#HLs`qi3+-d^8R)BddkeJy`68)Az#) zAQ_rW9m%QRBod>GrG=kXAyfQK;#SGT(cp&P5uxQj$?G_vgWHX6viwB=n$GWNfd&AO z_Z-H4F6eiEO9Pi+utQL*L!W+V%`RB>v?jl11qAL-`Z`Ye4mWB7b+|8uUl^x*7dhg~ znK8m$1^0%h8)wq31=YY0vV@_khq0QULhYVn-%)8ynh6y+SQ11$H$AR%uuF!r{|c7c zlzo%l6cQNhXXb4N-;v>=7C2zp zUn#rjtNG5KQ8AVObkH`^p(|Dc{DXt`&j3teFwj-N#EtJ(cx6d6*v@dYASLT;n9>mO z*h>ML>p4?Yr`!7)&^8mI@JRKguBj8kNkYC1;=nfgm(0rAwp9?6LzO&jIRA~Rb!=&C zia}!PB?HQ_ApOUes2MvHf|obPcS^r}7j4qTJ!U6bQk&=P91a3Y(kIFiV|y}IaF zdkb1wG$Zzy`uKRi44PO+@OedOnPe(RUfd1jDT;^UEb#;7{n}5sH?0c^ZaKUKJx?MdbdtC1pez?V4cJO-gc$eCCqg@bjWA9C`E zL~aSbOl|JPW9K*CqBDa}g2%*~KYO2w4U4!WL7;mgN6*lW`|rU<#A8!`3%!Wyi+8;0 z4<31SPSgrd>9*Xnm0AL+&H45!iIbuDDc#F|$JBO5N3{e^w*kxdWKSl3Ia)T^P)pLxD`ewFHW~-uBn_Sd-{5MFBYVUqYJLfIO)pM0yfX6 z46Ey+dcOA&k|B9Vu8^-OGCAM-y}2J#f?M^SQ%otQ#LYnEvl<4ROVR()bk<=_z3(3% zDJn5S9Y}2;2qG{VL_ioyqomUD0i`=76=Ad}GGc-v18G!7jg*!F$_R*D!Q^r=8=1houXchww*r52vGG)@f<{K1-5 z0uztU%y5|(rIq3hYB$_W^eFMSU@8RH8yG>DQ_{z}J&Vs}B}e%~LJc)0V?M8FeVB9WE>d{P6p>397NkD^`#qd$kSN zp8G;rRy%u3fDgE>PCW~-oD@kZGvBc0`SeCdnaw>T3%6A($B1wm}pFKld zxLv;zj<75{iYUDt7h}$M`ha)!X&6@&$KwaqTc@j{z(qg z_wu}QL)84Y`uIeq$C$9uFSM{Pv*>ouWLke#zSE zt>2)=m0u*8?S!oX9JQBB4r6an`jp)_^N_VJ>OX(2FwRG;2v*9Tjd~A6XRJsJ0(7G5 zN-pozN{r~R|1z8SCnt-*i-ARk-`eF~SXQ1FVE)D2`850)sIT!Hz>V=Yd7}Z}A;ErD zJpzql1Zel|DTefA>;Wi(H(_qGo*o&K7)HPt4wd++JiqOSPgj1dTi28P4nN`~{wfVd&y=Mt!>=?sY8r>Y+zuRFq%pFS%jZ_hy9$7j^Ho zf7q6R7PsSC=l)T9QJr78rsqjsAXB zV_A&}7uTv(@ZHi&9fJNE^uxtwzvL-tNG9i{C8ZYLVdzfOodySHFv$clswqtuO=2T| z%TA;4(k1_xPDs~6DMsd#jsp3$-(|DJ^ZWxrKPXmabmRJl& z3j)m-v}`|Tzm9t2tf}eRife4bH8ukHTHMsEooOj{;AqR85*gD=F4186VE$vzTNbsY zlt%gbPdVeVLp#$4iIq@QTQ5a}Y-dfp0DlrvdVx*-uANr`+KFD_6;T>p9EQI7Xcgye zCl1n1JJXsF$LdYEm;>Ma=$EH_UG?$96S?HmZgcAZS047N_cDkH+ML)Jk+kZj4PZNK zYXktIl69{4a%m=g94N)s4Y6cr=!|Ar*>=8<+#NIbvm#!5b@Qf??>Bws93O>C@pUpM z_(}d&pJ*o=@a?n#jnA06sVvOrwIfwbCX#!U)M&FAGRyhrL}{>_xeoUp3G>@(8eb*_ zmlwM{>G7M|4ryzGBDiRu=e?#WXR2ytI3F`N*p5_llD*LwN8<4FT2F|2{JxY`zgXVr z8nkDX_`r>$#ZCNcCPqIar`Khd<2CX`@-l?hvne7v@=A_;2Wj86d`IGO;q_Lbnqq-}b}+&)a%(ya7x<1gG#RX858;Hx2-EME%jD|}(L$NL9-RkFu3&!fFwVMFjeK@+IrO~Mv&^yv^cUNpe7Ux?z zZSE{HUcJZ}un5}s$O&bCJMQ#{YgcuMObKlvHf>)P%a-faIwBO`*T&v7tc3nnAb%XT zomj~(c6;=sMUGJ?hQCbB@(x;5By-%oG!65BIet0(xG{_CQ(In#XaZ;pb9nu|r~FT$ z3e9L~INUb1(Y3%NRCT!PElZvor*6gpZZisZ@3l(~0Q{p+I(K*EjLB)6+jh3w(K(+# zxqeNeFug8&X8R)yZMp^O2eC*!xA4lpRmn)(9;?NC_>Jqzy-IAN4$8@)3VT$zDJpH; zQ}k|Pt$yWe-9-E5a3d%nAY`?x*Z!n@_;UB<+LLA!fM^#ZDe z*48%a;(qb?{=dI}_odvSg|UD%v(OyNeKz%{(`-#%#muTlx8kig<*Te zfLJk8F+uL`=VeNmO%~+wm}|nNCbq{IY+-(&Gp&alB`tpS^9#Pl(oz1DOqnu7U z(B43rR}k3)+n%sgVaj(yDWR>fQXV3DkYJK!m9eAxzg4JhFqUY1#d-A@@^ZL$N@>_I zue3V)dkS2T-H?F44kQ4?VPdb!iPD2Xx#WbBr=Y!BEJRsb97_+o&+#o}yWrr&cBXe6 z?;JiTA#-4B^ragtlE>{QNl}%Wh9=9qT~ROpnYDYP#Rpa$u>pq zs*tCruZu?eD0KSqni|*+DL)07jhRf#4UeoxC6^FpLVn*!p+UK%{(-2t>M8q+VHE_6 zGjU+wAe*oa&UXCwT=lIhLR}Dmkd~Fs1N(w3&OB*lgVNW_=JzU>{JEkbHW)HDa5GD7 z&Db-QAL|FyO4b7Nv%hdXcwlNnxC^CE%LvJV$=d(st{q6J!ghkEH`| zdY`KJyvPGW!Ugjinheh)qj8h}qEF8*_|S7`lo~#i%=Xc0KlmSXT)DeujiQ<9)PS3M zK*EfZJAnWQc*$G#k76E1!Bm=DEM%*9!_TX}ERDiJM|c%Ri+WdLrYKnD$=#&tb!}VZ z@LI|>IAc4*p~Gv~`O+NKdll!F-|Od(qXp5s8td0!pS*&{WpZTPT2prnsHt0*OT->K z{iOqCK z@^VbAn_V_t0HoIsP0BVI%E{If0|1Wwfolm`8OM#^34|GoqteQ!Tr|$G2OlIcwc|3P z4+LHoLPo{;JFdPs;iI9+Ln0ZSOg*B+FVKBMYgT$)NorRK&LzE4b>k3&Cx9bJDFJz6`OU;0xwmu2NqX(%kXr7(?tL!-){#`JrIR}-L2@Ui!it{SnkgSXpukkmU9<1RG*WzM#y>Gn0u+$Fk87!fD z_ZIY>r+>n1$0s7>Me?(b@dkn6IfeoT`HWy19ricn%aLi#>ryZu7qlR_`ZR;n_{=6{BV1CA$)3%GBH{3Q8clsbz|siByu7($_{P>XqeK`plj; z&G=|^0XS$))Ek=7DNyX)$c#SaIexw(hijQ{0}5Z~Ap0xd$NmPr{=AJNdP7P|>-<%3 z^U}VkD}HBY_A7!EXIP=n4jR$>r$|S~Y&dAhMW2K;uay8)ko3>W#^W@&6CZUj*Ct;2 z2z_+r-EjDGdtfsmmo}0V-bDMUOkzwE8FP<@LAZFqd*Ts5_1`Gppw!~^QyVWZuxT}D zlpzxhx-`re};Xym1k)( z{_55xRF{jZw_z6-*cr+Ab0rizDfsxdm)#|3!4Lu0OLpOJYr*NkX=_EUh8Zd!MO1T_ z^fR!X^^f8|t-b#3X8H9Pc@y(*&D;qlP5gJHYIwd~U=&+Z7xdp;h^}EtV~}#_^AQ*R z4Icgmggo~bE z&Y;mrRmdCk#!W&zTL%k%+TdIHy{OGRKKvhpk6T$I%Iws**#OAALQ0*ZMb_4`3|zebBP-CdQt z3i$akShrl@raL?>ECZhGgw0}Ov0yRym(^|q*8dpcaX{5es#5>r!k^|^OeVxR35xj~ zV{7EA{7x}rytcFg?`QoAiPd|{2+Jrf4PDwU=_Q8&Emg6zsd1!^C5|}e9iTEC@T7jg zFW0=%bBegP2ef*JoV{+BXaL6&`XV7{^~6(vh0aq0vwd2BZkql z)>`k-^J@JIKo8XiL62B0G%G&|MU@u)5Npad9DM&QW=A(S9p{ELQVFroAOAw*Yb=eW@J;-dB zl5LDKs4OS*Yg{|>IGQ>U9pLVS`cyV*HCT~|w7Qa0;v&mD68J>KZDY%{)^@W_4GU=k z<|y6|Uop!HOG?xd{BKY@0RSFX{FmEAMVQwJ~})ekn*XnPH1I=OH?MV znplffZr?$i9!6-?5R{UUa*iZIWAHChsjmEep)S9&STXuSP?^l|WrpkVQGEBVOJZRv z3+Wc-gH{oX(t(i$35|Iu4A#QqHl`NRB6uNYp5+!wV4mTQ!zBYFDX8oU7-89wBpa^h zMfr*ZqE%|$#=BT6k32E}CHGFS$cqKkMfssltDhcsacSa|bif&o3}K($Jzf}nX*q@6c2F zX>S}?=jPs7xngzp>Pjeo$rJMvw3M9Ub#mhCER(WY^!Ek{ms0zdR*Lh;oLbyH4=eXu zmG49V!0{8C8b<*8B(pdr+`U85v24hEQq0K2ulv|t-u5K9)itq?tfkWM;ooV(5w(6! z$E%kDSW?rYBM;Q1ed5)+AM4#XsDQqL{K~O($``42FJzhMY19(7Y+wN)6F*T8-`0-C zjL!sx{4`0y<0&$9A1uwzLW>|K%&z;}(WlVj)8oOr0iOYZT~+JZ-*U_PdgX&Svpge; zCT~xeHwC^5pl%0r1zSbw5H{CfDAns=la!89KJS0_?vcv8cB~10 zJT1l%s-kr7Q7%t@_*gtQ{4e*Z>pu9QW?Fx6|9s7oOW{zXe^KfaY5lr zd1}FpbK~ppSw)&y7kpLV6mMCZ&4b~DYw|8u=6<2dYR4^icNwZAlo7or5Lf*WZSNn)^D-=1@_e~1<9Taq( zosP!cixyeEWl#OLKz9MQqq@CU8=-0}Ce6uWyHDs_Llp;uWCf60PGbq9u!U%{4(>auueHEJ%b2ZinFJq7R7F zO=8q@29P1N=TzWqrGRbe-@-zNZ*2|@#?2k#n!a2f&n*ire`8UKc9yydo>N6m|((>rWr(VGt0?i%bX}~TxLX?Xc_An zFuAcC$Wx*$IBI1OM8E)#YUyZj2=)Y5J-gig_7Z0?guH(p>SC*h#s09-yPN*DrLDG#ycH zdN0wf5r=j2_&T~Cc>wu7e;A7aMm6jGe6n&&bsoVV0x6OT?jQ$==v!Z{Or;%I|5ucG z&gGH94$2`ObAf!tCp+-$S2<#?XWM$rERc<>3+g#g` z`PU+Korwol7SqcU+Bt!@A~>$rmm7n~7zzDSY)(gW=H|~3pxcz?a<3~>^DT*995KLN zpa(2eIQ#zO#{6@rQUuMBawsJDx)&KZ$BS@gwmH;i@b;Yz)35xFC_SmM1o% zvbV7t;lJuMA>ahbFttUw;e;hP`Jes&SYG?&?E~DP$$D=I8T{S*j`YG;F1l6ROb9Xh zBw_Ac;CxM8z?gwXq8qJgbZh@i)!6($*+AUj&X>$WFHRhAJ+|T<6`3O^-W3OwYWFl^ z0d#|gyN8&zk9z1^?5LHtnLK8d^X>zWQivdel*wV2GK69jqpe_(d61#BY-g6xdS}CP zQxSCPv$b8NkSAH(R(yEsFI;rxkud`AKIB7#dRyj!i@2J`gnA~9f@iKjhbZH{Z@` zuI&^g`_X9R%4C#}XZLm98FUca>m(!#FoaCAT&Ob4GVv&nrQ_rP%Fk|_rsMbA#!l{A z;!?A{68L`(Fbs$tW!^W#T$JJXB+DBWbypx=qwAOc1FNU?4&`|7NYFE{ctX-+F{k-& z5+czx>>Z-o1^FZ9f{YHX=D9EY=Ota}eE#N@DpibXX<>9ZU4V3|Kz!-?SX6E3c?dy+QkZW`eL=1bXMi{nH=qsknmUSAF(R= zS$^mfH5M)VtL9iTioD%QWz|~FHkRt`T{rP!w_TVeK3-0tFK%$Z zH1^Jj(bGYvIrHzr+F`H2?78Ck;q#)KjC~)uk+jfT>)ku&$;nO=F|>bw`e?3qvBog> z&GXPo)BkNP$WeR-e^tAwSTuy$ENh3T8N&0oS@vtc$Q3I6BMgKSc0Y}Sf~sy~`q?M$Ryi|pekkx@F z$<;#|vqTvcMnx7MXOGu%Il>qy?SHCJSXxxoRnNkdD^?SVj5eswkevnBP2 z62p9ZBNw-k+H;rsl}^gS!jbQ{X}j%uHe;#igRyJg$=fD>zv(kAC>br)8Vr1$_G)Wx zyRI*W$+SvzBZRn!MTZ|QY#r-q+q3@fUH||Xn^E76NQ03~&6(l(B#P?E$Fz&7HN!{T z#)UFNluimoX;8V6&(LQwbf7)Y1-ZIL-)hI;YFp}uMB3f0A6NQ0=Gte#HavV_Y0a)1 zJ4_C!#Ek116sim}fCBWCF@9D|HxE1pE=QZHpaqzS&wTPYvGLztgR3c%5 z-{+;(C=Ab-BWSzCSwOFM0I{1*R;SzP`hca*VP`_R06+ivVM&{JedOE?SYENRs8J%= zH`jflyHy|Wn14(54&=e0F5r)uS@C3~ugjd&9*4gXAJQ*1G{-w$j2xOaoXh1O1|oM6 zDyf({GVn%Ip$V=hLTZgjaYNdld%IU(7T-)MX>>VNyUHCdzcvU*O((!rhq-f0R zyVjQzVaJnyNbc8}$Zo(~!Bnv^Fj@BxAS%<}#I%?6)RoahO&Jn3yYM1SxiM~hQoil& z72-(YLZIF?QSIY?!i*llK(vyem&Po5!p;s)Xte&Vyn>p;M~TvJu_$viq7mq;(HL@a8<6H|h^MD4^OmN^Qg@cY&S%3%3z*>x2^k}pOD;nz5^liM8AGKS6T7&^1dAKE6$+~Lp!BY1M3g=6@RE%l;CM90yttC!!12yX zQMs5)d&QSuYM*DvkqK%@S-kMkB2O+6iVuL&iu`r(yC3MWbUZET!w#w|)}cpGOqwK1 z(CAHvjp&Q6AIi*AM@L8X&mme~gP@thT$5FtDl_$GNP$&R)pGFV2h0nqX~^TqzqQJff(-Y( z8IvKA3c8xY2^_)j8);Q`+MRtJr_+{?^@1oK$PR;D8T8dF*Df_xOUQhRt%6P({n-n0 zrS|U04BI>weMC@Aer8m<@zptb;ky@tp1z{;=rOc}wYD@{PZl2cp&b_A6??NM2CDS5 zVtguy>bh!T)TI_}J7=Pv98*53c83k5@s80%$kcSgxLQHM`lYsqQ3v-u*mzOn=aDg{ z*&YPFG#-BF;pEOARNe4ZVP;@sAqM)|ho!55l$2BYIhXdu-m9w>)GNy zP?Rw~*EUa(q&!XUQ>@-D!59n_mKpahnO%ZKhDAS*4v0h-`?Q_?l^c$x?l_{!OMau{ z{(7-txvp{n&+=|j!GeA_e~)U6XUa(_*d`3eCbFB(x9Zy(ok1Eqrx|Y9T?|Xmmr_>1 z${)ydgUzr5Ye5ZZ23}7Tls~MuogJM}e{P<1AyR%Y*2e zg9U)^+|59GR|9&q^Bv0buiW9q<{Xn@&$8CnY+@cF(o4P)|GB!06OE~TJ=G| z_64g)$kb$3y{+$0;dJ1XPK7A}1Pg!}>x6){Mm(!meWU2#+!lj~1dq z`Zr6;c!yPrgHeqjqlOgKgHw@)aAOWkGiJsEYVb2MGdH{Yd*Iz5p*f;z2?^zRdji$3 zj9m*=lfrl^QoRY$p%KT2|5ObrigV5R#cP2oQu>ax=H@iop5{+In9#E2v1YpPu0B|5 zAK5vWr@Y+2HhtY&-6v>l3MAd7B(DWUIQ~~QQ60m%8yL@UrJ;EvLC2S)oX`mWsL(nlY5EZLikG{7VRL8 zoPLx4RvSV?A1#9$<=+^V~`*}Shfz#gE= z?#%^dgrT2G+bksVU)#2q&ORWsd>CDqgjsTSx1X(ku4-nNIspk{0B?9Wn(UWr&)T~| zl}d7GOGTigd$jkJt_Uijf3Rn>L~{;fj+PTyBmwDhC5oxH?70@jdmGLT)Tq~ zll!=PK-p7Mm+v}%=pH=UT@(QQ1SNK*^sU?;J%D4Di_*g3CPyHe$o7PvWevNdPo2c# zfo<=X0bpXFQD0J}+R$d)&GkP}?9ZZY%?Sp<72tF#m!D1uj1IZbaG`eOQotd%(6E}h zy;`O8LmQ!9%i*ST@dW+9^_MPKyt7(2xeSf}*+|u)L5x2Ps8C+y#@7y8I%NvQjRRj4Z43lQfFRA%(ROp_l#(eB+6#p*YNYcH1yeOYDEe&S4@1j(2_{97*x<A9@slmqjRgMVgR*m~@{-rIRS>Zj&{CJ7 zwM(J<8>ken?xNK>=NgIkz77J>%bcA54u314pC!?<&Fo6r3Q0op&YJE07PhACPSpU% zfh6fy(r#}}%|FeABiVM|}gb8^c%HQccpsKyn zIDG#5`0Y!GG>B}_DC`^JD=b6rDgnOI#;J6_H1qe1R`z>V^cn_z?G981g3-UpYz9Fk zbpzK~^LP^k4(D@UBq2MGBVOwoY?`$lF-YVfG)OVsv?azSj!!Lt9lA1;oC7O9xEJ3? zHr6CR)nmN6RtGIh@}_4pct0~tK01mxS$y}W_!FJVysA`N#NiIm5j#8UE#OyI&7Its zU~8k2%A=`+mJ>(&34k#t0U%==lL6&;VT-!GH+B#3=PaBQoUZ|>B<}(0?rYPe_xJVI z>g`)?-A@)52#%tlQ-Xb~fS&T75M^@oF~uHF?Icjx+M2gpj0vI9s`>jTEQ;unD4yYo zX}PTELjqe!Z=~gwF%)KEfL%{eoYXXq)lE(of?V8Rd{>O(di2Z7YiP&v^~yEUA(-@# zp22=%MPXP=PrOi5`J3F6jizbigAzB$0F}5KW(OZJnh99Mb#ATs>!U~is7O&v*iML! ziuZSS$}e$)bP&qBL3Rmv)~mO+SXwTW6~kVDZis5inEDzg;yo+h0T)ouNEy@cNytG? z?IPAEKbvOippejaP-YU9DO>Frd^&FO z-pswomoK_*$Y)BpS041?6YYDW6yN)NV{CfEnE|Ghq)5(4NFtT0<;j5|Guy>qCG@x7 zWcNU^vu3qCO`U5EvUKK;J^CDe;)NE=rq~Tq^7nX;nm18h?C1aB(LiR##n**<^4G!hYez=}T=C^>8F6U#BfXif2@%ex zzaGall_gr$b}lT{L4J8#v3j$}LF{m>lY<<%1Oz8G$EZ^?>8win1T?e6|kEsopm7vAg?k_WZQd7&UF!b@K~S=G8Gb zlP)6WwK`8U@iM32)a3{j1AV_Ogx~Az2`jQoDjocx=9$zUR>0nef6JXy?I7g{G2R^mDzteBv!yn$>TwthNdW8{;wXJrD~4-!9jN-CF{YnA^rfBYcRwBLnr z=yOgF@~zkS0V{kNvUWN=2tx2zamOvgi*xwgH7iBY^+03?gIq4xctYiafniLmVzF!s``(#0j zxUigQ0=R^K6o<*k+FR3sM1Js2Db5O4<}GpbI^O(}1EW8{RIN{$bI5*}nAMj5EpIC< znk8vW9`I^q>16U7ljke>;t}vr1H2*iGaUR4F&%dn(5Xw<_y5>{OV&vV{i229ce6

    1tOG;q9f4nwBnHbKD?$8Uo?PGFqPL7!CNV_z zi&k1TX+2+|Qi9aBin}7BmF!R}M@JkwPMjg%#={{HnB8r-43v}9a+}s{yu9yy6fK`eHr$!nRJ*{< z*&b}*^(6!(HC2;+6=l;Sll{bYqK1{@OI||Gv|SI7Iukfja;t-G5f@&Y{L&T;1pU0EB`as;KN z>*@HQlBhu`F7dZ050h)KqGs9`%{Yknr>h1) zMs8M?gMSenL##bEA~)L#^Uk-1fe|L-xdhqe;N0ro&J~rmraPO(u{k~z4y(cJ@SX^j z_}nyy;!6D=r)<$je)FG?BwR=c+fk6|_e>es1K01t@3PxG8$ci$p`x$>eU7o%XYy?` zq-uL&dd|2@k0nJ$I})NiHA4tUB;xoerdZLkxz4z%+>Tv zvl@T_**-rH1eB=C7>n{e7z8T4K=eBZRC`eUS+b=(iHt^e*hU|({p~DJTZXoUV=Z5O z_Q!WaWIYj@)AOs@skT=i*dT2KRf+$$S?4{|~xovQySKFJBc~;vL+)C!Y9fl zsS`$+FPUAP%@PY__m*-MsG;e-!YR3Hj2{k$C(ws`YuN#fv*Qk(ZP8H*J4;b*h5cZ)Rf}7dSSSi@s{7OYMoN(eOeVF{k;jqee22U}VMQ0zYv9<+`Xw$G=J_x) z{cTFRd37$sE+a_ux?W<5pVFUVf@8>g6nP_+DdEk)L;s1(>4r;cQn75B$xZ0d@~GYe!L;lWQd19OV7PW zjE80)G*4<15ij_YZRzXmZhoz;8<=-7rX11H-n-)_#if4j%0tcnGy@)90hxXKvV5o$ zeM(x&eIWc`59OQ~z|#vQ^OoFy=Gye*b-?RA#i2y2)oA}kH{N|5yJA6nm7x@c8AOni zz`|%`X})_sS!AI>28jx`OBZkKHI4p2v+VTRpN^H|sE!HuS#|Uv*8@WOUZvm_o*#%X zceJf{o~`c@jpuN0X(ei4! zeH6J`GxwAP5H)Rm2K-y`OKClRAx(27=wf1^3Lg=^qMByPEkeun(yT`{Ny5X_^LEeW z{0?@FuB@QcjpgpJ7s$h{sqDr?g;?U2Z|iO4^hzJnO+`a|Y>&0Iwa1+;){qi{v_a-2 zZr>kb*PQNmC7dL*o$ho_Te5vn^K}*0W*JnAp~QEe{=0au3lvvBOKhogExUmNxI$i) zcHZ3YU#|au7GUBbKubIG`#EnNs&Jg_l$RLmsFLOv7Wzl&Oz-mLon7Z-c!`;82p)ZK zQelGmX5lCz&Ay37CNkf%%`wr`(|^q6ZsCj&mwZ9Cf;!e7=eD8YccV!=u1{`Om=4L z8yS%1NwE8ft4hrG9pnN`2Qf3GBev+X0h1G4Z^`xqT!Bkmiv9Yw2 z5PeD&IGYCUdi&YC`9=>!JPl_&c^R+dpu(q&0ef*Pu)Lfuv8mgm!b4`r=+5n^8RHV- zGAlMDs6~RZM8VXZRks~AB}OUPBP#XM32SdB&W{StI=_w&Y{nx2!Efc>)Xd68aY}})~3nOWi4)b+@@G{cuC|W=IVH1$8$L_ z1~+73*=0xxj}{vr?+f&g$Fag`-DlMw+m?hpD=k5R6vvy1$`EHQvC56+@t?Gayv;lf zjizU#Y?b=kGHF__!A#z<<>8hr8f7m77T@SU8*cxQTq@pxLTi4KDzhD>xyPcxQL=N` zbHdGb8ocm5tDiHD89QkGP|ua<1XuUIji)mxYW4E@9P(sBB{MLj!RM}eq{0_@Y!^gn zyC6DDjeo!M@l97kVWoonb*HDauInBiNG0Yl-n$rKrw#EI4>2(^I-B_AAY3-`{4g+Y zqBANtp4MSvI{u+?T%jh?zPZufW7<&5w8_S&@?uFGy~mgzZ|mtGb;YK7A~-r)Ccrm3 zR4Iw4VX%IsS0GxAcb~OkdJhc*VvzkHQkX)3ra_$RxYf0>@o+J2o7iv9P_q{iTvjNz zn{eBs!%H8l-JhL*U3Uc`oh~{VR9tnk3bCBXgwSYS`smICuJZ=PNSYM>iz=m~?fiPA zHV77z_*AA=J!ZD_S5|iOYM4q6CntC@I{|MqaYn(h>A%~R6Z|ka(4WF8wY#0i)ep)>6*5|&pn#Z?k)JQcK76(&d(H4|$Lnu&iL|hHGL=E^J?v3?zDj?3 zKQedoT5b1ICE@2l8+2hS6G`K+S-G4E*S0S!o>V4FTyL7yLQo@=C#+CdJ0C>^Q>Ua* ztH!z3R71Z*o$hY3#Py3gpB2+%ACa03i)Ty=sopAl2k!d|M>FR7L%^0N@??)o%b^Vks0BnLs5Bw}k82V!ht9W)p-c!!+%G%4t8Sfs4xt{JKD?tiND>>h=!7*1uVctf1y(lFf2qtYg;4?XHxVjE87ydw;*fNI5`^Hg~_|tG9>DyA2G4=#MrU!_?H}3gL zk@z1jtcg*-?cUD<^3!KHUV^rpXXC8!HZcDp%|^NBum@0jLwtc=O*zfWR@ouPRX zt2F*U5^v^}$k`-t(@>;gACOTI62`u5%Ee$I#le~Up=-jtG914!Z=_wYPF3d6q_%$%7X&#?Qkarjol=#~3`otjo&_8_q% zfCsN_bE(+u=P$6xX8B8#A9>OtgzIiQ?@jr0pWy9btHQ^2EbMd~4KH4n8sVrBVg9mz zD-%YqQEhZm&Btc^oe%(4^r3bLYWP{+v=G^-OWCjgNWqfb^xH%GuF^cad0r%Pev$tY zIHcOpE=|;IPpRc4N)J)?qJ>DBZmx(vP>&KVB*;bX?z8k}JT=kNbv|1FFt7)>IbszB zFm1UEiV^wP^u2H<_{hrJq9TjaQ?qxY+v+U*XN_@<7VJl)?i0s-U`l z)4$}VUjQ&<5+u? zm3HIu>dw+?XseCE-q>1bi0bF5=8E(IE9=V{{a!f}O=Xh_Y{N`y%gkGq$vG~hnt@ke zwTns+hV%+;H!3}-@``Gp7-ZbiO*pD6_Zyw3^g|7pjmKpLF3w)jZld<6U9jqamG&#n zaq)FVCQb}iPa+ptlRQ4fVXEqzXgVbJUv1vN?E5>f43Nmt%$w|vz8#9+tGT-xi%hVdkufcQqqnX#v&C)_Nn#A&BkQcd}34W}Uwtmcg?7 z;-gW0k^6xqCMK2CVCzKbBALqmulrPQdQo#!)p++z&Z^QC+KtK=&#T`NQ$FCdIaCXc zP2EOtdO!L-Y_k}j`9010*c|@0UWcO)TX)z@(($-@v~$=cmeZ+ptYoNPN!~E*<}h9S zFTQg8ndR2@_UM04NaN2vY_*xX*z=xkDrA1lyf7jGWc8VC_`eRn)a->v*lPVW=3BQ!agBX_y{>W&Io#RAWiV*1v{u` zm3K-rhmj{`*-FW8VO(nTV}i` zu(S})3hZr;?&Ka&6N|nS4T6!^moBuG?n2 zN!-9oD(}ku2W!5qze!}yUL!6gV1w9|`B=63AI&WdNT-}VIZFd;s*+Gjb|8>Eo4kOh zYKxb658k;yc0TfiH1>6Tyqm8_X6C(7rM}1QR&)7bF}{P78hfF_++1fp8$FR8tc5&r zH6eP>y(J+i6`Vae8jk9W3Q_&zP5C;Vp7)oobh(g`J?WI4A7~^<$ocEuhkFtvD)#`Py7hPPh`g4k^aq2$`RbPcY^ z`%DEdpG}9WtJ?!70_6m|t%f;uG%Mj@m#0^d-T3(P&B!Mc*g91F!%vEWnojr>gkZ~r zxB>JTTpAMZ$*5ByveBe!U!`Bks+2-k0=~2JwQ5T`4fx+-AHDs5{kBvAr7eMzi-YVy z?F!-W&0tRI)EKsEplSSITm5v+c#dqt+S?fwy$Yo2-~o$fn4k>b>ZCrx(GlAmbr+`| z84?m=LdZ0I>$rHH%ffjKhyfG+4|gSQ7O)kfnLi5@S4Nrf7ZiY`E9MIo z{CEF)#!{i6|NbPO73eaKRNwC_->!jdPjwH4|) zLU!32agO%#h7%GiVg_w%Dj_>7_UDUXlvEpB>7^W|U%za}s<4KyV!u8rlqnPiWz4>G zh{MM;ynoLGo|>4gZ>2*b<#iZZH%pzIV6a5qcK^k6L7UJoD=iUlX5%#O7SCn1v}ZF0 z(elNp9GVPdfRW+9Pbifr*GW=!OsueL511;{)gIk=# zJ{xdTPo?8DTFO@9OjS-$TR00nT_K*}y9_D^oZD+WGOaB&8BKi_E-(H zY{pwrhuu?S`6LhtRbN6LXvXLGD!Ss1%HHS=DJ#Fo?RMt4`+qc@cQo7o`~E{!6}5NONK314wRde% zYHzJQN{O1WH&tTODuSYFhETP|tPyID*n7mLR?YBxeSYVB|4jbKIXQXd`MmGzzV62* z7W(+ynkD_ONAow=V;7c=4z5vxLw|IwkjMJ>!}=viz`Nv zf$~$@oW<^iMvd{_I)1q&j;SmcxtnhnCi7R>SQ_~HmKGQ zR=Rey2a3!`XZl*ZOFWegsG1Tdh+^PlXH6SM64 zn=&WU(liZ8T>)?9la8nzz+PmvL&FhBuPje!W@k6&X_krmRI;YAX+^qeeqB3Ww9_9A zr4>~8?f9I+J2P!Iii>gPfcRdL{U|jx;7KF3r@l8;R9)`X@`8)9GK$ke*^@=(cV02^ zaKX@VQ<>9wQIVs-&d?COd^%l3_vhb^O3{y|SfeEy&0yLPuuZ}VqA@NS>a31xm6j!R zuAXZRzvKW%tbOY@pSK}$z~%ht{9#1KKuu%-W1Pg2{FLw-T|L=-pR^s1 zsXdypUq*&XXTTG)uZ_!KCZE$(a(`&s@XWzZ*q0D2=$`WSXef!4&gZ4DKq!YyTdo+MDFJAs*Z2Z`medRc{7C00FD06uQE}U52*n*LX>?xd)-0x zEFJ9j{N}D2Za;8TqL3%t=jr3IbeZ20joouGtL4DM5QV=9%p_YcI<7fwsj7_b4%RWm zSQ9~<=jZmdF`%&CzIWmUWq^6k9*JsxqU0)etWz3tloZ$Tw`rnLOds}fq1va5gk47? z3(m~SnJ4NFV^gUK-+(i%j5*~?}@JidN+s_cJIJ^CFI9X zV$ds^5vyy#QLCv|c|ud=4r2+;5VTg~rD-=LCenD8m&4dDbHtYp zDv8z@6Cvkv*PEh&(^es3XT08qT(1Wm;Fmr9>t71#FJGU|8pEHBPENS=c{B{zGxX^T zf19jXgQU0Rp0YXRsAfGTR;0S~J0DkSVpHB+DhaOe@{+HD`%-DeML;uXV*mWA?b~A( zQ@DqCNpmMJlV1}guN<&LQ2qi@(+5auw8G05zo`G*VNaGV4P9&s#wtTm(fZF)=9=q* z(F6Oz(z}UKGQuqKgVJ%+W>^t-mdLz9-T2t&>5WdM&K8sD`nx_K(eOrx1E}_p_&q5$ zim^A)J=EE}0AV9iaQVXj>LTqdE}fPuufw1_Yxq$=XhaN0Cgf5QgYp3YEZy|!lB5dv z-sf^|Ok4(wcOO0fM}ssmwVd>C7^oC9o&0wp3El=(^P>JsA+Ts>p^OS5B54Wsedc$w zyx|jaeGH7qPO-C5Q5`OIi;q^^+=Rhm`e$i#CyeaEpz(>{ECDSRkO*2zNm^Z@As$zg z=}j-m23r)N7TR&KAoC@Gp#GrbhGPE&R4Y1~p@iq;R8Tfi!%jZ7L9Y8da~@EWE_l2V zZ>&UbILo4j()wJoBCofUwKS}(8c#t#@2_#>H=paaQqEeQ8%GQBAMk-`kTG{?o(ktE zGZQqtQ*&wdIpFK(;R55b)YT+wEut?PYiC}3y-%g7iPHZQx?tFD)>w8t3KhntNnc5n z333^c{ozdcoEPbR-1&r%pP~8hBSbNWi+UhLLo!Ush9%M(mE&^%_t7_@Pgc2WM5eg^ zEh=c3lF?Dv-do^R$MNx0qGNhYK1tH|^fd5kLd*;ww#e+M{rPW4goBFFwi&%Zg+@!;{3i+6HP9NIVt3C8qS>}zqow{MxV z2Z5scPQ6W2uf`5%D_XB{eRT&zLy{YXc`iOhv>*$dSB7`9)6R3KWRS_+HRg6N1iyaB zlQ8`G7=JhpL8Mz!WI0^f^03}xwyCyYvtuXBsyIGg_n+Hq!LRH^QL-0W>m)De*|WmD zPrOoVyq`Xo_Dlu_eh~T5b+O6L*I3&z8dF*NZ?i!#3pE350B3~SVLy1$>Y={HQwG)|c8 z$lWXtS+@A~M1$8W^7FS{!a+A59!NZm3>r=rR@nQh9LT^1NrcSfcCK1M+&tyQDP zL~skuwMJ^PkG$&&zVX9)3(9LyUgiwIyi|_uApPRvB1=D`+nrb0AkAdMj}2qZbbc|% z`XT)n{9`63)A#d2RYdn^kD0lI{s>)pmyx%XVG0!gjaM|K+A)kJkz!<}9~8hz!S@nx zy0n>-QeXf2Yt2-*bEX z+m5!XRfnBCkc{NVgI@$BBS}myJ6y2)pH8+seW$mgq0SEYN#gw)GnaZ4Z)K2tnu>+ihf%@h0> z>G{t^8T0Z=kLMtbI1=QqiEc>VE7P{{uPI8xt02juPNIaGn!iDj7I3OC3l1O1Jg>4& z!CTb)BQ>6$T&O#rJV{eyZa}>RfaUf#b`4KBDTMD#F%oYy|OL}C;dm{HRL_kb9lSE>PhJ+`1Gm>mqkUeJ6l^oYDM+@o@pu@f6 zM_&&UbFSD~0Q1mbDNFCwDG22B#xu}M3fyKgdF;%vm6ri;EP+=q%!w2>?mOU+qsk_* zj3q^zbKPxRPtEDex_Qul}71B(%o7o1cho`8o*v2ThreQmY=8oFb77mSTbC z_Q>ZoH8V4ZKTUT6o4?J|6D-KhyYzilXNeRns1DlL59@%z3~%?0U2nI}LRi#V%x3n) zLh%2vj1~KlS!!ThwKu2A6DU|0y^#X?n6Lq%TNed^k}?(;6gq4E;Rgj&#At_(FIR^S z*mDLo^Cyg)65WV>R3SPZ^!O|ra?q*(;37x~?*ZzBS=XZu{QPO{+{7o^$0NaYi`yEC zk#YQouVz6DVM%`^x~4v|T(xXGqFcHaWHB?ynW3k1GQOxiWfyQCc#Jo#K6X}^}4$QnnI>50`OOoqK_ z$V#HARIb!=_)zxFzHy*Lp$kqDYBJW=P-Zx8#j2)pLSR#U2h^rfh{H+3w>KGH>J*}$i>@pGH`Q1pcLCb zN#|VrWQ9e|f@{sX5XsW182b6+CO=;$8q2hc3y(eX^1Ah{K>X1_M=(o&Q%&Q;KXw+4 zCzF&Gq#;3sv9!N(U$ zgb&@AS*3|2YYTjRwKSSgf%E-<&Qnu+rmfxD6ml)T7$`$w=ltRXC0T$^_ZjWe;=2 z)=zer4asXa2aEow-%#&{1(!+D0#B)ZT773{)Bw3!@3MNdp5xn{4ObPlCSEew%-&PQ zK!4fEn)QB^7+6HvXLb*`M6wDiQ$7^-HR_O8jYCqRqiEP@W6l`b2Y?z%{nv{uI=FZ_ zOvFT!1!!;da1)pFhkwrl#l+&6B5H^mIRvrW&0bGLl&N25MSk{BLwaQXN0^e8SxO|{ zH8)Z~2IlKiBZ*pdVPYDtRCFE)6cFX+MNHI$v?L`w4A}|?CBHvg-V#bp@%ix)kuLnt zg7ztg=LR>pQx zj5I%JJm3Ij!#v^D984Llh&f&_6OCntZSlKDKVX!o`Yj?CfF$8)A=a$@tWB(R&OczhAQsB1vy zkI5t-OH@g-MgmO3V-7+;_p$S3h0`03>wz zVsUPOLdGk@`_jV4!8X4zMVL3H znzjvtb$-rJx6IjUIr1?k7G`St8qUYmNM!L7oIIXm>7uczx%K^@`>OLJugBZssIj@V z*)$~%bT#E8vYgaisOy^!AbTvQP{H5}vSG4DO|3>$lvY&h9S%6*_GevN<}|-#o-H`h z!lZZ43dpq&a-!U&b}4!AG097r{4L}HB-G`oSH(RN$g`mWg7~PY55_Y!y9MP1hTpQSyBF!#{D6>qA+yLy(dP zJ)hx>_gUr#p89;Y|6V?!_d8pbp$3kV9dv+~D++65>N@+$E;9@N#dysxv!S8+Tx#Vg z+<{`0%o9w%KzTK>HBpBlUB2-9{hq*y)dW znYZmqXzuv0GIA%nI?#DdLqcc0(9Rw5;*Y7jnZaOc!%VnR!>n=b@L6)o7(<@ijl z70tKPdOO=1{$e)z5);`C@@p?I>lZce(5$DR0~mj-X*jY(;w3Vq=mnw{ zu1wI#8t%lzA+#e6c7i1oMkwwMgWRc0@nsra_vq8G?WNMJ@^`{7-$B1P|J7$c+}gVE zoht2-9@?m?<}PsS)lk|p-`9%zOd~OeTko5slsvqUial8fP?Juvex?jrsn-#&i+{-M z@wxt{ar?qQ_P|I}X}(PZZT$v%x9F|6see-H)vf$m!0Sz_3 zA=F7pyT;}KTBx)fiXPwIPlf$r6zscbsxG|3zxh*iw|BlWi@(nWE={FF@AfG2GfeE) z45Ytw)8k8u(z^#8N#$wNbl&Jd=>$Zj@s^<)PlUi;cZx#>DF|W98^5LIVE@;SX-*lgwkhS@SFFhWS<^MV^U0`E z{`tinp9WL~ke6KS3rbe9WOxNFD^F%D^4|L{oJI zW>30j!JiqJ9pnsc0Jeymlfdc3j-9c?0X*Jk@wOPp8P3n;v$av0a&QLTjuxYd$$&>3 zA=lpRryUO@|HIIN?GlO;EWi1rW=Tl5o9Z8r_QkjmZlLb@Rz@%4K3R&*#j%q8oU(gt03(!VmHJe=j9KHpT8XH8t_WV!DDW+@uuuB?#-0HS%r*PYRbx zl$jw9Q9{vv=1#`^D^x)bS6jKm4coLCOMjGA4k3h3

    c6rxKI*rg6_%^Uh(5|5j$Sj0(R&&ypew_b;Y+;%a#wgz5x ziD=z!?^MhK1toC3;2}g@8{eM@=S)KF$8@x=nk896;RPve3Yv&#LQ1tSjh~osleGwZ ze;HVB(R#Ivp&Vj_{l|s>dlO`8s;>-EX`HwjJ3g&{$g@#s4;mB5`WL`Gn1y~lB@iiO z2J|3e0S%Ww;%G*C);WHUwag6%Od18f-4?=831hkUZ!-B8tNC_j5RT6zxlBxB|MDAi z|L&x2bVk)2cX^M|xs>t!%IuyA*vYf6@z&o%3I0HG*zm1i2WERe4n_4TMl{z9$%&(R zPRr~1gsyKro2RR|-li_pM9S1(A@-XE->>Ny&SU5EOh3O?{rxV|I+X2QsDMS=`G!D; zz(+=bRe}Y96AlfICqKAEM9d4eGlc%LO?dgOeIBTgUa+O+^dRB8$9mRZlc~k=^{$q{ z+E5GMzW2v!u>lxK(`*@^*nf(bTSKi4Q{{I?*6nMyj{s7-W(+k)IOX_2p`PnLWrSzt zd_EI(ZeMg#;;O_z6;e>2ho0dZ>nmK_J1dIM)`fJwJ&w-{hIlX>&u75KIgU+0_oksIdf$TC=uLu@9j501J9y8$QH?o&XSa-{4HGTrC zlPl0uA_+Cf;B%~pprV;O+e*D=oR6fxuDX*$W<-d~4J{Xe#Yc}`qBO=*DjE>hzF@*J zLy??>14THswWj7xNH2o21G>B#8p3j;d67ibZh{fk(EH&r@~Z~aN|Rs02gW`aHO|?n zWe*lc#%__eX3kf0gZF%;zUs~O8f2)5z>#g!arB@2)PghJ_czK2KImF?ZM*73_slDk-_GdC$H^JX=9W8EbxLiM^`SPS0&ZHN$$T4MF5R(|p%fwOZ{ zL3e2psM&)>LJ0W9APHy^3Ly3s*RoWc zSl$;QBSNajpme4@gr+{H6m}+C+P8j|^>(*NZpXvbe$wZP)pzq!FXLFg-1Q(^E~shy z3cdP0#Xgpq%>3cyh|0`wDh*EGX~*{}olzJsf&qChh!OyDxU$p*YnXnVF*W6OLci8(J`~MVZ=OF;Rt}m>WSCl1{JG0# zRl=ArdZ)C;U-NCuMv&sR*;}&CESsYS+21~&YfNUNs9QoV`Gl+38IQuOa|@pjivI=6 zYhFn2zT@D~ORkckpcaf|QvCbkXKbyKmFU|)Dz0RRkvldT=FFSg;V=4481mXi7I#7F zWpPNU=$^MZY%b0D0DKt8Yk+*T(a8W%@T)Fp3eJAiw>w`4ycR-x`qR*R!)FCX8@7Qb z_cbv3h(6xunAP6@V2qmatNAl@aR{tih8_03u1vN)dki`@lEju|%q*QpnSmOlR4u%! zK!6>FbPiWT$GCdC15tJT)>b1Hp`2}7Zs6Zc4KHFJ>xn4RD2s5Cqp(Rr*6+IYpm22w zb&^1C_CCZKT+=f|dVXOcjMHCPD>}4=Ka`%3nv<%y^b5l;rZ$mDM;H7s&zsF>ZYxaW zy7PZ{SB?&6pw3=Z7BV5%ZgnOqq!y}@50^zWA#wS7P9*ONRg?6eyh?oeH=y^pXPlf0 z`lVsqN8G1lSUK-?=|)3Lb>a5o=&Z3XD#kUv=*+8GG``RHAUourh`>C1!m313T#>s` z{i=XeAAlKPQm!7SkpK#!_ao{~>`tBE9_2$xVjnF&5C9k&u((1a^#*_-(L9@zP&Dwf zWzNMzHCG^w1}=kDXB;g^%<1_AbGuRR66pllllG+~%zr#^zVw+DrlEZq#RjrL85)p~ zEbnfJ$}>V^zZGfcBUdG`Gd6JmxPX@P?!PrE^BYmO^_Mewn_>sAQUOR6V761P%<+o`1u>$jlf9|Nf?|jG7M1&@D|;( z-~Z0l6L2Gc$6b7+u(SIe)E3n+Xc>j{A02-9h7dA_8t(;?m{gyuiI0uErSoIMTXF^@fqOujws_HHkp|Z6F`bB z9=C_?nNve-_|30Jp;1tDb1RVjx;VrpH?=1Q{BoeHY4JrG8x41v6LYQq1UP&HU_Y!n zmv7HoZ%#0BH`Z#=O7gg?!zY?8!Kd4cH!Eqax7dv#HVc}W9iIb4@leCiG}fxbp| zSSWFeqpRjJFRM?qK=8`v>+Pzif)VZ+CSOhk$b-)Iao*^+dq((G}^N2+yqS!jqs^v*EHBKIaa*1%ktv}P2(_cg73JltT< zx7gmKFFy}6R?Q*>!gA}28a|z}N|SBjXlZ+&R~kETBd{>X7JPad+j^BdRdQNZ!$6tB7G!sc$pmo#QqfhNYTt4#AfT*&kInqchg|qBljb zekVZzBpRBYtUKOgluEK}MS7o@2@Y=r!VocYi{B_Pew((8N}8M@zbw#l{iT{i^6-pF zK_3k(z4f0tjdUbQ1WKg*XJ4eLAQG(Ff}(l3F{^K&PC=7rN*Gp9?rUm6Fw{=!(SRso zhV+Zz55icnzX*6SIHIivnhPSSsclX`&3F{ordH9Yz#!9ao9=*GHmMo!a>O{G46DU> z^5W0$#508>b~do{!TLN})0PQ3p7l#K|8RdE6wwJD`-`RsWm1FSs#?Ih*}`H@6B}Wb zZJKc@TUcYcX~ksZ`OW^{k<%bwukYY}DYv|Y)o~e;v zHo!l~=WNHdg)6UbzE(_7$ujn;9Lh(L63V2QQ>Ai2Sl^j&S$>?Fpp@?PxHC(Lnl0f6 zvsh);uV*63qvRQ#;|(?{hEXl8Q!b11bJ79l0)-L@MU1WsH#O|HY@GXvQ5{cIN-;vn6S$a)z^&AjICN>eSy{ zS_70DO#>DjDj>FxYObeubyP~bilkZ+(E^ebNmy}yZ0ZR0WhT9)8HNL)-*3MxbH1&O zyX#bHrAG2TO{SP7YH5yt2mvnSTetfc0Ri^Q1)^KW_JfC120!uUh))z?)AOo~ltm+! z{J73e9qfbeq|K-~FKF@dQi6?LL!KE~MPuoRP0Zpzkg_T07nA3_zre=_U0o+^)2plf z^1D4e0QFx`H(?}cJh#T)Fv$TuEiry1k_M~TgPJ@g&LGH7G3sd3NG#`rk=y&TY8SbG zKvMGitkbrhF1yV+8%qibjn5=8jw@-6ycBGGZ$rL6p(Cnt8&h0Lbp4t3`=7i@BYh=d zkf?#eff2n%zqEy8udO%gu0nrbsUcl@nyG>&^E7!UuLp;L0FT|T0$E||!ybV%N8iVE zJ*9@P^8NS)6`%GW*DWP8xUGXjWyrazj;I ziLajN|H2V$>K^IU$!XQ+E2oy!;(g^K_=+0n>`#6V4wL96gK|@j=_&fN3L97xe=O4U z_ebQdOqP#Jok(s>L7YnEt}Z6)>dwy2Fn|*=5N&=nHjiKG6L+mhjIyOg*Z0d^b@6A* z`9(t1%U|;5J6Cie8v4vj?4Iju-5(5_V-E_f2=8mGi0Lr1+n6<;o?FVYA8BKrTIfdWa$C8THF_ z3=$Gc@ZP)@#C+D2{>4UZX+GM zVjn|xr+#XU-Gb{WFVf!ydY8~M~xi}}{KXQfzy6G>%?FU8U4yfOkE zQDbC`8t>HFdlPwxMNu_fs>pY*o<)W!>lmh$5T=toDR(_fs5&Y8%=EFC4bwY>qVi?( zr?&gWH8CcSHB(;-NjTu_q9d1n>TnqG7}N8NJ7@EqVw^oOkWxk|S-5Z98eAzCe~S${ z%;}Lkzv8!OHLr+d`t2`jX7QnJ2m3{ZlFuje%;(J2)#au)=ce@*e|yq;-52sdBdB)p zwa;yH>-74`(Cul?nYoGAMatL>QvzlT@C8hi-dudSCy7}VA?Vj+p_O~{K%3p1dFm9u zjN88{lDoyFwVp@9gHKl3yO;_aGz!X$I)Jn>SId^b!y|fdQ$q^_YKM=1oC;h-U&Zfm zpTK?DN{EopF%$9(x@MVpkk)R1)etXT9xLLG_`BqBw%fk$B9mf5T@u5s1gJ&`C5|Wb zkAE93Vz&pW9(NkepgSC;<2jGKXY1Dg3wM8R=K^(;(4Z`@MRpUHwwRvHo6XGQsi`0F zJw?`F)9Z(NmkA0)xTl=2CRq35pkO4bW+wlj3K`LpmbP;$)fx~`gw(L&)+ z5vxirFr=^cy`;aOJaU&}CTnFmI0x1;^*~ib^KNaQ7t>{vTpZ}{mE8I7gWgp~#kLCB zfDcwz9S%^*PpbyXCl~LvZ%Dy2&+nR_*ST#wg^dx8i7d7nl*iPNbrJ1M>`#l+ z#0ow+{=`=Qn-k;3CMz7>Z!-qM(%B7DCnUq2sJ2K@s9^U>Z<;F0FwlH~G3iieLtapc zwZ_Gbh*Qy-NFly*(X^64|L4n+VW zOLtYnRr@(#`S=FpWNXN-5 z`+Wsi9R-r1O&BAGfKv7Pd&k7b&DhB8K`?|I9Spji>-6pGoerDTE0j#nfd$QNh?7%G z`%x-)CZ#*FAJ+VHOp-@0`* zuJ{Nx_kbkLolN}l=Aod^879$%mit#htcACVWF%Alc;rUK&|tDH3{{?U^pxek?ug&> z&CiB+pNNO@l_pZc1&NkG#E}lq2i8S40x*X2Z0#g*OzBEXhX&eD#mQbw_9@Tgt^6rq z{X%{9Lba2}4wO;EQeTZ6n>#YNKF{2^IK&p*a-Ot%UC!_Q4D5OH-B9<=GMyrM?|M}q z!ag)IV$6)rs+py{mhqJj|DuKVu?Af5DXU|~dm|B@BCTD>|Guk*RmV;uZdC#4xN z^tHT$d^|PDUUy_=PAU~9=VI?r?qrgR$dMJ+n;k2?w-ek0^dZ%xOhh(0-51LF!U|bQ z^LKC_5Z!peK|5}4cDYiPUt}8u_nUW)?QiCu5ei?V-(G8{-kO^*2%lu)t~-JSXs@2_ zh-4=eJqG`4FinsPrKI5i3%!9rTHd(%KFiKD3}9<>02zhE!$W2-9=6g+hqnvgWXQfeh;sESYAvGL|_VXM?oK zHIEt1H9%?Vk+}SK7PTpnW+yiR1eiU=Fmu?bZF$r+&$1h)P-(#g^%u2<3JQ88yOT>_!8r6DPcY|Y3n<;dZVoNOb;@5Pc#GtP_?6J;~ z`;@`wUBg|*2jv*Q1VQPhCf}o_qu!2Exyupbg4&!Q{2p*-d@DRs0Xm(kqQnfhVU3SgB`SYqOjN*q^18xy)$ZVB1@?{#SVljz8Qz1C|h!^NnOQqg$TSO^vev zM2w1l%)b+UUX!x=a~sYhP(-IsI@&qD(2Q0FISOgQP#&Ab%+d@r#*^6B6kcIp(thQPy(D0fr24UFVw16{;t8@NgT1o z8V&e&oOuGLjvOAYLQrYSpF<~TOR6`99G$HbzKKhZOSt3ft>As-rb;Ej~ z&d+gwamqgx_!M+OB>kiLHQv(kK4$@Uti$;**d*l)q`6tywwW^3{X(HJ)kJo4ub?!& z@IqycYR;7(eSLvTqvmW%TQZ_@M@?V`Bwg8}NNnZ^}`4Zg;IyT*#b?t?D*%s&`m z+*yjYY|wWhy5F2kDZdqi4F#fk3bQ<7I?E!7pOCTz?^YCZzj-JUHWTsMwqKJd$@T1M zVujvtOW&#pHH;*%u2oLcHfFg3|5ff9H_K?p2mUqxAz{q3Dn}imTu?olk2S*1ebeOp zE6pfMDp=822F194&}5BNs!v%;o*oQ*87i#1s()O|7zol}ReD!Qr|)b?WNRh8tmt&o;SAtVa9d5P!$TAyod0+N@F<`^w zc6CUEv4U&`d}dJel|vr2uj~F)UYLlxR{4!`-vm=TBwR_!?0zS2EL%?(9BS3S_V2L7 zz&zZXfyRcTyNgY}lNVb4l0DL;Qik?>CK1)6@7b^;4@GS4?DDqF?E1LL%Wnxq?paQD z;oN&bhylPx7a2n8nVNe^%I3~I4~-wo(uZ#aoU3ET#(f+SI_-pAugs`iHB(sWK5a4u zxHJAlWQcyGe5b5$3YZPyOAoSa{iu5GU644$mN51dIYS@>p#~#y{lmxqu@-$K!}QA1 z{RP?Q!l%~z`}?Hl&sB#@Rff7`!dT_mB4eFWwV4y1m52#S-!l)UE=olX3xe%XrodBxLLHn z0P*La2!6tA<)rU+cfL>V1z(>KL?^bHEA;j0Shn%HO|c(r9IQuBU7(k*zbB@MD@okaDunp2oLp-_A?4P0#jugTr`hJ_e(@y_Y< z(+=-I5^2-lB$fi-nX)=;uunZCcvJZ4Z&);WPbX(*dZ$Kb=ZEHnY%KtD$0@j>opcNi zZ7URt?=lp(PgOE$(xV)d`adrK0|?0gZv-SmO{8l4nre&Ht31^BK`k1*{aRCFsp_>8 z@;xOvZDZM61NE;BwWr9*yUuajV%DM{s!tq>Y+-sPJfHKN!mO}9@1t^T2jZxBx+z&5 z!FnCspY;-WGz&V{dIG7ccC*e4`*|;Aex#!DK+gETvzF_;@uTy0uFyvbn7YYH^ECd6 zkLe4n2|!9*X@R-Lht}(BN2fhcR!uL~q7D)9uO+FK<6{OttFwwy0E8u5(KxV|*5%Ht zBu5@}5Y+*Qr7h|?G6BAovnf)DQ^`-*;l+h{;0Umk30RvG)_qaKY4tRtr{JCM#Ha7f z#mpH_to@&s$o4D@yC5eb1Fe3i-7+VjpB4|yCq3RzB=xLlj5~4LDN>tfVPP+^ zXzR%12W|m4?k`in{O4%R8T5mNgE^qd{zePEH&*<8D8e%&#N>fr^R~9F0z@U0iWbPw z!qBzn8gU(&bqQ#GLg>Y)`bujtqMZ?d^EmY_;U_@ikve%q3taslxsPtVZOR-~7lpfoJpXem-8DW76sez8@Z&EQIMo)=cdZ21(_dzbZ)LoUgB*~ON z!f7)cVsQ-wZP<<%)CDQz ze?7AX+^WpgX?T- zv?7uG?-IK1K)!Lt_NQ$Z8r(>)S0*}F&tpDhv#h){y+aPx%k9c9wgD2Mqo!aX4I)$< z`-W9a5&}8hBhF}ZEsaQ`@+P2*LF1DV(2}bTBI3?KwA{iY?aWnbB@$Le5>2g|-gTEN zK%PYJ>{M8``2U=RZ%b%m+&vL#v!5X~DWhKO5AP=lM7DJvOKZcJF%4qY6spirQYITn zhH}R0oUNK*0XON|(XPYK+@17v=JdS8C+f5i?gYUX5%KkIt2MQaD>whcBHio_p8{&} z<#7)FE~mHT>_s0_5f3pEMa?Xn(oo1ndQbG%^Xds{vTxDP_!QX%g#}t8{UiNigP#(3 zG(BPRZTfEo)4_XYUq3p3K!o8em3-F&LA};Dbj-8Q);55C&2zD*9|@AwERbNk7ya>v z8%cCqRhms36;oD?%XY4d2yJqUda`c5<`^pzEP<2?ToLu1y>VuH0RM=yD@iX7JYjO@ zPV3mUy`6pHmgrx;yYhz}7KGQ%EE1Ttx|h^7Rolk0UCx9={{~1Ss92M~L-lEkOjquu z*ME;)3gk(KWogb_e-l<<>T?P9AB2-25%9)4|n7Pa&mS()Fh*e!#y}^ zD1Sit3$gP_IWoZ_KdYU)1V) z7ctdO1yxo_sugKQ>i8T6@j{N4H$P@(^!7PZxQVw{^%zfvCB1+JgS1)7k@sj)lC|y+ z(#9XOyulEG6)L93iaMMLB?lZuCF9JpWetPBqM7{OmWE2&--sk!;cwbM-do!z%jc$f zL8TkF1+9A-51^WzG)20P|E!A)q8#I*nM&z&-?$n>htGn@zbEVk%x?tcG`+|&xmZ5l z;8_mF$5tj$p3~Sa2I{V|S|jKkGv4Uhsba;& zg1Q6OgENdC3n+}|ag*-_G&=_AGV$%ly{4Unu=`tCZJQZ`Rm)RfGd#s`zmJG6@N2Z* zuSk;%?x!OhoUole9PZ~G6~Upz`|N4l*XY6dgX+@_;nWN1|D=!EJodMxqgbQc`b|nA z$*!Fd$&We1(^o#fQ3VYL)&mz3d+vL02FeoVfbrF%V#(h#ogFx8s<_lRPE+ZN*!v+3 z@l7}tGjGp6*Y9@DF%Z^|?7V_@?}9@D&TyA5^FB(04&EWHx4VZ`0|H6Q*RR_#J^K%j zR@0+>dymm7e0>f(&LJAa)ZeNgr@gUzMsFee|DF~z+*xNzl}kw%-k^&z zT!d(i@oujK6NNU289MM5(1nC$CkTV3{muoHWwW$2^P|6-beDKaGKE%gL8NPvsEVsJ(EATMo=B|rT9U)Eh$(k6}Z5AG#D9YTXrabvwr^YY3ohx z&Gk;s_4OorVEbZBW#{`XHa4yB-;&4ddegiM`DRz2@!46x;tEAj%T)Pox8+48;--r~ z1Q>fvMx^NL2`FWn3LEdlV}H;yxpM}yq|5|9UCWL^m;gKBIdXo1HM0q0fdLYQR0*rB zw&xFT2id!saE>i#IY3a(xjveN(NlyGmJ-ke`xg_oNeqpdMYas_Thg~#Ds~S;l4Kx62TH&{Sj`8?0Qf0rwO zJdDK9j55x?_H9KHhrp@Q#*Z*=p=`B5W{{~cq(`#E!O5Px0PYZ9z~xiY9&`_8-{ar|RBXmMq_pSZVyjv<*Lh{7v&yOnIa9;PL;| zBSdc-MUh|;3CY>&`O4l^CjREgLq)6gkT&-|EskzN>HTva8sWy|R~dwQI@3XLJV~MB$(R---7&+- zNz-s~aSk!<-)vD4iFdsIH-N6JRxwUx^nXA3j)K9Bg^aB>e zCiK+emItn!bkS4JY;sL2+CmB-tIeyG2pn=JHZ2=?Z=)VkLXrI*_zh#N`|Kc)b+xj!W)Vp5Xc(dhhEeUb)$ zm);;IIral936&M~Y;U~Hdm&iE4ZT`*!# zwdc@Gm)!6)D&f7GgAlEx>qyIyi#L$+i*g@3t`vye$BVye-mB`a`8*OsE@_29h!n*h)2 z^?#oQAX>>vs2LN5+=+-Jri;~}A7KbAkRh6BEuj(b5Y10VEgtQ64VsyrixU_)J|1EZ z`S;gmb2QUO+_n5*!F-WjYfO4_iC|SjFhcL4AhSd%sUn9D6w7TdHDrg@3ff=5UX{k~ zb@Y|ConPXeOCHF#_nRL7%x|EjNk5;WY~;fl*>v6>v0tlLw)$TT-E`&LZX5Gw%LI%g z$C2>sRrZ^uk&pK{Bho4s_q=E2u8wnV>TU;a|DN4ewbr4hQX86D8~i-|Dz}Ab*(li2 z=M$0@jdMi?%825a!Gdlk+X%fs-stR&&oH0LSsA~R&GpQ)+l`!?Of>#b`({Z67*f5V z++lL)F)yVdbe;G}Ij#k}=&ER8z*fkH{Hwb;Pt?or*di)SNSP`Fpx?CE28mqP@&{D5 zBtW1q+gWA53&YKGn&r2@UV_@bL{XYJ9j%-Kmao(I+H9yOtU#F>kLvfG#=1Hm9}FO| zN6K==4t|kI&_^9vp`A1bK2)*%i=quYy4VRhTJ4Z9DhXP2o-|W~k!$f_{T>z=F$Rey zW05LEx{ok^&HIgf>nVDq4Sfxz7>UI_ZCG-;(A_s@e$(3bNW;)6kq_?FaE7sU9yp^1 z$}5~6ny-uL!P5Haz`(o(L=WN_-Hc2_1+g0k)z5ih#-=ig9rGm8h(kGvcu+%#$Dew} z%zzl9wy@}D1yeHpEoTFgnUnH-^1bl9*Mik-mVCO38QT4<>(0-ccZLHRHxSIBvKj>ET0mG zuynNiKYYJ!Fc5A)zHOU1>5p&}{6Ctm`<=}<+=rs7MpCnC>!QTovqULhR0yTEqDJi% zyGF&PwP$H+)d*nQJJlP9FLb?Ul*zIrpso_o6yXs|FtZl&k^YtadDm%wpB1d z#{tRRY#dF#MOQK&KsZ^62r$YJzJ0f&Ia^LI=yI#mP64#y&K6a5o1)NzrN1K9OlMnM zo6|PIMbfGIoit2>#YszJa^Y)j+iq0woHN|XLptx^^de`X_bX4=+O|QlL#ugyF`sbb zbn0CppI7<9#NO%;6g5=tgGj&r?$Q6DDY*3MB5qlZM9+R=6%ss}oOR&3X<65S)a% z`nFxf^kOS$%a2LV7SO(!@fFo=-kYFnT3x;(OF)f%iGD+sqYs-jtO$!Kd*^PM`rdxK zx*;rTG6HG^>Qv)idm`zUnMg|6;kf0I-dVRoqTq}{Z=T`BD=G0UZ{T7Os9zoYB-Zb`(nlx~}DlIbEhqtu!5{%+*qY47AC3;7^Y&;i}F7=spDN*5F!RW?-OaDV3pJvZ1>v&_M> zt|?J)vutTO9uJ(I?CFkBbTruj_d3g$0n>6P`?kx=0lK`9;Kt?*&7hDF!ngzp|~ODAU_dS1p;1K%=LaY+hE2hSnQ`#L392 z4GlVn%6^r{JXSO#xDzI7g--pkQP_Wp`=2!>-1=%l zTD~1x2*~S)2oK3W>hV_K=bX9y?PQOI0`E z|MFx}nPOxmM=QuTX!Ze)q-QGU%R26vgv{EDlg}J{ZtGltgvn(R%K-K)+tQP4<3E1? zn@Eu9^Hz#bXGluu-`-8fDR5WR{WkE_eB5s3hAP6VIq z-?KC5W%*#NDrzxpco-xq*)Ko=ugO7Hok$5;qj#K`hFR-dykJGh_j_+n?7YtSu=<+S>6DH+Dh<`RXiGK%2In2zKm#@1+ zE`@}Ab`uYhE{Fv<*+ewzT|;(iX;qYBu~*iv!S9+!i4EC@ozv6lql&lVt~c$KI7}b5u{nIQC_P-Z8~nEyuXHtT6!LdEJsWZDdbQt9#D<)H{QbMvUoE0gHkDMvOvzx{ z#K}?-=cLdxCf5Eu-F`4B$>DJR-@kVYtnrxx{_7tA$M)Dl3*lL4=8^twpA{ug1I2A7;{8w4EBtap6O z*v_FPKa{jrz86Kl29#}l4-oWfv{p47;OE00F*1*o5)aul*L;~lKQt-u#0VR$FrRj<`hqIK8R9#*})c zyyA9Z!}V$RO{1U&o|wA-@baTYewgcR5x5ikd0Z&sK1|Z>ePT|6`a{rH@Q7`dG4;rQ^rly}0lHGet!&PyB=0mv3}! zsD*qp?(Zm?UXx}o;loNFpB-6WZ2b`xo`q}i)y-u5+2{pmyNqA8W+%Idbp6ulx)VQE z`yEtf=gO7zdHG_^1JjN7Ju)||!xx*@JzW@WsRnmCy6p_w2Z>Kf zV@y+M6*aFHN7tntJHXNYkW>>hIdLdSi4}?ek4Bp-9NL(sEu2kRzYh zj3~rP=lRs8Xm+NrA|HI#R!p_ftlfQ3Yb8lP@N9EGn}AbY;gk=7P8f{i9|U@QqPXaO z%x|_#6GWFEh(cwOe&j;!dvED}% zkF{?Us8TPMj-ujTJ5oJ-O}axmUw}L9-}Y!mUY*%n1fH_}r@O}Y{s&nl)M|5XW3N4* zxA|4mjBNTHUNQZ*(?bg#VKBt~rX<;C%BAS(-+}f6Lx_8ze~%SJYi_!qQ!y#SUOAz_ zq^`5w;e(3{zhfJ!L-3o!)6-Sc4{Q9K&iNv05w}F%jKM4T*4YmCsSr)VDlo&4Lz~4YfSpgxnhV_=@NwDpyUytVZOyho|VU z@IH9aj~{im+YyyhXOXF;9q%w8XOdL5`omDD^>FBu1W9kPhZ5&q$UDpN#xtGQXPtqg zTs;3R6tPK@ZT9b05H1=x&FElU#r&39*6d$WuKw&Axh^jg|KT5D5FtUnejx!FSpRRv z(Qo49BZSjbei&%Q(XxO+m37g-k8UT1JcEaqO@aMdP10rQAA!inR#rbyYUI#|tT4r` zvFKaYUmt{AT2yoFS;vK3K2o{^vA0}L$ye}Cv0kd|E7E|>RBI56?%KufZvOQ-h9E@hH`%{^bR`WzAcgpr_m$n|I_VkcZx|vNc5H3Jxt@F36dK2bOLf}iVPzmnZm+- zKSf0EWWK5ig}u!(SyqDxdhUBr!4yrOb}ah$#^#-d&#)x_^bANSxdmR#^<%^4SnF_m z8BZM~(nF%a(_e7`pw|i7-c^8v%OR)O!THaP2l#A$VJU~@>{l&2z@nMqVc@_&s8ulI zBc;PLZOwsgilbX2!fDp_kH|?CYWFNqZg}3HJQ8iwFz} z8f8Pt^tegqX*w)|h+|PK1CO|eBBYNq?*f8(3|)5(Ru>92lqqoln$?Fqc?+S~6i+k_ ziS>VWkF7_@vau$byBua-GR<>{=^S@?ujR#q`!ikLB>kJwH+@!r5 zM`fZq%7eS_(U%o8+@<)H2aW8=f%7X6}9j4nV+w?ZFkd_DY-yP%80pml>5uDuoquJSBpS9 z@f72b#kR_vA9#6iK&z~LYn&!XyeyH>Df#c2Jq}J9`a46d32Jx-9K6{ppitLpJeT8VCyLf!AMa3#3)ZHlKk-r9`(8#xf=^s2ret#o; z=_>mS;4+A(sMlhC8>@afE-t4i>G*lMJxO=jd?y4p6cl|ajzvO^q>T8U*_EY2W=$62 z^r<%gvzM!kM!ofiu&N`091L5=s8TMPxRJeT&yY4?v$O4sebG&?M*+VMpv*3Pe0*AEKr+kU!*z^e36pwN^{4@JyvYI-egG}tV^9h*2Xt*; z3I3(#wl!N53O3#hX0v_muqmmRw36$f$}nD#1~=|O+Q;*7p~A$!CBG~G4L(V3`r)C= zSX2y-b!*`rvG0HkoWHArogFQ8AK+Y z$-*)CWUV4U=v3@0__Tkuh3_u-7RQEM#B0R&cXwy@sXZ%(xseqg)#`4A^7Ci$mZIb5 zKh`cj+XjLZEQbPaq7p->K_G4_FbHeHX8j+KWI1!W`nr=$Q2D`^NA1N1LIh>W`v~+J^ZNXR62as^ z9W%6-6y}?z41-nlY`MREQ)&w%_{Ef?*!p|JLX6j~n;Yl;Z@cNYV0d7UD zH*LzynSOGocM-W$3gli@5Q77d?#Z5r)Pm)ptL;alRW5x<;A8{oGd^k~iy zn0J+8z90&PoIWUgOp z`zw#K_*_EJ?8fhxJ(v^YMa}Y1fu;!-Hj{PBm`+wxCTNlI?i;uqhOPc#JaWMJ>3i;P zd+?)pq)8eB&}l681yV@J%a$!Ld=}<>*LDJ-a#967bK{CDgc_i$JB;26DVW7xPwk zgg4o<^CGGFbaU}3qL~FzTN?ukGMNn1LQj4e7tPBND~|J}%@u2K=bIMxWeTVyX(42{ zDJ2X7HJfL>qsxn&{SLI;&QkXbb3N?HajI{ii;`BhbqQJq4KSs4iOdo=`?W_F#DyUFl4?tdSQ zYh{jrV-!X@^Dt&2D`ldiu!js*yDmF?2KZ>IT(yhc>jzzKLO^{igbN~bevnsy?~i7s zv<2%J0E1>%2f3lvFUOkObSW)IlN|;c#S1?ap7L=|Oa?!@Yr+UhP&_tk5ZDmEg7F4@ zyUXx6Y1f*Xd*&g37!~a|_Zu*}h=>j@p7k*W70BLRDOx1<_NQ`wNzL$+XDR)6uJ!!F zB*(43i3oBh$FQ{3PW>)oS!mNb^plkUp4qH-pR-3*t6%UM+jq^f>6fib5quGo@~?cT zfr4ZRxHUh$G2`X)FZFib=*KzzGCji10pu+|=5#%)>JEJ5vNlbeY@$UBH-RT>eD%lm z`YKWJdT(%4ak%K%ObRP1)Egjm+-+AgPaT93=`G#zKr8NiZagMbS5!Q)%frg_j1d;G zob3z8xs=y`H&1>D)J?O5HTrm<6LLzq-Z%vk{(kzDU0~7PY8ep7sCQg7)x~4>U!4Sk zhP!2sx}r_Z+x)wXhRt8+RUkL` zuU*d0P**qqZX+>q3S|j%<*A#q_|*?qs-5u1>a89u8rObVPmvM23y#2yMakRS$>d`P zV+B!ux@q-&g=#TvPt2fLcGS4uq2p+4sgdlfQTKdQ~3YLeRu^8b+j=yn4Hzf^-Xu2L?-sOrJjL0G*TEV zuY=zw1}PmAqPl_Wd3f+>?_Bg*H9w^_UGIr#xe0fMr~3#wF2tj`b-NjG7x+nrYisH~ zeI>@qdtw%NvJ+3J#hm1~v`{SxY1Lc;@yUG-JlNrWQK1^bJIaXo8?BDdUO82inVmq& zs3IN{s4yqcvy zU?%KCJqqE!t%n+{KljbiA_;e^uD9!E3jf6Vw_L(p z(_yIGjkSMjb*#wUd<5@z;g)gqeOt~02&|2ldK~B%*8>J0uF41Ko;t{?ll|;d8apX) zjuttUZ0W{}o9z+WFV9MruiTunZYnzpprgybr0lsUd*tO=hk_8{zEp6n#yM{he?8#6 zZ2V*Q{i5APMSch$RkbVb8lQhXo4s3ceP(gJ9W3Sy|1h)E767=tlyy~PG#M4HH?|g<9D|TDHodZ1XH&z_ZlwA8h zmjskCo6AAmqtc|s!$C<7)0D>52+c+%4o|4azrk2^Sc-{b1&<1)VFS2Oy|OD|%fJ0z z$;N?OZMM(!LdB^Fx6FMMUnE!)3Pia*E{dCkJMLdR=AymDE?tN$ySkw@@qIm27W2Ap zTbv1|TUy!gzC_I~HtMOEU&3%HE{Jt+Yg~X9vFT2FzXhcv^zqKGDZBS$nK%$c3fmj>o#6!a!TOuJM2~dQ*T(Ajv6~FZDM(ed@&@9;zg3j|e7( z<3DE-AYrXC)7=(~3!J*}Q~cW@5uJG%su9;HE4K8$;g9*n#u-3(q3?FLE6@ubJ+lIR zl^B4{FrNA}z1!%x(MrrQB)^47L9CXMyc80#vU#d5S$|ftO8W4D%P&fXmYXklcqe|a zJnjPr{$2W}N$K7&Z%_pnl`1PTS6KGu3sXVoc-GI4{?tUNraO;2^lCe?*?dh4N0b!p z`C#y-A%Pd?AJaL5j*dPIChNn}1$$s|7o&4E!%qhW34U?w#kM60q*(qNF|| z#>Nl3`tkpEqBya(cB?||m-98d6;)c=EHG3Kz83RViFj;7-@-~+nIb=|HF8&3xwni3 zsc(=&KJYT8M#V`UOIkiM&iSKin6~0Y=DRmy$9!rY6qiq5JSeuWhLpp_dQLm=ZXnqe`eq($YF zfWrtQ9KomDtmM=w;7-W*pEx>d5?h+34Sr;q)`;hbz}}4_#hw%mMzxgAkM?QEU+Zt0 z_gg$k`T42a`_-=|0S&{L$+OSC9IcNyTL=XyrXC4P;e}MLO;aW|F8pla0lxwgJEK)L zSX+2Wae>qa(s@4FR_2>BLiPRVI@Kw#X+9kNAia`nlP|yT@^CPFSU9DK)lD@U^@jPg z@a%6^yv6mt>(yfZ)ggX&@M7|8xEX`@yZZMTJ1O5_n0c@CPG~09qsqmMLOT7)*U2Rep^)t^U^N_!k6uim$JhBb(~41oJ$2ahTL!jPnF@U+KtbMyV<#(BIXbDL7!(s;nT z&%nTIeUBOjh`M87X4ezGH4?zSnR8q-JG#@Llh>Un8gwb%PJpjV^|h6z`2685@J}HT@I8R zJqx+ez5aF^DEZkZS}7fy?db@&`F>p3^VL4_Z@)PHY)^+hZ00nV!~L|^Qb?pDNR@5aJ!7ixVo(tc7y z`)S(WmoQcWJ-gp!XUyy9&y*6@=3V%*1Nm&qv6a+Vg<_n5DS>tNGm z@>f@T^+9}s?^$kIIMuYt7JphvE6VLRX7JrQ4@QY_f50n(j)T&hlC_+bs~(eTeyeC;AHhmnR0zB`Sy5#x(M>d9j-#U#{#_+ z35kT)Z|gg4VH$ir;A$Zu0QI7`U+Ymo}QgJ3eZjeXK} zsmE8o)9Msg_uP%_%P%U>lHv$USJe4Uze}cQ&9}}s1GF#$Eq9gAZm9pW1wvKh~5`HGcMm|#oe+`&S}cXg>Uv%d<3^2`#o^fq=Y1~Vp* zIf>W-2;}KoYOcu^FA)K)yv^-%>yQv>=cp^)w)66Dq?Ysw@oTH{zS_4NFx}l1v#w@4 zicO8inlcGu+(lrWNroT|z9NQ9nRNN%#hSs`3gX4-Ly&ad=+ariE}R+K=L7}5#L8@ zL^<-R!_U0-PM(gwAbD<^|3ww2^>RM}`V%utM}av?NGn6B{C8;GZmWi%(92e*5(8z* zyfbz-dVRAtUKnC@i&X5MWPgD8y;9#P*P9TUCGc|(j{X^wd_&VLlG*eYwuJtRs0;g1 zm*BJM^i6(akG7V%^k1kk-|e%S-F>?YfQk-0KiZgG4k8fR1AGElq6Xid}@eXRdtpiFvLo7 z(!A9|hES4KgA>JPAC$joox~tsB z8g9{(^31QayMI>S=D)r6krH>v>BQ*#rW&*q08vcDaxS$hXixe~;u>Dra-9E&4&tJt zs!RE1;4)kgFr;=9!N6!AB2F1wS;7!j5CP-<$Mvi3IrM0Ia2GGnF=`*6$vP)M(J$aB zh+1J6GF%u--*SP_hyRc%iMK*!kA`v@*MG@qDLJP-$R8;o`UC`A6M+~ zl}o*z&UI*Qo6V+WuNmC!kQ3rZ^x3+wxV*HVO}}t3+4BgwSOffu7Nhveu7+P|gp2iM zoRYNB=jtJ}qo%_a5O{^Fe+7CyzH$iEnQyrdB|Z~@e1>PbE$j&DUs2Y`lk!*I1g9#U zO>-78sJaoNctd&KsgA9fY#8o}3Uz$f9(Xr1BahStvrYdVS^Kf*(%MjKMDjWDjsz2l z_sE86%V*$)ExoyUml4Exs;V@CfSJ&HjG&T8KM9ERLLZ3Dgh)efhGuCQ|C$b7gP4@@ z+==d+jDTUZeH-_6*D6UZ0s|*|LFf;)Z?PKLkMC(K&DQU;^Tezh-YzH}kzD@ZIU=JP z*W|K0(;0X(NrkM}-JETFBUnjDpYlpxsM>Y;s(ZG*@yA?R)>CpyYbqPT_oASP3CFV3 zNPWsajmM47?{(A?O7O@mZ6~sF$}wMut?n^(tbpQB(Ugd1)rZ1eIH4e&OIm2+2u^5@ z#|6a|AZWRztLy4>oR$fp2dh?ho5Rg+D7N64erLeP+;qy~+EhwmI z{<&(ELiPRi-J)iPD^pobbMw>ce zPR;T^_|h`yQ|ATx<(x}LtQ1T+etCt9MtSf}=7gM08!=x5IbFKR=8vqkybkv`<)bkx zzu4dQ`fr?mYmrEFZ6iwdR(%&wBOd&54Z+iZi&J2>A?}%;&2o8(C1N}$W+gGeMAPfX zrmnK!WyZX=xVn0Q+_PDr4WiCtJCIZe)fqf8XFjh1z-Bplf%hWlX>M9GY^&2yT|M-H zZcm}o#h(6)#-Jb73xyjs1vT8JPW$3I0v?Ua-K>|5eIa4|6@HkYYD23sv{#wBitUE_ zbq;C{FwhqWl1!0FuJ2{;7}GVjwG$~fdlbjRV}y{QQG2>9q~2L_zgdKs8(A`i!i#;7y91K6Y1_+kD((Tr=)PM?PqKp4xD2wlTVcf@W>k-tdpYe@-{d>Lq+!3E-aQVDsA$}U*G zG-$abt_tt~ONbY7(0=w}aR#!UlUPDuny~hzizkkf?9PzEjft094jNlO1s~k&d~T4_ z&C=p2J}m!lg-te!>Lq`;(=%3bFzNl9L)IK#V9Jr+eq(l0X&lKEc;byS6NxUZfdbsE zim^bwK+Bw8YVqxRMK!&*YT$SB^^pbd_}5JbAe8>cq${`hWc5VOeq48F!;0LWY$mH< zOu5-g229DyRbubGSL}@dO-fTqZOQf|S*ug>v|y-(@)vtnAWvcXRM`biXr7%9+0p%! z3yX_qZY;VbdgKWuci+8#jhEMptcqp67*@JEXtoF;5`n(t;H_ru)u_ul5Z*%eS zfK8mhli%UvGk=BeTH=<#hJX1~$>s8b1&#W7h2vfQxwQy%p-hBGDC zQ@4<-j{3Gu!o229k%+J5vEa%i6&UPJ+8}Xb+p9%MeoyKZcEP8CG1Z+d_YwBR%g~Nz zF5iD!x<$TQ(HHn@vT}#(dVS^AO1^xk7m-;p{&JSf6CoyA6;l1s`l%2IRGPN{Kgw># zEC&+UA#bCu9DNUu&d*l;TH2K!Q}N1pbOw;tR)_N1H@>S+2|3odydr)Tc?t0loPiAw zb_t|o(B+qZeW=DU>xGi_eOfSM6XcgUXkC`+@I=_HjzS78^w5NN^t?t7r(#IaOu6#X z1ui&{_-EeJBSR~iuMfONRbT-l8JB~*oEl0{^qbBvCH&czj}9Y{Bp=j zSR;#QKi?SytI{LuF&id9l%uXy#&a@KLTAI>L}ZTQ_4?YV($$+B<_f-aIFL=JnPEd2 zQ82Sdsk(eqcjOG%Y#0S9h$Sv}ZuFqjG{qifwY(EtWVBlJN5?{&^KbaYXE_~O=7w?= z5|#q4|7@P04HrdnvFkk2isj~-GW3LC-w&@KiXC8FoSm2F-D7B%kLvV6Xl-SEx2@8& ziHw2qU?s0k8PP03X)H)My(#{w!EFgEJ3C8~4(7 z;H{4YGb+_|gQxU~`hY2jr(?KxM(#h_AB-wLwaVgE-HIHX9P4B7Nbab-_iL-AJVqC0 z1M}5q!b52Ch7tN(-=ftt*DS6Um+v%oO9O2C;D>w*i`-GHNtVLP*|e-rQ2T}341arNpUAFW=H^KxAem5FnFUtuIDr=>UqWR zQY9~V+yVN$7N_s@x4AlGZr|6=r>Ut4oa~U*Lg=a#Sn!k8?Ua)|iQq+)7G*%X8o!kH zug%L4IIoE9I()%|o&9~H>IkE9;>~Ad5T@juSh^ror|F4PV4Ny;5nwm&VkUeCWWICf zj`P99{|O(n({w*90+2Lvg~Y)_dERlnefq3Xdgu6u^b}c`ktRj$e|U-JG5ER?b=>y` zkhMMsgTBj6oZdLMLE6lmECs$cIx>5eSAO@#aK)KWtNO>%@}1gs-v+wIb)TU#rBgt+%HQK_Y^{o*Qshu|hJ zG6;{2UP=F;_RozYy``4u)4m8!R*ll|902C4hkFBeC;O36ptoqr7q4x-dFKD?jj zPN+X&du?o`JfhbF;D0)c_wxM1^dW>AU85$SbRvcC`lOe zR00vVO6wg9U*azLoe}$CkFa1z>R|cAx)it7b7%pn43*+#vl5Y6sU_&*e7G6#VF=|d zM}P(Tf$+nZfRaGVxGm^}2*_RsV`JNP*&0n^WT}$RDDa5hNPCG z4WbOb`qMG6-A?}y1&vhB<_`o(_tAwbr$l+3@@2uct8Oj<}fqK6PUD2ahKauqb3!;LD$NrkJw z)k*q_ALf^?!%@~T=1&DPAA2V!<$QK%x)CwiC_S4-x8MpAPQWiNwmvxWXGT$4PWAgQ zu9LhzdC~~&MNIO>P|*rI z_VSd5@qBo!be6)gKk*_n9iC%koq;T=H0hKgj0bo@5}y`*Tw9AUH?^>`igln7CY(*fbA(0Er}7D z74F6_P57KOCRfaqydwO9>Z*&b=0nc#%R#{O1+evqGMSq={P)XVi>s4FrOUrUA&2Vu zip^((?bqtpd*@Qit>>8K;Lqhj>3cbuntVfM`FXCcKF#~4nwn*t{=YcDO;GMXhk=Hn zi$0#7L1#+D!)mC|sc%CR9H^FA9d2%(lvcw%Cc|BhxjH_f9P@U^_}2axg_j=HnpMO7 zd^q#|Ao`GKCSDnS&&gNM;Q2VKx4!kff{G@kGP{hrUDIH^pz)X-;pi-$2*C_*%8%3` zbftwJAa`1BQ+AyA$@i{66k>+8oWANYqnGc)yq;-)k+>6(WzQ5X0zfs&%nQgIylFJ5 z;$JBTB$*`@ME)%{_%CJGuj!>=<;o(Ck}{n2U&T>8(!`OkbNnP&Uo+^Z(&49D>%I!D zKNhq-&C@2-I9sxd1M6`8YUeEEUIP-d&tUvb%RYH8et3`jcCyn&?c33#LgxcG;k6%Y zW++1Wyh)`;JsE=tZkEYyyDn9ylk(Bx6`GDV}5bWC0<+zX|+joL3OI@l99g0+nT2dOrXZ(e&ZxNFHA5cLKfx+ zLRWY@psnaq|idv(aDs!CAI9?>&f(4iRlk7Q_&hicw1esS|w;-%L{+96{fgX+dLI6gb_r6qT=daX+Qu z#;Kj3NSrpobqx?MZ2pI8-UsXds-q6NiRyRH!2&?=(Gzt)+5B4_^d1%39fipZ(-c0W z_hXhqx8if@0L|0U;HZ+=`plT`_zwbXCNT>oB{Vo&-G;zjO>Q3k>QV?H}8Kr=; z9_HD+l;ETT+h;;i3es2y3s?-8B(6@~1hm@P7M2y*M%T93NdB~>EC%0(mAIRDG`20x z{`P=MQbLj)M(Pgj^II>=&EnY>CY=3m>l;orEVuO{mh{kS8LEF_UUe9A zoUfUt>hkiE5*e+LuK01!)h*fg_$$Wl&_c zu~ywX6a`kkATxfToYWLs7C~!}{aD7nmh31mhdENBC#$G_=B0N3YIyq`uI+N~V=NKs zpO5Ec=tLXBykBQ)++G!aLK<5tX{&-uzMJ&IAj}t4P*+UDMiM)uc1#AO8r**B{5;wUGEep1%Zt>Sg!}N7^R68Y>*sB-0u)YFf8oLhj~=!+u))pVXVN+kJ>6s9Q@yqZ|nrvt$opi^WV~Lwre}D zM>_LGMaAH95ZO%r3!_@ zb7*GRI9p@A4n?GU7Nb|g{;Rczd#wS%o(TTsMRu*t#kTz7tR@!y234%t)&=)_FOL3# zWsvgQY0&8D`Qq$y)lW(@>~heonR7#TZ;`kiB=L1WOX&6$35QKMl5tE)F&N@ZBpRG# zTlt-6-r-61ZR5L9DNyXKYu^m>kg@04u@nRfeKqb6zO)oi#Fg!>JkCeK=QA zr8Ur1t@kc+n9oWZ!u^3@x2`H&^_%McS7vS!%QBi5Git0W`^52`J?I1dQpjO282ehg0VV zU5-z?1aS1TUiOc=yoa)nU_*d`b#QTW4J!qNK8z8xy`bLEqHhcAy4_ln`(v{v4cSZmE)5t? ztT9MGuCaFFw~Jih)lsjVm_X5{sV{Le#U7Wl-*i~QA(^NtV$^Fs=O#nE z70@c9!#Xr9l3LlgDQ28$z6|>GmMX~2^tYadVp@%KI-xAL3?c zUt#%LPWZjT5_hW(Q0SzoGPghFQsfHD-S9igBWhV>Fi56n-G4QFQrI$qyO0vobQ8$8 z#HVVqxcAUoPe6N7+(jtV`qy>BZAJ1pZa-%5-Q>d0&y7=|1Wd{wc$S(SOr3)yvrdA# zlO(D9Tb@CuhwIR4apB|3qfP#XUqcf1E)rO3ey%L7syhGlBugkc2}pd_QH3sXh5cO< zv6wma_s$~GsvQT>02B#rl6LR=;7%A93ebyCu=U?8Pm)i=V-Oj}Hv(uXo|D!@KFPG- z_x*5&{R~N;+jJYJQm#6*UpZNgGZ0;*S^|6`BtkZl#Dab&&NC2>0{K|KGD5>nH-1kYPgGXGf!*2h{_K+oL^jh z_o}(M9cRPRS_FU)TSlLKuMLRz-gwZ+YEz;=#p5w;lpVr>>H_dFCgp zJxE&4r=~sv_N+YG+u7;X-}YS&$+y^ff{>B(bS#B9$hR(XhmEJWpv`|^?w{VI<-UkS_`}|9K`4cTez}N_XL*DlU1n_7+ z<~nPQwOQwL-pR(B?lQTLa5hD=p>TNBR#!&=KCA+2M8v; zLPC_(niuT|NobI4#eXzECD#zWHxoZ`%Ydz{bbs8Xuxo2=Moa@;l{;>-z%SRIe!Q;r#D`%j35vGl4NRT?iIwT>K7bzxOW}{#@c2Ue_QXWgMfbN{@0U@D5IkV{gm+t&Jn%s(%_I46U|HWW5(BN(tD}Vmd^${)7Q`^P|43N4SS2` zb7BsUndw6E*{=GfnoN`a@gItu{$5LxL*S!OEe8FOpWe=)k=a)eIb6MBYi89aRaRN= z8~pBkPC~+t1VbYMT`VUpmZi(!gCUrK(xc3-r*WuMgMWuYar0#I&O_2oDPs!aOm_);WYFA3})~0f4?hv zeYkv`?HUr;nj*V-M_;9o=u=Y?)M5p+xSC)447cflo0s zNx|3W-c+j|?Vhlb=)k{~g&O%Grr=PE| zlk|ZNdX8Ecy)8~LINj%k7qbf;Q7REo9p2N zo`Vls2qT2+4eHl_c;KS9QsP99-uX|2pl{yQzC*6}><$HGxGja4LhE!^rf)Q*?=_Rc zzg7ulqkfwPW5mqxkG33K&awkMV9=YAfs{+Af@d{0oBalm!{n-%^Pa(cX*pva9wO_S z^FK75_g_-~`-gFrl_@xi%mtN&<-omCQ!H~Pt|YgqxwojfD|e1E7w)%$BeYU9#Z|6K z(Oj4sj$D~L94U_P`Tp?v1AII@z&Yo2-}m#ru5P5LV`7UUnQ)$_UxqB9;sw5QP{zzd zD~nHin3|!`x--#(Uk%L6P>=jwk4jzfq|x=>%dvIU+6UP!OUsZe^lVLHAmSxEcCy$d zPf_Yh7ZjHrFa1JjJ}KQXSzl4|CcK+7Nk&5i%K_`oc1Z4Qt)@tKLRaA}j{RpIjH=!} z=o+iR$Q(6N6r{S4abH@TuY;q$HT5|Ic4o;?D+5Yjn6+NYSDsAt7>QF04wrjk5dTY- zllEZ{5#q)S%CG5o&Y;al{W)vxbe$E2G$E1d=}nctDP9cO!rrFJ%hG$(&%6K2OfiJ7h-cxP2DJ#oip{l>Pf;IPG+MZ51F0On(QM_k3K;xs3 zK1C>5c%b*_sCJ;>Hkr2el(kxpsQvRi?aX`npxaG)*ufDOAPzriCH>``*!pK<;8s;q zpTQQoW?KR4?ASU4oT62v^?F?U$4oQSfooBQpAB{L$V=c9s;zBO&~PcPLz&~u_pBzN zr9!2jdHqXkvN2?lZZN9JAr7R0y2v!}RENvWy-z@?GB+pai%r(3X`RbkZBLs_QSNMi z;rmG$6S+Fri7-=H1G8M&3OIbIFF@xjB~e$zuK|a9nNz(cO#;=eizg}V2F-G96lP16 z=_DghX_(UO^-H>=#{&0fcUD5IwRAgu1@1;QTI~E2ZaN#;gg)6k=y4Tr{2g-Ufv1x8 z>$|Xz4AlYJ!hpU4dCgVjwyK&CXWW1~nTKTVZuA=48OojxsXE*A-_t6-cBSVUHzouS zQY=@puLQgELD-9PD%@n)EJRuDK8D7m>(I`C&Wzp$ck#yAKdC(RT}vtdR7docGK%vz z&)0Rl zOl^Pqlc8K$&_>v5-e*@!-HH;7JByDq^G3IyRwPzT+0^Lk@qxSW)PMopA8=QzZRbZ7zVZ7aPrwk69cB zg;9ZRyq-JH)F6Q|Pk5I1UkY*D{k;RB(dNmN3qMl{CMgxQl76~Q;+(CM9uDj)m~2<; zbK6a(8uxl`$|SPS{>tp^`_}46DJ#-s8V}k+_xgl` zecNcDn9ALu4vOM^9?^qeUA=S50jl}n_gr-?wtAaf+c1=y*wMi9{h^4@gEw<|B#$)` zA?bN%9Dj)t?=kZPg1=wO9(4Ibs)s5reZL*|{eC{{*4Y?Y`fzhRKXWM*mB9ijnKerV z2afp)a1!Q1)Q=$<2G#D^0U~|*S+_!3Je0F$H9(iAhqG&pxsWqRwYE0$ zIDlVTqcdET7Uop33HCM@WU44YFHy7vFn}MAdLP^50+NdG2ArSHhET!rpRu-aeVn9i zOY``~hL`u5t>xguwT9`|k7T3hQWDMi5r*&mTu38rtzk}a{_VQHDQ3kiIsahJt}--V zn8m6swPkC5__`0O6W`qjm`@mgMtiYw!|2HfvUUm84Iwq3@s(D}duHZ|^nmvHE{}pL zcQVbpbTrSgrs%gkMq{RZJ^nfDx%stjk;T*=Crhe^Y-xsnHr`i(a|NSIgrQE~aKBA) z*U(Sq_?~N^M9^?F+yD-GH{!ek?G*~Meu1?5zhopp?h6WvfCLx$v)A_&fNWG!qs1f| z#oM{*+`!g3#NTez^+NP6>b*re47j(*G-GV z>^`flyIgIxJfO2|+`(L_8A27;*Jtvxc*~Ci96u+1Y3?2{?aqkl8igDOtQRZAiooM} zuUMPt_X}VrIdNQl>6aEs1q0WvQV>?gyNaB}^48Qq0jchJJYD(~=LE;>_I^Y7lz4c}0vTWUo70ki+*X-)5LfA=U_XC_& z|1^kHU+wVxi`(uZpk>)Q1b!KZ5ekc87z;R*07c(015)N{i>jVK$d{OkE-G1ZnLb&B zclT)-x_uK6fTP}WvV!9kAN*d7XqE_z&%)nVh~orzo?|95j1GnbvK`}xO6#fg|Bx?y zb(TVm2dUe^s&M`oq!v3!qa{g=Q(b0Vl2kAHCWLi6u7L$GZxV zC)Xnnca~L!je6+K^H4}}eN!JXgYQ#zyS^EpO7kmbh)DD^$gH!>)T;bkn!C8Ohy%OM z*ov#TljQ*E4OLfUB6+_fG-B@<`Vc4Ue-61l80g6s_0AkG#fj*8H*F}k=HsCsZ2hUF z?e|<-5RL*s7y4!3VMhQrsb_9(_T5`|;Bj=VJIx_fS+HTaF8?kF8fP!g1{y)JrhO5t z)FF8Bye3MH;{OJ zQloR;jiB8OqW#Yj)8i?<(uS6$JkGGvkJFxd6?C-bOjeEBO4ezV0Q!N9^k!`c7fv;YH@sa~4sIRyR2cr!netn#1hgp8l=)d77H}X^sxfA_a7{xic1oQ` zhR>Lf+3s!|=nXrh3VJ$-6?r+L4LlD*1j&iBk7I!oIIB{dcGY}JmRMe^q!~G z)#P0nl;>0XQDP;8kULSn`sB6x`zz0%qjB-v+~ARtXt>N3?x@7^5Syhk0U@ImbQ_>) zt7$#FB`uhBEmdh?Ww|cd@u#Q%s(^j~>p2eAMZ6c3og*Bv@W3t6SLVFd=a5XooB(qd z?;>9}?Bt(wL~z)T>yCL1>W zGwUsRJ2CT`tnFf1(jRO}4S*}E%Wzu+;I_><_zwFs$kwoZ2g^r>$g;Pg%i?DRIACD5 zU%U<_d5Sio5rVVNz93iSalX*(Mr!?A_xUIb>JlL}((ja?j|qbvRCaD-n(0C1bMVZs z{^9~DWSf5bPhtg|C~I)g)4kcPXF86bshE_CUZ%==K?2N4A(F8!sL0A0Pus2uUTbKw zx~EKFlTg28ZThHrJIp$KQaHRLD-sfXA{-IE`5%d$Ch$E!KDW-u8m2G17^Xa+gr_;< zG{a6dzvpOX_1)P1jWW8%<}FcqyC>{DXvg#Y$^2QS^e+ZPNnRywY>h#mhd6aw!P(gi zWbqz(P3E=e^B;i=?HRDY*WOPwaB;;WVr?p@CqqAay*??Q^7``0`s8oT$?o*A(aE2S zw#@>5$GeO%T0yY`{X;icQ|F=k%)iCW_2uP+n!WVMf1Oa&eB?>naUp{|Nxe$wR3L{~ zVyYsyN0$I!)5-o`&Ghl^H}bsS9163%<$O0DZa|4(tThbFmI-8GIxs^`Ua`It9yTpu z`^QId8en#Xxgxiv#(1^nuw4(RpN7cZ&{YCEC<|fSaCOh3qk3!4#)t`=4gNl|IFTJJ zV^~sBIPxQZEHJm*RYt-|8xOsbZ8a^I6s;>hlpGIFcfCzxfVsHnVV$|)oV$>;qoslrtgqH z3o=)QK+HyAae2R-p;S@^8X}^df-=zVOZdDToZF2=+32mL`|j=T&dPGQw&g1peNo3) z7f!D-OJC{AD>CJberVK-d8CI36xd!i4UOGomh!mWCN6M;@B^h=^(iO8>SP85LSem~ zwNglgYf&{3}H#uni8*?~tfu*V7fkXy}g@zH{z1I6*79bR8lvpdw1!HSp zMzd24^h^B<$38SwJ;U9Es7Mvd^iWx2ma_d5%Q7)5N0jyEKGcTub79!Ek(Wu+4CyA$v8Kx7_eiViJ? zj2pT(v{;X(-6$*lvx1H@3{vS|`Jg}dZ}s>BM7Lsw^S41A34cnW(yaq3e_3|rk4h#< zH6pkv-X#k5z`e3^k}?um&&k*@e@=7$^O{r`Cen7ynC=3j4e1}|Gw{CPbnn)EFB=Qc z;h!XnxwNM>7!FvMVrc;8LTyq_H_hGMqW%mXs=~BPcfk_Pc%r?meSTl-z0D#LTEXK7 zVtKF!zI5h1`QS&}*NfTMxJZae+YB4NV=LGu)4ZyFcXNAtcJ@AoOdgMzSez^W zqEo&e8~kbk{yl+RYbK)DsYJ9r`rfy~CXs9e+tfx}M&qKiv3nQVgm|23HXU3pnQ#P4Q@RXRngm)(w+h-rn*D_dhSsEfzc<-)C zl~3giY28ucy2%S!+hjqp#&K#T!LrHa+%^tH`d6*n4p<%vlXZWhv_$-kVBguKx`t(& zl(@;mlh{<-$epgpqh9s>&CTtj)EZ$St`HsI8*393%hb%}!^`g5=|3r{dNOb4+$Uhd zk51`CPgc5nioamJT^@RS()#LAVJ*tGT@7^6$gbhkAlq(gc(ffq+V4;9ZL6)^i~sm| zm^EtdPkGmqMs4WW+<|0XMUkLF<(;GlRg{tBe;+Egg*#}~e(V^V(JCVhv?d{TY_)PxQIf<~v9l`!wz8y?!>YFZ)%D$D=jqf7l^8d164CuW z@+Zv$^1l86h|U|)V^C!zd#Gmemri77Mt*!cV2<;0-k54Vk{Uqz7!K0j{_rhO7`BVu zC@cWY$giihkL+{JF6*iHEU?w;#c7$XJ=>13T-`g-PRi-}{-}1DtgxYWMCH)Rh2BjZ zWHZYo0gbu3#L@ zvl6ZAN;H`JIPLZGu&b8Ldqw2$hk{JGYy5cES~Jc(e-sKrOAh(6p9ni%?m%f7nmxA3 zOiF*KjUh)Q{G_lW2~j`|1|JbMAgnzo&J=ZbMS}ma^>~07N6xQi6$e<;Owe@TDXzdn zS@6LG;Sk+3Gef1a%QjCOsvIWs@b)4lJspVHY&5DQMBIRbX{^iucgtbj#(jmv@;t+j z*EK)*s{pl3ESEE8W~x~P1CHg^%#AJM-SIv25BYxHH-GAfsSX$fwvDgGx)SB2 z&TCoeIo`!G0LoT~gy5H**Vy&RjR=j-HRlP>dom`*pd_SK@3(S@8sx~ueqlv* z>kGQGvEy8Ck@6Qw&n&dqy;`dmoEww|l5*8l1>^0$z_k4uBCbyv&H=fN<8AD8%l;PS zv@1WecaQO7mC`3u?&5=eS%F8}tcL;0=Mkxh9_X3DzOwtCXl;-Pfmf1kJu5mg^}jnB zX6N*M(i~2SqRRWH@jXQ%|kyv#--t z_cATb43uo@c{(K$v5tLBRM=AMHN{|{cKXzp<-``1F{CO9=LAJRs~bY{TmL)@lk!d7 z*>+JeFkl6B=b_mLHoQhx85_W?j~1lDp@scuFt@pQ#2}eBf4}TR&d2byS4X>w^D%X| z<6y`VCUDU8rLKE-Ea2d{?|p)HwU^?Mdm*-CQR>V#T0NgXrYafDfwjP{c#N)6{s3vj zd@|!Tcm$ITrg8PqF@LJEuy`BY|G?Am0C$UTMxHvuMT(z^m>WulzApznH5O-SdTf#4h!dwvo+{ zHJa1av(#pz^&pV5m`ATKTqzC)OhCCgX9Uo!038vW-cIwhbRΜV#y_85QBrGh*RO zLA+@ip#n>b151-f5~uIRk*Yh=3?7Mtp1W_IvxsiYh2IaJrlx zt1NtZTQb^G8)_1dk5DGw{#51F68RsYip61Bdm^j_F4zAO=vPYnzm>4R)!Pxr<4Igx!YO5HWb&h|h33BK&)KIxawh`KAE2hl1@*~EUFVGaK3F3Z+SX@y z_*V=5k*pk`HqdiZOJUqLO#jH^p7k3!W)!QxoVMHouS8Ruh}n)f3I;e8#XC)F-Bd=rqLug;!<}pzhC$4O1;h;%AEG zH8XX4*;z6q!4^8DXV~v4Fgo^g{_Ht+!}7o`$TJh zpzW}0?BtK_;jlVmAaXxcd`{{-0@#T*UjY`bGCz3r3j`4Jvudo|28XM`XC5unXABF6?=RFINq|*VZv$-X)BwX?Kg9uokK{*8MGZC)KOs#%<2{HhZzdZr=A$kx z5jmcUN_?f8kk&(Y#$ufC@p=Pb0$jLwLQy}t?&F&unEBgC*sNEdMJ79DnamaEf+ZJ# z{4D(0*zWy`B9WlKk_HOyagr&|^o};-! zxrF5{oDj%Y%iAGaD!{_bs^Rw=lUG^Ri6zs9a>KaqYewmK*tt{3!JillntKcB%S3BiWG&>Xg}*j`;t5R zny1$)J@J@A8I;;G?x6bV z{LEN#ibA}S;wQrUvmiyGELxDvLbj$xsc4qXzWo=Lc@lL!!;1ncQfUH1&S=+NKa!u+ zznNBahi8ZSHUnST0p>O~vos_?|GKKN{0br`+5cW@fGVr-350!7V)c4u+WFITVXp5D zi@_Xkb^h+}@5;ibY6uZ)-fjDD#ygL6tLF0j17cQvC$R-Q5z1p;`+g>1#oW z#T~h$eUCgV&q0`eW&7*ip&UeW3_dE1tvs(~Dsxq1JJ3370*nYpKU0;I0nLY1g!s2- zqh*FCn#%q;s~ZfXbR524IYAgdt}2sWmSUALeg^H>3R4`IsUDhe?t=ri4|o47_fCT# zj=Q}VMmtht9a82O;b#rXIx+<807kY*)2?a2<3xRDW-sEIsPK7uSycS)R5xz>x0(2hVSG>7ZJ~`~?0EtS=Z5{5}63?uvF_6(f<78qR(1{6%{D zp}srgsqAKRHM@;&I@Q7MT^cj_DKU_ruDFOcml>bW=pKwh>&_{z*ORjb3R}XCIRvsu z9<{wvT6Lj7jqzWO`s(rF!Jz`(PxJZR-&Kx22n7YkvYdQsXhX6xTt z%@etj@>cL~$h^!h8Ym+4Uen}8j^ff)xZCc&%Rs{SQ0b}sk312{3CjO?1cbPH`V??^ z9L1wU3mkaEuUI(qXEAOEO;Kk<1hWHKpfx>5P-FCIr5d4b+6!%Grc^jUB*E?qOXpbL ztO6RDbXDB4Y-ipRPqZ%EuZcRMT&E5S=GVgvyg?Sx5}b1pQ}k4id#rMSpD3b6CI{m| z#dBd^23ci^x)sEXpvZ=WsS5(^5CTHRe|k3ecL))6LkzZ+?GRr|#i$QevV8iO0PooH zktfBY`UDy?+}4qsvYotNOfSB7?W>tql^p~tYWH8XET@_~UiA-GE^wUZef_K;i)4O2 z-Gn{0=Q>E1MUEZvz*^V8o$8U>4aApT&SCz{2LBoB<9*%ObXhYzOttxBGYy`qbyo_@ zc6jeXXS)Yr!EkYJ!j((M^@pE@Z4XDX!%j(%0@eJ~8$XX0#aO6?d#`J2YUm?uLZ3xb z#F(Y&vYe9?FYz_N_j&R!;NRhbi_$ghQ~J6fkME2t|7hK$8IAG)2LiJ$PKj``6G`hM zOT9VW%(nKe!L$^~{@~RMVKQ_ZgPDuvPWPb8*B`oo>_i7o#iq=NPH~~|N1n_z%&vT=5OnLw~-^@n(tl|dP>2Cjz(m!>2pW3YXOuc_)MYU%8q zW~{Sff3H+tmaz`l%X4+$~cJdKQHVDH=o1Vvv(-3@z~iemNB zN+g<@B}I=$u{+wqD-9?I`kz9}-kTF+l)Au*pvDl0u?ggM0hQv+eAQL%`S$j|O+h*x zNBjRyALC?C@_3O#-m{I|(kAZAZW))Z$-jO?xcrnT&FT6@E8e(MFuyN)3-Ii12c(IT zDT{m45d->@YXO+dleOuSX)IRV={#*({WUc=1ph8ao)%(NHG=8=APr<86}`5*`NX`A$fA&U?u{-3f8D9{v4wDTPUpboQS|bPkK0+!KkC z_>`9VXBw3BgezoA#M;*Em*_ZT)xq+|zt-IgP1w(ATC3lruPUFsYV5Tecy)b2=t}viQ$jyU8NL?w$`Evl0;q-V@Z4|1~ zsnN^)0(Am(5SW|5ah`ctTcRo15+a~t$O+!Y@-`xzRq^@MW3s-%7Q4{P!tp`QkI#CN(1;g`#J$tZ1s_=jenu9bbvRIaItFGbBr zROZtPOdfY*{!F(r*h2Hb&nz z({=B~Fz@YOi7&U7_77%aw&Akm{BH3Ts#!sr_FP0C?_`~<0v!gS)Fp~6s3=~IJYKkj z{$upwtaEZ_{$d5bC4*S?%IE$+`?CU2rbelqmzt&wRu;)y512clb5f7VXNf>)S3v;< z|6DLRWdK~7D^a{xTCxhqt$8*~`nF^*IgT*A|8_{TCj{F2qcHrhAX^COURWo8J?K9_hxnOx=fa)&e5n7JaDD3djjJf zDEHtr*f((N7ybgz-We_#E)!Ht%6baTb>eY_X3LN&8`dHa;?E*?vux=+SjCgm6RP>z zyvhWGG-B@w(Jld7j$W*Qf*|@tz7Xa6`UzShXFH@8^1AJzei32H5ekw^A>lz}1%Kmn z`aoY1(|4X(#=$Tef|KP-5QvcOI6B=MpvelUX!(^S)eYh#S@ZuAcu&~ODWB#@xPKH= zw_$~cKKt~ddve7CG@~j>A5x3lhj;xuJgzo(HON7f1w>*W0k2=!tnAAun@2gliFXwO@UuJn_zyH9 zb~PD9^Vg0a!n_Vr6|`xK%yJBlz!sW>GLBmk^OhPjn7^tx-qTK5QUd3cH~M{Zu58JB z_2U3Ma1^YZU@7DvPP9Gs;LZVQnyF>Q;f9zI!RZUa$IlcJzBdbFok})IoOS$|lRfw; zTJNTytXE~+93&KTs_3ngzEal+M*FHvPS&pP_chM3t{Lvr4MrUbpcK5s&y%~SotYil zs}VYTcSvqXRxMdMA7OvDm(&m0Zgz(0X+_)f#VS0?8lK|MeIfy3nBLxfp20GE-a$cA zNm{Cwp^xCSG(Bx-d2?I%crNmw;biV)bF`O%=^dW+wV~3(fM+bNPEO>rtAK;u)#Ufs zIA1=#o%ny-0f)N`;i7u|hrp`Pp+1e8zSxv3(6-J0G z`s6Ob2!y$!~CtX8NW{as! zf^ilD>wZN6FDI)yvgv7bR|%k>?EX5X1{xR5zEtA-MuRs8nhn3lg8GI4XeEKRm?Y;A z9bldNv2z&}R)$V$B!IEQiZ$+xtN1|0{6gAP20C@Aaio6Q5W!|9URHUqMhW8okR#!4 z;tzR=j0N{Gr3Xz`B*g^yE)PmQucRtC0D)maLl^7@Zeendt1Wov*Z9%#anPR2$ui(+ zjD6rPM}jJ{CNe!5oxlJmoUAgDUy7oO>d8XntyCrzj;Y zJp)R6Hio^YKm*NO4@Sn8RsqkPAIH)!MuENFlJ!r2W$Hbqf zYjCbVya|lSqcuwXh`c1*89ibUUqF?qW=gui?Yp5nhn#7^ZTy3!AZuaSM^(sZV8i=w z#3ZH{Q4nrCT9_Wmblhuu=-KZoAOqJO9&Rq>)neC|PYG!-LO7ug4(TpK0R>r3HdOP3 zr#G9&CYmlOca3y1v&c-ZeyGf~RB+y9{tWGCu0{sj)AzwTFh57Td6u2tq*U@>{@f4S~$7 z_Cdn?#vNFr@aNSoY(8RCXv_!6#SzyevxD=uY|5O zXRKw6mDy~34cO7fdZ{pfd@}H(oLrR?pZJH*vb^j9>#9Unh}X&l9>H=b>m8n#RiJ7v zr2&?^`oQ-ASNc%9vv8o-l@i&_UFWy%GPTZk)4L7KjRVzd^Y6m&dKm>do(@*oEU~jIfaFIb-E?)`OGeV{!X0_JD!p^CHQ-o!l$oYJ!RJOy zHHvEoQ1XUL`>F%T@3I_APMP?gxt}-LpGxWrXeH8GMBx)IHw=`+b_oO8y~h5mCML$~ zsu!_HHc-G7eD!H=^vSg*mTSx#PJPkwxsOtR%nS6b0=*|U>)sH{S6vgD{S_I0iUpiK zb88Vs(S4-RgFn0biX6R7)ga_u=iP!k*rw05O(Cq{2PijSM9H3K0*AM7#)FG0xE<7w zuDq%o5har5!tUbNoOA2{tIWOxi~lt%&JK~6zT0@hS&TPVim-Y`C8$f(@ zO<{6N?LH8@w-KQ#H_Y z4m&#X{(hCGK|*KINsqshq|wTn*U3WfMX#*vf^sw8d+L((h8o+dW!aa)LWN#?48|mG zO{xj#SA0X}Ty9i(O@{B-1j)#>tzW(E{=@(FkMZ>1CBM|M*EF7kv!N_7$ikONn7W|h z$aOJ;ru!dQBof{wRF{=@B3_(B;qH%6F~(0UtDXUevJuqL#OSlJr?!d3Bbl1<$r8Wf zVW{DQi){y^>ie&4kB5PF+{w|}#?Qy(ON$}v%L(ntIxwG}M~(ksroXlKnGxkEN=J;7 zxq)uiA0C8>i9PjZ0KD1K*m7U#;vo1}8$;nFHUUm&#P!6*^*FaqdyFkLE@(>q6Kf;m8lVC^wzrsg@V_q1&+i(6J99fn&VtC9*OM6(QGAAN= zO_cjt<#uTg-DT4CF`gz19D7M`C6o=3QYwRUu9*d>#96Dvc*U4T*Wu#=8N0;WH*}XP zCF?{H6ECUR|H}fr>-0JGQ19qtd!pDG`ShNSOAuYNPEk0lvwb~CSd56$c|(Map}(p!3j{XU4>@+ zux!w&ZmCkWd)&sSC%pXC;Vg;}ZV{MLnxlsEY3Vst4mX<>vC%6__6kfI3XWGE%n1E* z;Z!=m?^b+Ogqx`eB zsIow6c*{Df8Qk5me7G6lF*Fq!+)Tbyn7I>xQ7{pTd#*#K1lQ(w3qXpNK4g)s0&iNF zV0)sFrQly5s;ApRa3@mJx3t>chP%-ey0rlR=Y?BMK2CYoI7HO$yC z6a>;$r`wU_wNx3!`K12~YJSEc0*jqHMf!%Odc7mJH6|eQvH}r1iQpYI??1(B1zwD= zr_s7fLQ6=Q;-oKV-3|MY;W(@#+Ep+&<4n6o7fM#8H8@E9{OcwKQXXB_@JMpfU=D}f zVDYcfm`Zkxqio1Oi|^~@XP#cGpW8gC-4Qi-b@hIxkmQGoO7YgN%yhl6q1)N6`aH2d zpZG53ZCdzto>2#}f}J(83zqK&nmH|8NFv9PC-F%heTwlR@?z3!yeLSV6w(ZGVR5hZ zV!Xb@sESLn;6eYR$p(#U5XbV2ME3sN9jUsRU+9%tS;%nH1^|`)4Qj`bFPTS%>{atN zHh%or_)(0nH8N7Ngp1tKv=P_pU3_{#h6|Rq_?uWJ_SL29<*~rOD`?$o&t)z_AmALG z%PteyYoTUlk%rNpN)`IIn31C1Yn3bAA@zMoyj7wpgw;j=DnGES+GRQX1m64VvXv-d zVlV&wDJDJ0(m224s#17(0%FXsT1{K8Vr@yaLjt5rB$+d3xSaQQFHL+>&1afZuA_IO zipnD`U^rY`k)NQ+1RPRbj?W%5ce?6ugU4iCvRRkuP?&K$rsJ^*ozImAn zk~W#GHHD8GrW-;$*b82c3v;gdI%&lw@8Cz2C5GoBrsLKfNcB_>e7u9dsT2XH>j*CSM)DJ!%tuY>bF;1wcO-4CQVCZsqrb<- zvvgu)q8EAHiApDlGdo<<$K#ithWpMEEiFuRdN|xP1NDt0tfWPy@YYGjqpp^N8kc*S zCImH@qIvJ*R81};GS#{0P(sCjKw)oL5}Vp?7STspuX_aa8o zdS8vmN5aR4Ym8K3HzF&>Y+YEmrM5~91aDswNaDio;YN!p`zJDbX&u7=P`8(IDk0lo zsl_R=_wUEa$k5>6;E8bh0=0-C~k?m^~l@$)-{(cIO=!aofxs0@~Tk{k6YnhcbTIs6eJzQ`d?J9BzT&Ih4>H0 zz3cqf(8dsa#8{r4^@O{lvt!6cJdLoRJIXOyi(vG@gm`%pUYY*R*(47|F)rCFUXU^;SS4Erflub zF87W}N;Ir+?Q!*8{id{ZjoNx{V`@5*aYP>d&SgC|^X@T+48JH`7omWJ!6^RB8XMsi zqslIWa532XV(NvWT3I%;2hsUw`phABLPp~x-m?FcHK21t1})F&Q=zEMewfJnJJRA? zIF4F-?WU#=h&LhqqyNdRzFiKrJr2d5??;ql0R(!>Eo7F5;N@PO(!}1p7Vq_WOj32t z7$|`Mp8KuSS`=DeH>M*t$+YvX#T9o;GqmAwbM~U=x5l~$QpTQ(T|tI*4QCGR;|p#uzn@elsnD z7qgEn4xhe(Cbhr%OY3;e{x@1vF}t7`Mh8W--cL5&=7r5R|4zLVLF$TpiDBtiXn z;rfFg)v?{L|1?8hI3=8HZnWN=KeBIr`or4VEAyJP@us}!>ks86QMyE8r}rizY}d>p zJ&4Zq-0J4#TjDSOBL&}ie{Hk;mj6D@yLGi$#zQZ5PgvNmLTe2B>86HijZ4y&y<;_4DQZ@$QP|#AjDF~)^m0e_1fKT|FcIqFD=<1FK3}L{uiQvPh?Q_o+!WO zJ&&p8U}L@fIka0~tk&jp9|1x!-P^{dp_&6(g_h`2x!fE{`Dy55MkL94HP~ZzT4d_a zF9~BAD@mR!67yC~GXt9@?Zqp?d)MJI;)two9&JZkj4?@D;FE;rI?Bdsiy^5)nzsku z_}4O+H2#Y}{1cNmyD)GOB!cl_kfh5F^zoVm^h2&2e=&2A&{`=IiP1ExxDOuqtNKRt&Wk*EhS3rl6D)>& zgPC{(I-`5REqSqn}ph+k>8*U0u3Z%WOBvRhxkx<^QkkC#t`yMBmgsuwNdigQcVG z0m(JH#)@s;q7pYw#+}_RHw%2INa@cRmD&y`Fvo3W=vfC=88HY@`mqmyhv&Px*}p%N z&7m6iTqH3@D3#!vLr`4Eb^K(+h_eD*+=LJ-G)MpW@QvhaB}2QH%cJ;;&i?LLM=tVm zMneIoEj#O9Kn6hsy ztp2F?NX$I>?lso?;pdvr;zv_r_huDtWkdb&Ijh+@_}kdl4chRQEB0qT167uZ))hZ1 z)$gyTXt{ILN~|3 z<6lNaC%Tq~YijCx8uli~QwH60m$^ZpX1PSOI@w8IT^E1I1zE#rrsuJ*utj~`bZ&D`Gn$w$Vbt~C@XtNOn#8n2217roH9gwM*l?7+XI zDxuW%Z#ZspP7(0H{@O`OiX&)!+sE1-1?4VsVGGr6uiH#no!Zd0PZ{4oe5azJFSz9j zI5sbtx41cJnTa8HwS4;3*LJzcG|GY*9|iL=ka|Nyq;yQu>$q3=c;;>6&$k@@{l0mx zM>xv4j8gk^DWN-yiDOPi;pu@7UHFxZbxaaCb<=#0G%E7xpG1+xGwNIFItA zBPCc*{vL2cO#0)7WhqH@iMD(s`?kwgA91@Xm;f3xyDAR;mELy2L&&UOW{%k=_T%@WF(*COD;B7-Tf`apIs(=3`hO;9#+fjG8dE5HQCwCIF2ojfhZ~d+3Fs*oF(PfbA zG%5NA{^UH^Z)|_&NKrzZv7p3vxjdaE+4Y%$X5uxuOPiMZ+VkQ6Jr+^k=ytu}Nr8E8 zy0FinF;pQ0^i~PxbyK=-z4Cbl80(%2T-gP-21OK%~BeWfE_N%yXoc7iZOc;D9 z`WbVR*~;1rbGMricjPwu$T8m^H+mMdcrA;&(Uc9LO|xBEJ`_G#ZfpM7YE>gICY9o7 z^6*CctZY{XCt)if_ZgNwK2c;Qp9ufGN#2-NS|ZkFO}>#6?GDbxi-{{Ybn@bg9xN=W zvB|nSe!B$bfAL@D#5#*d|FJ3RUFK!x&njg8!;ZNt`A>)Bv-&(F>Q~l+&TG&Gma>~! zm`MG*)=!v29mW06=_+;XnbwV9{D@|Lh|FTDm9E5s1@pZY8TbQTZ4LLAuxgUp`Yyv4 zzKB^^pY^@Xp^%lO7EDC*v9>eP(5ij(Iaq?J=0BQ64SB{fnLJlv9-?fBu;^ILlk)(I zoo0V(xf|W_#>{#!zvhF{j;-zW_2G@Sh|A3bjjDnvw!79VR}Fd(|15T?hcg^AwJy+J z(m&q9QSiEsifMu7rQ9a{U!ez=Jj@|wx)OX4<&F2(0%itWZi68TDm^aee$l?m73N6Q zj$m}1(5&U8Hxo~CJuMz%6&2l^k+I9N1wgM%UP~ds+)c=Zfl};&nxvFL-5tgH8%3F3 zxhS&Nsa$3*`5Pi6W>6eqc&nVEaMCCLMECZSAKz;;^TD~wUmj|9)~hy}pK^BY>V7mL zPmNk^I;FupbD^TxPxNls@z=&z_OYkZMCWBLo1DS58iP&Cbi^y-&4GEu2bHU(&M{Zv zUvi9kK2FW3cC9(fZQE#PDJA~y>Z&ZZ8_t_-02mLzw{m^-bSf+28j9mn>aeNqa?ELs zjb>A`d34faSe@2%LJ>2!|1|aoZ&_5g-|$*pM^Og6g#8<8Aq0-mbJZHX%ft+FaJ!Ev z41bF(YDc*!oYMGeFnX%djriww#K}5sa;zrd#&fVEsvYW&=%F~jh|<$7V~0&ghKf}L zuh?2oL**+nhwUAPLnTgWOtRlx3Tt?(`tthVpS+x30d3^dQKR24bx^aFwq6ln0gWTR zHtZGt#kwgw$y7aO^xrV`2VBny#LvJ-##3xRUKlFnlV12 zir7I>qE)j-YSbu-#wud(suH7Gtu1B=VwD)Rt43;tHn!R&HKWvCPrg4qe?eZaB=>z? z=leX*<3LkUh*G?GqG!itU;sXPB7LS{gVLC&78gn9r?_RtluH8Zn?AcUP0sAKTjha= zE9GZ$`HaJqH`D9>*?gA|yId?Wm#Vt8?9Dko$Z6U6&2rQX(RihsDy( z#8PeR19Z1lxV!hg9LhqsEhH2x|8jyOjKilAayKv6q*BK4qdhTpA<^T<$E^sq)|Zt_ z8K#3=fDB6}AMnin$=1dMKbcJ8%#`jm)9Zsm@%3rWrtwfn@>ghL?LLz$o93U_6z%=V z*#64je?b?Hg#C&!*t0@$c@jvRkc>*f4nGldjjR`+<`e%W+hgK7)MV>nUR~9o{V(rw zcX4_7Rbm_%kG7k&mUZObGq-D{#8*Vsh%cvdh6yNTQZwNc7&9i0k-f?T$&-9*_*x5sa(jcW07Na)){N%! ztezGyUU(^Ut!57-G*X&vn~ZsPzx#3{`-n>6$Ezz7ltiKJi<-e6`lok1oQjI?uq5Jm zfU)CzeXE&Fv6aX{9kD<`)OTi~TyR_I$Zkoo+ROzqO+ikH#)~a?jLAYfYg47<>|&cp zX&UdT<{DzxxxOGx?qI?77!gBaXg$}sV7CQh$@9$0*s9!~$iNNQe60tSbrgD0e~p{kqHExT9uwe8>ts<1Ki^^3h#*kV^7S}#X^Kga zPNkKeU~TU-Fqm{Uwz4u|*M2@^Zl~h*G(4{H7E^l4LF{s!#Az2~Mb*&M+CiVx_h7?) z)dcV=Je~1U#FnL!Yw0o?P!^=NpLb{(h3smjY>(aQXR-E30?T>JAn=HWC!8Jr)$V$4te2 z_ZHPx#oeMvS+wbT6dasZw%2=G^Su+81fas0h(n5hIV@0JyUDbGoKdWSXkE_y9A1Uha)D z*PQeq^ncE^Y0J#oHH>+O2i)v%pquVsuSEi7%_$gXOSME?`*(8k6Ih0l&qi?b2N;2i z{mA8`#5FlQWiXV-RKFO>_kOy5#8L>Pr%x?_&AGxh#cOEbQQtkPX!eKMi1=>}!3dby zpXN4)})af;YP9vnr!HQJVF~i5x)O|f!onSyQsm8 z!97)%IKF{YO98Mlb=wt0r+{Le)KuPQBtjH9o{Czhy`jG;$P$HWbViFlUZa%8!yvk3 z%^g#Hcm0=%;uRBGgYqjNcqSk>d8@KuY(d(^z&te%BG>H^`ZLldiuUc+$qjiky2rtu zwn8XfaS*&*Okq};MMlnUAn4@b*Z6uYcC^r-@XB2R8?fe{p2Y^~@pFK{0IitIfANK4 zLY$P%A&S*fp68}T*IZ_bUc5+;iBF}a#&62nz%$$$>ti;;jjL{BaKQ?uJzw`DigDp%{_=j0LYA0jKl z#aW~jirHmMOwNNXOS~H5@z_`Ud1geW&PY*lckk1IUf|ClK=FE|7KJznM7`Im%3<8( z)=9JZte4oiu#9-w2TX4C3{d9re8?0;S@|7WS@|oMM9lDEPR$@Pld$sXswGb9+cE7S zL1AkK>Fc|*jp}iK{Od0${i}PM2g|A@S%7CPe6E#@Ee|!~@^(E{XYZ+nA9gX8+kYnT zC6!cNFK_Sov&|RlV;mgi9v*0^d=v4!p^S+A zpuMHy0K@wil-V_vYXj~WbOxIvp=C$U>OD?4CnhB2mv6k?p3e#xj8kpZ9HUUiB~A< zY?>#Ivk2XyHC@<8Z%WYrb2pF6bkb@%OHTyQb+$6#=C;+f{Y52_J`zx$@-84xnd~V! zUfwR$jrri=GW6jCbuihkEz}!&LoyoFJXdkCc6shtx$m1Xo}F~l%B`7DA`!+B)1IAv zjGuWo*vhML6J_RFnXfou4iy>6@{#x;bvhP2xycxKS?A(kJ~ywv-G*#yockOvZ5$7^ z2*6EYtoZ#~g5vO9YvyH6@O1>5>evBC_toV0>N@s1@9mF1ndz{5RFQ>PSN$@oKUvYZ zF^%GJGX_OztxA1iT?1C%-u`+3LuAI!F5<-jQEMlBHegS6!YW-v&6Q&D2$H9jeB{ul zN0{@XJNm3LtCrJnekD?dlcY>1N-1!_ViHpe z>(j3M1Vr19sgPgt^S|WJV@=M~t2|a^pdy_s+JztY45T+bXX7$@NWMooewd<5>0amW zrDZ0d#n{BuUtPZ;RWGDORJk*=Uw-)y%tDzvNgESin~C8R`K6?E6jyg zKu`=fThR!}FjYfSmWD?I<(tf?R_!d>=}VtqOHF#$)iQwXEqs+=~$w$7bHrDPD$6s%TP4XKp*VV<6*ByupaZiai%X2v|c9&J`j)>a= z^>Y9H+V>A@YD0maZnQG?P8z*4IwfYf)e~-oMbyt82%fF#;Z%6ig39WvVhi>>ZPUDy zvd2aO+V(n62^Oa%{Ncf>xiRgEy*J9o6z!_#fBmY6-M(1+JBxn@{?FyDD;pcFNH;^4 z4c2lF5&syz=Po zQZ+nfC4LeKhqbXCDKbn%{9N5t(s+izMgiC>DgEldZRT3(Pu+4 z*8;xjvbU|I0TGb3Ph5>%cwRVp+VxBSb(SB580-zg%IyJ>RU7{JWkjwDS^1WpwNDxB zu`64$b-X-AdrdwsR;-SuVk$I_K8ulUc;(_4u6Z(L>-RvP8Kn8i<}So?W18hnwC33q z%TL38|DQ!>4*KHHa`p-7)?X9}U&arPdAiU4e-_}+X%dP;$YuIFF!8dgVMd{=t!~3w zoLRyE@$RfOwuxdi>_gGSP1-m^PnC@57=Qr%pRe+Ii@3O9olj7+swT!WqCME>Ec!KeL zg!Y$GF*8!>Xgn==7@?jnjuO*lC{Bq-mBjfErri`|W4h}y#Rrnq)6@hx5Ko@%d=8N? zNh~liVF@VH(Vdb8$wcZP0VB}jd_SFQ1$zfX;J}R&(e#{0x1 z>t2MVgXf>gRo1N4V@grwqBXzYS^cC9rS#ISwN)l9RC>@l-rC(fY@Si8(emc9+`aAG zhH}3afY_hlKM{vR=KSPs|CaxZGt-Jkfl)R$FV4d*0xuB(N))FA$Rgb*u7=auWs{l6 zuYOOVp*}#eq*X%C6>(cUThRS<c)0%t4#P@a0!%2X1o8U6O3 zpm^DDe|(i!)uA@+k;Ew?{pV_`vcaCJ)c8)vrD6vqx{+iwG9t2`K8q#bGkhvKHOL*pQ5#E@B_-8adRuyzm0B4Rrhjh&nq+YMW$6G>7m|YRTA$L-Jf} zaJ{@|gfiXy`9XQL`uPn0a^v!N*v3mg#Z6F6s|vP~cX37{haX*IYHmktC!nNnk2z@N zSG~j*ghZZ}%pz=I^(lo`nSw`GN|zgim|h^`sT*)_sC-^;t2k0Jq(C&s3}%PHW~cL5 zyq@vm;NtJN@{%7uQMr3l1iwkdLnl*hrBs3G1Q?6O8OCdmS4XvcO z-TuKv2m6VR0{a4<8J@Ru=ok}jO`!teXqX-2r+MxdQJ25{C zN&SQUT0}ofDG+$Ow%5un(GOs;GH5}bXcMo9wZ~aqGSfqcOyQ5p9#!?ry}fI0R>X}E z3lRXgi|7zL8jMxWqnxc=>m7g)CB@-A?<}iaLaoH0neG)P7<|O~=ZIx$ZTFidd9GKS zx_2Q$IHpLFm)M|o+}A9H+e`j9CSx*>+Uv&KrnO|v#3{~$xg_F}#8XG$W7j6TAMdbr`1^AL! zsO7%?S^Hw)I4B#;2D|p->1{z$=!4&oR{;IJv*puwQdKXXXpzz0bKG5pBn8N88OY-B z;+%`{_a?ZtTlN!Krqb>dzFhx^lf8F36upH%p}RPKwD3=*(>I?3ag--y%|yp@PGPLqpf5>8c!v)}LNPoHsf>L-%-@k&F*oJJ}xFAL|*n z+W4MfvF=UD5(u2mG&-;=akxlirv-n)udTfHu!wAJyVlU-eGWU{P8QAn;|>b?XYuo} zNbG_(gWAL36|4KNGU2a)+y~XgX{Fdmg_n1!pOkrRZyOtPo#dn36AvX<3nK{`S4J|@ zj<%P1LAG|b);4DhqDIB5Xb0V5R<L=d*0h4B7NC^grO|gUM{daYju%y; zBk+5fvI}=E9G-)#kJs%Q{zUz`fSrd15M2tAH>b_FqmNC4lFXV3h13v#o8^cJljoVl zV0!Q>(VGuHD$o>NH}ke|9laG2F=;f;>8t}*Q&r=lgw(xPL6cQi$v)tE@;BE%NqBJJ zd|EQ_NyEc$Dad|pvm9jQd;S>d;YTodod_)lTvTRo7~6J`ZdK0N}}cCz;pexYA<@wx=xB)Jy5rcIh7+la^(0_8K|F+TA?H+oyyHiueY~ z!9+ER6k;m6?r&R&jae{x#9XXR338Y^m93lFA^YVh7c5ApFuz!oNj@f7q6}Lo)}Zg9 ze0ZPb&h2HC+=`MED-mE-xuWo2g?yt+0jqrC;A9fPUuTh`f&^$rH>D8ec#VW^KX=j) zpf(oJq*2!@DSARVOWr1sM4lKcZ2lriWLjNkVfGGbag=mFinzq9Q%8yiy6D|I{cxAk zz}$@LXm55eT^9GVbeN}u%g0pu#V)TUC|0jJ1+}(G)!SNoR>%u}A+Aj>{iHMl68>j6 zVmew}V|sP6koj3#M!wXF6vlDJ0sy!_>GICv_cz*8eK~$la9Hn*cu3*Z2X2`8+5UV~ zGX9cMtfS?_=Jy3#J6itxrgkLhyHOB=469!|4YHNUUN~pnbFN32Eq5Jl?@e40B-Iub zRc3Jj-&pI4lTtKX?h2Ob;)edne!X;I4AblVH^=m?C-?<&^`ON<)J17ULcXlWgA7|~ zd6&1X&Kq$#G~*3^A;Fno@#^;PNG5~3+-OMes&&k(wt&HIeRoc#N=R{q~}Z# zC_R)LPoD4CXz^^ZlxO#^a*D6%wAXeWi$}dk%*TlLHV_D;yn+qa)QGdLj(;{^etG&3 zKp#vM^s5ew3*#-^;6=Y{CG_;m_H4D$vgMTPEgFHNMQM12=ccFZODqzfgfix+m@_fF zGH59S0rFm+>e53=b1e%VIIkNv0)_7m-)&u2xH?-WL6}-VL(X;({FGd+rD>8H;BDB1 z#;gQpNlJ|mQX-=vSsW9e_a%aS~a&JyjmKTX|;-kt*LV}(CbOjS%N3uSqc0TCjQb3uN z15Lc{V?jVbexbZ5##(o=BiwLRiALdDko-;Gd=sj*piO`}jIMt`cf)ajh(G8(=P zqCDXM_(wgCRus0Me7WjD;|Vm@TkvtO`xb1GDh~J^X5j!UYTsyUEJ3g)Zv`Jw3UX}J zGFtbC$;w|up2@*n2)QHhT&Cn~ZLyORJI2HK(CzyU*LC~1_XP$X+~G@-1zFYtB2x9F zjc`uXp9|O9JSK;%T?z6llcR&hI>h*2VZn9d?&DqA=@avpM?W}0!Y^%zoOfO<|4BDl z{xIDrIxuLhXIzYyFD~BDocE(FnPo0Hyp@MV|3h-qF>?!t-g@Z1I$<&(CxuL8*lLi- zA2}@8IQy$q79W5)6qPI+^||s;ek!I>+f~a+E{LpT6gJTobiBLnKw&SO9B@oLIO4zP zipWkAk(4d1()1eVH53w4aSeN-)1%&{`^ki zJQDY-V#|Dsv0oo6fNeryN1%ZyE9WvXPRGX-r^JiOW9cNL)8$2_Dsviug`+arta#MK zC#l}^bodn~z^i_?)K%P4wl0A4Jq#OA)%Ip^^q|5D2CG<^wuoggC}RY`Qrr+zue?M@ zzC6-<8hijVPX6NYcT?iFR-sin zmRh!<&l{mH+_mGb21bdjjQjKA-vB4>*hLsjt>rKoJLW$L3RH!5!JGjd#p=%b>}lUt=QBW2rW zk(Oa%yCmZ-)rM^PJ@h#XH0%vF!A3&19d5&1Q>XVA$M)+B=g52kr=KYD%Efc%KUCdM zr>mL^8WVSqeARn0^ys>07b$2A!LJ!h-ss1j(jKvk0d^59IU&>htvE{O6_U=09E87; zH0QWE@wC{=u@bSu#LV)Va|Pc;?7CP}%A;ST^xjH@!cE9qAJV*e;{KfMn#a5a)N)e; zI7P_@dch`-r3Yhf>>d9wVXGXe6$N1FA)FYXH9aPUa;p7!&zv7m-D$~KSiFZZ&_5mw zt{g;-dKrDw7cqy|>*KwJqZd5rT~cIK)vxK6QlBm#jct^7oUf+Zw?_Or-&qWg;L%Hc zuuGZ1>5aJCT;#+32{khHvI6_KT-tc~5@iO8u^SvW0T(}^m5XUv@F`=^{Yo!=7ZMoJ zG;5*9zpch=_^A~21Xii-YI9OB42Aa~vL<)tL-+g}XB2N;y~AQmub_mixAAMwTivYa zXqpso1tW4xh-C3-j_3lqz%RbMbxC@mH;Oj$UA}ohCE|c*uu7@DrSS3Cx8X8{+ zMDyj|nn>r+e||HdGwwUln_8wY-W@<6d9h2p>YSSvgl2afgR=a2- zGVwD!el>C(?dUlDF%r%>&0bhMp5e0>qdWkrRex*Zrhk0mfZM+3%2qbcxzQ>Dt}mj@ ze`=LIrjn9sj0I1mXwjDsDW_A@5}Dufx*Ego7k<$DxXfNAU_b$XuwH9Dd^z9hTxha; zzPyY-J#BnxTgIM@6^JepFaAwbVzS?%s#~qo*%yEF_Pz{kTEk?%?J{3?Q1WbAVVD1M zFQTcnwY2`XH84MI`prV6yuSYPOtaL?EZDl80f{>QZ8B|>nS!;pgD$8?rtzLMz-s0j zIo~5v93Dp~tHRpsG^Hu)nfjLJ%C_p3)%PnL+zEXkgVihKraY;T}WZk-^8XLOq_w~{GsbK)C;!n+a`J=&?D zIc3nGiP;a!r&wAN>dRi0&FtKjJhyuW19A^FG0y#t|C=>A7FO2^590nll zZk=zJD@sLN9&ClOT%Hk)mX&UI!9~tMjTTrLh=sQMiMo>($lyBckg)}=J5R}J3AG9c z)+Ho{G-dQD|EI4zcnr<b=fT@kPZN2NOuFUT(?=p$v`o*Sk-x zfQtG#`dWNw^@r!Zt=zJFsGI)J=$kGq${^-Kg(y|IocvtKgSWwqB>(bwg}QgL@_Hdg z$zmnbDN-iGr9p+5Q~YYF+MX^zw`!RE`pxm*7DYNVJxT-PT#=+_6CEdFVu1sugH13u zgNY^tHs31@2Z15_Tr(pbt<0SMoDOXDTisrkxg)l)7EEn)?+c0Y z<}So@*DZ1PSo4{wtRIE|UxZ7mugqnl2m#M{)Q^jRu zmcCd13ajjSMb-hN`nj6Gom1Id@N+ZiN0($f$!U{eZ%fDGM3mZ5ZIBLBUG?SbJt(Py z3xMhq60%R3WDJ`%n?n-K{FYB@7zuw}Ee(Ci=m4jnPk%T8YTasQee#RwV(fWgCf_REAIR`N8Z=HbvLlPOxlsWCBxZ&Cvlu z_6~S!C_Od?Mt^@UP&ae=k-SVFgy}Xy~0clrG8??~RIrWuVGb;P z5^FZ}vmfhUU>0U2BrTs5n82Lr28s>;lg@ebeC3OT&eX9aOaeshQ-mcPH+aJB1C)DG zwCOTYym3HpxI8T;3yB`}p?}*AcD`SP#bzz6zPVxIrDnz^q&NOZmWj?T4(lkf@I$5o zK8D_1^IgX?)v!u9Q2wjLYTLsl5Zv%leGCShfi8{HjF&M0)7llif+-owGJIm#k@wl3@%>6(TMJwA4^JO4LO#UC#`{nfCffHi=!EwJrLDZ{$7 zTmGCN;-?^$>>DJbJPHSVH6j!lcD{aM6@P5(hqF??a^<@QCaXtbgN>Vd;n>;cc>Va( z!_A^==Se91x>#;B?*eChFNlUvw|DyJ5Hz&ETZYEDdv6C%+o|p-T;b0>&*#6 z8V$lWgPj#{i*gl;30MZ3iL2&Jn#YeQT@|!)J+%lBB$RIL4L{MaY`Iko8@K9 z9_!aHL7*|6Ooja#w9c;(IO{8iU0Vl~Xz|S51JKygc0GLl@Zch8YQHPvBf9bfmM<28 zUIOmzl^8`FtPH=mDaBqc+FdA~R{iIbrxx-eGU8}^X4@D0`ki22v;BYfC!(*Nx4^w;{{akfg!b)LfRGxz> zCYMBe~Gd;6NrUGaf*QEO0Wln`hrW^_lV{t*lu^N%iUz32PI_8;=ZpH|v zjd_8CGECvI)S*&Y z7fUBu5fjmK$VX~m@hP9Bv=-3H4Q*uc5nj)%!s>9zQB-_pOEW?UbOr5@?5qKY6PkXy z2a(%8^`GJ>rmAWJ0r!17u)pbd(-iA+W3}ze@p7X)H7<;IgzB6}qk5~Bk8=0-XpV9m z#lC!y^ylx&*i6eI)+*?oeo|1qMV%i_WS7#t_U6E#bN>*f;D-s$_W>Jlx58)*6uwI8 z&DIpQN!jj+pupnG4vII-D(v9*;us~kY`W-5NGE$XLiE%VP5ToXEG4qe*HU~A<|g3F z8L{5N`53H}qKlvszMFuj#l+KF`b~{fxV{Hd#Q)AG=lL2Oc^vCNFSYAx_wU}aA;~?U zl_e=%ze4VRTxRK>nJ{IIn_GfmcdnCW5*2FaqdESXEsMLDt!yb9=P z9pht(-W}=^GY4Kukgp#Tu3JA%WD%q#HzQuS4qDo_Hf3UTq7C400gzQpRn%cg_%HsJ zJ={RVZbJ3N;tZv@3UPr%0}{0)7liczR?PEwZsUKtsmLDd(;j5FS? zzE~>9x^5rfJ?0lfxE+60m@6=v0Rg;wtVFp>|Id-hdc7Y}@xPZeT4uKA=6;#IVl4UO z*gEBD*A{lVJ2XR~zUNhPBw((5PN~%ql@q-xa#OeS#&w$ssOIOxfB>nv){ukWed^}} zc2v`poATv$LQOg&4_R&chGTp#kGinR0%SjQu2fgE$S&{u7Ha6~0 zl5BYCfpPupY2yR?IQ+XAOiW#-{yOo^)fJ zN-S;dVQ++7oT){z$G*xd=xg9WDJ)-P9K*(*ZPEjAW>axcdGjp;n-%oBc*XP`z~uI= z&e#Fc?LKIUnfWWOI1Si|cjzy(&XyF@engvf5IN3TSH>VlN6oCnw8WKBia(T6uWtEY zf2I%QJgq{$xMeJCcP!m|79MaI&~aJy4EHiX9rlgt>&uRdsv9kN>S6wW@Y+Px(4+5= zYW4w)r+z1QGxizH(xc7K&c_c*h{L=CO;h1_MEbl>7zoj?`~dS%tltF6lB=!Jg3kAez%L z@e%yGm`98HjV`&wPnq=w^|q2cM9znS2@&vES7L97wi05BcKB>O|c zgx<(9UZ22FEvxOleUV=?wfz8>3y_@&w9%81=+CTT5q%6I^@vNpabSJ?n=fe$0eamZJ ze;#UJHFY56uTEdoJV>JOfmw5qery?=rxP!kxTeac%T%Bw?H;I4B9_}!7i^PTIV9nd z<07kbIQ7yw#!0p5#X7JRDW?x1xvvbN09QIgWQl0_+f0W2d1tqqk(mL5o0yE&!*1(A zW)C83i|vmOnN&=NT`27v7zYgf3oM!3kj_DJDTl-1>X)IJ@VQyf0DPFuu@A=9*4+W^ z*%;tqbNY^Zt+7$@U3FE|a>;OBqlawo(QNjFX`=B@%7H1F?!nB3LHrocjblRUCXGPt zEaK;kx7spPo0J(l^I{gA15i+#Tq*USlRpl~T-=pmNJ%*QNdjGxqvFB2oNaDS4?0#b z{sok!m4w^JdfWklqQ%Vyd#=yHaZ7~rMCt^90@)_?Fu6h!`MZ$dD8FHhZWEL z(gPg^8xWM*j?9tdOBUY9*=jxs5?jUj~^Rr2ndtF34p=^12DXkOQVl| z$nqB6RKE=HPc77kopng~jg)vH6w|LF6LPS_VD^&S;A#bLHFbMhDc zJVS12zg*+UJFuDeJNFL&)cDOjuR$Z3_o|vF(eqo3iZfbpcuy!is*c`xsyE}*JG4W+ zH823#4(({4X%9U=DVK`)VDeMg>A6}jeI((px%z2e&lINY4t|rDv5T^6^lF33fy?p= zIpKlt6V>cEENZNiBkx^+{+`lOY@SIKhrSNfHd8F{Wfb`BBVm_JjD5g5yGI!3ZpOy| z&w8tKiss;CX?JnU|M1|%IYKEnC$G|6&sbiAbPvF4U`6O_u^di}E=GV=YYLe+V-`)b#cCZ-0@6 z+i$jDDF14}){9{1WT`2QdrsnIajr>`{nk3gS+ces8rEQ2!Eqh59rJgD(eincuqKd6 zV`q-*E2kqkakRo~2f(nGj?^`BTqEYY@kN0d{16>V*J2mU}Td-V}6aA#hwKIBDsry?QZu_ooV^|ebY?j z(G>^($4Zhb5gx(S)o3FxG1T6-%lmSGM^N$SG(#V1MQP{&=H_gGIE&1d$f1zSS|^Fu zEVN>fmrj=!Uw>lP+n&}L=$rN%3#*6kO4Bl@ddK6J0r>_`c~9#sgAVR%u;o{ZJD4w= zMEIu(#VXVC-@@Ozft!@>^~`W!Cewgc-RFdccG)z319fhmLOjy!DO=)zIM&Fidttk@ z??>I+EH<;8BUB5fT&E%tJ5^P!$k5G`jLNe6H^2as8aya)i24| z{?w?Sz70;LSd@(N(HFrCC>=e6e(5s|w{~*AL}`tC31F~pw@#f0cdz7@>%D0goUUW^r<*tQtG7ds0uMpq`u6SHheV7 zD(I^^~%RdfL))wn7>jiZ~`#OvHI|erR<$ug&b`@k?MV0 zCfn_ZdamosWmRru8?JBn?OeZGOPdx%yU`eFthtq9*fLAP7Sf z7Ws<(FuQc|9f9|91%-u=W3 z9we_S3nICYOP~hHZCWloP!l&3Mxyt854N<#WXk2YtZf zZ%S$l9?rK$+Pd0VSztFJ4Q%QSv|wE+u=+A_4YM~5w>(TUr?>p^-AS`@1{9=3<}tB^ zQp1J+o86e0Rgzc_j`)>l$SWu@<1FA64KAJyw|nE|=b!YfS5JmoT0H;2@2>hb*n%nz&+`QmFrFKt|CLc*J=WFJPQ0Q0*90KO_O@JN zA8NXYBNUIJ<2-NkCuHjjR|nQ)=$)L>$*g+XBewcjt7|Y{LJ;Z1TNlhito6_q5rO(S zLI`u$k9WGnFNW26`d;L_mctXCb#dzT?rmP2v6xxuH>vM;rAQ4A)3n&5W9+@6J7blj zIsenFh)MvLA>u75O#^xjM-$P<^&S&Kn(RO-z|)2VQ}tB{yS<#OQUfq5;0FEP3kzA~ zF(@Akanke}V`@ZU`vuM|A6bzUrfx~Xpc)^0=ncnldv9rwb zC(Zp`erTTE12Ux0IY2*K4qNPX{ov<4>FOTh9qtcD|a?SSMGvjjhZTp%4i)6n~ z=LF_eOkVx;$=x&I zH^M!;!M)JgMk!@fd*DM!1_LgTGiIjcf^sYC^$tDwQ;St)x)pZynbU%qe}fZEN)Hcm z#TtCawBOQk;@#$XaNA^s)sKoSxR3fjk>>lg8JUhrS(gX=;f?cKRg&ZM?>`1U^rIKK zID5!dU#OhOQtt=9iZ5bVPJw+*r+0(Va$+nz&0$)aWEME&ggasSyc|Q- znQT7h@tM5oQmYwE(t3uF)Qk?!k6cpI;=R`Js;a2cl>0HiZhXGxUyButfGxwUrqf`8N{`;26 zu*8GUV6eG^VQm$1rhRNo^9&;%2p7>z{-q%Q!xFLTkO8DKFTo3m8Y=;L$HT>(%?Y}CF@I>{~ z1Uq!~1h}N*96x_gY5sTXAEP#~YPfH`>&)yTWi_mUACKPu+g0wJWn#$H1K>!Ai7Wh_ z!JHa;2YA0ijLiLkz*P*+xPGM}Y+k-`TL+JtA%EIW*)pvqS%)2*)(fGP3 z`e(j-7q|Y7$Zh%5$lNXHqSViY3tGlfBdUKT_XH_ZLzwVCOe0Wp-KV5k*QTR?A0GzH zwCPG7YOr%Xkk4PK4W=x&F5}-hq&X4&&ogk$5J8gJ>f_B!M!e|+BS-dL$I+Tm^?Zjq zI;ncD{i)no@Q>Wew1l4Bo|Z!?TRS7m%Z-k+G1sO<$oct%T?=+qSjVfzc7IvSm4~=C znwOWugyU5G61?-*V0U46ePu>*z9W49UmxY6Pw%)Gia1;P=wcVT+t=)IxwF)>==J!A zl7Vw6!|LR?!1$_qWqrd=;Fi~3E|lZ&C7pu02LPZbNBtw!N&d^R~9p{Lvajr#<<3PqOz zr>F8s-slIZJ^&nw)m4Cs>gSi+o(B}R%a+d%Wuv6E3%PpG9mYATEc$0F1BKu;Ob!>- zA$~5z91dUPNIAIcVu0v|mc9axLL~!V+})Ha;=k+3XNxZTzBo$B?{D4jH2F}w(SlE% zJl(3=6~xr3@EEN8Sm{{_rl9K`2I9_r18y=zqy&M~kXt%8H z1^e4{yvP=%WitQ=Kq)xzNZ}yewMk03$S5gA^(>w!-3!KGzqhv9NjBYHPWhd8Ib>ID zzR_Iub-_#d5y8PHVDfx>qdMY(IIMp9d#&p#M{!R)`|G_~=~XnZv6rf|F+|!cX+s>~ z0Qsq8KG^vu{)0G4|JSJB4?Bn;6SqK0&6`XB)=D4R`#VG3KM5n@IzBFVN6t?>Ui&iC zzvg&FDq>1us1O0C1RiIz>SqTl1Lkv0+A~1!OqmQz0vCW+MNcN?ALn5D0R2as zt~kC=t7!Nb)Fc%h**B3I5z%-j>3k`29{*r_3lf391YRx1bpZm7otvoWW8Xo)JE zgHW4wN@cmCG3Pb&yeH_fAjefo`0XO$uYiWv5|xs1+D}W4ghbrH6w~e1z0Jh_GoZ5y z*TN0fPPB{6T>$WBAth;1q+tx^W!e7n-X@GG7Dj0C1OxWc%ld`C;__GIzSlL^>`A26XD&`j>GK^0CFkuj( z2BqLf2Y{s^DMj$%AWJ;!d|65W7tk)Z8V?DWrPnYZ#w?IMSb!gkR8u%CcHoItDX}62 zTUYr-A9MpX*+RVtvW(}H`+g594mB$spNZUVj5zu~n$G*5>i>V^$IJ?cj7r9ljD&;i z6-UbEI7X4|lzHqul66F6J1FJgkZjr6;y4mQ-u5`M4%v>w_x1VV`v-8lc{%6xd_Er6 zb=|Lq%2&796cL^33hK6U+fvLxyjQMP1fv{xj2X zr(~a9j-g20o9Cj76l0?$(nAy8j`^ziA?RwSK?{2m+6f2mo5uKwf$`P&sHXKAFI{hL z9g_!j(y+Z`Og17t0iCC{l^`H2^sqm@Mjx8N^tWjKHHo#uzh5MIGw1u z9@`md22D6M1`8~)Frve`wM{EqTvZ$@XjcLi3KV!YwX?e7JNEmeq6=*AsHQyR_vWaV2sHGtB0fmR-_Y)TW|N zB6OUs&hF(z?(MdKXIKEBRWa)x0j+a8An!IyCI_D7%142DSh0I4FPzud zH2nEGUz2|-Y7Qe^l%>Se_8PDjsNQPjt7GXxR5ySj#Xh=r7+V%yx`GBpF&m>L})c*e7{PFs67|=_KTDyqKAI9rgvcNXB-;OA3dQ3 zS@mROs743uaH*dzt$C2vW=Q~Uafl{r72Oej8ayG#f*<+QyoNLv;}?8l!tH}!R|q_! zG>s07mr{uE32uE~z*H zGl=PLZyq54HF`6yc2%rT)*v;fP&N2qZFaZ}ATYu4vr@st4eZ=47E-q>cbs(ilLiAg z0zQb~n3}OrCwIkt?}hkg@lFBX6@fGQSg zBeK$VJ}JY%Wv;p9sD160sfyp7q;mM>Hi{S!*Inc;pLd@Ji8sDINLOpd>qfxAQeBoV!1J zFfB2=W(=T$9XDux*LTiIVYH2>Fi#xrVshQ^2G>uHB`H2(ho02$xUA|vQ?DO8m%P7J) zQoH8Q_q!+6&J7;3-b1udlrjj&?6tJCcqf+ZP`|VZ2qv$cku1KdDA%U@$PM9ERJg{o zDP&|qjyki-Uu(CUYr1_9=hu6573WDm@rwgwskor`P#P3pDhMFLoE7l1A32h!TCCc7 z4*K~6K>R%mHj9viH5TP}Vu92?`pdFM-S2!na*can?lW>%$NgjsA2Z?JWg8px#EUCP z7^{H9?sieWXHCVpes{|?1(lYIVWKxrmk;wz#lE-S){Jjw?P4X_ahGsw4nT_GwhhCl z-Erzc7e6inaf<5At=Cd#W+fCPtzHtf=r*-U?_EY3X0}P&JF7FBL$z-ceQhGzpR9_{ zbbALVK=*Agmk2}tP{XlHa^B@_%+^3P96=B*2YoLpD@jj_rx53IH^1)iBQU_Ju^a=7 zjHH#(y2bd4rlRa7bv*d?%S0t)H}ssUnE3e*8PpR?oTBUOoSQKls>6`IE)aq+-s-O zFu%86H%JnfHW-sKgklyHhV+9(Scatf$bZM>{A@_tPj5Bb>Cz9>3;?46tof0|(S4a) zeYm6~M-W^e+Xw40i_NyGOR_X0IAhkcaN@%GE|<>g5NB$U+4^Hr{ir&y;)f7R}cQmXk&s-RvBJ)x1|U*Gc$4Io|Ybzd>!vxar{daFQ z9|WcbSQ@LZe*8V1hr-CopV4A6^$p1p+yz_-PH@}&LRAIzA<^S*>MD6H;-JVK_U5j@cR6JbV&0|YEJ^_djy3MB zK0qOr8pe04Ih~FFn%7IbLsAm}9Pyeqr%^LI@^Nx>D6)pt_ue<%o~Y?HMaaUb2|y2_KNcJ=YN7aM3lT|OS?`{ zd3kwIQH%&ybXE3ifOCxuW%BX~c~d@MX8ZK)YyR>esVmEEM*FcAPd~Jnhcce~26R8H zA}#>W@u=jOmB->^a+zcUgcz0-l*^_(#|JED{u9sIUY(wPUtSKJQq(5~q4iJd$UpP! zY-lQM1his|-+C+gmtZ_JOV_+<1-TtlwLX82WBh+Fz~mcNO+;^c9@eSHn@3xKHOq|Q zjv?PiTNP3;7X)ti~%A zG)quV%4OWW3A_7PeEe$J3q+r&ykAv_=Za-1Bkl8ru#fh5@Si~SkH}>3Pf&Eg@->n` zy}{wZ=){qiu9f|`x2f=V=GVd|GVC%!&YDSMb@SW!$-J>LEq($e=tu~ zCeuaStM}sJC%PZCDrEf;ufAsrqxE~g_#Aa zLl81Q5?F8TzcYne6sMoHbAjPrxVcGZ&7Lih@(Bcora_6_4MC9k9G7HNPH%cVItr|r zFnE`lek}+jqgPh(xy9YCGbDl`XaOK7t?l(i|;Mmdf7fMxloGec&f+ zt3%6W^Wsk*(!SN^Cgk`4gDhaCnJH)vZ+kJ4iJIA#==DVx#q<9HmUn+$3M;ejYHam+ zhbWi{NKqC|2#j|YUvt@Xp#|+Hlf1>D<+$vg@pSGlxMRH;b84#OJnTy>;2xKmX#Q9H z8Ubh3kiBy|mx`IN{Sm+48}jXH*awD-zrrpQdEI$KZdzus-r_O?ltXuK{_mB3sHGoN z|3sW~TS1%fy#A$7zqkHN?`lh_S~1qWF&(Zg-Q)nJf-|^!%`#x3&0f3)AN=QeIeU3( zbh+`rKfHW_6dri6tE+t+=OCYCRG@OYb-E8&HC0=KcmJI=d(23xT`u{D1o-=hw?AtO zi;!WWf=F-;=~!6A!H+L?jtI7)L4M&@eYX_}vx`!_C;zr@eipV3+fxL4u#kw)+8Ka3 zJ@cl%=-cIM4(BJ){NRu5!`NCcD%SW9Np&t)K=!-g5gWC1kl+z_8%5{)8nO@lVNZZW z8LT$R5smTSHpR~=-!Vfx;HUn9Y?&!RmvCzr-z+nRB!^ADb>hw;Q2qS;;wLJ>EBOlN zko{_BK?f!NP>C|wqTz?-N^h)VuXEAE^L`=~X!Y*}++>OGQnr=PX(S@*diwbnNX8w0 zDYG0QBc~PHs^g?L{83o*I+|mJ(EfNudj7kw3{B+?5zr6oEBS&&(h_15)xh4w0hbJT zWO}^KMzQ}8UZ_7@xiboeWL9u$+kVV)`X3CWD;=2-s%!OaB@8RU`GBKVBiXh72^cDX zePTm%M-F~xP_aKfJpEc1EE&4$mbe;pH|Q?*$(4u>;VU3hM#gi z@%IL5#7n)Z*DH~C>%?#y(11JxW=dH2+%xr{n`ak$ugiyngSL`;ht~5yMcSztLLY4>JCJFE z*Q(=QGUMjE9NbU+AzC+oeU6RGxNGXUF2c*#5(dB!lk0H=aj_fd7U7)83^hAW4FQk> zB|_-6@o8gYK<7U2B1Be8efuHSNeY{^MFXnON|B9t3i;$UqqHGAn78G^KR_fZvYVTV zv_|R1&gl+ZW;O^zGMxdYmaw+yw)>mYMQy)Jpj8FojH5`c~W8| zVmHG@hNJ$wC8bvU3$!#uvH!V~{_|czJM(zTIVN}kfeMF@L@#%{R$!e+#j(bo0VKA0 z0B3N`0jqVgH2r>%6waL=Ai6etQD^m)(|tMr^5}2|i_Lp;*%1yv{HJX%dRZg}CMIau z>rohni;2S)#Ee`$@K_DlfesQQ!;rpwC*_X{)%_kVSrou7r$k{aGISkmC z+pOwax-X9BTLZ~}xv_j0DHJqU3QlwNR;2{XaF7L@f5gE%-0}uP5cGINGRe+2`Sr0M z2Scg(u&z^Qj1@mBuwT2`0wI99{Ub9no7=hoscr}#1j>$YunSZ>zOU##%Q4lor)njC z~}1}FyKBz5OfAM6Nu9Cm-VG6&Yg`VN{W8bx$Pq?rvoON!GRYP zwyP-Q%X6?=kV_&Vfw;(wCh|q;gcPkad`oawg430BjTIF{Q1^CL7lX8`t@>b z{$gj-b87LW71t|*lz~-`#$iF0#T$(Q=QXpG5(!M}3=!FOR3}O_aZ~hpaU-kfku`8uu0cRB&NW$^QMoY_g`0 zk{gezeT2v4Cj5jlrNMtUGZgnoce@V8!BgT5Zf!J+In$o!d-z z8KA_Lq)70oegn+sE$Ro|*_vK>u6vE2PKDkK^-?})8QW{&l5D>?(k{(iMXuUd-ZM|( zv$k==U&V#6m|vU+y>q4&`@1av3fQjpIHLPzwnK)S{#7y?BE|N8Lrk<=Kc$yC&IS{w zgKj^OxY7TBV>~H)XY%~`l2QEb74aV`&Y3+mrSSq$=^P)U*iES62ug89tv97K+IRhI zLuG35-|xdf1T;z4HaOC)R8F_>JG{dnMwD=IJM-ULd(x;mE zj9ah%j>aecT)I&CSv2USU)1~}&xM7rCwu28u9E22mw`;p!Ddbn3eitH6D+&koG(wd zQHzZouds=Ln?ea~7$cHK@tnJ)oe%impcI^mJc3MQsbsjmYuk&IS!4gV&=M}sx%g=* zLnB@_?h^X%be+)PJ9m;4GhW-6{rDMT;hPgnXOB10|FNJIM*~{7N%gYQpH|GhbG^jO zbU49!FZJ@r*9>Pa$s3T;?D(Ly^xj@e#HIRE&ohVVjFmX;9;=QJ)SE^}ToK^g+;X%xQlx$*wYcQEdGtO(hHcv56~T)v-nOYWD^%*T^!|IR z!#+mh9m63y@%%+X!bW&SNwEV#ufbm$x{K(3w9jsP`mf_pCUbC!8M1e^8~sh=hxZD) zkfZ#xs46fGjlDLjSyj@>%rSZsT1>p(G2+@5_cy#N4EZs~WQsVnRV&R`^@sfC=ng(w)fK9Oh^ z&f-dGAuop?udR^}S9@I~3j*AI6!M!fl|^4Q2Sh^%e=ud573E^Zw>kS(sJ{2dn*DAL zGxqsYnP>IRIPte%{S)6cjOV2q<0o9S#l$rESMyr<|F+YD*AT!(>zYK-KIrGT_oMgN zG(iIWKet7*k<^FZ2h}(Bqg>Sa>E^@Wr0q8PQx!EJ{Ka*9?f6| zxKkxspEN9|8+KF2a3(r}d4Zgc&cmj%*M)u8T8DCkHH{BplfOF`$;%W85^{{3 z*D)$WN6EQL*seW=!ys$FS?u;Z6&W7V-Uf0^uD(&#_v85Q~&C>uJ6CTL3&w!JUU z$ay6eS(0DBavAt3@E~r}7V6qL6IG+}nm#a%gSoqGsB^c4^(*=c#TB4F=rMkqC5|;( z*i%dx)NloE*&4^9oqF|VXHy7OhBfzaEoHhm`Bo&|7ojLCRr)zaldJfH8V0&MU)e?% zekwHjAm4IGQP+ZfndwvG#TO(3Jr~CyO8TcL&-w7<9diWW5VGktJK3A+UkCgWb77~$ zjre{$o*4`;T#32ch;Lx?I3WIH=`4p5T3%WZJK8d3M*Cq=>TOY#l?P~5QY|8=dSh;O zz7g=f)=3svpI?-F0-h8_HdlU=C^l0}#o=c!? zEoOqms^u7!&dA@-oj}RRlickQQL|Md77MV`p7X#DK9+63)eRh;HK5|Qy(4%WnA~T! zj&w#H=srqWR0ks$`Ho4;QoaVYR^s7j8nLo$osw!n5~h8w8*u`CRnL6qM$=8zlZ_-K z`@GN34jbKP`nYp~8t3Qc=H2sWw*Pds&J^0mmwWgr3B^puYE$dlf%lkiDKc2d`5kH*)PE)ia9mAVS-a_G8zn-XGrkG5ut}UhUm6>!$p6J6`hG2Sx8$nrqP>Jt{0eK9jmtS|o%}zQeHGPEh7gKn z)l}d$LN&Bme(e_}12yE`7l8zHihz=Ean+AhxFK%UJ0jHIuiom5`Os>B=X^(Ca9H(| zx1!`7lsZr{gRHjl2YH1A9QRt--Z$X(iMU~?p@i|h&XuN6{NH$|qU_6z*(Ww*fqXG< z(3^jbB7j~!pG63yKm3tmP}gwqFh*XxbPYuJm_lk$98WF8|0H1&JA>#c`87I&28G^J={%!&x7J$6{o4Hn z>jUF^;_t026&`vD7(B=3)HdcmW`qw8ResT0C)s6V$cuqnaeorav5}yesmRQgjsJ2E zE=mf`5+9I?A4xQoLl|ew$J#kSrGtx8>TUswS*C-PyS>5n$^|=(E&bh#JKiDHRvn?i zvwmMnOXJmLepa9y*SJ*`c}ji+{fqiMAnW8QarN*Z_G|ESa)`;#QNR{f@ORhG$1tT<^CzU@LexoFGqu=fks#5t- zHJV{_PqsG_YC7{9`g=u?QRHVkpF@1pu9U&FfDqB*YR{;) zHCJw|*|h+&LgPATw?Yu{t0Z8#zGx+q8Uq?V=Q?~~1~Ux%z^C)#tajw0_v^*hv2FN- z+}l%2B6G_G^7Q=gYH#m90Mc}MHgky#@)m#q4GF7bC1VOlVYdB%^-UJan+)IuS*7Qt&O(f3!AA8kG^~p?r?xs}*T@|1~mxJwewF`Dn$mr-ilEV*jr3m*|vE0y@_F zOk>OHYc6R!JVNEk2_M5FQ{?`W!be*C90>3~g}YbR-V`f_EC!*}LjsZDT2D5L?h%8V zrL_lx;WUHdVu=rLJnWGgVSv5(B+Yj5+*Atnda-0}x`A93GE^z)?Cnwcp}1Axg|3jYuIbyowViC-^#> zB$t7qP_+V~`8U;fDZ__{KY+J{pO+utq7Ufj)v)(1%GHHv-j@2uRB(6zJrP}nX4Fbk zo7FqU7S6tj%Bl7~uW`}h=48S7x2=y=gaf5T~Bfib2~4aHG#z#-uWgQYJr ztu0I}&8C&V^5?MYQADN-6VL%>>3XS(+ylF&<$5152Aax`Tt4v%G6xZ~c14}oKXW*1 zb%DXxq60uKQ8d|u_J+T{IOrRT`*6i0@oRq_%RLDqG9g}Cxx7cGy@#tqE|X;0@YC5m zBU@_{>)hPztS8InL{a5NL$c^<+J3jc9^Kah_0_IMmK6D87IpEt@PmYpK-tA6mTiK( z$lubRF2i5v*Y-sGnOelz()1zMd}yt50dPA?qPy56wksr+Rchg!Py83 zjz`xJ{3p+g(*~kOQ8bty2HO21AGJUWgx^fvSh@p@lOiT=n}W5^)p3;jli=+lv#FR# zz#nz}ItC}umsnc1S?T_6fHVNen}+RlBY}DEv|mzC8<$cAfkAHoE*2#KD}9n znKVBw-=F41?itKOh*8}Vr!USHodSSs z)g46*i_^OQ0CGzXh&lA;_(Z2f8O z4%WSHEW-t1L;0B0R)REHjWvX7DkEjM2rrsmV9Y#t8zd_wN#Xi)#n9u(a=((=3|2OQ zEL{qD*&HTi(Wx=-q_e51Q=!IRpAvv$rEa=-JOHD~YEYX&CH-8cs$J-$#c zm{kyFpECOa$<3O^ShxC`s;2LXt|(43eg&QPWfgT_pP_3I3M1r;-2Fbh-QfCisNbMW zq?G=H3vZg8kknl{=a(cNK^+4QdV%63P-S)M5FaHzu(j7}58mM5|@myDGW8%ctS8@aULI9CRN3Qoo~ z`$f?h34>49RRqNZ%%SmK(y^a92_HtUKpYEhS zLV1faGF=b9)kgKfRTl>HkmG~(NWFj1YrnWHEDe6KJ9qNSN`R0O6aw09nI{8tHUXsc zw)onMJpRO{M->C9SAMdVAHG~|z0zZcKC@FfRFzTIL<|TCYIxPX_=IJ91efp59!uZh zYY_FGyf=d(Z}sY#7~o8GlQKB4&91Dj=svVhC)($tTYmmxRZ`t^=B)7IM0>JMJai+D z{FncqThqFPe0e_*eVI~5Chr1X0tfPMs7Gdbr7NIQ3>^+auId@~w|7K@Dxi;I+Y)h_ zLJ%|f&vhnT&w{#0hdom~{#?Qel+YT7v;KxY4OBAxJ9Uh;r?Q+J2jX_JNy!=+Dc$^o zC3f)$jTkcpm@P?znO=Zec8%&ou64g$y7=>t5COELt{EerF-W?MWy!i3H*w9_Y}f6V z;C>|3$Jx6f*w}|Qdst)Z4?jpj@*Kj=#=(c~W7op*OWFSNy{(GOVK`Ddw)o#8(vmvTZgF(ReMbx-P8 zoGy>n$k`{;hxcolmZc0GIJ!$D3xeZF-Dh4v9?Bo28O%4Nu;=( z199ZW`{QIDfpv@dwr74e9If%K9TDH=Dm3YiRK3)AS;Gd=gQchiswYcC-(BFw6~s4^#*hsiVq5E;2bEx_W!WeenX(GC70KWR&uzmZpO^!S)9Y z#KtdiLEe_SuU9|g5-)SCKF>9AhvJ1Y>>nRLnv(TH=x9$JhuImvDOCHL-0iE74@?gS ztF;{`tA(?kK*7S!{M>&B%XK?Xhz@<$@7}%!5<(5Gn^Q?;Nv zPZa23EpW?(p3O&`u11{ab%glW)6da-x>GJK145PVGb4aTtI6b68CA)m(I~w|?tHP& zT`@0{t~m?&etiZ+sLd(sW(&=Lp!)I2Nfof-$+DRlzb^n00ZwtpHH(o#fu>1MPidbD zNG(v&J8O0yBBnXnwR~Z037(zpKC-V(u0HFwnE&bWm8YrO^?2vVpQmJD7PVPEQN$rS zRB0G=b_NiGTH+u)3(K*RtY@sraosa{Bp@LARGf2jV#AlGAtkQa17t0VPFyJ}8RIVE zvePk4suiRJiBp375Lcb6BLN#_+oy%|Y3!?l-&V4L2fwRJ!;ME5gZzp<$bp^;XX(;T zaG#@wCTf^@?a+haj}Ua_+5tSZisI25MXt_u<}mGV*Yt`H<-CF$pZMF%te`tzGj{rl z4v&#DQY0> z?BI`L!0}0-PXti~niZ}u1Qad?`ZY1k3H(D5vP6xBn%!G6rr)9suSeR`p&F7qQMv_~ zbd(?gt$gxn`Ysem1X8?6YIofjlVz|pD=akSB-+!hh;SX@p_@`d5H8KF8$Jw32VK!D zT(5HotTh~|m^`-QrNj#~cdQnX*Q0vYk)7V?Kh24w1oUw?FuaQ)I9eOqX?dcLnKk0< zOhH6?*1mKms76s&uR=9tv=Z?F2gtMMxdUKXI{(;r!R z?0kBwh$>@C^|wKftk5k_CZpf!uX_td*a~ORFgC3RXI7z?@f+c=L zMOT@ag`bb++^n1nxovMk1NG!}7C;iFtnPQ+5h)!=XOHCPPZKmVrvMYslEqsoCEWHB zLWBxX{xQRIv1*nqHHfqiz!dqkip#wV%EpYRd~(`RBC^sml)iX6sjZL|{dr}*LiZs> zod$D=NUE8Q5o4p4amcpj$^r&%7Ov?&}W6t$FC9dlc4;MV$4Q_o(%>yqS?L;B|G{0;)+E~(r z87}*7#4Y3pz+j^-Xf{P1n7DN!2>U|-j;Fj4-Dq>6&qGToBS3oqi?^(?ht&&P}42gUveSL8-%6{85m}Bv$dK8~Xe;Vy{YbRPRD=B#%kG zEg9Qgot(eeSHIlz-Iys16b&Z&q_)I$uXPDDZI+ieY#Mf3T4oMq_$-d6G&v^PWyYl0 z!7{HfE-OT*DP{q@8KayCl10Sfv~ZyUAG4O{(_*_DdClMqr^avAUt2Kd8QbBTXI~?}{X(~P#f2%5V9lY9e?kd*ih z%E3hXkBJ}oVz)1P(i%yxOB-x5^uTXet(hdKAv&O3y__=1+NKyVN90HpRq$NP)A_A7 z`4|uLzqnBKn+0zl+WAy`8Fco&0eZuc#Og|-cs1_wHqr|9K}(b0uG41`rU4cphHFrU zN89A0gjgx~Yo*E)8~mJHI4B4w(8vWeLyBk#IzIqaX-*A(ESmRTU(|_bY+{um`@!l4 za-y)W>raYMFfk#i2p(hsLM~#;q-EHC`^jF0Q)FL&!9O7|lf5d2?vgLV-M&9VxgS84iJqZged8c6(F_;E@X`j?7do$*tHX<(mP8uyE z6@-Y^QaDrv1rsb#M>~gkdGqs^hqmY1Pbc35p)uaMtafOOSdZAZE+?KV5Hmdo4LZD4 z{p+9)keO0e3abr;kCfRXBNu^a3@m=AAqNS4`rsZ79u`3u50V5Wqw~e`t`73tmbMj5 zrfZcCU(*lz$E&)lXtQWEmz(Ay$pW2jzW3VQ`4al83^&jP(Y@n_FsWA&M|+OQs3Krm zyB~ZCZVCLMlnHb}_zzw;OO;X(hTQp-i|nfvWCa(exx3b=AF_~MA6J%@6FrFrXH8H1 zj#Fk%2xf8LP0elIJMc#~V4H`Pl#Ct`cX;(LNUNJfmJ$l^<|d#wUP%_GGph42lNFj4>@+x? z5RggPL#g73vyDw|dppCX*1(Ic9q)jS8D)ZflIPq!uc5FEa=RJB5I#s>=AJizV`%}x zQu;z)n=|R+>|ikyMdfMgSG#rAb8E2QdxN`+meVQLm+Wm2hadTvy8{tlaFi}bytRyZ zKNDT)qMAT~q&u`i^#-cIGjpKBP<#){r2$oa3b|0G{+aHho`kD_Aeh{JjU+PxfWJ7U zWb;n7(PJYAXAV(OMlMZ$9U99w?h1`gh0%SiFh||7bRYNxAO4HadK>%V!Y6tQ(;u1l zFGdOWwN2s3`-Z2;S}T7P(A~6j_P17egx9|%oQJYY$^f+9=CT+!+wf`z`)~7bX?y!> zDYlAbcjYD2ken?G>v*vN>@X7!_e(ZWhf6a=&$Ey5bPyiH673la#Op_5@3b-L!Q8pc zls{c2js9T%c$jarASP=00{KijP);%`5S!D1g;3i>!L?9C_0lF z%!9Gx{(~uiwZ2|=9c(HK$D9E8@j{vY^-Rf|a|R>AcY zu6+!o*%pc*@wSP@Ptiy`RUD`9-yu_Fi*`u!a$TalTZ^AKtlXQ7< zCoZ1gTJ>D_buZ^LkU|K7(8xG5l|pJ z&|6INDL@W3nL%sl^aQ$CwZx`_7^vIRaTOod;1b?mqf!gUR1&xw~i^KyO}dQD9&z@3*ERJwWQ zGP+Inu5xuj|2y&ms7v>6j61g|Io#)GD_uiJe>KbIXl{P_GI;;u7Ao}OZ;6eKu=8yt z9wWGJ-oys7?c#_;^yKB;T>k_lv<^4rJ&*dkJI;n}$vZ=m9VZ)k7+{8u`>1|2QS?f3 zvV2)8UKbEpFM3NZ&-=gnx7fff=InG&y?D+p>eTfJZJ!Qn1f#tN`8a1n*P_r*fdC!I zFF6;;IAW8*@!~8~A!njGJRkt-qbQ)k5qhgTosCjKhpeFH7O?4*^)H6H`k%Smz~X<} z0+wT;4QS}>7ex-7faF701^LZd!^taOvAF0+e0z1`cQl&^mK}2bTzp-%?C%CR)!8h&s-;jLFHS$BPtnLs&zuPZo|y~N%`xKw=P%TEVXSTBCZ=XQ6#b6Y=n{#*K= z6b9`xX5QeynVSCXOL_mcUG6{oQT}L%KD)f%Dli!>4sS2^zAsj#hD{aH(mwzG*m4-G z%|Wl}B}Q3l!$t9~{+<1pY=8Te9@EcQ2q@PEiJ*~i!+(ZNu>c>#IYO7_4g9mx1~7jS zYnPi^k<9m8#hbgOAh};7D$g(XCd44jqp30!k%#=rtWm7|8PaZi9bu%4-oy8mU&2p+ zppK89%4}0;7@b@kB{u~USOr$y0-0+|86eyyx6yC-yfSOhw$Ipu^YeImhE^f+fB?W< z;@GH)Hi}ks3ncs=@(574b=FxpEeB$K-B`QP+DO!p33uc?_)dTY!Q$sQoI(82=@Ac8 ziEVk{d->kNs1e!c6lQv&ko`AqA@X;t=7LCSv4$hvpu8V!G(?KJYpJ#U&?<)LD5l># zK`yVG{RlEDuLd5jLB#sQ5AcodV{*e6KO^>rS;^}{Opke)9^ggNO3Pq!(c%m0vo`p0!CTw8< z2NsJx|RMyWXD8p1Yd}_N=QqJI3oE_TqnLkQ+6M=uD*Yrg7 z$^>vPVA$@DSZUV`vuS_#vI)&qQ3)bNZ25nv6kyCyGcoG;o!ca)+lIxVnb zsv)a@)ufv%cAKPSwHy2!-ZJzif;>%-`IDH93<~hs|29K5>L9-jFf$hVaZH>yQ2d%X zgj?ca3q@zWEaY}rvj13Xy)wlj_KVxjrqlnapVRfw4V5D@HJD3TcD7(I<;Pvie{&Qw~_D{wt*sEp`wWz8s0)JpO`iGZ(O!1#n#-iPPqr2zIv^~<^q$!CM`VF6 zuPTy>`<6EG)A8JC|7;mwA6l>R#kC(n$hoM+UG>QVfk<$Y)12$|kI()2wKX8uXpO4~ zG|NC8f|j#43~>mR7J|UcdS3{^5VwMaXjaS;6>lFc{~YINdSZs-s(AE32Vrx|=r#T} zO_lN_U9PAT5So8lBM7NSIMkgiv{EVwm^!t%lsE-dJzPZ8O9w+1(psew&+0sb#EnKq;$VXc~F!=20_XKt- z>;;^Vni33g(hhf=Sf5M`ZCVd{b7Rm1HVm~4^oH{ct9ilY(*-xH zxXf`42Fl1{%YeYS9sC}fOk?)XGL0mGXsv&K9Bs#QO{}e@Pu6qYzqvy_6U@cM=|LcH zIk(C^y1x-8`?l&4$b965`o&lT&=Uw7cbe#cSRg-+GbT(n3pS=1Gsmf_-Dg@e_B|QuW_bPp2!!F zg8fxLJWoE3@TKlJ+d@p5MeGM$Zchvm90tSY0aDe7`svCINu!br;3sz$NB?D*4GRtT zE+lEvibbX)&o0OxEA8Xwz|t~V(I6--<74QZq=aY4>yrYOx=mNR8&1Ar*V~pAd$rAk zG77KLSAd%=@7eoiK45;~Xk#3+5GK)kpw!p+5Qcow68!#X#@FTU<$mHuw>^iC^QTC5 zhzuiRQSCN2rBY0E-$N~kDOf^oDl+`V@3r52Ycf|N6UB~rDOfEzTcItxI^ouR?N#}S zGOe8;hMtA|_~0w*1QTT$`3>$kr~r+YgzsHsS@aO4`O&` zxz1AdgXSYq9||WLk>c%*1)ka!hylA---C*&G@tm}q-7I|mWE;6oFbu=?sz#S5%l{T zkj6+~a+4jmLOD)0#w*43EyVDR*vq7*sQq{NoA(2rSW{MPKyf(6UXM{Knaj4}cYgMf#CgpWC> zn%NAJ)o+@*v-EmBKAzLSrdJB%yC!k{OAgL_SGPi6PA-x?2gz3F5_ zn9;BfTcdVe>Uz!5=psL+Bb3yfdXejo2rQ3U2w)52b^Q(;p z53b=Qdmrx(Rl}yLDyl}Sd$~&O9Ua6HAUptirWWSUlN``8Yt|PKAYZQiUhfR}HQU|h z5r!O74fhmBC`CDttgYqcKPM)Zcch9PxmtYI2l6tm3W)N{e6?US{}vL8*0uVQ6&c7A zi&3vP2n%ZZA!Gq9Ff3UBr1{Xjm0u@piUe}CQL&p`xyR_m()+CPRc!h{mWUIFFry*8yx4(J~wN4JmWst`{@3h z2~!j!@vK148{~@q^$xixy*g}vxa8WXd?fJONS>>F^=18ephnH+(0Ebljc9@?jC+f3 z16St^PBF8f_-V~TcP*PHRh*vTT3`COvva05vnv?HjdA7fOOv69VI7>h+*`wErjWCN z(#%a^z>XZwUGU7-&u>L#)s;>lEg<;=pan?~K6h#ETaq5QyX|*~#dDh&T%2q-y2IJ+ z#a6w6t|u&3Y_&_J$FkmUR&HnCqA-{Xv=d3HL9z5+@$t1blB}Sj`jX;JEecDy6h!{U5c9cf|=nUoF`6u zvNiO`mnUxB=73j2J5YC88Ec>I{(%Am^lH^TYpPr-a+mf2SJw-VK=_2dHTDI-1SW-s^38;uGpd_=?4lLf5~{sqrgX7aJeF+pK=pQq)V zFo6R2%6T8v3{%IBki-t$(E({3?IEW>BH%)&Wk{hb&gSIoRqX7iZHoAk{x+a2Yp zPZV{!?Kzt)h7F<;tf?X;%-okjVawb(Tu#~fzeQZ~UAWs!u2>iB2SigQ!A&Dy@@_is z$H+*s^Q7*p72Z0)Vqb1>mrE5hfz(d8ulfjUXntoEL?6qm1^S3W1;oKQM(UJoCLBdR zc!6L7r$HFt&hoRFPNGywhO7S%JKR+1wWMEshuqPINgQqOE5u5mH z`SAIf_TS&&4+;EQF(Vm|VQu?j(ir_m0w*l5PIB}FYpf)iG1cty`tKEe2&TyD*3D+u z4OU9vvhwh@jzsL#G28}G(2A?vD7E)Qa)e6l#NE<`omG8_@j1T&O2n3uO&?M8;!3pm zxg_KO!_35ZeE{#MhjQ&BQzE+fQ_7Ddq|j>U#+9dUD!CXnCsUU5@>>4qb-Y-tE^|Pf zViFjP6XWg2{5KDq>5kyR!9j;he-CTRh3829+jB9moE03z!9;Z8x$%TsM1_*!`?8by zwvHfV({#mT01FFjs{S6hy{+xm*~c&Che(tD-HRQM+`ffbVh7+@LWVUxv+*#u4JW%J z5HR16%iXG3KR z4pq#;)kayj&t;npWe#-W_LUI=fe!3BR0mti02bQkR&IZ5PVybMgX>@uz|AX0t6uCn zD$BJAAVAt$T9n78U8sa$Xw_{{I7}L?Y(sjmmZu60KGDpwFB>*xdAwvb}mb1zmjn2OJZD9Ti`(bSo#nG7MpqY=sLRko(!! zJibrR;g9_TvlG5(wW!Uq=Y4jdzg1OowU(b(JybqV#*Z_PVo9I2`n9`G*Fp#}pKPHk z+MRAzpN`xLp=8Z))wLe%_V7f$u?`%ZmT-q0AMJPqsJs&-icmMM=MD|OtbJk_)I9Gl z+lxlntk@C)xg+)>S3nH;$r^N4o;}lO%kCOD}1}h0ANMdI{cgNWdFs*wa z>OD5{;&g~MlMR3tKUQ9DHn_cfWY-9^aB230bK7_wuXmqt z`L8j8tbVc92t=SIZQBF)mQHJhEwZ?{@`i(*-ptgIu!$~w_v&w53IDJXW!1_)OsP%0 z1rd!jp!DUnVnq27GQERt(0+oqcZ7WlnUctDPAo8s8~fWq9<%WD;1y4D!sQ^q)ti4t zo~gC8|LI}%B=T|EjIoeO0PNJ`_}grPSNsEn#gNn3I5cLV+qqt@mmc&vjbx{Cl}uhf z8b9uDSI?ddPm(NDjW}EiO5y;6l{B_;8xj%fOn`Uj@5IE!suLV>oWimurCj{D2l)QiE*u=Xs;}C&(#DvySkQCClDH44GDC*rd%qKL`CzPYKjrdGVBO5I+GZRbXM`kp47+YUrcW67-~;9%vL~YL0J3N|0*2f zA+=K$4`BDKgW97VnV;vISt25**~JKD>S+v8$~}Y1Mus&0af`#l%Plkgm0#L~%N4{U zAEC6l91iBFa+yGM^tf%E+gbK8KhW%q<%!YRd~H@FTs_4&x#e=VgEEaSkoe;?2TsNJ zlKz`d7(1uTL{W~eT1wUb(R7~iY`$+Fjy+3KD_S)|6+cybuM({yR0yTiEVYH&Ta_3! zN^6CxRuHq*P@5W|h_<%ayH&gGc^FA-~N$$^mUgvdw&*NxUfw^Ml6M z!i1Hc5V)W+Tx9GAS~h;CX6)5iE+%hV3{~->d=L=q8WS zAwR{li&(xSb1;>)kweR2m+R>mEMP8h-KfL%!c$`6$qzs4yx7082I7;W*C>NlU!_Ex z^bLYu@a#((h^_S?5YNlQYFo&|+{H~WEee&4KC1ct_)SFAQkXYkwcPPpmBbUQy9{~g$ANb_UpWgPCyT7Udt$*&^Z_2rud3Evah9B; zeSP|SU)&mtjq+u`z@yN87mKw^Uti?dpncv&L>KG}lWiop*eX?o{K{tg zo$KLmQXlJmhbLVHg#?v!k2O}K-bs4t z*Rg`mm1bsJFy^ox_VhyW+;d{(uFt#`dcaa6WvUXpculoBqD=KEd*m*#-$BWR4L+$){lL z)e)g|AtOPjdp#%wrfZ@X(U4u6Y*k^Qs=_(W?kFCA;@~M}Z8GL3cZW)uFZv<0v7F$Z zeKLrv_&l&L>Wp>{QKSl!pRk)ZKnZ+r#N#U~vEZZPS00Tz1d+6HaWR=6pK8W16z{w* zaZev*QH*md18xfM8k8${+>$onX18aSR~=tl=;5~O4(Dt;p{WyO+_}?vXT)OL33N?3 z>ap6D258WOTbal?u+k&!rBu8ZmSw+nGM=fXAGK9RFiQF*ECH1)L#QVL+1r+G@$ui& z{$>zvTa|<*c%PP!ccc5bJxq)_-Z#c=Wx#h@811U7|G<4DN_Q^3*YRZDP2)5t&|=&$ zTErX?xVsr2eMrtvm{^n10w5r8*|nx$$%qUfA~VI*43uo%0xX}blf#+H$30laz%S3_ z{F2%&X5I^)cO~928r3JErJmqL6W4rxXBYbtafA74K~uN#HCneDYTa@NTp3VGna{^) zNX4SlQ`0FXr~88%A>=ExFP6$AOh&iM-po3#L8+lT#MHyZ|gCPoevG31cK%G?wrqWVF(tqLw`1}Bw5cSj z&+zXkUxGxPuMi#k3VQF-dy>zvz>>x$NSQZ#+a4P0{evi?XKK>nl*?aHz&Ix;Y12kD(4BgEb3H9EzA*yD-z9=3)v z%i-WtJKftUCO@q(XtNguM9Xy! zf%u zIm3He)e`b1l74vjz^TUI`Q)39LN^CyKekZjB}(9bZ9c|CRJOiS{^{C<&DBZOY)k9O zDRHb|;a2b-;l5$IFD-SL$U?;4-!nnL#XK3#d~tH`gSF?(%#6X%ai5XR$e7VgQ^Zl1 z0$GJqZ{ZJn`Ve$T5LhFhUCmZD`pU>uqO0$$0?%wbFL&@&&zeJb`^-NS#Gc{l?0E5C zDg-0Fd;3-I3@ba@o$=W>>SS?LK!x_9icH)UAClXh-`nX~6S1xuMO*X7)x-dpwK;NP zG_h9g;Lc6@>|2L=1glFM(IY|6Q6b_|Cd@80&6XtD_4 zQ%eP&@5=I=^{QakUl`nd^|<&)z3z03Cup`g#EKj*e)B2;i!sG?B4ooqnP}1khEDx= zd=PB$^_RtQIb%DWlf02KCk|y{$3*s}b3i1}w{sn;C`t)z13TNQ79iuK-vDZrtw2wa zcFni@o3bi5%M3+_PQW>*^q_UI_49vz9_)P&k0$>YS>5Tb(%_V~Vxt-*!W_;2_7PIL!U-gbR|uRc^9xz=v!{^|H* zIwDQv3AkoOwKbj8IiF-NBK-iwsK?5DA@=uC>%&3D*CqU2znMj^;gPgz(=TKrnXG&_ z<@-z#PU`|=>M!Q(HTb0r z!bBmb;45S)uED4z`UY?y!kj#Y<_A22-Zw2oTP2w+opfqhx%-}D^I|U4x8qFA>R7)I zZ-TP^%@`rV3@e;)uJrnEC<_ckTv;T~=-f?ge^_o%{)E!v?DG31y#caP0@PH0Cy%|S z-UMlOo^@Pg#no)Bgpf2;h?U_NC(icKwqy%t`0n2FP$HRNFzFW%E}B~HC_ok(FA0<5 zF{Sfp>-}iowAt{(zuu~}(SBEENiv#a@=+)AflEM&Z!VC+X^l;QcjJU4yu#JXyWWj>^g%<7EQyqqjNA7pD`aidzDq`qLK>7cNDcC_{5(08 zM0bUsS-70|8{&;I*(j${Xb*M2X#&ESQqBk6^^w!ZkVt$u00GLDF-Zfq%jVhj%nR#8 zX$l8hL*8lIkTejwOvT}VE{CTvyJ%8k`5ngD8lK-$r8T_*lK$u;H=ig;h31BLAJUS5=Ppw zoaC{QGyp>9nKLdszjC7C_GSmrVpukwURX)3p-`U#ROuXj__2XF$ zswAnZ+)G~M+(qA~?x~LjN)XIoL*HPoCd#~b5W1rATDk*@gu1$;3)hjuFay!golz!3 zvK}&q>CS9&Fl~C)qed5=`|m()|0cRDhCW|-7ULu-DNcC?+H%-$6(Kqhv$`XTNO(t9 zPEk10=~_))4|GlUz0nJ|3f`A}&>~X+4M62Suh@--TEuI+pN7}?p~k*F6A!!`SM1FTg6-7 zmay?RLz^9RV_x+cM1c=OyaI*Y-%1E>6%u!JrCxeyZ^9i=22r1|j3yFAW<$3X(b-Q- zt;kyka#HUb-xfhxAi+4bh^v#D>D}YKQ;g{&f%BD`djthH0C=@@SUK7EpA7idb5arZ zY0@Ly2|G1C;6vyoB_RB0!dxH*JT&2N-4&}O2m!>GB9IXZtVk@v4UxvkyTZ6O3g?Ly z;gmCuBzrQ*7G$50R<@{G7ehzjUL1Bb$IZiJebPT?^=#S@ia{5nQ#y7wX2VAV2Fz`& zuQu;!G$|6LO(b+GL<^16*vlAbZeVu9>z-B-=#h=j)LI)TUtL^!hlQOr4z?aoq_h|T z)B^!eBGnX;-mq($4)k+`1+U+Qt-%L--s5V`O@X_6WeQ$1z$cDcvc_5XQhnnQ^@!cQ zmBSfk%8$ceiE38p3KEGF{;v4L)g0Z2=0H2AFk(qU@fqzi48oujRb*=U*4A)GKwRv) z&DAqM71uyyE$Ee%P-X(Ov14~6H&?z0^Qf%S11{8A>A~lJ*5)W21;H2C|1YKlaEIn1 zW^oL_oQzl(F?hSE^wK2K0`9P-BGNYd;{et+FR5i}b4(B5rLQPi8|oKJ1nS%m?cbV@ zU}C-5A{?Wl)5+w=c9*I37FSIGjg}S-jb?%7(u0KXDZL7&+3DOEtkViiO`yOo-Im7* z0j!0y1K#f$bKMuCcwY|q72rYagctqXgT*Tqk*Y<2z9Ffv=jM&BCM;I965sZr%WmxS z7Jc)$js)JPlQaEj_8jiS!qfC!N+ylRLF+5}zbq)rrP6e!U?A&ug- z-5mr?O^XNGWV`p~U&n>Y;?i#psZJ}qf-UP-|B=R2$8Mn7_g8@U(k0b8kDHV&EzRM6 z`zudZChpu=DqO979kcpoVWFjgz6fA=rToCj_VEZdq1Ze1b~O;m4VFe2%gl8F#sI@c zzGO_eHTdI`t>0Xpc9{0P=2VoXp8(C>p9gWB;l! ziAq0Qb}nw+^BH53qxRnXfZF^w(qEn+Eg*QZB`G7D+7KA4e5_|+AI$jh75l3W1A>=T zVfzSLda09EOEKw;FlqI3S|Y$&5PNm}*J~!|@L#jD5n$JQiVC~`q#LO$i<~Y7KQ{Hb zt1k0d$HP8yyw+pPKb?+Sq^Z8;Dl}iS$W0OGe!Ak!*Sz1ZGI+Vp7k;$7(THuJjtkwF zOLh=F*uI?4)VTWl#4$p36z*0rr25L@<`5l8wRLujyyV*wGCnZGlWoQ35u5ZG^5T~~ zjGp}9pOM>Lg^kM^E}N$M`moC-vemoMHCH$mPQI;E=Q%WAU5(U5*)%or#{Q;KuH6`! zS4>`HcCvPr-;kq3dnx1|1ZVmZk341#pL>=cu9D!c(pH)2i<;ZQ=vt@*2XDr zde8aS>)TpuDz3B7D{|iKZ+fm62tmltH@Vb>4WTQ{FbPi9dW1Iiw4;3V)xxKve2x0R z=9}svzE>k#+DUeKt2ZpJhba5g80EYN^oL(NaD8Nk8uggRnU!FzOoY6Ts={?Wa=O~@T{8EUg zxF!X>zL#~!D78q_$rTXQK@59q`Zq^du|4haSLs(=X)%feC*gJEYs2J@z?NqR9=<%W zucoUG4<9=a1{p@r=S&K_!s=WaWMFI5m^wgKQ&E@mjMR z#*kU;Lu+7sLE;zUVw_~Io<)_i5&pT8rma)!%UbBKz=UMh?@%2I0a`m%lpF* zfs|1n$4*5%>)!lAALw^R^@gxJZ+e`yFhl`Xg4CBjE=jL0yi)_1aZnqGqELgwVTO(? zZ!mPP!5>@|xk4#i5_Tn%!p17i%h)>xE?()%3Cr{qL2JfiOdh$?7hp&l5z0wJ7nhHp z&#-pL4#JY6Ixg3eNys6;&d-H)N30tyH;cI$OcEUOSFMK2J=lK34f^+aw1hfy8!rw9 zriqPjDayyx*xp&XmgZIt>@W3-hL=!SmU3#%flWV}F1B^D7g9uuWZj>8k}x$x(xML= zyKAPY+wbU#SgP3|o?S?E0Tm7QH-#4BETBL>_$UR?dKvA5Zti{oKXj zs!7igwtdBcqsEJot`RiZnbiniS6x+5s8a|CFshP3&#(1Z5IoZo1SXyuo zLDpIXz>r6SVmLFVa?IOhNrQURdtAdA@lfySgE-_1I7EO7zxW@>-y>S*Q_artEzW}n z|F(2~#2`3_pe$fR)h|{9CON;F{wYK#ynFr3LBCd3sc=OntM9jnB&BW;^MIzs)CR*Z z<`IFX5ZebJ6RDKn*3ln1=jkXlOaCZ%4&tni(|g}axU{1>&^qV#7@BHpYFb6331+i0 zr)E!3DnstKY*kLmUpqv?TR^o&f36>;oVIS7&P#Mcffp#JOvsVS>Y(C@B#kXI4_Uno zN>j=ddq*``PwkYl%$U~hP2dJn*6crWUL{+82yn;|BZ z-2kTluItX~lJPYFPC0Vn&Cs8xkir^nYhGptqtI`XHhxrcN2$&S?3?a<4c_B zc^}=&(V@Th?hd?SEsr)@>d)eSDb?Wj3Zx1;(w<|}Y+{CNvge{^V^s6pgr2c4e2oRZ zH|&4-t7Sa(F;@%QD*W2}f(6Ul)SmEi1btdoLv01(TLOjmTvy6w%zh@HT!S4C9vQV%k2s+KN%FZ`qg(@fVuj^{d1lvBnMg9iM(hfB10HB9-LOyF6WN ze%3J`I&G8hp>a8I$I0I>{Jo;V;x`p$-^x;#NP3`!U(GW_>7wj_(%^n*D^ajbs+$zC zBVi1_L$T;=B(aJnt4A|_`|{=pFI)LY#H?}Bm$hsV4;MB!i#3kdY8o4f)A!rinX|QC ze&sIA7Hf#jnnM4{y!J6cdI3TyuP>!olbF^V<*v=xk4rdnInEJs){87+$Dgln-j<}A<$M~xfa{W276~Z?9aIoFKC#Tb^=9I_8Oa(7b(rm<~kkrTQ;oz$s$v2Bm zL!cjJV_s$(BNP6_s$ftD3Z~ccMzwMT{yfJCu+}J%>53JINvx?s%=&pSrFaAL?YXZ3 zyld9)4c3xBa>w|&7NVkPN>w#d@53MW6`D#^CkntR;{8O+F6`K(S#EcWcvipBDa&A2|gIJx40X!g>#uGmnNua$#-{aFgaXGv7S+zRXKeYrQmhgQvA>JY?OWUz+AM*Sxq6XB%dWrJFGa={u^o-WA3up<8B;M{o^pfsTvP z$F|kQmr!`4e>6-XsbeFT+{YPsj06;!t!k8*Ch}wz<%mVzZsFbbFkD{Rzn07!H05(;1Nm^=r_1c86lA0Q(SzPEFO-U@IZ$5B z(cc}iMp)^7QQ^H>GrIabddd~Cf8-UrOD0A@|Mi{(RlEZV#tC;fP7{3nr>OsnEhy+m z+f#~c|C;U0fD7&YIeAk%AYM|FRVV$=d(7 z>!qH(DvnUaRK)L2J7*5bhHL{M{Xr~g7omQ`+`sqvLXV$;dSCC5wV&h#Lax^1-IVa1 z?V1#gi+_CK2Pv?G0fo4ii3!GUQq4TH4d&v*iy6ECs=TZ)JrA~hRl#Ucb`V|t2wMMn zKhLkBuR9>lf0&8iNOQw^$_T~&dZ9CqQ}wPu9{d*8rp|*=b#Q-IF{d=8BDv$621{c{ zwe^uFcn~W3Kw}5Z-q}{f8Nm2VL=tPj z>cOF^)DamnH3zpVKkw%z&I8*o9(zNqA3xri(gc=-I`3ku{J4O)Exw)|7;nDJX93Gm%CO(iFU6Ed=>3Z z(AC9_DskBxNHwrNrf(AY1hNiYxzAVcXfFC)--ekQAf|uxRHvukg7i#E!|pf8Ws#; zFs{;nf3I1$MWgglAE`8-VG?^5KernWc0+oCHloEP9_W*T*EIpx9z$85Gj3vXX(b-7 zbQ%4cjUb#1pEi7KG!rdUCNul4f4yI?I-5Myq+%%AhhM%Td5wm#Eq=IAxH_M`!js>UWJHK>2>D!o zD_Nj3AYX$tIsEOG)CpEGIUPGt-xTV1vE$9(DdtTsOj;p+;c^Dg(JSb_k*?*CK`p|G zx9T=46=i?Xuw^4g?iI$xp3RFjZus+fCs=z-p5CmeL1>Kb1%T{kDqY&VWr>h8dAN4# zG$pEe$fQQhGV}L`j)WoBon>+b1aR`t_=iCie4HWBv*AM9>^ajCduW#VXjWP1&# ztao!h#sf)jAntDX!yd||7hlo`(xxW^Kgq^a_WpGw`0%VFJR)n=C%m?$VG1QGwg~lJI1aVRqFuW129;9m zihw2wv=vIm1QDcen|}-WVqc(3(N^j?`MIZG6e@YQUS0|)^#ydlR8QjZKWUBFk|hHw z*&6t|G=s2tFhyh+__UUxzkbQmEr9}5Ng@$3b}LoSY!qO7rHS0S98NydR{ZeK5PMJ4 zq_sc)@ja_HXSMYjl<=*H?CG=+1HztLh{S%6e9CCiY0-1}U*(P@fR-|*CyBn$(ycd$ zMQZphi8mnyZJ&ho@eR0IOi^!&7;mm`CQWvKAcB8%`R{+YyyT-yF9ENSy9BbY*nY(8 zbi^MAA5vPq9f+FBu2dWy3CN?^Q^f-%2J2wySzsVy)4fJ%*8PK(Rp{=*i0W!>qCjlx zWt>gLnDtO6<`G}hnRu6E(qh?|!Ya}0P8?O+!~{1`@bzMbD8{p^a1zs9EH5Q2(}Osl zQ{{g0W5ir-pf~M?-lisasb~;iGiu`>G9)5VqYju#KDknBhXC1fSX zx-$Wl*3saGNH4p~R~GSd9|r_z>a?=WlzkPtEmac{Ik!j4VN9Q27OjaA2);u0 zd0|+@44IQ2?Vy={7&FJ2T3xOEUKS`9);BTHpO95>=BUlse#X7Ou2GFLd`tXS@(ZB( z&uLIFPM_mJ;L+dZ?P_Pr5$VB>OU0?}L)g$u>sKPal^ttq0I$#(uUDKkNrZ#dxV)6*?(Wa+vL=oWr=;k?Q1DGiY? zj?{eQnZ7_)TV7RNEeu}Xh78od^f)RrQYTBz*VoUR9+8KbRikCwy%YNjJfF&x7KN^w_+EH}ziwjS zSgSm*cnedu-&nV+iF@JaURUQ;dKLA87WN9tInQu(_G*UE7p=X~tW7Fg_}Kv@Dz_1;&>1-MAEYBSg8vf<7juXtV=4 z>3-HGP{i(F8iiC$&>Smo17;|FmWW+^30*=B$o6z}{5lwjIJR)AThuz<0E`~MVqTF>_mWML%rM#`GZDzAaL^-wBJSb{*0T~?O%Y=EdF#H8w#RNp(b`tv`&2wJ05tlYJJwc^GH;Jiq2)T=F6{pfo;;T+4N{19POM=#mMv zyRa!ijXXp5m5a#e`=Wk7b)elO*Pj%X8~U%5o@pV5>6WgcQlB~0#yQX#n4q zSW#f@gsf=J#86_Q3onU}7d|K4eS!SmsNt@VOE#vk=ekIc(Tc16QH?G4$m_lF0PzQv zkMS-^o4e4*MG__=RW-LVwPn@5q&L$)(fiL)2%!_RxcmKYuFDOL6Zcs;auGl{66)XI z$O>H|AI1i`fvCI(bCU$GlrxHg9BO-8Z?jYQ3KFb ze?%#|-e%OarFF$XX1?)5z*x${?lz2aVu_ecg1DJ=Asn-Qfk3qn^X3`x@__-8vZeZ+ z6f){x7w4c6U)kt*_^xOv!QKVw+DVyeEIr*he=?RG7mgEJozr>Q0J~61@EVouXfI-WQ^tBz6Ps87n>m-y1JW8sc1Mbriz9 zaspKiBqU43aAH!~TCPt#n#&1k;ofLFq-Cff84w4ma82Y#jTY7?p5WjKWuT za$^;OgT>Rwo#pN4=autm@5o`G+jPq*GY&j&n{GKB9qix@)i1t-)wr)O*i(Fq!K8H< zGga^zn?mJ^zM}{nbI{w-ug@3lbGu%C;L>qa%oJJe!I#YN$Gkc zcKK7ZN&#YcCSmFSvjAN6xdQfuCfiFcoGand0@P6YA5JR@O#RF8von^fN@t4#Sog}5 zBOz%HIdVG)CJN&`d|Qdj@JaSc!kF{M;Skq7JyG)WuEHsutX*1fT8f}3$OwI#oLicZ zfc?y__fFKAf4y-ht20mEZ)@%rT6j-gTB{Ei%>a05J?R-DRRN(DqQxZ;QT1tKUH(Mb z0XuM>@Ur+0yOzAhcIl&dsxdM0sQ2{Jr!nm0^z22oQ57bIA}eti8x5- zyXfg(Q94TvLhpIC1`5Ed2!mr~0~1amLA93)Wn5$cG@8Wc4=?h{t${`Oh3}poUMj-i z%g!1nA9IE+2kYD_Mm|G8SVV>T{=M5F--hfYh<*_~>$1t#NiEg_U~q{pM|^vZ@EhO5 z_G(mY8^RPJC__h$v-&B0PNUNyy4rJozAi0&5;Gsjb4bTb?PLipwleeh>2>XR*tZgFa2hLF=IQ0Bwmjm*v}*KvcX@J14J1IUchcN)Y5dq6Pb>(!7m>99PAmw zn#cSKCixtlw;JEon43dOoa%?c*}t%WsQ>nKr;0r9FBh016@&o)20uC3xe!`M^WO|j z)&8|P{~dARb+vF0vEg6iBh&0f5}0vfi$~oQBJO>r%Uf#~bDqsDo~pR6+xtkq@8OFwll zkp4TIc_B=9wk!3#TviP$T_svSN|s zgSQ=8aj`*vj_tszy+4ob{eB9tOHJ)P&9|v{LvJmcdUJpSAHQrq|BMx8>@QkBnAWy6j4G1or?60To4p@j z`12RJ9|-^S4fj>tW_gI1E;k#i3xGdwoIYQQn;pcFQMX57XU(iL zA(#IONtSFn_8`H}N|}}$2M5#3C)o+HZD~{m_a^2~4?XMnBG>*7-648eN+OI$qKmNE zsPA%FIfvGD)~i-ix#9Bf5VONf%W4CsrSi9FY^GH2J;sD&+B+HMjA6xuUubGZqQ+}W-2_3{ zpLQbs-z;&s(R%i@$ZLUXBwH_Vr(CA25(wIUWmot~m>VH==ZiLtL*=RaL=;z43Z`3>{ z#X~O;=aVOpqtM3ZO5{w%o`BFU{Gbr8PjT$MD8<)?Q($4lu($Ka(s;(D+nx?HQ)>Y1 zyED*LXs;;6oYEdr${A=g!NxYdH7YWCzGE37U}p%;@eb(XW5&0ZKw%=NS!3hd5z*v@@DC+3gFM$KaWPHU(P?Y># z85ku&c+wY-z#7YCxV}W3T|mpUyV-xTXXJ~Sjg}Mv)sSGhffFzF%LD(BI#JIvb@S3f z;y{j41~%r#kEfNqfUA{=<1v`4Hhs}BGN+$kdPJ=8qT^ryr($RNrNyJzr5{Jm_6s0F zrJCwnS*5J}SEY15+`LAe!G8IP2^M4Wnrlz=h;mR0ph*h7_aY96TND1cX9G(3 z*;fVOJD>O(3YPO~e6^-L%~o>{{F{|+>Z-gvJp=GA1iqHDZ(eUp-iz@Le|OCV0&VBO z3?S1i+X>?&TjUnN*mpHvUO1q-?RgpsrMj7dk;~)(Q?P61#Xhg>Jm6S;SP+H6-pR*W zj0rvXF+@D!qk;+=NX^Ws9Rrl51#Jnhvs0@x-s-;*CHPWwj<|Lu&NHCs=?)jPr|M9t z*){Z02#}FW2956z@sZbVCK4#1po-xBmT_LY^hb3HFD9DoZ1`L~yF&aOh^FZX&;YUc zqe||>ajq*-wqb3s?U67ZsVh}!o`*G5;!+9s6Z@j$3FeR34~z$pu0{iQ|Le|1RXa$T-5xs;X;%_D<{11_lC>c=j^v z7)XMmj;;UliKS>Et1rc4gNvp+gEt{8p#Jw$49cQBQBL)@w;@7tU|C;UG2Rhxz44QCL#B^mSRvYICx-W^yTeWZ% zh_U(MwJ^xr<~G=P=SUq1#wVQw6J&(V6_MI8qTJfNktK6^}GXK$*ckz7m> zNQ;^!#?`gEeR-3EX4A2nA#svoif+rp|9G)a?doFio`%fH;~%d%!<|af96Slzwa*Qj z_{%Q^^Fk%GnPH5cLB`NT-BJ#a)t~BZ;-cgjwrE(XPc?G{V_o%>MQSi;Uht!oNhu<= z=|A3XCF)7{V8DMm25Er0jl*Z+59B+7IA#8MBk$2=o|3!3!?=%bPajTXmu9RVpOS16 z#N><%U+0M+u=tDMf}4@?SsLOoli#j=Sa6!lV4Y)=tmE`+Nqze8%v}RW5gfni1U>(5 zQ5s}*LtVWa`t9Y-2heSshQPC9!2*PyADpxx%1$|`q*A`z%p_Q5riu2+-lvSHE$zjn zPW+uw;sDHLB%W7rNUxqB%UwvB)|g}_x17a`^~4u_awXXNpYI|wUcwcWOa8L`m}SN7 zM08#(U{n`fZd5l-ESk8RVIMqm5-uWV4(JOm7o{=s!d99_MpU4K#?C;-mLRX0SqAm`3JZ8$EmKeV9WM zSJ|aE8YtQ|EI+WTC?R@4dlbM*4TZLzY>_U@Y|h;qEoNt?Q-(fs9(9zs7WFvclBG^k zIY1_Q&crv)2a@o+2eTI^Ht0N$tGQK;t5G>64GqE0#2T1{PJcoPcPB761L%!jLFP-3RZDCd4I}crkxpts1SmG_^F}TD2%r ze)FflyFSU6wz_OfS?=!c?m&kf;dxdKDEQI5c2gZ!yh2|J1OWBnZ+&E#Ei9}jnkVv0 zSC_SMy5^2ibIa$hLA|_pAFGdfPHNb+$N5s?7SlkrWu7D50r^%5D;?ha-4IK+H)$NE zrdW}->-c%2`?Gfd<%RSIj_WUQqhdF}O4OF_YcJ8x#zFpmC*+~%{AJ)y#iJ2>R8t`` zr-_LCkLwN>@Jo0I48M=PywE^hF2%Ym_PSCxr2$;i2#Y7G3LEtfhn> zxP}`eT;J|Mfa`foa;6p|rDYv<9;o@qz8c2K(mIQH4iYX(`+Yg@dXTjg>2MP_H5HA< zP#+oqLeKrjN!N)Yi#9=NP>BoBSRb+0K zgUH*Do*>Y536$Q~txi2}QsIH&gYqMxH;*PB-!;?w+sH|#YjJXDqS9FL4n%qN|Coz- zQXE|W1mpGyL(Eyd=F(^(ix%W6oX8IPh`o{szCq7VV3DDlsXVh5qnJjQW zF-i9Y#MPA^%0oJg+aR}dmwyMt&*LJF`|f0B+U}IuTy-;BnX_w`;~GFhl#@T$ue$Yd zSQi5M=kxRUr+2$sk$F*ewcgBF=LhhWAS0lXHi|s>9j@FMm?LLlCW3Xy6sTI5zS8T_ zgXurF#ZdG&yyMSyE_VTf5x| zj?NjiausdtplFjAG^6+7!CPT14}3IepH)4TQ}QUMk7SH|(V~M*FW|K4x-IU)jS4Js zPUc_qnPpBe6;2ubQ~QPx>StIyv0$Z>R481S^Da8%7Pg~`N&Q=@R{Qhg;^EI#6GgM* z7`_o2dj0L|0&|e6qjfa>RA5i9;gb5)ok@jH&JIx}EWY96x6I4B0kKF&Ol>0K_4u0w z4oz(+q7+AI$?=?p95qy05|8?BcDIOsE_g)B!B%y)G8Xw(j7PM4?l^3$$Vj8ntfs8& z4Fzx9LY}6mzhY7*7cBjc?11%HaQ$2gJ==S+{`qfW1BMS2Wa%4&iOK(!#7s>-hM}!L}2o&J;LUL{{{umD4h(?V9 z=KbsXg0OH9*Iga{k{3GE6jXNn^6${EGjkoB%=AmO5J{`2BO7rxm*)?O1K5P7hL&6S z_-r_H`;&J7itK;J>qfuiDS*Beg-^L0-jWj@-^)@nVzh#I7KLS0yRRfUKMAW z(}wdQb5`rhnyoetF0>r~FC@gD$Bh@TIFM*=R=?`$cqnkxjHbs!rpWXKz9fa;)} zNz8m3Vrk{_a%ix1v*FO_>iEOO+8H1JoMiG*!13wn>3Ho}-H|{{4+YSz^yLD?XHFN| zABS{@zciU%7WaM-<+2n>j?00;6o+_+3cqPwDMOsY#H|#khV2}7@@N*7TM7D2oF;F9 zgy!0(FQChuH4?|I)|c3XMuczMD>TiMgnBb9Z{c1x$V1fYzrP>~cfRNw^i znM3u#3f&H{ZGN_O)R?$cn}POKPwwc#*i=l`!o0Rufc(^^PcxkQJ9QDmaYC*Sk`}E_ zE3bh~dtK^^IOC9}Mf9|`V?An{hewTZt40zL=NBn6Q&UsZvno{#{czOljns#18${Wa zrUlNl!w#TgwIv9dwL2MDUT>4Zt>^@iv$$87f zq3!COOAaIqOmGX7KB>5D?iJ8+QumVZ=`H+2&B;;v-LklL3+kxI8xS|W?>rd)0vvY{ zUWLgt&%{nvnOhS}|0*UcIYaDOU2a$6-oqtEH*#}{wKj6rq>jflOTcR@M>AJ#0zd3> zC?Zqs6KKgVb+e7dUB&*B)~lKbKVRSd3Z}2tRnVW?lBT67upqt%@jPp_mO+6v&Vk2d zD1i`b+O;L27(-8AWV#w;2KsR4$a?>>(Fl(OcMAZ&!8EI<4QHBy6nXJ;s}F7cpHex$ zy?gm0MS-cA+k2%X=r~(L5AaJ4Rw2FGZ?N=I6(c6+EGr2a-#VPLJHV0~0=+InW**X; z``3OkPcW#0A^IE;EkLGb$YYRQ4Au%xjBTyJ+GthDISqbXNEmv#yO>NmnnJ<(sq5FzWNaX{Xg3X!9> zr8HrP(i08u=ZgzMC)~h~3sC29g=|9(mbYMzdII2#dR`voMA5LF_OsUWzeb~FI8=GV z_7z#2ArK2Rywu%Rple9CUUGW=Wd zM{F|4n8w)m}v=H$mGEvnGly)6pvS{!fb~mRmNU-`+P6J;*!`GKaizN=HsHdB4lw zH>lp%jRt^TeNFXjvv%>DxMwW5(3kebt&#DZP-Zv7KbF9rpW6Xv+*E7;VZ-{f$OCgJ zd!dD%`vY(m*A-^lgdZO>AWAQe*ZUq%p~K8a*~XrcpuqY32~In94p5rWbc_7 zacr^<4oZ%3I24Y(%Bq}WJ9bv~-sKqI^ZDWXAKX8@UibYR*Y&vm%-?LtLq8NP?@DiV z@d&IfB^6)%-GE~ZhJfIAo*!YGo}AZHuS2KgbPp9IzYX>-1)ws^>NcMGh7_Ffir}Ki zOEhV$wlRlfcty8t_5{bPb`IUV8|-=x9vIBwip%lC`&6uB5;(*D<=IM#(n!wD(4sH> zkHbL8>kV=2O8tkPnyvgRKTKJV=O0p^A(=x$)k-&xv2k*eoa^}e2O`3QY&?^9v}Z=@qxv`kq6lwW`#e9=#ZdK4nopjMg{ z2kP9fE#j=Is>j80C~TD&JwQ+R=OM!7*C9URc7z`27 zwDz(b<*ougH~ZF*$?@p49oNWK!qweCD?}s$^%%ovEmY-2wb3X6*cL!ZK+Ow^@@m`~c8jwPO;Ap3m&m(nFvPZYS^ zDn(Wsd2He!(MVgA=DpSGw{@+JZU1(|&dGvgQPD%Q&1TZu*E23bhI07Bg@AMB_Or3o zfqVj5!aKvh&Z{%i$gs;G>?Ey9r(~r194YWQT6`sUGZ#g2G|5*8)PQ1Tq^-X@qHN}s z|GQ<;8g^Pz)jr3q8+I|SM2JOaDus{^n%S#DFUO3l=30!0en|PWYUoR!a*5UOSC0ny zhe(faXcu3i1$<)pg7Db5_Z^kLPd@v?Gp`P>{*knGLjIJy4$u`-ZUE7KkerQp|76Y& zF$np^4Fn1SW(gnInsh`l*+r2B%%IQSCt;(Sl6w7)Yvi+OU^!J39y+w}(Ny&geB)mu ze2FNCg7ggJ|MrETdeX{T0vp0EcF3@4a5PemT1aPm#W(#k<-TIdE z>YNZ?)fRBJPbFT{>BzO(ty)|XNU=D4n+nVX{g$`{7`j*lbZD8DD;lno5=xhRD5>wm zGapb-F-&SjRtZ06Jf8)oVtIoF!CG%HNmIGWU53Wp8KpJSJ&u0A>{(edrr=p=n52>5 zt1q&Vs1LQp+E5NLRxjs7qZ{5SM6>d4tlBD9Om z-1a&8`e={aka@SjMSoc-7`|Boe<>z*TD|w(`CcST20Wxsys|r}+&71Y7?ne7#feOD zaxPz^FO}942rqBC&??7`(prUNUD#4BNcHbjxrCdGpfMnd=(d5beGl@3c)BE|?fn&n zaxySg{T{l;cs-W97ikY5RgOg?+<2#$RUhKg7Y`Du*`y2JmtlCUm3+{`wfsn%G{3hY zWlklYXA4x5E+k;&_!G$L)nDWGrq)JY8-Nf_`_PM{H-7egvWuu_5Y=Y$`PR(1P(51}z~OzoNfw`P4TVC0OYl&W7(nWDT##sp^vmeFPaL)sQo zuoOm?FEKI%z)Id-$@fU;kzBvdp1OFfIzwu<9JKz>S-ZFs0hM2_+(b^czJn#uN`=wm zpCo;*_lCT5_6<|mNsdu`UXW87o0C2j?h^KgFc@)bVAK?wwkCS+uI%ye(`j^oTVqJ= zXPaV;1Z<_>g?)M6ja1$I3!A;Slq?l>(%YPS73`gdo^JN^(fkfSMJr=@=eLg<_xMa1 zB^mGrM#HqMH`Ca=xOX|EqP%<3F*jdoe0%Ujgva~gV}7o)Bsw)UB+9iAuMKzn9b3hg z1d@NC5qlc5e4N{xZW9+PP6=w3B>ygD!wYh6TgP%n1;1s_(srht_Wrvd+4g_su14hb zH10NUmM7jBGr}K9372>tY-0P$`t}oQ-nP5pV*L|BvNV0&!81kuX36EnAGsqFwS=1Z zUsnN@(jN2w8`|OvJXJfUS$G5BjqVtcT4meE!)c#C4-7#<6+KP)z8;;&T_F89>5Mb^ zvHl$!6}vcTWFVJJbHq{;invV4`=#as(I{AWoMqs{UFrmDyE_pPci+B!C@CCI#kRK_ zs~WmA#rzRqNVl4)3@~bq$}aWd(K}Q!@_40g{PywVFcC_mX$SVEu6?!P-`b=!yt!xW znvkIKVLIL36P@yHvJ_TakNmww%oL2PeteO`fh^-wq7KK^G5>jJpSj|u!`K02930hR zgWmht$=!gu^q59=?yKDz(qQdL=u~uNm{&--{YW+P zTjxT95|^o~F*|#KQpop+x!u!&0>w#lw~}hk-u=z2Dks-n?o-Q<%kJ4@VZbx~2t)H* zwr;~8rIo2@=zToD&MIw`*SovbT@-UGhFw+=FBL&O|E~o&3y`~93q0Q{FE}3$`x`SN zcloEr!QKipBByhBK6klbslqT&V8ObkbkXM?cGauY9&-BkSXMOju+P%%ER;bL)ciG)teTML7Q4uekC=99p zT816QUmcuY-7hqclbzNslMt4U{^$gr>T;bNjLE>pC12%zkQLP&_hoP1?)EFUf5Tzx z!==f3=gdM$<@)GSo`)JG1+guQ=m5auS{EB9k9zgC>bP%XHQ=9!Pk!)xBnXx)m>U2%dL-C z56JOi5T`cerPjNhNc%Fk;UX5{7L(sv#OGD_J~9f^qZKis`uV)q=kc#V$Vf}D!bi6E z$VI}o8YCmzyWeBLj#ZH0es5;G%T3nM-A2Y4tm-b%!R;sa8!A0VluF&g z%E!R(h68JAKAfX=n+-N31`Z{RsWc&4BeiUXt|KrFY#(gAf&hOA5U;6XkYoNqm72$w z9vo+jvFKR%wQU5}5-**s#g8cDLazBGpWB&u#ev}(6djH^Gmrsc^RWS##C>X2V|*6; z;$AIJ9oT%HfW{gr6>X~D>j~t&?^jbK`1?WWQ`UcC84B^#S_8;t{Yo{ql<(Oaho3E@ z~*o7e1h}4B2RNOiT;fxWmgxt1G5)%b14ktr(Hw!HdNmi;1 z4?7-LViv~)Bs&!QfqIFU2pXos#MmWJ78+=7; zV7Jel>Zcj;Gdb@b88X;1xak?@idE^G>fg|cgO9<-4pY4p_4~(Aa;kKCQyUBbu8<~~ zwP@;~${dx~WpM~Wi=>Ymm_$|@n*{MuehdCb?JD22e8>1EI3{A~qO8iF0D`MiX=RgT z87*QfQ9!E|x@S=o4UUIy*;I|!O0QmCuA!PjR#vd~SYCmc@eBWY*v%mz9mSYcj%gf9 zUmYTXcBS<{j{GewF$JRb0zcsxDwaSz^BmyA-=W==)^ib8SQ0 z*J5n@sGedp>gA=l9nHws(! z$sya0^MB7Ol09l8F9oz*G-UEeY(Vmz&LJ6nwi3A01Vl30mA#*Q>XoEdGg5Ln5y=+88VPz9mwZ z%lQ897<<9P`31Se{?9UA|D7Kk#HD1y$XK>tkf{7@z|3tI!fib2;=4)_FIlYw+S9vN zjBnh$SUIkBwAXpK&I0@t2-9 z(#t?VDtX6(nA8-3Sy|Z8s_z9TC~Ps?m8ll&R*GI%R;ztsqA};2Ydyj^jh4{|;?Q-C zFL;`iICXoMPDL%ruq+AMpu>}V7T6!_v}t$}@#1ojxzj!LaIxT*ByQ0x7S=oo-p?8+2s>Av(d^$o zcRI#@_(+NQ&n8idMHEdr?>8a#6??`krhg+-f9gopDvpzqNBPB(Z<-?&N~LDhMqI6n_; z|6QWk%h71P$usT*94M>xsZ*2{16;lC<;+pn@vH&skSnYqe|=NF4ikz&hU;n!UDuDC zpMGzUaoudp(`OY%FPd~zSSW8|a-Qf1@lO*o-P47r`6d*Dm)z%{s=$JyQ6`Vk>DxZxb}VHhczNRDx!h7f~S5o zU0CqYo!RWwY&P(vRx63oL6sNG(Ih77u*(B3F%R@ZqF7F*oLse`nQ$+9=o(hvbqw#t z@Nv+|nJacF^RvSzU8@4WpO*n=dZJ`+D`{ogeeQf~RjIM9F-cxj^Wt!v91vg;w*T*N z?rJ@^_u?l$+L{mMy#uTz#{KYnMsx3^99QSZrY1SFT}OTj$kz3+fQh-^QRVUR+hS2b zh3h4|O(K1pO$n|C^c#@c>fy6 zpD{N#yE%Mu`4KZr&64Bfp%}Yreuq+}1NZM}n9$AKmK6(3AmB?>b}}1A;ZDu1P4~YH zPvw#>a_e{9MP%G5{UdAz zQ(K;JCHc$BibQOCui}z&)R-Q=VE!1}rR>H4*z5EqE!jr(PtADdaB*=voAm782Ty-e zH5d|{vY}Ic35BMJ$suA8Agm!xWcv6L69cq%(#Z?(Wh32Stlh^MJGvp11_JZWnp=(= zjZ#qu}#D(Z*m;xs?yRIS9yr2g-q zT(JJGA5j=E|0e#smE+i$q6qP(Bj##n^q2hG`$IX^>xcLBEwbb2t@?ee?3Gqo#L-2? zU?%|7Or!6fe+V;z96CeJlLLVuX6EMCTqq22Px7CISC;8$23}n5d&&BU%M77q4CS;n zS?)%E8Yqj)fZ3dTYVs74I=_xq3)xx3l{4zcAzT0h1?E|eoG1FF!+3?ZUbDQs5do0{ z7(MHWyyX5PcgJC9OVag-W>i;DPT8mg;YNT^r3OS=!dAk6;nj*f4Sy6|a};FrQQ6tx z+B*c^`}()`>}XE7Gn!4Z4-$xYGU4=1+-Fihptbt2_8zwYA2^U^a%%Ag`}LnWbd9Af zDJlIMHd>y`@ub>y{3~g8$B0Ro#yq#~U*O>EN0hk+lRHZh8}bcAMs%5E>>f&T4-0At zJ0BChJo`z=h{L?$=@;jHsWJOy(vP+azE2ifY-6`oyM&q1RVnaz!zCbwnSr)T{p5Gq;2IZLxS7!6a#ZpBB% zpQH^Ve~7>TV^4|6w83Z>+hu2Uj>nyT5wYi8ry4_(mOWn%SX=y!U8nk^A`E@SM7uNYg%*!b!P7i*dL1*3^y&K) zZeVWoJE!rFX(2p8Fb1it195WB7b4}3H~mgqLRf6cOVOkL&PZvG$UEZ;4=E}h{WzY8 zuCX#6LxvOyYY#jTeizr&lmlW&u*%pDN{gOPoxc=EAiyh2alWBjZ}O=o*DUW2;_p7Z zqQwIYCRsUWOMeU0uVjh7%SK=^9LnT^q1tE*a1GE7HF4C*S70(RtZ#(Q$O8o*#*9c6rO(x_rD$s>$UhC28x%77th=E@25!S{VzLbzfACfJ#8a6|5o>2)K~PcWm>NyaCH zin?O^RHcr4&U({180_!4wr*&*mNPb=E6w`{1n~>zREFDSMLcP5&J-N39jj|l>WH}$ z#ql8*#v@tFujz_bpIbFi6gO#TY6=Q#pJV9stC3GUZ1&$J9R1w(EuccS1(HNOz!JAS z+Oo5GU%474uGj@0o?K3j2&Y zhYA_h!T-)3ItR&V$h|QkbE~j&3XWGY}DnkC>iKR$PGIizZjoued*{nmJWjrRZDen=wI$hIhCuo zC?x`j@M$Kh_fhJEoXvF9XrBJNb`THJUFB4O)$rE9)rq6MDwM2YDVZI74j^+{2PY@-5M%fbMDLAYhF<4s35)Ee8 zhxHh~Zuw={VyiYMyJKC4@79_ffxM4;qdw1j^NCNuQydOet$X2($Gw0}AB8-An6Gvu zr7aHavUgIQOB|`dfZx!X>yYOb3feVN(ljbYxb&Mb|JleI8|Q`wOmJT=TZXmM%Vl?# z%&)~<@O@xT;gg^klu8~^AR9uQK0Ex`0t|v|=**lXk6(Iwtx5O(5!ib~?YQ|Gm5tX@ z>mbRADMydd+o&Z|3~9BDYLz{-6BoC~Lt-)HGn9Yt^RH?~iPlZ4Pb@25qjR}Bh;b*0 zV19IlN=1Ue;-Wa-o8dQ85hCaw^#~I~n>ekCpnR23r&v(KCoqQI`(=4a8LcE=QCpv8 znNBL3<6>#)watLqiRb)pJnY-4sabx?L)Kb^aJWDVAkS)76rBghb4s6Yb(lXL#?2AP zEVw4CV`6Mqlu#7VZ#p9Oi2?47odvegTrH&&*n6z}v~fVW;NnUG@O_5Dl~eOKVHpluMoY4q$$~{jA$Tx4_)e%tu_~p=H>= z$uM$s7Fm*~K!_*~WT9G|w=g%~p{(Ka0}ne%rl!LnG=$}6PWc?}nO>nMM?dAX4;9M3 zyVY!Z$!Z_Mrm79}o^Y1H?JVe#zUCOT&XSfgGihmQ=`VNazU*`;A1(tegp18V2&0A2 z02TVLFEk;3+`Rg#Tu=_mWsnUbWFr$+Z0Glkkt4{jHM@xI-`0D5XI5NC{>%$no-g~RG`Aj?;f-mQY)$Lu^Lh^%QWr}t#U=c-6*ll^&@mT`SFY|92j*_AvuwdAN)c82xtdZ7pLYIxN3&zyJFeQS@mWX zr#&Fjv`h~<-+U3=;zcd|>M+B|9-}H>(DW0@{%a?! zx{k-`5C*W4Bu`^Mlw~VXgv~*B#GE(ymCF6Bk0Ud6^>}jBA2*wZM{s{n@}!6|>>rIn z#IaqgP<)+38D1vs+_p7dE9AW^r_WMX!@`V|@~rg~=}!D&)cxMcl(o6`1*;?1yc#vs z=j(c^73!Eu8rz*uSL+Uf+sozShzKgRXV7xr{XoIOv&t%5;)u`JNyXL> zueaVLg1=}ceD{!04 z30!>qY*s8YTn_dFk3f9zJ+Q+R6#^M+2KGZ;1Pu3!u}dGNey5#7eni5?bt+}>ZHeI8;&`#VkKJ8L#b19V~tIcqQCdJuelZNm{GByeis8&4aHv|BuN=64i$aT$y^Ng`|ZOd z(*Uq~Fp2%yYi+UOm=k)WO!w+8R7ca9c5uoGG_NQ^7eIT93J?pR^k7(Pm8Hb42$kRS zNcf})iJm~8f0=vxc@gx?yh`o$3PDWH{P!qOxTJP;DhFW0@Ku^3l8rno(Wj$p80Daf z0Uo)~7&$-0-P2_SoP9mn`*O8WK0xNuA8!)|{mHv1)Vf($7k)sb8_HP*d>9y zrs(e5wQRY637yb%?5oxyhs;Z#J@z6*4zQAD$|BOQyaOC9Iz zs8n^YQx_;8OCKAjVIH5@XqZ2fsu>AT>EM@0v=wGdFbMxI6W-Jic(L=omXaqVN#1MD zS3GE$p>WW5R>aFt^|c;SQ@UJ!`8e*`p2D50X9So0EJuqKG$L4q_$r4Mj46*blzT`J zj{cIq*ygBM?F*`n1s9H#DP77rB(p5KNw$Ps?H!EerZ2j!U7z3g4DT@KFtH1B#K#qd5&_7^&C@&2nw{YZ2_X!1U$hK4qE4s_oux zMo9}7S*IL*C)~xQ?wlf-r#`a-@C@Tn)p#aF7#XaqudlZZJwXAL^KlFyp$3~bLx_N!}*u-qh1@{W-G8vBg~8vmu|^W<(LUaUrYLwS+E7U%Y3uk zA?U~9pev+d-Vbr;<5JsS7#};avB=aOCzo9#a>OZ0n(-IOOV#Udxs#&)*fwPJZrv22 zr|6fWIs+sKg2E#u1>^Gn+JXL)D|jpH5pn$vOWxPz&#(2Ks?ZjF(Rts3Grcw9dVwBJ z>ZOuINa<0$QVpZveJ0YKIh>NBDwayDmEQK^xzDd59@Wve2)%JOalgwy5d%gB?y!Tx zlhcXqR#xD;oKi54HFj|-_g20XtN0vbK64|=fu>OQ_QNj#K=>QlBz;n6SBChCxS`KZ zsplA|bK}r<$NK$`h}oy=-RB~DhGJIF{4%P;?n&BHEAz=lN#D1!q5VD<#Ny<8bECbz z31LI8b+odrD8O~r#c)^)>}ZiPEWuY^W?H=H?Ly-`%?`$lp1ho7ps;0#LO=_iG>7>d4OwyuBH^iBt_C}$*zrL;m5e^fX{g>z=YG@P|SV5;zUsevLA4T`<3*T|@+ z_<#oF05VTvw5WSb&`LT8X8uGrrxtCblurKD@d?1y#!>hVH~B5!cMm%mBOJShDcsZH zwh{VVG63{0!%BM!SFLFf%(cY`#b|(X90icQEa({kfaldS%+q`dNTi@3k6Cz{W*H;N zlHL(t^U^ybQ-LDr6_Cn&%*D6S^RHRM3iPgdNR%x-Jj2(W6_b4@U`B&3cn6e`ZRa~Z zFX_7~+HR)eiW##kEG$@fW90mpjFEWjLGLTSEfZ<`*g2syTYdXS=I1VpyDTh)=|o_W zboSJuJiu*#tDftcN)(!npYv>H^+(hptjE*O`YzcmWXP7As6V-aLKMuHwS_1Ehr5gQ z)t3|=51XMA4}%p5WWGxiXmrab2VP@60qEEl%h%DAJ(Bm&CG1_4*DKmr7Qp_*0QK)v z=VdL%PN{EgGF;Pko}D&m@hXz}giM|B?4otK zgl@mLa(OL(Qiv^V{M19lq9Cc4J$NlBr!71)h=YA`g82!6T=#1Orp<1Mqd`zgpg~4* zUf!zR0QJp+1Fc>&o9}>daLkJ^UwawYp8<_^rPn$ zm!h9>18utuXJlv+ro~WY9@v3Dh(-=@tN?qi|J`GYIOf0$OW#Jy`Ms&`7eu* z?8(`&F&HNhgRa{i{6__G@JspJ9MRYZLC>%8Q$klp93Lg>Lyiw@>Ze^b%djsrJlC!n zl1i>FtH{r>mH}Dulqra5nskY=4ww;DRXPudE&bluxj&aacuxY9oth)LFdq56=(^;4 z5aHU=YPm}E@(=Ex0OQbptSU&B)^Lb)QV z=^QwI6^k6PEMg8__P_jC$TOyRXD*qc5)Cx*1j1}pV!xWs#Z+=37kW8TQ2lt4_BYc- zw;yR`cACA)f(W;43%nrPldg6=}|#J8f`q@O74@Y&dJAnz`cF`QYV z7Epd==eQWy@iyYVSbu+ZW*iZ{dsD^A01@)*T|9H-+m&k_yzFCljdAR#d_#oKV+ zmz5Hx)Ru2pOWa6$fT>PLkHUUQ4Cp(fYYWj7r4jGSNCy)78o_efeK14DL3wu_wQ!N% zbV}@KUPc{Hp(YEMUhB7D*suFt@nVO=8U}e?H2t^s{htHo&7_yY>2@S*nAUSK*wcF( z98((ADm2``&NA*+t}^f|C-m>XTIX2lE+3F=dH99diD>vdqTB{A_PztErLG)RY9s!| zRH{*nyPxp*COG2xVh>#w`*a`#%#CtcvrYfl=Yv_E-koC^_8VDc%O;Yvq3qJ**JM+T z-MRG>R14gz{0?EcNZT$*G5W_+Xs}C3NxiJR1DP)hey3T#H2I7WrXtN4;pr=FF`#{# z?B&$<{2EC4mS?2X)sO~Oz66yP@nk2N*9$?hkN2^RcYSQS`!}YKLzr1HOwWH>ix*XO z#=V=ajWjLybeO9J<8sBQ!^-5_JOw4@#di5UwW1!P;ykrg{xA-k1zy^iA5A~7PpKu<_O5YovNAMkbC;MivT zRKERfnAdRGe+^uxx$bT3Bb%EKEhC!aXP?nhC5U??3U6;M#n^~fQvj{$76vTC>Zi9v zL`6jWrpcMqo`GLU^-AaaVQ14DAc|tJHq^=ImIvp9LHel=F*xRPxwcn9uMQ%>$`d_tO50PO*7iNGKjKf5e&WMBci| zkHRnV^>LtyuS|Z4=%zPx#4jpE{E2+RIEfLmf>@#Xe^AtEM+^MNfk`|tk*;LyO|IWG zA>dKBGPO*ifb^F4%+ahFJ*WqypTHZXSOQ#Jm%3bPKR@}oy-Pr&DF`45*?S2|eMQIX9$YSD92wSMmE@jw-O)ts4y3w~&Rla8i3|Oajf8-(sYULEmEE$xgu;bJ`Tf|Ym5)>0@N&>^gVHLu&`tSNRCS69e`=oI~prt`f9 z;~_TNxn*4;dDGKZWw=p^esbuS&WO*WJjJ({K5JlP;fM$+-Nt}VGr+%*oXGozyzZ!l zo%W8bdmyyv_=gSdBJ1F4f7WMxwe;YmtIKJn(0^m>_4VVbbFp-wmmlF9Vm=rzxg>G1 z(ii%-0#7f$Zcq7vD*dNHY0~msNn}VU!4CI3sxh6MGUem<(bc}sjK#BNvwqe-?aVVj z8)6l}nLJE1zO7>QCtIUjaQNW4Oh?u4w!=3*%6mYUgIeh^w!+e4BweZzt4RsT7(l0m z$9Ks;TbVyH>N13FxlOCTbUywo&o40&m`}ieeG5?j(kRrYpnLdg1BTIj!_U7rVFPfs z5f|fyM+TN1@g{G){`7nl=Q#y9%en@0{D( z|7Cyk_u7=Da=CUk%XR%Ei-GLyGU=~CAu;1I=3K$3H!DV7N)0>&UlyHRlOf@`humyT z_P|9;4MTmNjt*+Y--eXQTrxaRr5LE;G^X?9r9i1x$#dMA ze8t-|&-hhboUnJm|1~+>-;xPQ_=Yb=Zx|Feg27;PI!uLWVPk_bRzy@3_>t&j-{yDk z3@H2TSg5@N5gvz@s^4}bNSeH3|LDf13FSn}2RslK6z_p;I&y}%tgN=*jmDJa5_4k& z0hl|y966u=gk(L5r$P~M^mu%;zRJ5rO#QfT_zt}f9WJ!w!YYe~!iJ9b zrR#7}Aj>WjM$5o7cg4=6H8KOpKSCm1953&XCo4IR@A2t<{12+T0445e-5h0^W`Ne-XSv>lOb^Xt<%MB8^C0ob6to{3INcdSjOMYw6RqG=-O>wvz>#c=YU&-%ci}zr5*?!^=`z}*5DH7C!GIicTZ5q9;n)`kAr+oF2 z-oTJe^;KFl1<{6UCY-|a-clH#0k4mW^v625vV)Lu-{pnIi1AeY#W!A+n{E4Lbplhk zPTqp^$qmIl-M+9hvKRiSTokaNI~R6(dbKCI6kuhON?h*Zj^qcRM;&tpxZFd7hhwfh z-0t%{dFypbh~FilWK~bU0YAhND@4GQSD}-*+xS|ccug(a1aHWaRLPHeV|M>>@+v4u z7$eVbpVL>J&Y`;2gnxeX)_8YzS*_P29MCp_1)$H+yM*)(_ImrksnE#OSDt(q&$vYY zFwm60$BfI&&E15TQxpSdjrSM`;3_SFzw`O$yT*uU6aheT*f)jK-5`pR&V)N2S7e{6zm_owx zwf-e1+F%S}3HelUbYPnZDjI4bhxR|9PK5yv{?>?%7NM9<&$Y*{u3Y4e+H*&{HLtS1 z-Wwun{K>DY5)t|u@)0?VAt#@P9@#)S&vq2fzk&ju1kh$IPK~me_QXjgt&j6y6c)_3cD;%fjXC!o%p8Pa!Kz6ar+z6|yga)^6h zGeu9Yu0p{mn4agm{Lwt7oyPxu8cb^@djFmh#N!jmk0LFao8E>kG4C(p1u*s7 zB8Rh!U4A=TA<|n=enqN#t#!I`JigMGDD^uF1*K*oqs|0qjCDLYqOB9i5^Cw=r4F+e zNvD53^p9**i?;1!qvAOC`*{GyI*nojfiI$7IlL4oWqGh%xapMlb@QEEje=pE)am7o zrDW_7;HB>-fI{pr86f4&2gq>gBazjp!a#8u94n$SlXi~7lg(#D*kso+*#y1-ihFz3jmjda`u)Q^2GmnWo@&9 zSu6mh@g8y2ZvtBc&Qp!;D~rf}VT*qq}4Qlc4Q}f=4=`N&L&@^SG z=>TSSy&n1?jEma?*=kI3kiICjgiM4SoR{gV6MUkUc_|R&lCWIzQPGr;j8$8f{NtT1&^%~$hKbyYw+Goa+wmN zZh^EmkMp;bq7MTlBkK*Xgr>HG#-s^u^}6y^x3`@d6?}R-7Z6r0xCa8%V$dEA;Lsug zez-W9Y&CPaY}|giSfi^LvXAEo{&x^VZ02v+JU+YY422?hx%@H$6Gj42HX7r`)4%X$ zP_tj+0jnsAh!5p8b^G6d%c%a4ut%o_AqV?5L+?7Iw9D>`9JgN(=8DqmHy?a_)g0;- z;=7}}die(XGzE2&l4qgX*(4m%RQd1Bf9~QSE9`H4LCF4yuF{?27p(ENf^)6GvpB-` z@t9wYACcO9iLKXhxUv`Y8P4H^O{g$1Lto%)Ds;VvR=}yj%6w6a+1b_a*BclYrj7lz z-zZ)D>ApHUR61KB$$Dx)Uu`4=@)QmWk-B{pB$%d^W%&oG3fnPs)tT{R8i`f=0L zpdE6sh@Y!19fcF!ZDoxYkO%j@l8#VgGTLPoZREr(=d$!IA(P1ODZ@t|VRL?1Uemab z>U0t1p!+OkXfS3Pcy~AU2gp=I7zg+fgO45vJFtmcpE-?LQY@aJ=2oeHGhMOU=69Dx z6I;PRr7V>WXySim>x|_P`+?HeiLcyjVqzJ%Am;%O-~V1R%ZC`vXy_)ckS*;B4pDpUSk>_{f$44#hVb*gM}F@aw=3 z!bPO;!5i10d;PKMB6c7FmN(OWxXIvypU>U7{3sVA#}B^453Tv>0Dsc6RTE4qo&w?x zU^4||JdQlN#RN+%Uk<{#yc4ju-3xf6Ga}Vp<{I4pPay&Fptg)p2=h`)1 z7<}t1?zu4Ck2Z7WhmeY^@N)mQ>z5O!kX19M%Hx>k`U|lX@z-y@ zuAOWi2Q|KVcS@A8sG*_v)|S`xtd4%=gcmPHZW_p&XpR_YEW=qSP~HHSM4S;zTA{qe zH&Y`%O8MOi%yp;bcwZVu-o6S6;8TgxQMH%vnooQg$T68+av0pkP?G`C=;44i>6Do^ z%R~|Z<7J6>>Z^K2XX^Y4GlLJUi3|UdCp#f-&idcmstV<-^rOA z!^rS#+Ut`DKmYYbz0jwXI zG-H3<7yak+lnwUPE*kgsg)dA#%mq%Mc%|sr76^=V+mv)xRWy21hTZSGTHC+!) z_&KPi^X6Mh;J^ncv{NiU#xpK8d)nyjp%afaVE^|!_5MImi8aU@qMi~Ta`Fdr{kI9< zF7+o$4*OUDI`NNB!U%tpj8OB*_5~A5?)++~Q=S?|=!5s|1?#ia->iUi zxUkJHwAXR}!-N*Gg8t6SfGM|3vp~@E#5yyfsrgx{2Z^&RsdeNdS$h&Gl?Bzbrv+y` z`Yo`TOUPp6UmN+_o=OyLxdX-R)QkVIRZ)F@(_90Q(mf`mf4T)lu!jN_VrsyTpL9u` zj*}Jme$-3(|4d6PhcbR(aY(>S5&J^-q6qV`vw%H`?@@IS~ zXO-+`Rwv1!sJZvKN&~!#spRl7Kp{Wqer-R<_Utm)KTH%smP@VbR$cAIi^4>bV>&x8 ztp>s0*-9YKobmSmN7H%7Q~keh{1CFrAvPOIbPeG z^{*$G)=!a_7r{}e$#Hl`$U(GR1H2*N@Lj-dVO~Sh`Nh$GQN;1R&ZFZb(uhw*ys-^a z`BXq!5xcV^v z9Mjl)LuSg#qlMmkE1S!;2kaRir*2JudT{vh_P^%6v3xNG$*J7T6nWaW^h3Y@{tIuK zt!@RHdly{NG&I zz_cZ~o%+?bb?39f_`)LQI`_8g8qopy2R==zI=x=%uRykrA4DICvSer8K5QKhK3`dD z@c}r{NPLD@f)q=434_)+(;W&McXsmX0OvhMf;?oknL%#_YtvYBXidz}ewQk4N#I~o zFk54~@yf)pOW>lo|5ZN^WF`(PJT%MKYLp7W+{4``!VfM zHb{e%>!-<#tYLcvSz{PAyJ>|I5@(^fQetxLQsZms{nH-Hs_?N!x^qcv{Ne<;sY;t% zQ_&nF4&ITy4or{>95|c`b+!)UH-k6YAH(z*|AUCLGqnA8ze{ug%d1kGO=~>Bw}h>q z%Ym`pbpz+)%d66p^VjL{vilW@NRfRKWF1< zX6RWPad^%IxNPWLM;nDh(;%x^M0^MdfS6L;N+ok|*R;-vIt&262d$Y&p&5HkL_V4i zf|Z$Tr>bU~0cHwq*T3Jo&T*i(Tg!ey?w7-5Mn&g4}dV65&mLam4eR~ z_Ja~3?vo729lItDR`s0}WKL2pS<#?^m5nq(8I>Hz(*jRqU7umsHnBW<(Hi!1+x{tk zjNg>MJ~2kEE8-v^;_zgv4oMub3H?v-aG4Y3Pq<#XlGU~^5UGaqNlvIzljg`1?iefDLhkb6K=#qHEA(%&%HR{SmQKtqslJ!`)K9yp?A4NK84Mj% zuRE({!I5HoKjezDUKX4m^#PX#schI!;L|#GB~tE1O^dPG^E#lJ$A0j`qW~<*Uz4n>i z`93}qFuHtIjOL5#5-`2eCgHRYQ4bqY@ncP4mv0G88W5IcHJo+33?@hp{-r)Tti6pD zv@lKYwqVIa+S}$9&}56eHQ~FP^gi$^*j63nO@LqJu%Uo@vf;|E_n}lbLIEmLa<55Z zjBWVI@t8Mui*NbLSYEO9l?3x_z{0v4D9fW`bxa~t3s zJK%lT>Y7g@HlZ}d#CNonFUIk8;*{gF#^L5mUC0muSy)y#S%Qgm)g`amPva_BovSBB zPwrBvnPRWY@X?UKUOW!ET+CHpFUDWv=7>ELLHGD7SiyDpK%|_2nuXfk@|Uy)g5Wvc z)TG*5TXq4>@C9>8R-V&dV zjU|E|*r(yo45yy>Q(6L4Bb`fN2&b#Np`6@0+lA2n556}C=91RYlAeJ1K>Ttasr5#U z{MjTceB`jIKRS9x-mH8-PSt7U-~GITI!3R;f#8lrM=C=}7+d4okJg>LDm;cH+w%ke z(?4q`P4nT-v;Y&!Ra&bjo3`H@A)zX%OL-%mpHK6~0Ozvem#ign>s0gja*$%dRa>`w zC!B?}j7*?&TfmTC@*RGPug(A4{%>tW76b_R+@_H>(Vea~=Tq*31S%L9-#B|sB*(`; z6cA%CKy3{cg|i!GtJ(t2e)gkySNu<$YClSnqlJ@_50qP{p{d(@#tQL&x zk3WQI^9(YwP|Mxb%{Zwgf5cfi8bDPe_Iz96%o+qi#nwMc;O6#bj8C{SPwF|i?IwQ1 zrsL#9VLp5to8U?b+O94krxY&-1)hG2I1c{bDd^c~o^m)?o6>yW%lvT%ZHqEDyFBlI zMOU{SZ!@t7@E7whw;@A6;gxTvPR^{BJSZ43b*uGDeD?gJj3ug?!)nOV^?cH(!Ua7! z2#DVuO^~ui23?^q)^Uh~b})UUZEmp{C%$9Samqj6^mK2Sn03$8E6}q$Qf~cLP&9it zi-pGLt$Vy-CYIo@A=?ECT8WaBDGlWTf01o2Pb{DgP}11(-^+`0Rr!>Ft;eAEikg@# z!sBjeO7K_c9kfLvgg*iIBDu*-5b~6UeX!Bzk)C1U!;~=>+IBg?{``FRn%LO#T;^i; z_P7=}d2Nz~PYKh1qPQQC+g$R?V+trW>upuI7qw_sEVb_#D+)51&V>(TX5nMzF0rt* zb91vRwiE;fONy3$SO*p@AyQ?=s@ReClV|MiU*<%y#aMen5T=Y|sDOLp9c8R~Z8;0+ zWLr8`nwclV^;+-IT?#FJdtnm?-8txw-0nlqI$wQI#=fKyGMAi{iThhi|6{K5c3L&e zPn-X)3vDcv^rwbyPHM`Ilf!DcMjv`3qiK?56`?0SX`xq^rGb|+(U5yk5|9dZ7{E{u zlr+Y_)na`pohl_a_kiS9gU_At$v|0(aqu4@=%K9$|B9?)Ko``k;8KI7dh+s)l*>>6 z&v{u9UP7+YC!S#L)XNffuMQi4EOc+>jzGE6RWFvtYLR$Wk*V$ZUp4Jl9H?CD5kQ`* zePP*3wYDCDTv9*AYWllZfJXNDi{OKQ7lA4_?8N;r_C(pZ_3<>IzZ>!N^k}NeDm%BE zPkV>*=Lum~=OcwqHMq6l)bcEKSJ`UT9%;pvXGmadfhvQEKg5amKOVPIVRTWOZw zg))%xME~oB!;bwkO2LmJpI=Knc>^_-9k>f(hv4YxEm;==LMZB2;LKeXxZ}_C7Xw%8 z5T(*?GvmrU(RuPRgHQeDl4n%Yp#`=VmX*3g&!m0}lvD?P*81?pL6YWKx|8l*FE+3j z!2ptkuEP_oy!hUmB&pvD`x-nw`;Z4V5O+V&9BH@4Ii`qLT+Pi4`03|?m1dBgyW%9! z3YUZC(X~A1xDV#$qYFWiO=* z71(|t@L8AHrs?xLCAYNH?rtLnOshg2Gb?}fJRn!s#f`Jlf^cS!Q_-N}Yw8s0EpwG? z6cPvmd~n0J!{WEdBDSaY2X)JP$36t%{HLsXtFPzw?Y!0Uq7IiRDRkoZ(aX2AzE;M% zvqc6Z?@-j?Cn7IVUN(iql-vj6L$nu{Pa&Pxy?!USv?Ho>Zc%3Uq;`SLm=9)_1a18$ zYg`EmJ?9>t$w15kp&3?XcZU+fK}xnyny65t)qcK4>;B1eD`5U|XU#4^60?4{1dm{w z4JIA=tRnu!zm{sS_7^x)?Ko*6V{hJxc{g@EGg3z@+vXr^Ov8dJ<7aWT3aK6L-tpK zk=On$E7q&%%25$4*>E4ttZ26al?)SdlH~i2c8&rSv2T)2M^wXi|E&G?QVzRVItKDm z@vc6T;s16Y_bRGv{bNcyC02#CF<5g?tHo$6Up1fjyr*z$ULAtMWHz!6h&=mA)~ zM;xbPg>wJv4*fI=0tvjwW(U7ulkxxVSsh{)pMZ%l_M=~=@){p+&5}NcWxINEd z{6kR4qbrXR3anJuQe~Zu3q1rEpl|d7OS9^aL za+|AIu#bu5R%-vYO()>V+ac7LF(7OF=kvcOkDczm2oAg0O+q9_@^wk-J77=jL~*`W z3V6C_MNgb+2epBBXxKC2G#@tc`Q8f`9Q+MWv(w#Alk_EZ0MOLhz3KProf51Qs3kmP zV7m@aMS5?RUYW^7S&8^E5IjmlF5|3m3OrbTFZA~~Pe@h=ovZuo_0{$(R#rpzg-@@( zLbwsM&)rK|nK!uSnWFhEB(5w81nP3JGfesW=h8DUNODn8iOaDyvLkCIGh`ltk&ai) zNH&GEw9lr)duZw=BGV%L{H(?r7QME#t&(+=az2$!)J$?c==+Lb{_g>xIZbzj1-@*% zQ=&b^r>5IH3D3a23)+h3otwK#!pafAQ^G?u5Gv$ax)3-6@<_tELe4n(#nVL$Z>5~m zXk+|Xo_4xZ;8&-1;cUGM5mJ|>!+qKC5LCT|cma-^??)_fBYu9f94HG8JtZ=5&+9oxYK!K$$)?FX4rS1# zI7Y7jVsy|JZqL3Ezv6glkO>Us2++d8`MXE#zpUL=gM21vE)NE$Y{JeD4*YK+0+hGJ z@*3U6IIEk}q6Npk2$hF!_3ul*2Ue3H*C*XzEYI}_dHI`}r3S_}NVllR8cy-(Sm*=i z6i95lv9$^+yEtp1ed+Plhp8+Swh*aDdO9RKH7p%|yFI2m<6zP<^p~nUKe)tz_CL-y zZnPi~R4pzt3yu=6$ciyap|H!vTQD$yD5dl)#B<5V$`(ks-MQz;ukbN>13w~UwTJPy zeBLxkO$~G1*vFCmE;9{ST=$q&dp>iG$~7h=JIS2U>2>4~A203^K`WF>O=kJSDBlj_ znuh6KM%Pst$~I0K@dt?uf5`2BDTmtjtif6!lwT}Ng2Im5KQ7CDcXD0JP(%`x>+?v% zImOS+mQWJMr9>|Pt9qZ62VIp;eXZV*dN*gxj%ooe!av?a$gjmg28pL*o0|iiTyZQ> z4+>9*-Rj^CaCT&ViF=qhz-z?krrYASV3qt9WKkKk7x7D@>#wxURqoG8F@$Nj^kUI*>d$qO z_7pb>MtH9-Vph+gJ#SI5dQYOz5(ylPPW9GJ`s*{c-(AwmR_H0w@9%0*bA%tBYy$iV zg_Hn-^47nRqIs5A1AMWT{L!oZN(@P5u3=X|(j&s@w2Dcf=hW;`oF#B5@~6^Nt$V?t z+6vYFdZhnW`R@C0y@wB9@@S6f|BpBD7l zTKr%CSiHh}=?{=LWNX%5RwbG*9Tz^CL@@TH%7FBV2iC&e{H(rDeQ}S{0eU=>I=m9{ z>MQsccV+JTxU$Tfq_3d5EQ{P&Bt$SkFWRVdZFc!ivFL-e?>tPT*^5tB60e}8T2!aY z6wC$n`KCF05d3(I&?+E`HFvbPUjBLKY}lCJc^)63RA5m0#*U`|ry8{T=i7u+vMXT5 zKkc|y?4ECDa`b8(6YqL-_L_rtE*+>=I1}BIs?Kv_=h43EbKfNLrduL2NVlRnE4OUe zr_SYTNMfXoIH{)i(`VL;v)e zfBI0U9dIb|qM?Vtd;20o_z$@4(25A^&Rv>6TUMne`6^BaGj-vE*W74Drn2%%uLG0* zgGtrqX26;N@!Xp8n0&sen9h%j89vS)VxO;w{&4M@6{j#pByGQN=K}YD2V|S*jV;SX zakR-0SlE~~X(}|d+4(hvSB%G41>nx+Re~G;5}b5@gVpZ#UE`!cL)Nf1q_zh<*Z^8l zKK>Z*zc;Z|Nf=DY4PR=PbdoimTZnfHL!!y%S zxhQDiV+S;sD5Xp96JBX2yBD*Y)pGdc~H+M@PRfEzO4x>S14UN*gge#Whf}-LCzC;}f1fBj=qeJq(79AahF#&$Tt>vkI zQ<-9&@U4etj#n>eTVqH4^sm&NNWtnzw26;6^orV3D1N=#Z}R%`hbzCrvEn<5b(6oU z&AVr^V5+G-FX>FBRqz(tjH6>!A{6W8viNnZ%zn)K%Ilm7GeXtu1#nvldZ=Vva=v+d znfoN!)J0?Hc$LZ1C)u#JmO~%)b2|z(*tiOhL3%y9LDvE20f_l|loKebkiw@z_@Q&(L;lJenp&UZmVZ3> zGqe3sD%I+Sg)pF3t!7gH>JFkRNGR99WhEfIQAuS+?Ayo`Wj2RA*ivc+d{4+#Fx_FSP;~Gf_6#u&6<|| z)6T}`a>Y9vHq9-th zs~_))`OrV57h-;=A%OvT^o&hkEO+;k&|JM`V8YWe4r}&#It{j9=wVT&yJM~%4V_x~ z8gzQr7tE=9TSg#bmt-d#OHoWW2Yvln_X1ldRO+LgQrTy}h*Dkiz4%+tk$(WAiULMM zhhNNnD?CPk$uPV7_XAmcbNIEn_4*v?wBcT%?Ht+t0QuB_ zD_pz1>=53r)>=O{*IumWAT3npBTa?0Fd*B5Xa~b4d`9D!y zqK>+(KCP(H7hMWu7ree931ZNzNYOk{??p~71TRh| zIZemG$>$dz#y#3COVL}tAu);6a|3id5^)}YUWulNY+^bc3xW;X>E=~&I&iq74tKojEg7bO zIG1yuY33i2$pU-zBPz$=9*+Qii!+7!_OpMdy!MIuHoFtD{c>M~*AZ~%F^X$*-v_hb#+GgJbOVsTXZ%i5Fc53_mZ(i1^FU7Sp=z1lc z^7X{Kr@y6poa5he+|ZjXFi;?tPUJ<{BNJX-OPBjCai^J&=i)%l`Ns$&V;kqkHSU~- z??P0$ubR8BZu3yOxWDTuIp!7)l>CJyU*D&~>?YrqLDb9ifChy=aeLIo@=i zk^?l)&EE3}ph9h)q71w{iPx5GUH%mdZyE{uPZ~iSIW6jPbf05Ly8=TNYVS3cX5?OV zp=xFdnqEW&knDcEiklG6I!vu{nS3ISS${?Q2)V9DF9D6lO+v~RYGi0$&^*7v)n_IO z%#7P)z+a;sPr1(^JuQ+3PTZ;c+?%#USNc7 zjos*R8kL(w?=1QPUl)hO1xeG`!1u5ja2c!dB4oAE6^n|k0)l>POU>?T3E+CgbF6?W zakEV`2BkVaK!Dc5=t&4|+gAAYz}Bxr_R;i>nMu%i<~4f0!}GVy#c$G)KqSTTVmj>l zn{3kb|8wU(_n&Ay7xn0j%)zej8RpqS<;>D#%vw;1M3YT$nR%WxA z10#b=Ltw3G($6f^&0ntT+PTT#LDqg*ZLM5<<+b0_YLrHKHTA)5GV0Z(YU~u~_y57P zVCr04Alda=Fa9oA-fN9~3#|q#=k!WR21&D8gfMqiMtcuPsqKb33uPqd9RaxXoTY%k z3gn(+JpYad(8nLRO*am=x=t|`-ZT35QoQ9m1;5FgOym>ooIt1V>>&fqW@dHaQ!xX= z)j0@@=ZT>kV~Er*k&!)^qARf?OD`wvYDJS}kymk}(hBF<{)SW>uZjj5)RK(cyFMd= z^(vPrsI;Po5cD|%DPxRN)A#xKNaiaLyaj zlldBpqBEga79Sc?f4%z^=*oWxoek_{dUvc`@h)k_}1{vZ{f$x*@A? zwQq@n%(Vu5895Xe5RTQWAz<>5? zQ`tYY9h^tkuGdWId@bqa6gj_2 zEGcwvw|+QyI>z$Q!ZKM3G0is#WA0*Rr(m9L*sOGQ5O)ym}|3A0U3c=liC*7b|*OiUU-raP56q7qBX;8JQVe>?5#nR(NO`T{aOsEIu zHbzxold?Q6tKKX7CDEd~IztidGKX@7atNbVg+&QJ#`3GuJmf(>mjUroLdXwhb`;J9 zO7!eWjnWFY3gV@5mLA3uD0GvdrEpy~_U#%eMrrjFsBT4W86;-yAiwE!_G05TxzW4W z+lqMccP#B=s$tuThr7I<*r_6h`Nzn70 z&J*&cQ&@YLjR&CYZu+-hypvFk_*sBl4bCG~n-8iU_W{yNI9#_fn_`r^Y5FCtcRRw( zhJ{%HD3Z@bIc7H}8d)!h5hvxB=c*U|O{#4GOy%PxY7{5c7e8CO@>i zOp*Ubj!ozv#xj#~#e&m|fceg_U$?&a5P^G)+IZm09Y3 z#EA|^ULE$hI(jjt%$z>RQj;(PZ-ueZ#DLFAkmatGU3XV#nH5)02zP&1OHCr1Z4ynG z$p|~~A;JR#*U1RV`!hPP?TntN2w?VW`c6Z1Y)p^Vo0t0P?;Xw^^a2=qhh*2=S2`jV zSM4)$>rqY~mz3`j@V@B`?FOrx)u|YQo$t&d1+z>vfOCrNi3PrZLnNhWIB9i}03;fjzTzX1_ zYEavuX4m=#$S7AGl`fkf8%vvvsucNdU<2X7?3@MH?`&-XBh!P*4T}bMwnu77`|PO+ z3@)PL^^q3uq6h^`6LS+Bx-W|vo*T*agBGecTDI2Q$c$yO*#o*e)kFNb+N2sy8lEzG zqnyFM4ORznf%R(580=n&JBPa@-k>@3>};bSz=Is_;Y^tC>W$NEo0!vD=!xOhOtfCO zv)8Tk@I>v;{m$Z~`0_@@d9_jmblP5p)J(46bs#kFTJw@eY?O@`9#!DpgdQHbFygus z#=|-Drn%j)S98e)xiT59QCDJejU5e2x!+yY>*X6Mn&T`v?GJOb{>YBY%6(l>W>UO@ zF{a?7>NWk+vroLIkUzW;2+R>uP~SMcuGe_S5qhT|kU@Kj_^h%lUC2$O{nNBk$#1}8 zexx~;Wisu()qnZ7=<pk&&|jRxZ-kkk**ku0gTD0hu%MTY66sO_brys%xxL%=A?90C{YY~>!a)s3f0Loo0 zSV_z+;AV6~ z;WQe#eM`DASuh65#uSbPn0Cxac{rv-Miy^^#8KT>!S@KL>BQ(G4~$a;x5Y9>T^7p@ zig%X*Gjb|%Sc77uWn~YW9LETAv#M3vp56VKwBTIiTjkhFEW#`xE2LJFW4+|HIUQia z*`=Hjl&F}Vl z^+x}bAPgG#$(~XsE>Pn4X!f&c6eR%zw|qBXVr}EdNcb(Tl{hUHYl%gXAP2^9(HS5w zY;d)NZBgNn2~ZOKPkYI&SJhvJa^mX_XtcrIC3be-E!^U=_7;H^`zCWDU=_BT0P&=J;-HZth%aK!*eZ98JtqiKpb;WjEw0#uWrOGUX={cQ*q`T)emNJA|Y%?gk3irs}3$iM7l*Pd16O$8Q&;EoQ^!9l}cZjJilGl0E zkJjayC6eOF6AwxkUAA->{gfM{`&3o#4@G_JOF98(F_w+pyDpf!RWEI>FvnhXK1Zc9>+#VP>BxTbIhU<=<~qYq8$X{d<`i9)cb-Y)PXLkaR>T-rz->OnrUlbomc8B!Xogrh zz$qAdUXVE24|%AvHF6F}Wpo>BP9Z7>VXBmohX$Z(Iep@PkVLdx*>;GtBvnWlPKD_q z-&2T$k_~4Zq~Ag`4}mOLUMux+tVM&{M24U_PS<~z9IIAMKRUYIwRD&x{s&V-g*I__wX#OM0SGLx_?yq$rCdSbB&ZzmH4XqT`^?jcCxPRVml zO(@FIYx4B_r$|ZPB<-8o;)UkROD&pTFx&=#1wZF2zrB26>o8C7ua~j&E zDcZ7isvL;5POBdHD$=Zzf!-l)ZClG2PoO%MvBq(BJiJWz9<#oSP`ce2a+x7?`3rjx@ z${lPWTimN?`whKH9hkjb4zJXkBPYMaP&6Q0uG?W{>X}t3v*!tIIIg|;e zP7NZ#=)CLQ%9Jf>?j~j4d1gCmIv>2<{9AS^2mnN>FyY*uCQw^QAk4zzUiDdDSrcm8~;iq|JOd86T&|f)OdW+U#0)dv}jvi zKsg8I#x?Ru-`_k zjtRo-XQ9Sw;1s1^O4!2LhY=l}L{HDT`3S`V!_$KklIrQwY&=u1Vs?;+GM$J7=o%(h zyN{o*CrSUZe!}X;S;oPvEZg?PX{~!8VdYoEQB_3JoT0J0YW&YF|EiAX(|pO_^&{6R z+ON|$ukiNnodB8dW=52sHN_YVfqz_!OV^}^;IIQLbVkS0$%NM+MKAG3d^sf!W^dq} z?fZmQPR-Yu0dpap#9C$}@v$sqqB_O!J7>k`RT`RJYetV67@yfX!LCsZIes)}$k+%C z-RUXI2j^$}b4TSl8JTn~?_x1d7#{$PIdeXY5Am53q}>-iaNyyLx^u=lz-=EXATZ-M zx8{cTKi7V;-?tkRtDck~YwdrNvzOgBY0NIqY|)Qj zJ63&T`cw6(@2g78^JMUVX~A>Y%a5Rv)%b{)w)rpel4uzed(u?L?FDO^|6X-K2*|$a z>)&*5|NXR7<93#*5l2vxoYsFUdsNqJUc0Y<6GWGru|10lB0#=y{*qj&-PgJQ=8n+! zhF5J#bOor$yOh>yR3(S*#J2Er#T;SK+fT$A6F*GSz6TGfF+rjAK+%!p((V=wY;_Bg z;39@7_9VJ{uumaRZfOvO*nv!uPj@RpxzC9+!ikKu;I=B&CsWTpao8Lb;8^UFnnDSePVE?kvpm)(X`264O=CIR*d`xZD=Z%)uVI}6L`@g7)N)8EOms^XH z$-P;~#USzK!gdDFZKlgD^9bRd7+*yukXzmQ+uyWo$&n>H34Hr~7akLSX@=#OK%!;l z;IF%eXq$+COa86g@w*qhlF7&Ztu@)@Fl|5aGvAi~bVfXy{CN$aOk-{9nSOL0GNaTV z=2UO>d(U|U=dazdo5u}F4+mj=2Koq?)K8wqjvb6+@$pxncYWp@61$SX^@(oc)gT$tEf;{jBMIDTU#{0x&5zoUopXL9v5(Wllpvf+eVyIi{vI& z`XXsYP$T|BBo1gnK%%AS$uX|z!+bxz@u>mm)RgBu4+bB?6nU7I=05i8Wq?#;=?Z)~ zZKkUvab3$6JK$0OkFbGL=m3&!$Ho?AhfzdX_c3|M1pouTJeIgT@Vq>{+>8*DD-w6a z_ODy%UTitN!xr7^8j(TfmQi$62 zS=-F3znCq(wE!D6kZOlLBm2RCKq@wG=9c(l9#hGT)W!Qlu#ba1sm+sPjz%EfHWL#& zYOtD*wTbRCHW%al>Dh4H)@{Sy`~bsLjh$|lcvI$vg(Pgjb~IDvz+f)(u7eh+L0_ry6+A0dWj3CQwlHaDrbeNy_YCd&3VU@s%N>1e(GVHR1-!k zfL)ueR*yX<<^cHgki&_Q@X7yPEWy;;!+C>C%PF~;e;jefnCsla<)(XKNgKZ0_~P-F z=O2gDd=+oQl4*_fj)yxhE_|Q~CWfD^nu3I~i*h^UA^bDg8z#AEHQbxu`h$sJO+FK9 zPQ8cMfXECP5pV&!m7LT9(?{g_UA7vy<7lRMz3VAx?Z2K<9mj1QZ6AVR{A=$o<~L+Bb>u7QctQwDa!40W{WOU|{hPbf0>D&`TRSgF z9036kyt1=6HIQi|kg2!PQno!KaMqgh5w9Gvzv`?HT#;HHZE+5tEaVdiWz@40 zSR&fMbtVBRm z>PY*O#k4_=o1~{_ztxL1>S@8HgskZ;Q=^Ai@$x|nVb8|={Cum|FxqeeHHCkEDy_xK z@#Y=&SW_*%#r>e1d3*l2Vl>hMw%tbEC zy)jy<8UmbR==*FP8?&Y|GsNnMVj^F*2I&)#JZ^6?%*w0FF zxQ|n5weogkw)~ih(z>1E54T|bWCAVPcbjN%-|MC@`i9VMkLDJKZ`n@$A?>=w8{v zXIU!TY0SN~12<|=CA-A=W1D{25t@ghrEr-{J>2!zrfmN%@z<|(H9lz`A9JLIHt5q6 z#3)0ws6OD}IZ83Pu)qB2MG`sBY$4Q1UpYp$?P+6=FE+3mF0EVV@$r{Hg!?uA;|1W1 zZQ8yqVYPn@=m*2{K_?RmHZaCzl6?{oj{(oCZ>Ma^qmw`5bE-;@9nlb zK0tu9qm${kav9N^jkDTsg}YB(0eJd#{zm=N4YAJ~Q=Lb9Rcc2u{Y|{7{dVEXsh@U4 z_+qjIWO|d%FL;5g=B{+L`6iZuIhNCY#~8THm=-@7EtF)=U5hfJ=ne@`zQ$|0MrZ{< z-ld#)Xq86tV$#SK-nDS;k4S)(Gb!-Kwcs>R>eY&DvFDYp7+{2#?^B4ftU0MgTE4)p z*@PcBI;s@(_dL}>L9}1+Jf_l-dcQ8SPwellIy~H0{@5Z^D!GcFkKbA5c8#d7g&C5H z-z*7G+U|%yz&x@#=!Qy*1`(jn{^Bv<*y0yz<5@o(zsTzQT%Yd%ri3+I3fk2>ldRFS zKBl0j{5&JhcJ0Yy<~D7T+}lBzxj9wPVm&eJ^$+a+*rIPUBP5RVHSN{yoE=9eKDC$u zfdRCO?r2b1a1y`SOmF=$P2S8#wPX<*ZlvP;NR{_)w7WahQxa&?I-|IRNtL$v_ zkFa^Nz%w4S7bA?&+g0&(4}mgO0&D9eHA%&*A10qmI2Jlt#ZJZrt|VwXd~Sb=WYfOu ztJhCoA)Es@Ep{JsntgZYtsu@k$8jv9uh*KXN#OS{Y4RtoTC@_SQ$_aq-von46EDs6 zc>U?#d|I{y>Dg)t2y7z~^yR zPR+5qyvp?jBcm|08jg4LNe=WN5G@^r#ZMFQfB4jLJ=)?Y6;B{JdyBgjlS+)eyP@h; z>SFn!t__Qhn83W1J6tyhPeo+7!QIfQ#%t$U7oU(J+dNajN=2;Sd#Zghz?iH|O1{97 z1#HtNF@eW~$GmEGn6=A8&kH1@6n+7%TjBrRkbh_&A@=TeUBYP4J%PE?0qLBUd5_NH zC7C2nb0>=|T^5Z`>^EmZZ@V{oQnw2#Ta5n+ZNc`tO8?s594>6O#@n@8=U|9JuLgkf z761Cq{h{vHH-vyrhmm_IEjs7rna*mPYu{i`y^pw$_i3c+ax%! zA}?*QzTQ_)9M}s~4B3u4Y-)Aiu{I4qoJE?>{8t=h40a zX!5(#f7WIEu^_(EH>|2py46w$Mg6YWdbF>*Ob$%Dn*T*wBP6(nnl*|SPd7C6u_4P; z3lem7YY`X|jQbWOGWH%F{cV`voZ&PmU;fy6dC}W@C8ruja&18n$hFPW4W;ZRG+^Fe zN`QJ?hCQG7c6#vGI^r5InyfS9*< z)x!wTlY zdYErr&klg$j~wV@(81ec%3A6fZ^DQB(d%h5x~*1SajyR?Yt`Fz{cCgj9@;XSln5u% zJL$pwS*Y451->ns-g?n;^SOCW{#3GfoQyF=iKDM=mko&n!eVJfVa_P`w&314w;?6r zM$eCwMwK_3ZZOf<=7I8jD4e~;uUy6Ly_WhbaCAV})Kg&T?T*^(GYx(L7HX0tHHT?? zxx%(Vz=#4cT+eluw-lmK+HR3gSq@c6%dvwWq-44MVbppF`!nOz{#$oqV98=e-d%z0 zJ&&jM=Y7c&=LQJr&tq)KBbn^zamFn)@2KsQaJCvzEd; zx%;6s3d6^Do(qv?0%q$+JXm)&ydWI^x`#{Ov-U$fkG;0BA&s5KJApuHfy8k%g|LMk zE{0=;ZdM6oz<-qs=idH-uZ<*#G1543#wqFF$uN#w2NHZg&d<+ZDG`<#{Cd#4+}pco zd%tGHrY*3slOoa;lS)F>{E~MkHlV@n%Z6|<{k>(`H!uY{B3(8e~OvkS#raq#jo z&3AI?`0(A8}h+!i&sy{YA=q;!&X*SRex+XQc_CmICT z6)X|zn{`5-TOn&O#sB&P&`&NB7q1$UYcD zkgERK;pLfoc5pybYxDGENiw&F#&Y6k5XCXcALL(2w4%MAS(^m|X8-bKaa*QFF# ziJaa=PK}=)lTtBdPe4H8<8IQ3&9B+Hx!Jke(~HUsYBmbbG734;?h;pH-hBv5dNjNW zp$W7YPav4b?igp*J%8r4=6;C6H7h|htSWcu?4A`edsUW= z!WV7KtVaLsYNR)Ta8xcpc^49k6{)fa*%02nEWZ0)gdx2dqeD;%1TK|4<&c~ovK3h+ z1HFn+jcpfhvLlZ&^MgtN&m=qCGFMHx+Uxy?h=1ye)2Wb)`(E~4%acwfavidQMOIW} zm-Yzo{xE=O-xgJpqxMp}y;1Eb{gWdiO4HSe~O6e-P+>Ta7aXWeT)%u1m ztXz=hs|i3ZKnRw7zu%xQGyM8+Yah60Rb6-mhTcEk2&A2Z^vdP{H_D(6gaKi5X8oNe zslt6ZCtpr}L!p1s8_TdrDtg%2+@4@{YR73;%n0={U~@04$~G0W7ydN5Q4*8FR= z?|+*&?OxhadqBruD?>u`GWcCAQ-iy?rAwj1)3BSVs#}Igk0t5(Q(*)AV=0aXu|2)52Daf&Jknr2b;YQrT41S6m@7&i3q#vJm*y}>O=J4`??fFEt~%4JjQxT~GXGdY#0hc)a?ulQ zzGf5U1?oNv6v3w z_DC(#_}= z5k^S&=r=h+6h?=HfU*&ekOo0gN~8sT_vd@g?;qIC+1Y)+Ue9=3*G@b_HJ6)UMe=J~ zHo$Ul+MQ^hV(jy_X`vhqkeB=`L#k}^(B;k+f@ zvf4K?<&2G}z9OJJ*KT?-1Lcq*ey8QjWeCSp^&e~6cBt0s0k!vNahrvP{g2Lf8s2nZ zh5`;Ei}tHOOL6;-CYm<~(?Bq8VCmMe^MK`hCnY6%ibrsR$}(Du;fNs$x<%&)KI2Wb z8&ZuQ5lv6iXalao^ba`xS~=~fo?L#7QzPKh;{Ec>7dDJ@7`q(5+sL`zmkc`ZJhXu* zu5g3n`(`c1a{%LpQO8(BE76q2o@^ZL&h72-jyI#wfa^3Xr8*ZV+T|yY8hgryId)4q zc~RDZPGUft%npaf$x8AL2 zq0cx7i1EM0Oa%S4`a3qP=rDBS_zS^w81vM)b;)xx*cTxUJfp~Tl67i5L0v+yn}8!A zb-*wA;bo#|qM;b;!k2}ddP1O;PAZs$`*FVHG=5N&tOwXRn1@O;f6GaGlZ-s6@UDrD z5+T^?%9BqDcv5EeV3+Q(|NB&_Yu3?}^{5fz>msvSlBkV>Vy$G2FW;w)0k%wX?iWcu zIxx)eL9uYJdkK6g3hkEhgnYo+lTq0_M&~Hmc`TSI0Uu?EJGvef*$o=Me*KEyGG>6+ulrq1B}rtfA?J&Hw!u?Z>|7Epn~l5x03>uBaxW>kkhT+3sk&; zvDj>X*Gj{Rocw$Et+@A8Zrhd}jDIHDf;E&LG7M4Wd)krOg7n9IJUNcM1ct3Qo(q-U z5695i7Jq*EnmVY9>#QI4M%MJlkmY(wE;V?(@_m1Z>@oLfy>{AZ`4gx&EQ(E~me7%> zggdai&d+4V-Op!9+SCewiA`Y&nkbh;8Ays&_E&le*;pyyf>BfA0%?2KW5#|UJ`+Pt zNcvWuc^+D4$FWmJR*r)NWc=>p>*r#^mIXR|K3j4;DlG>P>2jcl8!18(Fpp9gT^>wd zp9C|;0s!Uk6Ra81L;-6g*uKFJ2^L)bzn-^;y|OaB+MvarLxJ`PULx<8ob(e}mhl`z z6mw>mp3Xgug?*lw2}$g65K}Cvap#O4&Qg=xsir%MfJdY`>uab}|Drr#E~*d9dJ}b% zR(NZY#mviiy!n{<4M?)bDn>2}5k)_HU$cZ9#5T&f1*W&6+%BV2rg|Z69q?M}ypcoc zsZjMq%I<$pKN8d5=e4*U7|w^$3DhX=6HDU+1fOM`hJZ>jKV40J&39qeM)9f-VjGOilr znAMbL%Qw1dB$KO|JOY|_osZda6G-!>f&N2Zr4+wb-JkKEpaTR&)hGaVGW}7lLDy#( zjSoh9Tsil&M7v(rb29eCKi6Dq-bD5P|6PEFeLl0gpi_)ASHTHCA4d#hc*0~h;g%)I z@ zqm{_LS5&rtN<9`nM4r7T!?geVDz&1G3zIFV3~nK*I&rx8?Rj_EbTfb(IA=T18yK;q zTpz>?h;te)5U8?mNg+LwTm(-~^g!pwK2>}oY2yY6`CifI>*B%cB}~z7M&Ho+ z+9R>Tu=0}j*XplZUn0Y1FSdbM^+4-~VC`U>w6r6A@=)$b6VT-QVu6MMITgmB;JOQ)5{-kKkU$br|)Asc1fK%S~~cX(9^(&X;v+-+cQBwfMzhHll`Z0}7# z@4~YCOl=Dw=mCKw&A&MimF!)j~c+>^Yy5w{`UiWW$ zS$}nL5fpUk%5%tp}^~(8;tNAN-MCQmOH>+II}W*!2Np)<~0WF+u!N@YTFcw zJscTb#n)x-zuf7+($J}EocHBf>p|$@Vu6;R(Zb;N&HBzp_hIKy=!dARxwhw#K^4H+ zwh!V-JRgRICU>b561}MJxI2!#NJ-w_UuY%ybMg0RsWu0IyDT?c@wwNOkuL`BtnE6Nh86PWj2cSOhF@eWaZ(6H2o=uvFSyd1ABfM7$lJMSynzq{)-|z zQ~yb4_z_Um?gSP6`Smm0`C1nbfa)c1k{5MRqBHH7sYEIe>?M14P|nioqS)`}57L`5 z7c3+2uYWbvVk9)C9}OT2#?b**ceRlxwZ)M)Kx`t%4q7-q0M&)d1Cu4(Lp&hhr5TTi z%3fdr6`a&IjJ9W5XxoqR$B1wJ?EYfuTwhTHoNcG5bKWdNtp*sV1TEUs*oX>JCo`UU zQN&c{l-93I@rry|TCvWkh9B0}n4qLOMIJz}DZuBLrb>XWX$>-@OeafF_@G zdDqIDXLS*?Z&~7C^i+h0;VWyhO|Cl~EgnX^vPtx&sH&47`S&rlOEwD{!IO)nl)406 z=OSw0Lin7gX##ZXllA$Y|M}Tcw?_+NqhZzQk-y*rnJ7cW7@xlTN)8*}P)uE7r7@(H zzoi&QkV%@xkYEGC7}|TFAK!rpg)t-!gmITBc(T!-1y4{=CZ>+2Hb8b+2IqLJ?_0A2 z$k5*{dp2P=O()O?>)QqA@+7MRYc5M(0Z4$x=%TE7eROsM0K5GP>M@y> zTUZGREZD5$%dxZcw|aChja3MT+BaQt%yk49Ag;WUA84}-xf$eB*7qa67;fqD+?rOR z1b0w8OxnECaq?{~9{m5k%5{9^0=CacPnai4ibAEr4G6g(EE~;Q3%=5vlqPnrf8v3B zJz-~LbstV57(_7LKzbtE9dUjT#2Ry-BUAQQbl){@=P%htz(V+K7-0Decbfduw_Y$B z7dPNI-OwS96|0sMA@48omU+)Xoo>2DwNENKkx=XZhJ-!1q2EM)X#`JE^{U}(UYrlp zko&D12+hzQDf4MJrx;lE`%?6-m||=7=4OBs91#)tsNina%jOn9uD9&v>-6p-d4jyk zGFS29`H(cklb?9qPfwZ)Zt=`t5JuGrkYs&fVu;d&&Ay;L9eZo4yhUovsB~Rv?q8Vj ziKKK737lXz2iJ$d5XuSi1W?sbO%1|ceN7%=q=b*1$fm3hS}ItnnIf}6lQmB`E~&`N z;~=|0{Fi|0t(WqXibYRJwJf?c!!}=*VPE<2T3~7p&-#cVOYM^KKSv$PwpXkw5u9vQ z=Vxq$#GxvHK6~^z+En>d2?r9H_ZBmi`)*DsXit^Rt3mkFzYzuKOUqM9x(QoK_OcV% zhfJeyfKXKyK%(ghzqwLhAq}?KdN|R%`1u=f=e!SsCXZ(PEO_ew5P!o^QDSJ7e(|g< z-7?k;^llFK^Pw&;$Al%1o%x3=+E-)2W5GVZf>+vJn^M2D@E8#LO9jg1`%zw+uu=Fb z+b7=$XK|Y}=}+5u-1Gdoi54&F=&v7hmARV^FCY$1JE6FxH@bI7e^XbrS_R2BTcqXp=&R=W66yz*Y3HYAMVRfCC=7kps{DK=!0 z>oh=6ec%^HieIm~5VP0RlW`N}L^|0@F)=f7_*_B|{+Vkj$26=&rj}Jv0JwFkLbAtT z0aMrOd^h;aMpLdxsP867)c@iAvX&a95|i#drV?PR%jH<-Dz z@?@EF4Rz>Sqt=Gy7V=_R{j$_^Xt8Bkqpbn-{bf;11|}*;B<%h4OtwbNz+Mnma-tZ{ zo3+4bp8Kv!wl_40t6%b6%X1*~1*bRn2Q()9J4^EsAC{NKD~1?ZCZXg1yL1?tS6YIE zD}G2m05M4@#FmusJh?kY)1Fq65G!6TME>iHJg>Exmicew&?e#z(Ag|CTzRa>%j@th zw#Mfbyj^NAn&4$1=1MRsTpUzAmfdRAt3uwqPbp1^O^r@L?+y$Yd?=%Zd_s>qrp-t< z5iW_sIi?tybvT7sNMVwE z3h5xGmx-#K4I;v(ns&@hDMfo(O7L!90eY@sRFtuKu|i~z`C&)P{`_*>i(O)0B|0hO zd!6Q$6@|qEuT*^y0s9XH29JDLUhYH1L4BeaUez@j^0!Zx7k@J=V=o~gvNncC8YTR% z3g4?+*XqL6j3ERm*=uDaV?w#gTtE3Xsvj(enmv7#I!XMR{*lR}Btzo{K|Pqh!He=+ zzj}Q4mPEEo;>gA)cL_Q`<=+3Xp-ZvlPN%)fS`IyIaJulWIM-7j|S)KyqU{XCa`rE z=7xBaq3Bohx9q9Nw-y6%HbcSk$;I;G7)98gJT=`qHg6A)Hxu_oGEa=c2 zZ}Y$-1GA&M(J`|HJUYH>R2kS91#@#SJ*WJ1f7_9W-$(QN1czlQ=s&_^NRyTF4aAEL z(WC+KV|T6AL&JPuNq!~4X>j~Jz+nn}ArP$c-{Y(hR&{+Ve;`4WMW{c&0o!d|>9+8H zj{vQqv@o*R6LCGrG`Q~CuSXjqs&nbxHr1b^_n57EUpDd0oOly;dykiU!WS}=DD$iB zsmd_SdaepdhkoYWwkULc9mh*xg97z00eO}t8Oi}+9Spgmo*r=xbKy$E)rN}qa@^|I z=UKetCEs|gi9R++Qj44-Onx(1j$2ft_|;vaA$aZ@@}19?m?N5IX5bWAMj10vJgj91T|bZB`E_yZ@f5 zD=tic75K(r^^LDJnqw8&eEl9Yavas?McT++IlO+{j;J<#0k&1hN2N@*=D0+B`06Mt zcqpwqw){;ijR3_5)2gPi?tKPoe)sCl z6A*g|0wdiUeAgf2%MFyaml~?Hye2}yoah}L~h{O zGCG3q_W(;GB5p6l-@`UWYN9`vnTu}aCRn6rb2^ns6TIh81OcI^E@5fl_qA4qX$o-g zzbbGk>ch7tbrkynnzHCV>F=*Y`(~u?t8fr)EnfPz&nEc@zRBJ?k=7#uRN+{kD$GqRqlcA7-d6S!rbAJBB~vE9iP<4dH5* zm^4Rd*U*uEEfY}MvSg9|J8P>7n&jpLoRS7dJ(=!mJKW|=?NnXSiwZ17`)2(!kGO8$ zemY%uxD9k{K+DS(Qf&FOT6G8Y9L^85rzSEBsT^^{BDM{+JE|Yocp&{}m)&POvAb*D zvNo|){Q=$7lh;-MA((ZYww!T+Spqmv7w3N-FH)V5-wT@XxQ)4HLx2r}fs3o9Zg^1V zLRdgx)9%X;!rGSuxQAdb$-RXoQ@&8Pf($Clv0t}4f8BfKDF3sjlShc>l#ykbLl^5v6eK5BkS;w{>@V@}cKnlg;hVonv0T6O>N?9b7;qe5M1zz-ZWsW zlniK)rto$LwXArW8a2e>q_?6;G-%%n1=BmS{ex;(%vk0z%N&*kMv=fchz`TKS~cc! zMq8H*kxV<(U|-%d+q>iSt>uWIi|fcMtS~vSV%fWN_@X=^6+R%G+kpucs!rB778s>^ zk?Nh_6rIj#OfcC|*wNwx#tms#ptof}H_!9S zqJ4%ctUimmW_!nvbU9J8=HKLVfz2{bai5ast=;E5ASB$nKE&6zLub)-=xJJ3YeW9ACsnfwssEeTv=78w}1Gx)A04Tisv8Si-c@311$|x{q6ipFTg|76M3@P)VT%BX}~T8 zC!S48QQ!Xfv2M!NdM9CXpMs?TbB4>yh@cSHk1qLKhQq<+la#n$-qIgT0mX$E3%I=? zk&&D>{&_?F0h%j~+yC77fyk58-7-;ibrQ%bvwb}uMrR!~o#4Bk+6dzKsrPj-@&s7_sqOtI zRU8>0mh(@j_a*{&PPn>seZ3UYy;4_YOflRfdLK?GP{FRqo1}}#*7tymn6pjtAhV`X zbt$9C9wL&$N6SKX6QGjSujaWeD!=WyCVZH`z8g5+F61oh@mR?0Xt_K(`t0s|sjB!Y z+R=e-&(8eSO0cpYV#{!-2Gd?i8-2)}KsL+Y&&Vge6`4MF4ZteCBem&2>#E> z!|&Ya@L~j^ZXaXZn0PrDxivJZq|F*EFGY3b&>F7=(hPSUJLgt@U$wksM@3?bUY6lgct-k1sxT77cHwYs2F4Q)LbeRIs(#F) zV$#V$WisvOMqlByhw4Lhzhqvn47VVd31QJ6VF8m^KWcVa&zxOjFQH*$!aS`B) zckb4L?_l$pT>xx+^VYlhj2R^J2LkCg9ewe({_<`vq{({W6Th6ZID8B}<2feX8s9eQ zpyrsBff8+rLB*hi(;Y}TI2CMi`kH#L|McYKBDn_$K#Uu$+(+e&b+EJ;dHPn5p zb1&;$atUYxcBRE-liKxOFFsPQF@`zvtrvCA=EIXdu*9zWDjyBPwn;~fSmXZcUaa}Z zOQ*`j_uU--ovt;jNSZY>N=QAn=41L=x`DZyXZXofucC!SnJwvF+N zqlC%654OtY<0CToe!F=vk-wRa{T1%;SNOGr8%oiIk?iRdA6h`VV#!ep1FnwjUeR3# zt+rCe1=p0mk`_vQ#yp;gNUi|&chyytH;Ra-A#A@&gTEWrqB`zD>U>7>dqYCczs!D+ zzueAimt!86c2F!D44MC{r2jo2B7=Dc4OosUz{DB?XN23Cx)JhVf@cM3c*`pmv6{4NQzYcwpDSv zb@w&$Xzj%5!{Nd0-rZ&|_fNpPMjW^PRcGk|p5~ZOu@(N?rKzo8I|6*~91OD(E2?G1 z16XJu73v95Er3YBrHWrY13A?}!^hXfUI1*QWmG~bW|B7%-ph}-B>{{YNYwJL+6f!;+=yl)BJ!TtrekA{bq~yc+ zlt|kiH0wGJm@yGW*`FO9tp==S!oT6ftvnvn`S9lGgytR>JbRPw9{^OJyd;##c~>L5!OS}aQ0#+B!1=6`YB#4$?$*A z$z_P{s#_0d)=9`n-qf^jDIZWB-?xgU08RDX-nPE+c?7F9m|$cni=|>X?Uem4-2XQk zWWe}fCBf)kr#<3M>i5zqq(hMIbA<~{MP?;-<6t)x`s;VW;EW_dJ=w@iuYOEy^r1{T z2P-~gf7)~F&8(#?<#6P@y0T2;uBw?Vlr~6CcW4z#6zQOtw1j5Z~WqD;ku(NbyORp%?@E}DU zrqP}$`aAF$fsGsY7*e*4@U?rCzT3^|tj+%ULhVguW>-VKMEK>^>C(+T2!-^LJoB$J zPv*FrfVVLxqAM&E6!MwknN%hAybiBuj5G^;b-}i?FpxJtp&&c%lOU#R!PDOJ`}qZ4 zR1Z=0E;JJt+!G3I3#G;JRPKv|OA#|O)ERy{wvjaJd4cDdL43g@VMPpTiwCg|9%#~N zb|^l%bh|5@lOU0RdHXUQFRtU|eHpee^Szy}7M>_*w*6{-3tEzW{GHZwRD}F}$mxH@ zKKU=O`HbKP?*<-#8QpVKM9xwzo7+n9tL2Ngu#W%sDa)U~Dq9L5KupMXcPcc`EMg{* zQ^8gsIWfui1J8CD?u~AXv*9UjP`H7(GvNWlSm6!JT!@Sjwji}3@R^$9rVrzi0c^@v zA?bR5Nc)iW;ND)u<&}<}Oh8KeOpjavdwM4(2^4K+?!c`mW#jg2-0dr4i8ilgt<8I! zXD15~D+y3^5#7KryxjM?`}bDiU#luQX9;1PR>@bXl@V-Zv&=GqxAY&4m=lp=y=1b= zL=#RtGyM&y{}AwTJ$c;uTQZ0?EHe*GElQvt&9KCv_<<)Ws*gSBzfwM#sqs{+txpTv!t(ob5)5*X93Y|io? zDJQQaLWDF-yG$_}$=e3vk7ycEU}1Lrw(7wT0oK|2&o8;1dj_}ST$*5eE7kHE5}LYNnljj}zY%0Sm+Cndkq4fcam`4l0p+{#zMD3|VE*K4eM2yY zQE_aBtHWpTH5BR_JAvM}e?APw6NdA?beT~wwNTqeOJrI%) zBPv1e4=vI*0y)C<)MDy9RC{ljKU>PqaS&_OpTA$HBknx)G&P^oVPM!Thb1p5wk6B= z+?;C`wbd;==y*h(o0i+2pq;YF0|RSCd4p|z-((X!5NooNa+010^Pk|Nt&XCx6TOIk zyx_vI(fyla?|g-;)nMJ70VlmmJJ}DXLXoFmPCd{6ZH7EqKMtE25UC|3pnJ63I!^>L zd87#zQP!$)s)(zT&7KYV&(&%Zy{y38^Y7;)-5r~MhmltqE7wa3m;Xg>%|#T8jUP7r zYRps99l=m&#K-wO8PJc_p`-f1`A09}@A}H!Qt@ir-PP&B`dS#gn_(K5`FNcJFNRF0 zq}72e|91A3@|#|*!;HWR{wpf&&1!#3|t_|`5#9$ zuU1!uTIbS`N|kOVoWg{(E%8Nx2hYlK4R3{|?++>PbFRPp7rUqX>O$6*R#qOB@uVrk z1E2U0!`LGxOY@#_JZsD6_#PnEJTtZh&uE!T;st+4@_gdo)2EJli^GZ^wBYm;n&~qe zYu^2MIqjB}{AJzY$RAEDA>|R12~VJSY47`)XN8B6K!d()NO8hMzyjO-_?^{f(4i9_ zwPEu+E9M9v_My9;DsQzagi2VEs7REJhTUW3cwfx~6ocR41Bd0b zP+P@ae8$E825b9cblgR>6dd@tT;Jd#sB)Xs*l(a@p*+g@G;V*O$TYA zp_oa#)&=cB0#N;q1!2GSIy*##S1BxIAZqF4pp0Jj#SSR@?X@bwzrx}rM^wG)JzLv5 zgwl6g-FV|#4Mz%WIY*@ygb;dr^dF^lcXy(A?x5@oFz)0Nbp{H}hf*Uzqy4Q+=qA_y z(3udJHJx-dpb6PK7Lo$v;7}Ei^AiB@Q9w;C`dG1}jYU~3c}AgNL#e4!`1sSq7n#4o zC`O3qkP?jLvlZp=Isn1Q(P*w4J+Ed1MO+-meegO=*~)lZobyH7h({!z+7E7oOPrYd z2uH3^(8k1!IOZC%#<_^;#DvLWYiN0NF?qO%CYSEM%y`8IpLNjj%{bp{?;vN0n^jx^ z6$fM7YQwQ;5RbhgsI33DCxN$Y5n~?JOI+MQaH~Kb9*cH&`JZEAy&_AX>kauq0_s&KJ1j;*WtH~pa}EHskY(87eesZ=6OW7vytaPlFfAUC%h zE$bknRa1usq*`tsIFg&szpE4jIaj&=6EK$ZnQc>7JbL%#K|TWrgz1WB)ve-5H=M7s zszpD4FeRH?Ev%hgu++DhJBNh}ju*=U1dqx0aGBz&k5nD`)slh4QVRBGF*Di(i6h=k9|5ty3tshqc3+8V;& zwKrBBC#>WcOvE@`S2Ed0@b>q4ZD-tuR7C#Ur4Y`1Lo$(p0trJZGvQ-ZC;i&IX`Qv( zmt6oFajkjIT~pNKqG-lb?6sKKK7sDnn)ovzd|R;x5D02@s2f-U_E&OS;Fva@ZHM%8 zJ5XS3t@d!prxFYjj#MVK(f8u#yZ9%=X~RuXyUBB<8%YoI40U;B=cFrU2tI?^A5$#O zVaWNp$?{YZz??p0eR`WPZO0iHYx{4&fYiuL~UE3@M-A_Z;(;%I)L|X+0mV%JhBspVaQnD;b$(l=+3Suciv`{8v)p zx3<49{Bvt%NZ_3%d(Y&mFoe8f4h4*gCFj`DqL@| z$wtak{PK#p+1n4WCs20s^HVYNeM`bclu({)>V_?djV4%YdKkBMuy(ONu5ew*76Al6 zZm-OG+j|wJ(1erB?Y8kg&wiQCt{(>lM&2G>`a4@_^1dk>e$Md78vyN8zssMoT#74o zr;!qYF%AC&>5%7XeRI&b26UTu849<*|4WH2@H+IoJ1oA91X#mfFu&FnHOyI9zE{Ia zZH_u<+s1S3t5seeO}!goln-Ct!$~+#pbrgLKg)+1P;}w=p604Ufu~&*Qd^tQp@NW5 z8Jf3%lOGLCb-2f-UKqj`N{PHWH?%o; zd#SH)krdJ=rg$D`gUoy(L=(xJfU2CJ^gFq4vnrSQpyY9E>=Kmc2NcivJv+Hb_ew!Y zXY``nm1pUlVXn05Z8r+8_h~yKdQ?dd>7tKzZnK!}Xz*Z;Ycn&{L}D4sKjq=ETWm}l z+S40|5XZSNB~;CD5p%`Vd1xi;uHZvQw=-a=T1aFTJcvO0Z)v5VY57Dl zsnB+4}S$5Jf zB$tm^w9I!btKHv>V~ZTr=)J(sf@uafmYJDFMK}^%FIXO?Q9+Hyc__xHIUbWe0zoz~ zK42PyF%0Rbh6Ya=Tcq#X!L24%))~?A%pce|yNO_lxLj2PV;-J4IaNH(b1@i?+BucK zM%}}L?VR3Qlmz$YzNhf9zZI$N2mnXwyxFu8rT}65dj(E95^DatrzB=qhT+YB!pG*6o>IK~3Q6*E5W*y@L$~Z$`h%7VZ@d~xQ@o)PNWCx-& zCh&6%b6in;>45P!m!e593%Vv=;)Ge0?zDFQ@8roITiD;eCM1%>iGUf}o~I!;2{m|C z9`9p`oiz>BoDEff?r5z))hx+TSpbJ^-ov9pnSay9yrE?;s~#JjhuKr~$zQ$FXSTEc zBgjJD8Xqesr2IzYv#%n^46ba9!-dI@CwAr(P`$}>-Mcrmt~HrMPC}CY3bX7f6?y$w zp}o8JRoRSd{ps3;w~Pe%9*AcQBNCj*XN`Z$xgoV&cwU_P`Ti6w2yVaEZyeS5Q&kbQ z@W~YXfL}IZ?*$P)uO23TWFp6byI&)Xl;M}dVPX>kUxSRfy@iQZtB#gr31Pp<&?9cI zM#qvmx75F^Jt7xIX{0--9f#ZTlb@c4Sw~=s$Vw~f3ZiJ zYNZbKCmqxVtF%@#BigXMCPYV{c=9!th#8()%6?jD5K|CjjjZ9oqsAl>C1m1vt4tzD zlYYr>z?S45fL0vQL%2sX1jI3eya#B9`l=IIodJ`)Dd+lcHSU334gS__0cN2__4P}O zzhAofdmypZj$U3V?R5oz0-Erm3ZNCnTSI^^XKgiHA%Yfkw(vl#c$&E`=MN%}-8$Qstqxl;;zD}?^W~YR249N4yVPiP zA^{2YvG9k32=vOY%xr%-Y+`#{gVeveG#N6YzAtt4YJsAGb$!KFhpb~;10v{-WR;Ha zlK}n-5xK<`vFIsB6xvj*FgBg~VQxp3NL<(94dupvTWsQK3fGZ$KmGEhaGOCg^6l-^ zH6YZdY;7YoB5npEUn4OS7ehDu1~*kBAqW2IL391iC!==fw;cb5>rHT_56aA=JCwr{7D;Nhof4gSlugLz}2!6zhu{xT0Q@otN zXvRe2p_ArZK*YtQ#h0g}W0Kd2uU`KSMayh##l;^8irJfw)`|~VZ&O-lBPjfQS}jC+ zyK%Ge+l6`7p@Ll5nL|sJWG=S)tUIy)DW&u=^tDN?Nx935pP!YC|M1ki$rWvt(u(Xq z9Ore564>ND6^f0w)KPu#z;}0L=2s_z^lB~r%Z=zoJc#`w1(h#d_s~@G78>b zmPOWwFWst641MQxkuJHL4#1?r^YD-s-cnKg;n;hKX3(6;rCmLLCECXAiZES^TuD2aON_#H zCC{d}+saindYd@xoL5OoSp6R49u1ChBJN`pr?TZ7L6pIF*#|1)jNU6ruQr<>4x?lD zc>@HV#-Aa1MIyT!mZEt-av<}pM#v6t)`(*1{~=#e4gYX8GVqf^ceKE&t7Bx|;{uqA z4ggxJ;|Q-9hb?rKN|t+9oWa(}g-n{8heXTyIYflAo^8gNT@_Ucf&eOF( zpX$-h49NyufLI16GH zMdl?u$03pL^NW(z>CCeMmqmw!%brYrvEZ=^T|hzMf*U?$4>v6c_5lok3{mIM{WDiipN_S(_@`=JA#@5Ks(Z6t3mpK{Z1&>;DSFAuhzb^2GR=6-k*Azfs!Pf7AQ zODc^K!dvOS^33Ckk{)@$N%yNL5Br9*g-_ec{L!~J$i01HJ+HBof?U;KvO>cr?Hhr6 zW_TcWW&9|_;-q-cL|Zu>$d~aNoMvGBGwX@;dzH)IIEL`8TE>Tx4EDJvlFA*lI(zw>A|os`RzD1D6`1$A-k) zMk&$9#EN9;Z>m0`Wr`OZF)GiGRRL<(*$(zJqI2o}dPhTji%!aPEz(6h-tcEB*QU5o zVsn5jTajElu*EHz{FOzy{H3N^`Gi-}y|{<1<+PoB(9KLS2vEFKwgy%?)Wf=#+!;8Dg-G65;zR!;)Q5-+>C+8e<@Ay~gm>lCM2m0G@5j}iwUhn(pF9sN1 zbO-XRjHxm4jJU%bO0jyYPTGY>MUp!4`IwsO?-SR3PuViX%mJ=T-CoCy^9^ksalcfb zr<1BiuU+l8Z#F-VM3Xd=vl#m^lKDMTdXXRMkknqP{Df2}l(gn)E)56X9QQ+Uu`EFJ z@D7>(?A4>(ym&@2nhV(vj*{fk+!V#(6D5P&KT-K}!t(!WYG{XKM9FZ4a=?ZQ?k z^2_dp@44KLr64)%b?X{jU4Jr2WpU)j)?m`gqB5XcUHn;jah5O!zt@!KPzEA-sBcpeC};MKziWMyXi0GK#vk-KImS7qV)Ed|&7XbH-@~Ri>}Ha9 zT;c9w-R9qBqJvc*7It`e*jHLEzWHZ!A8Gc%rZ9(aGS7P?kLvC!r?+U?P2!C$zA=kW z{a#AM(Od+R&GPbxT6f8XEj=Q-dXqpT7PnU`)O)$P7DO_ek}oa8URO_TNEZZ^b00c( z?Ina3>cR)>m)Ue-sZjBomWQ!})-R2ub`RXj2bVFJH>o1uOr>EI$K0aSG;dTqe9X=g z$h$4^j?;!RQVlWYAci1nFkH9Bsmgl-4W^Upnmu^{B59mCLoIiQgg(n;2C|?GVlaMb ziLCkgPYrL*IX@{8n0&bgFTzst=e**4Mou6n^PrhF&)AP`Pr<*EM#~_IgYCj#WC-n0 z9v*iBC|TdG+*tm0TZJd$a`yme5x{cP%b%9ubLfkC;1{e%+|#AK>zM)^IN~@S6XU7! z@{I;pVPH0#lNnDE-`DeU$&spZJyqtS<6CgUg3C)^qR*)>U+b1mLCSretiKp+wkol) zx6Ve-s9^vJ=oAvFIQaStR0H-Zf$0H4I;Of!!W=b#|;!hYa0(2Lm+_~}NNyjPV-%%_7%j%l%X!e{O3r_@o%_-drX zX6mz{;)S2_mql-<;kv7hGfW?ft0~q<9kYd@9QiNp>C-fF@?(8v3*%3HK2gfCSu&Fy z^Mvo^Uz^(R%87vXsw_`>zk zH{tid?IB&&zR(T*u9-_D%MvB!NAS6Hqd-(l$n9x+%BN!@{_pwC7G^N-#`*FV$>cd5 zRdFj*9mGkALiGGPXDSIE4P4XRHTRj$Pz;9)-QnS(*} zNOBAnNQ*)Gp&KOmpu?|RlX3jJxLg214(tg*-1kn8JZu165f4V^%azRLo$|T7Fz#*)_@@IFZnlbVR*P>FBQM{k$VY_0n}7sqZwFiK_xaF{ z;6f#*6L;;+Y-NKys&k(w^TWsCoC2-q zXo*d2F3RD7E2PktzexdG3Xx74d@#FHB}uuOwx7r&A}DujiEpW=X|;i#AO^6$Vr(#3}pRuo&(4L?3^ypUgV7o&v>NxKj{ z9-K`$On>kA2UmPE?bs9=u)ccnbLV6&1j?M^bw~lUg2MygH{P<$y2Rba^A(xOA0n+c zfkDA9Cn5QV3O~&~d8$^?t1No5!tR~AHqRabJU2>gj zQaj3aO+ApZT4L-3CGdwlBrvWsKOTVqewMRj&eFu` zn^6%(W(Yrqs1X*Y{z^XAqy4(eeZ6`to;_Z2q!kY%J$fGYdok{?#5C6;18oZ8mzJuB ziD%o}Zu>Zdp7RH*M?X^{rrJ^L^kL4m+IRznYa&!Mk3Th6DqJIlBJYNaRX=bl>$fs} z!Cz&4F3<5xFJ4Gg_IGwAiS^zG(PVCbMg|O_1xtFWFzx000T#0fYmL!?Hh^EPBJT0O z`+jS2GM*l*1S`?he;4eFpbgI$-b+{Pi--U1J6YeUhJcE4f#|bUSMtYadFK4A5p!&1 z+B*YVXmD#s8wBkGTzVW@6SjW7lT-Iqu;l*qTYo zz>KxoT6^@8Nuv-|!O5XS^qUdrE5V9UYvTMt%{zV7ds% z&#!)i4^oE{oJ~z3@Ct^&a%XqiBxSnJ7)#^~k2b$!WzT|p|CK1YvakiN)idjp9n5Pw0?E$)3{WMDj<<0iNmHIrVR5uAe~q;#^_)TbL80NdrUYO5``*i zA9clfTe0ew5yo&*<~wE|T)g~&Pkqp=6hV%^~!iuJ$koaPj_ts;RgO>L;DawS-R)$ zyR4k;Tp$C8vRx*p(hbRr-5_pU&XF^?Wk#jM*&Z={ZaiXU`aI(+Gy028GzRsEzo>!~iFaN2WII3Kn zqp$w*U7|H^BF5eGeH_fkAzO_L*Df49cf_L(2H%mS+^z*kyQ`B?an9h1?2U@=yLRx?r)CU~Qr`8w9SVH@a%hs#Q=x2L`wdj4mtDcUdt;@OZQ9FYqk3m?V z@P=W2;Ll99CL8LmMoVV&o?qju^4PyCdp6j&L-{8WZ>We2bQS~(*1EWN{X!EseaQG{ zh96`Ui-u=V;8cN~o6oh1yHJ)S4(dCZ=iorb$BE7t{{*hZ1RH@_GT5+9M}Kty9kY_Z z=NJJo$~vmri1xLOII$Nmy1^{ZS*spMdhOFY^xiJP^a4=R3h!XC-0SM}rve$l@?89t ztAnRjC1)Z>ddQ=GKlK0_`N6 zHOur9KOT4j^oCz~BEEqS5M-ZnD`_YAbUgZ!GkQ&1<$RIs3@MzRnto(YD0cxAaG8;j zZ+;`UjpG?aph*!8`fjnVR@0M&1L8}PANLG_n=K}}|6EYHt|3EN3|$0^zrQe(3J7PDyq;MEuh6Hq(k-O;!Z=*aJ*~aGLfMt8KTe(5Au5YP# z5i1p|T*0Y_EPsH*WQ&xR6mjehgi<8&Ez{IjQ0EWZ>tei3^0&K-XxPVS5Zx%;ozJ4X z%1tb6A?KS+q_|90+Q5kda`t0rbA*{dcS=PXu(qMV)agfVk?7wlcY}H!w6AXB2K}}F zrv>=mcb0uI zGo>6u#U_LZDC~EJzaVo%L&77lIZqQ(cG&>qWjQN7quATBR#sa@P?Ff#UN?Y0VC{P5 zq~rK!{llx-k-6j~6x?v{e&d)yU#DzYd;$g3rnu^j6^44`YfSpBaZkSJ`mu23;$nM; zi(^`qyp@wRD{~k1 zrhY)7KPG1TbKV`vyFT0Gdslpr+t8bHct~6k`RrumigUBzQl~S4qiJe<|F6S#ii6yv z&OolW7SaSn^$WstRRTF{%ty>~+DHS(NFtgWz z9)y2|DWhX1u>GR6*g$?Ee<#BEMdEz`fJ@J2e05oMb9wZk-nX8IKri2)1)v}<5TDqB zh1(ZhQm#AdWEoe@Apf5^aL8indH!3xQ=ZxJ?L4nXKJ(dmLpWV3^f4oOJ=L96hg~Y9 zeEZL3M$VXm&p*^csC>vvghulI@?+eZ>A1TC(g;UH<>$Je%*Nfu>AkC7jrUlE+D@t$ zhG74BH$FW=FTj2x&E_GVFCK~<5#$tuddaL;Y_3qe?#|!rY?e;Lh42)y)mO~2VAdq^ zAF2#(eXw4N^XG?ib0?#>Cket8soB3EGRYr*cO1|DIf#<2S>v1;vT)-b^iWVLOpD%I zBWJ8M<9u!K9h#p z;@+nijc4NrZ^#)~)9l_{?3lxxY+5quo!&hnCd;)_mY0Xl*_fP3h?=O%!8 zP)FIsci4L4n|$p6w=X^6d6KHbJQoRRHBN=3&FSj?XN06F0G%n+ERM^xV=0+Joi^yJ z_i%!MBQM|wpM_j)sMFhQYRstiU53|$_t?ber!~7u+N_5gl=&a=mCKNn$0h&}A%B5O zE45C`a1MlIJTR-28xm#xac`-C#q%x*nnND04SN4iW=1yr7_XG!b66FQL*R-*;p}!f z1*@7I-RwDJbDzON2Kqj0ZGK~UW{4-Zxk}6Ps(03OKl!F4UEE?Y_gx-WQqG+|lDND7 z-tZ|Hef(s~S%DEGd}~I%@CB^4Qik}sLNzydO`wAMW5e>RNj0QZ=7eS{uR?JIr)Gfq z$X~9^&#EAdxAlv$mh(SXdn+A#amHj7`34D>UtsG)Bt&Gtc$e4LRO+#IN654E@due} z+(D04_0kOTg2JOB9ek7umu-FKpW5VP?T*(xQfmGjRnd6-=ip`Ud2WZj;ulG&r=Hy# zA=JAIL2hqNfAhROL4Pl5Yl)n+r9v#T-*em^P|V?KW#o5ZtR3S>CXaB1L3GGNKX}#8 ze~O_$VOlI^<@e5?^{Tlx@mBY*m?QLmkKQMeiT1ospLkG8JS2fV^+{T!8Iwen~b-KpL5DV&uP-hNA-s zpfI#$Hoo5wOnCw>d>Q%rcU*5CwL0L!mBm|0x;om5ZgKkdYqe=fhz7I@$Xn zjvI~Qj-+w?e}$b;qtdGokL2K+^rJ2zRu zpT+;&6rYv|^(@DTQtzvdiGQpeSnbQ*KK4Jb~P|Vm$$8KRv%=u-i`axdcS%B#k5;!_BzPhq2$I3J2iQy ztFU`Zfb{e+S4TBbrbsPgI*KxBlT1rC2n3@SOhH~#wnqc)TLpzxmn+4fsdhglP0h@9 zv-2>T;k^oAJN!!W)Hz0`j(m{dGvpI;R>=)L?pt#{p9%mt2-9o@fVBl}8Q zH>~yMsWF2a6yUu4{1)$5l4&%w8DmWUtHm%yK<}qk?rrPFEJ*?x-IcVFYErZzaCNDV z12>sE<76fFSid}OTEhTM)FeM_Pcu$U%Ibd`0y)ehV4mo~0N2c$>t1ju*LxqkvBv_! zTGLx0#(p2l1D_a@C7{0Lg{H?{bS6_sJtbde-VR$&2I-)cUqkE~+#AY^VA}dtS6P?S zqlW7wdtZx<@Q#c0%S*m3naSeIb1Rh#thnj7){S8b(|Jl`cHS$|bJ;~4X zCOUAS%ACf;?(XoQ?Ia3(owdAIz9L)B-D8;r!*-uCKeoljfv1zCUZwP+=YI{0Z-siL zaZRFO;LFjTsn4jh?TV|@ij^|u=u?AUZyyBb@A+1htDdWU6_w`CP+=1x7cKtMY^6I^ zpqVps05_@Ixe;LEu_Tj zagN9bb~rPO)MZmHmU`YPIrm~D7HmtS1r?MCK)%+gKQDU4ugDC@yNT=<4oY&7$lScG zpVXbV){gzhiWA_rftG6pqZ9-f6m}%COWXi61_^WsgeC=qQC{Sw{zKc3XKH&;&e z&9`3T^T|3fy+BiAd0Jt2&hR!BIIk|ZY8QTgyqDCzI5l2jy&@46`ld*TKB<#r3#Wbj zFdsF9Qebjyf7VP&JtGA_cx45GZ+y97|LF+8V{gc&oe^H>S+d_577daB&8UC@#>oF> z&PG;x|GZ+E4R4gjqm&2!n<-e{S872?B0IB>`)G~nw#n(52g`@yjT#|l(c#F*P&v^x zJ)PzZ@7EmwfH&#pjISmWQ;}(Kje3AuEu7Ejva&oyxhd~5KSJx{({wo@VK}FSV|(jK z`@%Pf)_Rh`kby19Rb6P2t5g%O=kv3GJ_i0~EG&CyXvJGzld?=Z_b#B#@#}xc&6n4+ z6q41=nx}pFj0RDDe2NkGvxACq3w463a57%iFYZ(8*wE7~ZZRe89Yisw)m%KX7|DG8 zqvQjD*gX~pfSAevB>5M!_a5qr*o!OZYM*v8LVBZtvlfKT3K$%z7_FnWz8?=ZV&?!p z{OaYTSJn}hEx!bIP8;D+O)mHTcNQcXh+gp4)6_Sm-cEpkU?1z z=1Ko2Sb_k>*sDBb?~ULAnLAC`rxxZav`YJTlT7E4^t7x0aFG7 z)`9|O0-yXm)+WXyjQF#ALd|_{fTT6x>iiy<4E*3wxJ}sf$&U8DK0YO?$mKv2$;OPE zO_LXM6jQ}hQppcw@c(my)~lm(@Vezc?P7{=e)c4 zAZ;_Ad`D+?wwj08WwC@k)$`8ZkWyQr<SmM=WBJy87>mjL5bUV22gHKKfReo9rzF%|Qt7*g+%_!`go5h0 z=#@h~SdxyB0q71TQ!Uh9Ya{SW4F8>Y3>bFzg5!l3Fd~&Mac72Sszh3i{wq508`XjI zuY;?KHNyfS`79|(($JI=bUI6cUbUp5s;DTxJT(LSZM%~X0ov_$?7Zp`U{+*GXPqwMgRW)CENRPND}MkuP0 zB&dsTXuZhHpRc}$mn@N3F&Pp&4%ktWCYC?I^d5095$?b%3V(*1${%d7EmU*FDtk=$ z_V?`U>$dHEeKVN5lazN8N^wj@I!lxnZ=8uXhD zd47N*^q)>_(lO@)U={l~H&hdRCEf5=%UZf|bp{kwX6F1z#u zhN_CI5Z%&Sta<@ANu)LzLj6w(%eJebv#q{R#c*VfO6za}>IKigoGxgaXdgoRC-JRs?~*`RVZXH_%Zu0W_TofwG2qZj4^9w@c61)~GGLa>HY)^ntFlNlVn z?iMHNc0>5ekEh+#AmL1iZZM*IeVP6m2Dak`^XNCweOq;SMFYvPp$~aJ@ZbDME>xd7 z<=S}n$J?`%ou|_cGsrOeMSRy#=e^Mv)6Iw<(`gT9n&rcsJt-_8EN&} zTi?M8T+Q=EUpL}xb;t@X$QA6Wy#`wSM*p`%M@|#tn-knja_|?Ax@c9Q3}@)J!vTxf zT48m0HgFAQU6n<_+|~`LMbkS_BiCz4cmh#YBKyXKF`R$VOK&dNjs8a$CBl9IrqDKJ zW#wxqn9!^q^B2ffw8N3fZF1Iv?U{IT{%3IPQl7o#u~L|zEzbG|L|trRxeOSbrYF+p zV-~2gHzgrD4EnCkd#zw3`g$a%Vj|I$!Sd5*Ts|IIHO@J?znLQ>v<$dn4Sc+4Yewy) z4zbO&tPo*MqGX_NU_gleN=`9j;48h(7#(Yjr``d)nYQ0cQOnEU?i=;Q5syt8Jo*)a zlaQ(^^^ej5VbqGfi0&+;R`1XKFk5fmok-L(N08k}C2<1FawIrq>w{Y^jPTzWGZzn4 z04}r!%-(P*Ew{vJnT1B8P)FOZCqC(zF?Kf$*ah*S+f?dJZ^;Sfc!5PkQ@2M~?!a+y zRsb5=zn!dbL>8j%Kk@{o0VovvyhD$gGAks}&%}#5m;By%?~%6|q3F1ReuNJ=v5@TX zlc(kf(ChXXfjM2QrS*ZoZ8Z#RBz7r=p1_$jjLOQ&IJUQmyPX3)t`E#T{f5_8t8p9U zUXA%fbI#GH=FRk7*p0uel-FCmeCa>ba+BIEUiq}QtE?N}u4QH@HdeJk2tsu#%c0;h z>xw@4rU+kLgBE$GQqA#56A<9h-FNP@i8STRSsoUZUm2D3cXkNtoX~4%A(*)Wcl@-4ujJ%Dafey0$)DVCkdYCw{e4=)zwH z@!}z)9hYC3qqo;};nAmyBiL5-mU0F`Zc1r=i}$da>?R~^Tnx(kNA09IPPa9m?0o-R zAcM8F8}@=N1s4*Y)cpY)FYWH$UpglYHfATT4PMu_tScPg6eqt(T5a{?f67wPJ`h_X zVsBaG$zV}MTbt8Lk%vzT`o~r;F1idX?1oS3zOR#KM$fl?-XU(ou|L3_#VV-t^>8w* z>iZQTUAe|~nndbQBF!i%p6~fz1)u^me+J~O1T-Q8HdsxepLp-wWWNrDe!#=_HxDCH z7IzMagX8`K&a)}6WY}_)yEoo`=cOUmKX1kSstz1xt<_?v_=u$_Ef}Ae+UYpom=P_@ zI~g5FXI(kFxFnq&i5Dp)9UPv2T_7h5G)IUCUnp|X0H4L0B|CO-ZwmleYnv;iDzge& zym?JkmnFgPs|QW#YMHIE(=$AYlA2?<=MYs^dNqF$Xx@l&rY}jmIG~~6-&1M+r}Zwc z2Ksw{44nalpLnvg;r&jT_`>OcX?oTtE*;mldosGmjix9MRfW~J9;wE#_~8OG59_%A zM(n!nziYHL)F~Ny_&&1mn92hBqC^3z`R}wDFgA|r&eu*QXX)+@8S%>7GsRHz$Os4u z%GOwxI1cdQpP2Ionu_cDaBHXsAGyO;4sJ9=v&Qq$9mx8uIApTm>sPHIYRrVxAr|K`w<+8U)BRPldHHeXc1a-u zb2wmT^enQub;`E`brEv!#_$vRI!RCX8nXIxbgc>tdYN8_+_+oiT44k866X#tnJCbO z1A;X((@)ArNV%qo*}N((QNgIE$mmuT-c8<3rh$da-+;N*AX&p6|I6cpqoS{Uei3p! zSea3zz}55E`!D`X+4)egp6PMzJypoJGkeM==)~86VN=SM37lm;F-n^^> z`-W%pAmkRM#D!u!5f9-{sd}?%Yy~~yM?O=kep~-5X`kd}`DCtg!(6OvTWUREU2&Ws z=PSFAfjoPhY42cPKx!Pz8~RPE6-{1bN@U-IX;XukE~qHl!gh}jFXsZ}vdav59yjEn z_WmoGd-Se6yVUwS6mM<|d7LU5xEId*;(2Hbf2oXk3MB=U(MJ6;1z64-6iq8ZrH9b* zzJ`&n2;_>Fj~yXFl1t?36)bhKfe+Bs5q4|U`&GXhI#V$^Bmrk9gDPS&0B=dfA1_H4 z^IcyzHJ)`zj^;@quXKdLq-ciq*=w$IK)?10*W`<&Ur)ejag_+mf}-W!rM-&iqcs)f z=-tXI10>Lu0~9Kt>Ra$haGA@LroL^ukS7KRHv_zWx*8#TP19X-Xa(krj=VhAM2s+B z-+S{e1@&mGPWIal$FDcrKbAfQJFN7NJTV~WHo3AUxoRTHomny`%#Y*7N{P!Jcn(^B z9P#y!`c*&RJ>6w@$-RwwI?9HEIXxuN19wY*UV_1ceijMS7sJTq(oi7v_Q>ab9zxKU zJlgPhcCyR^r^yRb7NJm_a#wyjqH53A4Q7jf9Ofc9K;kqCmcK3R6dX*W&CJY%5ate2 z@7>-8Wd_cAftSmqWP!zrf}?W$^Z(2nM!C+5Glq8yKn>a4p~9|c|9UT~dQ7o^>8KYN z+~(zD*!Z${0FGZyba?3t_!6TrEWZ;1uDRFX7m$~Wf_1A?*PgZ99T-r(zW)LKaoCi6 zn>`VO22s(aLlD(CL(eZ9FkF(1uV^7<(&LVv3WF5eDyaa`}pFrL?$BQEGqf|Xe2P7;&I)dXXmO$ z6-)E;^L2dB4wnz?3fB6T5~!-ioPV>7NTiu3Q{}r>g)9EI!PI~?6eAjB?wp>ENV&=4 z@DxE_9`uuh&6B;9=!=@D%l)rxQ1bC7_(xy0_RM|!vyK3E`iNBvi)y3+A2@jC1Aj1% z)1eHo*@;&ETNF-1in&W0XJ?KVhjtcsEwCJ+A8-$xrqWEJ@}Eaw`*p3CQO(hEiv!L+ zzX5N8nFe+8a_RYYZZd`+58Di}ukU`of$LF`L_MUk=!yCnJZ>P&%L@1K7_)S+`}I9j zcdFoXc<4*?lWL1wEN(e57T|LQoa(vv!-GHr{aQ<&q%1)w>-exXEql2#0CLUB!<$0~ zVsHPXKNCF!2oH@8vVu-MVU^5(-dw^4s&1*KU<;-Esg3<1FySFY*Cz^y$@eBQ$JRd* zcj9|nkUOE2<-4SAJu~8$XhM`Y_~W>BshCK51!L8)i}PEK*wmq9g=m@C8Qyr1klt1& z0~?wN=T_sRabo7t;9w$JiI>dZkz&4Q$zp8ski1|ahDQZv2Rc}IAhNC7j8_Z<2rpjd zPfu^y`EXEBl<%3cWac-vR#l;MAok&>Nklw%BDJ?sFECtDY~f*#v(hp%=DCq6+zjdQ zfryb4$t;sbrewLd=6n0>dEE@6cc_ujCKYF?cIs~~M?I~@=CaEEu(b?9e~{8#d9Y)1Jb>O-t{d8$_@fWdL)r0NjFg zd2Mj8af=LeheI>i;A}3wVo7;@Rva`^6so=x$OoA@_bc{~T@(_u2_5H`YprNBsovLc zB$9hzRPpMf=5mQlgt2#cQl$8q+><31ejdp!%WiDk;!8WTy?gxyO77ksadTekJKvz8 zVA=MtwmR@TU#K(PJ%0eOHVT7DS}yapW@}-V*DiGTDKJ}Ipni*~f!Fo2GE%*F{cg>? z_JWRrcK%zsy1LqCG=GSdv_|alpiwGCz>#}ZiI@kuCPdQvF!Of?;OEQCeboZHMoY&z zd#qH#cILk>EZ7(RPQCmWN-ln~ofKXW>|)A)G&3qQnEIIL8tfl?Tahm&jiErfVSOE8 z77YJVFLYV8H~x5=+!ZE((2$Lz0YXOI#|J|dLbE83_e2bg&ZiDlRTx(IscJy`x>1eS z7P~9uGC*EvRXiBYPIqlnLoc4aJ&<7@2>#nD?UydTeiOqqCL}f0x}*|KC<~|<;BUI7 z+I;g_=Grl zlrAnFf~BLNy5vLBXXsl{-F)GSVafkN(5rH{X;@$now{Sab@WK8{`cr+i@$}Bp`};r z)9yv?k3`tb;*1w$T#tkOqkDK=r(MZt>%H|PIVWn$Cz}JKbfCoSP^=eB=yp+1L3top z%h`GUXG_uK)S4;z-TP@MhCI(Ck{?4@Sid2{$q(HlnS{|9av-!dG>8sLr2-y$w>P(% zjb@CeYlOsg_PTP6AAQDf;0!4uc36bo)9M$>H$*$i{*r&!WqY+b`bAgDPYDt1U#;6) zk9+%ix)~Z9+iWLw-bI$ZIfr!0`GEsl|HS_ZwpY~=5gk%jTA(C7uTo&&TfKE7&O10@ z&la0s8_;_+Hr8Lr>-fkB^>DOo|4F=dF1vmoM<8f-*G~#L(aV9{91qFB(R3sfRo1YZlUB zk7+5scA+5(s_~F?jWk6HKqV0nz&)_xAsDl;#hTY{({n#geuPi(E)vec?)3$eUefF^1kWy3Z;bjrjOFjNUW~LW6(%1LiLCDqe z$MX)f8O(wrto09df8nRaY~#UaPivokJVT?gt*z;NUr3}&vhUStvz-O5Js$Y9lLU-t zYE0_;uHWUnlT$>u_~&41JX_aGmZl^pA745X6Foz$O~sy8=xtF+)cTVm9W1MDM5=0L zCZ-}#z0^J5jJFqu_by|3i4`yzrh;ahYFGj}%>CP1@(RWlygp<)P$mLlAbI|*0w3SD zU7HB$sX;$X+4bes#OO!cpi&gDd5WQuR{OoI&0qR4_djbl6!0w_YnCe zKoj_oOnG!*wEV=37IOa0W2y=r5e`0)$b-AaU)L@-&9nIN;9G#~TM=EQpQu3Gvch!$ zn87lMve$%5bkX^XiRoSiS0~Pk)iP8#2(D}D{c2@?c{Gm@{3s{r6RN6}tZXvWuY$QF zFtT;ZYI!RK@q%<9yrqQ$qaNO?@PoKRUP+Hon58n}Am7v*XWZ~{OWul^nrQb#jxOySC!3g=nJZ^EyL8Y zP@PDi2hYzSx#5(6co{8UijVVdJ7{I)Apgitm+5xpAte`)f;fFoj(i)Ovx8oxcf6`d z?{E1%9oXJ#xz0memE^pX@8(uI+6=z*j&$&8>XOuPKBsbd*3ps|(s6#U<-f&uuc7rQ z^r#w;sKdZ#lOQpwC?5Tw?eoMYIY(waK+doKeEk%zb&Phr`XGbDDYZ-_&)VCTLJI<#b`t;})bK_rT))SVQyVRBAw`MH>ce;z?ZHLyEFXzG) z{Q4E$GJA<^0$_X{zOGA_73u3z3b8xO75{1Kev;-PEXp2IkojuKh#KfNHU;_S>bUd?@8$D= z3H3$3B3P~{UdY-MrpwTI(`#teZ#Dqg*wGwe{qp$#FS@Qy`pCeu-*U4o%u`4#)48Sb%Kvf zC&{xoJ)E>T51>>7RTxj{cN=xVb?Xz;4%E5<1>Z05e;2 zalWz)emJ6~53#(0X3Bfid8l zL30cx$a(*F1Ao>_m2~3za75$PvPZS>PZE`>3jz>ifhK0NG4$|Y@_-`Ov4>x#XLSdf z|8DXIx^$IpzK`eHa!Fko5oowB;cW<&h_4%%v59wzRM2oM1);TrSmr^QdGTHZC)s*8gKf z1se0l-#8*$YEUpdUa;xcDga7pjrh$#djE^tykBIY;IRLGzvV&(^sa>MRCbxA7>?$Y zecw6=?FdzqgDv?pP(7my{?jl2!{G zPW4vJAi695PA~bKQl5#q@9gXQh@QWx2YVE{kfHI&zLgiS@YoHS{XyIcAJE5R`t$cy zOa+%Ax29ZsNpV zuyuKy#e5t3MVG~fwP3v5oLXqbIU~KS-hXC>HRjQinou^$YAmKOXP57Cx1x7{d6^vV zq0@WBT!E_MoUEX_3q+9FIn=@E)y9h*n9doLO%qaaw`qh z_N>K>*m}0`ZhTAj*7!AzVcjf+UbpYR7?dPwr_v&ADS_5_g1hrF$s;JHnH_4nCcx`x zcEsOL6Ccm6=)W##8ccj0^%S?NE$++?vGAENT~vSE=umFdkWTURBkaKrWP4mfn|WY= z)a!Gk91Ey+J%~3ku%N$rtTB{%=5r(&Ds0v=<%<@a8Z~g{`c$3Pvwb{5lrjLY@U-H( z7$AETz@iGgw_blYMvjRpfht=8P=Lj}PygWf(2!9v@tqr!2Z;gKU`e!nC%P*sMhzmF z80J@HF9kf=qI~{hyYio_N&aR34n~!`*MsKjvw66o4&4W#3+SXW zyN-SZ9;M58U|CLjF7VT9OV*$PY2+(N-gUp7hx1!JF=y)(5$WH0b<(;D`{Z6M{FNK6 zh1$gCBf|I}h`AdUGr2m_9+}!2vC8-jnt~+hC^Zy&%CgG}W6ih^P#^cTI1oW*9?7mP z=?&(@Yz&!L{%OeF#@vo8MMw>q{z5`rbND;=h#^mxnbBt1Kr=3Gq?-PQtq)V$Yn=`+zxA6Xj*}ua}XKu7$EHK`w9A7{BtQzmz4}R8bOB8FPbOzt&ud*Qu0a-PS z^vNrxzYUe*0#2o6*`{|X803}KnWu`4KI(Y6qvq{bP2WjW2$qzvLHJV{U1xV{;!j*! zA?2iy!NNpmuH8IS?!*%F_8Ap2^!4)Or8e_fPoT1iEM&>6-~*pS%3|^PF>U(Q!plOm zmH+gi^-BPiGTG(QmpgdBqoX~tE?OWJjq;$*q-N??G{lNKDt1h5nttnscIURH5Tp!I z>{_xN?d=`yt#G8XIni=0*@%Mwfhw_lR9jW4NUkx?SXR{ddxm z-)hPsfFi{SrVgkyq_B@Cwh<@r6n8KBt(?ua|8sTYFl`G2tNdX_=z7m`@nd0dS)#f_vM?X@uUVIW>7YAkXhXv`(wm))Qa^&m$c`VEHy8!Z>1)3PAlWV{Ng7y_S z@yBk*QuiP1J9N}NZVwl_{@a|2)0$)s=uYkex2>&|GVmmp0;o0qS@&#oWnEw1kg zfx7tcaXynvi;GA*X|9QVLT#YS?G5ATu5yQU*Xz9eC@KZWF3UbTV#WkVqHMgcKQd#W zexUp7dBQ+p);6gJ^1+){;@~mp%%0u3O1ep?CnM+QFHy*1;k|n@U5EGZzWm3pEwLau zQ2)5I=S#I1ylMhO-^aEds_yd0d!!UWh9Dd5sUwVe9pNca*?uH}_;G#Z9Ot2dHWaHe zyyl76^EZZ?-Pu}Oo3*OcV?6Lys&IRc0hC&&;83sHYkDHO**)ufu?o)~xyj{a8fYbN zH^Rb#p8h9DP9Y3s4n^Ec#aIvSV#(`u0%4L|3oLPdFBW%4{U&PTrfx<8-k2@-O)jIFug| zEA$vHsLm<~3Gl&D{Khs8_JxGL9vv5VjC_`w>N>&aiENtoW%-vr({^iMD0T0Xps;YZ zXvfv5#S?E2a&#R7jEkV}8z&)9bqf_LF=$h668-`aaS{tJK3oCzo?lk!fQtpfGpl zd}opr;zCwk6J=7HW#BQE%S|_2HJY2BgP=8ve6r{pxReOlBnJ8G(X&0&FK!P<0K-jZ zI=(6>6pvkTky;PLQsT!z!11?wQjPZxPA>APH>yYw$dH=#g|E^(=II&*b z_e*kZU+&kIPJHeo9R~Y#8wzv70rNjhR%5f*m! ztfsR*@q*w2j%yz~qX15?y4a}l?0gv+-_StgvxBxX3>bAw%-$#EWxUSUV|bhg1lzsy zP<{($SE4q6vA+UU>~^hv`}!E~e0V^^;_b2JVKD2r{nh@j>7d-A;Q7ay0U7~OdAUm@YR(NHEGV`f$d_})#& zD@l*>$UzLXOARK8H`t}$#GntMWrg=b6=eC46LQ9cvE9jlJZjq#ahch%EB+ykX1=~Yd5L0Cjz?e#My8y!nfXK}s|g}64+ zgw@HM4;%?cXlg8iBfB-)f?&%<$y_o=of-XElWqyroy!$vEUpV}4vm%$qJ%QT{ z^a_n*%JQvGs&%YweGGXNbyq|Fsm%cxkiotMb-lq{;EW%H+_FlPoS>=b(QlJ7kR+5v z&FI9X@heP|X(um}<>*YPXyu>zrr(kKy{xZ8=>t07uSo-|J#o|59pJi!@va|kRG4Oi z0AF-IOv|4zIhAx>IQ`S{DdROGz$N$D#Mh*5gMg6{Kh{ARg|S8)#5%9H60tRf)S=px zbILaXl*#rnEQZ0f0sLgHl@v9GY3=DqO{GyjbwJ}7B-W4f@0zux-CI5=`b3hFKf6rR z$!sW~)Rw-;T_n^=^OMF7C_4_K>v9J#a}j^n{zt4yr3_<25N<u z1lX;D$;&Xed8faSIjI-uo{=95aa1wYVr5#1VP0QNX#0L`*Q z$x(-Z7%y-vU;=9rpsv+Byi9A5bcPPLsq}`?ofu%8lXQy=o|3(mlC>awcVgm_3$sQZ?$Ftn+7Ca-1In_8O4 zpZj}WQCX3#)7?J{ z@33dB7ds!bn`P=ea5wq+&;Cihn+vJa?DR4i=e(tE>rsPme|ENMTqC7^rW{2;-bC;J zsar!|z`QZ2&1HBGKcGov7%xMXPGtaCzJ4_XwZ3{m<9{OwXpC&{P?0Z8tLXbh7UG6C zPx{K<>dz2fXfu~hr*D!Wl4*k`_#Q8g<$-aluCpzwyR^Ct(|i9pw2zf%a&y$04gL0A zPy)SLUV6XFkh2i-4GEiVd6g(h$I=p^S6sxb`W_8f*Z^NJ@k+CYKMpOZ&M&~q=)-8l zP=EORkI>E8*^6Pec_u)LktyWx>hGbRgZmBk28|ECs{hAg^0+^@uJw6 z=PeQ~v~Ln3osy5`KL?%SQB3t{iRheiTPAb{f1LX@fxzX*h(x4E+FfzqJzx z6zv}$5g!?l(^s74YQiZQzkcEK;9-+l47@~sQLv({u;aBUR)U(df8lubhvr*qn?hWP zd-5rR)oO$fHy`BZH81?wqS37oX&(=@gl-Ftgm?z(*{%|xb$o(P)wQC0p7#2X&`>gO zdML@;ClIFPXw<9g250i5IQx_x_=WweH21Gskp)cm3@;>!g-!A{NYGx-0d=BOQ=7kG zymwMduWzs)WTYf$&j^?j`~7vKE?Ll`64xRxm$Y3Slk}eN12K0ZQIQ1#N^@=Cjn?y4 zX3}W7QxIXtN&S8b=25-c+pDTZu&SG2$TUJ)Xi7UhV4a@}3nw$GZxX!ZJ8KV$3x2iMal|N44~`HtL_stW3`*e7(Wc1I_=VRO)PvSU%4uQhPE4z;|K{qK z7{E0V27J}6**_3$Mkbw&`r6I9(cz@coM+o5g|T}8(iBhv%EqFGS&&M7&6FBC+c|g0 zw!TWd`(r3>f%_l!RV%B~t&Dt_9IMuGZk(|hbAgjH+%ab>lm?G46bdsVAEU}u#dl<8 zJWVj(^3Hv`MBZkW0W08|w@(>+=-+FB@nv`uIYpd4(MhuMCJ4Rw9Aa+*0;q>^vvI*g z$LoUaEL^oEK$3|=!aDC~E#J{0IjV4$qY!-~MW&Pe4}eZ7MuSD~&h{h9ROy94hM%kP z7dv<5)Exw=DmhNIDntrhcRA9fN^eOi;w3P-nF~uy1gK+bXZsk3Ed(UF7B(&A4w)!s zVje)hOW9Zv|8P_>YMQ3OiqupMt}KfYv{K+%`RRWX+BjGYnuG)Q-ajDI_+HO?DVqx2aEiCLm!`q7qsFZ zY*As{6H~Gtj`gcdA&Pghf?SI^yl?!t=_Af*|Eew;ABo>=T z^DrYkiE4neocbFD4;g)1D#LLPnAo5K0Fb!8{#XAk@>m|dV$91t$-^dAMsH%x#~PBY zlrfRAAw2cRN5SzMjR{lq^S?0sYS?pfz}%Fa}Pa&F5lw=e4P1a>F| zXIwi^Q&d=y$&cqMelNS3@6e5xr&vBxvIOvpOne|?Aud;4JZB*#&F#@#K@&zja&JH8 zgb2C~YcQ1$NX6(p6IDlBZ`^&tD(gBfm00}kK~vBX{w8qnd}}?}InDl;^|u{3sEfGl zUWM2BrgP5oE&S@0TIr|%`d(#GzYA~&J-g}~f(#0>Qp@@Rr>nVP0MW8|=f@l+pk;Sh z8G}5tuD5UX119;0C!=0PK`wKJi*i)`7@`589tIca^Z+wgxB|4vq>G^-sIVo`f{kWn zjdhqA__ZrTq?hY=+!atcz6t^zv((__>G4Lhu+fRXC=9ptK@e<{39tfxEy-!U&e(*@ElT&4U`yn_Qmu)!4l#M*uTA zffBNqAxqG&BC8Ihvc3Sky^L#W0MDWo@8n7R&k$EY@~zVM(j?^CGKf~s>%1K=|C=#9 zIUN(jdRsmDZZ83ACF@_lS0PhkgB)Eha_HDiD|Dn)2;rETkhjtr=&{DOPhXtrQ zxd2zgx}&dhh;ps{+>uaWkh;BI%769MnHeAgZsv1+)*P^_H9`HcE<%uJt5Tr1 zdZNqehpCT9L(;aCxa6&*VZo@Vzoy-_D-q0sol#IxVr&9yQWg_a%uulOhWF@Cr7u9b zpsez6xnZ)vefxF@8sh0(jpuLLg3NMIbD`~g2uO?$rBj*-NOyNh*XS-`qd}xY`O%Fsx*KUpfzjP5 z0s_zeFP^>N&ED<9ecjjfz0UJE_;Eiq=QB`{s0;Zxo77W~ceX}5fB@qvGon-iEO6?L z(xthZzaP0UWfHNMF9%N5MfpU83o59-&6lq*1Y!P?V^-vpW-1U?8w1n-s*$Au06B1{ z#5h&PtUlhe_v*~LRRi4gfEYMeUgWq%ES8M?5p$_PXYyASUhbDaS5DYGG!kO#GSlXI zGMdPq^}*jsofS1`O04_V{$|8BjS;9)GKln}{GGdFBi)x5^t{$I1gsWjQLUrXjgj1Q zHNHIb-$(PC7x_co7RXwu(2_*7mASpB!vwg@&uJw(MT8YC#xlceDOstE$AibPC8g<+ zf{qYW#EA@o7sCx>LO}v9Vvoc`zcHS$_n8!z5@~^2Le|=jhzQ6LDhSvTK7tB!pY;Hc z%AuJJ03`BZojYDub>Fh})23|A#LDT>iOS4ODa>yUjo zj>GGE=i~%E<{R>B%!JUcS^l`@U`3(>xwh;@vvX;hGzl!BU5zc`v`ygeR@T0Fmi(Df zPfxM}0P_>PNk|UevX&T$lq`uj5t|g+w=(}$>`FreG+$may3&R@fQ>!@*da-yRE0!4@*Hl6 zHI%O1x;d4BMeOLuFF3|Gr&bal{92UTLIVrHC}%0ejrANGW4QMt@WU*g_<B6)v0-42l{aXT%({Ez2PFVedx|c{KSE*&3?K+_+PZ3cp43WpPe@8Um8gJz2z=@;E zvtC~QzfOnb?MAE)QEZQOLcz%W|7QWBPUzLe0-lxzg`WeUp|a)*C7R_TU;m?Hk?EQK zew4^^lCZr8gjy?{WN2=D?a8ismJ$mT&OyS1j%uT7`=0A+st=Kg+P2xE(7rj;sseo0 zoNboDC^spSsDv~fA3Dlb#7UCFh3V$0z`3TH5uNkNK&Nq9-RRxerF-6>1!FPAFt*H7 zJMJ&-?l%kXWEE{2IJe!zOiYd<%jVG8f1%CVSGas!MOpWczR<{}2Z@fs(tXr_>*pv#rOGV75Upy4vWb*e3#7MUoMpG@E>w39CPOyH>Mr4PA zIPLlm+OcJ#q&Bc(j57;(V)u6-v~Hwpf@;gsv>P}D68 z8C~5Zn1=~5QZ#qMfe(nx_)MLS*^TK{gCx;V#QcbXu6{BX+fy%J@#jNo{!5pMJo!^A z83PpYJ^X+NRqb{YrhmeEhQW-!{5VO)GTl1&*}!borHV2iL5oS*CJ>En)LqT~?? zbzs<#Pk)EYfBEoe`d3y_R!eC)v7h@^bN0RCM~{ezS3HCedRG3}MUawn(Oj`2N+Knr zbOr)ZURc(?2fZoJG&IWh9>h2$i(9wDE#QQOzOBHqhJdH$vIN!P%9Hwr^)W-U;`k@2 z)_J=bEtbooz`F3DFU5j7dSh%%DVmO_I@A%pH$3jFbfhxYFJ?iXHf^ax{@xO=v<2Ke zp3qR6w)+Xi-=Z(UOci;i6@ZH>y%tf?52hK0v9BO37R>y50NktM;#mV>8;cJoxyH24 zDdF!^KX4jDFb7kA;Xlc%zT)=P2Ssj??Z3P2ez@y;ae2dNq8JMVBISBmWb5%!&Tx=F zP((O*w81Ft;AHAwv?zdjG<3tC2}-B)wF_6Q+K7>n*`@m7D|TNVZfKZeF{vRCW42q7@2r*a(8!CW`Nq+F=S-?=s+wjL*;#E1d!f9YD2gNMTel%tf~@- z-(?=n9!nyXr><-*xvJBs2ZtGG!L&{@Yx<&gh^YTlidO&0ygq`O>&mvTEwGG4atgG8 zF>32|jh3!wWt8v)60$|EfIE3jG;NAHCMI>8>(>S`%>vFV%cxIf4c>-n_7s{avBx{U zhFSI*;{BrXp}&f3ON&2-*0f#&GH$bozw#7eU<<*MCw$DP&!B@$QkrDW55rfTK8gE$ z03a!Y1T~RJQ3Xn{B=s{V68PgALytEfoh6G`M!(KWyh$YbFrYCLNaRxd?cVdIwnNA9 z-YQ6#TE;UuQcDqv&ZAgCQyF`cd|HoZXSY!g5)DR<&Tp02c2-~?^j?u1Q1Vg|vobpH zM8&W?P2q>}eWm#Ebtm~3*68x!W?av*vel%w=oi1Yac=xnybM6nFj(LKe*n93&iH7&EpebdO&{7g-3!lwP9)>PH1gyM|o0v---=P+VzN@@%#`F-5jNgRb+N! z#a4GLe~ak2QQtAN<}1$*W81SgDCQy6s)g0-z5vKcWu*6`V5(5-wPlM(R?+*o>%eDy zuHU%d4Zf{-=lZdWMh5eN-$$Qk^3hCWW)5DKW=Q0JUyEDdSEg|FZ-06suahF$T_Dtl zF{vTCr22)sh86aKJ|hHG|u3=@W2-c{Df34HPK0a zv(;s}`N2^N=6UE!e9#?*%NXQL6OGkX<|wA;;;8(rp91uuEZk1D%9j5~ab!R|#UPWE z+g=fw3}5DqN?Yuaj|mqXP3}{&ohu{ih+_17MFoLaD_R7Q>aEAHLawhi)Xd+YIc9N3 z3VY7%y9%rx@=(GZQb5#`N6PgNsU$&+mR_VotSU2h#kmAtT?T!qg6P=uh^xoT<<$ZP zOGkm=)aGf?KXLvc6e;?rw%iJ{>YzHZami2L29h+^6>C8VX zCoT;*G-Isa`ciwyo+8kK3)Qbf?kkT&0Zxw*fGIrc=3 zXr_AwiRR@cluVeSh(ze6Ek%_hvR^0e`uLy=o!D1)JID_UK@HVI33x|?KEjL7gyb<- zXS}-U@P+D7!Yjrm%sZ|tZAR#zy(T7PoCEx--LXk))t6bpS;6 zEoANV5rq}FOI|k`f1lJHKueuE!D*_Q8_@2@W{!E)^`A?i)vwnTx9tb9ySIY51SOlHgAaX zB6jU+e8|;)iRA6pwpf1W-OiGlS^M7~k`Kf>*JJlSW+6AClpXM5O#$1tO!K<=LR1PF zJpIhkZcB`q^yaTTRHsHo8QkUeG_%(_e5N;2eq_}+YW*lR)5(e{*i6z|rSYD5E$Xt& z)Pm9KeP;*Zo>p%!c;_2;J|obFgYmDzP+NbMeF#0%-#96=`nL04M$UJx)ZHm;z#?O} zf2?<;;-vv}|GNoy;Tlo0EYzGt6JM$>Bqo=9x|xxxi4M}@Zq>lYW$ycYn+NQ2%Lw|F zYYGDo)b*)#Rui^-E2%IbhPk;`eL7_2iwaU#rQVsMZDGZXwBXY{^}`I~-Lr)DjXDrv zD_2^>DV$7IrMGSPwCe1sy*EM8d*A13HO5mm!sw6Wu4`ZQ%Y|dxsfj+nthU<@xIVod z0|27!TRIjdMhuNOL`oK-MChJ5#>%u{ovZf@?BmiE6k`(Mi0h4Xi)aA9b(zePum`O* zy~@z9>={!*e*PZLN#+@`VD;wk;_hLInYU)7f#e1N)b1Dhacn-R;h8y8p{=#w)-zs) zq_`}V|0xRE(Jpua^_`q|U1NjSu)@a&+e$o_WHi3&(qc8Nw=~}{p_FV2^YTN?Cjo< ze-)Avc?Z4I|2)N>`Zr%XPMbYm{ph^CFfyAfYPcWNQuN_+b+IaayNOP2?q2@xDrSpC z#${;w2lzCuezfFo)XaFbDa66n9{gZ;!sYT7tVONyvh|@qxMWAI1O_jMsfISpsmklZ zbab>AV!SOEW1P)^kTAh`lW3l*ik?AyM@7G!Vs!HB!37tjN>D+yl@n3iIj3ucW@b@F zXAD|tQ2P(k!AQI`Nc$M6HTjQ-rq;_}mEnFP!mrbwoNaOYWMBxpw4>5~!_(O$%6a(f zkbR@rMB36D5J5BKvZN)GeHuV5q4Nn;USCuVZ+hPnQ?8r*p0NzGUKU`+rmoXC8S;rWTkF`_BR2!uWKOkD2vmY-l6s5^Tp z7IO0_PNMfEbwnLUfHr!6TV*5c{@r$-aMd9?oYLG9>=$tP*E7&B$ScU}i{`}`7K_76 z`UbREV+{w$JeS2N6XRs_!_Pp%S8nYXg<3+l1~%C^MJ>NmMw1Nez418zm6mZxBOC<6 zwf@17IKf5Y3VDQcE5`7#kRN9uk0m^tE(~%*7YcDRT3X@Qx+F~Vgmh#r2heW-yercD zcRY716D%o5U8DYxM5Cy@Z&tPx+Cn!eBl0%!B3{nNHvq~F*ff_zUrf}L@iVJ*Tl29`^8*s(G#^;g`Dl7ib?gpE&bTvt|!nFhxee?o~N0$N%Gk{gL~UG$cr{0@KiW3yk*>)oT!DZHAB zj7;2QJwTUn>#hGTrl60ts>tqriPjb_LjPk49mwL#i=1XD(^)5jgKVFhr|z2IWDiqx z^uC>^3puz#uFnC>T!bJ`~pN?z)hL;o6$j#E{hDUsX z_pEtV1=(_)Ve0n$8fF#{bflQ--xGlaO;qZW-3OEncD

    Z=#}!1ppF>To!bf_Cu0e{X;{VD%Z5Nj>+yJ%QthjCPOH_pb zZhzOtEVkfk@oHlbt5l1n>fqJZ82AraJ zNSY^xyfI*cGj=++fkc-V_nIjckR1sC^N@77PkZ8^B42fDXdA`m8>k!_R_WTP-kXS( zD!@}~XXl2SB%5a1wk%I}6h@(iF2EM#Db>CL6*`d{*;b8yI5z!EiSH3T?$o!h<~@BP zKZXT=6wNFXZ%uGIJ@aOiQZ;6+szS0OnpgI;y7^mBSsG0k#+8&%9D>27bTRX?X+RlukDdI!=txk0sCE|bF54EOWD1*!r8xX z+h~gSJsR(Svv56~+^mY{?nG~jC2ZzDp&Gs9LJu0H;7isMfs_VUrC=V6W>fPJ|3Y=dfrqCLO^iZtocoLyiomIQ7>p zV?}09sDr~0tF7a-f`bA!Pk9!)MgEAU&Nt{1AYOC6(9JF{KP7vAeO|w8{88SmF;%25 zn5l%ez~muJNVcG+^Zw7p1)3MWf8fRwZj`K!B>f~Z~f4_kHSaim7^|9ZK zz=k4v>UEkIp#nYSO|idNK5gP4eMw3tX;v}Tb& zGP87Wk;}$3tr$Zew6K79P)h;S`0$bEF9)y=4;YD=m`+-)t_1po=(I-b@-= zCEz9-**Dyk2{M@yD6$43*o-kYjGX(pPji)Njm6!AAEAZmSC0r>k!L+B7S9>(Bs$h2 zV*O=e!7znj*_1FIYD_0*DPjUuHl1XfvP;98`=EMph@s+H#9eTcYcz0-lS!3r_$Hb6 z1iT#9v=qPJT!H3n3KCj%MHkocL$#dO0I6Dx34eBguSct5cwvCd@*SLYOowvW;gLX7 z+xV3);3)d}7LruW3{XM|OtlS-pthkL6wY+1eyh6sj2cBBE=W(~IoW5dC>K3PDf4x- zYgtc(_E{fn98GC!of%MGX8MS_;$9HI0etP{F1_uYE))DP3OCKS5W$vrDnKM<+-oZi z)~ni?I7;SubOqh8}h8(Z>C8{v}6E?@Z1jJ13w0ARcIHq8~6BZlslFnJUo z_F}x*7qq^80FLzMz$#y2wgA5hc^fTke-W|!)eQzGQ}4mygLex-tY!Jc;pMbs$uvS)<~kcZ-ottd1(gPRn$ zY*EPRM=Jzt!12{0vXAZSw(hfKJo<*Eg-)VdoIF)ou*S!@Pv#ko*b;NCZkDT@btYjz zir)Ns`K6}T7|*8-LIn**yfoj6yKdR(pmQa zx)dPjHYRamNpJ8)Ug3)SM{qp2w;?XU{F~7k^f+eBn@V^raf>1u2IiHA80^7Ab_-IcmXjY8c1kqVTGlh?}5selC&l*~B z%^SYHxz8SnowJ_B50#ET1c>#EE_KoGLV+aKfP${q(D=-P6_>dWCZr^^x}Y-$M}!}> z2k8eqEy@Bv5@&~Bg|F30^!ac|vA`mA(cg030qkB1ivr}<@Cv5W+#Anl*izpsIZKZN z06S!pq5jt7K~STqxdG^UYYf_7irU<7^&u|sUx;V3@$wB6eb^ast$v%Rm!57zk@0(` z<}IDJbee?f}KpXa_b z9*PK^%Cf?~ItV<-q)iJ7ltO+8U9AgpR$<#14S~jLt$3BLJVO&I9`(yN zF56HJpXwg@VTY_Nc_ueGKrGYM;&NfyTL+paMBn}AM3hOj$&WBSb>mvJ=6Kz+ILF2H zZAtHpwgV|_gsJ-o*^pvKk%8Aob~ZR9V=X72-yy<;2@&z!mzK|MT$vSG12l+#aSf+E z#X~-HG#f-#57c*#3-IGK&d;;$7B!%Stp%9}FJx&Z#K345ySu-8KtPZmxvratO_h#d z(~pLRIm#fuKgBc3{n|6y@6iskyovmfyW#%e8(*<1^vnG9#HGFIav*0WJSr!Po&G_+ zpW1*HE!xF#+EGma#p?0_sFafTGrbN#K^B$R$q+cRU?dd*Ho)j`ndQ0XbO)u^2wNFk zg!e}SK2SL>^w*p(&qgo~4S2RJ1RJgqj@gAIRDpM-17V6#io|$l0Ebhlr?xggo3s%y zl7!eMCZunVO=g`_sdHl$iT1&Y+Ru^FGI3B5*)`4pYDuOL5MY#1mFf7jiyie!dzm^8 zN9I1m{Wfl*_hG%{)!>S{2Xv{=4!Gx8{@d-%j9^{<%?b&p|@ zhlAZtx4zEDv2^sYEcPXri>s^T{nqUD?5vAWm=St*qxRG=F|&(tFl23u&CEF*@{qx$ zhN50Ti|sk@QGZV!?l<@O6E+Qv6#rG2{rlI(`Ltp7aERg$y`fu56r)cb$obq#uURQw z;tpJLJz4p%_ljzLVPE$&j4|^ z-(7UF%5qQz{)8f3yysJfMjzs^lc@+n^>R4Tm(36l_IAFAlVbq=;TYR9>8O^-_SU~8 zsT7mcSqm1Da+%C`dGI0S2V+2`O6EH)%OR!(^$v0!2-&RgXY7XST!W*x;hT|7;JGRz zT_;naP~eCmsXU{54H)Mw$%^|!&NqFeb1dgEn{BSyR5#jqsftYYd%4T6T?!jV=dfV8fcYvDuvl8=&dIk` z!j}qO>O_YwUVzga$Pv1DlbFE{Fpr@hoFND;MuDhVzIG7C`lE3kfVh9TC}BCUR^6@u zotV&nxuVb5NkkhzZkv%O!+a_TH!q1@;pGq0A^%2dR#t+}k6Uf3M0Qcy9RZg+OO2?8@2h~T-7x-Ttp*d|3fnrmBul#pzn|Rn;K?~MV|Sd!cC3d$C%A!%WWmR8OhR8 z&73z3x!D%V9{S?oY>`45$At-RFYp==k%@~XfYw(N27G^k@Wdnsi%&a7T>cp@si}U; zMVq%1J;(y>oI#oxuU0pi7pCTAy@Z@E&vfoSmQGWQW0W8n zTtA##`HoJymN0_h?gFh&8Cl{_6G~K5@ibW4oW=|I?F}$HJW$ACtq{ze2c zF1STX@$<4EloQXIuZV7O4_;3+zl&_V;4|wDcz3cI;d3(5(iYV)Lda}cdHAhelWLjXUksOVcP*Fzrkra51tw>s{t>P+X&l2czY@UL zbS{O|)#B627&8LyVF^9Z0n!I}io za_N$jK>+}_bUOy7tMio_ID47CK#wkTw6Owtv~)H{F=`9lbd&%HHl`OmQUS#V+4hTK zN_B%eo|fcHi^>7_Kt~tl$^*c9VI{I*jvehSaEu2Lt!LWJZRkPpeS`qdB>|qeXY{*d z9E`YL-{CG86dsyFq%07v_XY0Myl5zN9aPXqO9e5Y*%5Su);)}h1l|96XsaAG*1Q9) z#5Q|WIU9ZTkt4i5;dlfJOEpbNzpQQSdj-%^t#NTRGevD_N(7uApdO~jwrBGLAN?}6 z6-n(0C+Ay6FZV}QpMo2yU^|=Bb+dvhz5T(RRD;Z#9`r==40MdD)(+pU5)<4gqi9>u zqS^dncQPHY#*gYKa<0OVsEMCLPJ`=osCb4aT~~n%Qk{uUoWpu zeRGDT-r$um3T5~0{x>!Z8bSiel+JXdsmi}L$bU@V{@oeN_Bo|3ws%5` zwk;ofJD`z**y#T(32_?O#$omddU#CXT5a`?4+vJ{3hGi3*CtZ;RimHg;%e*YMPAanBz`>Cr7q@B| zZU(wi`bODH1POiEXO&lUc$AjvN0@O~=FBp{)ha(zhc73~XVFFET{>2j&;yadhuXLr zVpMMz3Hm^&@;o#$lnnDnj;19(uJBQqvHOgLs#8M24vm~Lbt1+i-SV4(#E+kneAts* zy++4cEPxE6p^8m|e%e@20z)g+vJa#hmP0u+*l04ceVm;ybqPK5rQtPy4Q+=&;-EYf zTHhNyk%MMYY;KrfE3s!P*@mk0s62{9Q;jp za(K~JLDC67QWfP*;S56)z1XR@E0$0wrJ^l1X1=3ifl9kzJa&Sg$@7oca7JDYQXX^G zpuxS_#hqmUzWM&k#0H4F6R?l)>J^83EEVo}Opf6^H2T5PgBq&CT&~ zYwG3pI;3SHM_4d^it8N!OpL`db=_~1gSJq}{A3&4YO8kKGwXhMME|Y>DR4ZrjmD}_ zQq({qBM=v#pFOh#nv)9yao9#Q$AyqmPVwf z&Q?Ojp7VfXTD;!adQ%L5~e5P?C>+Z8RK(v)% zaG9Fo!=U**LO+g&Ls-rhG|4M>Vn*TG`6$6 zq`xY+gN%))`H4)x9FJ?WqwY~yJBlK^j$A;9K(W_SU1=1=iJ>^g9`gOL? z;Pmaq1!m^s0oUW)Yty!t_Kub$=F=5aw6aKvGPEeQH+Yvx)_G2kb;|u4Y5Btc#97r| z&l(ksRYg?1?mn9ZN*qU(Y?e71{igzzUj~sK))*^N=R5;HxVemGVl4CTcyRx417U>< zA9z@f)=74M{N+si`M^2oYc1%9bOk1AvV=-pX5t$*0Mpy8q^~N5!A+0#eVx1Q2DI)K zF8oMtaHyY=fTM&ve(!TiM5g9IXo~@g%8XF^*o4Qo{+BXYr+0a93dawaSbl*KwH$1!y)aW^w8n!#`C5qE7*d&hmXAdna)LJ&@Jzr3ZOH0s-8xGB4a+4(KpfZl`y^046WkB~ykWs_ZR^zVGx0FCKfZ zd5h&v9Ja(j^KBob+yhmER@%OdDK7)e4V)=Q&@zpG@~0=XD=U&YJ0emq_QDt?*ZNz) z*lZ2&(4#CXizg&XNaOwCJ^s}0=J;k6B1mKRJL$ksm96wx!hnVjSS(efAUqTyqH4CF zUooMjVp&*A%F}y-qh#AsdHoyEC&bBALKY$GOoF}Hmnux9U#<*?q?7{8H$0!*ezF~x zoL^3us!YQp&Dw)+&aUd09;CQiOo}hI=gle%H?H<$mnJ0d`Af8of* zG%`+M6d_B@$Hj3O=;!X|Ck(ji!j{PyIKR8#Eg?8LT=e*9dxB%E>9#wH@`@#qf?7V& z5%T55^ifMTH}B?Rt|0eHM_(1xe%A!b%gIf!l9*fQU=b_`#bk@KBz*3GnjhK^HS zx>r?vDwq#8LkfUHN7y%Lehbe*TWl>&_Mv-Dh96}~uglG79$YSo)asC}hp1_;h1}U%H9NU@cJAclH00^H z(Jbi3UntFfbgiBWHlA#Y+9_djnbF6AsSQ~-&D=en^LRIqeo&mQ<$OPr?+AnXOS0bViZy;p`tG5i}j_><0l0>dwvv*x4zMd%rAtQrDXVM+UmDwo0 z`@WGqnVyVxPiW|AyvO9ZdC|}>RY!>R^2<2x?GqxvJ-W2r<%EEKeME#%)|+ptp_)#d zgA|abCQepIjO|t~%ceY|!v(UnK)^-k1&jZSS9*zch*RWg3unmqt$q>c4IM(@{kO}9 zk_oiR22~WHGIW;gC0JBNzKCrhhxZw6t515>6;($ZNaTt^*VtK^@OtJy?f>O`(wyuu zdX}5%v#GAB`2#5^3++m+{oL-~!A?y{obp1kZ z)D_v17vjk3@!cE?riHi2UNzPVy8B3RiA)@3k#HSnrp@=}&4?9|?PTX(?pGJ{aESuE z8@RDm1Xlu8QEZv4kD?f%r4o4wo%b7uB_-4A8yoUMTc;tHOA``7*ZVAuXs7exq0lLs ze2@;i8&)%omu1V`{EJ>8YF3xUC33YrS($K%rym0w7qx99xX`!oTB^H#xy2SHheE3z zA4Gy4FDFp{#3nA=h-58_Fa2&~JMW^i4@XcgLPXmqkLNpg>?KaNs5iLOmhZm+>5RKJ z*HUjzR~e>8^teuFPZLWFw9$QC&Cdi1ec7K4S%2|k12!|j?Yd!%3V-pzY3> z9o2i$oTF-o>h7*EVXvg2neJS8Z#j@!w4F(TjKU712zwC&ODM4>5o$V*1B}~~?&tO) z_T7j`rh|ur$rfG~qxAT987)F9{UvI4ry&JyZp?s4%_gL`X_|339SFv`r3|U(JT%NM z|8(bPvV^+F_2~?9cdyG=#K((a&}8c$gZ)(gFw-lak;x?WulA0-E{E+aHXpicrdq~P zolF!h4k<6!mSvQp{%LMI@*QHS_yG+aWb$4pT$xl+4faH28N80NJb9a?#e0$DR_3?Z z0f)CpZ$yIS*Sg2$0Y@d0S2@DVIezBPue{FIQp(IK6^Kbnx)`jKq-NMQcWAucn7%#2Y+~Kb$apW{|M7d?6NMA) z(%y%qPN}Pq$v5g&Z#I*a*b3HrZaK-BWJsUmFUDq%*qHA6wYMyvdSmg4=Z*U$s-1Wn z?+i|teQ@m27$`yIO%9+<80|qfXVF4^2sSmLKGx^N;tIIiP|{~`mF*wa~ROc$XU`>Wvnzkh@(O)YR|KCjzV^aWrgeSla1fG2> z{f~l<2;|XNO?>1esgJjx-e`7y1e~2qm)LwFL?1?cjS>s+70#ixX`6c$hi9qnT)Rhd*N> z<#k@U0HWO%#}BB7iI9uWVxN*t+9>PN4m@7l;&b~h%{lpp62B$zXt4a8@%bJUi*YUk z0(!ABy<0Y2H8!ON-3m|81abps34Ox2G^*B5s&h#GM4N?ylSj4tiSBz>pZ@rSJPL*A zd0@`FD=?MVpas1=|52uR+h!$$Its&=^ z@D7o;&(97tstYX|E6%|bw^s?xAT1AKB<^UCGg5{+SEXJMsKpwPRv~eU4BmTKy1_`f zpXnuLDBd6irO52p$tI5M!ltRNtmgik*SoaXlgM;W1x04N(H6p4qkkl|QWlaCskIjq z%IZ#;*GDapWK<)oyxuSo=AfU_H-CR2@Zfmd-XqEc@Ve#kvOeAI-d${l>Q>Uf5z|r1 z6y?MyiYlfd3| zPkuYtyquZiYY%o2`p|6WLsftemRb(HMV%8aEBljPi9IuM7Z$j+PMHe3n^c`rPWSqd zm4^Jn3wWETR>CZrdhvL2;+qE>M`z(arwa+Wt{fBJqxvoMJVbL7E_u>z5T$bCo) ze-Q#yHkT#b|C`q8m=A2vX7Dkm^( zeSwjNDY(W{QM{WvyYiCqgizq)R%kj*G90$d*{76jBAU1O;Xn1vLN3>p{!ZsVdI}M4 z>T9y!Kag=GO#6xCe{`dbl2JHmSXDuY2tSle?+4DQNi^r~UW?U4Hm$1Miz5uH!l5tI z??);|xH|q`FuOa6?Ao+@42h7I-1rc)Z7&^GxKlegi!dRBUu25Vo0`!qAD^EKPh5&| z<@{>(IXivK@BG`(72+KbAinkbYehLF7GTYLr2<1HavjGaA!C4Nw+9lnp1=B0&s+vO z1m|6dZ*xRxg7L2|7xV0Ah2>t2fw%-kND(^kiE4c!f1&mS9Z75osZvmIdZ5IcI$X)4 zfkox9q}nBYx+DzEJ?=(Y;?CVK1GM-*eF1WzUl)y70g0u!fIYv{z2dpoGz>7l0Y@(( zIw>!y$x%NAHs*yBxqs0@P;D$G2vo@2lC+{iVOo;}qVRcuf|49Jf7gaWQ<0(|&`0mf zw4dqxV!5!?FdLK8m{C>h!{6T(XcKDA&h??|X#ufPjsv+T=GW={wpBjQJ3KxHOliji zU^4wIvR^@&tppVeve`* zmj9h^JnfDaXliz}cPz*EqK)xtY9*Q%{T7O&r?iPr)19|I`62%AYOc>cRWoNIGX|1% z4j-)0(Od87>JKLKI8EeYtK~zXB$~IA|1=ewJ|A5&eWCYs_9k>U#}cxrT~cT40rR~-5mxE7X$#MF zMhi13qAfUkgR=m&I+^J@&;d8;gO?|W@e)?80$(5J!T9Hn7+{mek$H(|w5X`{bK z+p#{UD-jVHBo^b9L{MR_-OJnhY~})*z--|lyUiC38IDyWEjSMs`}@Nv(&?7!sfShp zX4Xtp6>_IoxqTl$PKw`2@)t}5#rqsn@lgABY9367JBA%HaQ7*b^uMg9vr#V}M$Xjs z)yuC=QfwczJ;4xoKQnCgbE0hWWS6gYAD=(^h0)E?{}FoxLiLa@C`R(bQ?6GprqcOb4 zVyoKs@M?aSt0z?D)hu=dtrRF5F-*Ts40$*Vxu}qQrSzEpbn|pPtLDP>=RQ^6B*L6r zd2rfK(7A!B6VuZMp$>p zcLM@VVsu}4+V~h!U&$d1`Xx*Tp$4gad?SKUXm~j79)JCN`kY@SBCFc#_Osc869tZt zkk<6PWt4MUW`nP)TtDkqL2dP;x-As`+EEu1l^x=S)T3yh+-RKdtIobnm+Rg^Jr)t zCmrMZAHt~)2b^t3*h@C;8)?1o*TovWOwyUQBlEP(&YOAshCLTf4L`TGG6-kf)pO*x zwSba0e>>r1yL51xIR(@wEkoQP#aroCa6FNdfn}OaDA-EZ@aTD zyAJu6{`7Oydy_lizf!rfx-F?9=Kpf|D-`cGhW;=ohg)q{qftqho$i zkxeq#*`Kr%eKmq$-R0k+PQ6m!jFPNx_@`f84L#)mx0e?sqn&PPsHrlPRR1T@~|ria|8 zhr}x6{N3PoQ?wlj-2$^#V*?P~bpq0Tb~_ME2)EJ#=eKZrllg0g07jqVt+j;($l!bG z31R@FYTbWwQV3!B+8oWch=qt_){>duU6$nsfK6_AxgDGYHP#=}l%@OL9K!6`=El9d&*J1(v^H0H*tzn8T(ByazH&iU0=KkavZ;)HXM#)q_BZ_?!D zQp!yi{c<%jVYV!uGvTOnT~|v=Vj)F-5K0FA5ZA{>2=_&2AU!%dS{{FY%tts>36!)| zR>WXaNY+&Fi;P|F2dd_HPYb7cWbF#S?cJ3SL`D`K4Kjx%?~W4fWiK0}GVG`@<1@5d z`p4u4>!PF}f=pxB($ln7mtta`Af7AA?mJJ;J%c8Fmo3~Wi zpWm>^FP|0@{RhGL4Otw8zruKYSp7GEfM;enklJU#69!2cLU%Wy%2L?$qAZ5#Is*;W zI#9)8U-eecS%!yVdB?6FWc!((52Ni-s#IRlYlKnZ8zO{%iCyu6E-rLxk53ZS(1Y2} z>0DfYqWj7a5+Sp`C^)M=7J5HcE#JE~ZV}6vk}>!#!w;}D=x2**OZLs4+SJ&jPee2O zXu!gtqLo;rcYLf$fGu-AM#uV{co<%E4s0Ag10}ubWo6xqMxAWbhKNaky(I7Ynr6@) z{P$I5_8S|;$k}fMbII>U*%0=_lGPQLyevEJ8EJkd=|8fq<&+B@=w~oPRaL!#(-TAT zytoJJ+|>?tCqR+U_k4-<*}(&vJfEhc0v5LViW(5NT@;y_uK~;8b^d(X1hrki1YiQQ zihsBws|FY&N;AWkIw}?=G1KsH#RL1Q{=VfM*eccMAdN)1l%4h&YlO<)$pKtk4&L9=mA>g%y~M#0FrmWRNc5b17oHZwaXogA!Gkh5nggxS=5 zTvE9>ewmXodfWzYPVLb-c-Y+3)Kle8&7gdZv15ZsQ1>^q&Ke+zbtR)#Dyx`T1lkJ` zOjNAzJ-Yv3+E1`jE+5Mozr5HMsv*8N8K#D@@KrhHrWeh<;4s&+Du6le`dJiPP^7(= z^iF!-#NA!7w3Ocwczer|uPl4J8}dhO-s@p|LQ=j5sVl`@i>&T^IH=e>Uxs>bQrrjH zzL+xP;4?eAVJp#$Y56wAO|Yr2U6k53heQ@L0%r`B*tFvOCa-gs7}v@NP-~Uhczs)o zY&$2Td*;Zwq>IWbkAl=@1j%}Tzm4-Te?C`DHCntJeDS*?dqnoLw@-*!Km4L1J^$aP z*^{LZI%$J$?-*VWn#uyseoRP|smvh}F&` zjD=FxS$?zEpj=PIqNT#NS)2;8#}p*!M?saxAg19N17!qOx`+1C&5VrN;LVdP2)jy4 zIMV8D4mHzQWizDec4^GL^5QoJvjIz&UttTj*;}3^LBl{_Apl)q5;ruSW+gcxi0=LK z{p?7DgCbj*A0#K8GIX`&r`Y^%+VHXt(sw+wcj@P>N*IDp7)hD-v7ITVocx-jD5plc8%p# zw+Im+@#do~^kUk*y+dLKiHhaD6y9+=qgLeA(m{~jm6V8l>SiAdH3vwImaoj`YnLFn|lp~z}J%(QkCOL*yQ2s323N%ei zd2S5=W}CZ(+Bm02M>M0C?)2#P3}kV3d<<5XFac6P11qxcgI5_OveW^+wxXlsqXZ|H znp}@bY^oN@38CUiU*CzD(}`+`qPm*3+ARBDI>wXzT0hBLs&kyA-wicayS($v8*`$R zkA6#~cS&(J8YGkkMNy)6;T_ATW6Q=e^ROq+pS^3*6DlxDf*SB!=J;q0i6HX3_9lD*Z2naO~ zIgS3CV=TdLKeAF4<5E&A6SS}T2{96f4uiVP5e(I65dhd4T)`}@Q5Cv5k9?sLv{UGLY$_!@onYJGO{ zoq88Qsp@*p!2$PSK?*~BfU(!f z9%`!y>()}>AcD|ulJJ>eCA?TlN_ykXk5Ny3wgTu+BL$gz_pp93jErJql%Z3+T_Xi0 z#Ps$gYw*u6NWMqm*aXE4Y|)>y@iM|z-uda|5wKy9TC%*Q>}Gs}?kbNSafYoNx=h{c zFz%dZ)-HJnk||cBEX&{2Uw*Bl8E5@x{nBS_3PB|1wFQ&B1quu5?hXdC?_SC^FKp|l z3OwC4a@>JIpO9#MN}8gdY0cNanq^Y|kxEJK4?kaP?{K|*MCS{lo(fKUtX$9g(II(4 zko- z`~&_hfbdH=W!JQI^Vd@e38AVQr*@S^&1L&sRencj^q^>bSJs^(HwJFTFJ&jq3!v>k zL<&%^rn zF_8oPSG$~?K4X&f|CLhLKDwqGi*=(#nfv=(@%>Vg2JQ6c=*z@Cl9x~n#RXlw=M(I@ ztY`2OuIe9aI#~EL**vVOCr0_Ogc`hOtDJAo7HP~zvd`63fh&pSOo}N*!#!;oi(;DZ z_n6b5V=@P`X~|f7<^$4XWaNuC%tX^rk(BTxlpUubwLB$8Pn#@ac&;g6`rSKZd63`- zI%0yy4jW(pcPY(5hhox(r)*5(^VlT5*F9B>JGpYLt*4|j%@ zBkr@Y7K@FTggOrz$y>v4+pS|pd$**anKShCYEMH=1RJrDMqJT$bnHbv{ai1%2Ijtzy zPowg^5ts@w(6EPB4;@nx`(UE#E2#gS5iYV!a_%QLO9~+#u|NC+jqwLBJ79CiZW(!V z996!LdRx71EmGeE(6Uf`V&~)}?DM21OOT=M=E)0LK<{NIf!dNY*M#ELJ()^0ouc*> zUx(}s+c81uc*Pxd-Qa&K16O;lSMz4*D?5#ofsa|qI<%ebQ()$s%sQ~nhw@Uld3dNh zLs3Ovj+=JRJfUpJKUTFE@7){qtL2l5ZFq?*O=p~j+P}Spgq(7RGRXIfKz|rhqeyL^ z{3oeM(2d_rBG$GrB{@pO!Pnx3u78J@ok{mpX8l~`sgx1)_ck$QGp=nR69&ViWJ{33 zn^JX$Erxzla3=nTqqE!v|Dv&3?ex~!OUn1#PB%K$vKy9m)SX-F*RI7nPd~^yH6E&0 zW}skf-G;9-S;SI*&UYE^mfOCULuYO)^^o%<#(`$^gxKogI8WCP`fbZl`Fp;2rH)Pn zY$2kfq=!ZmAoqTxSb~7Pmz%1=0y`}Lh9#9myDY!8dlRpyA@vROEPI%nN$IbWPwa}d zOzI5(2%#CLI?yY?)Ti^~u12m!vPZc3#dDK8u$64r%F5Iqi@`^S zzJ|F$2P=nbYttXIx?NOYJCSa3>iSsVs&L`z9xv59c5=QGv+TkiNc!m?;vX;(U`Ip= zvm8-onKjDd=n-x2-21<;DJz0?>(n_p-zh=@GS;ntuJ%*4PTKEt=r9OH(o%rz+HMFS z4)u?W43;mShzeaTO)g&kBbWtW{1GeXe(v}z5~S=9nvZziNgG9{LT#>LRjuQ0BQ-LJ zUEVl6{mo>VmmX>m-x={!emb4*XDIHqvQ)&j7mswFelKnF-&yQg`Gtj?`ekTVDIda) z(yT0GJ{k4**9|WJ0Oz}R`^`9~M7{3%+`K`zG;lEVawJz`&Ci50zMqrhzJE3I33|!F z`mg7`MOcRrar8KbQWpyHAm--K})OY~5aK+XrVBY*?Un^7fnz4w&5rfVg5spZ=x zbKY9vL0kPA`Px?be`FOH*<3=mi$p3n7#_oRY%M>85Flg&E$&g+bPW*Ixo_ZS6xr81 zYbmONW5T`ZIx1n|`a*)s*Po;Yn~q@W!Ej2aR&oaw%ERuj6DE}|bMM)#?QUdo2Hm_d zAa#;jw9<3CG3soN8V;hQ!ALanyuTwKo#c75iFEHcKwQ+fkfyIIUoGO>yjECt`toD8 zx_70y(;^M80cI}UEHh{Xy; zypBsGhf<(QbPpGe${MKuD4X*`(Gp@t4!RTB%pF&G%QuZRYKIIYY?;BKq4f(!u88pf z$JRFg00$FY6_m7)2o%)0ype7xaBY|4mi#v~FciI|k1Rc`Kl~xhRwB`X_9!qn=dZ8F z6cpGxI;)~Jm!7u}tWfTp+ElMX z&5L}ff99sV3{EPEi3Hh}%ot@YOO{z~p?##by(f`3)a9IRT;`cwM1Sz>PGwG?!2jt} zN_B%o{*izEt3uUeLex-NsJ2YQ3fAOFjQDMGFGg@ng~;fJNnnJYnvUq#{pK(z*vWXF zN2aWz{pq6N^8>`Yb?|@0m^BH2yf?Q14Wn-NJ0ecDU+e(;1v@>^t`G-fplI>+^>A}h&OF7vDXa)DasW>PQgqU~cX*!w4UiNXI) zia~}(vzp7n>=`GkfbZSzFOrgN<$gFW$s%S!#(0Aa`K82Ok`YR)$k9KSF{Gv>-1j*0 zmbn3cyl@I4Y-Yw}b6Hdnq%#Kjej0gjaMS62lQwlkt17y6rS6qz!}dcY&F6HeQ!1;( zF|z?TWxy} zF?9r{!`1#zC_2U&!s#LU0iqaf!RO~_2y`TKCmRI?-VL=jf6j_1(0g`o63q7j%-3Vi z8@VJM1|)({WQ6$TEoOs?v;7GqHIO`aJkYn0wR|TEgnd_zu4whqeq)hQREP7*m`sG0 zTq@UtJ9*qTz`248$ zVbl|CZEDl$!1EUF5A=`d#bxwcgvPbje32Qd^XWSx@#|44!`E1ptof$RtU)OFX6U~DibDNS@T~?p1jsXOwO>W#=4ngjf8S&ih$;xu@f*C+X-!!qkWkk zclxU_wp7$wPahH{?$!KbdM*0uYewuF zXE8KEy7Kd3k+!+ojn!m<#;bvxi!`1^-7fz?a#M#>M$U#tB%f*@tX5Ota6_+{ab|=1 za})|_#(b{71IPjk3!I7_Pk5l&lbDou54L6s8f;3pW^ivQ_3o>J3$bVY<>imwIL|Te z5tpX=Uc0a7pypUs9w~E0q{|Sgb}nvH9haN62l|Ly_2!-LUpGUQePP%|WDk6_6#h%a zWcB{@7uBFYej8`7 z`Rddzl)rq^3o$%;Y5q}NmrJR2{Vf=0NMNxVNV0kKB~hX0Ge6CX1qc_l>xr(c|9=02 zNO@%%{;vJD4_fo9)??u3dBlF$3v%{k+4kri3f3M?*^Bk9T{GsQPa=Y%u86xy4o5ksv^l^ns8$cC z9B0HcO}W(aZrQ${{x9duqdnnQ(GD&9?dx~nVp+BuFYqSU8Pb$8ChY~-?)QRy#)2ua z(#CSFLHDlZnX7gq}(fk|4Hv?XQ5 ze!KZrGRmQzU6wX~1gMTMi2kvvs1Q#?Pxa z;t~iMd}?FL+&$@*@dhGykt}$;8Q`mJ4$WFXEY-*qqc_%0n+pKP8TR3S7E_^CY);`T z=OE`+=r6}y%_?3N!j*zH4DAl z5Ua`Ql96%uyC&(E0U+oH1Sui-iJc7c$(Gi{*@3gO{yJsa^(9@*!NQ%NC?|GZ=L1oR zhdJa+J44*7b@;wtscgU*)1LoKk$!K}XR$>#cQ`LFFiRvS6&Sdq$8I>Zi(Dhy07Neg z-Xq%4*@vMR=rRqye3_SEW#0u%@A_PAw;zvXkJ+0(>7DJq6sBuGyJStT7@Tn^$CPj8 zUD;jPYb*hUPlGc7m5z5+5MPu31Ph=6FaA@3JqpOqnY_7AYt9CRd_Sr*6Wmf`A#x_T za&qiyCh!vaNhjTQf>iu4a)k~sdD(!@MV>mWc|o56TY6N%@3R$0$JhivJ6`Y?eX+MwxT8I4HvU|f2rnI{u+ zDbwo<&^TlOR#4N#<@q#e-X%>(4MwA{O$~24j#hHmTA;uRKj~e!EGEtLSsd?wCFEd2 zI-WBxz3F@{B*kTbQ1jwj9ZSe%v{V_rQ-^32xc3uuPn;hlPCM;*;fBM!(Kbm<)qMcc z1=2HNV3EWh|Av|P080cEW$SuAOqi*R$I%|viH{y{&7ZU z-yH7Ldgf0fF>)t|FtKAGU~bE6*M9cQi;0o%a|r|l$#g)ydagbmmFm)T+3EA==x6=Q zHmB3q4b;P~z(?U3tdLD6jTkL#~K-}b%v8Oh<)!@8Jye7>+%SY&Ife|FC_JQW4* zoHOKt3NTTBxDkHw&gp}GT-eXo2Hy_a#@B*$(4YKf_xm6nNn>3(QdHy-n8WOk+*Q$E z^FiDn%2tHAn{%kWCLZ}k=YgTKf-B_G^2+s9{&bSp2{ z1$bN$hjLa~ic9C@WQoPUGTgg#YWOMM(ZVEW^}|r^`SP8;(Ng{RlQRj15f?xS z_SPR0PTBuA)U6e~p1hy^!Tx)_!J;-Db24Ax-bSq(yW^PtF0uXcpg|y0H~8Sx1U)}^ z8zGZRAZXgKT^B)PPN(=N5x?Y%_yx{)26rnDSv6kFbyYCDClq@dbu4h+>I=(i0YZ^BH|aV^s(0qpTZTWj5E$2)2o*mJ zmt#PzlfrkiE^`i~6Bscf3nhMy1V#2`TQN!2oX1=XpcM6N)SJveq z_gI&FkLfRDMJckuhsKC{^i3CLOK~)YJD;$8`L|-@8Nu2-=WO}peDq_M1s@@!u+(g; zJ5g`ta?gndmiRq&@$`_m)Vl@1G~X8Bhxx-wQd;f;?=nyRSPNPZJLIkXEk@$sFg>6@b+m)r35I9AXRGRHG(WU!wz=(Wn;?P^*@>Lkn0;EIY$Jcc8I zfDeeSo{TgXPk|^?Gi%dI(og42I==?;%Hn4~U*5dEVrUgP=-N5*=!%(OLznidU0)w+ zsAH*Z8%CYhya*n8shFP|KFf-DK81*AI0xv_EdOntJV%jdRx5AG#7#e!=cd#%PX$B2 z{FikD?4QP(g?gg8%TB>aWp{dZ65=%#_3n5u_Op@vv#Z&}c8OZlJ-JdhDgqLX8OIRuPP ze3Xkzu>~~{XgDCX0Mtk>ewRHLw3n@-)u&}QKVM1gc?T5w>G?r@aOaOqLMz720 z^JGRcE!%2vM#`ixS-op*^*>uX11=G*0oZy&71>-(XbXNqf1vdUQ?Yyfgq~;btFvhu z=}BJNhYy+rl3{si5hNW;?Xhe7ONd6}c2&8ZZh3V2^$>E&lqi%;!1vv8NV{dj0!W+eYf+^ZZ1i~6Wrfxe|wApW)7e|{Cj;{mBti7hipP)atCkwM8S z&?6M%9Sj|xj>KfFvV+}BXSLja7|^93Krz6fQqC@{sf>kCqLXlM0fDh>KsuVrctQLzTQu;(UEp{d#4 zy4u>pF=VR1852ajllVsAblmQ~Bbl)>dd120CD(EA!qw-@)4M4iY$`7zFyj5Ppmg7a)`^#5o3hOJoZNk64&~M0@)`zbeL1%tDZSuCD*#imjkp?K`|Om8CEM{J0ftfQr(EYo97T#kR&qvtJ) zz14gXi$^RsCF33+AMLv$Zl+M}4ttfAu{U@mk~a;(jpFNl2Leu1mwV6EdyY4&9!ZH3 zU9x!dFM`Lx#9!UC2_Kq_0)%w1^ITFOe>Re2>l$}Fb+VQ}y` z_%sF;5vC+}wLiUc@O*p?BP)|T@mr=6=RUQYJ7>yyh@F|io*}Wwe*9VD$FPgF*R%)xXbzAmgj6zM z-Pl3Gh3ksOau1{4v)3H`Lda%fyqt^uq=asgOFKZoiYo9IJ-;9Np?4D6j?aNCEsWfJ z>tg2u(ETba>3P$RoYN(2VL-a9?@0kfVuS5hFU9s}DzVzJKwBc{#jF%pzNIZka*De& zd&S>mzF1``8^k|{>q5VPAKfB=nea16pJw2rYz**KcBvqj93la#11c$Z!F2M?Qy+yu z{~%VB4$5jkA8T)l_e1CS@lR`(Lb~>3us>8g&v!^dgq?19uP0{FFyC-Z%DmwU`!0UgHc0R!d1i<_=W=QcWoO0Cbo9~SS@vK+kZ>QwDjptYL7T*v{-xy4HEr88+^u#@ z!>d+uk+ah-TI1u*yW8tO5^YLz#0ptt&O*tV%GP_C+QiZ>`MqsL_@$%`c>)C4LmSHA zloac@+x;u4?>B1f6UzS{=JfVUD7;&2Z=T&nG8hU5HOf69EjiF8q0CLOVS-!!(nHE% z%S8TNV*J>6vHjc*5`VTQx|_$)?nk>XndhYX zAQ?>EF$|bvBN6NGK105uxD{yNkz7Rr&3F6V*bNRYFD*>*DIT$I5EYfx)vQU}T)@@g z+3iW>#cl{UsaaSAS^&`?olImsUCY%$aeqS-i?GrE{rK$m}p?)2m zW;u?aLwj2(8_*j)GlS1>^|#{luB&mE@%dbTQ}-%zXw(*1=IKpZLsx%fzhr2i)F0o z=GRA^ChH7TxaK%K9iz-`O`aJmyX!TL}dEDMidi7fQp^PKFvh`6HeXZJ zDtCUzU2@CWj75{5{M2|(7W(s|G&Iyb<0~N>_5EWkt-#C0MrkLbXLkn)uPPRu(H08= zcLWp=CKC=;+7vP1*Kt%T@J7#mAsFk;2*u&S<{ITx2)UnJ=x#vz;#n+jMl|1jJ{O|f zwSWYJPWi@fm=($@^&9EDyjo=cQzp8W0!uvISaF06A+f)=I%O34tCvPhMJ>$w8{!_zj=PlLQ zV`h*Kcy_=A+2eYhe09uhcPPpmt3?o}?cQN#fs19QUH(1x^`Zl;sq&y}Dd7G0VxFZD zl5sb1&2MQasrxe&)h3bK|1_?Vnr7ByqN-~HFNOxQF48UE|0_y}2sY%%h_+qDtIEewv-{$7tp*%H{&4KqB`vV`#KiCj2LeAQ+)-*4V6LNt`!Kb;q@g5p(JAv8yc4r+4 zqvEZ>&k734RGs-Z8FjcL+#uvRfsMHy?na-ZsYGwx=~r7>DwBQN_Ey-$>OpKo=kH(X zP4{(lV?+7M-pP;dZpXMXs5!-ydh-r6zq#GrbXQAl@u>*&wONz@&jL^+HRu_&h85US zW-&Z0_VfwS1jNTWJgNlaeRTYHGUUid?rL*TGgt0f4;C4q?{oE=S+U^vO^-v$aQ3fd zbW*F3wh&Uq0g+JAA8fzt;k={cOh_3XbU=j(^fl%c71raWL0nz6vv(57=aXpY{SB+lcq^mf`3d?cyy&G8* z5#S{0T9m2hQ)=_j0;r=SJaS$XrEE0}i-0h5`}aGdE+0fW5W(qe@`BE&z!_AH12}lZ^RZ%qe%4)qVk_ zZ`zNym+kqXZ~s{rmGM9wZNvs)Cc8&-&T@tG!bNpT%smhnxn}1a%|Z9fG*V4lYsj@W zH)gM8TWSmTmW}zcQsgoYmop}Az_QWm_mAyT{yu%8<$4am<6b|LRhKhldJ$;RBCQeU zv1i>&e}%68*Gk2XtZw3(gJ#5;y?|m;n>(|Xg&wsFfn1bDiCI`v=z+1rL8nIa zml*IL(UkJ;c%>+6Fy6+GbgCY^w6^))17l}v7Zm;ej4O`}w9wKz2#ZvJb|GbAe(0?m@X<{x>pdH%DWgA23P<)+iX1 zoJ)GX3um~6cC({OsIs66)v=5Q3RN3?`tegBq=oW;#-Iud;)B9>-Z;g!bsu>>6I`mL zrFKONenxr{|I}j_2R)kyg~}yHov~tasPFoa?}e{0k3t3ldtBD;g>(9v4l?CeWn?lZ z>Fw}GEMRM*VNCp?;T9e9vi%^~pS|&P*1#RtpP5A_Y$}M>T8{QM8Z-2N*VH`MOa4_eO|LN@= zpVu?=&0HnS!DF6&)MmrMHh2H%zl1wxI48buZTy}+i8nU|d{;uj3@_f6(%beV*=bre6hxUlZl9AkBZATI8t_2~DJoQWia z`^EKu09Oi^F7XyrWP=A(ni~=dF1Fw*=wG&^3WI*W^N#EKC-U%DX*Oc{`vVVwyTOU4 z;SmzH7J-0U4GhpKh~f{|=3BBNzwk&vD;*tkavttazmy0$U+q7uKEK#Cy_|P7)0wJT z$x*U4!TVqNY9x)*w#waDlB}dk)a8+%PkbpFxBB(rq^fiAsyez=ELbu(!6Qg=m{XPq ztqdJ*wSk~ z=!nr~0SVrf1A#>Q1IuCjE$xH9^SQ|Xd(3O7K17dg-DPn9A?UO`oENe`S|i}PFki?L za&!^n+IB%SJMWdd#YzM4rm9z1#*m`lSpY2_7!nBbx!PI`y6P<+`OlTG9<=)BrIyTg z-&hM+djM7(i^^qO(>v(b%nLjntu5ZIxIEpxTsR15BTpU14aFvnhu$-`HhhMx#~0Zm z5b(yCDb8REC7P%w?{Lcz<|r-q6hZV+Xo~J@hI1?k-*ew_SxJ3}98{D=sjL?jer3Mt z_90S*P4+L-N=mv?uTFHtO5f6Y+P9BN;5_3+oL7?4{YbR12rY|*3yREnd|965ch`z1 z&m-gf29S*5I9Sw~|G`zW#Hd$n^&7WdV-0wrR)9!oBaDptbr|2z4@s|X->qKGP@C8? z6!Ur!Ap8TC__??l^gNys%=c5=`4CkNmRF>8fxIJDJy<-+sEE@f99&AKv0H`O>{Kph zdt=?b#3JRTkln(Nj%GY~0JqLi7%(^&C_?maw1-3`N?7p@Z=D{_1J738=N9_b!IyUv_dKQ9`v@ZyM!TdM0aRP@;gXwz zp~J3#R9do5l)YRWT(T-pY1LPnEYqH$0BJ%KhMys8R+gZkB-bV1ZuP6{;638dn+8z; zxUTl4)Iu+dIu?p*ex?FWI`$oQ#kZ-~7-g^ijIoTh2(-n6G0O5Rw6T1jOHqrOE1E5t z+{qdAiYL7QJ^FCAfiQM{P}vT!eW97|8GUCthgM^yng zEjPZlEktOtuAQxIrITSlvVVEE?PNIb*Wwjeet2}y6KZX$r=~9LLu3aleqQj))%U`E zQIRKa_{;2+q#v5b?xpqVwh+;0EK$LDtv+Dw%6vU%az>Hb=6i(C=c5&(>G)!0> z9LbHdQn`_V%@7{ks2lc}-RUR!(ZL%YSXxqXI}8Jc-cLg#N1x5_TFF)8hGYUS*!uyo z&Nn1PBg#Ggh~XgxwsjgA%8(#p39M`OL8KcrkT&Y?F0KYTEybWyUNouLXYg>dW8ZW6eheD83ovB`HhE4?3G;?tRn zh6opvg+JtB+82bzqFfME1<5-t<330I%YHDMzl_?$C(~m<*|pARyj}sL4@L{EjbL?->K03>}+Uj>-p+Bxrq5Ka18hVAkQq=DnJ=?P#_D$ zRjEA9;qcI~`MkAN{v;mb=6J6I#0vylRZ$UC+_5N0jn&O6if)_I{^b_jR!yDR`F6RG zT<{BXABMr@4T-VW#@C^`s${uDlJ>Fj=SZ=#Gvd#IN9HFZ5xoHSDfKg*?NXR@KDM_#gH^Sx{QpJx^M-` z*%xJT87Ku>)AbTE#y+s`S4F=DFqoEQipOPE)plOz4N6&W5`U2sji7m_9Nic#`z_9E zwkgBGMykQvNxfrpdD#} z4VerJdLREqzk>PSqH+1^qsHsSD8eVz#5McyN!#5cuj<>U^wiOAicebf<(o{mppi5D z_IZs+FfKp801{MY!xcfPOsY92VqM!#&mUcNzQ21CaI=~h=d1Xe2n5{2)BulKNcKb$ z+}hfX4e|Ar;YhQ&NC?>@U5Ek!qgBxqH+B^jw78FXR;Ey9WOgd>=QujUlz6l-*`!4G z;f+gQZ(%oDS$EVMeQ4({bHPi9mJ?i!BrQ)r)$aKJD|;W$QK# zM6^fwo2}_H@WfL5j1H=8b{{1zM`=lY@$5?vZfQ3(U3W$_3|0u4GgU|% zeldjWKffE^xwU%~9JkmWNEgm<5SFiL!o5m~DuYnpu%b~Oy{8okDq8TlWu&o z$AoSIxBNH>MSj`+3n%n#cs}i_%ZW65PIRaR=#VpfvR#539J~fnkP0 zKfw13KHHq{Zuy4TpSZ0_m#CD6nP1G4yFB*iyFmewcaAkL>_H-X3s*UV4GHpljRI6! zDjX`glhW}v**_WwF-M{Zu5Bogu9Vz-OHS*VirYft2FhU>f8yURQ8m^Q%ZqNUMrGvM5^*evU|J^wUynqt z=uA+wQ#NdJqjF0H0awy%Ys41RQqm|pn4}iE)?oziC8FHbOnA(}xAYM7e#*02Q4 zt=i&-uyE9!QqCN2?T|=N-wPITUZB09cwSN_#5-%O=?zfQ&2Fg{Cj9b86!m^!@U}DW zFP%RmJBiALmUD@g+_cq@cJrS)mva6^N>Z8MIwV6WU{T@tG;h<6)9k+iKNpPZ zR&owg>%Hmq=laTgMa4FL{?9(JJrrCWgAf{cUVN5b{x2qgWu_mP8_fV^LsD8I$Ky&@6GYM+n;=2 zNN`lU40?C;&yk#j{!_7QwT1O^C(D)eV+EFu&R0Zz0BnRV#_;2 z6cTQoto6psZiVdE3d!B?0wVO9E(|CLId_Mjsrtc3JI(*q{CVt}jPIm{SM4q9J!4_8 zQifkcn5PzsgXAN?mUA7Yd;%37;8BP>?FxKp(9op$SxO!6`~Q%CET{{Nl96{HH1xa_ zp|ywSKI5`#BzaJ1Vo}kZ)LdP)=a&u%J`g>T?DM?Tj=h>(1>ia->Ih% zzt2$ure5byaGp1I#p@Lo<{W+qX&+k(>+S51?U|g45S& z(%fV(R$@j}1;a`XiCCB0y?(Ubv2Ln09$!VSUDd`Xi_|8QBx#F&aQoKG8&2bNR1o8D z`<`t3V3R+ZWHVJg4wDGFNv?wk#dRsCvyZNCf@^opT4iK&Q!(^XR}vv7fQr6n2I%L9 zX>u3#=q;HMVCI@l#dStWczLHT#OM*I2x8V6;CpoJo0~?^bamLB4cNcV5S2Nz7swIW z*&!`bE7^6OanAN|XHXv?`Mbg?Z;|~BWl8M#+#|Ebt>arO<1Qgg%Mvj?eLK2Cc{CC3tDUAVQZ1 zBrUYln{~!w&)x^wSo4?8Ef;Wx{BV&t)!bO(l6rVcspBFTTs>@ww~B=$bl*;L!2EcA z?1o%!7!xSg@s-3|6-nB+dlOU0gPX4 z+rlan8Pafi_KTZ<{#g)uK2b#w);o;jM<4W`#NKX~``o_>P3o?Htn;^14;5T(Am1hL zV9URp7`V556ABmeDqwh8R)I-{Hr;qV;ZKm~CJ5v=ARmdnHDVrRSzhkmxV${x-`H_E zy6)4&*@%n2Tc3-IO;i~M&5Xa^mT4e0nV9XU@)MeJHDbDl-G{r*+po$)?paZDXKQ$% z+}amEMO=-UT})J79&Q0AMe z(VVQI20!P=^;aV!`U>eqU*w}r@Nb`R&!^_agm!b4J8;)e)r+T45)oSE6-LfzGnc{c z?hjz1*}ZsVVAD6Ebi8}h0&3lT*2N>IC`oC~c;ahfJmr_{F;P0XpypV`AHZtp9-{;6 zTE;aMNP!mCb|%};`SD_ydQFD321W zBzqhYZ)9i7c;n`s{DTVeTm-71ei(X0SiU-Jzv9f3m320{z_y=B2&gU1NZfo`Zt=eI zX>CgOebl8mzyaGBw3-V+9n4T0JD%0epg^Ld(|%D08o|d@K*r9 z`C}=))Wz|huB9xeX2dZ&bs*GZ(a=N0A~S83A>{mW@nRF0=a*Q#T)f)l757CSR3X{} zyskDc_jf~1V*E^HpUKL|nA964jQzxV@0eKGDRdPi8LGb9VQ1?x2 zdmF^3mV`K&z)CE(1er9PjxCe=`w5_`KJnjy+2$jc|D~ND3t#PwN-!SYrnpMCn82Gx zsDp4@Xm`ZpaXzJX__ zUeotg;FeX6@{xk|%kaw$W3T&6AyLEXuvMO| z`uS8|UKccDr?9o{TYTZc=I=4djA{3=h2}?Ly@In!l-Z!>GJ|dl9EYpKeFfWOfg53U zkKk)59mYcud<5F3L|i&-2U7SQs?2>bko+ePyNP#<^}M9i{$z6CT!d4LXtmeB*05|L zt-kDK>fro4QTMbqldX;Nf~>O-BIQG2RJ(<^G>@d6MR9N4hUukLZBcjSYmE7`J?=tP`AcRU@Y|GZIqI7drynLfY0BA?txd3xNc%|K) zanh`(mz9RW*E@^dDsAv<8v>pUT8tsJbh>$hH~pHj2~cHH?Eoju);u=yxy~q+*JsbJ zGaLpJ`!7XTW5XAsGH?vlm*gl0$K4p*lhiv5U#Am(U5x!SsPov06OyxRmaX=s# z_i{4G6tZ<_7?qP>yZd|jD1^Q_tNDh(7ZV76x&7P^JKr=A2!!nQa-YhC<@f0{|6#q| zgRPd zcyPKgraNE8Lu|boIBA&p-^PGU&Nw{p>K1*#_+Io#UX97>XN{hibl3t~%p}zxi-vki zrdXuR7@mX25>vg5@I&`>l6h_iHG(5s_0G=o4g*X*Ssfyr zMT}7lNcd0Yt|vlgI3~u1nOq^#PW=R4iBIJ!=*cEMwbvF3ayJ?O8cWyB1&v72VMDt6 z$lzyoc-`X-m{irYxi1WaxCXTAY_K1*2#B7SnUTAp{-Fw4 zB0p_+qDN{9)Z#Vb@3kbV2&rPNJvys9eJuj>WV#xKw8=~{DanWW_mZAcdkjQn7~TBo z%#sOCU=n$mf>6E_a{l-4#&WkLomp#$>eGg-zT~g4xTgC|+~8`p?&BeSv(~1NgTPk! zo?E8I*b1?pG|KKRPq$%8vnyNmo1u4H^o66)S8LE;^N2o24sWbghv3)S#p~AT-^nTl z4+9Or8@rd?i@^uP`90s16psN+y#<84O*Ta)^~=hNOOzk~$;5`at%J7@yGOECOimFu z2TAyf*A`0d^WuDB($y@7;fT=fmFv3oKrQ)gL@_sKF?amuWF|(sLRwxza?N*P7Lf4K zvgA3|Ecj_^CoUK$EMBc=a?>|T{S-y7$hfo+z_;7Y^wZz23*!RQ&ZbI88zk(f`&1GW zfMl_;(b?+cuGxGJQfJKzBM0mD`+kS90sqIDNrZLQ;$EYKcG;J!*Q5^X4;tN_j^#+W zK>g0%$tDqz@=@4B7{r(afo*Et;Le7VEZD8sAN6#dh0A#p_q=2NV=*0{$os&C3Jo=K zEUTYrc2S?;E!6n|&@n_8auW6;p6GsO{;#$m;0_hBgyuJ8JV~b=h<{3|tF?T?q`1qd zbth7My}cq4l2j=v&v$>QHAC8Wm}${I#5~<@Ita+n^U51@|IjCqHuwYpQZ4RZ5lVgUES;;&!LRv^zNmFN#UC{n4lsVxdYwBK$L7CA~D_`1LY3#D99Cw*NT7gELgK zd}Uc|fM@lWbW*5PlDCi?)pO>>4pY8NIRfR{j*mD}zjle&rO_yf zX06M@gIW7S5`V8`-&Z^Wp7mkYvO^|B{PV$mRS>A+eFH2ezWW+%vsntX$=yE9xMYup zqa77q3`~~1l6LbEntt!m-lO7~%q-kvqWEW-kQ-@!%*W#fX+V}9_i{Tx_+a&a@Z05udOJvEBZOHEYK zpk1?wLq0T$&SXdmD|~{J*^#dD@^InkBsiLLULZ!})XBTxZt_e^YWBb^1;2 zDn&jQ)t@80lxcqVXY^E#d2j7>j4d9AfQ72^Id|bM_I50T)6?aAu1V=M=0R3pT+0@2 z+-OsvWl*E62G2RJqqKU%{_y#f*r;-Xpge(ISP{Kfk#OOdqvml&g% z6bTC9ANP74ZP(1qWc~~HCPvy0Rpb;qe{rnxn#22uPX7vsJ4q>Cm44X}%M-kVUKJ zQM?g_`V*Hj^QvE)VxrnbK$FE#w!Ye*(9W%Uj8MJ z6QKl;#$Cdu;DNiLku->SWq{iiR*N}11(C1*z3gp`)(X|~IXM=Z<#rv?cQO-&Tmrb$ za0^Dr01cCrerveHfgM~l1dCVj{8td_bKAYeenP(yKwkpxr~H9Q&KrqVB7vT&YV0LoVR8(MTAAj+tQfoVQ z?jCjBt}k-(E1T=Bd#z=Tj6ax$u8&HkRyEw*V#zc_8L7aUpUz=gymHw@m+^f)m(c5- zj{}^0luL}WM^3QY784lzPTz?Xy`-|zGX63?DeRp5@4P%wHK*p8IYc8y;kXQVq8$7w zCK)CsGxoH;pRPNi=~x7j?@lPbV(ZR5Clz6AUJ539ZTPlXg9)t(%t4Jlt=%1+^oQ4I zl=E`%=ri&OlgXrFU_`eh*%+*qyAa>}Tqj99uNZ@t_a>I?KLTSoD(3Y5!1gA0@hNGCyQ4!X0QEg--hnFlZRj-q zCTl{)O&Cl&TvYQjHKVwJ^KBTnA`5Gnf}Dt;PF;i4srIii7e?Mh5T{mtek-=73=^#UBrly&x;n%&iBt6?}zn=C1%zi_ zDi)r2mSXWtDFCy>-+Cr_sVtT;={x3TrHqB1ETdlyRiVZoGT|%Bll)YcFZY*>cL*8$ z7suGe)E(2m^0~zx1Uptf{Zxxz>Zu$YG z+5W+%)57YD4;yE3g@sRENefl9zorj-Fo2W-fiZ_mJFNc+L;0cAuz~cNFLVV0O|fIJ zF1Xu0l-T7-=*QBP)F5@*16(7k`R^NBJl>it3x1ELcHS4-dq}eADIOaKzM6!$}Os22(y5$s_PkM{YNG0aU}q4w4(Go z31#1i_2jGx5;OdOxGC7(t>U-_6=k{gvjr?#C%I-Ge0c!v-}jggZn`)=4D*_x?Ms6? z2PlRJmCIb$aT}Nx6oK*$`ik|bO5F)D7_0TI!!*z7+;siy8cLo`sgS00HqQc4Uv^nk zj&NZ6*!Sr8i0%mzzHn8dS{M@3*#vgb=d5W?exNxl;qt{U{$%=0p1y0{bj12(`{HN{ zVAt~u2JwvGraLI9To$PxX{p?dgO!cdJGxt(N~{#TyH)t3w&(C_vAFpX6G3WwY#4Bm zvj#lNr$L^91Xx8Gg<2aKtA7iFzgUI1(aNLh z3&Jr+@Ma8#FP#@Q@I~dIIe{hNBS`ngHBIz=TALNqyN_Oq+nx$0iHjQP5hHn%<&9_r zx}#!s25Ru%C)WN8Lt~`i?!e#|cXEz?6N*9a+ju;KO&U&ydr!r65C&ai-uj;Ny!gm7 zc72!v%V5r5(tvKOvrQFX@L~Y@eXFRfp4B_Eb<| z;1 zQzH2^w7{7V8xpS;8`B*|5ny|amdlES6Y_t6?6wFJbVCM$j2XoPU(WYCn9xY8n<>G{ zhW1-sBqe%#Lar5g;^Bi2lB0Q$0#N+Hf`Pt0TyUWgof`P&*l52tWhkZATa(A&-T+ah zs}!VH2l~EXAntVl-4mdG_}{;b@Gt?}zRkwnbd&o11*;)*@aHkmsdCF293N%zh+Cg|#t>_}4e{L+*;G zJKtS0PH%7&4jKu1WVqt70S;A7qqMfKboz@|%aoQ|fBxAEuw=0pXV}FScx?UU1h=cY znIV3dmZHLsO2Yrf`Zb<^tY9C!z5``3;0!aBZFwo?lALAq)sdGj**t3I`fu=Ga!?AG z_40#Td?^*kOFP5TtO|-uFmvP0C6YBzw-)RBh$aCsH@{2?{SUJcB~|C6#D~Ke4e#Y*T_nFksz7s5rAAD$^Y*>ne;~HeHU7Eh0pk4VdW86u9Jp#3_Ey0xv zHW_kl?79?djj2yJY!|-e*4rFA*YMv9Q%+mB=Wp;g`FYjS;Pn!_~(~5NNyx+;r z?v!hx+xAeOAuN634dx)U{rp!^OMIBoFXSe%BV{(0d&mwR%0lEL*~ZgFWpuf9DhKiJ zET6xs7jh#hw~%nne_Xs$+c7mL!yk4X6If5jkCGE}!VZnBOS?)XgRa~LtdTL@J7+hj zauLXD8Y$F$N;wPB%w4Q{k8QGcxZ4%`RD7roi{N6P53$VB*+qayQn6RuOo=IGv?utT zw0q=bems#+AL<8?QY56m6)-G@OcdltJ-Sxn%39>Xi14-naZ$l z$oE0QTf`V!azZj{ z+j+4-YbGz^E(Nkaemsx!$HZQ&)W)BV^T+M(&;8FC-I=PLX#oryg)Ojdf>)ffvH$t{ z%9P20SYK_wQjY8*zRZ!?H9Z{4oSQRP!BZ=4$XQl;H=@6}FnfNnWGtN9@{!z2u0Tr+ z-fG&7mV^B_7m~JqMcU{n`+}q9uEKwBYT7%Zjk83a$Ye&xbR#f&`YjV{bBM0-JMVty z%oAc|-ud#R9#5YUjzj;+#Qx&N`0v7SiDB9U;Fm9G*Z}}2q|8n6ZP9+oy$9-ZY@O}u zGOh!@p9FKv`v~7SUP4|AAF;Y|teoaC6c+t#ovyZ)Q#Y|tL?)d7dK1HPb&Fd-PD+c# zD?A=Ik4Gj_r}%<*BkP##5twf+amV|uO_bI;WVjeWQQr4A$+H(fj!~91hwDGE{oA(R z4~)Mb_Df;Fq|z%-4;e`Eic&Mo5|xuOkbvO!@f)2@d)lYBL3JAXn;@bzqt=b&ATBKj zwH%lWF?J4LJ4%^aZEbQqd=9eE?^0o@G}T=(l++u63Vwrysu_o`0h~z3jv{}=&o-m! zK7L)K<3Q7Q$T>@-uC3#L zH&9)B(Y+1B%Ikw{ks==D%$%hIjDe=d=5LN@$QE|i%d;XXx@c+OC2kBuxw+*6w@#-PC4CMx!!51YNn*&aMsXg#V19L&?*zd+>1EeUQomX}o2UV3D;TsJZq zAH_e^iD{dz@v8Pvcvw}ze%AQUIYDC8^SpZ7xksmJZM114BjZurr;GEM9?;=X?X}xg z12+JRoz)1J>}5cX<6u2MU z{V}2;50ZR&;&=BSc^&MROnnL0`Na<8_B#Lw`k7ezGOJcBZi$F~>eu{HKvpb!2CiTd9#P(}1lpi7%UWD!5k zlPuiTSP+KEF()Byv6utWR-uJkZY}9GGf;P4IolA(`m z;FndPi%KZ>>k9udv&sI_Xa1$v$M0_^>*jvs7DY7zpse6;%{mf&B;3=J&au2vq>~rK zLs)KHbCybjNy}JM3?^cRO%U`paM)Wv7qxZ=8dTTd^gA$#y@uCK2PAl_ za#p^^INb$bTH2B&hE(IT13rY~qZ6?*FGRjMt164r34hMDI=lDCOJ6VU-}-TA;a~-f zFQb5eP-~V&Sv8mSsX1i6OXOK%<1N-bEAL+q{HXg*6kBE_LE~-HxpL3;)w>_m(L`^5 zrK#I!rg+W!(In~41ckdXm*a8G%IVJv+|I;+4g2mpAB$=I+aKmm>8WQHq{6~+PjB@11ld)ZuidDK@m_wkeJ?&??lg+ zXc{);^guRj48ffO{DW&I0du^Ub#gJRHOGE_%pH* zYx`aJCjYaFs-&RXvR7XfR;+ZKP&)Cm(<~wS1CJTeaAUx>6cMpHSxGVRdgA=aZceHv z>JZy=evp#EGzp{N+L~bzT*>`GcG$3d9VF|u z+`IM?#@adD0`avrb-8pfU03Fty=IV)S4z++@obKXpWocHZr3D)+DcO7(%Kw>P@K7K z{4lTu{mh1%W!!R_IV?Ev4O2!u!(FIwDxK-$+sr{@A`9~}HPwR1xm+Mj!1zf;@|SrROk08*AXb&mqv=XsBhQWfZxBqr|XwKrx7r-+UvbAZIexvi-O9u}L1#Oc|8NruXO?%`fNa z+)rtoS=l>Exhl#ZZpf{@_z?X^3LyK)4sHW`3dT=DRT67}$P@~DHxPUW`kvYzUc(77 z_PSM-GX<1)NbBlD9Ex;OLb@d9tO)`l$NN}kp>Ni6oz@|LW^03Vvmreh%;O&m2S4*I zs-{Pr$}uQ)*ENP)s63d^Q!#2;; z8ku|tZ#Nx6b(xne*RIH&?iF)Djsu0X; z+{m+t#&IT#?BV>H8s(P#w#Q~!Ip+QpZq0)r2>?FS=y#ZxOqo>w-}`X7ws`vSd)utr z?zc*3T)RM8Bu;^oz+S2GZ=8PwIQ!fcQYL-PlV zr<6EdWv5e8hB~GkS$z@CZ|eLIl3cCM-S9D<`2ruVzg;ESJNVlGS45<8C8%?J$?I#i zL!Km^LE(4RjR{w=DWxQ7NiRP%My%G-D(R5-gBH&%UHRM!VJW@Tz|t8!_fw|+geCBs zCRO^?P(Zc+4K1M(C|v8KN1+u#BdKvGCyQsh{V6&6pO2S!1)T)+Sg++}I}-?9v1hlw zt8_KeR4Qj{-?sHo9wZ%&3S{K->7-jd&lWG=|GEk)Jigod*M(}+=u?{&Ony2$yAfj@ zfSsdIrnbVg-UxcXi!1UDpR^^XTV#F^>n*Awm%cLWHw6|{=*A~K-Rdbmfn#*3l|6-k zQCS_%aMjK5C|IA^t^K7U66_2|*rP?(e7TILs%q>B&DeI|9)}kD#@XqwArm};Hip%| z*VahR3xZEvL0&gf1i|AVzVbJyExEbLS6_s-#UD3NxkZ`ngFtCEFs1oY#s!>Cw?>lI zTv-Gti~YvK*9c7E&vhkzH;Wf@0gpJ57Jxo}`jTbotE-rZD6K;-rY$|%jcI}SY3zH9 zqoTX_FZ{pOW`7O6pe=&tPi*aGS4?Wp>3muG%$%X_N3+g_+!c9UKSRr4vfmhOItF>m3liv~@_@ixUu8*!M`|Teg3RBM zI>$ywV9;uG+n4O%Dx0E|3BfF3H=PYXB!X7n%ausNt>dX=Qkj>w+El-f;xI_ULQkYZ zdVfoIRJd~5lnrWUYGsui_(7eoa0BU-beuU#nxacBEe&w#g{67;z^5afy5lbNI~IuO zM~W2d4rXAv_V>~4rH-j(Z2ZykIH_aBb<@b5ybi(~NEd(NcKz89_7E0NWtJkX=znvr zVugK%fd#7Xin7s?PsB5Tm{xKu0I!)TNuDuL`)?uCC9QTZLiPOuKVKOZ=NN!>jya1% zzs~=a!McoBW|94Li=Ek}6kAaxA-+(8DreO7@$!9GfNOs#V&)O3IY58O?R4$>@7mfm z)~EyBq`)go5A)e|atplPR1{Ec&shZjsIrw;FUkHm>Y+xGRv*zh=`ao>6uT62aWNCH75M> zm;9O1sXK@N^KB;>MP<2N%$ov>KEK(u5Ig5&Un8(*J14j`02dp$x2NkfPU^_!Wdj{xwfIM3*G| zjFKKD_6amCkotJ;;AFd}XojN~ixa8Iws37-c&|u1*_ZZfWMp1DdOH=$=cV923wTan z)3;V;?Wj(P1p8aTp-68%-97St9%AQlc-q1C%|^+g9Tib{Yv8(pV$hzMv$+LGAUH=0 zw%&1cHB!pzKBteF2W`z+u)X^mQCO;;mC#o6ez{Q~XT4EsXO&@+$O}6jH7@r#)ZOQ= zBrl(%U{a+4X~87V+oTh>{K2uZxtVcpmX{)Bj6!nIr-i&sQSImzC7!{z^$ecii?Y_*&<`wrOB6n|>($B3X72f6X_q5rJ-}VSy}Jzf2A0 z)4aX)mdjOG^T$5Cm(~7}DJJ``EBE%K=oU^Njn2!_#PhrjKh^xI4ZGEXhGQ-NS}O`h zhQ!CmhXawSlU3Qq*}H925f=wWZo!8UHO-U;$EnPyfHFRQX47dF@i3!4_Jty`G*loD z(5Ra10K}}y2*S0#K;UAD9O4)w!@`}+lMVOcOBVDqy27JxEY9||ZNFC`H(NFDNW9NV zQ;I2CVqrSQzT-`rr%O#e{haj-f^xR`I!Fxb$x-9ttmXtf_G6>CX}ncN3Vi}*y>=+& z&kHKC%wwSGTHYVS%ar0AbF#G_k#@gl@ch*QOSy^|mmo}*zx>LhFwqC67;V;`{A5hy z6rVqbXl=n^4W5CX&;%!;JdDA!v%y92r|Y%Z`Fh|O(zqejJiWS_>iNdpA+fuOL_w&f zt=Q0u3g*G1O3kb&jRQtrB-A887piq52Tlb z=SvCaO6VmyFP1PbFaJGtK3^`&_w+CajIeR~FV3xxeF|%qjv!A}U^Y`_@eswC`Tq`4 z>2*kCO7=G;4+~NQ@eSslITbxYg}OX(lEj%4u;4xi2UhK zP`M?=8FyK_s`%CWX7qk`$d^GFEdRzcu=Y1VyesF%DDyZ}wBe&nven{ZxRbL(?kW6` zbYU^P+y`xtkaLG9lDr_%I)d?8HxwBA!`0)`)=EKOx`JoVT;Vb^OplVnI3QWHAT)NN z=mG<#2L&bot9qHQ9k`F3P2{f+{bE>LZKE?58rwK8RW|?;D=hwCcb9cqk5e#V6sIlf zaTyyq*Jd3IfmkT+xFl9+ZO`JIkaU7BZsH=qUUYmWz$xX^+;=rK)fW4433p?`h!6Cm z8D)IxF%iJSG_&nQqk0e1|W|F@K36^gY!{ur-fMRqvLB8wcknoBz#Y z`qk+lwBw7WP`@Q!>t>d#_j_M8W(jY^d=hH#a~;vB${+j3r?0IWP2uhd|JC)*FJqm1J+b5UYGe>o*RaruT=9dPkLbZaB5kAoJ^|jqn8{H+3(B& z7t?GkAUDbE#Nel>gqcX&!2A46?sUeBYItQH9XE4Dw|k1P+ae-*P|qtiST&C3t|{x< ziq0-|^~GFto9A3GE97?ew!!eSuo5JzikWf^q5>R%-yhif1h{2dPb+{((V>v)qMh6o z51r)!H&8D`BKw8(yW1$#%?Dh_)Hd{xtZ3D;pFd|1;dg~woFEK6caQPYN1?WRYqTGo z=yj*mP7Z`wLv=_AsDVs#>VaYr%UXAFnQwB3_|U>{O23Q4H{`luTj%RtpNcJJKT2u+ zY~w6>Bb}%PoP3K6>{P-UpfW{%`sNbh)5R9g2Rks?=J2y)<=ULSuQvAf_(BUl{TqLG zj$%BCH79%AVJ{d5Sbu88GWL$OJ!%G>*l}u7Mxs%r)MQPKaCO5(zl)Rj>dL6fK8YQ;DDQubb0K!7Lb#QGmJW+s)y= zugJgD`V0-n;FaYTOVat()k@P-g2W1*rOwQPU59C!5d>8uUiS__A6Z#sbJRf zLrjkkR^*sl0tt-(5@ody)-q9x#shzNB98v?Us?ASR-Qu0>?)x5{(U?Hf#IMbWTQPo zcFL6})l^JmdG_B6r6fOu*9NHH6#N;H(ZCxlp52B++dJY%4ErFO)xS@GSaZz3ot?e) z^}p-8$DfAR8hB+u0|J^UKmse_haLZOr5`I(E9$2d^;(DSvyGzg7PhQ`c=(4#@A2^A zSGa>&KQv0F8Ud^bu>edvXsHB#OquL#_UCJz9o>p*cd|!o8T&IXQ4rQ!b8QRFikBl| z)n3}NuHZNNDZs*)*oFz?N{*cCKH2f*8Ifm)&9~tmD-hwEnZnSB88wFfR)k)@z~pF~ zzrty{J;F?{$c_}-Sc0l?t?Lr%&7_!)tWZ{;xoJ;giyG9N?)p)gT)zz96I+1bB}PGW z)^9vJA;K`*B6w#G0p-8MLMX@crCdzj)qV30C8nSLAU$>1DVXa0bv={1cWNWG@(lKFIig>mxdd$@GZpYtUk zL}(w^Ga99|eit%&zaqy6otVmwqDDS^Ah^)BwW_g$pS6Dbn#@y4>r1BYu0^xYlzZV2`bqt3f#^fbkICJ1`-&%(l3Ylm2x*hUZvW`DZBD7y>xna(%aAl0IS`;V;<-^ z0MIPapMAMg%+2?JzIJj-zkF9DQq(zZ00`!}|A~BR&Hf(iLua?0G;H`WIw$~(G$`)# z5*Wky&fM->G0pddOIp@yiT6ZYkb!7E!fAW5c0q-uCvJLsdpl~|B##7aE8{7OJ-7~) zyK|h0B36j$Y+e0I78KjYrOL@kQNdfw#eZ>#Wlz~eq@xf)VvoZ`MVAEs}atA}yGD1egnd1LVRI-=1Cl+d5iW%e@FdYb@7ZdA^Ft zlzyG9iz?{3*bx^kNS3J-%>U5nm^Y2++JWezeI4vUb?8Y_gWr?#IltJfP#O>hk2li( zBh813AZ)ZvoAy$@&*Y>{NYaHEsVMXO8lNv~dE|AKleXf}zmw^ebZNQzMO9A5kh}3W zOa4-SjN+ATFIYv!o+k;+*z3u~9O+29OG_IPE)XWH@L(`UIPMN8jgaMQgB8-@W4$(f zSJgt{Wynv7ROW3XOa5LsNXVMyFSma=!Qs&VN$vzLhi)eaMC-Umkm^I}>RSe+aXh`~+et*JpK& z>>hi2@mg5#TdOsM(OvWN@r5^u5GC2sDqj&)kcT<=xyG6PrevaNle|&M&rPcd-c19ln+U7WPT4xrW2NYi*UCGWJ&bH2^(n#TVwuL>v*7!)6!$YFR1qdY55{ zo@oIw*F%rI;<}x*X@$2x9=LjOF235Z-)_*b1ajQm%@yisT^>^BB) z=Hluzr{WeKwN37RyqvJXY>5&ii(lS6IbLK$M2G? z{fuOs@Xt_w0kGc2$nVhr6;%uDvgnGHHP|Y#Sx}viKmR#5itj$#p<_dP&Jq16>@73! zpU&5qNU%W{u62Nux9UL zSEi@2)!*~%?D-!k*fk|f_*p?@<&LRp_J;y`rX2M^m!#R~-d-JYT@c5HD`GInJJn7n zWayj67|h@iOGjBv7LBO@gymD6BZ}}R^BwK+Ua)V+Q+TPY92LtW4)9x38@8;=9PRhy zQ1-zSL}TFw+~d{IZrsV7B9q2czhie#7aUzOk!N0%k!;a@PSi?UR+wT(z~2KKUc~2Zxxm?uj|9!NhfyjuA@S zz=zl&1RBQvlrf_a_;6XI3;KI@G~0vwBqnRC_d_Ov?jT0i0Y|WM|KPm8*4%z#xtuyr z<-wD=HavbUl2MR(v`w<-IAsyK8^6ncQR^IcaNNf6?&{X72UL?_t{S`9)hOG%PxF3~ zi}zzs2{X=8q<=qG`qu)~quV7eKB}L14;2;J8PqEz84jp>nx7G|J#aK{u=O&sy;MpR z>jX!1;r3ICw611XUcSGuIL7bf1c1rN&OH|oV9>##4trrI$CSo4I|5gu(Z~d{K5?3*!%=!^Jc|lEG>lWWHCil=DcR!&+a-qM{eF@AoSU zEyp*Bfe*$(eUYU5YiY!pv6h*qsezgz ziM^NMfo+C1GQUCXBfq_c9E7b*`N^~Qo$230u)PJ&2zt5-w)Cwa+YK4W!@1(uQ zkXob??br4Dmu2}`5|0xTg^~o>(>3(hVRwZ}=?peb{(hZrA?2D!Of&Sv;o7fu73Yy~ z3x=r$&7*FNG>;xyRu!a(De0K)C5eq(b!MF(vMvV->UdeP9{>$Z-zAinU zM^a`U@QhX~`Rbz?Xk^&H{S2rXABNs9yBq(H++QpQ5vCI9TitocFSa1pHlw5Blp*HBk=)o zcJyTJ3)>#3;nY?|5u0Ax`it-~2HzYXdOQ6)Xq#}3_J3i;M05K;T}Yuy_Woju^+>D# zbve;Vpw9&RO*^!d=pQTj3_2iPAk*$&jT%->K}x2GGZ;%Yz0-K^ejAfJ3xgTi!SArW zl8e@-BRqQkbAH?b7VpHWE5Dk`RsX7M-}pCHacVu3?unHfxE`|*%>*M^n+cCwuutdz zExz@=I-+$-9)o{y!C%seLV@f?C5Yh0lnE0Yl2cDGl*ILw`Nd_<5JTVL`u&Nq8ig1A?$)J{e+6Oo$Fc;%gDFdeB=IF3-FF}pjDQn5WaD?Ihu z;GRl#@#iiE+uK*HZeDUuS_QFuDR7L@;M24@919}>r-Q{1nY>xs&{CRygNc9a@`mf7 zcLBjUXBU^Qv%kJN-!UGkFN3b0h=km7e)Q!P{W$-h4H$HQou?_|FWMcr|c6Y?# z@%Zvi{3$7Zt|Rt%m2f>koo1#WpNS&qSBG(VLRef#9rm=X5iiLV(fMHqA@dAgIBL5n zlVSD<7<~fzy%RhUh4$Z?Rg_NsIISmcD9(L6UYz=;Q(}!|ZpX{+9m4VYN$aCwo_Igo zTnnAIH!X+H&JT_hd(J)efr88!%6b1f&JcQuIUO#y%hj*C>S>>c&atMJ%OAi=CC88R(x^p`M{SN^~6U_YVj zX5Gc+*WeL`TP2w%NKzLsF*Ox;b0XLC4#6;y6*3k>UmrE}X3IN08=H|K+o$Ca=D;=% zN;=_cy7YQ&%GVa}N%;4Lo^hcjjnlxd@q|D74Ne8RNSH64m|2_hB(&8D4vCGqfTc#; zBuJy{*%oOH_Vs~|9bE+#%m#vc`1#GoaG)2X%`WB3RF}Q_Sja@ABX(tcc{Mcd-(F03 zXDZb*s??n=)kfwlto3-}Wq)*hOw`BUswl<n8qba7#Ro8u%D*sPP!mZ{&@+{_QoaylW^C6{0lHyM56Te->Y6{0NfDt%U+VNSOW6 z)NyD%x*BzUaCSo3KaEj~jfm1@{o3l#bKGY2Zt?s)oE!#>Mp!OUh<{gry||}O7#4Z* znYyCqEWAgsRs2)R+|BK+L#av3bjlo{N?v`F%|T2PWZ!OEG_-`P?2jsG7MO#bW6#O_J;!X; z@|$cnNonpVnM)k)PI>*V{ut+$#^~!_UUauRzE=KbwEF)f8s9qqrqBfIGKXQiF>atrBc(inXaI?OZ z9V&P3jFmGw2GT4&TjQFhX*pPPE11IGLhAAw9*#H}#wn&KviCpZ-h0f_<`*4HTd$Y}PDq!>m*z@-S{kTER=pq=Gg7KF z41oPr#v#_w!OtH4vf;~}q4JQYTUr0TfIyCV7Wn*g5sA{}Ibq#*1(VF};e%sPuiz`! zlzlqYFS7(4*5*xFH@xB}eok(A2ECD5ImD4gYL$dT4UdV^ue(w`YLW7+(J1tl?>S)hXslzmCJY--UGywp}f)Y)M(_KzG+FVo)tM=5p@)oD4HQI#pEol zcn5R5^YRy+<;#T`#EX96j;S`@8h}#)+Y44JyF0U>5|R3m=Mi;Ufcy6x2?A70U>+YBgi=xeJ>ehTDPDMnmjZG_KLEN#;ls=rbzd& zLtpa&Cf|evDD#tuL=Z!1Z9V3;do3$#2%HA-WIp*7VV4+@&seF6F`TN}8lr0oDYdWl zRj&GBP%r)@>z94K#EXLdHn&n@jvKd!oyZcN1}c42-SbcT%Y&45d@fsmq_#ruh^du7 z#g(8>b95z$aZ@`9gOtlKlam{{^v-xdMta*vtgE5hXNM(4%p(7x88wHcSaqtj+d7Ij2R37f9xr(S#NZXiFCB~@}$FJDN>7FXwMVp3m_;4KHXx&!3rr7<9_@IB+cRTns4f_Bl z>=4j^@<{N{Nyg$Ck!kUW`fn=i39pz&#Z4_?YA2umJCUN;(?3&Vqn@^Hvtt&9(l{~9 zw7-O(4xv-XJOfD>DedA){?5<$Uz2@32G6dgFD`cPshj~e&Jinfn>sI*>(CCt`E-!k zUDu)z7Yz^V@;@A!!=n{coPjUzZhC<+pz{#o#@^A#1%CAI$gi&I(XRfb%C9Vr_w7xke-TO|q*(aR?B=j2KL(uMe=y})ol8O8!b z*+opaYTQAf2};op_vD({i1o&}Yj;PN!aMVgR>V-h1dna!L6{?+%R@hC;_G($C@?rU zP2@3KYDZzw3TgV5p+BFW6cohkg9R(aSL2T-FCrDAmH6WKKS?dj-#|9*zP_Q9dRM@KgJU zk>i7i(}Vun`2B!$q`n2IEtjY!Rs;K9G;Q}^GW*l#dw4s^(N>3+>%v~=pW1JK8&@l7 zVJ<6Dk;D2s%-yPlR4cHlkG(sYjcP%&nHlfKI6m+TJhYpu&7*j>8;c8G%+2e=>xOx$ zbRke3$UPGJCA<1wZ}s%a+=|_Zoqk%y0X`}*qoV+c&5^AVYWcmqUB6RKL^Y8(-N(d* z2uz~w_Wi31Q5k}R_X`;^NhVznQ~wa9ks(&RRI&|kOa*JmKrzoY98Ny?x#F(BY^9KF zw!EZ)qJJ1MBr>gkBa=tYIS&(V!NOSVW|=iuqk>9o{PMZLvrx8b=gTA1o1#38&vadi z+XFB{6yolfcrxOSjr)VopT%m*FIMCC%iQA!^HD!aY=mhgG1^J&mlLrEAvsjI_Kat80yF=T391qn*>t}A7uBEtS;iMiBU3SJd>De^{*Y>56p)L zpmIH2Ig@`*v~h%7(+Fx9RkXc=}+i~t&fRpJ{Z8KQ&CpuF(>2YxNY{lSEj@}g&4 z$v1`M&g0zZdi^yRy#{r7w-_p8Qu8nMeA*g++2E8XSxpUrURUUPd3y1(~rh7H9oY+=&>-DGuv zJeKz<+P#|mG`L5>`AVXxkBl9+r*z9aorqol@2g2Jx9zwPB^N=N(Yc`^c6S64INY@T zabJAKJe`swb2TJ`8}}0_=`y4AmdzQf+2_S+8S5Pnlqu;c)IAMnL_QA}0-!33ek#s+ zcuAAvN6xV#5I~{=|DV+VUB7rbe?jJt!y;CvM(IrNk9;JEdYeL(k;1W-W%Rr8$z&UR#*ijP|j>Qi3 zkFU4p*nMQtq;Vk#Si$VwVUVk8x>v{p;P+4OOgF-L*vy!H0LLQK`>=_-~qw9>_^!Mfn;HGmch{D_ewf%j7dRTmc9 zPja#woSH}BZG`Qf<5vZ1Ic?_pjRFa-L68|f^ZWjJDi8o%T zxoqLYdd~XlraDeke*5PCX8~@oeWa7WtiAE|&KJ3nxU7|NjpWfw;qQvSElcwUFbWP7 z|ILxz*x;$3O!Br%)jlqPGr)S(Xr?s>K2MQK2^nXX z)5)bkLR9|;8ebYNrE4-88tJxe9boLjGiY%Oe7lBwL3L+q_s;~WZ8Zl#s@@S#roAj8 z7c(y%n)r}aj!oN6v0N6tkH%kSXq|H{B(kUad_G=3t^!&tH{b5J`Cm$FF8^kyp!kEv)?gqM(bC*NDAnxYb(c);dL3Dsi#!YM?ldYi z-^3d<5>$a?Ft=r567$k+3p@8LW{!_I=vp0>wD80;W=%9lIs~+eQu0H|=$y$cr1mzT z*|}tyPpti(10a=^aVqcm+Po0b{ZA43wfN{gkOHrmo(6}pz4S~A#=pAFAHo9zZf^^} zmD=^f<_Xbg4TaU17T2HmIDET4HeFxCv~N>8&g#E(wJAuy>Xekqp+0$bkI$ZD%x6(d zOwG*wCOyr~W{%Q`CJAdw+>VJaT3w?*O4JE2t%X*nnF=a7r2D1aFuwS2@el7Egy{bP zCPCT0vl2NhQg@?G}45gUHY0WX`sw~wzh1=S+?48N`Lj$m)ll8zPvo0 z&gmyMZbU>Z#H=9%mh=mc7SI$ci7@_fFCatxAUPANEZDQ($m&Ojyfbw@)I0BDVwb(p7V z*(!^km+kL<_w}-_LG||LFimkQ^`~l+yW4wkv_|9wMl?Rm_?RV#xYIn(wYA>56HPHd z<~z?5X3H3Y(H?o*S_?bAqY{{eNp26vhx@ztA78p{cgLf-{qaxlpHJssfAx#M{;R(_ zozEYhK3%TMl%i-r)lOGO1(GhH3%K1$PD7QcdL+@<}^VH;^fzD3!)FV z2VC4t;_SlOb*usCxy4CC5OT7RgtG8;z0}rPuiaXR;j{a@5VX6!oG-`2;o92HwSbCNY6I_ASTuy%YD&r7LO==NfD2o1Zrz@PBQE%X;(X$`JPlqv~C4PODb}EGrRk`mdmol zpiFc;%jORcT9ew=4znQ}@Ylse8Y5ixQ!h?tj)%jXr=UTAD!HR@ z8TOrKD9hYkSf`XwZ1rI!)oW`%Yyh16?szlI^FIGkeQ_zQI4BCG_MHj z@tp$U!w!HpiyfI~Klo{qZNvTZrV``bI5Bfw=xU=xpS zq_j%IXBPRL9qLk!`%tSLqnZmqf-Gco&hT|b>pF@(G00fQY}fxu?a zJ=#bh_d)X_7Ur9Irhyu=?hoM=aY50Ixs$u67_kOK7}@5a4+1YClHTEfCU{V|Qp~N? zAv|&f;SFH};|OCSL{*K@336d+)`>>sDiMiriUCn9SR{Zzq9U;D6-yrcOB6l06|DF1 zC5f1LUCXkpt#<&!B9e1*q7+k%qX7sSX$aqk*SqZicK43O2}hkh3zbH-H2OHYEDI25 zcOM6x$EihLtb@%)^cV&+x*_Zal~<>iad9;0%pWh>io;#Vc2!#u0V^XW9D zDC9&QMZS3Z@Wp3uQwlGq%isRyx7W2y8I{@CL6Bk83I~MtI$Oqaf@XTF)vTu&&}D(! z)|z!p(#OCM>hMmuZ!x(;1^;`WKn1|J%mzlI2w{P#GOSC4cLs&+zNw7k4iCT8{<@w=^KTAq zda2djQwrb&{ip$WyuW*O0K*%E^#L=vdFu^%>Z-DpibKZSFW0rBLUg)2-rO9fTHED% zeYicE*|M&}0!vdMeW;%2c>+ZQe|Whrt+f%G<%gCaC=-HNL8?ptZ@ewgORySsOfZw`6-&F}wkI-h^>?ky^_5M--$ zOtMD^T?Kywd@!goS|8!&cn%JzTbKrw%Z1s@YisTf-~;D&454>7qZE>`!U(>b*V=?R zY6wAgNfoI|ZDmJGjG2e6$Z#4UcW=nDV7Bi3I!!enU5S&Mv6;K|)=t-pnTg8raCrCl z(5zqAZP_-EDMHZN>Q?LVW@3?28w&>wBlu!Zwe(@@S!q{)x%*bjPWYtP7`RuW;J~k( zFkeC`jKFnJ&YByD3?c%DfRsWh6%`{88DXxy%issv>+XBSR57n%!cb@^hS4GLprMZ3 zbTqUf3?30CyC@-EjoqC{Rh=0VT^{j{6haUg&E9JRP)i5e7*vrsfzBJOOfy3uCN93w z$l-8v7-NjBib+M=m1fO)N8Pf|TJbB>;Peu7r&wU4?FWNs&j~TJAfoe}+^Ka_^%MiK zoG(}C49xnvb|L~qS4w9dF_G7`;6TLlZQb_MlSCw{e)#l)xO)*PwVU%RT1t1B<^ym?a7A(mQ%b_J)h7Hi8aNF>+!;h?b1OARn&v4d4=lagoU<@@ zCuac~?e48L7P4;EjF@Y;5L8q|l|?m#3}@?cHnJ0I5N67WSY#q^ZcooIe|~ySDb(Kc zlvpJ&*Jf7x)+<%cDK@iGJLo>GS!?czr!;pP%0OWTpHoFap%)Qh>SmW^<53<->#ZU% z1FmHIefd)WSVY0aRHxP(+=!iNt99^Yg;R_}myBT+!>HwcfY2g2o+V1mjRun4OrEIVU9|bkv}*V?X|M*EF=7=GY54CMVxYlVQ5j z0B?_-D1ssehzsVVP<;>)3&#+O3S;*j+F`1t;>c#31cEAF16DuKi!4gx+Bw(QL^BO zh8eZ0Jbii*;rruFEd??4?EHss-;>i?>S3OlMKna^aY4AZ-fK6fo>N@5q3oQeL$_YL z6Pd8Y6k}rSd7N$Ct^Hiw(!<@|oTqQ!zxU#YdA?lNlrRw#^WM$ol-|90^K!nNu1gHD zHB%uWD%M}ltJ!zLe7Y>)x;RnLa9IobQZNjis5a~7F$G~Rtr@(zVj}XJm|AP4R&}`6 zkOmGRwo+Sn5yiC1oy>eML~)39GiM?rYUV70s7fYUOG6MT(Kxo8gq77IZspNBj|%TE zaB=)cAmoh6du%?~y8YwVfBNUY{?+@ZPqo#c z3af+jby>F(RpEn4PB~2wk1;{EE3d{-;3SZ_h(wJQQF87P;sFuzPA*R5ZoPYJEvKZ= zQtVY14fj*WKy1pBFt25035kiw0aa=k6uTeqnm*DV1UOoXh=Z%$x_OAf%%>@<$ldYi zZd<8NbbCC+G1=!3LbslJ0{;s$t6FPQ7>FB-E*07jinx6Y7=_lu6v_<$OJzmv!A9Zf`%kf2g&pN+GL_h7rHK zwwgcwT$T;jhX|M2Rm9w^SqC?4oHJ0q;`>nRjy2qS1sQ2A3py@0R}o0sI(0W;W~+mU z(OMT_5h=Cd4f^nCadSsnHs;~AHBevNT_yPIt!gezBHVhtwsp!$qb|LC^YjsK77g%q zE3|n~t*w9e^b%rFk!c!n*VnZ$^Jt6qa>aIOem4_Q=8;Hf4S`=yG-Pi$R7C}#n23ys z31((lONo0zJY)vjR<^CYj{5)!j#AqyZX2jBRYZ88gk}z%M(>qIZ@`3T05>@6cQYba zRbej8p?CznhnQ>YTdf0RVA)DBa}5z4ripa3b=?3LVQ7r|HUHR^b&TQ-GBZXw3cGIB zJqUsk21WRW1L*_Xg-~C)69Ii|Ub(9_0 zu4opmTkDOSQVdab$E^{PI=Ufq8&841*PdeW&3T$qc6V`!8t8i}>Y&%7My$Pe>+m}q zZ92+ChC#B80hS0cmr_$ufFiY(QcG=R-L{v@B}TowyAc%@(GX786_G+q|)N3!n=d=gxG-u0Hwnw0pOHV#4*A|ts9cmf-3E58~i2MCsR(avBFmTQ3LSt z(+Ql7F##ch!6klupyPXBO_Q0~`YRK~)i>F*rZAkKYHe3C_(pnP>-0o%ach z4LX+7ZoLAQn(jgf5dobFvj!0o@~9G2zWwfFtu=%&5c;>)n8&QLw*Jb? zqQPH5GS~3qZ@q)6+K1s1@7_A#2!;lU%dV7bUr_y&b{{(Bd88Iz%jtw$AhDA#{`d=yE*d0 zd6*ZGk23)tP<;^c0T}xTdy*YphCc*sA_2If77*szYB$euu*tVlOKFGsAS8IZQ%VLq zniR~sQRiX$HGEU>Uf`)MA~fQ7M+1Ow(nf=Xkvm!@1Z9lP(0aqcxb3_ba+e`|gOWjk z0S67e_13x*!QIGrU)S0&u4FI;SWty`M+>JintWg^KJI#A+Da+4tfljz?R?Np*Cn6AZUrBio zhv3jiDK4dk5K@ZUR!glIP>;(U1~?ca@D6qD7sTsl?-t12_ZKl99Z;QhU1N;sfJ+&nfoa(GIyA?*&P>K2-a{K^4=C z6yub0Ykk{FfdiX6+zx7M(Bv>Pu5Wm6`u>lxN+W-1bcw$@P%qMsSgH2?ko^xvvz zPHF5t->+vU7A{-GDLM3;!mp_R0N3y=(O8&`F}IsLf$xpmE(R1ZxX-ZeeQ*_aEj-#y zRc%<~y_?x_o?-~Yh+w}*MPw zAq3ngsL_bv-q5ggm{~<@YvfL3TPY&cdR@1T$jy7H6)COGB&y9E)tIUpR76OBah~%O zL?PP>8fxpUb&$n<6h`uj#G{-YI|%(4k%&M=jjvDSED}Sov7JXNG4KEfo@k?f`auKG zTMw!`C&9+WJLohxsrJ#_epzB$QzAkXyPzU@n5TgmB*B&uJt#4L?@EinXl^6fO& zQeIA{^W~yM>_)vu5%`otWL(Uun}on3xNTF6ePo-95Tg}0>o|!pf$270uJ05b&?@B> z8~8y3kkU|G0A#7HoiCSv_~Rd6PL~ig=j2YMww%(#{oUik!_7R$7~Q;-8Z^MzXRoV> z7)67RS+2FsX+9%}P!QjVu1q0gTyx0qhqn z6XfY1o}QmRJrnbGG+^%UaY{pPoK$HUEGBDWtk0K|;M>&x{zZ1nfJJje;; zgouo82I)T@K0q=Q&A{hSzUWYzdH8`#RW}=1PNQLfy}_887|PZ?scmm>i3orAgNY5n zC%V6m)Op{kEn}3gikUN}c{aKXCmx+}fk!rq9VVC!qtJi%*_-pSUakuCM{f!qXjv#;MhtnY)UnFw%yYWgkBe;TAKi^5{d!XjiA8J7q$` zCS8{0x4-}T!_!lDLqw_I85*gob+_KV3bE2EW+*&WCbn~1d4h{yfqP4BmyW3+>sjZhu-Me)(0H0pYplLvNzLkpF6$vw7 z-@z6VC+Chyjn)^7N|;lOt+fV6CUO*k*aZL*Lhs&M#hrmu4wv{^29kbyRx)%pJum|c!tvC0YLJ$dnD!Vy%-+OLy zXLHygD^UZiBCISpltC^ENPTj1A+D{;PiA%NRz)}lWrug+=n%VkaL}YU23S^kZ{5AZ zVkid9Id^N~rmC&?d75KNmt{F$)(|yM(pq1ZE$5U%lpu)15E61yRyW!!b%{Zu#uU@e zwgi@AFdZ6T6+4GrdcrKsPK5GEV?<&a69ozeL1MZN{EP5(|%u)nE{4jCcIE{uXT*2umMEt>j0j_K^c5(B+#D3aSMtUW zKZj{*z2}rfB&v>e;-2j_Nt1S6#)+BZYnBi#5wlw;YI@$4Q@t6H26Fs zrIu~mYN>OK)LLLw=30uP3O`?~+fu7eIZsoF355(fr9F^~nXPwX1dcL>bwNX|6{C85 zbAZ8aj=Ker9{5)=#vg$wMD(ZcK7RakN-3~vGjm`Bt!=fc>fPO~keK;lf=@EIp8ncJ zU}iGr0sC)m=C?ODMAUW`7I>Lp1+m%@d*Iw=t#%X5_Mq zGi-OwCvy3LpqvNLg^PQLbcqtWvOe;F320(YnRhG$|8eUkLkP~bb|PbD`##sqe9wy@ z+&v@q?ng)K_dGf$vfj-avP8}7`E(Ne0OIDIcW+tTmDnff+(c!{ib?p8QMh;OK{bR> zYCYtvqA%x5815g$#3_dTfg_J4_-@k-sE7lSE(VsNs;JaaAOh)D)u8U;@OpPxvM?hm zm04aNmlKJEDaY6MZa-1v@6Dm(nE*^BqKD~r-L~tp;y~+WF({4xus0{{4tpIR?Ys`0 z#&~FEM#MT;#}#a6s2^vVrUPIf>gNU+3r5w}gdinHx zIxp8{+b+wtmcq>QG{+c22qg06@!{d_Zl1CZ0C{jxfF$Bx-hsZq_$=$%cNk9gO+kci z&%P}H03ZNKL_t)AM`kv#v(dA07~X1o$MXG@l^E*e;l(_8=NSHK#Cp z_HINK+dqUTd)OitBJLyzA#8LSYUV=B1V`1*M6l2_>zG6n_tq$-%Xt=Iji zl)i0f3&&<~Z>=?=6k~;Rfbex$@VZNDg6LNAjsOG^ClBjZVhrXUSXytTkJCX_tec1w z>!4(8wP5$6jzK7iyD!@sH0-;y?IdX>ChN#;<<>iQ9@RkYu6XDRriw&;S+}4XV~nau zAXZ@`+DZwkAW^NQ#-JfYb6eIer4c9yl^7GHDc06|Gh-JP=vIZrooe^t$TGU^A3x(- zs}rf}R`w*9-NhVl7V{rOhtyilyDIW}NJOWU|NP-8=M+M;X5P$o)FSAoNp@z~a26p4 zcQZ!ZLwL5`2bn}g+=gOfpnZGQf*b&H>aC&j!_=FGzX}2lE3}v_oFoG1=RqSeL7F`g zn*oLS>1SJu(`XAja&1N8u6pdf3yTVMYkh5F287!{_!Wu4$O!+Y*2c^!26T*L3e?@n z@u<(xn|(Wgh=($`fuaIHoak z9G>_7S^;C&{lf=RO4)&Y=-}C%pvb9+sU9QUacaW}8~eou#K@o=^wtzXHUz9!wo+=X zZZ@R^JTnEkoG-ymiG{o`%kRH^f4VN!?2jKl#*`l4JjR?Ps1vj5@#f}NUwt)ClarS+ zEWnrueU!VKTiTy95KB=ZA9n-VA>W~BBTq4gpym!v!pE1>PZxK$7T?miS0oQ{|xel(G*2Ed{O6XCI39YJqQq=@o0 zL;h6n)><&Yi2$V2bEzb$|GHvo=>ON`&Mc95W&;QWGBSb%T4W%N?nX)VRCRUI zppV>p&pGa9hK0J{h>S?wMM-7lt4GdpVy3F53X#%acNu9da#jx#GsWD46nj|@7GtiJ zh=e64bsU^b(YiAP4H!aI-MmGEG7;zjF*BnaiJ$=Y2w2;ip|NDD90F4Jau`TE^2zWVa>=g*GwLw{U= zrKF=5)CKWUYs)!tX9+?-9a_780C?Kzi(ZvUN;*6_1n4!!W?Qokhxu6&69jr3aPJ2? zSToBxFWyee^7`GooXh8*y~rhb#PN7Cqm)QhDU&eo_q)%ZKecAdx_SMuhCAGYRZ~dyekb0A7f@4++qR=PJFDks&wY%XEZAvx|Gh0_16$ve^5p}8XTI=xJ;i0=DCdT1LM5?-;s)v_Sh@#cD za#N{*7*Ik)1YSg6Ftl`X=FBDbp$q2olyjfHPzTCGBqD3iQFU_~=#&7Kc|^B|v*wKrOCKeSn-d32rp&{l zp#(#o5-T&42bAIoH8Luoi1RF|nmhC-5Q~RC1*dS3KrR@XfS*NlXkFb|cEda|&FthI6%2K>ZaAR@={ z%86-RE4pg@zf>h9iE!&O-`H)o9=^_vg%KT4m$rJv+&u;3Atb>#8rQmSOkmj7ThogCbD>D?Fqu}mVUuVKJx-=lp7e8zP zu>8;c_9(?rYJ16ft*zvIreb+qSMN`cZi6*05ALf%#>D4Z1Nddm*^HLOKaE>@cXun? z6$_fu0LIRzeFxPdVni9>$@kL4+y#?9W1NvG9u5!6Qs;S{XN{1E)ofYUKYsVafB5@< zQs&=$`65%WwTE}_?$`DHaLT3Z_WS+CKId|Mb)~AcHR$n)VxEu8OhL_Tn#%dlhg&c) zMfdFum|wYjHEY%fY(S3R-aq{D>+fE_d3$+zfn2q~T*@a0)9w93T~~N1Kpuk2p%%*8l)p=PVtOvaVkqo$Oytm%24>li_SrTd1M(fg*xV6?U$BZy@kbwYfAbebF z1{qG-+ht{g7P800 JyH@|%T^yz+^;5imS5E2kY zgbtzU#~%!DCDrO3i&o*at~hycIbnTwjF1^Uzq?b!JkQi=4j;+Z@^CsKHJO6e9=OxL zXj#{0M#OiAhX_)Y%`_d3M+oiu{lv_@{tjzELlr|o7?2eaL?RshXzt81mC`pOMIE+% zT?x}q436++UFQhU?xR%w_<_8B^A>C^{t+7?LHP!Mg{6>O{ufI+?|?gx3lD)^(#UYb#496=^{pj43#^s(Ju&O7>{FCAZLP_ruF`N0hr~D5-EzATEOXlk9|fU%(Mi@g@;X zX>3ZuwTo7#wi*$rgE0?w{>}UGH0ov=d3K2400@G&KtpyF2~dS>h(KjZnde(e!D%L=1%8|%*#^yQu%n1ENfNa~kP?W5ATb0g?9pQO8|*jWmQ4TTA`k3MNQ zjNuY#X3-j$7g(wK;ESrohicdGFh{I=CmDi>S|w&pvfpoCy?OiW(c{maKe^oR{^LLV z_V(`K@$+Yot}e4G1&PS7zWn?+&)>d$^}FBy5t_6=|IN>*QgG1=OHS$b{_y>)_1)dw z<8&PqL+{P*Q7zV5H7P}JdCsLB6P@ZJy{aZ0+I@ak6@RAa`+4FIKiWn11iQ27hz1H= zEW_Tv=A;qfZo~{bFBx1kidGMAwW0kW3Qd|NMNn(j?R#Eehxkl!JmJpc- zai~b-6kQ|DL|wax)=*e-k`!^a_5J7*Oq{Z;4Q>*`!XzZb5knv5!Aw~b3?x-#Tpk^) zjR2XTZ~;SGA3;trMvVIu#rRjj6wA6`l|q2z5k97%n8nO%o6+|yi+7bgg)ooIWIU-D zR=depC+f3JA__QMRWY}$BAT>D4Pw+B_(AgHmcY%3f`!3@kNTKZghSjb1;e)AEtDiI z)>fI3f7Npmh{)PnYlAr*zO#&<1)(siVIFDi<`!N27Z~p-C6CsH+^qJ=^#1(;=OBI< zhj?w3$21D`sR23_o(U0Wd_{x>n6(EJ1<|}LBGSXcKIxH!d9_A{W18H;2b!X)OyS<@ zx_0Xd=6N~wS|{hzd?F%>U=eQ?k<1L0R<#BaU!+&AeLwdipD=q$XDWw#t)NL;Ys<0( z3?ke*H4IZf5@K4GbtFvnWkV3cLQyd82>_+4dS>*@4CVTmxAsqaq|@m*s$S`em+l78 zq6?Y_&r4@xekNvU93v&TAnlT_(Jckm`SkMTn}@^UKmX;IwN|tCiznBM`D|9E{qx5+ zo9$L}x&zIyfc?YrkMo~*U9z$KGgGv;{p`Yn+>y1s-JQUtmNa(DP0nHvmb&s8Jj#UDKr zcjvCX4(!TsZ{7thEV8T%$^~W+-(41bcbXw!CCJdxWVW`}h7t35nQch(!(mJ$>$)!M zO2jFroKtw18-9Bx5+bOET5BGjG>I^@wrEC5&TBIie2_2=1$?ixI)+A^R3LjB{MeZ3 zYEU!x68Y1chAG^QoKTcIxm!21RgrM1wGmuaiO(j3M4U9W7AksL!9tTevc27fVX0z^ek&AVsxXh0^CQA{ z@G;SD<~^X}r@F=@P7}VK zB8&*`e@H^bT};HccMl@m-*x&C+Tv!L&1CKxZ069R;UW;`5T>AG8G0z8PN@?f0Cn5+Syl>ts=do zg0KWwxr(&m&7d<(s#+R~Hw5^7F4gd;a`)fA~6_UOajH^DjQr5mY}- z`P-K-@9yreE_Td>go>QhJ=VIuJDig0RHm!T9URgz%MpQoTXe`f!P0m69(B(VkkZzG z8FmMGP^bbG#)x4Nks-RH3=4;kKmE)kfYalsQMh^arYu0gn%4+Qxvz6g8ZDBh@W$O7 z0z3(XQmWmt1%4h3DJ=e2W&J4)2f2HJkPnJ&cg64~v2bq%6Zqns5=!B7W$T|NgYd|- zATke8$*M6jAd{x9>>Pq-5oDr635|(2jC=QEl9_`^MYZ>@t|F>=Y3ry(2rn!p!D@Do zer(~eNzyHo-Gc~oZxPYll4`+-9>B3Na)&8oW`TMhk%SbT-$^L_G3(hJs4%M6PdOMS zR!ziAt>MN3tLVchhB2tYg9gI3=JSgq3YwS4;@n2q4ymk~<~g zr0cp))5is$Fr}P2%n(GxlKb#eP^dB}t#w@pg9j?^hJghYqHqx^jEUZ6Mk;F7I_J$j za*WAGVTTt^NnvViL}A`?O3lt$KM;FJ1l$RT!Y~&V5w$z^ba#<(Z_a1?KS--^_eVsK zhp{mWJevC6CRJV6Wtipv=u=9TN$>?9t{iCTDAM+vamKY4)&nUW@`~Y|LUt3&!4|~{Tf>H-F8C}u=3b%w{Got zJXx!|?dEVej5hn@f)8}$xRcac6A@9Naau=@kI<-Imil-`_t-&YDsLZ8p<9&p*6; zr6O0CXEMFJGp(&fATgkS&PTs}pm)bF@X<4gKB7G?mvAf_{E5QvC*4cZa8GcVBpOZz zu`S6X$W581DVw`_aO!ce!E~|PAWO2YOPAp@Nm6UpsYa)q)QqfEPATc26o@@6t1RmZ z7g1J@-rj)C=pr|4SZp{<&X_@?jAg)s%UwWl%}kZe1w@oP}-eU2qrU_RwpL#IVC3yAAdN3gUT2` z4!$&E5(C1>N&Dz|QbHpU!P1>7+a+;5Ka z@p`{~bh*1fEwAqmC8y0)t}ZX~G_~NvyteSW`}^AJi>FVf%|sF6Z0C`)2qH;L5j5;B zU^$=06-n-$uMRqwo{Wc&Vi0QsRm+Df#2wnYI7?FqSGlkdS8Jk41ovmCvWI!Iob%(y z*B86(&DHgn&!6R#TeH9T^)J78_Uw2%y?*=d_WpjEmv^^!|NQ$uYLZ|7{EO`-zkKs{ zGfn3Ha5x=~r^k=3Jz`##)|$KRcN>5p812J@Z3dS!I3p=a3P+ecOLP+p2Vx887TX5u z6_ox8L$vVVAP#_dBBY`|7_bjNNu?`YF!)Zf)|yCh2=_*WFmq_}2c zFZ@;zAf&9!LPFk$E6}TGKLMDS8GwrjTu(gMF~!3~0xeB2N2pHWf#DqK6=LAv81Iuv zpjDHc_{;#HOTpC{gJk}67>S4={R@ODunLV{>3K>od zXEc`(@KZn8v$FOfUpggn0l~l~$`csc_cZQ78qIaC&Kqixq|zB(o^r`T~1u2gjqVs~|0_<)lQ|aep{~k)r3FTr$AeKUeBN)DcB5Yo#Qa-H4naM01 zK9U{6!_O7CG|>C0K2jt;@JNwV3D_rh@gYZqmW-=YRpw=li0!6~(6?Z7e5I(uEb02{ z`cHrTo1cC5+5htQ|M=H`^_PG97k~cb`g*PFTGud3NyzPZI=*`S`j6j!dpz8$N-C+D zHEY}p_n**}VUZB1YI7E0rj%7h5eTTTRUo3#A^@}nWRS)R6PAH$^SOlTqD0iD!z#C~ zYXq@K&Y8Mjq*$|D(&S~o-{z8-f|PC` zM_`l2=@$?ujBDe(B_*eX#q#M%osxw6fGvd?2_fMTGOWHKIAw~UNIlLB7?l$TOZ3Z+ zn2FccM0iuqdBDB@OhtKUH&{4HG8O5Tk+8TWoZ(y&5A}I%?aUYTlf--X1t4aZi(z~= z2{DzNd$nj@a-yyjS3(=ZRHg!0r#DFBZ+X9YDK*kiZ>bL?kRao*o)htS|2=9846-?A_sk-Ax$A zL4z@fKp)#@uchNb9)y5_-UgpvPHzkWknv9iHQ*Hx`@lvbM45sN+E-x~w&ubyWyKOT z=QbFC7^kX?gO^~~(w|ZnPo8aLnJ8dHp9HeYNi){GcPBJDTN>n~Q_%iX(JQ=XeuYd?Jd+9NJ6 z_T1&D!4xTVeU2(BhcVrY85KGUH%R-4dH;30{3*toAr9eYrrMQj)aUp^_!Cv>31=o|bGy3SN5s3kyTjr1q>@p%7msI9)ceHU&&`}`SE zBoPsMcsLx7GYcwB49h`V?XCq@UzM8GQ4TE|h= zg9}ASS=Ld3beVeU6gSRP78=zakQW?@A3YM@lu1-PyxT&I(WCM2I|f7DI*h=85mQe2 z%sIqJ2S0y%_h6t2V*tFF!+4E}oeUMdXgB7@ZiAksSM3I}t|rznIOdDIPu5Zvwg`)s zQj#PhGHQ+UKBkBs0-H;A^TX-1)^#&YOoS}CPp{t|k7DjgMUyi1QXdUde<;G-b?W`9 zj=(7C$KMW}y0A>sw5}B*-OXn5KH^8(ucco5q$F@uVItTR3-P98NV9!RR17+Yx@exo zy}dtP`^zI{4i6d8oxMnpLGTe_^v^wx%M-&;Oc;#w2vk>3n>jmkR!Ikfd=gM^rNw zteKyGJoj2q2sko9^agWMg6abM90PluDH1_v-pn@B6wz%Q@oU;pC7~IZa`F!E^`GkD zJ!*rclysI4eM(%42nQvRvPt-sIpwvPCS_INWT8qyPp>Y1^NXK<`TWV(FJEuJ{()-y z>hsS}?&)xRc=h(1@4tU{IEw0K%BtvUI``5^u!zjc45dWS5L9u;t-E6>Y=VL~h>0~= zIC#I?m9n|IxY%uWfBfUW{@efTZ=c^h``Kro9gc@uSK%m0YF$qAp(ua--8U&I<|m1K zDg!$_pHsaw2fp|dOGJoUtAO(v(*JSN^*z!f4p7y>M8B)%V5O%bgt>DOGzqP%pJ`Yz z4)YdbVr2YrE_u7%Jb(7&FaPvczy19m{{A0+dwqTN_~zy`F9WC4i_42{kmBzdVHtXN z6m77z1|US_(6dHA^t(47_`_yR-#5uYu=M=ogVLwx9nrn1%=?ue1^$O0-49Wyi$#Jw5o^@>Q&T|Ms*$WcUuGJ=+(nK=|7L?jW>e=A{a z(Z`x;q$4nsFl|b%)|faYFt@$6!%j@ZG(5bSNl47yt;r`AOs%exlB%{aRdFIt96{Bc zRauk9_(PeAxrjDv6p=F~CdYwFXq`G1Zsu4FF(CbZ?Q|Y{Oi(a!*Ak2Yryx?6aX4`w zsfQ)J_Ffvdl}Lsp0E+<{8x=^y9UON!5rgcC9uF^UbXLp!)XB;sg9`3ep%E6H@bB&= zp`xWn7WTujf2(nDnVSlq-+P3sCbJ&w0IG0oLlWWIOoVgJZ8&?PAHdOG>xyHnwpB%h zQxH=}pn7`-0TK?PlJj944a9_dnK2>OLx;LM5GWqv@vxn0`}kIE&uz_K2uv3di3eEgLgtpsgr~az_M2n5tRHf-**!MbYGv z4-@M5Cn|$J)c_F$tfadMX|46|{{A2T-T(d{zI^fQtIuEj%h%rq>Q+EpPr$$0$kw+iqBywlhP^FY)RI^wGoQT|F zp6l(ygPW5RdwBEf{eDx5GuPJ2R4CYtoVb(?nh$qZ%_2k*1}YozS=>6>t@7yd;?>)? z-@kgjuIuSEU+i}|C%1r99w%GE#fiFRnhKBkGgPz`Y@pd4*tHOIh}W*r#oHm+PwQ|W zJAbB9nBnZ!jqOrG+2<4i>z;6T^K-c=%t=$T2o$D+k*Tfq04$<#B*pZ2^Ybt$5jk4~ zD|Z4N5>SX5ak>$6&MKm~gyd{R8cfWoUxYZ}k?0gOGCMqCUe@3_heOU41o6rs_lS$oazVaQNZRFb~d>J%A%|8C5jQ)!4!6FGap zp&)*LNB&e#fK}J`ME^QIe?|s^Gm|FKq4>i0LX84~8)qnxhTV3;m*FTB;TXK|c*5sR z*biTi?u{iqU#3@bCFiv@70G%AP|3_v5;%gzfDn34BN#BV?Pj7F0=bdoB3%#G|CjhF z063WQwBaBt9<6#rnq)7sy}Y=ynC7-fe*Wy){XE|-_1)=odzzcOs_wU&?QXZ*Z$%h> zQg*Xi*I)hemt79t?A`6{?fq?Q zwIr!^o|og@{atG{XC-oq2xT;=W-c@~);MO-#WgreC1Fg|4Ckm1j*&c?z)`&dGW4#N zou*Q26SNA}b=wG|Xk(5urv&UUOP@dm_A(ko_3$#~=esBS-F9A93jXyke?CpqRC2BD z982WG$qtJxE8>#`3zCIXPN*cz9a97}a?0_xapEFOcQf^uf`jl3#pVDeLD{~n?uY_( zOcs6gDLHk?%78KZS{kn#;}AikvJ|!OaO+6(dCPea%emtv8sdcBA#}&pG-VnF=WDIu zrXo{H7CtaD;ZZKTd(N6fS$b|15%+LtGi6RW1xy}^sGDjtf;gB+nSpO<(!vSPd7fuf zjerb4eIRpdrIfsxR3xb+L3DyEvkjk0#+Crh}xRPloTXcB5j`5)=r3_A=iK%BbC}1ELmC}RikdPG-0maUk zh2x;;0&yJx*^fV)X#%kcQNEjtDkx|lUk-O#$B{cC`Ecq&V&op~mUdHs5{Dj@d+mi< z9BPM>lwsb`{fkJ2r;#H;95zlP7)r(yeS!D z29q!X#U(hUWY)kNjag48ip`Wi_3gdf@5U|TJ!&m=84@~;)~q!vrAY7bLYOmD8sY1* zOsXYoGfR1T@$~8EFP={&J5e*+OnI{@&z?P2P0e6{A-GLO# z@RW|H)3U74=$z)$b}Hm9OjAx$67Y5hSfL8jCmwR#3cq+JW=@(sV5}E2Y*{0es8&m= zyKRP?jDsk}?ft{DtU0CKb_?W;nN_)YcUA8E0f=9fQZh_*s88vfqd6UabxvBFn_1Gd z+irZgQ`TmiX@^uVdyMO1p9I!7I)v2=|lJ@B2;^pSs-XKr-*13p0e;J znQ~5;of)VjoBLuF;_5eV-_>PhC-ShmZl_5^nnzwsDn)Z9Rk7HXLPQ+C-)&W}w;Lol zjbWN6>$0NDjflJZhj(vpgW?Z=_}Bf#9voL)+jhH|mzDp=|M`DXk?YHgspQTfAS^4G zSt+EoNIHpV5Dn89udPCw->Ic=v&tB)814aQ3k6s^DK$e$M?}rqS}U9`-~dh$?iS%w$>!ls9_08g#C_aW1jq?E z=q?!bKoeP8W4O&=3t>h_)og_F<^(W)Ue`q7kyFAe?B?WGzAEl*y&;VRt zUWve?iA&D4R>BS!!Q(=lnR|B(5aDHAg9y$fYi&%l-)+~m#>ku=9tq?TZasPyjg}9* z4J`vPXVpOtaZ*`p>&0JZ3<=o4Xcam%=mSrJ%yqNr0oa%X#aZF*c#zJC4c&6{~XZa3xG z&DFZjcMo@W5BKZ3BnAE*=Tz)8%vieaf;#_$t_v+R%8Q&7mc7top4rHA1MuY0bp*lP z3p+O=5F?K_a`x5jyD7Xj@VzuHz*IoBIirJ|7Q@?J3NNJL0-Ch>qeYV;dO$z)mCy2igP{`4?fd-9m#}Ti_rjF zZ8qE`MqP~I#LVKv=42i@XY^VPe(*v*Sh6mZ2jJoX@7HkzMM)V~nz?sNUqJ%2XoB>% zCvb@{QrG}}(FfRhS8Ot;gkg{IHv0(KnX-o~Zf|L<$Gb8!y}i4?y}Ms)>(!4iiw1FM z5lt*QZ8oKpoKqSNz;3@6W@T0)WpX#BNW$TUuqqkx_UG!k)>@kpMM9FRyJM$oAF;(3 zr!gc(J=voh)C@}8nQ;XKq`S4VBDm#LWL;}(jfuBYS=NeH zqgI##_4}*CUJf?86I`f+&Eum6;QI1{2&GaYW)ENC7tX{iNqZ*&kU)p~O0zbVg2=6P ztt>LUu^AH(7|zaFee5zKDkWh=wdY_Ec^k1p-IYs3J_Jx0vWN4Ozly*`5F4C@H6@UH z6)8U$EcD*+!wqxPdE(ZkuvoDlFogXITh{(^{!#VPuPNm5iGs1w}dJOPE%-rQ@m(`l~FmStU* z71^4*?G{^4M5ayIZZk+_ON|2HlWdSB)dq17j% z=6*PyMm~&52Wa}`AR|tjs80{`*xTG|w+{N4nVerM!Erdy(5`EJ^Y-oS-TgEb;@Ivs zOI_VPm!wIiQZ6p`!t5UNX?gSJ_J{9ZS!?sdX}{gzJaG@rDVIW`nsb>pxs(^rpKrHY z5WVh3?vRRQ&6JkaeO#QvOsqL+&mX|)rYbB>O;lr;Osl>pQep5CA?*`He67aB?s2$3 znmLCE>u$40&@_0~AUChnxkW**zexoZ1~wQ6my#nAkrUBcS2Gu7)tpolu{kBpEZVvd zP}_SUM}M(4xNjnYVil8WwY7Dvf#7BHlv3_qF7Qy(>|ti56bK&f9u7ECiF*tr7SCX` zh>3GfbzS`vai=hA>3-hFd8UZk+U3Q?R7y~^)da8(Gy+W{q6f5#ID5*& z(hffxLmHCGl!6#aIu)J@JSU>$6c~|%DGbr3+s9gTdN)KlybFJUEHe#+yWj2}eI+20 z!~1B*xMt7@VQvP$aq45`KkCc3n=MYOh+v`pZU<4vS}Sn7hvRWxs;W%8$=xq@yPj4< z%+g1BpvD9LOvK%~Ysg<@NGehHM8u{$eh@`mUg!WFdmUC_bv%}Ov-aMfj)I6cC69s= zH}qHnK_w^Y{xE#5jojn3tVI0u=4LY$H@|aNk;IhfCq9wNl#>%(P_zgOPdSlDbvGCa z^+Pk7Ipsc7x7{#N2#cz~QU0tY#qV|=jY7R{9u3W-h^8FGX1Ysl1+f6C^ z?dIaW@B5tfGl!3E%HG#B5`53e^?m82Sj>OvTI~RTg1oo=V@# zuvH=WHzY!<91yt$dACLGIP^4?v9`r~E=Q-udl}bv`j99LRVNmSjF8te`QQ$RZ295M z+t=^ze)!?FsP6aMloE>uNw7#NsgyD;7Z(?g9$kO-`De`3)@q*+1rNs)b6{5ke=!eW z^FuXC+%0H(RcdY)o=AI#AK2qv03$4k5XMY}G0)~6eE0BhI?Z5)lcuDZQ&LGps;QJ* ztYe(y6lDUJ?ktSyHHu)0-DU$p^|G#47yH(%1G>=xsWSl%9M0X&Aia%n*)zn+1Hk(5 zQ>zhsQf2nj+!F%?clX+XRdZhtM{H2g=6%w!E8OrXq&+m|ZmUWZr)3$aUtmIyhoJ@y z#Xr`hxo4=k%vx)^&D5+x?Uv313Cu*4EFxm56|vuFB8fV}rRlvFN<<)BEOQ!ZeeXl} zV(2+P-8IK$9aRmINg~|A~`DzetVi15qWfdb+OxR zN@0d6Vy~HkaKwRC?MD+JXe8tSWst$d69fyx!q}{zEkT@e(Po-1cKcEaiyD!64T_Y~-NQ*la#Cird8{J)?G|eO4?l;)@!@cAc$In(@za~@ z7tfx3{v!A4TG-%bR*|;eNpI^KDPSR7tg}I))vIU6fARX$HSaTc{EL_s&%M%Pk;?eaY+}-yV+hgEIb25vy8nZ@F(ll*0Q!b_ClJjO$gvq@%GsXSaNE6CI>o;px<5R7U zJld2JmIyOD$EUhIBKpVw^!sVrmRxSGulL&>-j^y|o4U{tI=Y+_&}b1s546^LIGx_S zyFDIHIcaNcUF*}E>&uJ%ZoBo6oU>{QVvlacjeQ6tz}#uT4|u^AZfolSLlHKnym0`P zVGWy8<}G7fiHWz95s?Q0Sj9GA;x4=*=I#p0DW#oA$q6AQ%d&oYFm0x(<1x@pp3%@T zR|g@}XZ1 zkwrxHG@pVqb#i5n1yTerH^oT zoCZ`LfU%{vJXF!{jszv`D=Ve`MPCDh1ld8z3#%pUH_U`Wf{^6)ex0}s0O+-?gvr4O8lC-s*j`O-yGjsDt z*O!1W!kxze40-!V1o8UzP8j`8Z$a^j!=uYEDPXfkXFdo2#fe4A2t0~#bI7}+w)OsS z`2D|pbDEcwbi3K)l$phxQp!1%tE;Pi>DViM()^svl9hB()xLg9omCAzeef;Oep zX3+yQ9C}44o55I8j}WGIoSPZ+^qnAO=&$%}vMvZl{HY4~{^6*qIqC6qg1Qp0u5zDI zUTTHw9I!Q*=hY~aj*Fyr(YG8y@Z$|Hi00(($xy@3km zxy9|n>9@c8m*+2@wrX#_`QhEWyJ;$$%`|OZef8xRpTBsvDQXdJL54xq-uAFC2dqJi zn3ARl$o7Ou&P z(dBNt6_E(~ zuUWWE6A;pr^1Q5r&W&n@0~R05P+A-D^%1S1@D*kTVkP0`zP7fk>%-xAnwP7~i~Uv- zVG7)srM8xHG7o57x{7$<`~c?82Nd3&1LBmQ@Wb%|9EXQ_1#DXDsw%(w#aGXtK7Ib| z$ut$sI&I2Q*V8<+@P4fA{F|H8dFacMsoQ?6=#^ zi|0>&@v|?Py*9KXy;jC|i_Ymp8p-6KAZcV~5zHEhXiS%5v8ZNdvUOc+C)qG}h1f+R zuC>Ydm|^-dtoh&vc`BtfGjB|+DQUMXbj;|?>vBP#)_dI^gkk7z9zi9ST4A}3uoxQE zr`X7)W8$^7<7s*Q_T9JNeSdX*U23u)aRcbYd1-YS)#1 zbakChD?p}*2*{QxYHLXqr*_HNn|Xv=Frp&6MAFX^K2>3n7}4nXEk(684-e_Sx}DN# zwJCH>;k7jgMTjEhp2pR=>Tar#aLx`@w4>~+p3lSy`kB|;!BEkk$1)u4NEGfckZOgi>Yc;cl7G~N`lUGE&DEf0@ zH8b?c=yD%&qlYZ-sZGTNQz&a#CH^^_%Zs-re0V%j{-m)@rk6 zcXtP7-fcI#?WVOhmGarMr$77bnWTjE{r2HNMEuFkg?H^{wtgtxgnC3!T`^(jIuWb6 zj__2hbF6u=gs5`N+-x=Pmt|6gGdkdW8Z2wPpFZc)vPz$93&>zVA2Ji>j+eF0YZc*( zi~Z9lkC(MY@MfDf+g)ugsj$fX!~LU2H;*6RxZAom_&pqtCvQf`1>;aC7+YihK=kEOM08&2T1_<*i<6M}-Qn1X zpFMpV9@ZMKY*v#3{deYI;4Wr86OB1(dN|G$eZP1_Gaou7iHM`kLA`@omIWf)d9COE zdB_yc14vx~l5?Jy1rZq~=lFyoz#vU+&4b8kNS;uYx=Jb~wPv;&_3oBD2w80rn28aV`Wnm8Jv<;(D5katkc2rIf>a3!*_28OjE+b$|g`?;8P_0e-x!o^o5t)~z z35zLG$l7-pA%tWY~<&@&gA5srz$SGka>Z6Yl2XmRGXD^f)G^JeY znsT;?`@<=Sr;M;mCtS%as_2v`iAF>-Uu;b&g^RffOUikmrsNTABp|6Kb6QUaRo!m- zyz;!(2!DVlJaJnM09i=jOeE`JxfGpLDbvLh`6}e z!JI&to;-eZJRBopzugQ4!;e1NvzSPjRkOJvi%^+a8AT4#%J#e67oWeF%A~3)`sC&& zX@YVa2aZSF9}cDTIS?p5og=XLHJKYKD<7ltklUFceehd+FMIGj}Vum9v%Pp@|Ebhy6SSErY^5C8PX@BZ7r z{PQPIpEr{4-`*Wh%dfurS*!Mc{oUV9rDTY_2RuPtTS0?_;miFV!s&0nds$oi)h~Z0 zB0u}`1&Bx%N=aqAnK+_CcpBs$7yJE_C(nYYHoLldB&w~ow{PFRdHeR}(WC8t8$$P| zhpUVIG?mkQGIt3QtE=m){caaQ z$J41cS3Q<8k#H%~r1_&ohhrC)4wS4x$)HGT2ovp@UwZyrCodHLqu_pe?ZPN!dd^)t;{raVn0<@9j8w`Qtr*3Gt%?FEn9 z)*7w>oWdQm1J`%=?c&0DS~cMws2n$aP#E0Q;MJYmK`(y`euq7mv{utxFv) zL#Z{3=(QjEXAi89F!!8uN?Kc6n{{-BMY;zM{(*b1OB_Vi3_U7{?3A-vTh^8VB{ZAL z1dIx8mOGf+z)T2k0##|Pp@>5NOK0)@kDDYYf2dFM_x=#C13664(PD8z1ervql3%|) zfZ*P5w<5BvH3kR-Gb}7HB6545Z;xIYtrT3U;2qY#e-Jf`ptZHEX`Dc?$#WuKxy{S+ z^3|K;>9m=$s6K!Cc(<9{{O*l`he#72dMbAuvcX@-fW=xDoliHkEnmHMP$)V25ATf%< zLBDi9&^?@o-5ya`5QpZRQr_)%+wJz^;^OCzZg#ti?dGCP+pDXa!(8Wed3$&3Zom4) zSAYFyzqx;S_?K_K{^vjZ!5z?`gc~EZFuG=v7>Y%tA_injpEd=eDZ-KQ(rdEjnCwMK z-CKn|N(2EvU0z)z)z6+kgRupXh~~F<_n&|M*;ilw?9uhrysR(ZygnQbt+kYMxYcGU ziCbfeBoMxmFelMvtq}pM=H}i>8v)^f1aUaGhPiJxn_k;BUus1{91IM6{KCspMMYTG z+5p!Qt`F{Q803h}ej>*MIuvFml4Y%DY>P#@vpWY7!Z+K0001BWNkl|?wGfk?x+izQI_YY7mrM0!CwvvnY zrl(tS;?PFVgHwf>m!*oZhIQarW0{t$E#=)K+VQl37#2VGH;7 zyN8piOq)W%rIf>IE}JQrA`$q_k)j1S0*Ac0d(<;Y!os`VZtzdu%r7o4BD~c`K}q$v ztWE?plYR2y z{OJ=F`sRmMiEf@;PW%0CZYB@M&8Ga9fAiOu*N+aX?RKyJ*MI+iF3YmpZ2yP<{=fU* z{*Qmp%+^fK)`iR%RbBhWWVHU9Y5MtBpNq)lZoAn`NtIc?`TmD*e|VJ+$K&B}Je}r} zld^<&4D7%Dw}1PaU;OIP&5dgQ{Wo8K{rz{fwq;#!@9v)5-27L6^EdAP?GN97`~43j z6c$d=DmtNX^V%x+>@BC!TMJ80X<4hPBu%hR`ttM7{`xQeY%@*sT5s9aTQ zZXaDeN~+G$+?dGCL?}3hWz$Eek}8|R` z@UTPm)9;u{&Pgth{{6px{_3+YfA-0D_irAbo`e%3gxDk;yTQRWEx|ayXjnO# z!&vzU;HaC{)4CEQA*id zYgaQ9NqrNJeT)Iu)|oJ@Gh#qu9y#qmFf2J7Mv`4vC55IupeYNv#n7r6f|26(1mjr| zv2WRp*RyY}EkrWiY*4($FnYj>V-`dd-2G+>3M8xmZZ6DIF7vt)4vAn@6&4J-idj=_ zYMV#aD8=2uElx-a%<|)NIvAsBuG*u901xm2AzVCTz6;I+=Ln{;5+XXx^DHc|Ey8g` zy7$4kMR%N+3fn{|#%?iD9lqvx9ghsFd-rfqh4_i%5~`gDdpEOymPY{uNOAhNu4*eY zAr3b{bHist7+kJ^uc??-Si^YjoLe@p>Z0|yIjG`?r#)xwb?m)$h+ z<0ufP4~u-~gHA&5v12Xr?>i#c-Z zx>}EGMGX*P3uuFF@oY53afx8paif{T$ocY-zikfTKHAMB>H~$XVg>*}8omhbkWx}r zckJrmG>&5biE|a)EnK{#6dNv+qvj(b7_;(m?s$0G2F;@%}F3Cu3pt3abaMVO9p_P5)!?B{r1_jyV0J(wZri~f{9RQBr8YN7kEuB zIhVZF+Iyd-0^s0K*LA7w_U0%owf3gHOoc@TwFz_}k8VieNBsVm6NU{2gwJnp{^ZM_ zA;9-P+}|GeYi(0WgpiY9PQCZFuJb(ar$PYT6hpHP(7UFT075uto7yB`AVdTM*U%$v z@4NS|X1i%>t#?!+PLcp3#tYo9dVqK!#tw-nK&3zkB%wQW-K;j<2{DFRfZ*y7BAgHe z$G1(;we5B#y<1>g&fd zaq3-bZR^t8TL0+FFEaCdx!gZI?xzXe8#nerFGrN6uluTcI_Std2e|`Vv zci(&i>|cKV8KC|1Z~x_VI!&c;Sa-|F&hRbBhC_hw?hXoSF#ILs#NF?vPhP(G;%aep|M4&W>VNn*|9#o-|BrwF?*Z`kcyqJA zdHZzkO{aaSt)e3ZBRGshX-o!V3;E_X6cWHH3xGwQ`P;n zyB^SpNa(G1vluq;AW*uS8!;OUQ)<&_{jpU&UlstL$`m6`95df>ubFw(4;jF|8A1z@ zN7oMy9y%e80a45c-LIX^D0Y)b5VeDch)B^o#$ZP`JLmZ6Y6kGGK#U$eh>V*EX_%b? zLP`=J+tt;Lh`MQAyAV5o1~`uxCR3(CSR!*@dk_0URdw@}lG;F)9lTpd#FQdxfRM1& z_HhNQ=0tH5;<}C{=k5f!t~DCS#CcNz3L?#$v-@yf;%b1`hw3K^<|} z28QrX?-jjew0YOybaj#B4rvQp@X?MK0PLn+V0$nu0f0#WL&`Z^aRTO#ms4_Ty>G2x zpaAr-9RJ-RFy?+%yY}A09mvdUZSJ0O_ALT-E6*IZY*fBd4c!4StRxKvTiS<@b-*0M z9m{>(Y5)+KNI@}YmgC_tP36yj{>Ptw@)F(W%R-2s|13W(>+imMz4!g|XSe2lo|ng` z)1|h8*v+hU5oTsYQtfcf8Uk$Hrcyu^5Y!-~{2LqgCyo(fhB%4AgL@UidLoRYEb{Wg zUOtHOy$5Lmg+)=p!7*~vQ@mm%462X0GfUKw!4^XVWNE$K+}xCDn&)*l?WSqRl89IU z5v8P{TKIn2J-@l>wS#-_`tb1h>8qEc`*a^C)jMMx2M1LPALqy;im_g8EgHNafyBa6 zz1k*!@J5In5MaMcrmEKW`@@%?%bT|ki2QH=@~@shdxj+EwUWrceD&2_m)ql>2#$wc zt?Pb2O(mNug0rxPEyY+uh{z(y#Afao5@d|)w6;d{E~_Vs9s&&8mFsOX=1Z`31?KKH zO;da`=4*9aXvkzmL z_|#(sZjP4Qiyy=@BFYWZ`psd#yP6!T>c>v#@l1J4>~D{Izz|0b zyCe|~Z|<1$1g1t2{0tac1qikzbIJMf@f5Es=gdqu$HONtpFcc3_1;@+UAqX2gu9XN z_PgVLKb3-nwYJ?fxp@nZ+UxlSV|gG`?VXtl<=dNMO375+ZCxvXm#G|%M?@6nT>Sg{ zH;3aP{C3t_kx+m%`D0QiDqAfhb)2lxS!VAmUVq|{}6TZepe8&Ohwh?#q(!(H;1q+ zK*Gd)m$Kv(*QI#}1l4+T+QIP#j z4J79{Mxz`oxd1?fwoW;H`ttdo{=w(!{&+tB`JesqXRluU-9P>E_U>?+FS|p2I(ygV zW<|K0x*H<6sfDi#dT15_z}-ys?sz!vrqlc}Aq1X3yYcYPCUiH{t9%U+HvtpiMnd)A zrMX*c7N?1tfrrJIBSk=WgclE5%Qy<%d+!`}t($!*!YGNtjb|KB9&ykcjEtjpkL=6= z(GdaD={!HbyCn|Slz=9EDDZ-@8nCv3nYsfD86Z*MCfHgp{NaN8yMOw}SI?h)_vZEg z^Z)*BPFYp&Zf@4Ke*OLH?_R%7oDndwU=W+Y!9!w-h$FddAS#1f4M9?J9&`v|;th8W zy>Vi>R#b6n3ov52;^i^bb$3dnTS*5I97ae^YpsDahh=A63#H_{o8vHnh3kAD0+R@k zbrYBlhSK#^GWRRU$1z8b?it@X$3@*Q97A~uMkyhxY3n0kk3vSxq|B|iYc2#KiOAJ) z2mpw1t*x8NU=fA1u9lpqoDmTT)YK!g3NSo0YHP7P)bx5$Ns>U(q7@4aEO9b5BsBG| z7W~?&WReJg9GrU=*_eYKp5-6ce8B*Y*O^it?HS>`tPT+7%0Xiaz&g&y93w1n8-wW~ z^=qxg-4;sOSiQK-E`4jo@%s2?49{$Fd;r2`GZ*+vwEjs_*Ny{n9H49fjd5+qWyeG@ z0%Asy9NRe>1^{pagDul{J5fG9M$CLyrq+AwJ*5cw8n`}e!Q^Rp14I>T5b^3UvH{o- zO4ua(L7=CUWSENj*g-J(V_<_E0i~1)%6IpVpT2xiYrQNhBQmoBbhBwcg%unpIo=%d zlyfOit1-pxhMQJBeo$Os!PfJurEZ66-+ut6KH-{r4GBG-~rt`dT7I*8t_1@k-yj_;LlyrMMAb=}FG-Yl9 zpY`68Y)GC1!k`ph7e*<=n;(Xd)Wd}t5ON;haTp>;m#b!p=&Gko34#<6s}2Cd#cqS- zqcV(ngfkK5k+R49PAd}4L#$sjgE24piAA!XCO|N?BpgR{%A9lB#(nIYC2=XDeMGXf z-h3pvVQW3^oj8_*AdWap4uW?FV-yaS!Zi!c+;p6@h@oj2P8j1021mpr^R@qvh7Sp+ zQj#Pe1s|Aspe=Ery?lQ6`KPZ!pW|-JS^<1sYwtbhyqii+i3lwW$Uo`|ZVvk)bHK=E zCfQH6nHOWoj$2n57Qp5%!u#EH*zZoKv#RcQQ;J z;tIY1@6k{i>mB=_mz@o`E#B^D+GU%(KtWVx)B5s4+HOn@j!a?X9s zRa}@&4NJ*MF7q71!3e?atw$VNmK0Pp+q}FfX72&QnFrD6ItfxU)qtfU5{qIT#rBsAgn=pxl!=&sF`(?R2JUuu;?fw4rw6630{hPJbw+|0p z>ux&y^KX9r)wkcK#4n!RnVPFLbOHu9vu+ymnov@97+wT|gsrzE2@#lSD*Myr^qa4K ze>@%^&*xwM=3gE!r~mk0{`14riHM#~PqkMOLZ_}RyrKi-6Q*zgkEwMuD>)@Xl&QS9 zyFFdz#6k$6aL?((^0#YGB;lj4Y5@s_2rs9!g(-#^-}n(RH&As7QjqtO5+Z2VT2~CE z3xWfPNTiYDxIEn5X;76YO1kjTi&cx8OKt$B5rt!B97cF%F%3u{0MN_~u46o13 zF*4h_d;$amL&BUT$Te|EFyrsP`}UI;FF$xEX8QYYzM7Y1+D*GsYF&pb1x9Et;h;^$ z8XiPK497HpBq`c*A!)tCplTo@Ko43u4J)*0w1P}G{J$YM8^Ob)s87M;kP0yXVx+YDqaRn4EJ&9IUmLoccCS2_QTM z4z2Yu1b6pXR76Rn)@trVlyh#agL&)y&D*!TX*wMChr=%Tk%%Bkz=tnhB-%zZmn22l z8x23x51*Wpx$k%T4S&Ia+@gB$jR`&8*H&A{d&pS=Kq8{>35h>+<C7)x0$vt7tSrao&@#+2B04 z)|a}jwTAc0`%jqMg@H`(XlAAw#ddT8#26)7^ev(P3+CJKp%4At#sCiET2uEeH8bk4 zaK+h8KmX%DJnVM0wZ67^9T4&4<8->xBhg|+KE^`PLRsJ)(K7p$ z2{BG`Gk1{`^^Ms!zxCnH9GFX#J}?sN-wC&3Q^o)8+K<85bfb3csyyJ30mJ*oLVlkS zr|KWi=cg%0yTusRoD2ZQae5$UQPtLaN+}902am+Dcr&q=MF;?dbCelTW5ByN;A%Ey z88s^nmo^V~bKyRSUpSUu+MwMrW+521-NS*J5)zf|s{ugRmAru_;}~kH(GtY(K#0Pm zJ-nD8zBwcWNFP{T1HiH@Fu1#;@E}5h2t3&zOt&8xw)>>Om>B~<)35O-K;W_MXOymGrB&Bp&ny`c| zEDd`WEI9{b;{7%vW@fF?c3>h70*k5DW>F6aaaDbMI%kP(*uzP3U01c< zyRNNwRs7%n_y4u`wyaBQ{pPS2Nq~Gj9@P@q;)-AW@6g!_YY5}(`CNBy&0s$~Md9C%7WXi?NF3XAtrIaM1rssJM+fa|pS0poQy~W*$7(PwLLoc~`!r(ZV z9GnO@VF%RK9-hwosSNxKFeMICWh4|4eJ|uF%9jv_#it8TWmOg7C`3f^Jg={Rc>CY} z;urI>e)Ihg=gZ~a{QS>|Xsv5B08CWtnwS#P)fq1)Ul4vWn@O{|wbs>a$|X!HRE-HS z3X8bX!M9`+55}qk2ys;W?v7)x1(#-UNP_%xwOAQOd#zs?R)H(Tr(5DTFJ&q@?w-L= z2N+n9d0bKH>U25KDumHZg{jO4C4e6ZxFH&VDW@pfu5)nPVu=w!M4HB}Jn&#OGu50E z0*1^v{-ub-_p*^P)!lMV$Ne5Q@b%m8f4Ds!QcAsP-xN_B@p}xOXbAX%mW@89F$e(j zyuN*S{QBGP|KN+y4~PA3mwkk^$9n*`EtaoU$jLV+rC5R?4R5W5 zk2(v-Rto=exVC)mFx0oyuCzU38%lQ+W?>m$pS!7>d+>jlDO!=*+OjN5t!#!H8=OQ>VmC z2r(&Fwbq8i@B0maY7YmwwYAu5y>+^Nec)Gc*8&3H$O(1C(hV&>5iM(FVnjBF-i=U@ zIHkhFix`(>>DqIW-LAA&iNX=mTB`sy_wy8w~(6BCDffgpM05`+hnyNy)!A)kF` zH?-}$2+E~_6itV;HUXJEY(}MhZk5%o5guV`dhyTq2xB5Mf#CwYUuI);4j1 zZ+fJlkf|BLpgsmBb@js9j-wdtjAJl9YW%9c#q`1$+BpJ*96bIV!Z5M8+MW^(&CED< z+!0_|7FElMZx8#pr{fR~#;lrOqc-5Z2B7yQB1sY;bW>&qgk`N$PN&Np+~DW8H@$Z= zL&Dl>96LEl-_W@$ZNV)_?cfF}#lX#xkeJujiHTWY<37yu;_iR(XMcKkJpAj|-~7k_ z^2=SxB0SGa&Jt8lW)>0mNG+g}a}Xi`AlMKQzNukwyuH#`t3td@3EqXn1U3<1+T+tx z$&!WLED3eh-c8MK_T^F=5w~b}iJ3X)d~-aM&`YR2oi9JUxmVR%+kQ8d9B5iwYh{*c zDsLZ8H^*ZH7+)vw?js!qky>xIF~0oWI&pKmHlYCTAb$WbRUEVBQ9s7#B4z|yYd3Qu zCS;~$77=4uQtG|qMq3jGw{F%E{ji^y1%SGRR8|})Wa7RZ!UT{xM&iIkwfA^?NO(G5 zuH~O<1GlI1`Coqb)nQ)_haD20E=%mYA2k^{%YHwZVK716e3_M*9g&5Xy6#Jvrp(Nj z%l!Q27-z(~uKOvw8JHshL}+Rl@=a&h9&W+B!aF$hydNJ))upZJV~ftrc$ClOF+!%;KE4E zYpqe7!H=Kt)sF1?T`6&e5)OHyPdSD^DarGaW6vewOtQAh#D|h=YeDpIfZo!u6mTcR zX+(}A7%&ZKZ)D~Amc~L`n`CB)wBHqG7GV)qHwTZBsL^oT8;;8Wlf!V!+Tfg0%2+z! zYAqM}?6Vi&-@l&9^s`T2w0`H_YcmJWSzJ3(+LhdYtZ>?u0_cQz-0#BtE_P0kQ`M|@ z1qUnxwuuWS&evi87wFYiR$^R!0d9?h0EP$Lm7g~>{-|BujS#K|)r1Tp06wn<=ID`Z z1+frV2LCFM5SF+OEpD(FPV|T%a2Vu87y|1-Tp5mIX6DRvrE0S$J9o-ZTRuasnwlG8@&P011@(XB!l&C`C$!S)UHM-W5teV(_2B#DD198=w$ znF~T_e51BL?stH=uIq;AfA~_+9o>UUJ4zfJmLfLH#70-(?o%$Kp0mK4$;?C9nNo7M zZq~FvU3$#f!?0rPreH?^M3*AWZbr<*fi>_82VzR$+~)(jQ{6)E0V3Ed1~pCl#vQkH zttq9b@)5A)#6&Uk#F0si`$^n@kWQDmn;~K*`Pe2eg|{nUbP~3m|sH#kmQ|8ehfm>5o9Skv;vVg-n&&=c+`U(#h=h|DWf(?+po=IahkE|_# zoKm2h*HSh1oti~i7D5R#Z{a$%9qc71)iGZ9)o*|20MoSF?WWT_m#O5Oe)TWE35&oV zy%T14ClTkt^$(nzh5Oc>rj5i84(t^4*8mili8p6YcMmm@nr&Qv5**s=_{NcZyo&Hc zLmX(r<|+~AHVosGtJVn-076V37Z4&KiP59x ziT=m8NMITf%_E^%weL!fo(B*RgAp)_901UfSLo5Ywcak5d0AFMfZa6HFwIkQB)lxE zxtE{{6CptF>M-)=<)a9y%RC1qGwcI|>E+bIeQv#JUW0%#&mh#`fd&AKNMnrTUl0IhWyfu2Sj*EN_MgI~^POn@vtvR$h~!abN?_1KW_7~oX)5HZg+b;5W%{xfNM%zvM_oQ5=qxNkC~;E zXjJ?lBIe%vnCHYL7$zTx(6xh`FdJeE4^zZMTz1oYe;(J?2=V5)e|CHObh`Zho9~;o z=eLupt*e>YT1S#2fD!tN25v-<6Yr*pNgN1(QYw*VZtksHz=f(E0n9!WptshRb$vLU zlE}?*e{Q0!S_=-9Hz@Wi%2P1o*fTe+miY9{R4dTeD>lQ5qDKbcy)Kf zL`{3|{n>FJpn~?k%ZZ6xQK9dr9s0mM0~TaNHD^Gecl)aKP9#XU-(@6XqKQ&?yu7$O zK0ckbH6~tLgj{+|WtedDO@ZB%d@;426AN<;*o0Yq3^bi*Ae;Z&#bZ+|LDe2HN`Goo zsZETUwW?MXl@_IlRl8==+Ev6XRhy!X6>8R~po*BWcg))R$@Aj>D({l}Meh5)zUMmU zb5hgwEk*{K1Z%(QR`L>G{dV_xGmodTBxAO(2KHaclVircHWQ7%zTQ#)j{G767#3kB z^I};f%CEi_zWu45vJskcM9N;Z~OcnRHWp)4?JUBGqp`p;OUg;E6 zgg^1p-#eM>qY6Mje}q)*t-?*}j}LmI%H+{JrJBgQ(6|LpQ92-BI(5JGf24w|v+UY6 zJAl3YuAAckfWL)}jUg6e>-g?>Z>sODrM>yt4z{XBo9dD;)qWA40oCr=%r6E4-Yh(0 z{Nl$svVLXWktYj0Oo8fq*LQl{D(j1}YRpWx4cs*`%Zvtc0jgXcQ%bH+td>oIN;T(H z4#rf26rAdCO1L4)$1OKo#Z0e~s3CxS+NGnrfdR>#z3IJ5TUH%C%riD_kYce2=EGSF zIe->sn+9J*O?Z)e zET@*RaKW@cdz3XvT$Bx9i%MUQlG1WS(kG6eNa}m4#d*O;X045}ptjdL$u^yx%c0D> z-9KImo_GOYqO?s*nUT7djD0$~kD4}{#Q{V<+MZk}{!*OpyP8L}xpZ>HrZuN|ZRF%{?lVS3xn`nq%{_M)$(o z1F1*ao}R)Il8H7%qR3-OL(-(k{Iv_rRC}6r0o@P20~oFFpZ0v>xv-aIN+#S4gG$Qqm$37f z_)*<)WK4*f#x0y70IP6}xyr_(hkzDxeX3cZFY!(<9yG>2$NG=##g$dAVyXXFtSEcFyth(D zWhO&5$I_lEdoaAzOrQZNuHygxc)Ikk;^NpFYo(o|_ z!7qRMsYAUh|8qR5ZT@N`LHoS0@vNz8pM4;Xh%;c_6!5o*@8d}ZY8Xw1K&6M$zaH&f za9~A*<;SX5Tq<*nUU~|2eJ?$Eq6c$)V3USx0z0_L@iA*SI*?N9eD<|V?1_A!qYY>f z$EtEL;5^2 z0iSn|Pu}qE%&B0B(ZGp0?vqC^EPoF;oa`N%+dPQMP>$x5YoN{lqZYadr7v?&F;SHi zfRpawJ~3;{rBJW>=16?VH2m7-eAfVj_1z}?{r59FjiWy7fldLM6G-y+VO($6A#qCw z4No81Z5uNjIP_7mU)4|1<@6Lz5v=?YY3A0mL;~uQD(1R2^2imKQ^xu^-P45{6e$SS zVPV659DD{syeEnPV=y2Zk)%8Dg8aqX-FTYB3sW1aKUI}=E7B4Rd9yZD)v{bQaqL1w z+?Ksx^0Q_!+GIXy(ni;jaCOkk&>Ay{a?H6@Zk@2(nnZNb?0gt{c6rcxU3HSitfG{g z-ZYEfSvv!R(PPxo1yjJjfluuIn7>Vmk4t>#!U8{M0ZQJlmgotrPb0#UhtlD!u=f%Z z*c>1{#nVc=!{gXT#h;KM3jWUh+=@_J@na#(-MzTq06|11JHneV4Se>kLNCb@xpR`xCvuB+8 zkt9;lpp-mxAd=6`PLbJe1hJrp2;QCi^jhF%BCig?)1f{HkM$14Qff=O6gpuR3|*2~-DH zydwRbeuqV#iLz;3vCSnOim~+Ei2535=P*h<9hgw+ukl?l{b^V7i%lv^xXOFT-F7vq7&F z1%-s`@7yOJ6DwlWKYo2D602B<=~0q;C`&W?2cH}Ra?oR7e$iMKQ)^5OX^qM32ETCjz_)mIxZHBfdX+!mZiVag zX!?yR_%_?^IS(-V{Zr2S=WRJian=u79?RwVspszQQky$Wytg#&a#IMs8lMX}a5wt* z?^yos3%yk%sHhNp*L8F7%ejv48}vR9dPcP(0f4e_VPw1{2~GE!;MA$H|4qI!@z#R~ zInXRxb5-r942(lb^{eB@>RE`0KL+Di3%=W`t5FIhyqxYLbF~ER%4sw%n~@> z80gk=#A?~uEM8Lr9LBm4mPUy4mE^dA*HdPQ}9=_czvqQP$ zgFMCOu}^I%3O(e%9T9y5_R3+`XLr9von7$mfS&(8^ZD8Q_Tq^G)3+wcp6xaRyX}Py zme+afp`@E@@oC40vNHSvt6hj*E(b;23~<=ohCq}&S`%G#!n>kGqH83dtsd>y_-*UE z_fLttk+o$_e<3N%CP~slRO9>}<{1~mgO_-D1ju)Ys;XyQt4f~g+p}ORZ6kY8c4X63 zl>v+!gleF|?nF|KV(xJqtKa5~NMGpL6zV^~a7Ot*Py|b-d=V({4YM9%G&Y9SRiOPt z9_ILbsbPBet|kK|w~gTI*!)v|y+iaQn1Y3x{FzxhOz!;pBT71qYbxq8_)&56a3(0= z;kG|BA8|&{>Wux^UC)^4W>+MdGx$;_{oBtQBQ&VJwyL8G8w3~h>)bS&huo3XAwNZq z(`vA!Q2+oQ{Y|6q<4k%PN_{RLQSqs1E7^&E?NuT=h$mpp&m+^{%_k3s8#Q3zkI^x@ zv^o!3=ROe^-UHn2`Q@b?C0f04ndL5SA$FWnJpN`|@0{&Gd)_FCgY1udiyPinHf}9; ztIk$WENsS|bNnP1jewvz6%}N!xgJ23sFQO7+vI_O%U9-i{(Jc>Ew;G$K$d^6{(FvEUYakeR*+xDeW1y;@GK+9{r=!gYT*O= z=xfENshXM_0M5B&1cFYf`t_~7SP`UPnxLs3gAKcI8339TWvDJ_Z&l1BFTJyqOYS!U z)D4+o`tf97yIE|9CtUpCk0a$V{7CQ-7_dOzBOAqRZ9~f(iCOY;m%ARBy7#(FVk{S0 zTMcyCZ9%i7(}8>ctVVE0%CVThOZTxP(J=Ce69C_bPdE@+)~O-n@B=}^pz zkJt?%tfa6Xu10zg_%7D-j7?D*Dfmb%CCcNNIU1{2@z|-mf+Nie@VGlbnff&_@-><2 zZZK4v9^?*OI|(ULUmDAaH@HTld741zqI(xH9Gkk<9FbX& zFaxF<$xt~#$t!`o&%wbciMeafn^T`M^mbA3_kM_$I0Z>tvl#k6zM|AX8=E9kgrBpt zjF0{F`RXw&Z2ew-on6^CBVCPIV2-q4Tg-ZC1gU4TKs zIF{am4`OJI_1{r54_*eI5ZZg8CSP>ID3V8EIP(F@Aj}v8;^ImcOCZbGm~!kaUy=Po z?-`(wlRGy%yG1lnD>Vc$fuP8Zw9*(7H-htTz|Ya&T@PZftT`P6kWq7ZW4=Y>H5rfK zlX-MB+)h;V7QroVqw~fg$-Jkz>7+_?KNxT6)!T5k5uDJeM>-^XrmOb zM9(v!*p11F3JMtOby-t(&{l-EqPWyH}@a! zqwIn(KTaJqkuJpJfG|sUH+&}Q4tXuJv}~pZaYBlWCT6f|R=KQFo@mb{w#_9L-+feCSX+0C z0qtwi0wMkY{j$*U9e}nD6~GlwghrA}qTf~#Z3xl}BWFx(dSn)3JqJQ{6SY-@ChbmZ zw-yY9$jA=Ky`us3o19^Cvk$VA%hP+SWGN#FXCP;uh47MwqwW(jzyC-;qwPeYKdP>z zB`SRZpKA7|%=eD6F5W(4i2ZvW3m3E^6igu>TNtP7n<+{V4yLECe#o5k2M^C`M&7m& z(wlhhzbE-9_+&ZTrgHobCjJ$PP%*l$X9Ut9WHu-|+_|B29XMg;!#OP3h0p~~)vDd6 z5{0~y(yx@7q?3C->e=E(xQC^Fmetf5`hbE59;A>lJ>66MctE26eD7)UUNFjL7t;Sd zi#uO6=cPr?d)tlZDBGY`Z2wv9)`=o{M$x~;Nxb=cRJ6$*5L0br`DD*>Y{N}a3jV&4 zvbOj4DaD7XrNG0&q!k(F7R9B()0253yQ<1 zA~qsEEHghEnTZXO!v4nULJlfh#dve2m!2CT7QWC-ZwC!IJKP|4oex5D;Ov1O8)hP- zG?HHz%EzI5S;vdc)w7pJHf-JO+{ip(M%bUI2bc@<-yZk)Q+Djerv}q00NzF?jEThe zKCN)GoO7Wcrc4~Il4B&K|G5=i&jlJSi~5n}hcOK#$UfwIQNWhJrRPE1>nXFvhnHrq zWjnt2N3Ep~?Z{i$Ch^A>Jjl>@#Rb|Mp|jjYg2bq)IGx@A)_J){0DDLNbENaz`==ZI zYd!cw&xdoWN<`Z^X_VL93SaIN6*7zXLti<4a98AuuP~`EK6|YB8VX&5gsIh)ln0S* z4UDFGX5wa|kp1lemE;oF-Q=qk10hyMhDQK!)ZW8IK{GL#5e9^YK;AF<(XCpsP0INY zk*}1VMCCj?DWjy0rx2uZ9{Fkyv?@Sl$xbqoZc-&Y+mt{@~}c`SJ5u1#4VPRn<^=;9Vn*V2*XHEvAJ4m}vN zG#gy&7s_TTN=^6m4d=7_G0Ua?gukeGu6dY2gO3q;ZTZ+7rJ~rHx~=^4{NFEIDApJ6RB4f}KtT&+))7MR7X~ME+yyZECN3 zkhY4`0eqx*Z^sN~P~RTsYe>XK*-RTpBfOdTZe6TaHC22%;my`HOC5^T3Y;;YjuX48?MRld*C`fJ7dIr={zRe9`Gm21U( zp?+|pcH{I1^mJ&oD7=HK(FMlAY|bSnrWQ+_%15wqQDyQ&`j#R4mpcc>xncVo<@Q(C zStHKE+F)z9EN@p97cw^201%hvK*mke(d-|ol#V$SrPORtO})yhzCq;?ed$?1{Oe7{ zTeBj*a>A%0@0nfRJaPN53;bCy<;j(~o)OINr)@zd`N@wyYyrIhlywlRk@fZy%CoS# zflr(;Wj%yUc`hrHxVFM@q7Ik-E=tRf!_l-*(|#=d8KQ(L0~U&IGtqv!7zswDTT1K{ zvXI%@7(-}32voV*xM>!qMCoFWe5~|A@DQaO>v2q0OAu6o`5IcwTMbmG-XlI&v;Qt_ zNK5p?+5v3BgMihEpa=DAwz28)4=d38pV`Iq2Si=Q(dd39)f@>lt_c5HB%fPJNL!wG z6CAwFg)a(n`9S4bZJ!XqhGZPHf7^cE-?3#1zYiNFNt!gruorx#1AR(mCY@KZPfDWU zeqNa__;^QH?)E$DO5Dn721gM5WA;~HxQs(t%dT*+ADnHEF$FU~;2LC$wPT0Ep$^D< z*~oD4>Tlp9Z;zu+;V-`2Pr1V-xBYukv?_PKc?A98%q0__M(I;@6&@KvD3l-SC=AZ; zY6Smxh3C*Sc)hGalsKK!;0#54pfoYJO7ND4m%8*9znoewKV)>u;|YnR`2mMm1e$VI z(-v9kkM3WQHe?3;nDzgv0EjRa0y$!-29%I5x~8W8{RqCopUkyfFYN5B-U&O`;cW)W zNQfp%$;O0HM_1(Pur!i5uJcBmB}BEHT*UTVP&F&>cjJwB^h@fJQoMV%@n)#$XG9Mk@v@B*T6-;m>U&*zDpL$02e zj4++vS8M+xoSe``=kjmk^nPcWgC8mqZdms@OT!XTI=WTvJhtaAC}rRorB~}<3F0aF zSaub#S)^Y+4-CFtpfo{Lrd)yfzZ5DsLG2axD9(;i%s01bLzgdw>>r7utSHK2`l{20 z{}Gt~8F^Pxryv#3<_%2KyB0|za<@@fueLf%CEIANf5sx~IHPD?yO>!xak*kbShO_L zkAi3ctfB4?eW08(WWWN;;pG{LQ{)IP-m~&OslvBw`h$?IZsjB=?;kT6#6=~nr=Jmn z1|1Mdb@tY~>2G(Y zicEQUh(I&tt>53XI30e51tW6Gi!`+=%Zea(xoc=T2ZKM7X{pRBtfUCS`cm2k`fB%# z|E=cDam}4BEsaD__fO5_APsygE05}`ju!S04^+?oeY{g|-+Fzs9{8Q-QHq%Uu6S+9 z)Zz{ZWo7f=C5Oxi8C^RG?`g-)4H-2Po4hXeufDIvlkU|IsM0dTOf;kA{jz%kE)t*A zSizkG7Fs*rgZ{bovv~eumQD1mP_w`P9*vSpHeNXcSp!uI|NN$FD*zEy=sC&dcU=Cp zOBBSEmdXI<@9MP8%d^KDYT0m>J@JnC{NZ(Zqd-lj7$L-FxOPIF;a=4l4>d(&ypt?u||l>JJzOzlwP4d#?l96WHSGML;wzj^g$5rn^5 zskUr`9TS_)Tkhk-K4Hbc660=!`(1g-7hhoW6FsN@F3<57M0A|L>gDFu#mxclwL@#M zD@p9^be86$GoK7&Vgs-vDVb$GQEWPfwVWJa?uOg-Ok5zQ;ee(H0hCp5v*DwlaVpxG^j>n7U#0pD#B^ zD{M=|wGT-CG#pz2b9yEDeW>S5VVuqKEMY=o-$DSuJYW`2+Vo*G<^I;M1+h6R3I>GS zODsiO4;%G!1f=XhDq{UpMiLDmkXP>Ib+-;J0Qu+ydgf(=>)-aXc@o~T=F-9(txO3J z6_S=2QT`<+1U3i{CvT=A2IOd2<0;-pM!z4!f5}0#IQG$SRd0dObD=lasyDH%7qMZN z<3mH=vK9CR9)eRd70h-!XF3?5QP74?I(GfO{O@7+dZyidzvDQ-Y1x`x$;>Vv)nYNx zB`{00P|+K?G6*a3d4Cg7eRruiF>kO~lMc5kI*zUM_tZ5|Z}U0$W|SY~saIIBrxNWm z4t;0h6p^ygKm7}<_o%1waQKZIr;`Ds@exd;Et9&VcI%dh*#dSFuky3`*JQxMCsfl@ zm#ABG|MLPoDcZn~Omg9HzORU_K*SW(V>uZq1r@6Q1 zhrYRq9qaS^yE|o|=q9HSHNKVR|NU$h4^PS<-D0{6U@q&@O)vvfkrDZmn4iBa{!Rs8 z#P}&qx+)oCH-gJ5kJ888L~U<*gan^on!5QNu<*Q+bJliaWiW>VL5{-Rvpw#1tEDmZ z(of%kEI7XpVUm0C^bW?W?`sGu*5`!%S#!8iuni__pW(Q}mw+lQ1cq*THA?-bRro_- zZ!x;_xm^#{Oi=o%CDT*;!j#gqIE*OO0H0*Uv@l5D3NGC(AA>0kBwU@X)K+XS1e)Di+0T=>wU?m&SjJ!1AWD6(prIIRphbju2|GG1i@vOYcu<@C2Z2weLlI9+>w@MR z@ugp?3E{&t`gIFc}FT!`?)`^q8 zkZqmpI8%{YYgX`*fu$L#7&=bsXDFu)p{KK1j8kSjd(E1`EJx2|r1XhDn-kCkku?xZ zOzVGx#1hJvvmNW~z9X2-bX7FcMtVdb0^I;26hKO?Y1SiO_ENGNnh9K0VFXS+!2DIrs+vDs4ObJ(-hJ;7|y-PqSMV35Z3}@Ef2H_YcH5 zhM9jIG}9hl?U))yt;WRt+>JQ?2!0Bop6B=t7C6L`vkfyaRDC&dwre&r5abK-eAKua z0b=c5P)PmOe^L@}>S(bs-##u=-}bM2l^dx42r5$4-vnX~M~aYAHZ#pwP=UQkA5e|D zWNHKgIs9iRdIsYlD>Ot-Sy|ZGhSQH(Cr;Y-w_brnWkF0pD!H8;Ny|JaC!={=J1QGo z&Y3#XmUwW;d%e9IdW82!90s;9aKB33A^TS~|KchFppjK_`4qL;V^ttJn|(;-QY7hd}}eq(RD44b>3*ePG_f zW$&H4>63BSzqN`meZ(pfofpC{bO4~Lp02HMQ^bzpe>U4y)ob0Sq+h6?R0SE60H6Uj zY1yWOZ_}OsGVCC7WrSeefQ-i(F~e|S@N?~k3&XIhPE2Fk@5H!(5+SKX{+p|lu&F6N z4Y_X+RFGw|lq>AP?c_$*2UH`ePo0%=5{%bI&LqnxiD{keRo9c2*h`2W7J8p8Y`PA$ zDSI_jL#as3i07t}d8xzb5|2W;8i-52E(JJvFM;fU-4k92>2!iAma(0<=*oIie+I0w{z8^$f3HFD zuCjyLwsyW!J>Omv_<<#czArlt&cdmkUNJrkGN1I|@1QnwH2=E) z>}1xoK|!u~N*f@svX*56$U&37`I>ERizcAs8a zGS`zH$*wJ%#U0&=CwGd=kYwWDamZJ!CKn+!RnS|ShzDx^4mKLWS@UXIaN}*=(j+9^3D6^_nfhw1yfIQ7A+P(K&k*T62BI99htneOmq`I>I~}@y>tgc@rkfW)KM; z7JlmMw1)=+3(nYlqrR^-c_2GqmUb2F+V4$RJd-uXyoIHokWeizds&IO9S{#<#dbNGBJ3D~hp-O`QGMd!6 zOjqvAc2$!xp(fafceDtHMF?Wh45@B(UkJsRT;n3?wQKZ*t@cFA>-|#5P6iNegz?ae z4@Zay4T`!?^DPIKA%5_Fd4!y3KUUovw5G3#!>ji>#4n^mj9}yxIvTPKYn5t;f?r=~ zyyj*^XISkn9eL9xf*Qh30#pV@R=h9Do}8b*J=y!?H#U+WD*K&Zb70imP+t!do`nFS zUX2az5DC}$G3!%JnL{I8Si2VlWpYW#OB1Arz7|rl;-fuxP(e|`_H`aZoxx0ES1QnR z{_z4ZRY7WT@Ui7D1jD-=!(pv#JRVY`NM{1-gRG^_Yjxig{J=Hgn^vYJ z4dg_gJvH4b0`jGu=BFTB9&>6Mz$ev59V(qZLxXbQbDSe4iDnUrj*N35deL(=hO3Xa=E49_qQ5pTbV_5KDX004c>;8R77xNDDdK2f;8!T{vpmQ;#u+YY}+eGE1nq|Ow4mKfDAP#eP*ZlLoIS2 zN1u8XpSXAJM@M*8-blu-aP_N>WAsrxB9OOkP7lM?hRsMyHqddSUwp4AeK6kt?=ldQ zmw;xmlkNDg1J!iIGkElekGp6p5Q7vaaMVERo%NBZMw~Qs>~+}+#y{~Yxa?~bi1j$T zc3r50DhYbzmaPw^2W)*1g^EDRtq96I6Q`f}pRQ)ZXMIlqiIxfjWVvx zcf%my#(Rw=W=n#K0n*!N(^zGnB%0awv|!Mnn@5vbOz z=wAsa4U6G(0JQ1mXt8y9wZ%V5neD%48TI|!7=K24UM7op)YeX3-!ctgW_0*|(~E;3 z&(nlwdzFcZ_clRPP`H~DAR=QBo!V8jx!UJn>q6Jdz8_qI(lsnj$>T|I6p%c)N3r@2tN24+NQ`S;mEovSPv@J^fL6j#{my)B=?`%eMHKzsBPiexcb(0HgVNEr zWuCj4p(eEiMFHw$Pr7)T&!|~krM}KyYBl|BPBm>hiEra2Lf)`0HbBHI{c~4grbQN? z2g9=*g>eAk&4i}^lzI*6X~t$ooe(Yw$UZeL-%L?eEcO0oq=><9&E=*?8UN}k%UvDC zqCLh3@FPoSEO8tl<-C+K37ZcbA=7oU7)n~OkO}`Xv8^Li;%cWNGDmAZJWAHqN$lln z6K6509$5ozsFZdc3H#|25(BL08sz*wl?CIs{B1jBQb&N$ALXxwWgfcZ0%?@$$C?Jn z4{Q7dj*fh;jz8ttYia)!BU=Y~tT{C+aJQ1F-FZR*&_M{lskuu5Q|mPvUCL^~n3seC zIh1@HD(>73Jy4cXX>AU^JpEdzG|uq=%tln1J}WqO1081t7=Sy~E3M}l7yibH@BufX zDmP!Fh2KzhjnNhTYVFPIdV-|hF_CDJU@ssaf)qStJ^*r;@%I5Opn9Shr$<72Ct&$8 z-HGULim2-E>v?3=KpJ*rMw_Uv&bvXHY@0iMNc{vllOCv{&-eQFom2+ERT0H=ZV*P51rdFNWxfN*5oGE{5vYhNBsfo^_r-B%^j(W{yv^Ix9&aOlM|FRJCPG**-e$Mvl;PLQiRFPG z{yO2=e{nYH4z3J!d5a$WrSDtw5YgEi60Pq8BB?>5e)fF#ID)m|qy|`_uZ+C8yu3#F zW^sC?$8i+vA#65%kh`qOuf90C(ImUSE};bDE_AU$dSs-X397a>A6TWET zx#$&&{w4C`mcwT%MEOJ1h3fT!F}xDtV`Huu~< z`R`?XjlRf6Iu$>Rna`DZQ}671vShA_(?v)_4KwyP7JQTpu$OCA21<8z6B%E!*NT;w zajk9S@;e)3$n5@6!|OW~U}|Ek8R@s7Y@t7YCPcBlUo`DsX@V7Wny2|F zzb}FYk=_Z!zVcqoI3NY{tw49kcNlv#9brXF`{9V#P9G~=e$x-utPlCgHY^`YCf*=@ z2_eKqZ-Gh|i5|bO_{D18C>=NUe&{aoh@P*yY9u<6KM7&FSehZwAtabN_id7ODVEfU`S2dY7*KGdac3_o*o=$|fH-Su`863yb{z|tjNP~W525()9l$HDs!rm8-;ne# zi9z^zqY(_BmXd-vR58DO67?L2etb|T4qoc)8JcSi(-TFNHRdrKIFx}iP47XX6&4UKx%Gq8izIiqdS{C8)C}aB%R`U+Cq8*Xxit0poe`vi>^AIa^9b zB3uh9?B^-7hKx9%-TC&dzFIo;sN++LBSI3YV6tL&D}VKC>cu>2_n}2|YX{)s10%NA z{Cqt>@F{Nlr9CyMhk~s_H9Y4Yi~)Y%Jx;z0UsU=Y(KG~K!Mmf25P4V6N)f)~zJ(iGw#j4|fDFNJHR@a%`bj-qJlJSJGlWCw z_-edv&HLWB8XXOelX_8@?b-*k-_~S#_6(kQN3~4gXI4eqmCg5;gb=IrdV-cAqQ?B^ z{eB##vFT!M?T)`HS22yg(uAV-{qOI~8s7<+8Kug6g?9Z!SHU)o;sPw=yL#VHaj)kl z%CcbNWJsQ-3p)X%w-k}&=IKcML>`CVL7xK|h^tZnd-TCkt z5rE_vIFR$N+x_BB{(BRr{26{F^6>Ylcogqiq~hyJ-nG)@#rbjP5AHdUD=dPs$HjRn zL}3-We0H|2z+GgDq!tTb@^=&m6sI!vY`}ol9(+;Rrdvdk>8GO7Tn6}{DE_4eU>=|; zSIqUNO7b0roP1!2%zuzZ5^!oN{c&D00;6lBXgGwY-DUaJE8<(PV7zo0|I5?B6;EU| z;}dIdZYiJp@>%4#B0ueKNK)OVa-oV$%Vvb*t!Y_OtR6cHy!&ucW!$weM3a!L%5>-0 zKJ;hU4U19Sbe-Ls4`nSu57)9|MYcS6G{AsY1qkh^0#?a4RK0QQ%c}(^-IU=O3*z+B zvCmZ+wr*lGCIR^Zk1OmI0`y3}b0jBmjEXbR2E2yh&5u-&{2=@}wYlxUWIMeH{v6I~4QLK2C7loR##BUGrq-f@F9#+2iW`uPAdC$kpFUBF|wK7=H|;N#N6D!H{39FFMZ-pZBCUZbX-wPuvNtJOQ#GT?iV z{r!DU+Gkp4qfJ%=9i3fisL;HHD+fPCHrpSU*uN1NDP|dOM^h_YXm;_NIU>#@<6Ab+PURy)e`u!A zo7FdKE=^+nsy7QgVb@D}xjaVd#$as_N#uyvtX)b_i98UrsdN` zK|CGPY}nE54v4|M%`_hGg^w{UDBbR8Dj)j=-R2FuDVC6U(|WP}jqzY%TH;03*M2qH zrw_+chKil&qzl?{r}(CE4U@t;m5y4bvY3g{44Z+o1%*WMu%?;o{`B;WHC|T;_sbav zIi7vZ@IT$piyBweilX$OS|t1X!Eu{;Oea#_MqSx(BQRFUi~bQ~=)i^#umMrmcyztl1Y!cY?kLs$w)2O?59m)M;903FW)pC>=4SeuG!@BQ7- zI|F3v+@Sa_wnWps$du%+i6VDV>;VWFdeg&Ln(SKf=)P21>Z*0I^_%{>s%h?nrYu>< zdx=pzFYL6<@Kb7nRJ2}oB^B;`V3`lrC8L+QJ1<-z`)oTN$PESK0#b6&tRswp)$W~Q zRLMUHRn#O%`rqRHvh@kZ)T=^@TlrCBGCgc6F?{@{y2L!xCTyp`TM3I@X2`F8aDb?d z2~t||Ph>Rl&A_Z1^*^pj8QJgwgxB}e-{RtB04%(Ns?9@pk~I7%gZ5T-{M*@Bx4i}% zc5N!r3;-8@0q?#^>=)C!P&umMbNx`kRhHNNUymAbU80g9JmqXJz_iy3Q#~V{CeSy8 zG}O!AND&!Bp_{|~XrOUyCbhuw?W9@N9L)NGZ{tr}txD2CGxo)N_ENN<(JIjD5p?4G zRi#ZF6oTA5Abd>?R^oCU>~CuMi4VOf_cu1%E>H~#6m{le0R4nYt$wd=jhL$+xac~l z((S=3eDy#qXZ+o%IMpx48Rw~xw6iJyOUU$*apLFtT+6tN^mO9}IJ)Vapi?rd3^m`- ztruZV#DrNe3_JjUdEChS4%w*p|A(DIoU&w-QuI*mm zMvcfC?#%XhXedY%1u`ZI89_aV@*#-3jlSqF+^YE72oWGjWtyqJaDlaS@u7E1om9af z!O4JloK65+(;lf*jekXlW-}D=w7>|RBpGZ-Z@ppR=xhON4j4xn_Wy^vfe|2t_oYco zmD|>fu;WLifHtL?CK*t%+OsW2V>f`!xyEBDGO`z>uB zom!bKb}D^v1twYZp0QCDy>WI10PJ389*m4A`f^@mGuGqi$(pjcgYUYKJ^U=7?ajQH zI~p{f3g>GZFwhrW2)PTM8!}fb)Uze9yp;io5>>{ig-=D z0D|vN?9D-!!P&8e{o837sP82}Q&Fq2F(n;S5) zWNkP_FzNQ^Kqw!1j?nc2!__`e9Sl}r`g$P@B;hAF-+Uj#)bCGDMV#YfjAC%sMenvA;f`eIES*c|5EI<$W#R|E`3d&J47qECJRrY%t z-6MB%h0y__ToY)&B>p_EEc9u_Umu-XxLNu{Q@{m;N{7s+X1; z*E?4ujJvtd=EQ5Xdm$@bSDY|1eqkfXcI|ZzJE_Ua(>re!+6Q3*Vi0mmJ%o@DsSngF z=pnC@c5A)OJ`L4)(x0JGQ^zulYNFAV?a#~fyb#%wA+S8vTJoL;>;T~b*ZazSS9^dn z9mn+m!4J6;6B*ZHzYHD}g2@9)zp0)J*z2SfwPxu29UZ;{N z*-zQe-3Uj1eUQc=Jp+UKX*nU7kqyDDlA}ay&(vFVqWj;-8snREVrFHR*JyW+yQu9dEzzpg9Sg}UAN6`M- z7R9{KfZzbkY?`yx_!u_uVAi^;=4g1$I`je`+0crYhkJf(EIKhxyg8K!J3Vw(=4Om_ zu^zu)H&)zftG^R+C^ZA`gZPA>xN?H}NWQ?d$U#mTRCFKpr#23CvC*A~jcHs)=_-5M zxB8Vp41b$fRe#em7RjV0rj?u=*-B0wR|>l`raZ8pE}qrzOYiWkk6$v%+1-Cwfj?qL z-^%Q2CeDiGc4X`d7U@2r>`Hk{*J4*ssQr{ZtD1{i4^}cjBXs%b z-C!1EQK@?Cc(W<88G*-d>i0;<<5_kqL9>eG4!3fFRu=l=KN#aWnEN#*Z;lM(@5MBaqTV8L6L|PQ5gk% zGF=cdsP(1OZDwwK)umtSj7R+nPUnt$LBX}YHYuka1fu>&RzRHHFoutmnWLeMQ-Qrf z@iCt=fUFdOATJ92=BJb^MA0L;UY-^CB}gzWL%_+XuhX|}e%@xcj05r>I!_sd7^_7O z4W$E($p2GH#T=NU8kY^a3XWqL^B6|5O?SXvds-`cy8N$=vsut5Mkj5h08lqO{SIt? z8G9LM2QT>ZRQo#5)!Z?t-4&qn;^Z4!L#Mp9t;ezcqj$p}5iWE=k@KA2{sYH6NZS^zkWXGR~6e12IgejnxG(3E|&Y>seWA_|c5~BMtAY-!&TEpH- zfI1Dh7NjIGAB0^Shuth0=LPZ-a4Nxpu;1_;pl1m<8MVP6aV!5PnOX;n$mhK$gXlE# z9=31w)17AuARc1R$lI3L*)-qWqGEV_TgRIdavMgnSSANyN<;x|N8RoFid{8&;*-$dX|XaCcB zFfDW&sVFYqr~E+e=b+WVOJYB*KckvF9YA69PV9jTn0QO1qkyMs0fBW15qqK=ApvS z0Xl1$NbmWxVHV|oshoS;V5mvEPnB%hsU^EhN;BD$WMZVF087p!=xPoVq3gMu`kNzf zJ0jP8?rM83`263Beb}Xo6)UngPAX!B7p-4y8ye~xuVCIjK)aSbVkbRc5SUq99VejS zCZMfL&2|17^hgwx(x?S1Q)B~3eaM_!s01#Fz+gYCru&az3^mh8i`#&Q&?gkmQ}uBU z3?^v)6jQEO_oSKDtW9}2f|THF1?uV2R5CZWJbx&Q`Q=3clV8nT+FSaBw(O0(W5Nt z_@AHe9>SxU_I@kHT(wwDdQj`8f#Z^@O898^+kqGoQ>N zcF>HSfqw+9_oQfIA8b6d=a` zydh^+D3%>F^-dTFbt6mW87wBa+oj3JRJhsT?t8&jhkJNFm$|mMe<2HW9E8+-EP1eP z0ll68GqDu|Av7I@)^!vbmJxI^? ze>7crAk+W<-<%`ITp79MObQF3TrnkQ8Tv%-C^Ywdix@de?kG8;MyXkC#>!c9B+Qjb z?&hBR{Jp<_{QmUUY_He*{d~P1XJWzM&rPe4?IY_=$pZvu5+q#^HrU@!%)&h-qz8;v|sG*3P7h7 zQX0^={j%m!``3<7fgEQV8?iS)*1-SFja2=3Dbk0V46b={IoO~DOQ+gnfcE$EBl(@Wp&R1-*|pGbo^V9fRf}bp;QBqj-`Ohy}moS><2&bg^Z3U%5bHa~WYAc#!2hTI#^;44Oe_iZ~*fsB#I)|COwi`?kS1t(Woe}#$%jVXe+<~LnjrWH|wRt6ALz5m*Vso#!O}h@) z<|m`)AMIImp4EC<$|)EUu%~u28MieMa&5UN9r;@#+Dpns|6SP9OYYhVjf#lzAxZM+ z_YE(RI$z~lt1j-~E-in6H{-Tvx6l)I*UPe=ec=(m7~C29#eqe>h;?g1hx1C8qMLh3 zcJI8=_sxw)q#iRU9N9d|L+9gbd+FR22aMBL9m)Arz37KujojyG#;xV7XU%bW{X3Pi zFtIu7Ap0mQE)uT@NtTUVG%9W^l+FLDc#9ghzsm}mHa*$KesS_k0YGI!9Uw;Sgy~1` zNRa>$(s3d)?2paIAF3jjT0+;(QpOt5S0v>%@8GwVzYULb#>XrGIcKFl-@8#4y!u=i z^$vPBjktt}0y(v5+oaiGsEE;w>TSc%w7fFCShw=F2UYd?v}*?&8^Ct745@vL0qOLX zXFmoRUJ&6hx|AF>1MmYAOc|?DRT?M1B)~9Q$87LhSXG@6ZPufvI?{m7cpB!`N7{N8oP+`mt_D zpD)38d^T{rQNG;aOl9u$)O+-c?B=K)o51~z$c&>@+O#U!^zU{_^iV5VWiaEmpK|MSyBZ0?3d^bmeLWaOqKlhLhx*wqe^OM@W`3#Y*{Yi1Yt+iw1X5Eo#E za-TYrS$v_V&#ygT1A$f=cQNmfJR_3vuZ#>`vUQ&hqOOXoiVM7Qb`H4{bz`Z`>rSI` z1J1JT;-#>9T$0q4`QUtqb8Y7|hHA9)Cyb3!>ZUlt1`M zzg&C`mBR(Ybd64LP&e4!+}Pfm&4}QQJ>&hL7g>IMxDlykj=Es-ek(^n=5ND!#Y%q< z+c`aCuFv;=dt~AZ)L7#R4?}%o+}E^3%muGDU0QBiz56snWEg8)?$FBt5m38`_#pid zyF*hMcDUeC`fu9(c%W0oPe0Z~amZdk?e|Bxt<2~TcW=GtPg`!SZoPU4HBbEclQmer z^3$qQTY>gN65@52;`67SP(+6FI&@K5ZvKO&QB`fz(`9R6nI!&?2r_;7bR8A`XhAVR zQL(~({d{HaZ$yA~$hQ{=;iU6~FhTFCS|1;c`x>XLtVeoy84uau-5H(J(-dIR+y7V$ zFR1#_Ed!HYX;u+C`SG29JLg~I=OA(JqcDcY5T#$dVRTxYY3hCjN|XFor> zEP!?ZUML5!36 zwIr*&CdPP%*$cccXjsYly9xSWAJkE?z^6F~AT(}2&b98f4rG(Pr zxQJMq{_r`B*XHpf*2APnZRK&U(dm7_6DxL3N=+$s9++y;u@R@@0j0qjmxClW>%aHN z>&tVlIVoL_)StM?ZHDmdK$RF;gr3k%h0l__1B>s8r@X(r@6JXJ{lTj#^dfpvdv1O= zwn@$Y-lOvlh2=Gnl48GZpmD}K+KPkg@qdc#6HY3_lr11TfZ*%km)bAxOUXkex9PI@ z#U1fwJdjtYqIFV>6D?3TqnTaE9^nswq1s7)lN7L1f@ zT|}vmXEdkCs-t-S17{)8bt9{Lq1X#V&NqyamLFY%+-^uLc`1ht3 z+FaQ0pk7nFaqoI*8^MUh1|UWV$i$t^@KW!ue#xhBo~QB@w4~S$L9eB$S4xFUddx3; zzR~HmKP;)A9H1l^>|xp6mddC5@|yO?FYLM4K|{jz!PVmKc)2Ch+b$K5lguX?$Jrrh z#7E+VCqN!I`}MP5E{6-}yg0HdPdn(6vSCJ=bnn#g#wTvkhMJyiBf4eQ6Vtbe$2Tc` z&Ck$W{(aho2V<;c-cIlLyc&U?>{-HtV|C6D%O#%otTNIDnDj9$o~j87Cpwim(;#cX zB|(2F=oi(2v0Bms>K&}A)Wj6gzwQ5`Y?;_BB7!t^)V5{y}-GDe?-Y6*T**+mA)wkWM2L(xZ<9qC1u_U-;&A1!I+me zB#sD~u67LjbJA=gw``4gN$H@>2;#>PLMlHw3MBr)|>0qev2Lde0QI-eDv&stBF|Vocn23}_T}V&}#=|o)2+j<`yq@A3V^P*ftCDu@#+Tgg zl85;s1;*}1P@IVy|MN?cviV2FwRZasOv*f(m{kMV?t1@Al$L1 zk(&CmJ5hWpD$ua@v4zGZ4#o9#|Ap6hTI)@S3+YLru{VnvULG?->v@8)(2usBZ#j?FgX|Rg%uPWgGjQ z_6gU2?Rr}YN^&gnz*JY0K@Gu3OD#Wm`bM5_yx~rZ|fDD6~10Ey`CM!sb9uCc-Qp1{H1GWjP5Q)esQd$jL+^b4&+yN zGFsO+kEe19x$oKz<4$&`7?Z~<`1oAw*jS=dJ~o#NQ#oVJnS=dl)=R%s@U*DXxd_7? z?;VZ{JDZ(|DrZDUNJsLq$3zkJbYCc5eeci~Y5DsAQ~0>(b1R{79L-&4(kt>CPX$y& z2N9-%Rw`=RBlPhMf#;&%bI0fV>gDFEtJUCJ%Hv}yo;jUg&?t-9Tn+3| z5&(2Zn<=Z4tV0gfcV%7_sIL7&7*3F{52GcU(;16NCMc|aOl)ifF&&PZJITUo(s9$> zzc#6B+=!(ZdFy-U)ZP;KmjgwHR+2L={yBBxJh}Jdq&2=iz3!3YXkn$GagNUX5?s33 z6+8PxsQAazU@3!K1Bs^}Wd1s|9_aZ!+b;h%h#UKtVpVoGa{;Y=!2c7(SBSpOAr*7d zTCK?&W|V1^MkibpQLE~T6^l&rw{&&H2Xr}$8?D6NGcnb(+xEh@&#fsYBg<2n}g|N+uD&X%9XoW!{`v)p4~tE zDy=Cd@@!?nRZLDc-z(~)F7xzsZ+p{q-wR1Ey~W$aJK!w0-I+kJv^#W-q(5*JNmFfY z*+bD5$zsDz2PanZLJqRc6~0-FBUeA> z9d$qCR*K87D=;Y8T2#Q;Q+32tKYd^_=D_#uQHo0SFojC^EuLI`(Ar?98b!ErI4ucu zBOLEe(Dw*=Sp2bn$>CABqn+XI+$R;4nw( z{O~Y(+{x-bOZd+Av1+@=9iAXdSP#fogr!P$2QC`5+#MR-|PUHD;R|!x>*jmLV zHR|>$LF*sqsK$;Blr~Uy$#2uPZqil^)-Up7Fr2S<3U?a=uE(LnpgGD=&u*J0W5y5#Zd z$-HwNWqX}L(e#t(bUoYzq)w5S9$ORQ@By&9lNtZ00wG_WeU1Vht6kTwaf9P_j$f!C z<^sktPDrD-4b|Z8@i74j7=On`j|q@#*XU~?`bXHKEzGa1mlATP5jOJiehwFRasaI3 zmaQ4OthwnOeS50)y4BIWIaupOp5>Ke)gAzIA?`^@QyOR0A#ZA>-Gc@7r&OHHu_2O( zJbUKVY?l1jyJvgVhQLz(?{IqhEwLx9oe@Q}IEK9Wv-qN`fB#^p3#|$FoKg1nck{a9T(9@jo0Pf<<=~*{(726abuV~kqiCifub+Z-f9qo~ zow;-HdO83-%x-PXSeUsu;n7(YLd<07x9q3)#R%#9!{xGJc#e2!LRoQW)TYy&2Cpz- z9xz`y<`b3W;hkZ?g#;q6tIn4co0z8-2AZ~Jn_+#h4%q1e-9Ry}z_d!Lml%GG{HJGn zy7g!xWYm;CZkO+I#W^oz0$K5V`*4;O4Cwq$wlzW7sO_`q_NJy0u#5a*xZI~qVs3Zw z=(o%M1)vX&rw!BLxm5gEicb91up)5~s6Z0!jomua^e;4JQzC~LD#e}ZRxXboJv}oH zt@~=1n;QLl@rfCdE5{V8QeRC9_c(`zu^<;>vfP72{7naKy@f#k;aP9s8}dZ0)7h-) zr`y53&8b2-scaaS-ngc34+6g&nja2Vt3DnOqy>^9; zA?GflT(@pl6o%H7)W7oK5FZN~O)~Ca`@{47I8xIbxxRX!)wLXI zitSX~v8+lPi~Fn`#(<)3zK1PDH>;iy6U?OEVbugMFFA^4yV$5v?C&GQx?%{Tdw(Xi2l|9r^aRa?sJI9sLTDJ5oOM2wW6qQZ6+7AP&ej% zE_XjExk`Gy%7IQwF<_K{u}`>w9>+(Tk3o(?Q9DEBMevnq{6NT82j4`iBM|v$1@bSd z342~UIl!cJLc$P}V3qGPj{Y(8Fy^?SkJ3`Jl4W3LE)RmBB!9Ua%fDx+C)a=eU6%&J* z*6SQby?q?BVV7kd!(KfB+w)*p9quWbh@Vf!U^y||aHtECv+MB~=cl_$Cn_iOxOLt@B_XJ(Vg#m{@z(&} zP`Da0f*)6ghH*n@4f>30NSK&uUg z;!o#G-67C! zAluKg&`x48a44t(*3|VM9{Yr4j@a6CaJDVca80WZ(J{=B>-b50=+LiQd4mrzFNiu^ zXE0_XJ?31y%`0lLjrQY>&vSoGL^tWv+MyO#xsyv!rU(}4UWD}1C`n^;o0#!DRN!n~ zaVi+Z=Z$sNPNonxl@&WE9zeHv)@01i5wLcLQ>~rT>){3SUNG~oQO5W_fxxsJFW$w? zgG=pN+|#Z_$vWu~UD^kwVPYw*IkIkY9~EZJ3T43BQN zoTMfvyOhTMj1pM%9rwc`){oZL=BAF^l*R;Gvju=(%WRo$ zX9M^DtUMb`D7BeY5<6JMmhTY}$xuyCJYg-` z47q?XE-Tq%^Sci(o)+)v_MacZ)aLkYLis*~dnYKWRf^pm#i848f`kmfN9RJ3BhT*t zrh^-UT0mSED&tvPiay@w0;_tjYVX$FHZZ#Awm{mVVx(C3`x}I0O$zzo zNX{HSuz60XVPT=jgLJ2*SNf}2JDn{@+b_yQ7+Sjum9=su`B=_s(@!ird1EC7kfwpuCVX*3k#y=Y1Pr zIsd;F01F-|PI-NM3Af`Ba`0zC^4&+3o!^=$TP%)h-;*0dsr|=ntP)gt>ghOoXi&#` zr|G<+tJ3*K6G$Z^G2p{oxvLCd0VPL+o#>LP^Ry zo$KpbZ@m@KlQzT@^4BKKtc2my%0wyNYh3V34038)z&#!EIjckw>1kV2S#%E0qgVl} zf=`HdbP}hvW+Fr}*{N<^ifo-z5f4C8o65?(CL&=>24ss)@y zo>iJVsMY1IrrHO>5wTzPX^Xz4(brDJuWW2As323iLGan!juNAEOC!R1?&6%_MN-b_ z-G9^U8GWmcR{#`mF?u}$<+I$HRp#W>M-v90`&iRb75e-G`08!MCb+h2kf_AQ_dDA4 zN~DjK%~@P+Q8jNJ-LCN*c6e;CU!BxRcJQj2yRR&r`sP#x$r5ILzH-po_DVrrv+^}0 zl2yGmgKsrsi%|DzoS)_4WF>o5#E&dqcF$UzuTQ`Y5hIJ;t#dJCJ!Fva+U@*NEb(GKc+x90_0^Q1)V z-cjcOLZpCQ$y9*l*|}f2@nh$HW#o|ke<0e)S(D9*xP8fgfsPo}`30kvV(}lRWEIM# z3RDKxw-Kho0pB}U{1P1kK4oc#KA4C-KOx_#T(?E*2?d?v{~{B6|BPBniS@IX43GE( z?JAg|IU;foY7`7(o$!T>2>D(qtk_y1x>xs4tLj_c5fEu3+F-}{xc#z|-H8+`A%EEUwRGW#_P%13;IyRxi*z|@4Yc;=Pw{(O zBbPqcfXCl0xbM0_7{I`xTAQI);udO$0l|U_{ae4{ zg*^i^U0}CneX(I{@f=s;fpB~91rH_MAmMrKzwdQ(Q9^#IhpMgO^6%$aMB<%A$_zx`2a-I!7A6mb^H1@)=d{OoW6`-x^>UwK+MeO=j`RSm+Y14&};SRevvrUhDT zmZ_u)Pd4dR(n-US%jVXX8+0u2JO9l{s@=U|KBJnw@(k{2^Nh4`dtHA@@081$D29Xi z+3;UWx6~ZwkMy`hp-FFBA(X4(;*fci4{#Ht+PS|Z&)D`hperAWMGMM0hA6d@eJ`{6 z8|~2-|GwqOcXrMb0tIIJoB7MgqGawF?jOzy@df>WuZ2u>|544z+SyS|_7dwTv8tx; zMFY|d1w-U#q0rjiOoqeoeG6=eN=mZeD$f9ee#iFsSpU$@V%XX^SnQXM#qrn3cppnR zbc;s%=58qeki=ev=v1CyfE%rk)@6}9&R=N1Vg#F)HwWHs^Bl-jmY2)>Cw|?Zel4Bg z=i{6+?r_((ts4^>&{Viop}MwS8N7)51U*{`Eg-&`zrpHx-K?^Jhhc6~n)de;K)H86 zD||i{neTBYzvt>*0Pj^C>h?xEjMh;CFFSi^Arc@x|^2iw0tHqUiIK z$T+d;T&OuRS&R>^%034Z0PzR(j`pY?yZq&TW`PMrMIWlmh2&3I>CaIQ7NdK$NfDow za3%G(!$OrQgy+8^%Xm{^@jpSGif_Hp8O-2iH~yF6PEBDC{yJ97mqltSMQJM7nGx?c z=I1jS1oeGQ(GE4!+3x9xjtH?##-V>0u%i+4W0&Cw_smyRLLDIU#oo3Z{aD9g5#r;< zhUft9?E~su4mI6^iErU7-CPwrz3B%kcb-Igu@DuOug$Hw@fWldC2)g-(ps|*t@U*$ z;H%bJS$8Sgolp-2Fs-A0?gKMM(}p1VsLofIFQ;xU13+yJ(tZUb|FWr&)@T{%>_Ta3XK0C#tq;+%5$%r&tM}fd>RH zD<^`3{y6R#`Syl6k1qf0q>WiU13H=Npt}St-EO}pKMR?lRo!MX2IfvFVPenv2x=do zY#fg(sEts^h!4$3PSn|^0CM(Od7f0Hph)y#7N{*LeeA^x?$6GQm|<5oiAyOg@P@Sc zEbUi(S6z$v3sE!fYEhG2>ty2r$@uxmM*Ui#P^kWuF za!E4qqSS8xpJgEFD6>(wsTCx}+99r!^|BOSUiV@x^iJFS1{=f?pu8Aby#s5+oz?C? zoqZ}Q)s*ZMfRofeJPu=M9WJU!MvM7+VhY>?)X2l+I*tJ-X z!abW{h( zdX_z@&TX_NzJ1-@XrGUEz&AXPbhInW+5OguDt1`aN6R0zsa|occP=gK%YU1n?9}~a zVKMm2-8w{D*kqGP@+*9EZeYRvxu3?{p7Kk95oPK!Pvd^T+XSCUhB&HM=DKZqWcnFL zkJ!~pR(?xh`uIl0szynD=X7B*v?@SdO_J0%pjvUZ7AMFjV!f^Y!M+&0doTzu?Ts*y zT%PXD3|??R$GqKotJFW6(2U;_PB=(iq(Ta6{Xo#GpTcseqEZqa-zQ63qE1$L;}{2m z&w|&5o{1c;9BHmj>VOR1iuZRiFK5N=$7%*0Jan=cVq$gn`7Oy~wG#$R0W0UyAXA2p z_}t#&l&fe;t845@&-na+$AxjN%vBmmBWcVV0}$mrP}5O+y0WL-H&~)(6b*?;85aau zr!PH>9fB+Dd`EmN@c9pEn-}6pVS5=7EML5P`XXDCVyb`He+#r~hO(}jr+GpT9rm$n z28@sWI7svH!EIYB@fX;S{v!;+B4FiZ4d;FpfzGOFe=)NKHj!%w*+lbS?njkE2wzoz zOH~Of?P`x@zLIn!t>P449la4-Y_f{ovcqGY>U^ZQz~E12nm6ygju*T6uD(*;tDLF1 z+Ix9+7FZ-(Alo%|dMlv!`}Ga;8C?FfuRBIB=whOzzP^kb*VXMlaov|t5FXoHs*Kxe zRlmrfP(%)$j7{MeKeYVxT}mP;?{6MHN=ot4d7e=|q%9WZ-h2P`vcIl zDwnp*w+7$l9VX@>-LjGHJOE6mH~5a*>8y}#>M3b>{fbp#u5Q0qWY@k&>XTA8&{5QP z#nC+jFS~cnkezQ2EVQ?*aHMQ+JvSsagx}^ZF5AO}a0-UDRPrUz6?V?v2(iAz%Byuf zSb5D(^p}Kt#ex1$TpduWsTN>oZY!bus|Kh zx)Y$H)U9e&V$Q0*nohteV*o7+7sO)UV^l9%Pq*xJ)(CS_aY+XGcNa#87XW@|4(aaku|vW9BxuLJL2?C55~=FcW-an_B(5*_(kdxt397sEI%cT?@% zu!v~F!F~}0@!JFxO4r_L%!tYS%)2!>rHXhT?3fpL`2uOHgkPq1EPFs}#_PvU=U&fI z04#9TwA=khR_8PzaF`#aG(PWA=Uxm1xWBE2^Yzt~)(L}qI2^VSX4u=B9qrv(DjLCT zTQk8m3v#h^7sydQc56HHW?p_m-PSmsocU{P-T}F=&<8`Aa-=%kHW00zQtg}8+K2E4 zSOqj)p#DxxhzbE(xS(VtK{(ZWVkewd($-aO?ZCL!o*$2d!HPEzrvGzb21zZIdrNuu zNJ_*31y*V0&T;kio_@=u$$z<|zc#kaq`R7)oC$7o2c0);jAja$rP$`k-@z1M9~fnd z6>7E5V1x~`f`D_dV*BeFcYn``6+u16I^3l)$VwQTUxt+@VMLBs8!2xI&vak0m~19J ztC}BfM>?QA-op9$xZJx?m>eIkmtVeCAgpwm}{MxHXp;jKgtZ+brU~S5KDpTK8je z0-y;dqJ#?|;^Fgt|E)3yYuc}Bqml;gjoM&;)n~k5F&BqzgVNf5M^284EGW4JWv2*$ zkejMj%{)HXgL_?koXs#}b?4J~d2=xg^WQniE3b>B4b^HU5+}Vzso1>yfydcY>t?|J zI(f9M32(!0Td7nZ5U)J1J2y{x96NC~)g?;he69J44W4}7v%I`k3>LbUbKa*c84U74 zBbK7%^tGKV^XY^k>gq}+oF!{R8Y!fPP>`?Dbp5Bt63GaTi_`@Gg!SY1=Tipu(&Dwb z2h?ek6T`F|NW0F+Q;03GaJGrr+?^9+>$FFU3_5);aBt#3bCsr-S38VLBd_~w_OYwP z{9IdKSy^8hi99(u-mUf$s|q+$gd?Pj^O0ftDyFx`WDi1{^RY# zm2}{f?K$CW>^G*ccGp2BuxOai6H}yMP-Uj-)3e9-i6gZs!f6(sjn?OoA|_h zVErW3@K38w_q4wwh2iCct*^8+s>3PMtE5Sqk{er8A0PAGV9h*gf9_2qkO1SuZPYEO zk=HLwf{0M0BQcoU96PL{qM|+9s#81K;2SM)kL54*xVH0{?qgVBR8ZBQf@51N##`mn zBfmK1hsY$smck2+T$;QD#A;G``oTzptUtGg?2Awx?vP)tEr;|lKLC-6h>rZ+(*A%2 zY5ifqBNhJ6;npq4fuXd^0%5=rD|zpmlNXPgRXk&W}wPvkR)hyp>kW< z+ouN6E+znb=m19MGl%fSeHY;4-v&l4QMU^6)Y;Se9WRD`S5UqXFcrJ z$9ls35&V{k`902SD}$?^bF@1krOJ?7(!z49-bMn>Z^3G_-QLt9D40LQi=n>hQ*Wk( z!U7{YZ>eE> zW}kd77B~E@&ljf=l0a%lYVz)no#fNbfEFC1|C{4&3i{5>XvEgv7YQ;|g#QA7Lf!~5 zHK4ju8JQROpV<{L1?Q?&_Ah;Rz&3*YFa(sXVPcbY&Z>x>araVQkXYcw53K;`<$0-M zch_IG++%|4P3i@QFL$X7kC@L_RIgsZ;nH3@j5bWFVGh#-W z<`68-x;7z_mwRnkZM`MZTW9v$-c3!~we#2Bh` z;8fi^B^YSeAk@G{$7L$?OA{(^QB5Ghd-%m{Jcu|JaR;CK4Z&4;DU6pNtQI-Z@^F0m zDA>^l{WR!v-GwSxc999aD5av-A~L-{-;4((5YQ|1dEpz`epyfBWR~^2k>C(bZnpSQ z*AtX*IipShVS5XjOHNO&4mr~qeMY8udI|GpkWg3rqzamoI~eyt@zK@px?jE8k81ju zn zv$M02jwCB@Y#}gnn223mU}M>o8KHuRJqng22ClgRNzL`xEkH zbKGrHfyGwU$Y1VMR*Gck6(Xn{=9x)=JB6X?I1Cu;8RQx+~b#p6S-{>Q1p~yV|g(+J9%bY{jd@m@HcTORfv=^bM2*`dT>k zRtLZeM}-Ij*@X|3+Hw7{6W%)@lQC*3cY5h)NrJ6>!2n2vp#SbQO1+> zC9)Xsjx_+RexU+DkIwaBVVz};eA4_l4<+e~Su#P;#435ViI+7OSu~{LX~q>%;-fyO zL?{#IuGG{@_)S*iwKhTBjqk1u++YSIFwJ+wqa*j*EP-?X1G}PemH5PT&nJx5y)pKH z70lV8cN_>lK2Y9Rbnib+wB@>1AJW%?w$9Vtb*1kn*k#o8f)Lk)0<^Ur%8NYD7q>Ij zDR{@W|NSKnq>G(5NuR5Jeq&=S4|jAlc{DXK?&tkXrM{j-DNZ?<*75T|q1;3}!F)bG zt1S@+D?O;&SgbQ1tw_(GpLgwY+!x#cAh}2_Jz7t~pV?WRnHerUjdX-txftNCpd^U- zzv9d+ZhDdSYuh*vGn2sm$li~X7To5rQTga|X_L~vfB%kxx#!Qfp9wujv@~5q1&tV8UHv z!1Xr#t3*AdITWQfV6F5BN41bMrZqO8mycELUGA%+eKc4yxzcG0Z#Z&%9T@*InAzr_ zFU_JNE&yMPl9V1CR>H@@p%)W-RDE*Do3uGSKRiDil=+=wpP_zyPH1Hu?^n;*_LKZH zXbIsBYi(Wk2b#KVSvQJDDfbh{SX22?@7Ipe@@-gkO*mJ?ZV%9S)jJQJc9lqNwYYkf zLU^HkiYZ;2SNou9MXLvabanvB`G!i}0`nv2j$dW;!65ha?oZFpHK>J#y?_(UDOV@1 zJn?cCDPWGPiGYaT;uPU68w#@APDFK*aIA zUS{u;;8EFlzK>bFeA{6)?&oYnuZoMlS%qJAqQIe6`*FAZyg+N`}rXQ^%y~O!DVg^0g$XpJJ!|0fBLKLZ>Flk09 z&(|9Q!!R+!q9e2~(8nU38v`9FI z^Zv<)j8wdRYIr)AGO|s=5ZS~%J^Plk-axxh@|0t8dI>|~}OGoM^rfXM@`ijiXE9H3Xj zh7o6fzfkrO2r=x>WzhEyr#h_|sxxhUD%JW&d&GljtvTq~JnwP4rV-|sAxbF`n6D%w z3%S}&ddS{JpmaydL1LO+Uoa?$T0QK%tHi2W0gW!<0+lWc7@8n-Tk5cwSPf*9Zkfe-X`DQDkN`LI{9&X@rsWDTqv&%vn1ufDxcq(R zya$s;f16=PqLcRoA^m5iJV#nH5=@sPFy2*6`B?Ez^;yBd*ax^`QTFX737&Usz9e2T z5^6_OSlpg>W>c;{G`S?^@`4QKj{VUR{q6Z7jjLiK%O7d!wWG}%O#Tk$e_m>i$1i_r zS?C+LKvl$_t*xZe2_3N1n(atO>T2`J+8%=u4g31=OC7+-md-2ds`6?lUQI)E&L}-J zG}pddz{HXIYOC&FMwK{^nlxS>5Z~ZNC^duI`+@u0<6(#n@+Q9JAj7P~jSC}qcFEjc zK^>eNFFzLhSbpU`9C}L=E-hp`R3ZTSYzqOAU*e88HZJ!JGynsn@DA3U>(wBj<<53X zzlDsK>bPki62T0o(%u+yx|Vj9JQWcgnV2{Xi#s>~0*eP26zfKETLMPa9%2rPdTI$t zU>0!AkDXxIk+OY2+M-!h=3ZctkXT`2=vVE8RPk;A9aZrY2nli^?iKC(RnFYmn>PT&))3>HJIr za@E%F8b&-QVL{dLy76AD#ZY>-H3XhqQm!-&e);5X{S)nXsUl$Fk}~9T1e~yG)#q%T zW@NfQaEU6FEtBd9Ax3~bqmG?yPVk-_cE+JTuIfeq{&94G_lpg^3M7x+8MY^4 z&Qmsyc%AhQclWm!Eo!y^eQ3|iw|c+DqgLzZ8NgpoefiU_&3EhJY;N{H2)W##lf$VL z{gc@PdIOiyanFHY-7p2v-xy_9KV$V=j4|n-_~O#2tYjIK&QZc!eGU25>r9d*cSkYP z#ra^u!fl0ay=OOF0(YW7VLhMePUaZ!Ct9w@L4 zzN5(_W|Xb$;ALcqc*mH

    34dnEA-1hr%BO{mN-95Ro{8pXIRBnGO z#;qJ!xKibl+Aj5WFB1|ae|UB=HgvfVyy9*z4@Jbo-h@5C-T4FSGV({wd0_@rsrC-5 z16q2zzhBh*)GV)rhij_q&sz6_dls? zNl+~oeag?5Q6E7U zkAWT(A#RA;Xzf^$#FC@k{u%AF>IR92p&;h9_EF#zDK+*vYCG9fvCdhpYN|ssmo`ma z`i|2S&y~Cq^~Ioq3CD3(>a|GlEuU+6eDK>}LsKK3n$3@wkHFC}K1YWYS2t&6`D%(V z@Rbqi;T%Fjw{scb9F#&nDbb)(^U$XfzHU+&PYla=ZixC)JRc-;wn-CwmEbrYN@M9T zH&-AhXl*Z;J7Kbk0qq>9v$dWU=3J^vQs8A*4cW zzbn>Uy7}Cx-fY|yjWySnI{WCNJJ*8wIn>&ug6g~RBDd2C^oDrFSKQjrTbb|1I3@(E zu^|Snus}}bWJ9Ft?Puho2q)udqm0d`ClDMLPsgnVnk_-w746NE$s z?Y4sh84%EA&>NfEthA9+lDu%holjXMm|EfDqIC$!pJe-i0ymaFWWu)7jckcltsHG?nY!pq&HbQz1;6KTYJTZ?T3#DE|#%HDi>QXn~tVq@O!x=pkyM zGQaZC$V5!0!AL@(TW}fwV~krBr^|{X4PV3N?cI$p7VF0iqn#7g>dq8EK)aHqCjDsCE?CLf9FHxj z0~&8ee^g0l?SxJ0=mM?N3%~dZ#*1j24l(R8zXch2aoXVy9+S%SrL%(R|!t zN(n#cox{4zc&;=*VQGM?ajabQB#KL)?~24>wBv8tKvJFJV^>(gjUJ?||C^zlh(D(^ zJ&TfE0TSC#hF_J*>hk7G?x0gDD<;r@fiEe?x%N3Xlf1DYgLGeSb|jOFwD9h}*6%Da z+x60W-4UhNkY{nZ_KtmXEyg|b4*TE5v_>c?r z^;_%5Ym~uDpn_`Gx3hqYPa<9d==W|pn!~S7#zg3nN>wU{;`UWerprz?@>S|p{K_P% z1Ad!EkV;PgmdO?Ntmu$&a!^lcn1LN{w;T{pj!t&mSv;%~N5 zdJ-GrmriwS!PmR(+*l1h88^dJM9l8`m)tqXbVO;DPFwiV@w9?xq?QEW0HQaFkhNw~ zh|^*E$N%}T$CscEaZ>Y?hA(Bs5b(`B@fUX;04e;yXzm8ZPJ(5u878(|o zUH3~)E*Mw*q>}HJAax7{JSyVr`_Y8xNbP)Utu@MGk@e?*(NUQzMb+#~$xsl|JT+C! zJEf^UDW_mPH1v1H5hRnj9{X(hu3uQGj5L1|d2K-3#W7b^A}dGB*9Xp1xdlHVo+>|w z#g_;yk03JOjnvSGOd#n`w8D{5DdjA-HeFKNV=#!)h^?#*R=bg~z;?&&+nBvDH=-hU zPH{Dne-WOP5R{q2oNw=*jvTQM`SMlINEL<55}q*t*)^8BeXfjO9?)gJsk-3=mTEXT zgZarU=S#C;q(5Bi*NAGIRuN`>;B6tqWeCCkV|b;CVK~4ej*>2eUyGVcRp9;-e><)E z+60-T&nBQLwFq+~(V#lqWy)7BQ!iQ|=x_Br#kCjCqG9wjH?crtyJ7r5v08}{ZW z9OoXx+#onFuM2H@{+e8o4wf|qub8CbRRyGKi?Yk4e^&e-P3Qj4^#A_xIW}_G9I_C$ zQcXF`Ar>K~v~?-<8gnS8U7n&<6S>YgTdIWtrGlep@*jEWjRTGnH&@~4KtW4fUY<>%XGUA9eP^WQhs3Aa>{C}BfQv=u zSy`igip-6E1558_g%b~ z=D0|klKTv1DT_{>D{$1TN~=b(eqc9w8H2F6E_>(6Od&(%`qej)GV zb?Tjg1~%2F$6fn32o?Eedj03*Tz*24L_`|ZeJ4wFZqgOU!t+rCUA21A78ySU7JrUg8qEG_O_xkr+o~Y3eu1ITggdfd~ zOdsT6t0`#a!Yb}0@*p6$<+cg+R>_sx`r4`MemvNdE1H++D5 z=w0bHqvN!Yt(B^X(O~Y#sx-roaBm${)bAI~3!k5YBkQ}0_WV@eGT5rEFnX3qzEql< zJf7~~da~D1t14{hvRi&Kqqx@tWR6WI$2eP?HR=d&%Dl@Ic$pNqFqy?9b~(R{NJOM3cz1H&L1*GxbkG3}SOPHEqEMBs@ zQ^+wjzlS-FcXzBkHS)`VYLMB7yBDXnmKa`71LsFEKsGI6g(`BMff` z7WRt8H?8_)y8BJ1tA+0jH5?yjw-xOfE;*V>ujhLpjnJI38V1mopZ)Mov$uBwjEa=! zMenRY`f^EI>B&m5F@H+O*Jc&kF7n)yayk!by`_o$Bq z0{q!YTKf-UW`a66zSvgOE5`+Pv8|nGqQeA2+yO!3kQo|#LFd&C8ABorkLJ~yl6~kx z$>3737{Pf3>mracOnj>Od$z8y84cL^kR0gv80fcqdwp!`b+`1=3kIld@D@I;kjxfm zVT*LX6(4Sntx?lwSzn9q6vB|fYR+=pkK)erMmLu2#+?^rh%8}v-_~TJ!0c8jSrc}+ zmlUDsaYfb+=ZX|>`+RU-4+_6yO(k#dZs@)u@B_TeloE@f1vmNihm=_u=v^t?UJQ$G zfLz3qx(3EngmKOkxJ??FnrpvsiL9GW{AHYrRma3c7V3#3m_!Zb5Y6h~PsBb~0MZ$g zob`|+$jEd34sbc}dfd%mBISLp;IJdd;r>N+md}ooO^|XXStfb+drtZ4T;ht1CNGC6 z1jxGGuv!C!z8@*mcgBr09foP{ISOlDLlDnRx7utjes(B7N-BVr zl2rC{d^pJd+)l_D;`s?oM{Z64|fd8SJ` z=;(H*bG+{S#ZCqC#_de+UH6?ewvYat3nZWBJ!Zj^Q^#hTdL1>RpShhUL}Kn20B(cx zCMgOplQq@JG?}uc(Gc2Q2Qr@g;XZSpTj(GX3yw!vhuCol`SMrs$T;!wb34ccOdhBC zUiAOt<2?BBJfxYRx4j?6`cnAA*R(!_@%~YTO_X|5@@~I}NFvJCpoThVI8D0o^Yitk zWK=X}`hM)5LbA;-s90;j4(^qpYaBTc{j!Q9{}9?^yj^R0Yls@1qxM;B8?SnPj^y+_ z8CJc=_27X59G%Gn8m^Tp0D*XNrHja^cG~r1vz<9V`=4$2tq^m29V7>GuH9KU&^#@t z4bq1-E0K))9hA4*??y;>H0q_!43^H5?!^bf?(jRXOWV|S1|H2VmFLmal29KZ#_>^l z?Rc6PI(hx; zBOv+7FWkREx&ZRiG1sOcaBuBoN_ww~er)F-9DKjuR}$Ge|` z+Y91>Vgh{ph$ecfwBlE8U08U;J)3Ex}Gqm73j92EIiRT&!I)zJo}yzqlQC;ae^ zBvoBXNxn%SU<)mRT@?WHw(~A;+QRWSA#bOTSWA+=7I8QO=>;>EAPcImpR{L;o?QYd zT{)Jic!bNJ9y}?{Z%%bs)*z-C%YUW@ue~znadu*7ExR<6;ZhFL<^z2uOM0+6k#xBt zBeJ&P;*2Jyj2z4D;VM>ATy+xUN9V2sHU`}iB#Y?=Sm|AiHnPiz4KP^<8>Dx{J?T+B zo*8W8o(Vr%I~gH=LKk=ni{y%g@9k6-bsYHsn67#1zc9hvT#<&F&W6L5Cr@J~7{p|J zQO0L~ygz=mmCU06{Zp8i>x{ju)4y_d6D- zOH@|6Jaq;Wvk)InhcONY$Y$!}nokAoVLf1C-@I=DDGZ)5e7usd$8bx;P?3HCdVDmy zm3OP*^tfsq{^v<~ZjwXL*1AttdQbSt=I1=At$%WozFOB>Cs^71c^JLGng;WMUqo9a zj@lHz{fn8WZQC~pwN8FbHMCX<4$B);6Al*O=O2Vzv|714os7m{a{T(s3pbY50JP_N z^+-Zw$&R&)5gBH$)5|fiY#wV3p2&j3;+qJT4#h(`F``I|C3N&Pc#!1{Q&J^WOQ{e7 zgVslW*&CzqoJX`~gp&CNJu|QqFzvbvY4=ThmP}{_O;&==e#*T;-Mt&s#4F@7-ZC@X z+HpvY(vLvW;Kz$u=6|l%>RCxn41Or*$;kHMl`*qlu74AYYRzj1^8DV(ZFskc>bB)P zDkxnm0oyJ^VX9=A9vWXIUyNi3uoZwV+!Pzh=dwCpp5bg$Rhw=ks)L;%Of~PdO)~Ef zZm8y7TMsdKauk{MZQ!y*ggQeJlG0Xq{mpOt2<<}F>GqWWOtQheR5R~*q_{dln5Z3V z*B&U<;%bDvqk(CJJk_4D0+X&~pdynXgC@!|!ZFXY&`BeA_Y+Cpk%w847>qndEoJM? z?R$jiKXkL}FTtcz2EG2W!JVe=f3tE#DhAux1WCECZ*uc*QhJKEaQkWTd0234Q@pd> z{g;hSSM3QpnCax;bbrHn`thnv;;I@te!5>}XbgVey}ne2Nn`(YPu_8nY`C{d%}2a# z6mv6f(dm*7d>uPnH{hwQX)wknCoNv!Q6cK^u2y~|YqL?a#!BT9XFZY`(G07m;@p}W z>8a}PMkoAAh6a3>)ipNl*J zpvJ+8;lpZCC-ZEdQSkTN88bEixPLd$rdGA|&R${eej%|ob(_$wv=72j`k`XwQ5wv4|wiX&e90zq`v0N;W7^RWR-@y5kF;GyYj&(EWp$dSJ|p99(M z9H#V`SNAX7`F)L{wX^-&B}^vUeM^!AB)N!|sBa^E_PmT2?^WG~oQ|y~=3H5P#0A|o zw(}g8{lkOEm%=hYT(}&k>V^Af(Z%nH!BG(qlU@@xWWmH`LgQ7d+qdt>FP!-O)Bkz8 zJ$}kPoh;RHK(89_N_SYpxf5yWnqrsuODs&qu4G3;BX0zXRz>qOdH+j`I~g%a^7$2b z?e;dlA&@aAHlo|W?@UXY_3nVX9!6V~b9bWYnPycM?vIS&IZeo5ACWL<7QCjYsLT~` zGgs?zmMln2)_9q{@qQ2tsF`1|{Z?=8>G z?ao#R7|vJ3hHbP+=Z=r3V}I2$Hqs{NR_8n@~mMrol~g;IZ5)XY!`+($NF2sofF5?ykbYCHm7}gP10)g#(T+Ckt;ILoFyfCx!$RJs^a*YW)pTP z$@*1}JqN=N;Sm7`7U_Ni?dd2dYr?Ppz8a1UDlqW>Z(j>s~X^Qt0D zU$S)~G(SQnVOr_&_-AKLTy_ck&!SIEXP!#16LIS+;cr-0vk{XmGK!L&-J=>4VvhbWBQymjSwfTnW6Zt-H65Hvb;Cjc1Ky zFCI5F0myl{oP4c}ptnS`^0m~hP)4H)2&Z;&V<4B@-2Ar;^Zhg*sr8u6cE{x^c@BttL zda&oy7mZA{i04Cqt^iM4%^q?W$uo#tbZfYl0(hPFz=w(rbXvpFtUwjrNUv6>WcKrT zeRV?uij}MEc0;hr&B6-*8Z-u>hcaja0p?Pw5TlnkCSY%0DPcNEq`h>$Cw#;FaE`7> z-tn9;w5hkiy^(U$@j+iJ;&T`^?3bD8aX|d+`?u(YB(*5%IV7f7F5zk0Q-6<>E37#i zT>Qwej6H0yPgs-MzVd{nT(4hj_39tt43Dh`e-ylvMy%Dd$)KYJP#@)WcTajnc{x|7 zUq!w4T@K6oIU|tsA)Cd7<(+9$K^_#a-z-qLlAWGFEfQY z&RGtQF0JLpZ&pLDaklKln9Q5C(DM5NLu?R2)VK&cCiRCF%G_ZA@0Z+ zrO&>{6T@C@ob9YEJAb44F=ef~;s~g#{!xObkT3Yh+S?Nm7OsBnrsR2FePs3agO)$V zQuRYz#CTYk&O^CB3*Wx^M!EZ=O)oY|T;Kq2sH7h!x8)3BjS0rxL~8aYoN=-cHPloZMmpqfGWhy z$^iLdK_NnYHEJKRgQya?#q^q)REGaJ!cPaQ;8Dl&^=cQ|;BuQ}&E7KU8&K>q81&k{ z*|iNMCoU~?2m9wfV)ba$Am&~3Lke?4SzM$be8V^TLdMY$6O+5JAnrNDJWJ;kz!O- zy5{@6s^1n`jfqCvfx%!G4lwga=7s*(uDXu0-70h69+|CON@#`;sLL11&sJa8AKVW= z$U7af3Ei0Ov95bYIs$6QkEI`M?KMX($bzrCTfiNoR;VqTX0UUJDRbt|gVs3mb_VB8 zSN`DLG?T9Vk`EZcV^!-3a5t?RQSd03gC3v)kB!mv5Uf{wBsXtp6;qyj^NJ4el9u_X zG$+p$i0n9!RZ~%c{*=L(hK7V^`6VPWCnfArCG&kYay*1I*wKX>`yj^=Fz!%Z)J{ar}a5A%O=#)bo&!yXZ4?36% zsQotPzDvo$x`+P3GT;P^MqrGn=z>&iX(rXeor|72wHRXe6A(N1>Q92(n{6SQ+ZG&h zTVwXMn-$P|rfY7yi4V%_tE6(3P)yPej4$}|8}h6!wL%C3*Ij{37IjzBo)l5S!qT|6 zOPRTmApED46?2G<^*4$E!&9+8Y=31!>+MLDew6V7h=!OGSLB6^jL{B_1uMX_Pt=K3 zN&K=`nYQEey)KwO0~3L=Tw1)z(Ijtxidq~0PM=mBPqR2(wmF*X=uzc_hwSaTu8~|N zo?pkAQ+>_jN>G#Od38_8qpNrBEawAsve_K}e)+@~f%vQH;2$68qQiEkEKt2JhOAX% zH=y%g9@dU!jj9vEX9M3}G&Z|oJ}mws=JI2NoWsv92hQlINOX}5r+MgMS*_3+u200y zk1md+dR_MSgCYdCU1MYy%1<*9u9SYyv@32N^P@vtNd_v3v%<-d`I_t$p>|7NxdKJ> zNP)xRSQpnW(PGA8FFr4>a6BSLm%YPobfIw|pbXd47-D+N6UiI+)gKxLG z1Vn4;Vfy7){f!Am3?XpeB@-PeC^0=QQnKUUns>LeV#3%xpKyP<1P5?PZD)R#F?+NA zGwY=d+4Nzoj%GLf&Xr03ln&XdvF@!|TGO5#dR~Q0{I%D)OPBZkg|IX$wQfTvi z{v4uozSZ@D<$pPh`|uu6y(LW`oQuOcZq7HdNoEc>=O_$fceotoJ}Z*nM|m_SK970O zDUXL}KIT#_y4whw-Z`SM9H#t!Td|#I8cMe|#=V_C@XFL;fm*oYN^q`Ww|CTEbdgbxObBr|;6J?}5j+Ot{0=$#L>TC&LdOzvc zwC;^&u*E%(e{g)C>BZGgM5x z2}aN6L_;(TQj&v*%IsZ4%D;=SmMPw8=3Xttsq50brv#1GZncR?^tF`S4oi5Z-Rm!RODjZO{8>k(27y22Clz(n z@yR`;zOoMr^RLJ#8?U40}~pkSWn_nlAX5q0;F*573}zb7@v87Z01-8LP5L z9VAz~7RDr^d^p)}McBF3-OU-&7%_6CfcER!gTuSzWm?s(EK2wx$&G9^Wd-|HU5)^~ zoXq#)Nsi76X_tzrt)zYoCVy~Ahd~>4NJU$Wpk@Qr?{h|qVhnv$(fI~g&_UykfckC+ zhIr&x{Cy?Jt3%hQ%uKo|^8)P(ZRDQjpaqT;7c3g{r^j1Wdh2yY@UB|OXyijoZeo$I zWc}a*`~%?MnszotG0ML%n^k#m<(F9hl44uGXJI2!Jpc1`tD7F$B*us8U_-KMi$7uL|u`Q>4mofkD03hHgNmwl9vbo^CC!GNnh!lEkf}L8!xZOIGqFq2d@&9<%X`{O zG)B2z84d%3ZE^mXR+@n+=)Vy|9o+j*^?RN$7o~M$aYFkEs4QI(=9I^fA?z z_ZEku_G|8et{oKUBF4eQNMrk)$SIe$0Q2&2`Po}gz_*^HSzj{okhjfwUMsC871;d2OA3w%_1 znva&GzpKBa$%GzCtNk^cegME%2K~oliP>DCNgKXxnrJtunYxn{na2rlN7ujAx^Nq? zY|^7mtuTe~qISTWI94!lnS8;oA3qNvTzmH6?&#q~ctOCeky25uU;%ZQ7i$#uUtne^ zdO?EhU-Z)#nqtuGR9SXSPEyxj#)jl8$cn(GG<{p@3tEbM>iPz4!iWAZ+nw#;WOp|} zl@35!e7>voXa|@B`-qjbUAnUx=T@DtArKB{qWfQD-uS9o*gY&5SjaDcUB_z%_+ozC zHv!48vf3KU$yWWW9aN59K)9*xw&}0uV*i@- zM?C&ly*ZGA>Lm#=Sa!tbdO*_z5rX*RgGiCye z3P}Z(&OTfDnHhe{R%XocsCZ35e6hC`H5!=pLLMFV0fVe#9~Jbo?hAJ*$nn)ei>2fy zMfb5p%^Ra31!VHj+E_zaKvwI@J7r;3VOBBvkA4~)%YsaUO`U$+M< zty$!Hs#1rO<^z%Z5py-EeQKwF4Ig%7Xs&bsdnOD*^7#m+1Kr4F94XO_NZGH%27 zWAkpx$D$%{Jv*xr`B?y@eE#>1FSrp<*Oo08&r=e^b3u%g0t@Zgg6dbt=0?8EC)fYI zm744H_1O^ioQ~vmeJ#zuv!9)riA<^RsoHBSSMZ}HzICNh9#L*y_`n95@H;a_@^KXO zE=l;0X%v!?m$;>p{U<==z1x~5CWetZALZ8`r3uLFh+z@ff= z4WSpq_7}wbj3me?bEXE%9$Iu9(1r| z8)~N>Zlyq8&LQ6uma#CnMThJkPX|hdlEi1Px{x0zTxfgbveGAahpF84Hgu)F4Z`8N zG=GONVl4PESEK{jY0kF+qZUJrguN*CQFPe6aeFsM>JhL?WOch|UD4ral{TD3y=?nC zE2>dCmnM@y!)O(h#+>1t5X5~Cno+qO`w&Ne^5ku>e&E@(AR=cK9E6@0N*Um2MwJ&k zJ#7^>d3mGid^8B&`kQ4j&oUX>n+HO;PTde7OO#_lIH^BMdy|2Nmd8nIhgcmRUEs0?2o(7Pu-qP-M3V*buvI7%wHjL z3A2JYsy{6aYW$je6KkmobKr>4&{6XvLVM-s92b#}3XGV<+wW<&DCOiSz<1l7nK?h} zb@Q#}1SXyjf|_NB(Tt@xS!>})I7!SO7CYP}kP(9hD-ZwL(uQvD;BG?LEUI~zxbJbz?JuEHOyNUH^1 z25P9N(q}?Jj#oFaQflX*0+`t{MATmOen{{bZb~Hbo6b%dCn-A9k_bD?5&^P60 zdTiz+^j;AUW)(iLqF4_7FtD{n-=?*5uivWpJ!TXnUcIJDJV z%EU0JrFsf4n=3uu0*5P+`iq{5D7z58Wr0K1@4*6;mNDNH8KNKoiV37W@-}jodtB+e zU!dFV&J|Fc)urgh#8~#_d7l+lVd##DZUAIH8GEgCVE2vlF-I_DdMAGV>@KrXKq#Kk}YBFz2Ojg!I}REo;S3 zc1lL;A8008zRXQEr3So*{u)yiCMOds6&N+Bx zEGOd|Zx3qNj(^m;-Xg4NKj$p$W#BZS9_sYn?4Q}?L(ucbPR6CAnN(q9E2hI@&atLb zE@HZ2lh$Q`p%6zBZrsd`e0BnJ4+v2L4-h#3#N1GLqnpv|#_? z`?HIk{GZwPpTG#GnfV-J;Qek;$lDopRn;xERYnCyF;^E5kXRhP@wc=;P!;eO0?99) zI{z_azIE!8FFq_4nWD^%#0+yYHPbLN$)iRwsQJKl4p}P36O`g=Xbf_g`tYYj^ovX3Dwdwufwy>NDA+ zzkSWG3DzF;BovytG&G=9C=~SDq2sX4UWLZiQZWq;C95>51qX*yK_w*{U?nrnG*X-& z;uM-5NayMIo8Yq3gUshLepZB>9U;9Ms4Rqv{`qkk{Uxt5H2=&4R~<~%L~JAhtjX?4 zQY&upNoiz3nhIfmq29e`8|cHW00kUC??}B&wr&WkqtN8M1+3;x3m+CRHN{ah6-`k| z$~MNRDC=(Z;{0Y?7b$;#C}N%Ws?}r}idCj|I0pe6R`}2Wn6a&Y!Sx9;MNyR{%#km$ z0$Ur$%Sb%8TLu{M@~pgzBoa9&PJ1o))$!903;{Q#K{6aAzBM@l*7n+{IX&T8#^`Si zT_m=QgeC|h({AcYfJ)q_^sP~s`rr*c)8I8!%b2UGBzpeXt&gipvB!FJJk|GBZua?? zr%U6fYWSv;@uP#hHub2@LB;V_5NUAilFZ&%k=;XGX^S7l1Ks#{M2a0BZM{VG4^>}= zzuw+-LX%97KKi@)6d2c2$!5|_L3EG0zlK$ccmS#W28*{_cL_3NIxMqws@F~Q%=X)M z{WKNb5ok4fzWB0XTYrB)8)%olaYb>{Q1u`x!?37dex%_O1Wo zdO&yQC5X;R@gQUr-_)!Z!0TD!ga)}2YlSwymg&JV3Y}qI60Wy$4GYM?k9Jx#9)4UE zer$*zIi7S`xL z5pa64(W?xRO4l{;RGicHyJ_{y;#>qgz(y(Krg``!_uO;6*yMeeZ>$RMaW_BvZ@l_2 z*5dxOdFZUl6!7Om(1w~KeNs`M%UZA;KrLtp4*1u1tUmYZDzv8bE~i(lzanKiP>S4Z z7Fz2%BlY3#9RvhrJfeRQ-rQI)P%uD~54c`MrG|36zFMH&+04hYR=6=a`L)bZF<}~# zUXU}7p8xo+z|3eanbWt#7f|k)YSsIa%}^{Ftc^LcjO1OWrX|m^&Q#!Y@|?;DA{INN z=-#t&!_fHQeBrP+0Aqf8c``s$fdEf@vEvrG;ip!Os`piRgC%Ba6{1@3z_|r(dIy{R z574BwT!0a>#!Vj&-Jw~~X)F2$iRW5!yuqmE1%qR6c1CTLDby|ULqwLp+qLJDDz4lH7l9FBgqc1|Z3qVl?dkxoD-Tg1n!h)0VF3!?H< zl^wOBFaA?|T1=v#+!gf`gTEKTqA$qx(UGZeyCp;~w ziC^t2i~De)Yb#q7c3Z07EhNm}TR8!M*x*Qr*m$CjUQ@Eh1iAVay9)FRX9Gv42}gM| zSQEkjV+Erz7O`~pHDx(u_@4mtY1Ioj4{HC|<>GZf!niq0$4}dw9*Y8JXSrTke<{RT zw?va&4|eg51R2*Yi~vF?;?b=HOm*7o%$ua4!A6z2tIwHZqtk0>D{{QlLVMPMbh2-Y z^H1k^%P+NAXDb{;Y9B(OgYfyKMbTb7)Twj1@hZYSMKeFVQc1Sr$Bi5_eucNKlTK=^ z`R?O&r*rfw@~*&MRpkE2+PLcJK`FlIfY!93nD@O_jiZRH(sd0_06k6i@@aH&Uhz=c zrVe3y9Ls;R==;ab5_z5e4aQurHcU+sd@$HwNU$YNcaG}&?%s8_sUdPm(Z zAQai_7F8VH|9s`rjVSUrEKct|)yx7&(W}nuH@yy043$v^wGCW<7Rq<-ys}0Kf|X#B zT^y_I4U&N{{cW3!6-KuOsG2c8GtJFC$KQd{8JhRU)0Cfo5}|Zzr63N zyWM0q#^H2_gXHTp6CpCC;L%nm`(7woOC_e8@R(iorqAa$KMF4(5Z;X|YWq5ktWJL4 zm3b5vkp)tus&kA(RKMx<4jLRJSW1zAzl*{;1cD*5QBKW~y73UM1S?FUG~*E@pHHWsBzSXNPz zShTSFUO%mCazqhW=lC_r%%s)^dE6hhSxQSh-QPQ17YILifS6Lx9m#Hz=eQ;>qYsaU zyHmL%TpOkPOf7LD_&+Dkk(O&XBC3@G$KqJi~z?n&9~CRXC%q-X)1D`UOzu)=kbDxxF#V zQU`k}4rakED(#@HK&&HOwat+2q_CnMBZrXIG%fSsaVR?wn?EJ*ROkFT>VVGbV>ZcVZPRE(i& zX+5^GT)Q!2C)`T?7{j80s;jS;B%`LB%@;l}cv#JLWq*j>CCaGJ{7>DWf%*-9JwB$T z-;2exM`HUj?z$n@Y*Ki23M0(0%-(L8#XG>pkcP) z??y%(o|0XPm#S=%G{2*T=Nz@7I!9ezCxDoccN9;8l*zsTxKhZcfA~^svtG0bCBu1X zN_pHO_K(yZk+x@-yPqW|6-tu!emg3zfbORazJzJ8!{2GUuKY9n0eSwc&{Y$2XWfPk zq=SX35Zo?Cu?1%BfjDu9m5qWD6ALZY#r%^&wt1<)lVwU&zZ1>h7C`^3hIj|&^gizi* zjC|si{EjS$J{aHJ_Sv8o`MUm(^8Ia??OyF>d!a=(&us%??7EwU!V;0nsb|8;NA#P^ zMZC~SM9D}l-Br93LEfhN@)y8>bTMkq){V>SDewRCUoDY3yFb7B(B^@^Rh!2QYyMp? zP)gf!a@pz{}?(L;E?0>fq*xx$qm-#ENFbV*`G(ko!|OhkVj3t>b){g zR%;mdB*elTWYmpN*HMMTY10KEJ3Icw!~Z(wkxpA&*YG36+Pf)irNc^z1=N~tQ~^yX zjN^+fmoTF&lUIpkLA4NeiO34aU@WLQ@|d{{Ebv-P0A9-8H<+%QW=sKvO^7|C0`U?A zBI8K4CP@9Z9FXSH)mU9;qLzLNrZd8}M@rZ?}%>BEkq zIzuB^GTK(qlH{gl%r6ISj<_mT9~W~kovM}93X4t}b_Z?}b)o($<)!ipFFPk?xX>-I zVu6k9&wh?#cfPZmyRDp|{c8E>?|wxN^O)7tnNt&tl7T_LAj@zgYhDxT?L=E^m4cx; zFZsH@C?G)9VkzG;{aSw2uHWKYrm8W_;jSbTuD)t4`hSvCfA_IM^(y+8p;~~$h=y=v zdVlmKRjWH+fVk~m#Cur8G1P_AJx>3f5r0oy=-8dD%d!x;QAErtP$}z>?dhn_?vv3@ z_cbr1rM6iK-+_on!CQJ7_I-XC1)T-0pG@wogb6TpZyDRKka#{5vLtx!z4jDtT>tuM zTBg=(?VkR+TQ|Ja_2PYmPi6LasBc{BGb|L&__FS)TXN5Y@n)SJN`_%3N&8 zeiWMg%I}Cw9I2!BWZ^A+DE#n=6-%Q z%*EXE@vMx@3%C0!!oKAeC^Gz%5Bg1$TbSJycmGm3iufrYr#!zf8E{V8JSRYB;8iBz z@AO-?w5hMYmDfYQAp`TW|LL6j@vPipYw**2FsMvq$0`e^&pLiBtO>Q9fP+=%r= z+a=Qkl-SSVtSsxfgQgD z{=oCzBD#lhqI-b1uB!PLDO*1Qr9!((`HymQB3EOfL6D}@H>>9t*XsscMjMd<;$`$2T_6~2WO7W zQC%9b#5oC`2juFDEoIgKNB)Ynb-w03|9nZt( zJiz(7cGRv$!3D^v%73h(!Vlx0NBA_ka5rw^xsg6wBQl-tlStcOYAy zg7)&@^KcEdpdP~u`9}KY$c#ovCaB+H1oOmKr_H$m$a8dlM?FU!;t2%CcM${BM@Q!v!|Q_oBsrRwngg`x z?aSyhm@Q^F*VR4>j4(h2T3Jt6bgE0af0E(lEV-(&qClsgsTUEcaM|}2-WcoaNd*}0 z{Uv)GuavXmYS0i>n$^R%E;mh!Tt4Vx<7FR}mzULHQl7*Fn#rjB^YxqT<8bymUoMr) z3F=yw0_yRop!CE0uZTHPywFwrB>Dp@_w;(#gYsQ^liE=SH+PZqi@{qfiJ$%9tz$d# zU1VkBNU6(qKuAGinw*~lPk#0jr<&$ag$?NHc5vdCO3 z7*$i{(kvl&;W#_#v}CLc4Rp@vI03=^N5!tOQwjsen$Epja_Je42emhoYL*5=??**f zn=(2JBp6JU_$+ey(mO9Oj+`5Hm15ZAr=Fjds`WLY|5`SETzP!$^i@ih-;-wpsbEpj zc?&@slmFKOwDq5d`cL1-$_xUrG0zFmi*k5K^p}8NVe9rHAej-L$&p4|DcgV&`D ztR9)^z9bNc70Kcbv$C`lN*+pU>Ukf_wGzWFm&N#;sj-nmyk!-Arg*AdHG@zol}$ct zyLFm{Zkpn)ED2<0XS|L(4nF|~37(<0%}s9V6&7?Kb1eJN5WXWY5o)=H-e`>12224D zaclWwGBl!0liT{b837KetuWV#1<%TMB^m14zB*Zgod?<88U7_Y{IIo=87yA(tv06gB#D8z#-O#dz!Gt>)@TmD|)~5N8Zj-h+Rb zYy%UZ(j~wa-#`2Hn`#;yl2^nQ0lFF`Q|`NuaIa8^L5bOw(i#cXahbmyvxdkQxGAst zZkRF&+VWnDF@@i;&&O{G2XJ-{HkE)i2}$!>KC&-hn?>|~$6Olc;78GQcQpl!kWX9}WkOHX6SjNK66LI4_UBA;+XCCTEPY-)wBm*^=*3wIxW@$Yt~jeflwk zAg5y2R&2ud0chfPfYsWWM53vUuKCvtD!h+zcD*H*#xuvQ;OI01WAb_$nuxL*2LeXy zV38V1k1hnADpdK^)tU_sxqm;|UQ9%%dZtG+R1uv3!MiBqpNktS{9s=0^$_uMz4O*~9>1T*WE7JVQO%ISXVyc`=0R)t{`JVKH zq1pp{Tfe-aZL+rka;5E+aZpeYku2h;X@%4I0uXf{E?GUk+EU;|{6{${e6(GAV|4g; z<P{a?uX=z#Ug^4x;k310`f7#= zIqk>W2`4?cdq?(-qcsMg?v(^w^HfSw>-+-+=J5rNtdq9y-r|cqh#o<_@=C_2^tAlkE!qZh61Xnn8AY} zLkHv6kp1%!pT>$-vYnPz#eedBU@;yX3$$9QsN)9YrvREc!yz6dwWF!{kHS0dC?Rw^ zX2Kj&_DfttW~q;rVqtlQr%O_+67)A|g-_#+WTo{afjZ;!d(^t~BO8F8d>=15ae2#g^(?v}~GPuJYB; zt;5o`wynwJ%*B-vZkzhr^U*(nQdu_Wm?iC>G%uU_K-!I`zsjaw51IAr;ijFig)0Lu zG^rq@E*R1)0DO5Wl2>>O99>yUW^$(bSYj|N?QQNRax1S8&=l=8no#(tF+;tsfze0N z-QYo+XY+(c4yT`G{}`A)4`&tK1IDyn10jwXL%*7ltXDi9t%@=gwG)RiY2=scbWfQI zM^dMWSA5Fqs-Z5)P=F&IF8lngw6Vl_5DvHJKR;CNp6=*IUTggc?Rsnu03Hj~IU?_A zjb=W}2R3JwUpP8T%#;mvCzKMW<4TukGTj}AKAH9etC#5F%qy{<$btmq&G>wY{sHU} zXZnm|nUuaCbqwSc>ooD@T=UZ~xibdvs77=PeBRx<9_AHR+qqX%;%hfGHq;*|^2^Pf zl9ZWmTgfHfA*b_6V*0-DEo6du%lvx9v<}w6PmxOlYTAmK$z5P== zG6VX1`u(GX1PuAcyw>3LSw1B{=aXv(@R76f;Co>m;(sl4kwFiOf21`(Nt{El*lW3$ z?nDR<*w5W+lzQ`o9MlE6xXC7(o!Ri)!-|jouF-)t=Nh-}~{yk`n z@AFw1rab>?xVD;c6%xL`{oBRg`hh9ur?WFWw>lR7-nj?={NQIvG2s*L*6JSo>zU8h zLq&9((h>`t7i=1zv?Z^IX%`pK(Gkb)@7$SYc%=7OsLmk_5=ssEv321Y4kyA&>^W_{ z&8(=FoL^iF17HHM>p0ENo>zf~InWyC8U-S71BjF`e7otSr?oU0zG*W1?VJ2W#@T%a z5Q_P`>S{XGL61AB$bBq?Y;nu5<6Gs((lx`MoWdD0vLrI1A_HNIbj*5krhed^pFXl{ z$wCLn(-G&o%}}Phnty!OEder5<|-I{bRqN4fXfPu5W|Fr*%LOLs-AFd)gmMZ4Gkjf zo!G$(S;FeoH-)h}MIGNh>ApVkQEh?zN>0LC=|EHL34oygWO6D+C-Q|fo$QO)jxUk= zrMIk@ePGHg^M5p*XE18-t{-9) zEn?4FRbmveslA1!_WGYU|MxDJ>qyQy-{-mS&*y-Z$xcxEM4;`~m01Fcx-il!rOw-c z&ExW5Y0K~JddS7w#X>Mir_@yNWarQEV*8_m4vSWoDxYH~@LOeNiKrw9>G)tav!`YZ z)I+`?pLm1tsQ~(OVyAqvsuGVkO8AQ9BPmO`H(W{t%3FbtLY_>fy!dQB{*$B2*^%_9 z>#A-uBjb2Miu0DqWU#SgTFUJw?_32$yu;A;!I|p|UXpN2-3Uon^AF65aTY;W>%Ku4 z{j;S6ImF@|Yk~?%xucD2-|2nTfh>I6v%KMA@0Kk+#RH&>9$Q|`YSj`j$OevM|Q?aH^8!BoaRQ_V+} zc1iEUVV|1K6{q}Lto}1TKw_e*-sS!$C$Ljp*?RIxlxEE{<5gPCiDu!?f$CoHfR|d5 zU>eJVRhew`7Lb6V$d~T%tKjRwF9d21^C$Tkhk+@$`V{|&FlZ(Il)n0ReI=%Km_{|` z9^&g4G;iMG>l+y88#wpT#!{h!c|_;Yq6ahRb^xCJG~Z!}*=b91*eCU|5Tx@-%yx@l zou8I)u@tC~!J@5Y3$YMLn9z>=MBunS^=2IqUd7aPSRvbb#o`nxJM|s$u*iiOth)sr zz&Z}eSP!BWa*c-y6BUL=xl1N{gfz{`j6twA03o{oN7$J&*+uEx7%q5K`o#ANfEZ&;$Q5-Ogxi&+9;qoN>72xB9qWr8CK$ zEKC~eQGm2{XY_N+U?pXAE{h+hkus!20Y;(>c+y+Q{|amNy5ZfqiyQRO98y66$H+|l z=r#Rw42@(X@|c!$!x<$NIifUJTll4rK><`#bRC)05vwpclityxOU-xC@?>Mc%u$?P zrvkGeCv)}hFc^XRL_&uvY76|{KC^)nk3unfaIYuY-1X{sHISIvnPS8sDLP|(7kP9` zrsmQ?BDK%~ko;bZLX;k!FV4?T&Uo9ftF_I^L5b;-KLPRf>jpX#)$XuFOT<&E=oij8 z%;Qg?k*Mxst^r-gau{6!21ne-i|GEH$o4vCqsZ{3z3O*rMM#*ddB{=or0em@{#M{w zn%uP~P_&`7WsRwDYaHKM$({1Aa#WfaDv6X5N*PK2h=PlgN_5z}w2S1I6VYLK9UW20 zx(eMLR*&qBJl@1Z&GveYBqs?oxq<`s=GRMkA)K^8&48i#(Iem72`O4>9xmQbIJ3mw z;a#S+^rXbwu2qpUSuxU{4xsMcAjv#&8S|Rg0Y1Z($n&XYEsxz40dj-@x&;_r-c8qw zK{*L7Jv4;y5_iv(p}e>FdN;@|NJZ^F9TW8QJiMpKZoj|3aJ3%r%J>jEDPYRiJ51Tp z@g@Rgx(0Sf!Nze-p7=zOP~5Z6aK0gQkZUc|7 zPiHm>6m9x-xCya`c6JaXJwI2S;67}24sBOvX*oEhlvhLVhU}cNGvxg@^Xfs|Lff;| zLTmHHG(8!1Z}{m_*VS6J8RBEGRVytn!ND>(9y9Z%tbn``u9KC@BE@O>;t9+HJ=Rj9 zMjaRckVy_pZ^va!WJ`oGJW6?lczWBWW7x3JqHS*0*^=0lry|44kNv#!$SkX8`c{J1 zynnTf+AFNT(MG|8zAB40-T%zbJu;d8=!s74 z_2Nw87;K!%G(F8{8}8G%F-PhD<)8oWLl580$Enl&cYi)0C4hdw9QfTp0(~VPw%eVR{Bno0MZ^P=Ph0$f^kG~Y;jNcc2em#o+ zj(fWCS`9McmqGI+B0bU66{F@@hCq=0Tj?XLRj;!mf00XJTUpfyUp#GTS=woRH)&hi zoE^ykwo3AzqGA4iW2pEDirTIgiyw@`cyaL2&=A2tCR$r}gJL2ApK1YriVEsgkLRNQ z&r@S`Lw^Wp&RK!z>g&$Se_0H_2E|{=$~g5Q2>nDE_6R1>$LJ&}UXiU0KM}pI5!`iO zeS!5 znHY$Z{t!?c15EJWaQtO3_|`m#__J)(NptCVhsK0z-b8>YO@C^RkjtHsnI6lGdV!GMe>>uK4Os?RWB&rD-icY`NV|G?nNSh z)-Bp6q%$tJ^cGluT($`*y#@P+Q+Me&w~UWvmmcp3%D)gbsC-Rf#6G zTm5W3PWMSz>21x}z`%yW?hELh4~THNWV*J*ee6zkZKn0io?1nPI`W?_>chP(F^Cc| z;3xxu>=xd{p~6VGnrJ%wKujN=ouZGO{^)7)i7;}RtoK;SzeTi=^YrePvCA_|WPgqt ze#%BRY_=wm!s)doXc6m9MNxvOYg>9=VE4|34^;QW@nyfWu-#p0QtJeP0lp$|J1PVO zlG3axm6Dw`ajkfcD6YrLUhlNG-3)|Wkk{*pJ&1JI!2D{ygKobh;B^Npc5F>Rl+>Zwup&>XM4N^~4)$$7N|PCw|5x66G%eqc#B1}mZJ&HLB>1P_X)3mpUKqEC_UkkxaFbG&i*((g)Whr#%4MF z$Hg73NfqioGY{TXE9T0|_{qL<@XF0u`;99H2YYbf$^Mq78efL--j%jm4D|>{UM}g! zdl`yD{XQdtbw@?%h;?!Ds%+k^bK7|bs?Oq1|uPx`EeL?EPmiHZu;*1@GEW z{LEWo*7~gqg{`cN@%7C0;AYhLDh9yTe6~(p2x|>#B?I|HL0w>;&*e;XjPn--;gv(* zvcH~ai|aY)y>qAjHb6z|fY+(wZ~=}2O4oy1rQ2IFjkFP=8IP1}E3OSm$U}OUjIXM# zG}sN6-aIMDh(=8cpqYtkebzgg=Y@v}!II#mhR4!HV`3+j(znR6C(8<8Jv4t77igRG zdOGx3Befwfs@fHAsUajkVoqiISdOW z0zY7JW}%sC<0KYO0Z4KBXj__YJ|%^gwwaKo5D)CcfKksdLnAk%y=DgkT_aRcq8VJw z+zX3!0J_uPOoO`reG}qp#gNBXvJkU*H%|Q02&<38XJf}HpyX;{raRJ%!p1l?hC1op z*p!IeHTlg(B8}@MwU8lRZ|}*kv7S~S6krcJIUZCW;A?LH_Cs6yhaxG-3-fZ+E8qTO z%aQr8NE0Ee|hBZhEJ-FBbWI72NgOgTktGPev$IK0@&&JX!BZ!y&3N*z0A}>%DMp zIMD<8$9kOW&^vaxB6M=z5U|sMC{PEmG<%c5z#x*puRO{{Mh(PE5tOw=L2~s58v^JDf04iDr5>CT`$d*nX#$IK@y{-dYP?RJo?>B zFcs>ENr_Z0u8!`wiz_fOpS^2%?QPd4ioZ7WEZv>P*Sys^bX<7x>>6B8D{D#IP9)i;gjG1=<&XLNcp31nu#{ z{-ZQomnOTuz9_%Lv2I`b00z6$rL7hXize2S|L^BzGd?&?&p6F4TvBo}%(y$Xi0i}3 zgn^`aH8re*~tQT_dD+duFM>nK8VRn1y?%%fCMQ7Qt3(Q7;EW)&y9#skB}E#iyh zJ5fQeqC?bqhgA1JlMCA&@9g#CXx~5YV%}7G)wV8T{ic^WF!>D^=kD)DdQNh?VfDja zO)iBFc{2}Pg9Kig-CjQg+Rq#(j#iD}SO}tqTi#U^elI9cR9Gh6|fC@;?wxJ+D@Ra=^59@Yk-p^w7Eo;?BLuLITgs)G)QG%ti~;8e=r zHL{n`Cz?qk9qIk!D-`4R#ulET{C*Ma9uv8J*w-x&Tgx_YYcQS!ki0CJdclD}ZV{NS zdpD1k%VYnbPdLzi%7sZpRONFZEIT-WJ>YtJO?7ss3BzV*#o4b8zG?%s-dSL1&fQ z4B0+Xq=3}bf`^}ya^E%BM4b0F*Wt$OQptqALYMt2!rnieqf0U>%m}c^JJBTN?6%|O z8v2`+K_a;jouudQ`!s}bZqUD0ntQTBtLz)-@9&N*C&%CzhSGOe_ z*<31v-mXYocaA4Q-CpAy9CG`wVn0UKdCB|Z5ltMLL~Is5x2LnJ%-gOGbl}m+_pDjXoEt?<~QXQ3To0j}MFUagYiIy}W!F4^n;8L6|g zS?QmA(9b|$vVQha(A*Ai9r^?NjDEt&`Nw-(^OgH`2arIU;q7G0VG_M!58YgVlOY3VC6 z0)uLUmi(>gj<9bN`zo5Es6m@(gg_)Ht{~=5%h%q-J{Uq!chcO$m$2>D`1MZ0JQK^7 zh~{I^-6~_l3P%zf*3P3&jAYcA4K-*=Nr?=eeI04>n@mnmFs!!p-l@*d|12|pu3hgN zanshXRC+_#?ai@YC0k5suXQ6^Tq60zpXYvQpktO zlxTM~Tged!=8`(&+OTNFg=|E{3G)GUmW z)K=`r^+qByIEC<^^;;BS}+UheNx-xsF;Veq>NYwA1 zq9K$pEt#f%rmE=Xe!31L#B{w#QfG<5#<_YnB^wZ#N_k?!6l0>J^)wo(>!s@}0YYK> z&6wN`z$ZL(YIJivO!A`%cLC(Bw|+Cu zFUnO7YRSPku)+Y8$y7%dO8Mx zt#X-Nv-_KZ6KM3cd0LPlp ze#Z|U?7?!BilbsS_!ANQ>IZ8A$k0wI?q2I_k%;H%>mXN?Fy;~ap6 zHQuy`)p(;uFlqkj!i*|8-p?=1gcW35|69^SIL0m2uwkj2O5SUERdBIkH`b4$@?t2&>`j_%iy-)D-TK9 z$-b+zPdoda}w?|y!pD7_6^~%wT5qKM;ZGI9Hh!{s4Pc|C__-q9h|ND0EmNl-}{?~(r9?)3Ky&oaV$UNZfazU2XXerT_rVQ^n5wp?#bCHo zrX56-go`#zcR3ja796X7!Wdmy>-)h;J@fpm8L=~9Gcf)CtTA~EkcJCLL31HTkqke>S znavtWo()h{J-`3}LK)IN?N0c~bA!4ktjM;M!vyzV3IMUlNsFH0x+=P7bUS zUe$kmE^p-DTs?$-!xb!pxc++qU>|OPm!>{&TL^(14Db)|99n=vmnpAAkpkhV_&awo zyymOjUE*65c{gqk?seSPd95umdP&G2)PH}-`_Ik$L$)Hd)7`7=e6C+6J6!X++_wnK z_lT6R8eC1>xQkN=+qNcENd8vcQq0y_c+R_!ZNaW=ueErUBv zi+h!k)F?vB(7>GO!ykg0@E{Q=sZO-}{q#inCjaA7_mmbUZ+k?sK)PtB~_b1Y5jCbFQ+s2wg11uELI-To9cD?h=lM?}; z7X~|K=*FO0dazVpK*22Z5 zO1EDcjdjz6gJct$Mk?!+Rpl-1(!8L;j9BTEpKuxM&V&_{jVg?ES+M$kOd94r3-LHE z$j)<)5>cVHi+IU}gM);5ss$yms;tD-13XKU7x>qdoa2Tzc1qjD>J=n!@7ODM*jD6< zHE~2Stdu!dFeaIC08=kXLfpgVj=Ou0_>|#v2HXrVQbl=sBpW7-t`V4A>@qXaIK1k+m@U6bd=Tn4+{ywb7I~@X6U6Dl<1;Ax zUsGU?ggCSRT8C@NfbN@mN5LH~E@`I4;K4zCSYpC;rC>2lCtz}*uL=D&{eR^d127`em>PeAp*7rXn7h!`~reP%ptJIZ;N-v zs_Sq>cB1Oi^zLdsrc`rRQo~dbviMi~VWmPdm1z=PlT{WU`Tlv)EVc$$Y!kn*;r%hv zQu-qfgBQMZEU;;&X5?maa&pWG#2NV~Gw_*S+k$ zejYAbwCnCwU>K(6H}x;vQHZ0ZK>w4a|2(m_QmpZcd}U3G_y7yJz{`$6X0_u%A~M^8 zY!X`HCSD3cwgCxMb0OEG(QIuVZFkBco*#&c83@eE4g&STjxeF+JxyW~M9?0Iw!R z>r$*}J5*ec_HE?-hzRSNP2j*f{p2GzciiLBfHrNLVT%&A&;;~FpWO97`=9RZLPdop z&w3ZXNnQ!v5N>Mg{GVDZEY9blw`8=WBMDv9{85VckiPyheI2Zi&kF>Y0jL(VQ;L(I|=++6Y?cXsh9b*rkr|o)0knSh$#M( z$fb3|neUBf<6v3c{ei8P%?=b!X}w5b;8z@Md8y131`~Jyb7W6X90J%!41mQzm)pS6 zz+dmt3niniG<)gY0V~NefY49zNfiAWwROE!S{EE71xTkSBU6!6z_AyYW3QxVIGYy} z#&cU;%E(9i+$RKCtleOd8~qv3drk6^+U9loSrU4v}i6N0cP_WljTa zM86G%$WDw2rToP7HJTb4tN)BXoP(2*A$e==Zmp38KGSE{U|Dx#MZ+|8QQ6QudQV{I(5FA zt*RS@^T(tX$VlxO{qrBd_WH!oY-3-<xPa;RglgJ0*uto`+MTs;1YiKpK!anaR=ovdStsayZ`5UJRSm^qX(1~D7v&4 zf*bJU-B2(QQdMU#G(!O-29XxR4$?-o7+gc{IkEeQr`WMl)cw9QRV)Bk9Fg1lto--p ze2t%&AhMBsr6WFDO_>(}zdXF!y>oCrNwa?7q3anE>?`v z)i}Rk5`&HbzlHXu=d9kJCJ(mP?M#3h`Q@7}N78_N$oE?^8_BwGcpP8Z)QkyUfg&tA zsR@;L19GpJaA#S3^+)>T&p^|y1M)3!lP74m6$0VReBu0@RJpLTZpgdOB|oATrC+b z4-?3Z&Jr;xn3JeW9R|S4z{}Xf7_*6o)i?tQ9sKg5RcQ)H;m^X_;lDSt*$&6l0)ETk zA>6bQV@#54kRoPXHN;cSIvg@Cd)lXWcBg!IFB4YC4BB1WOX)nk1MHkFfV0TW(FwrH zf4f)`rhMTJ>jYrtL~fT^oYnL?px z=muf!hpKF!&n}S4RUBe{J>kcFyhuu9=C_76uDX=(W?p$M0Vd}_|_9=nAX%1bo0t$ zj+*be>~oDBz`tTLLn=^Hqfm|!4N)> ze-bqhEaz?dUFGHkFczstC$4g&>&d^(Ok?^x9Pp4tsgB~N%bo#=w1>xn1J#_m@uPb% zT=UND=8}?lMc6mq`2^Bk59bMj7=04`IhV*;%TCx8SH%e+od=33S|O*f58uYmuUAy; zhWOI56)4!t9v5_rCDWw`86GSjCl_Q&Z!h(Eo%{KV>QRMZ8_J#<^Yh~d<)1$$hM@h9 zX{PQJ?SFf#eBoS3=HQt7h{m$k-tWsvuAcYrxm=^I4b)4$8t`ifk$kQJ4Fhvic$Jjt zQ?%ID8`cN+HpPa=L}L37h1-1H0W)QuL%9ZcuE|o~#nRxG`{5Zu#HZ<~va&%>Sj<8= zC>YMI5p7C8%AO7pCKqzqh>M88P;ti0m<04&)tKG{s$4n{7$v2sru*Sfon( zXJ2QPK{|)^TkL>V*1+zXLp-YiYSz=@SXW1TTEph#Xpd0sqGD_$xD@&5W`!g8-1lTttIwqT=Bx!bW;=tA z1phdbY4m21#BqH9k6Tta*Uz^4`&}%bQ%d<}-~RG&`Gl8^#)f-;^KQuO>u`$}>z~cg zgd!=qb)`g%__ugeShTdSWS$1mBNJc>-Nfp~3o3_>%FhipqH7_ehaqvNDR(Sy$( zPsmT8ra6$@s~;Ve6Ie<0>c6_hH@gqB!gm9uL;59~1Uovq`iOB&)33mL(|U#EwCiOQ zP%rxT0u)HZtgVTE8iS%}%7P6={wF>78-rJ+8b}q|!NcX0-3aXJ-%~d)FE%O~n{9qg zqvZxG#@eF(hWl~prg+x=+d|y}hO{02QS;jJN4`PNhj)URX;)--eUxe^&0h%ggi`Ri z=~2KUz}N#3Y~TClucS znfiDA8MBL(KrlHfOp`1WNlmB@pVp@2`s#ROquhUXg?@$ykPcf%u&sqN0T03JWyc^~VmoB5F|3(cRJLjT+y=bJ@$i zkPEcEdHSIn#&id02hUto4=F0hXQZBuq5HOERP2l_sHJ7I(Ky?mw;|V6fINUUYUx5! zs94Fo)wl6}mRVRhv`<1<;?k0taB^nLera*qBOycH`?sT74EK&Zsi3>4c^aW^ zXxHnJ=K8Gf&W3W*SC>9hMiCN-Wcyk+VfOsyEabxC`rP$qy#^m-o%%t2$f$XqF#C2E zyS_KJ5^{Qx$F(#uA?vTqWnk4;Az@v{7>kusN)(=X^W4^8+C`%HM)Xh5PZ|7&(Z9{? zm*wwF4D?%l%7ldm+-366XD1;CS5rN>On1F;-H&iEOkg>OFf_k=Qj}`jU%HMn-14UH zZ$zn3v({#vL&kK)ya{eg_#@K8xf>q*?NLEms+xZPoIPkK36Gi z9h7~ZSxO<M;J~L+PEx1v%l*K9vbM7CBlvjMfLRNZgD)E1rX0wyAlbk(m*rpOe<(qD_yARjc@D zRP)ODw?i4Iy?_7P)nuXHhC$(rnpGi$eV<^%gjy5MM1&uulcZD|ojd$s6i>}G^5hu< z3i5^rW2`b-xa3dxx^83{XT`;3%?Zcx7aJ%I7uDM522mIpWl0<9X|x3R%COSHo?2T* z@fVDM8H_Y(AACWr>%M<0`Ve8iZMc7b+H*qoJ%26lSaw0ZVbVuZE!0?c6ts8KWGwIc z($N6bd6Z+}5xp=iw6fOWq&Y<~AJG`-JNepCe{k99ewFt#Z5b`~Up)anUKk$UVKMAy z{_OaNy!M<*UZ_gKZgltg4b#a+Ce9xtGIhq2P4t@koHwRX3nQO+3rbY= zg|0gMvh^90&MWiu!d-K?DgPL$-$7KAE15V$PjzET()YSYye5r|0KSOrOVpGXEV2WR z%M*sp>M>&Mjml{#5C>UbjO+(QqQJfG+rVeSlXu0XLQ~z}R|WuHy>qFt#`>Xj!U}@o~#^f*f-IKCfDq_o=0f$Srmbb@6Z}gOW z(an3fXGUtRAu><#5?Rph*KkE@4N`a%q4tUWP)}6H0!`4Q!}DAfyA9UZPe^ta{`^Or z85i+f1vXzb2UYfe(^LMUv`P%i-x1WK|8#FHisGbM090GtnEdCtS=r5zknf9~kL0f1 zt5k531;58W85G$hiMoFe#p1`fC_69yC|bk8eXk!t^H)MwP5+y^&}Br`Um)u5Ns%%= z@L%eXeM-x106Z+{@O4H|azeQ2XEc$#xbLI`37FSfrDCGYBLErHyhvwtvxSzs22_wo zi`N`Qwaeo{XXn>4@tQM7!DBvQ>0#f>q&6fJ@j=Y!H~FSaiobfOcieN#zv@fE&Ai^A zDk^R{h_jL!-AVLXugFB!SwQS5SQWLC>|s%-cVh3`FSE{?J78@237-_)V5IiWtSTF3 zL(`rngz6`J&QVsP)GIC2h!D)8C_yXuI(Ed}TBfqQ)kIZ618q%C)#T@^Mdn-s{y8ApXT``nGfKTi}?uv_#D6D%c{ct=50~G`80Gd!+n2nUqIav31qyDY7_@S!J?`VbN`j5ji);_0dN=MHrX>K~A$KtrQ zt7@3%+M6o6TRIcGt0h!cnd@d{HgmK=0N92JvKPJuq-Vs^s>5yg0kDie-l>GOARyqT zc9u3vHWfhR4kgV?4l;z(k7ivN8mJ4XtBr}ps{IS}62Cm(xdoz0+9Ymj4M8j(2XTP^ z9Ei=Ml~G2`=1PG1i@(`YDdC0lA6Fw>6KzJ$gWq*Cl+!_P^@f;#_%!jA zImC7L?tvaB&l^^mdi=DToO;rcCGBg3)iASKV^#mmtGGD(cc*!X%L7NFzMvt!+uDls zrU22E7a%3BzDI%$G>7j0aLBV&)O+^X$W;*DH^j_TJnCSe10{F0Q3WxSYD}@xmsVcU zfRoziI3LShHm|q4WpuZz=s)Qgv92(BL1yh}SM&Y+Uu@Y)TtQKCnh<_dCTFMysX@U5 zSlY*xR7gWjvPLLb@2wqTssw`((DtJ=Y;6*(2_HjW8>CIwmDD zCYJK$PK6!s0d2M-zN0ozvx6@cKx>VX-HI6E9(+`x_N!=u7Xx+R$U!malzl2E{&Yeb zS}GyWRor*L)n^VYfjAU;iXEZX zB_Sds1?%*6X!K@!!z2ErJ30cn*(Qy2SHikJIvrN`h5LyoYL7MJG}TY+tDGYKo6z@=W9J3^p31Mn?1 z9xm;(b7szwoArt+D2sOg3s07)12%tdGd|fzWpa6xPm7RlSmLQqY_72fW~C zCA3sxp`A{gTCM+&O3^2zTz`QBca)`_E)fsV0d|IwURE$9QTbfV z-ib*6R_E}A^myLUG4$J_v;Owj(zn8bn4x9?uf{(sP|=zfMl{o8Lfl0^CnkEMUWJY{ z1}*voF*TRu7uk6;*z88VW%7yx#YGI|D)9{;UxXa@g|sX>_Z_wjA~nxk zL;j9g1Rgp@!LzU+&bzBGs8PO13_-TLa;Mql8TFkgJ=kIpH@CCb#4{DVW?tVexK!

    &|!HPktBI1_oerhBwBG`S%W5{eJ z2^ZCME`T*OXR(3CalQ6_NBbkUI9O*Jy`Sb-9L}N%G9S@VQIhTF2I;+M7v{RGJuDV8 z{T6L`s_Q&3r{sXp(0V0i509-3#9zs60l#f~EcH zt|T01E7|hg2E8`Aokpgo1}!L~$*EWu2cf15rxvX$NOm(z9_H!_DuEk0n!ey~f1myh zn2Ovp1PtS%8Ee&$#nW^;n8LcFC5xe3Un?-Ua8cPJiOz()#g7Di%5TUl*<)Dl#@Y3j z8_UBn1wIPSNajpcK3h@G4T7)CaADKzzYY88576FktLG}fTgY1MhFW0eZ})7ne`2qq z2wQ0u!AEOGi~m|VtiSSXNIQm^RO1|e0TZtzB@EvmpL_YG5};}7T(;*jtgfySqaW-u z4NS@nOptIxN?(tiKOu~>StN1(czAbP8>al*ve(bzd8Mg;SJh9r7$M~E*F9vlYIIcM zaKqh%Y$cp=G!m|%k*#)j;tz0pD9UyaAm8uXlnmNL zu#M`%YBus-Z1IVGMkB%K0^8?fRJJGfYVzVs@+Y51Hh!LIe97f*e*V}&!bKO;>i$@0pfXXCR`KYY&HVsYuI?>4-o9z!vV#+p|Z zMBmzsdk zU|E8C1WVCPfst>p0Rq0UdExBhmqhT+TMvoL-eF&U<}HaUT-0Pb$JTv+&1Gi?wfP3q z`$Z#o+}X=+t;`KDl`jEc!ex2YV(!p?F}_-ZFFtAm1Qa_lul61ppC^_*?jqBEX5;mC;la@REiFniJtt6 ze16C7TU=siBWi&)x3&5d)$H5%kmdy^qs@Qhv&d*3hYqP%(5R(IV`iIkklYkBj0}4G zglsk&>aR4te795#7|Pbm3f`4E6ojhQ8N)HLU-)EYo}Z1(o4GUn$Mz)Eib zS)!{LKi^aBntj(s`6c}Y2d}Q(v8?d3Vza-^ePfbUi`Ux&79pNKSFH&y_r%whQJE!v z`EqPST75{SA4e0F(JWbQiefIhe9rYB?~0MW3mYG@jBz)s%Yyp) zp0mZfF3ja={Z}GP2(DLJ2Xi&2cujl7PoI1bx!yhBatpjVmMt3hL6kF&<77e|K9|*< zgq);!=uF_cmGQhafx|v-L($rT&YMv$Uzpe)mnpjApOGYI%blzTQgPUn9JYBJgeKI~seCk8ds?1=Cw|d%y>G*LgJ6bJLVE znUf|5pD)xf8pKf*OKg2FO`U!SwJz;BM}Wi;RV8#F$O)o0^I#e~QC^RK@)Fx3g()lb z*F3GB`5e4+1aS6X`x1&2@wbtXt}#W5&ZwDHx2G0(?`9fL;EWde#|EH2W3e@}Z`FTg zVMlyguh!JdF@`$#(ETvu2J+BrfL94%&s=gB=L(ZO5cr|Z=d?jXrQ%vB9Fm{&i%y7% zV{v#9ugO3rm5u+i*IA^#u2Gqewl!!&Vdcd1z>z0irWfnjtJw=5^x;=7*eO9ORTpqz z{^$DkA6?1Xxi2Xxwvjch6dxWfH7QNM96T06I6hSMZN1+F_88K2H0O=-@R?X__q*Dj zcsT zQ2`|;#iw`|dijy&+2_z?lVRXF3-Ag;hU!36YJV^B7^laPi2<&Uhu1PmO5vS*VnrwvkxsCYT#S3k>q``~cPm;E7^&9Hv#C$wxkJI1E&-?*%I zWTDS!Y~_zQlPu)jtPed zd5PVca*v5xNLhiZC=Hh=g7;0Ti=if!3*P&7V%=b|ouaXbI_+yAgh$J{jUluPh@dI&=StZZ`+h>{ zwsu*I(Wk%z8573ukH~dmYaPFtP&F}21l=i%2rcU)oNn&{P^v)h0I!>ae}{yfJ@7}D z82NZVbB{%zthTC&mY^2m$Uhft79Mr5)U{(n1 z{9U*gusrKS0}=WBF~Bg2w`cy_;ck521LBB|-n2N4LFgnUyi}hN6j453iA&WZ12Il{ zvpsl@-Exy@Z@IX}PVDa=AMadTm{E}sLu!P?9Yvqn5Sw6KX`Z)dA3HGlm-jNl6|_fn z)tDsS9E>^)qb#R4tVJCKdYIpCW_Rg2`C6ITZoGz9oQpTQT^n*Tfx0)NIoE!CjoA#B z%l^&l`6U+m@3*R+W~s0)#pqcFtMz6${&)2_E;5&9*<%;QEE7#!LI%xJ7|x{s{6vwj zM_M+g&*E}B_Rm~!^V#MZq3iGx0M<`dEi~vmlva%6Opw9i@elM#Uw{oBDS=-o^}55k zAxA^E@OzIWDZLz*)4SF#=()ab566Tec0uDH>y{FpP+|Y!L8Mv{15)`%q=I!|wRjZ- zm)vP$I+Ovq5ajwXwzZnxPCvLN9?0b2C_OoOa;IKW60vC=r)<68EHSF`Kbp=np3V1d z<1wpBCAQW~RZHzn6(w3l&`7MJwkB%EY;8)6QhU>?8KXbdP-4%j-Po~}sI6wrC;u1E zC$ID7&YkNz$8j9rp(;ZM!Kd~k8}Z?^1`%!5rPMp&=(69lj%#6Web5duPBnVHN@~31 zz?i+j%I9Cr1SqmjsIp`qo3ji9TBXL!xt_f~so54Vd?!wgxQ`1HVUhWjlN9(^qXHX6 z_``Skhs3m#CwjAfBMfuiVGw-Td#pPB`Ynjdz=%%uWaq!$vy<(gdH|ruGa89!3KDL| z>G-HD*Jz+QPvidYFLfY{Cky!5GP1X5pFD!vxI(R+iFd=2Yc~zGvwhFK6lGls7I==O z_|a+yZ4c%47?Z53Y7TFZ1=1`nPc<;FZ-mKNZ!CX(4eDboPKBt(8wryWyThGW-oLIR z;_)QnY>-vVjit%hal*HdR~(f8tsZ>3`+(nXXOLj;3KBYUNheO6m>U=Skzlo-aOTv1 z9QfggmDxpWR^nYJrQVIGr&K`OIH5rK{22I8WDakB{6}-$S;j|R9u~h6)GmG#NWKZn zIa*d0Ti-W$4cvwZzco1{OGWUrhR!%$c)#LD1nhb|%$dCYs3IE;(D6|FNQ}U)qJ-2* z)r~nLHR=%|aNgR=)3-*j;9V6|>fM#%ADbDRs95!s%=PI9me7wHeeItg>=XcpM zscwS0fro4}pd0=NY;*$)BebBxBv@vSZ#<9yb53P%d#G?g?yL#O)73Gm$`GsGBGKND zw2xaI%<^td`bwpuYTjGK?#~GMD;MU(PJN`%*(858vtjM{Y|u5{p+AE2bFxSW@cQsW zJ`08_T`hpBJ>dAlP}h4?l=La>jWV?InB~GefT(j%TD%T<3c!EoFuK^*I3xRF+fdTJd4M` zMCw_4ZpQg&&vaRTK44QO;L3yqZ`Zxu8KC-FTPsvGDQJ*==m)mNdH$T@R#Q{4M3`^_ z#6POuVg52GD9^xAjodA&u=sNp!IOokbgJHWty8xz@3rvO_j#v-}TY?;$-%@U>zl;Dt63yFKn zZh5}RKL6mfg;YsfDwWgPDZLdRCNhZQ5q=K8Z$-Qr* zN^G_>uiJw-poNJs-%vBw)*2*5+8dNYKCF%R3Z}^{BqM-m!Rr^^X`)LH`|nQKPGdQ z7eVA_p$*dt8T+UyK>E8C)H=88u96C?@+DsQsK2xD)cHfEo03Op_bXi$F7{-V!`74@ zNE$h>=N=Dk`DTy9S>-J!ymLo#YKdEt2TuxQ3Z`jt!rAJy1UnaIhrOAimcQC-OdmC2 z;z)nCrv_S1YScXXmvf3!Qrm~!PMhal>c|1wpRsBuo5}N6mt>Rl-`JM3siB)a$*K2W zJDX;UNGAF=o9bias*03ISbC6{aA?@^p#3zTE0_5r!7!$}356p2JNhh(ggcdf#Uf%-Ng#T+pD)~RPl$E9hv;c+Mi zWn|kPS+aj{;^#gu*X2m+{|8O{@edF`Nsg*K5Awy$ZUb{gwtY>MNc;YCuW5GzoR=oQ zIBEh=8G;|_=`epd-)l~ya*L-x7gGtrn;G36=ld<^eP?IBWKpxLUKw0Q7m?UaJ-3{c zE>bB!pq16?Z&9J+R^ZrZZ8CBg!9b(<#T(EYrkgz)>iE3 z!|I7WFV}GChsZaIxpr}{Z4L*^e#ja;5w5pydd%|7KT(J{z%Qc70Vw<(F?Z+HpstwW z;QpT1>q>bfz+Uo>6(zrkuh=)uc~=85T$cacD%P(zzTX6dj7Ni$FmNPP&`+Yl91*!t zM|5#!4wDfqA8(j3m;>CPy26YyxloH5r6;y`7@T~ugb>mA4aTk zn;`3J1>S(aWq0~-H@y1lzw<~+qAZUT@aSOJGs~&P`{T*s#sne#rSwC-b61(xtb34O z5W^DxTJ`)jDsZze`^!pRlSKAR^?Rud03jn8^Tflia}S9j{jw6c-*M$r?8-+1oy&U% zUoQKu%t0-04pBMmiN>CL@yVeT zcQtnW%;*I$-JGTJxkj{xK3>NG_lAQm6Xr448y4B4=DBw6t&p~AO%3w=Y(V!iK*!`v z^^~8Hwe)&cV9IePug*L1n?tUroSJ9jV~4w5Z;beI&~5*Gqwatr7RcdtDdrToQBTG9 z5W^SGlt?+gL~V?arzzX$CTgsBJ@cWhh6v8=vu)fvf3sLN%C4=RGqk0X>-G=REqXM7VMHix|>8T{Ec*YGG z3X~2#|94e&fMi}1Xv&1Fh}#+1F?k9ve_n9-7K_pG!AYeEeLa1^5Bhp?nx?X?E zYn5{4F{08E=`a*l?pb*-*`##(S?yew_KlzRg*T+Y!dpD`Iqpx=y8ro24aZ(NC6&)d zP1&m&084uk1{h9Sn8f^UVuDnJ40_N_LY%{A1S4Mgsp4A)%c@)p3v|*~ve4Duk0Gn@ z8-Q_LmV$S*t?$0M#PP@SiQ~AK%pl^MuDH|7CMAUPlhsJ`n#A!<9ZH(SS|O3o7lbr5 z)0&v{;-wC|-|l{Xe#!}VJ~5j9oE_M9R}n)tPv6uVOuRAo9{p9_!iQda!sLuE;Oecf z!i3b5o_O+g(z5`4q7^|lw$Px(=IX_1U-<4z2Oq8vq<@*?S3d}gd1gK)n#VJdnh~98OQinZ}91 zAam0DF5dyEK<13eFFfK~a>)xrDIZ}{jx$59w=MK=`)K^_P`qv>K`}Sp&iwCyPj=dY zyP~QJuWFFTJ<3fC1zJo~EdogTmeZ4nNv+3`(M;!&Jzws}W28TY0_+)-8r8GuiwZw& zu!#bCXl?#Wl6jrAo1JV}rQkus3aBBQkN&rd%ssYgnGHVe?UBfTbR!-uOhRgOigyFU>i1iAoU$-6#VJtZLhNeu zeV4=F%h;C7;1Z-NH`5L;?`boUA@{+UEFAWNMsQ@@{88RbT;eTx_{vx|d2^uYyqaRo zc+Iu8V^763(x#3p>{zR)c6BZ3uX8$MqMdkU)_q=3j&J%~4V`ihTPAb1((jJXfQfrC zaO)gLu=zZ898NEW!L*&pa%5$RHR$UFI80@eNv4_8^y;B z4G|iU#;(B0f@P)L%K3Jpr!Z;1zOdq#GT$bex2HM=DN;H5Was^_ z>`eA@#_8zNG}~W(pYKgCo5OCM&Q;6sw8ku#GBdw5IyDs5Lg1@5Y`J@?<(`L%`vhLQ zo9>^N3Dja7dr_?7>(A0o;(PQ~B_40H7S1$xyYbLP`3}qWY0$*e=RE25Nz!0SFvWdx zjF1L|aw3=Sv{d`9*e`E3tlhL*RTuR9$+A6i$9$3bcUiu@`FzIvg?@m0uKrjF8-;A2}=<=2%lDG z{`ui%jT7&346Wr*MZmJd-t0*D_|5+{ei{(`Ayk9~Th-|c5(pdnuhg{WXQHtH;=r}{ zpUOaeO7q6+`**=~KO-R9f-Y8`=zyl#^Yt+zvUkYMb+|g=vFDQ>UHz8R^$E3qQ7>JO zJ7#OjoA>XQ?5QYIYCTRhf56|l#^`gW*xbQf$9dX!@YB=6K`Lo6U87e7cov}gLFMHv znUwSQ^Tw7CW-SSYu{;RMVfPHRq}#x}9RB(%XalG3VJoeDg#%#Y2mRu;kws-B%B^d7zv+lO?KqtLM*3-$Nk|jeaG!NQ%d#6kfieIS*mn zZ_4Rb)et)79&r_wydNVzx8YrpSq2H{`Lj^wj^?A zn;ruPsShdzA1u}Ts-}kh4%2j;H-8sVRJ(s7;7kW#{Sj9;w5%ebTUL~ypB?hE_85AL zKf~aiZ~Tw3;y^x^YA%7t@W*mRIWP)!T^`R(y?8|lGf30t9Gy52g|oA8`llV=?168h zxNC)!F*HEF$C8QK6;`P^IGxeOgG$n7AR#3`i|*h2d+Dehku z;jcUGDl(b)Fr{Ji71Op5i>)>I<4>b7=ZCpZ5nK)AWhIs$8Zw^iP-(#OoQCv6)xQCV zncAcItcj1@a+Q~}cQ$u^yTASCkDpJxdAZaRQ8Lztg5MhaytEROguZ;l{g~Z#tp6tH zkHVZ+12zP*TUQ~9g}YD!=J38uJ+Le$SI(tn!pY*YX{-)HZUb~i`l(i{a4?vuua~v; za5sK4q`mLIJV5mD4|(H?-Jka~9OW&VQiPz4KkY3_&SFaGsQLMeVwQB!#)vxRlQ>q0 zyN&vnqRr`Cei^Ssot?CI4X*pAhfQb*T~D%CTLqkkb5J*vl#>>TQTiW=`*EDB@W9zT zl1I$T0P*A3Ca@T;tksjpIbkCMQu4}E7PK|c3t0;{p|QQySdJ4{8WQ$c#1k(LgYcsM z`cw6X9x@O2Eu^PY0&fQff3LiBT;)cse&GK)uE1X8bo(*6=3J5s{0p8pyes%|O#T)t zWa9O;xA70sanC9b|M+?8k&wzc`o!jNwe$a?;`l0w_GjH zXHxYn%3kJQT}oUPB7^nivt)S!GOy=P4%#fuT<1NHjKGhWpeg3XRPPWDubU{B zk17Ybbd$xB_3`&hQM=_Q5_jO{7y-!DfmeX<)ya8R?#!%eu#a6mQyHsO&)WB-Dj-aU{+6b-5E69&xuIG1 z3soLJ)o$c+tCK_9JPQE6v)JIB8jT)Qa#DBiFRqpeC&HX{ky-3JmK=EV^4@4VE((+| zLDq~C-TN+h!t-+b6xHjmk9L0Fnwo>?k{LH2B%%4JSOy4wqERVm7Ojx8l6ynj%VZrB z@zRS|S6rAh=8|kU&gS@_cv{Zxbv|z}vxyVhPkm>iU8Js+nVFj}AP|i1o=LEHr zy<^pXb1yGu|3{sfL>Y~cTShYYZHl3Tlpo06^rZ+GrX$l;kAQB71x__|vNqx&l^273 zFZJTHM{%-^lc|b6BM$-haf8CQ@8N3cMWnjLzfZW$N!uN`a+jpghk-S8l+uq@7x_=M zCcHa}Tiyntb5>g}rX&VQd+R^!6#9NMTr*+RUVPu)A&Qd3~;Ey!rH03}j`=*db(GMj|lK)k*k#ls5SD$Hp^= zhji5D5@}eYN4gH+<-51z-?AmI8LT+?ABiza7~z<%BaU-XctKK8io#KRcorUCLI`Rx zNp*Ne+W$8-aLDnpCDW*R+C}+Fpq8Ec+7PkXZU5}wLt!A~ewZWj zrSqLmjv-f&$FnIf$_MyA8agkYaXffonEh>f{U<+-d%TvRN$U;cZf&W!PR z@zO9mzB{+zuXuAD4MxmaSgpz_(hwLuzPNi^7nORV-9z$Ll2wq>oDHI{f#W=!Y%%$N zEdcnJIm^bQ{&NaZ$%T$<8hZ92xuw#!Miw%$Tp)>&)mK*TtIw=8f!X_i&MKrIKntUl zb}Et0SlW+S7bOC;12_F6k6Y2gE~#>N{D)v#(B(q#K;-8Kj$wjQun8%FcwA1rjLZ^H zJ<(8?4M0w^QC@-BXL$<0pDO>UxH2HWI!Yc@i|THl?SyPmwacRnTx_s z8e1K9MW<>*PB{gh00LF=cB+m8IX<|X(X+&s;wZWw*Hrah=4~Y@+Ei%JJY2UgG6Pj* znWK%Qc)zan#H@7{d=O`5r1a{9-U3S|t^DHjz(mJw4rguFb|?-IzLv&tu@Cemp@aMa zyy6tj#9DV$(uAZ-xEpuy?zs6?^S$<27z8X*B!%}D!k^ObInmLn9BX8 zxYqdNHs8jy6u09SK&8CF{l-pU*s&C~ZB@bGKOtDT$XfCILA7ScJ~E3`ATn3uOWi+A z&p+(2TB{5jc4QRV$#%-4H{QXFeS zKVQefa`xx&Teb5$N2(DHy&5zZClC9 zca$d!O-vK`iy(YcZ~zKh`U}gv=tv;=7PX4)tCX;E>z4QU-)g90KN>ug;$Iy0-j~kr zj^=7QPB4f<<{f8mDMDxNQ@c^$UQUoj(gAdy$f5wWGQ{<-Mn9E&$O{YMbQ^cMFLA8u zrMOh{sH(F?Qhrl?a7KD2#;*^;nsfHMD|Y|S`Sxsw>>wV>p{f47lKBno^C&O51Bu#) zRMD@4jLkJe7C1rOcZZZr5*Pf4@1O^HWwk_=3eO{DE=O{JV&8h@fde+^pcdw+P72g}KrBSG=7ui1dB* zC**AFKdz-DnDf{ZMuOrHmdPM0=NIr1rqSQ;U{Hn}lcV4^|LEd;hH=*9Wgx-rl<&OF ziRePEEKJi1`Slh!b$i36{ht(*gRzW-U@YLjmKa?ux(eGGN9l>1C8!)X%~|cBoJ;mk z4i%2GU1ZNx0Q{7s@0Q>X1I92h3my=t$qpcjGk+7#C_I4FmavIwxlqn?N{rNoeu|N& zG5&!|h4l{~sSMKZzMa2PEb>&9xLe{sC`G%Y!c4Q1r-q+pNaOPWdWB zMg3%1doR4QatwwKVu>#q@uwVHw!s#OwEjW*UwYpDoLwBCGUKK&GI%g6KX}FW!tJlU zSyJKKKh}<qUp3&# zpUD1-{vVvu;F*ilrei(FVyx)F%nxi_qccCyNLI3kNZ@m155h5O_VUxO>#otSCK_riZ=CoE7bEltU# zrm119nZ1AqKjYh7XB(C&Gy4rkiPa2%7-Jnq28cKzx%}=C{wg5GPr(3vdA@`ol z4Lx4lQjtL(jdo5IzG(P+APpnMT&)QPIQTIG7+&`U!~fjkU?mpLWAS~h_Uu1*W=nah z!PUPMo;tnPKjp=TV&V#e2e;&EL=bQul9t}}JK(H#f4(RA_5LO^XC`w+$yyKe^mmU3 z8$!!C1wfw@9_TE&h_e17=YqBw%16cG^7MZQV zu<69XA6JQ2Q`qM{HjKT&!KC|(#2Hq-oE134dO~w!t ziVb6d*JU4h-OBv5L76dT?pzHF0T!1u8V+Oa#LfEV60uT5sLvt#Q@x~b7wtPY8~&&5;yLPJ+z(Zlb%28E8I3t9{X{!6gZpwqK( zM(h`|I%lziu(zUq1jlGU_JV|#9$f5hgXH`MlN6{9-~iF8aopGLuymc-dDK1vx* z9XXmW;sFMCsAbJKU!eNDUk|diPH-+MaWPV`rS-0V4Vh7OFxEkGQ@X~^`$j)ClLxVa zQnO$Tc$d88JwHR?P+=gl(t+K`Q~|2CQjC-m(iiJVf%QpITGK6_uAlCW9S$50tZe_S zxCeg|HF*Q@^?;t;Hsfl-@{J^PdFx_}FJF~R7dTWI3Vk6%tboOF?lSnE9DPaF;baAb z7+Vs&woIZ0X|8i#pNXH$^;6#`~V9YTUy`90-3X@ zsEN8d+7GrU*ivgrkP2f7GLOOrw{E+@sgd1Y*IshI|99*Gz}>AHV`cSPp?v$#K8Lt0 z19zGLzW`;G$t;pHQYGex0x})zxV|iNxWIe7SoS-~#O1ceL%n@j11)M`aSl{WQcfzK zaIkl6CvbOefcy?^n7B>X3fEVd%t|yLH?^FV%wKkV3APh~GC*6$9jLV}<1FJC(bleZ zZ}9xsSKbP7X1*Ybas47XJ+yeia5wy!PAaEg*XI1hxjxm&XhKxb>D>0xHNGJCz>Bqi z*+d1VsH_{;o={Oj2+KB-H7T|+iJ5?i525^|=?FGv@Dtmco!IGw&oQDj4ZiW$snFx6 z?rTILZ)gswEM+Oj#^}D*=)&sy-cZm%P0QJU8ltl0?7*lDXNIf)y-}{~=t^#c2AGV|>i@;%vo?Yauy^Jo9K)bjXk9e9#9a7;o1xv})2l$mn?Yt3=K2@Ag#3W8AHwgL z=7Vh=-CU1L2mvaG!jTza+FBY?lGIXV=3}ha)!T}yLQGNK9s+;j>j9#<8d5-%jK5Sm74Urs{^9Mhu!3a`D?AnK>_y(d0`r` zCM9)4!=wtgew}aBR)bA@?ez$Akx1#48?W*o^CVA{9&U z`N*}GEkS6`lGc-lny)9zw4xf>qd73NjqcaL#ifT1NLeR@$<;+LKHfWOG(khB~jvs zg$`ZC=>Ve~hm+%(J>SL@T`Zl5BW=}8GWzUl3+ILe9ij*YC>F zsNZa~b~_i3e`Q_&yUOL!LXwgqWa!I!k$9M~GpOA^wpMFvp(z5L_` z`z>?li5A6&S^7lcHuDg9>FOl`0Fy>V=y8clHuCEyjCM!8nWvyAyUdG5CB z(3pBU&O+9&+5}G>6}^=aZ&I?80gNVGWW9-oNxT#+l~fYaysw@T{)_VWW5+5S)|`G+ z9+~6FH|ph*jDFw0&66aGn?RYjwJQt)c*8`Twd0=E} znsJ%`BCb%^BKOMT`E@+6C7%VZ*L{#yA+YDPV1 zFsXd@XBEX^6yS}&8mAJ*0kBgAhvwe16TWr4btvq`_uruZovMoQhzKRj8jO|#pq{Kj zx1p4-lu+NU=mhX`pr#DCT4n-?4(-dblW}GJN`>mAXD9#Sub289fgkExbMbOfbOKeb zTW76SZ4LgFHeF~5)hfh-wF!kq{gmz*!eC}Hxum0vZ<;k@ck=jb*(2lc;aHusV7@kR zd2e)n>$u3CdbUcT98uxTTWs^w2yfLOfD?HrKp*`91^PB!_}{v@3?+J22oRttWa^_S zNqTtZgg47S6_`L>>QG{`2%3m7xyXjjn}$SL>kT9~T}rP89e(Rg-oB!PdW}Vgb8t=)@8b$H62U^pn6X@aaYEYXAPf$+>FQDvEi3Tq@@2DlHZ;>OvuxP z@z&nwdfpBzkfI4oDwqGAxQ+@owzt@(4B3aWyP$=VyT%%aUGJ>H?1Z02xU7{JTKOYgMiO9cf=QL@4x)WxL}i3Q0ScF9_v}J!?95tTMey# z@3F^5Z3lKjnjoYcAeum2Yf1)V1%{FtV5})6g0hd(@hw>#>!{Y<+v|GLR$RX+zj1CU zwnviq9}DPc>@B_t=zyeG?{;YzG^#s{sDEOaV~TZ8>!oi)=gixFmbX{E!v4w?1c{F>wa`V#@!p;WrYi@1<%Z*%W5z8Gw( z=<)Hzz%s0npZ8Pv6*24I%7c0{l;Z2N`R@ir7&)^z%fyijV%?jXNwp1?$xn7 z(tNc?tY@~ZpTypHG}MJf5d;(19|N8+gAi!QEUZNU3=sH!a&1O`Ipjq(fWqR!v-_o} zPk;;>S|JYBpD=?bYI{7^DED8=zM5>W4s~ca+bL?XUHuK$U3_qGwilAMYoOTT3lw9c%A#3hdFh13GLz74|GMSU2BLCV7GIx zKqJ`d$u%o_HDBXljiqjLInqx(M}CxFtpP9@4_Mrkk&>jj_m3GE^GYoBQ7|uPScBiq zOBbQ?(hoJlc|USg5Z|&>BP=5g`Y-c3bI9Y$7;CW5*fle0Cy#In5bZ}~+UV|bPr1!~ zDHz@6>n@L~Vk>kcLGm4^kzQw`eH{p&0{-RetYPuZj&@lV?^PJ$=UF53^Llm6o9y{} zP1i#+LA{3Q?#{mc7ti>5Zl~Xr_I=oNrExF-0fH=JH&Y2qwCt9~WzMOOvpIFe#GQNZ z65_CbnXXQ5OTO?%)*!*jqcE*o+N%QUv=Ooc`@B0Qs16Fyd`o?rOi_2gPFZq?w`Iwb(b~2_6DtsfrmUu+3|C2oRAH+) zUM5{sTILO*zh?0PAU8B)4!UpqOt%bGYgW0&aOj=>xuwu(P`F4)44@-h4ldHBo2ea; z?a0Ol(lrt*>=>e&6+&hmo6IUzD!;CZpadd!Y~{Hrmn9i-t4Lmww3=((_W_>x$_x8 zEkK=`1+GcozTe5rQY>%$$vizH?3hojd2%bOSPlU`>Uk5aIJ0$p%yg#2v2?PwE&}Y! z+$2%{^~J%XmY)~8Dmef5X5HXrlb`B}fTEbGH|VYo!hw|l)?w(B0+CODq-xN{!~og~ zXSp!kDJX)`j-4Gkb}q%aPCO`<)lVM!wZV16n>}VEM>jbMb8{J^Tf9rOy#bH{rkh9K zj|6IFtY&6v(l?LX4#5<1I;Yz4+PS}`S-0JLVpI-eS7^q^4(sI6pGt)m+geMVywYlv zcggM+^9ucM{Ir%=>+epUKm;;pmuKt4)dP*vV*b^ut^JNRhoFev+Ktab2r~63jfCF3 zCYRn9-on;gUIDvTP~ySa{pVVKz(Mb|ozSTXH!E@~%+Sk#i^GJV1CQW!rXE69F$Dqk zPI%EHd&bFyNW=)! zQh^I05PpJe@V}*%r#os>uC*Z5&(FS{ z)h>H!R<)(RX)CJPC7ZM3(&lP&Dz-S9Ap1^zUpDp?-KS^JWb-A`go#3l&G|t>{#C+N zNAMN3b;jAtt0RTrtK;CSgFcC?+~6GvgOcTyvHuyUBJzVT|LnO>yVT|foCtunn4Z39 z-)|koa?z?h7%z>%pppx)tIT8HG7u~l>Z`bT1iYd6PgWt8pmJ^1d!lG%LmrX2imW-U zUG*l)m9|H4GqeF4Cm#Tm0TYyJ9S4L^^oS|2uSB!9%-+C16(32S1s!DdbIm(9A?(`t(DL{DSDOvXSiE{mL ztaigzd}Y$0LlLaOQa|3V$HB1y`&pK+e*xsw6~;_gwvTDO^&XpZ;WBd4V2NiQXeuyYio5~r@x_Uwqin+SrnFC z+j}>5jiJbenNqLlaw%#aKk0SW(a~~osK(R*`~m-cDNFq|YhMw{)DxOniyv@o0_(FT zQH+T)MG;IS<}J2;>gmw0V9RwwY8RcroQ@9e{*Tzj7d=_`7_w5q2$Zs~a(S$avr87d zT-#DZE2nek^8G^dBZSGHRwW(p#Uzlp_!GcRXS7n$#4ykrIbGk#nf9FTe~13%Sp4d(7@O};(i3gNrE{jn5bE%j-!eg?tD=jO~0D=5gL|GL)CVHBE~8I6pQ z9gvFzf+ajzuWTlG0j;)>NcB#A7e{Ou`p8TH{#erPreoH=Z^&5NQx>Ny+e(cH62mQc zs`-q5h5oP6!2K>#aNoP?u_l@CITVMsL4bqnEu?{&+6fGf?qhUnQz_!<%sY zIi~x&Uo|2HP-Mz~^E$jOnfL*C{l0ZwOo-$VVif#|9)lWW&XA~0q!O@sUPfS8i}%-$ z_SjSD0EfP4ei(3^nu+Ej^+Q|;C+fr!1u5zlPh(KUn%RFhBtawWrhFMVWieP4;95s)8 zR&H8}r3a78=Y~?4SIR|9%9m|S1DA68(uZDF95Z#~4DfgUUV_U#nD5FCu4&<5dlJ_< zCv~6ffJTgwMfJtD43Np8uBYx0R;tr;C0bWInQK|a&sgpBF3+Q*mH3tJ4*Avl)_dwb z!pqoHAh>J8V*|r2z)ZS+x=5qQ!&Ft+Hv3qwQ$ZEz?PONEuM z=0>Pnp}1io3IIHKBQHI}+NN40&& zc1EWv_@d?NW!u*7M|($MAxM?287qJXW*3=#h#ITRpP4CLC!6Z!aC|Mx|CC1@5=%gy zoknUEX_B$ZEB>5McTlnGvQBdE1r9paDhD`+9g0an7r?{YnzB{^0B(q0J`60_n%aEyJPds?TP zeP1qD$-n@K%fBSyZn6N6*zJb<3iy}?`+3lnJ`{A`v2(Ss%%t|c{_=0v1C1FUG3L-e zi+<+^HACX!K1xGIgGwaA-uJ1h{hTjVwaXd0RXF320Odyv%ja$6f!WntwUhMu^VN~V z&zv1se_JlTkl`WckgbLru3qw$Fiq3R$1P_|f3D6a@_7?3dn6~rK=*N3GX<8lB74v1LfYy;Bs>YegvhFbykVzEl0pB7}i0bQ6BmlZ#))%;pf|O z)jJd%2Pyc9nodyl^K6+<=vb3GI_%o^#FLll@g)-}P`q zd$3z?Bb(S;a)i%VO-~|FiB`iCuN&jhv<^c-*b*t)T8l08m$e}rMBMt{s8NwGt~;8A zRTnpn7RXktiiXv_0WCH%gTP`d?{&k;=7s_}P+-09i&YfHgd_J0#dDf5f2`CnHnw<{ zv;IXFQgr!)-O@dUjm{jW+!}schLl)-_2jTqgr|oZ0lV>GZOOKWd%D)ln`gn(%{AL` z5UmzR_i@_An1>}L%k7v@P9%~mPQ3(zb}^j}EmPE@`z^Xf&l(*mX6fpv+{{vnUlU(; zm`ci=v$LO?6nFRI4}ad%jo{QM4Q|#}={1GV(Q^hk8Ay$rlb^=uad~YSE-N#7HS5B0 zfx|)QNXX$I3o#O}f1w*y^l5urp*5r)t~?)o;kW|@n*W#Aw^DEH&16x@yAewYw?=+% z+`@%3(G2%or<+rdV?i91nj^kYSjcU}E#&N5cvi|avG~&Q_BwUqQE9|;Q`W#Wg=iR9GbuA@;`c>` z?+&e&7q}3CVfUmPrWoL~4;)vy#RZ+z8!EOVSHi@e^~)VB|eiBS8%SVQ)d zQd9k&JLO&(xBQbR|H??NbXIND==ZD83BZJXodlD`E`f+&F@*h9t)TC(OW9LkAz2-U*sV)T5y~&Ub zjp;8?9=O{*EZfG4l5>Q!QQgpkeiXBxXcU$qmJO+=FnS#Iei1g$}NU z)pa&#R|f@W+X@k^8IJjRnXzsq?ujGW)nq+gh*7tG(vM(cG>Som{C>$@?JVRxP_OvI zevvi23z(twZq0y*;H2d*KnNCV>#Z9*tNXt8Dfh`LRvLmi$K8?w;X{QyXp@BzSo+zloVZW0FXJJy)p$p(3nrXa!z9(lIUP` zo%hYl2XX3j=W}ljs>CJmt}9xdpVXS(Ty!&0*7Z>hckE$?UY52cKUDyz)6v+A4kXw9T6TipSf9f?Q|@~*M7B{yu{LoFiS zIYQ)f$+I?*qS3NbwJ2Ij`r1zKiD&{a`Xd=J`p<8Der5-Xb0z{OgV{j*-Cg+QohNKN z@BRf<7KC(T3RVej8Wyx50pQ1L`BE$rHe$xk-dt0@E~9e;>c{N13w59W*<_vj8jm0d zSTi;Kp!?mxZi`5yPyJ%aOO>}rODiTXAK`;*5<-dMv$K!BL0?h*tLM`&_2mJThk@nw zuOROC#X+FZQh^L#-^ab`6#T`8F|A)yt?AlWF;jq-vt&y1`X%|w-jEktmHFn)a%cHV z@L80aN??3wLdoI?If}rY^rH0<`57(Y!+xnw{s-@@ks<=5pKiHC~SY9p{HVwR3~3WS^$f zm6oe=8_u9ZzH=0A+p2|pimp6>yl|NYBJs0fwmQ}De9t4#;M zLXt(Srp83}*ucQb)rG><{NCb0+nK_STJz=ark+{}lBvB!x%bjA6~<%9J-5 z*xyJodzwZTMwHUxjFq#W4z%(mVjFZiS>gQ>_#$i;?ac!3pSaP@9;X-=otfhfN&WbP zT-_!$?&ixgywlLjtGcTJvgDrc${}Vk_;llHdG^}hWdm}zAAGUOdtG58jT3=WgXUlD z9qlDUiG_P9+2Zoh1MP@WQ^J2nM$_`tUo|szE7LhFg|Xm>b9cqAjE3U-AtFJc+$ttN&`-;*?j0tgx!@jxobHMQq zeFt(WgFB8QB%K3~m|*s-9Qy%zKa9Ngp`1DrNC|#V;QpLv!w`Jracon07!;gQ{2ZYx z?4o0toF%jZUQQWHn6wZ8NX5qR_0HAo+WmZb_j^DM@8!EWxtB8qH{dB8IZ`3M%0o-* zT@v{F4nsV2h*Ve;$;HXDXhJXo1;MelINnB8#kNOf>huOVIA>D}A#{S31wQGpwInJo z_U^u@4QMZVx;#h$rhPFfd?QQ)2;%vV7C^TqFz#0?hmQ@xs1HdCn2tj1&0Rh{DxkO{ zkf|D03iBs-(@JE*EuQL z=m2d$DA?)Zv;_n`jK3RGqi!3P89kTIST+ADD^R5 z9c+uOXT9PQvN)Y*jT>N4;myl5v3!7?E8n*?8Pa?4<>~00y!T=yBrbEn!rl$LG)xle zYL#TrR6Fp`(-jZpQqKU4JdicXi54mTA@EM=28-zQD4RgR7#4-D66h9s(puA_i5Q`@ zi|Hj<&wZ)Hgk)iCF}S4T1zoY7Tf>@kP|rINX)yhZh17&QwZ9tnpXX#rO9|i;Bb4|P z?|Zq_%tQkK>ayVzmX5+toO;+E`&S$p~U5Ez|R=de6lcE%0SedBF zK9KHNt9UJO)+amb3B?CfZe7UlwVOgBIBxxts19;;W(1U&qEgO95pQHgr0>$86WZN= zVCTe+$;66%<$Ifb6{s(EK-+@RS32&HO%Ky{A^wJW)Xy&ZFI*3$`t)oJh8=}L%5Mp9 zl9My^%ZhM@vH~|}QFa-quAi-}_}ZrLlXB2o#ee)%9&s~?{N%=tf?=p!biC9yQxwd3 z!5!^Q13*Mrx)iZ<>W*~mxwp(;TYa`J%O*rKjQpu~Hg#_>-&!z^B2yhcO3g*VH8Rhd zMUsy1V(`tbB;1F^^ojOXq)c~~I$E#tyfmSw?GDg4(6dqMPAfi^|`bN-WIaVmSYe;DPPZ>FM9aMLGa( zyu6&})8R#HTs8uYZrXSI?wmdAV}xqPx3n}*25yAT>>OK8+`7+P`m?0v?0jUouWDoX zW0p@j0>j8ZWEOp2ZeTX(>P#)*H2=cns!JA1UY7LCU#(qUUJh(!yQZSVT(ZYEYLUN& z4PO1`{Zi{9;md(2G&U*n=QVqk2BdT2L5j0QXN{IV7I(-Zv3}+nHFq{^7rkDc@A!1u zZQ{Z6zM>gEgCVQt%kx;0+Q~?d(kr_dXu?&+|Bco%8s9 zKcDw_yw9=ans`Y zlBB~ryucoW9uHofe`)Z~@&4(RH3JLKZ_54LQ5lanVZH^fdG|=D9GofbXmU{p%s&QP z*f7|sP&xUlG~+IoGjQvzvkNg(Yxow{<;}l!*Zp0ynn-SJ?D?m*lhwq^!=f?sLqS$K z3vDEbhGS+YTh6D?SJ^?2y~^~!wLZHrM8U!ICA-MT@!|PLQBOJILBgpG4bCnhR$;gX z!?-V_vp*LRshq3X_gqnm8Yv*9H4JJ1Fqz0}8$B{cT0YgIIXr+m!YIQDVk7-}#!!e1 zndmOeR!}23s5|bEeMM`slE@hk_ICMCqQ<|lW^fQ9Knl(VyvIB}aLI0n_Dd`$I$nc4 zsmz6^O+@-`+6*wQ;|7(Hdl#Sjb=}&00?@j?m%FW26q(-Fee7CL-(p$AehJDhIq)Aw zK$06Pl5Lkbqpc-galmy~fb-vNc=dJH==brM;icPOD_q*!k8-`n4F)*ahEj_)&YN(w zqPD1)BT(^PR)wXzG=l|t#$m@KhPaORN;+YSHThX3_~OcI^x7wj#@%ZCkEs1TN?JL7Oh{ki<^wJo^SDBO2{^17#1^s5(XT#Q@-)Sngm zAbabZQgk8Vp{Lu&*t)9(c7u4TQP+USN-MZ03YpyW)Sq#Q)zo^{rJ^e`(tdB+Kh0$I z8T!ExVY}ZOFzMP`=H|KhfoaW*&&oi+(pL=-H^vT}$mG^}xeQM|ItTqyGf}SD5L=EMEkJ#-9sB^JG3b9&e#^i7C3sfi)e6M+j_LEi%f1eD z0@WCnAHmuQdH>s&b16n@T=nR|r`3ST9PdBB)D>K__>GYY3S z7Pipfg?>1wNjFtvgco|=XmG{A3x#_ExDz!SzI^%jROQ^~O}5K$VBk^QSp2t|7A+2+ z4krop5N5+$`FwXw<-2ZVK*Jo%vU#=NUpF{tCvNG0lH+(mHWBWt1l%Sf;%qRH4TlB(L!vbDshWg-WGHkyzG%EAz0=thlTLXPmBxs`X8?Mx` z^eau?W8;BF2WDJAjv# zyp0*P>2zv`&aWn z3L_Q?s$aUMs4zJ;&)A2l#n|Dh)1H%U|CVm|+T43(0CT|0_VBO2xobm>W`TKZp1_VM zAMj(V4UXw~y2LH&dDK=fJY&U`Ac}7Nx0zLZw)jRD6MUg}Q>Q2bHyhYY11sPb6zTb9 zF@@Hj(v8bBZ$F%;C&Tw0Yh0QRyZ1>EN%(hLk264pw)^QM7#kgke;Kv8w!1veeEQ2q zk%vm69=LNlp-zUE^a$V5ZL_uD1X?d@Yq~KRT1V5bzn<047?t?3@UBA(_zG8CjLRF- zjgfzpOJUNB(VJ@jxwBeXls&}?fg}H|c&MZgl%h9-s)AUtA1_x-E-aM=?XUk{6_y)H zXfnj}o}M3FSioD-1{G_z^(+&*ZDHqsk4q0+(Qa#yM~s6%YvUhb z;4G#l4 z{LlGr$gJ?a{fbFV8kK+NZ&V(HA4Z;Uwe9GxR7M<(%~fpau3+VlN-Go(R*I}zn?n_p zLysM~_dTb|jjG6PJKt24lc0t8s(8Mzuq;$&p{cL>i^|rYk!KxiZys;)g+Dv+I$tR2 z%&fdCpCU1dByzU{8`6XwSHd3_Trq*b0Ba4S^w6$#D$LK%r>qo11%Bf_4DnfW=9YgS zsf_qVZgN?vq<*ZJt-~v(IMn>|Max)JD$x$A8y-+@Pd()_W0~Vi(Rz*mvQue-6C_i` zH>rsn*UtSoUO8S^7)=@+(XK0!@|@ z^>KgNM0?Eep}B5z@|d#jK4X-}GP@m>w-Lj=81^WPYk9u4HFZGM+@Rvf{`Lj${Q=rO z!5b7#Y7lx;hQ!ScGL)s;RRjE4%33d1e*Ilun`%fOn2R;a2{uijDi*k&Yekg)^3E0v zwe5LO6qK>LE~e&qSEWzf2J}u#AivH;5)tWp_#%5R&r(?4m>zmblp4uMR%!e)8{l== zOY+)Hrm$0o+Fykm$(FEUuA&(pJF;tjH=g> zv-cc4yV$7hp^^Ws`}{`wQ{rNrMQf(ug-t4Y8r?TSmuWPjzT|(R6F#&od`dx%#i*{x zBvSd&bk%)&dN~DlQL&m+TG5pKvHySXtgYo z8$?rmyb7kt3)#LcnIu4y>}sTClkCFaY4#g2ky@}=_Xsp)a!D$xS1+Jssa-d|0nCAkdD=!bW+GJX0f z^B;urqQ001;Y^=vkW4EXI_63SYtJYkP$tS&jpasR>buo1WIdEXRXmkMg7Xwt7o=JA z5(30Fw()TQk19`>KtaL-y+UQL3W)e~E4Xex;nR z9lg()>zO8aOa%z^_(((u`ts>dY<47aHF*&KBcu(`v`6KMs=A9@?s=}6n&v-2&{&mM zt)y8L+trtb^5>I9Q$d3X-zK`%!2%gP3V<-wHhW!Ldq8MZiHGFv4AP^0#0XzQ#Wt*> zFy8gVLiVew3A`!HSR_hcuVvbNTP{8OaI|~kdrG*<4m0z-@u zYg{H3!r)Rrmk+t$V@_Kbtb=zoPAD?;wP!6E6zFya!3xn+kR?f`=izJ*L1zB1vT$u) zZ}v4QlPhQr$FhQd^2;eHm!6hT6!O_60!wK5>v~GmZTYLL-OX*`Ots0rL@#{@9p>t8SyvqwbERMmdE8|ij2bxIB?@=NWf`<3`-Itp*k z=Hpis)=(`)(*alcjR>7{dz-dIYeCU5F_4I>qa@>4$lQ=(}967g^J6pzxn7TXFC?j3Uf$Yjg~ zn3WFu?e=z*bRadylJ^_RT53gZ9Icj~Xa zz)XdY-$D181sJmsdHAyUK`=S>`tadtTp_*DIGw^CNlaY;T%bI56M|3f6(0~F7-@6m!NmF4uCJ85CpB+e z>6oocHT{Al9&Fk+NdV_dzG!@KnJgs0BP3j24sLGliQZXK__Az|Z#41Igcn$=!U`bE zc(?Unz@l0XH1$fT0Da}V-FHNI1VCXc{TBbFn)*B!-uf|WlOP}i%bo@HRaWQTZJtk? zhSqn3P7WtsH$Ot>e;LZMh!?yQg>~2W$a4MtBwr2bamikvk$nX%>&I_Cii%n-3T3nz zF8FF@-NtI0FgnOPg`vWJga3!%Ei5tns>ssLJIzX6#O>z)w;ZlNmA^HR=)+quc|JbX zAi0R&$z-`otzRCEfFn{}LGiY7kY`3G(BIYpqQ}0Wrxp8QRT~d(0M(rq1G@U25wsM7Q<*0 z|G=7B(h)C<6=mzuK;=);wi~Mh*-wIk&p)C$^k}}e4=#z9yOq#Gq8Qu=%2N=@g5MI) z)8h?4AU_%zOw>I=RM40u{Xx8Dy`)znEBi!C@lg6w@s=XOP6&R`ovwZ=5VvS;!ZEt? zh{?w#u8`f9P3E_d^-iVU5C}XPsz@`OY3hx)KD?+o zxQVQ@Hwl>MeEj9~tw65Ms6{jaz2(VDqj7fWvUIY-%RTzncIVL7(meF5G#^qu_y<*M ztFUyR^`#Epu-t`K`1*9s^SZZXp^yLQ^lzIOftin1NM$XP_4v&yzQf)X%C2O=PdOym zyc&YR>%71h8@gb>BS%xF_e-UlN zrCAPcuXE+6dTsbn_0Cm2T5>pSO-4ub2chbH5AJ3B4%9f2g>8)am^mk~XVKQtjNr_) zX5h`FCQ<+eDP>b#0t-V%oR|@UrL)=wh-RnW3QgK}S8SAMoXt1b)y~hv8;ylF%K-Rt zNLU=-8{teG#sQg!rC*B)t7$A9ik{gJYC#v3za{oU{>jrm61NauDh!}^Pyw3L0^ogj zV=MzDlX{Pp_%6;OkI#FD-@)nNf2$6jVB!C8XK;b*poEQdH;HPK$~t1=K?u6EIXE=b zKlrNVN_uqB#&se2g60Ljcx4trDQYB)sBbx((bw-p%Z`97CVI7=|G`#H%`N*j1xFs8 zd*2H{DjyU9$O6fwh_?4VAJb(R?WPD9XI5v|NiQldQ%?t2jP)#&;Ndz`^Dj+d`KNDZUD&I+?EFNCN*;VfnA?Cj;#?!R)WiQ_h8L4y8gke*M8J{L0 zn3#$z*QM8v9`s{68c>?7gv{|0J`XSZ395J3vV9NhHU**u19lJ3&!62Z>HjIjp{(KZ zi71vmfIM0&4LoY11T@Ju?eLb1Ox|Ze7y>!bVpWn!2E!&)na1c$Zis;6g?&vN2S7EWat$QcV(&1H=sf0^9zr#mWDCv$f@- zIjMH!6nXOaV)x?oR9R=f$wyl~eY&@B$Il^P!#Fp1NRDVa-Pq{BLy> z4VxLHcaFb<1~GO3v0_gQb&HmQcw%iB;a$S(=|^!Z3OZfWbvp;2w9rU{k^(v8pt_}U zj_{hwYRl?~C7hiMb~oN;d%? z=@(}rs#?Q4BA`AI%rB^R-|ieD*`rrFZknn9h9$oSl zQJ9NZ)NF^mqe;_6jt%)`SDtSx=e2soSg4Y6F$07 zQzzTe(K<3#36Q+VHy?z#9yWDSD4s2rQmBQLWQuKr5R??gX6FuN8Tv}UycW=8{0uLt zV^IDzze}f8DNit(H4l0HhV}3@1`j%Fl8+RNj*G8$Vnqq67j{FpDBX9ePO%8a097Cv zCCbqip*?qn(K8ih`cGDZl-bec>WD5Lr|nh8P;;m5T0HcgHsGH^&6DGH>V_I(+q-0R z(D?0}v55nRol5qB-0{UmidS8l7zl>G+q_m*9(N_`x?1_(%x(9M!GhXm%A)=9eju1p zEh_^%383#j=Cz^+l+%xi4+{#@hwg7SS5iwDdfU#cZxpj&K6>IxvSDe^X41wTD3+z^PlPBelb#z zfH_sA&_==6V7EZEGD3su&#A!ye`-HfhJWJDd;7;$4dl@4)LHb9b}>onQkRJ{qHD3` zTBKX~m|#b!^Z#oB(s^r+9*}%v6R4rHI!sj6JLeoYf{)<%kL1qR26Y9;pH&b6$zLW# zFMHH0R2Elg5=6=alfc>1BjYSDeEALgCe&VY=;w6)dkBR%2D7R@htRsT3ZpTSJ+E(5 z!9Hx>&?;{`TXrb_A=?3uBmaps;`+e9d1*=%Net=@7|z0m44RcMX42NagQ9QjOWyKj zw*y5_$Djrzbvmt)&!SyzEOE4kAcXn~hXBYHriK{q?_0QQ3O zfsfowB-sGZWcT3Ug~psGrz4frvyG4z9$mn)6ze0FR;UI>KAV3N_0GJ<@Wz`&Tq1@R-F*d(Gb#!xD$(rCFig9DBni3jDFwCOlA4 z7`A>W%5`L)bd(y1t51urqx*}6=w^6t8@6U z+_FEP=qyg#=GUz{{5C!;ALq8WTt39Q{(uh17}oxYI~76Sx9y*4XvctzOZkVYT%c(u zJJ#R-$+-4{^a%@o+A~9h4z(C+Aj(kOgIJ5?E&R1c#KHY*cQc4AO=7 zwpv-i?qS?Q#Nh;BbF-o5WNiU7J|%S)T+x*%4>lK(==9qYJTDgb=*d4r2-?AyI~Ztg zY^4i>iU~=b<8rT_G=iP!g|OM5{oeKcuVH=gU@>X{b;syHjeX~#!Kox zjhdM-MWjyC+S*TvzZ+cgZ91s|_N*%dk0U9S7wZd@Q>!(@`PL@&e8}>EygU?w?J)}O zEPDsU71ERw($n&x0#ZfMtu`KysP_sh&M=Dkh!3eU)oDmF_%FJ?zMee4@DlQFE;{pS ztUV)A$a|Hh>tm^`E^IB$?)N~&HJ}14#7R>d6=Pnb@Mz^XtoerAqn}A4wrG}xrq;TO znY<4Le*%Z=g8j-rjHPGxDecYzc{_}r8{F6pa^PuGoJC2s5@TZbpF_%=YT~Z0bhNr~I$ZRnnl`pF841DhTpQt3Wl+n4|A_!gi+1 z8XxPk@MtXT>}+P}vCY$ zt%dl@-vN=@P>&>!dQ}qp7mN`V`H~1P6aALIq%sRjaPQNx?UwO3>FHpJn zP9;-)Ak!<tSA0p^J91sNzVL3z^8>9N1t#F-wT++yjG=D=jaM6#0rqPqeto&1$J2 zX@D?S{VQzBM@EG&pp-p!6k$bYXf#T4@;5MS`@R6gIil7v} zPjOw|0ZKN`pXF7ii>xwHe9U}0w`4dgCz0Wil&e~V%4hGpwKfPitFCq$x>`tN3oD>C zU{g@!N{(N{_?na{gSETbm;$YU;Za}r(}kZ;MXN2S_QCqk9VL zj(Zfn*1*9BVvQR&sHj-XEz7jtI&4FHMrG#xR2UIo%z?70cdU;E?#$MFL~Jyb7*!EM!P;6e2>?42U}d-)*vgD5Kx0D;NdkdEKOmMw4+)Ov6Znio!p+$deCx3GP!` zP-R96Wr;hwK5-hR_4 zv}Fs(b3(VK3J-`wjpSabS8);3e7!?ZgGJ;k~rv( zVm8c{h2%Y7@cbZr2B(-Im4#F*(|)A=s)E2>A`(JwIbO~;Tv^QOxT!8n62m9ophocV z)_AN$Y?Nf(In3V36mdW{=)gkB^4N)pHm+1|UTVi;#XD><8;x>Oih8dvC*LUM|8QT- z;(E%Xc|Ll+ysrv{jm~E1a#65-9k>?JIGoYF=pJ@+nI%tSNIeNmV|4P+zV;C)+}HnL zxepL$|E`a`7>GQmyf|D*dGGHbt@F!Cg|gS}*kURsH_%r<_^mzA-`t0cFj z|JD!vjU0(_Z;a+twBdLBaqN=Kc3WEnUlj4}R-)lVwjWambEo&cSE7GLYkC2<;Q6>x zp^K(nW@ZWJXz_w)zq*iHu6%^#r|nEw(EC63aH+- zm6LrHN?hbgQRE?Wgq+Utd&Bz~i@%TGpW7tuO)~?Zj|b$vvg@ew>O8`M zFwCtXPSsu)z_!yVIgSJ7V{sqjSwQcV8-^r zAc&8ObAAuMnGE5%O#_)Q-&D4GRNIB=UT0^gskV2twZA@>9lt?zWgTb<4}Cm+V7u+#$ppYJA3f-vRGeZ42v@UZQz;b^u0t3}#!fD)2>&XJ z0cQUv=M#Js-mG4q%{Ug86Cd8OOwU4Kb;h+dMc$^wFIiQX|m3WOaIfSA9up=_X)V>A zYmqb)s2V5EZX3-ysz1YmKla8|LQlFBk2ZI9_NJ|@tlTHvu57$R-XVsWu{9#2yy@6=OGvG|hvKm+g;4#|&{!0kyL-0}gD_^2Rq(`Gy3bHl&qljoBnKkIve~J*p{W$jX(5Oz zOfU2)Yv4@@&niscCt^?2QArU^JMR+Z);4iAPR|g=mBgKp2Bp6QBYW5EsN(sLN5)#g zl*5NK5)wq=#(J{OAZAtP^ke?l7%Z~cyndi3qwMa&P0LLx_FQGt-o=Xg0et#{AWvR{ zDY@Y|QQtNqm72HT=MhEUn0Xfbc(xWN=^L*shC8n^ih9G25zc6rt!W{qB*Zxpyr^iV z_F1sM0C&>on?T@+72zpx(!N&0I;3bFy7rmy+;9F5t3KvS=7ll{D!-Ake%tgdt+PT$6FU$g#3)$ybx%8Y;Cujxrja)=%#Dpz8mvrfYE+ zOEm6;_+NM{;7%4>{La?rcIG;lI&b{mlQ9~t^XF5sG#5J~#*GaS*+djl8n`tL5XDAA zCF?Qsr0H1hU`>Kq40o7>Xx^)%;b24nLVJ}Ld!SE)S+~pl^|ME;sx4z?I!W=7y@A-R z7}%P7I0S!LQ(MU1cox!3Aixc{Rx*7hUNRW4+}Ay~`>icQzv}Fnu|K?{OL5`mZ4&N* zOt+HL+amvCoe=I3b>O|fC??K^Di5wPnUaEkyj<-BrB4_pBCfjU$`#He=^?HM%r_aj z@*hsNzBKH|k(uU)_UOce>Z%mi;kQPQb(rR#vH&FXccz>kp$#Tho>NxMVU&rjdN0rU z3qYsJP#n8x)zWahSHu_j_b;G)o#3*P_DLFL(wK)wK|jJ7&`Zr%SfvYRkLoyj&h?zg zjG)2u|6Vj>OBf(-5*O!B+aA)8XOse%u#0g%yuI=95yx8#^FJSGObiV5b6Rl3cT{p( z5E1|J`uPqM-FnLqb$d0JQmzu3k1k7F6q@*VDk$no0IenUgzbt#PXlYz`k_h}s`S<# zqudS5V3&`MK%Z0)>EGx?cg8|93Z&0pO$WbXlgOGgddipA))6`~{K|m(!PBuzNR$ph44oD#sh$Yt`XjBH#CpdA1$p>-q6KemqMvKa-f$!0@(4CZhSF1a_AD2P@}6_yW_0^{g#rw^d+0$nuvY^ZAHsl1P4h(H& zcvV!$_XKF5bMLp}(NP<=rj!FJ!#Yr+T-g+S#M4qh+-T!mG zHZ(_B`geA+ELkWNXWs8v6C8QrJw;~VmkcJKxXh+7%)E>$_$KqVL{sx6NVh0Lv+vzk zy9Kkop}q0DjdDRwj1QqGb<)qy-7n@9PY2XBO*nA-qj4WK#r-9=^b!Q1ji^o6hX1-U zyyowb&Novo^5d)c;wr6L&bqxKLif+#F<`kZ+d{O!oh44v()`6?Rt28}6+uR@hE*Hj zi_l(oAt}(f4G;Q76~f)_4XHcXky z28_LWgNseAk@MJsJd`aO)F6z@6ps0L4|c>Q?r^>?%kCAFczQ<&^)|b8fK^*jDKFiC zC_^xkcKP1G!~nXSxAQK6U9S6O*`LDMx6igk?G~8jP|UehUA)u4_;c1gsGi7|a+|}3 zhWz^r7I^Q_(#ayCw~#Y#9B7WN{z0NYoASYmz5EZH5LUb*M8RBtXZRW*Yx_i--1ivYj`^^&b_K zcO88Bttc#G@jlB0o?nf|(ZAa(Zk<$B)H1Ib9602GM;lnZSsdU@J&z5f4r{(V8K0aQC*JZRXqMr99i4?kxT-a%D@;*mtC;}%F z|C%l0t0-&p(W<66MUsa^tfQ^-xl3qVbnUDAHlX|>o1Quf`aw@q;Whyhe`9c`oD^G~ zp5%s5%qV04xmPhYqFFA*H-==W<7f58mDo@7@X1rm`mQ(SkW z{eX`haI*#PJEOBijAdm2KULfLCc(e=vU92_K?lZB5;ZISm9aK+j{bv@iNi&-Gu@>e zLFm3b;Vm+Odms_a@uX~R?59bT^t!1b2MRx`M9!gpQGF@oc>NHV1jv0RD0Dcs1cmPB zGTfDT$AzU;+73mkjH?hf&N^-WB)d=LRE!&X&43mNn4VYw4Ev@z|Xrx)R6=vEW9=C zOqTABFiH(VsH_|fEtRXkYpUfxoO7~7p>#S~Ma+qFs+_E@6uM;H=LfwmcF4W@?9=a4 zJGKCGeAJ}5ebsiYH_V@Rz`eMZfh`Zo@6J4gxva3pqj|N;XIOy6c=S3qD~HYbooEog zxMVxZ86hWW$dU(8M}QcXSsHRCO6Owp;<&zYVNN+bjFNJ`tP5H^jF8tETiLpUXeREU zKYC>2v|w*@+*<07Kj!ogL%F8qG^ijY>8vk~hG$wv?6V6WpY8hmn;VH}YYUxzQjSg# zEqxv66FE%|jH4{YfRbIBT=O?&4!6`F6~l`B*@)b#4w;3JXsQp}@2bR}i@%Poi;+%o zYB3kB&FeOQl!(5fIcAKWsOH0TZL5I=Vq9-Q?p?Vy9L%a8C6yumI&gb>NYGnm_)v7ON2Aj{phK1u@}{mLAcKSzRn#tiM06zj!tyo_jz1$Frfm^K-5?3L5rn z+PjG zJxXG-FE|Y!e#g~dt__Z}U9zs2xF32(6J^=jpoj|rQCJf3cXqM1YVe3s{!U!`=rNQ6w*fAIeZ+Q z0ESj?^9bGJjWgu{HT!imq-hN|a0c(K&hi#uKAS%q%=GO8oXI}a#rUDi$Z&b1kN9^e z!}N%6nYYl4f#ggUdtCn<#iqsd>WYviamQAZA)eD?YsSQ-PF%#O->w&-%E56RL+o)r zmlhqQP7{T`L#^Y-j~%?v?M8eaAgWpEPt_IZDu5~`A%9?~@s+@ovbI5qf26|hQQYIH zj6`8`Prwg%HgLD~?9a%>s?(N3&79anzW8+958u%Mk4LN78%=fS_PJl<1dr5^?AW=b zf18Jgpr=2nJPYj7w}&rZl*X{8m>@`IsGAzw?-tpAla z>nSA|wWO=OC!+W$iUJi>`Xe;4*5ebPA@eIK|CE@B)NJ5mqlV}Y1I6v}-lxZ>oqIt% z4=Ddue6rQNjhMK@yoWt9?m&-r*ORB)zI@5`J^9z2sQVz~e0$W6#LZ&+I|J)aj6FIc zdwF`g!gOz1TnkFea)p5;zx`{Y@Li-~IQWrc-2pc!%s+*Yj7Lp#lCOsMd`C@Qi)FZS zXa%r-hCf{~FL?fYZ!%fa z9CnEBHiH(#Ngl4mSrQ5uqNWic32&4A>aOsCwzqjey^IK16%?=No!;1T=IbBSIU^^7q|CP^`*HWghO-M@PgmqlHWYM&+pbT+ z%bLC`xDBQ{Tz@geP1)&$J;lH!-j#`35dT3^k0}&NK#hwwpc+3idYh*C;E+SV^?Q z?<`|{7eq8Q;j>+8KjOIw;|meB;m(F!F38M~3A>nj>qPgfMCt`fJ4SEcou;}~QsEO1 zuVR4t8_eY;+?UUH-NXk9*d6IUs*gQrn@?H^3T+DwJ%u!%N}4J=i8?yugs-UD44Yk| zBTXhUk%&(q`mV?lLzZ4f8vg$F1lt$s+1-wM`4|xO>x63~Uk=!F?Btu&~yjX!|nDm{fhL}l}tZ6J;762UAR=#PZiu@-1#(ftlS;Z zM-n;T18(r0kSm3f^=V!8ALnE2Bo@N_kG4N)kuT*HifJTuSrGfPauG4=Ak~pUkwoZ6 z(R7p@+koQ0O}mY_s&vi#WD^?Ap~>%V8k}Y=AUI9so1_()WH!Nd6m!ve--N?dUDL{w z_3NG1K+4(3&AFM_>_09zZId?QjqEzNS&1Neg{D1}L~O->2uDv_#?dL!*pq)P%s*^L zA@@Mk)@b_x1fyIUiZ;r$U@sL%4;7+=s;ar^Juz`AdPPTmE%X*zteupUu+dy2)9~vE z$w;jUyfuN!5r+p787FU4{@KqEkV)8yJU1+5@9*-j71$cK=@i>U-&^5k1{G?r^Y9%8 z{51W$W^H`4RZlrwVMdn8dO3CoLwNno;F0wSpJauQ>!#f#JcQ{^k20MH3|XN6M}{vh=A_85VBlxY-UWqRZhlFY$V%ul>YC zlg#goL+yw3y9OibKqgbqkrSBs>93547*KA@&f?#nMUJ@4I+s*uZ3YI0YY6u74KNhF z-U|`yP`-W{|~u4r}f{xcEDk5_$IP@z&6ZxAH54NS~_s z(YEmYfYI*6gXI%jKZ51W!_e1_uFH;uvt{g5cqC2V6qngsF>8{iwuxarLx)Tu1fYK0 z-_90p0A#Hb%$-eGA|O8f+xLmsbULuJ?%K4QZJZ#36ay5nHQSAgEq3+WU(Rl} zR5SA6VxxN{epG;tq{X6t|8Ql>%gb_MUKZ(YC-jwg8W(}fpIiu|{7@=o>{)-o_!D>l zLaO+`4ji1=wn+KCR(xuT901@h> za@@Dyo5GiTYR(E0Yn)_xn|5PAZB=Yje=ah9)AV zH=<$VLGaJ;vOBNvZl97R}=`N z>f{&91>@Y|Nv%f0Oe-?8&rpV%Fhr0~1OHdk{8iJ$FZ|$`%$_P8gBfz{k_>(mkSBiO z%ki5^sVqc=(+}ASTt@qADkA$759dS4;Hw(~;MGTAe^y~|K@<_dHwtH*eO6K44oFld zb}eR(C)~b4!uj<%ic|CoKm#|1HJGsP(|}S#r>FB54QNHi(@4u!Tk&ZLnc)EP|5^ax z9^YNE;f-4iCT!<(_9+(Rn^Fk{{p9nL=r*4gOGl`A&mT9%35saH5#vIFJ#m^k1un`g zuk5b%@+zBHQnSwrOK|S|Qn>#!hcj_8^RQ{JKK#6si|BB@MNmI1a>2@~k_E;UkE}8E zPpmKz;}rOhd`U5or!bE4Ajxj3Zv6pY?8o$4QyI7d^gdP?1WGP)nRyABqt3=t(;(TR z8qDfA-+?<`t-MAVedlh@dFm$tb3(`&$+JMy?1oDWrEZvxunP|r82^|(=M9nAB2XD> zKIxdX?91lx8)~p$pY*;W+%|(7zwC#z%Q3q#Y$i%{&?IEw@bAn4f5wM3DbfzCiX$w0 zX~IzTI`!H44O<`k5<))CF_bP3CfHzz*qDvYB8a3Cu4+zXVRR92Iw-ZH<5U+Is^Dbz zUC}nc2y+JjrUvMESf=bx%4H}QFj{L|gQw`hq^HNV!Gq~q0oyz7pYUTc0xW|$fpXVn zE^3)po^8?>7cdMyu=JQ}y5Ab9V2HNuMbHsSsSykQ;*m%CiAyNPo9sR5tzid;eFwk} z*z|IPVcFZ)%1uJ*chYTDzKHbyR5wWw>?hzs#+j@nLujgO(lvatDx9>Oi3V|O6CA!P z{#SbNnU{K6WeSgf8~>1?ffmhsi{Z2YG6f$Tt~3G69hCqNNV&z9R^KUQ@BHIW6<)Px z=&jPJz>(aFUUSPxSY`>xx@zwnYojmyoB4o}+UA0fOaT zyNeCmH$Uu?^q`_MY5^P_eko}PDZC@ zGHS2hf10CsLK?q25!_|xBTca6a>R3#1^U*Q#zGLQ5rJQbJEu0MefzgZ_^d+7fbk;3 zv_LZrPzX->4=Z*Geck>h`Cs1jF+9V)NB^GF-L?sJJI4KrjMu?(A78C}QOONBU0He- zadA@0*d(r6mx6Vl+9@&O}2 zM;p>C-EPBXk-_{lq93d|WgT@2jDPM9R9cda zk}QZu3^#B``+elQE$jG%FgsnegmZ3YggNEvZQQOKMV;r)%w*N!A-CF?^on+ea2m^*L>9{K(hN(6V?zl zwgNAoN))Ce|I27QW;M*UwCaKYO-oh$FdY6?(JVRYbt06t3Z3AXDS#D%-nt_oC!h`M zh7_gu01#~M33zKm_~+(taiwWHvj)SM#pxxJ>g?1@GDpuxx}p0yo;jKo@d81Q5eEGP zBU#rw`@9$dwE^*xYCnQ2K=`h)vv=z7?iE2D6+J3<2vmT!AFMfYKQ8fA$UTf(IX#Wr zaipy1TK$}#Q+$m4`!oZK#WoG$1@l_@9)$0mbpy-!3M}d-%4oueC-wKR<(j$C2-pz&gMF;9 zLW%&=K!vfv5EQnzntGrVN`7Y{UyyF#iFMAP?3|iGSz%oweto}~$D`AwxSl}U6_QKW zsu@}}Z}jLFK)x!xqVVVbI)Zl86w-yl4SaMPWQ3`=6D5wnhd8 z?gJ3$q4#H_BS7ue+ZOr|Au1jJJWtQ=HyU63lN@LOfJ1JaMre*HBr7_Rl-WY^%D~ZB zkIYv+dm=m{_2h`{X-aOO6hx5;=ory81&Ap)NxlPF= z#oOrCkuk?P@!6nARz>@F5^`uwYxJMeRO`8vPt4aAusgkc3|dJ?kTfkoJF{R+gVBCVF+LFI zD$9XaIY5qOK62zO!ucgV&(hA?p9hq@r>(#8^e;13MFzk|HbR6=?|!0`A;EEDeYHP; zr_z-6zA3mPU;-^fvrw0~^*N{T+4iYVw%A)w`hgI-`b+%MTIB$a$)NR>*^RuuR}1f= zLP#i0DWzNwg_MFxrb`03H9*b#6;%qE-1iVetS*JQq6pGj;xC5}TndcVKU<3Rl*}vR z0*b2K%xKCcbCBWI;OgyerOkN>*DJHb$EjwdAn9^d>ubtJuMS)i|dHVky|G6gta%gWg; zpb+|vy?!#`)oR;wfG?3xIXi0_R2(e3K1_}+NqR%~xYMxtk^T_ShVwD?DOvja z@M`^)Hpu)%U-4u?my$VK1IDlKSj%~px7?41up_TXH^ySLVc6yKaz`7pqOiJ{CHF2> zv&s84a}4~NF``n*cJKpZ4*mFMJm>?4TT~`UQ0OtK#lWK6=;Ghq^XMF^k5bZ`{(9bsHs>1r4gH=+U-A=xa?ajL&^EBEDQpyO(@z# z8nWKEpZ4g9VxhsLdrChs-zt)Fn0NGSl@1dRW|@8i3oirBy?J?oX{l<9%I%4;@T!Id zzKG+Qr%1*D^{wf-d6mWHrCVr+UZJycZhWzO6(>=pBwIHYeDz`@=h66>B<|$gvpzB~ zv|fex#(qGJd8Lx@)#q8Y?_kJFc*F75v-ZP4p2zBPf0W==R~+VZSq%Rjo*zXB^S^{N z=@h!u-UuyM7Zq^!{%9y*??_kr#c^b{%&#Ru63$lQ%u)IvKX?dMXvBsqss-`mJ4D$@ zxMSV{SONd=*eEK2mK(QH;gSqEMTrNlHO9a}i-Z-VOWc*qqb|N6-#u@2!A9`DZwd1C zX~^pTqV%ou!Ns4xH>JQ+>t)$`vf4d{`;&3k>ZtR3jCYl#zXx0M?Z=~gE;vpN?1b-O z5xm$nAjHz-`)Tz|3lMtFLx4PR zJ0Kok>TonPRe66bkD&-4Vl|xaJ=T5aaWvFqMr%?#)aZs=k)Z1pf*M>#0sTE3F*2;A zk|Zdo+-jTx>s_obU2|+uPF?{bMT@2~_#VV)G+S20|6cMwTOY!{r)-P?jqRgIw-@|& zV(f3^Se}2=)XwY+og$R?iK1R!D@->UP@k%+d;V_%=(D5t2N8qQN8#Y-Q3z|^fpc%f za@`I{HUC|<`sVqwGXU2H5Y^9B{)eXX4rl8R+juBSOT`XVBW<-&)QAzaN2_KVqbO>x zG*)W1Mp1iJZBeBSHKJ8QNl`0yN)g4+9w5prKPM+S&-p&jbKjqvW^emr z8RXhyg}sjAWC`GszlYl1hz-V5*~*632{|(OEX|UUZ7A}7N*q)=9V^mVqO^9hNN%OJuQBF}q@_-VQ>f zlTMC&qz;V2;xKDM2{U%1?uz5iO>Z#~htG9m{s&wr%qCt1 z0;R-xC+0oA2~vAh9`w6>A!&3;sxA$39R!hXf4P}u+`Z2M{aOAOoKZ;Ne%BDbV-RET zJaZ!4wMmt~p5(oUXrSc=C9_9i7w z=TqrtR&HYnS|0I&t1NGAG46hE#Y8YM1FglL-&?bL ztG}*39_1}zjZNs(`q_GVg~~7Ua*BG>m*x(snkA&cy(sHbNSNy-+UmqR+DK7CcvXe8 zS~`LpdXPNzeB`v$(=T^xw`)IuKg!!t!ZDKZmE?RmN`E{X?xgno$2woGG2;Ca;gI|QXI)9XnULM z79|5maVOqCE2PXvGA(fL8Z$d?JKE0#a}*et7N-&Qfm{E>6-#}DKVF8E(M=l`1*&w* zaWTq|0#|rcGzA~ajl@N^n7gBuAV_D`3*nVTOe%!FW%!bCx48?N?SoYt!XfdxL!x&J zU%4JYrf~@ILd(WiKhOTT^5ZgF3T$C54S!Khi}EL~Jj&adDTW5xUs8fBf_5qzk zIu?oaol3XdkN#L$y>dJ!X($ynEs*D#hk<2Uee3Ru+4A=lFAP&~kwrgjl6t(B%&<;_ zlKOD(x-iS!3#IpqZdb?)Sl)KXZqg5WHh~V{Xe)~hPFj9oL@5?-sLL4#o8?K}7Cf+w z`S5Kzf+otMoG|vO!ZgOK!IB`nX4Db*9=|;q$VM}by?hx0*BX1pgmwiPh?@$^r2kV@ zKnm2ivwl0%c5A_+?ChxJ2O&8hrMVJF*vwKyM2|RidcDHb#O48v znq@2+d&`XV)0l-rLP;8;`0n{kt{XN-?nm&R2cL@uBl=GsdQ3vU75;0-eb_hed}U#L zdcE{A&PSXX`lw)AfF}8vjcpwKYS2H;!u^rC0tz=Yx5 z3XIt^IyPZ#iOPh*H7pke6kre5Y%_)QD<(SvjatPepBc+K6rZQ~Nd1e;D!O6}VWQ8$ zgiZ!D+elpLP3wBusD}dc*@esfQ8DFQZ;^K{{|NDKP{o>0vz|{MjFi2PL5fp85bnF% zWvl|3#_K?S67ySizNivZeK9rjm!NXUOU%w*nS7?pQ>cQYia>Our?z9xoX4PW=lH>h z*x$t?zql@N9{Q+f;>b27@S)Jz?)Jy&gqys@cA?>sykOH7?}UT zMTg$OogF#2=T2}*g5Y*$R2I;I)vms$@AbdIPO%gknleYlJbI^&vSV`_7s1hisN*bb z4a5*nmP#+fSQhX0Y3uO-JARTvUsa8iuDB?>q@&h69BVk&Ut=&;8zot!@QdT^$!t6| z^sh^3u+lZby!G#4lJ0R!{Ki|2m;3A#UIWPC;HlH*Um?H!(LgTN#IQnQ4EV=__Vfdx z7fOi+u1BQHwZ{6iAB^Q#?CAf6Gz~tLVfMy~T;mL)=1dE|^v8r|IaHIGB=u+*Zsa%^ zWNSNOeWdU62yAkSzft+_8bGLNO(~M{AQEH+Vsl8fz&)-RM~}+^#4&v-8!PNpP2##U z(dMbcKJdIHJqy`c7d$zk<_?zvS*vvI6&;Y{iV3t_%X8+%)atwYXNv$>{b0e1|JPl= ze5KH%(OdaLEn185`L7x+JY%*dj&pBi@)&Ty-xOz*e&FL?bh>_W_H+*0g~()AH>YK~ zJR%LyAv&yj&ftBO3Z5xpV8f2@lkjl^l;8KMUooyMKY{|st3w(*66sNuUVX+%mHHU= zunJFdO)%akR8U_*Ey_12>XN2M8Rs8%H&1K}uw;EX+6Z zt1srIrtWy1>GBbaL7yn@0b8Ar{_a&*VwyePuELU|g?$P%iBMj>aonF|KNGDsnpK6# zpviij0JD0m1$Yjv{Y>UKje9Ms_)WgkIKV~|3uH0|P>8O_PMOjGgb9E1^d{}@hf6s6SsF~jSSA~wqJ&7gf-<=CR)S1*KcPdR2~tKo zQ2WP)uHSRz=^2tm>T+T#}2|;?43o8 z-f25fwd@vOxyy}=!M3D>03Yq;#;;0}IY?1T%oF9P)Qc>zD>`Z)DZOr3^&PmbDf5zK zky|&J*9BcdKM>$q?IhXZmUG`>*?z=eP{EKXESDttO^xtA%*mIV6dc(-nJRySSvW@4 zl}WGbE-=2Vn_!{Nf8ubj=@u}^sH@?OeJP|wCE za9gw1=H{}ZgruWMHVpVV0zRjSy_Mu)V^fcWTo1pCSj`u^$&p>eG#R*RC7z1(6DUjB zF}%z=_k6}Z5|0T_LD8_GVgjYEEF&xukLvN~>y zzbXBrQ`=QayfgL6nbex2`u3}@(Q~s;O;HlUG3s>bMJd9zZNyWlfTorDXRo$LGp8C= zt~hYCyo;|w6z3i*U-obPxjGAj%DK#Ao>=_7^GYQu*A9}6>f(yb@&bgCoDMe<)wD);&yGA?8_+-0=S}BW2mfsx z?XHbFUG0S%$sYjj&;1C5Q)x@E4u4_IdbzJud)jZw#1^hFwc7#FYLQx#e9|y32ldLY zdbfDfn7Ufj>U&|w^t-Zjn`l;iknrxM&p%RPs`Co=O`w-16Xzt0;lK_PNMmO!lzkEE zUp&u5_r7Q#(8zIPW7C(DgKCayXlQtOus`8Zd-`P{w@21-0 zTMDUQ09aSY>5?eK3qT_^wMg`OVea`4tY4HDO!JFP26ho*D5oogqu1KY{%$i{uP-M2 zr7=^p{GuAkap5;75d37}NU(V_lZDxmFps|73ZGoxJfC=W0$AO0y|H!Qs`mF6&jyWD z*&2`gGViJe{{8nn*l+*kxaeM4=9fw937cn|5w#4!f>-k(T2t3MXVA0pgPo*kB! zDr9%fW=)xdLi{5KtYO{cwToXX9&~?~`q> zGVTEc5B1)RJlfqJ{5v2k+$QqfBx9}3O4l`9GPC}tz7J4&AMm&cNt5UHPA5DXEZe$4 zT1$90zGo;r4wNEmf*P>9#F%F3#de${0>AW{qFd|ZO~#^${_-RK$H67-kQd~6ti3K` z#7dSo>gp!pvMYXh%obl)S9kt*Jae_tp#<MaimQ${{#1X->7L zk-TrvhcI1@l=~i-G({9Ky8BBHkI~i2s{1-*^-20(p_QWo&Qf=zPJxSUi>&w{tW6&g zd!<%>+>fBH?xPY}p&K0&hB*_ha?f64)T%c>sA5mHy8 zMU7VUGYHv7GU%d3E zR-I1Q&UxeIlkN!n&N@5rPo5uE7s4Qj(e>kvtA_*Rtzbj6!`dos~n1wYq_4^H% zk_WgVz|h<{F8KB=hpKV%hYk55-g{@KN=BBwj5@lba`RZbD65_b{>(idZCM4B zGyvb8FN|<)xJRJ;;NKRe+9$}8Tz^66K-pkDi=`{y!-je8ey|Kvb4*&E*t5nOPenrB zg;naEI)e*LIuWW6Ig{Mvnb+J#?Z`Hxd?C~af`C{F-Qqq18_ld{fW_@(L0%bR5YeQOqH3uI{k%>Nv!ZXP>uV%6F zh)F?K-4SH|FK-2S5}#*VF0xWGBCKlT@2e5HkS5h3q%O?EDHqJlOU2d-^wVwT?Zm{b zYv5^q?3}!Q{i*5(RGLBH8>}gm?=h=#d{vFRHr?gc#yHoWhuX#j(Xl_GGVlc~3Wl@7 zqQm_!T_DyGuaW{``HVcDO63GILR7!HvZ&G8!fnuxXF)QTW6p#We_8qBy_DH;X(p;g z8TD=gx?Rx!f^Iw@#0fJ`n#bSQBU+{`KOb*HWT?p4mORfJN7n)htiYIp^RuTieGh-2 za*9ynX_zVBIry-pqj0IP5Z|{LlNSYc*KP}|fUFoF&f!Dk>D6u)@PayV^Hy343)+E< zpd7~^bmqcfyY9N7AO-$Kw>T*a)Nu_EqO0`@sGmxE!BpmUq+Z2p$X-=`$oA~v4x;@_ zV{qNnW`~{DPs<+SZbjO+Wn!Znxh7ZjbSJdQ!q+7?o#8LHbI*}{MtjrQfM!c?PVi)H zB7q|M+assg4q^`J$6;+60te~tBJ-*yEkKAX4ibkBe%(q2P}#-j`0S2Y#=P3&vS7pI z?RPt^XRhLJrWx%N5;;<@Ur6vjR==tfm9TI7$XFbdD1}>8bU_&;Ek8TWZTe>fTqDmf zfiFb448B+W)Q6Ciem*@`Hm4qzRMx^^LfM=o&=NdFX(^C&D6wjGb_33;ybf<2lPX_q zLb5vkUkhLmuTI|=xs(8_Gjk5MnpZ#hIPsCSEnzd*1j;bAJazl0R!=wN9q8m=m67WC zcCz3z8=I+#D{~;asNVIE^MmuP;c@@XqlzgHKdqt+K8<@FElTIh&(1FXyA@JvZLqUD z+~Yab(3DfWeDXZ=cR~yq+1-`mC0=(!6H><~jhmN$vMC?zpZ8nRFq7yj&J4nBg=AGP z7C7BWpME|!k@gp|b1G@Ex@b~y5S_UR2=Ujt030X6&szN(t*mKDxM#)YMp6W3(z2sP zXn6WS5FzoVoR{?YVJL-96W(qS*&)2a+R>3o1#pmeu4~L)qiuu8ns!565|_vPat0L= ztw(U!E3IzWTbscWZ#t{dPem_CGK$vhJv*H`_ndkos2psv^4I2<)K!NUxr}5c(Bt2I zM`a_PhI3m$|43ZV!7U<-0&Ak+C+T2JMQ+7KEoUam=dd=u1Xu==shO9SZ8I33jpC}n zU;!YOgx~lBm#5OzFK!B|Q2rEchrJ5MWL7D7=3St6@rin~$uM}PSV_!ZReg|D3G6sR zswU*n4(0UCJ@N64n@`Gs@^COe0IVE?_x>($F1qDRKAW<1c(2s>LqYXI1~46e?|_|C z>f7mCUqAG~)Qs*LR0SQ~pdM~)cudqXEIj&Kic&e8uWY$P)9b}&c3QJHVOn2B`f`*Q zmf}r&e{c)*C*WdBU7Ge!H5~?{>%XMjuWMb^>4hR4dY9+0Ksge#PPQI_H`A!W>>1@( zi#TKJY*e7!yd+nAC3&cOGPlTgE-QErSz#6Iq`l>shU%T*qlOpntGTvC0KA+#+}7vfR3SW1zOloxB5IT7M$%wT#oiu6kwq1 zLM%J~Cs)L62&*`jpi9;vxC?mY${1m2KT~EqjAcQRk#%XLMF4hA;ej@*xBQzh~e8 zOncpVq886RIe8D&d%9h{G8R8k<2gQlsuH1qs#zWG;Q2J9s4oMxpbqZ~(FTdqT8Ux! z;0&~6OQ(_kRQo8#&!aolR_FnCJ%c}tYEhAPuo_5bRt1ZqZSzISjAYWB!s+~jyT}>4 zxTxDtlx;_?L}yyu-rmew(}aHc8g^6Dk!~p@t1%F>*Y)m!snBAa4oPTu3?4#;r58>d zj~0Xc?^TdBT(4c9`0tv0aQ|45h}?%;B3&g#h`tiV z2b0+*E?}?8Binl@$ZOFwQSCW>Opz$`kDR#B=ZNq-SK$VXWJSQKD}DKGDOTWL&H45N zTQ-KWwW?0(vM1|NXYpm9$Kt@{1#=1s#{UT#k}V>HGDLSIljQC>V0Q!t+R|RR76V9% z^W9tdUq()!oh*84&95vju06lUd?7qc5(9kwv*#0M^X{9mt#9?xyoDrU%eT&ejCux(wj~an)pH@WH&NlTHEH&J(B9)odT$D$`OXPf zO1U~+Lfxk{N*Pz!*Dck?SMT&{D7$Exgu(SQKqTlN{c)c&2RyW1VlVC-j2a@-tQ0&k zekc4f@~yT|+~+rOM^$eYUJ=*FNqjO19BwCfGI5on&=xYW!u#gPh$pMdDg(`>5lcGZ zd(y(y^3jJYNBe8fM-EOEm?!J{t4WU*R>a(3I$9^7grk39el-(PPf)IqVuT2{aAAGG zcS88@<@_N3H!*6Dl!aL>h2C7lbSrhF=?$zQ0C0(L?ASfqE&(>@_ltoL271={RN391 z?C@qLHGGMgKyl?a^Hru2mOhtXDu)ZdLPCQ5kNf1mOg^&?-CvFeT)JB3sB4C;o}tG# zr2|lluq(yeUi{(yfL^S9=T@$1)5dWls$nOniJ2GQ;a(zDv`P65vOQY}J)c6jX#ZPT z6mi9)nbd*-Q~MBIPj8(gOH_5n(5x3<$LY37HeNRU@N}4^B;c{d@7^5+%mSQhS-Mg; zhkY&VvYgW&ISo8;&l3oI4xB$m*fRV*;sz|MHi!>0iLgbJ(u0ty6~Pvf4`zO3@u>D_ zZe>v1Nm9ed=<%HiGY}+FJBw>88p^063*S^ep~YG7#2mOr|Jc7&$a^*PjfYBL%^eJS3%Bcxmh%iJwB-tL{qM+ z$s}Q1>-U02;AO<)KbpTO>$LlDU1a+YlUml9J!ZZJTB}L*N zynLDSgsk=4-P$tKs|ivJ+pns0VN(K0iM7qVo+X$4#_2&6!sOHXQNi=0+GnB18>h#_ zhWA`&XRA*(Jv^f0qVntw%3lRXLZ)Igoc` zoPENe()EI>HbO;x26ztpA|Or;mU%j3A{sqCUbB8Q%+CR>7+I}wqe1{e1JH~$5X_$a zhfS4Avv&`_WBK8N0`;*akcK%$lBR3lM^ zKdO<%dQib3cbaRcz1KKF?++fsdefB)=-j{#ChqUKA<)#G)GKV^p5x9rF4By*=itR@ z?&751Ga<8aS|oE+c_kS!#eV250d>TB<^Z`Hw@8+oCmzHG1=aIWqmZKqO-I8 z_(rv#AGRgHb;z5G8YEeROrMRhidD;Ni=Z$Jh0mcc)$q&lTF~%Ho;dEd%7-*8G7i&= zpjw$+FVj9!Z~}@~z?XFfFoh%l=2Z^CnV3dB)m3g<%B#g~Eh{{A(B)#$d+$I|hA9wN zG^UPBr+THDnv}0-a)w!=1{FZNWWU5)(ir{8d$MXAGtsX8r>!8#KH!4o%v}gyRvJvN z+9z1Nw3ZTaNyJ3eHHHLN*~m^_1%@JN#%$tO;z21=+ye^K&f9ZVczs5lx*_n7!bF0| zNM8cCWWBqFz`iYAiqpwwM*%v8_fe;A)7?}eezwy`Lh-{;d2+XXIm_f#2Om6wXVa=T zJLRZiP}0P@$X;LSW_xn!tHL2g2{UVxhJNgCrC+dxG(fJM=A)FC)cOcDy!?8CL3|z#pjn7P{c{lWIvbAYp6pXe~GzWaDSeo)p4$CjaprZTE*X_WA>a?1lcdtMgL-tO z=|E-Ql(kM_a2v?mp|yf%O=*f9)vC-ep4G4G6a0FjvOF~;@S`rQ!-A+{@lAC$2sJ#$ zz)L4f^cSo)&+{oY0%mGoI!QF0f&)9&PgdZs=&PG>rOWsM@pcG{wVio*B~3=f_io$W zxUPuPptp@E+=CcbJPaUF5cbMAc@`Dh4+HqJ5V(1)cZSyYp%!QzC+N9`7a6r$ygoLl zV7fR3{N>Nb&lj5*T9ENlFZiRn+acc=9I#W3!SRe`6_rsjorsZI11t7edK&z|iwDK$ z5C?Us2Rgcq3|dZqE`(8ha-KeDnv3~b`WPOhX^QTFF^0wb0HF22p~!;3s*X>H!AU-` z`Epdj6q)A39cHChq4=z&cGJ_QiD=Uz)oG3zYW=wLki}lZDvk4>+C7u1^6uo_jjZS& zavI+#3NA#E&yQ!0HdF$};ggUY2kHBHhLN{%8CIo?ZJ!7<>}nEXv|@kg@@4M1jEjKm zC5A1pz7o1Y&+r*DH-i)6x~7jA5=xrBaMw=dGxtrJuM}LG>emRo@As^1o(mVmVtab5 z490sY<}_V|UMWQvZMDJC-A(#P?2bKlA?_%j0BJcs*3>OwIkT_zBQNcK81mu2?_5cW z>OY$w6g>ZTcq^GK0hn74ctTI*5!BHA)o16_rn6y>21BWarpA&t9d`e1CW8VLSwH|I zum0J@I;-cTwP2K6m8GXySyt+Z;DfL`MwlPQZr zlFrNH%TuV%*@hI&o=VIwAGXExt3X5G*Imc=$DaW9;NXLm;Z?!Vv(dqhOluAwd|5^4 z{``P~VSeMk8!l&y!^9>a6ln{%Zv%4=el-RjMy*Ypy3zUwmjl@Nsm-e|eKE2fL%l9T-+W!Rr2BzLXh!atWqBT4L@}zlIxh-^X+{*uPUxT@zQVUdU7jXF3z_1RLdwkql zb-seUwytsiJ1I?@j?n>2-}Y255&={}OP`W<_6ol;L{U~ZHq}hbDBr4L#9H(X?#kc` zg{0$Sbu}!e_wZx1qiH({A@dQ_xcbCk5TMl)LS6(Oo*V+Lcz!-w9zX`YC%s!_#Ts_3 z2XX!2u)Cp<$H2y0>=vq^MEn6~*knB*hp7wcwFVsZO`ThJAHJ$}dzx=7##`Q8vn}MK zm>5%SfdF+PcL0tGhKB~ zP-PN!2e1;Z1`U4b{>b!ZX3=@+m=v7$vvl@#k#F!O)!e5dXLYhB!Bp3o`rpSL@t99p z4L+)<3BjnW)zO-0^b;SJ<|_`4Q4{qtjD!qCW(z;x=8sx(kPBN~nmaQv`@hwmkGl5s z&O2eerjJBz?Qx?gRv5}xT!%VcIIQ11nNc7i_#(WMptI#h-XfQvH#A6v1kHgE~v_}yV?{eedhNmp`FH~awPkh`0{w>rlZuSE%yJ}GOk zNjfg3m3%!EUcalvDE-D_g0UwM^4PqaJ$p^y==`L0Z|!ug z+U~7f&F7Jkz^;$=|FK+v7a_k(WAnd&U}c`aEw%c8GT|Vv!-VJZ2J0j~V<3;lt0{{8 zN$+(J1tZn!B%hcebYST!_Cwzom44>zP9pS#|70P1E5zFKuF^)9QpYJc#GkRKuvg*h9XC z@@mGE5;Qb6e=r((C&5fJZY4`F7wF_IGN~E1Hk*GOTbIhnDYLdxMEYp6d9qyYK;&(< zlzP4v8=1}H0EQ}H7(7u@QsNp%x(x?%i-9c`<)p$QbNS*Xb2gIxEr{tXbWx|JrPoo1 z=*F4@AGoFUD?>4azqrngR#|As{86j&(Dyfy1ki064x#oeq}JQ4#X&FktDD#=1`rV|{eJ-@iHBZf`#eC?|MO?r1SL0~Mvt zCt=}5j!i@GRAddh#SP2%<@oN1rCv$>2_>$q(fR;SpF$!|<8@Sf2McHEC(DoR_=lxK zb42L=lpiCzk5`HEn;w%54QHpS|Lh4XmNrwS>EBm`fB*2H^1lsy z;n!$`FA5YW9z|^8(K$t%_0w1LY=)6$)>p9?-Xci7%wlz7;(=^k1X5Z#flKs>nfK?( zC(7kZd*~e7L~pW`UUzmGOZe5y^J_qBMu}8AQ0G_%x4~Q)LRkCI@ z=*@o&uGrX!cKaOxNN{3%dZo!sv2tY_s>geG$BJU#l!XyO2rDD2w2m~*C=bpjfw#Zo z3FMmM89JzeS8w?37)Az6$z`+Qocd40DM1nCghc<~A4j->D3woMd#sN*U z1P=Y1tS=*OTLA$7d(1rv8hv&I03htmTRdvfi@08J(8x)~EnO$SxwGT$neBO}#SeGEz0Y$fLTcmrJmJQpPy;==2GH{T%XSd!_rd zVe3J^E6G5Zv==vgYv$$4!13sAF1kcuB6XU8ARZ$=Qj24xNAbn#LPSQ(*jl4iiN5n1fEKiP+AA-x^2evP8P7P5#e zFR(3f69du8=y8?tvl&~2m4PDr%j+fRzMvVMOK_#nbhLa#b(46wr8~#|S-nV7{aOKq zULI+AD9yNwewj0S<`oqBGGEu1d=TuCkhf@J@dG0q;Ih8AZe5a|VisI1B?U9sB$cGu z$B_N+xu8WCJer;!)&zXr8I&gs9)*D{J>T5U$Uz#Eq`BwVzLi|mWnlU3 z&Q(6$d|43ZfVNlrS8Wf zSCYP(fj*ht^uODk1Zc#IwqfmdIn^as!i@F14MdFhJFW{c2r6o+J&y?8TipA<@NIxy zWVn2^5klN3a+5$%v5)58QH?w+JS)CzH@E%&!$2{fJw-ejDTxYc#kogIY^k;p7|=+Yhi7>urBK_1l4K&>V1 zFKs@70qoEXFrEK4Kw$yx>wGmx-S(T7<1r@bk5*!wvCh}_F6fk;yw13w$n{2hr`+-o ziCR!3OHuW;RvURrU^i)EN|bh=yup!7iluxLSHmy7O?6Kopsl>*!qDN{%|&srn^Yyl z_1;0H5mEGro5MKY9nh}r<=al#ox-+#ZrDP@B*1+dnX#Dm_`1l8nEgEYqM?;__V&+P z%=qTm+l$N=K4d}21&Ug?MQ%H2y5WiVZMF<3Wh~VtPX{pAH{IHFZCE*~(AI=$L*@I7 zo&KODt`s{+wBJK9hW;H*_UU4LrF3nt?R;%}?rt&AUXd^QE9GT5C3%M`rFWM#p6?#s zGMMXd3p(96Z6Ea@t`s4l8WMp8KV>e*``*uPp@3a!-^2h5Y&kKtwwDn?80;_qanljN z7SI7aD^ra@zFZDL+q2s}nVy2Gqj`CF4Tn4@7hFofgE=s&)PRFI+jJ`Z+lz}9KlxtP zj0+?cZ#G0W9UW40-lgiAMxycB%VY|lnz@&AScw_IY%RGMkeBO;E6$}~tP0%9=!8g< zM@^@?*!llN_E#I!uDmns(=8GEI#G@(8Pk;lhREN|Q0v=pp>RSxb8<{t2Jj@@Y~}%1 znpIfAAM0KG&+@LN!(xtakZp`gf;UY;nk6ca1Y2-VSkGB>crFJz0nYfX!+R48a~=K% z{K&^@QP;f-$R~JK6>Lg^RIcg0cCDB}{>>{*$T<%)VLl>7);~Xv$HJDQ-Joz8g9ljPcKD40_obC`xCn7gI@!TJA8CdPu#X-&;*6mE4*nmjK zwbQe+wY9Y;P3Q4TQuUQFxgxkBAkm^yuWpKgu4?A`hW^P~eR;UAOsm|ez)I$Y68|&44~Bw& zreP9d85bcayu0iDmWs=0M&W-V0Sw>o@t<#$m3?Up$@M8sAFmjWlwzy8_sk6`5})h* zVUh}!qQu8zsNp}^uboa9m9)PbG(`;_WD?P$bxZEd$|@#2ZpF_mIt&6Cr3FD8 zuvG*NU;;81@dc#y$8R!_sLF3F7PNM@ackt2udl-RKE*!H>AkV;=)DVcx)Zz(isLmI zO9~0J5DoKD5B^)L<>2--y^`Q5UjrfNjqW;08Bk_D|D1z<%;&}{dp)HR@3a>o#jy_h z6sYj>A&Ji=2AT2g(_v2gi-_B5P<98C(yR@ZMLVA+1qF+0`U|we|2Dw~S_fH9q~8A+ zR6`tV4W*KewOSfiix6ZfSsFH2QTe6l=~i_Hmke_$XF0&}X<0U+h0s`d-q=(pEWK*l zG*M2h>B6-^FkLWepF1u!tkuoj_nO>T)BK#|`--Rvv|p~lIGq!qobK>{G6HnGHNvj< zh-sxao?Cvjq0!{5H?za6H2ae1TzpNpDb9D%jI?0m4Mmq2X*KdFxa&gPQ}dx0yA#RI zY+yDeG2?ER8j=aOX|hl_yGe%|rN0fS%LTiMnOC2`-*&I~Kq_ELuKD8CeoF_5z6?|% zV*KItjKG{heh$zgvc3qNJ6$f0vGPr1B$ohGvj)s02^$qC3XG7fvdY+(SPD3W?`uTX ze<0l{IpNcGVr_Y(ZJqg(wQF$fGRND4+URbjgaPw%)&6ZdF26G2D_}O?!bAWo1!ZEw$S9F5mGo1jt?4L60B~luaxe&aG5Jjxr}rdilyEb zqNL1*@%&;BPr8ejO$qrRDBt();L77Hl<4TaUsie#(^0wr;pzNY=*jtyla+<06T!1~ zqo#iediU)-4XF3_#9vIF&+hz+@{WToAOVSh2^bt@iCCP)(|@pR=TjTfcSmj)%SmVx z)^v2#)C?GRKa>olGh3zOG>+^Kpmx2OnrAUo3ml##MSBr^DwsQ?2P2Jv<~w*q3W#!=i+CXYv$qo} zI-&KAQ4MF}phE;3_B3l>qNiA}1$xP$mSbA1+u*95SGm9DfN`n_RH zFFPArH7%}t9<<>@HrF$GqbE@^U)4uiQp-n)%VsW^2EA&Wvjmnbr>AH0STtWWU70UN z0b8GB7R>ryP<6$_v)!UcXvT zHXR501u{TO(z1-5$OIBLzOxj)XhniN-7VWlrOz5=NM3p9QX(eGUrq8gD6_n;`8oQQ z)-IW&K)2Z)pN?ZvM_GBUOD4f?LC4VY2p4X*@%^KHo9GcTLb*LvidD8=rMxHOV|J#c zutM257yDyT93`$ZjC79&gVxwNbTIKh zL7$MKW~E9AyqTJsq>Qabo~F&tS>J-TrZt9OE`*c%FBYleWfyYv>Xe>R`6X%^YPBLK z$5fspE4rfwA2CA*|MkC+pw_QU98yjfSApL2pujBwV;nbmQN08i3cR_Wg`6g*-!XL! z=O}445goCN!;t%wPX&nh|Z|Q$_&jK7O;n5>aA|<{! z(}k##;g)6Se^8s5>=z}Oej}{R_lXZYClc-_*ZMEB>KI_y$iTIP`jQjQZzi;4P5*XNDUeipu%x zWn`qGulDa@F>6_)lP~e@t>0Enc?D*b+5=8)h|c4bt>7k4;>5y#Z&I=%qT`OUctdL& z>+1g`Q>#ipXMa{3RNDpK+k@uae~;Ez<0pPHT9dw2JK1#8wk6Hqzn~8j$3fJ{h$x7L z*7R>qHhX3OkG6R_qZ;7!;b6}l~8Y% z{$Q#|-JgRmQ_A{-vmL&f0Ww+|3h${ZRLaVesm5zj5=9XE58(d>=F7aab`uo1tS>3M}q@DKmS%;)lsR0o)*+5d-*adlP98^cpd51yHvb z-wvm}?fM8x$izM500jhO)o2!}_`da-RY}Rx9Ufb0_sFM>ug5BrI4{ueg6OI`m>Pxc zP_yZuD{^4QzV|bP!*gW0=s=6$@57d;ME##jq@zc)pm_+&x+sw8HDhJkW@~7zJD&+* z$Qg8g7JDx%Ci*TV9^t<9*c9`3b;EfB5DxTXp9G){K*UdEIR-Wf1TUoZ6jI* zMcS%q)W{x}Q}{HtbXa^c*7#a)g@HAed@@8Byj1d|AE?KEzfL>t@FPmJ&i=#goKsrhFf8$1DzRIy#*m-ZrJT?|v z`t*_0c*?&}-BGR;H`G@&g??$QDFeM821$w4<+{L?-aBy75dV|-;M%1|W7{FFAk*g^~ZBqrsvIHBPc=B2{>;_ZGJ9Jzx~!|Vstci)(^56D6FCJE$lU{z2DN9 zt2Q^n!rc9_u^{8XT&lhn759%@A!@5H_h1ly5Pa}aurXloXkx|-nckS(+AmuYJ@**z zRwj}NI#S7Ir#p%WU5#dq_Ff_yOvSH!w|DvTIJa$H?ipwaSzq_(Wkv4i8lxX{F)_|N z-`4zd8};Vk`I*0Qe-^Bsmf`8I2-8VxwnOE!h{x?t>e?t@l z=uT>+1tk~OV%c*IRPW-3%mhZ1lT(bgmcv79J;JurFF`lt@@@^^3-MT=po#6*%<+kP zLOexgviiSL%J@kK!kN(Z!rp+30-;bfej}Fw?j_>4k)2mbG*c6kg%q>#L#3DRm+i0_ zzw6Vq*1fP2`?;b%eALzekv5f%+Re==$7aCS>`kSo|FG2!<;r94W1uto;3)nHq|+Qai{gg@@&skqk2Bt#dLKB$KuvO)Uv3W)Ip#*6sM8z8fdDj@+GkE;n&J z9z8b$e_n5vTS_+WvKF}n(cv8WD#!q}$*7s|dy+|9_mkOe-6=MbxGQnw0iiC`PBk9& zc{TxQ28OS=6AX}JIt|+BC869LC49ns?@X*S zx)WY6dqJorF@JtUaw?b45qajj_CQ5DNSYaVU+JULG|j6FnQbUW6O=MAy|Q^#J*cIN zui&^275Vc#^+Dc&HI`ae!v`fBx2kb6Huvv+bcPMMiRrmnUmVed>gqtQZ`S7GY7RFP z`t-VCn7?77Bbzlv`X`^i5PlBiVM?7pgm@viY6~TB@-z-F$hY?wq@a^ATL2_EE8xzi{G?Z zpevdgKdqkLdw<_q<10iV($Urx9Fu|c(S7?wzFYRpKG?qAxA`*es(k3j9tLm@1oZE=zA1>4 zO$ErP{@MGA?^lnsuk|J2UcEq63UZCeuP~ohalk_~$hYr>c^;`m1=OuA;;gLKI@}sn z1q4YlzrOR%o_Z@`@0$v1mKsV2|?qb6OL>Hg|3bRGIS z=Zm~rUzKz(8i7K2klO6h87xk3-+Y3|yAQnq@`NzPUiXDrugMuWVlx0m(3RIi)vMBM zLza46S1Kv&|NKQRvmUTYwR1W^|9tAyLav&aiQa|0`mP$oX#8QxJdM!cS*Q=c8=qY} zYnI!q*M;y$92aUnDd{Wa_JiC7eemyhc0bDMe4X2P5H#}TCo(?VrBd;ZleTg@hGevZ`C^@+WLWmXCYs4hmK-j4R)N|wXT3Ee z6c$r@2?Bm6FA0e6mr2VB5Rhwavzv`2+K_w2UacRebLr25D}x#kt}84Qja>E9OfF|x zkvZf{Mkt9uF3FVWV8rhz^m)@;_vuMtRK&hNYz3PvNEHR`J^m-kZkkKhE4UW!xzx%rW&-Ub8dvMMt z-mk2dG*7)_8**~(S3h^&BnvK528rq8iMY~Hz34*A1vi%GCn3;lYH@7!EjC-vt_*<+ z3G%MpINvGK03;n>?>20Br$Kmqpsvxuui6K+@12Xh9WK1(q$}o4O`X`TViBFGX#1mc zgM(Em?0O}DeUB?4df9o>2f&ZTC`0=^lM}}~ok)&ia3G(!ouL|u zG@YD)fv4m%t|mkrojd7otvBRg1ODxcw%Tzx2_n`27iIIJ0HX&bhkW3lzu!M-$Y@QV?ryQ8v&%b%m~!=Kj%h)4Hd?N&Pt?Q-d*rODWy z;_54V4h|1Dss&{9o0!@|&c>Q$7D7*6TkNbMGD>1snB3_E@~ASum-+icJ{amG-SgRZ zQVIzSscoJ0Ad!H;z|a2@aG|1Fsy&uHktwzf3OQj{=W`oA^X}1GWpS*Xc~?h6ieU$A zL?awt^yaAj?0edfAtf42`X=d?W>k0$5UZQUpLVfw*7H2w(7k+2aM~ynf=H7{7sjMN z=_^ga763Fkf_>5O85~jPm*_fs*od-=BF1q@rr>>Y`wuUau7MQiMhlHomjAh6OvGlW zTQB4WT-z6VSY6zT2|l&$vU%&oIQsWP z@^)@mBHF~f++osHM1+FhFJ^SCyW43fcP(3OrJLY%v9oq{WrJTAFlF&jnhm|$nIJq; zBFbVmmmruwg7n2S96iZsvZ9lo&SHIB;Nu7>=eQTVDyodP5GLGJ>a1S7h#zftk;&ss zNivjbnu&fd5GR1HK729d*If8(UPECpy9IEDOAFg|7+wOv` z{g3(V@5`%0%iZ>;dRG2ljM1;axSW4&XLY_>JAStoii6@46da#?c}IEn#+mbP1UgrV zS(RHw*^pWCaKbHKh+Rt<#m;J|w@!e)dV}s-nMq`(AQ&V!&rrkE=xvISSuFZcIG?(h zGeZWcf$-SCYdY}QB|t{PfX`x#Rr5h!d|q%|BFX&DXaU}b)3`ZXryMEavdy!P7OXWn z^j&(y;>g+5)_+Ej0*ila#$+MkM&CaHCF2Wrf;TIMIo>;2d1>WfWwHVd{Gn%|fq<=!Pf zKESP;hO?Mp$yN6lpitDm7E(g6(CQe8X6h61VeUCH8=k)-@R1U32-ziwgdO3L??-zvoZE;S`%I~6=;6wKIsYQ;3*MJ;~c&`is~ zkbk$?$lN#XQzpG<8mZ@dW^KBr&0zU+8kzw*LL&SLmu(Ptj42C@Poke#Yuc)K`*^?MSD zd(dHuZ#)lLlkvaM{qkIjY)r7=wt68ei9`<=LrLOWO2q;A;W$~-nU0|4(Z&B`t<|fo zrSq>&9=2+~c=_t&>lC%9Rd6aoK4+b%<(`>ow!S)lsKl+`Bfj3SKm*;c7q!+W2$hdD z$rA%$XFa4tq5+sYNhU6q>FHJD?C05P6E8fUIX&DgNE2~NawMnS?1hHBAXdnF1i|#Z z(TC?_a*i!6+g^J0_0dcavi&$_)k&Hw{kF^5Cko}I#YL}j-T_ceQPbQd&d$Qce`Rk~ zmc)n^M@GWlmX4ODKyXGEOr-b`GQjc7;-c*N5zPQp{XP=qhEknSJE2R5*>qZ`I@Z-q z&ws=&*+HV{GSKhej_Lqy5KBQ@%JySDDyS^wb&NnN+>2830J$5%N{1h zJO%m6by;67vD7+i(JOv0tHYRvb+*UPxD3R`cR%8rfytX^(ODC`etS9f==n?$b+`naPyJ4=O;ytuO`~U z#()RK9XyAYh&L(K>@7hjoWBdD+JD2lE8V!szcv~{IHI1o{p;ocWPreC|H@E02G!4NX#R)c!%rMj{HwGZC?dM}Ubgnsyz_;1LD^4!(2bcZU zH^=Mkmmjg$2TEtrI@z|HQTh5Cy{l>op7KK+Kiu*4<8ZP8Bh096988gz$LGTP2{J~9 zuF&pT{%cw}etdaWtJxYRo47pdPY+b%!7!<`G)ziF6C|^~U)!E+uk}`E-4%=Duxbm; zLY%+!FUE?4U+2M?5G}_I579jas(TvM>UvsRx*3$B>*0 zU4jLmXQ=)p8OvyZK*4w>_MIDq*sGS)NCGIk!_xqmV}+8%C#?sv4N=j%`_DBUviK^z zNoJQ;%`N^mAm!27UBOsIsPTbuf5R$r2++qQxl~VQJ`)=w)?={_t^O`Qmdl$)EfmjH zPyyHZ(w(&;OCYuX0ZI3v4Y23Q;QW**`^0obF)7+SnZ*Ga)v}zLL2piT^BvJ}6 z=|&OB3|)&u=IJ$_Ou+8$qf_lHs5}9mje;L-3dTWVC4zDrT#nUdt7--*m zs`MA3BmM>IIPh@#^i|qSmn#v$T0alWK!c8D9UT+j${g9;r|bzz$pW zDRV8X$!XC6PT~&hjj4lGlp%_o9)Gr0YNViSZQE=IUwQhPhfWZMK@S8!9q_Eh3%OHRp&v zUm>B|2sj|EDl-(9+1(}h9EKxUr0!+(NI4gjkfVM@YUa{_U{zaw;O}t%ED?=OZ`K~- zq7|l>{_S8E{9hSX*FIC=K0mGa&mvSU1LBWzV!uD(*^8r0N}Bj|FbCKD+$V9Mh~A3_ zmD3hh%o*N#4L^;5fRt&kJ^|TcrjS%>G^S>{CMHmP67vF^)SCkS1U%#+8=^xAN9|iG z1HWjR0TKmC_dJFO|9)oy=bu5|hSNfV3s=fbC|GuRd8XOV$;07b^ev`|dpVCv9}j+f zBM^HUwhem``GWl645zWrTTn4a4tU5}0cfOals;vI8-?zRa9A5RbF`d$KuX55I|*o2 z7G@Pw=s|I^Ea0VNWgfE4gW)%!MvM^JTv|>H%X1~)ZPv@uO#a5i45!rGerCb!YWs`T zaMrD!hiq@gj$3(%gh%FjiCvB+!p!H&J7kXn^g=pqX^GJB#MtQF1jn;73<-(%bAIQj zn!zV8F|W^A#2CxU8+Fvx4C65-##B7Jby?$GLkT^Bk4vxg-liJ%K`9b2D&<~*fl{v0 zGsNVInMWG*5Bcj)=mb>&j+@`gxPq_Gl+KpJPN%A!tXqSK7E=G4r8DC7v(qr~)H2n9 zxZ*uiO#UYj%UTGY^AD8p!3PE}tZtRfRcDoT9yFw6Le^P{GQTui>W72@yUy7;^xwWb zCRHG5wawpD46zJYHIgg%;PQm{4;HDFZGjj;z{rW~_7v7uT9;R8Q`S{>+TfHLoBqdrU14tSuZx}eBIpS zhal{RK0#?puf9!x*tTsJua54N)nB*Fi)PX>FMFHuouo32))16-G3VaQ)impGPYGSk z-!rra1Rh*ECzxzzlYj{`_4OfZWg#aM?LlWJVgF$Cvs^vPvKQ*t9%1fW2?PYnS>OE_ zR=y@kZ!FFu-s$g8S08QXh8qAJ9Lt6V$l_`hLLTX8-|8G+ncLavulLYjZkVFJxEj|-Dx2cVMphzA^C4#&TR85yFSqS7I?VQkh9L z))@W~kWLB=9$G@EDK!UvFl2AqooGMXN#4>nR7k|vWCZ?l95*UnzD<8}b%#F9!3_1A znMO~X?CA&oenc9EWb!D~KkRYNAYM{*S(0=zR0c5FpSC9=S~tVv(R8|ro5PJ6Gt0g6 zUZBy*M$Ed)EC){S)J@2wi7LKAYMH10Tf2&0AIhDbSIS-wlsFWRB1r1vzaTH#!on`D zuU{^#UT#m}&Txl|yP=uhT0uv=Wj*_Xpufxh*SDUTc0nC zjJ!|vh(%oKt^xiR8f zs{O>6E5S)3E&|;qsca;{dcPX9n9+3-%3I5~V#DqeNvMM}ArkTae{~zom4?2w6;U@>4BC!>*4>O2XdM z`FoGVVPetf;P;G*i&Z3mFTWqOK}-R>hc=V8#Wf|4>d*`|fr6{*CYe`FD zevr5?Ozx};kO`pw2}Ul96l;nN#WmMzkzaFR-N|{NM9gpgj5l=amyZ#XDD4Jk zsMvEEJ|4)8X{fuS+Hlmh%luX`OF{4g*Z~O9vnBuQ6$XJsO09OtsgRNxsw`M>ON1Q< z({Ja;PEJdHjV%JVKDNL-bp(7}IEFfhy;$N zzstqPR68CCN;fcCLm&oFC{S0~r|ya80ITKL%ysY2?BSocNZ&;4mCFBRp-Dvoxx0rk zE0LiRN5<8H;D5NWx39jWVX}XAcOOC#AaM-(dF}Wu`fyNqN6mlq<=W-iYPXg;Gzo!z zX6+uSZQjYUs_O<)fQudSBrP|L5tmPs2u_JB`Xqiu>chfBQAte@%G0+P1PMydRQkOg zu@vq|iLNMhypqk|xBhTZqb3~u%{889?LL6r>oDNUfxNIbeHFjEGwqANdn|AxRa+861If?X z)xa@+&5_m6>^lCu#7ayogvqc4Bbg{FP;E@C-<Er3;QV8Kay*)aJgSCN{s9FdKCum2s_cgUa2mgSoR4$+dSHm z@$jM++zI9c9`=jox}A4{{7>j2tAzTmI#ullW)!>MBbt=52k{)w$5h$BK*by#(R~Au z$GOG)Zuk@Iw^6>LuQSKG)6vndAm>YQ0+C2_HvQt1&bpyyHzj>k?w@d3VZNwg%;@^4 zkuJ?`)#v^Rj5d_NS**0nMXG|S&G#ejL`*qnjxhmActUT?iO!) zib2_C#4qkie$1ze(9pDnSqq|U4i}35?_rOj!n5cEV%NdktI?BhT@3$4^t7#k7Yj!9B#n z2~XEhp2Ecmabh7#k1x`cZqBSPx1CJWUiAnsaOo2}KX3jL6A$SsL`7--422%|TVG~b z3-^zn++}v)CwtH@B#3qe)YC&8;WG}G(?q?#cr`fW2Fk3V1XW95AInG2!YLR zH^0+hc)Ht^Z#CsuFLfUP`pxK;wk)gX0OK4Yc1}C#dwA)g{ABMX7B91i=B{$2lE9+3 z`ga1YejfP9E6ys-;`;wxca{UYIy#3vq7rVK3-=?8kmcUxRDY-^e{Ot1#w5uKl?PpL z@sJnoZwz+f2eY1*M*s|fg+np7LBQWpBBYbcD|fT)iv??AGv+KTOZw(IZ8GCntlC@? z#Md~+K59qt1W1t%2yNDJ2&7Ok(6iCEguYS|m2yzby9)r5h|`8-4)PU)e_01SCzqL! zlW?)!t+}1F)|g#9-E}U)V1SNzh*klm+x~3^fwYsHoh^xO@3>!M-F|ot2={r;`Yphq zVSW#TS+@(f$t_5H5sisj#xAw3IbhceJ${VAxVy7JYbX+cW;2h zYnK?6EE;7aQX6>t_8;R~^Fct;RBQWMdyg;A@(X@3z%%*y_^*53X&Z}+%J#5>#g{?X z_BR{1l90auq_u(r;x7S(r=S{Qw)Ka+$mdNv7tSzJA~jVyUC72tflw<&VjGe=HGIjQ zVj}dv1MkHwb56EtznyKbI_KlWdxx;cTFEjP>=vxw5tmRbsD488-IiM{r`U{!h`S=8 z-ORd5)~FJ`l?bzET7^fS4yOBZK`UQF|J+iLZ*9k?J0;@3Nb13&VMZ#R-aXr+D?e&9L=+q zDTsvi(v+V}>9XL9n)yUtXRq;Yi5TtDa_j=1!gFDqGQe}@1XH_Y!{oU3h~X&3^Xgv5 zeZZ+}`mngv!*EuG0)Qof@Sre1F-V@&`(93S)F1Jw>74J8D_ZG|qdf=J^_4}_oXu$C zxt*|j=?s*OTGS^j*&1%xAJ&*TXx*S^>g5_0rX78-V&Ikl2;xX??p{keU7J#T-i^=E zRdYaI^D`fMgxUIB)?kw|)+$uVthdD_7=+b;U?_SKAqnR%L||&F>98%Tv?8$&wL#x` zfg!zSE`+`J?@6lnN+zt5hN)ADhwDb!LMY+hddV(I+n z$)cXIiyIG_0pESn>@<}wt939Bt09@8t3xj|H6?h_j*`Zw)Xi-3>r_b4lP2PFmKW`p z#fcXQ$jHptq}hIOTn;>clXrP4V151P-0Nm>_t>=ke3KY-fE&iJ#z`_0HA=2c56X4d z_qT&4{Lgl6;>F!BR#>w{qW@fgJ2j&E*-S5Qh$t&x|%S++vM`(d~(K8w=suK4^5zI4hOPQ?X%@ z)v=`Ir<1Jps(aYVMj;(}>MP_kxo@3g_GQ^Dpx-8(1m2Ekk@S8SGzC{gLwEb(b|FWS zGLh(TR@A5BX7mKbJQ&3e*u=oPh$^fUWcq=8Vx?94d0G4AMs)pN*d>LMk+XwHqxMjR z|Fx^A_LTbtYp`B)`Nr&~WZL-j@H+VKu1!nRZ0fP)*f3)2ti@tiMx;a`ckp7)(JZz7 zlo&96z;$({JMj^-0r6f&NJ4^e*?hV~tP&FqI~$uIPv8@Qia{Vi zNEg^|2Dch&ZGO?47<#zsG?Z}`cA6H(F6(1y>hkLPaBAV|U{9&BB~v?uuz1|rX#;_~2qq38*Hg(^c-h=yf{;)V9JuXAoh z_yyY*L>R}D5jp4sNl0TK34C=5H#XLNJTu{u<}iOeRdaPblSVt*-ZXnoKNKG!r2e7E zAwxR@SXkTrG9#^5Is3p88-tGJ?m}>T`2jfrW$gKt_xg*o7^@v)X;CiUC`;*uqqu*x zsq>PkXh!I*tDwhfjE|^ZL)lrmjTQjxqmBuDHvIn{2ms(OgHu!dnuc*jQM$pqAQ zRdkZ53{|Os_pWPWJAYqxE4e;O$7x$?x#;@OD5~9&qHNjvmR7DiKotUc`jPd0FR~17 z;^Lq#@vs(#v^O)U-CejAGuUnzl}?aS+il{uAHhE8Vuf$N%$CX01retU>{?e`%|*1T zo*9l~uR60h38AGUQZ^>_do1veqbAdtxbsET1AqUQpheqyxrB9@y}i1uow07km$F0} zpD0Ve{408BH&*ORUQ~o8I%&&r-~Ihpu3!+>3bSfY;nKIghXz-F+t2kM-UT#FdW1-P z-H@Y)WoziOSPg|igj}{o0FQ`Ex40{X)DYSg88QeOUv)*ff8F+`<*DP>cC*}Vk#=&d zN|ZY{9-{^nH0?AosZ2OX76gxO;(7)<6aCzYaoU$Dg# z4jx=r2SwawOI3USSB}K<#;B@jNf^#(_$C|XZ%JLAvg92xjRJ8%;?U^FxVeXW(!#b) z*M*QSCKw>RbMUsf+MVAi$wNPIE&Cb#MO2aTY};S!U(7odecm54UI8w7{G5HX z#9yk1duGZ%ycbMvv(%Ho^(Rp?d;vy}+ZKOq`dtVtTn{4qiobHon&a)#Fty8R@dI{D?yDpMa1^-GQs8aZ}{=BnQ%sX4N66@n3l88A$7$@gzn}@;#0^-qS%k6U8b&{%#fNyO6280yoX3i_cqo!9+SAyzOn&x~Q z_m8hSKgX##mDa|nqT0O`no?4yL-!~|*8-ogi;64{`zF{PXDl`Q`|DR6r(Kl)_f})E zG$Qte+qY3^Jws4Lx*;|8k!YOK8sQuGcene=b}x?WdZmZhR3$IE?o7+mm13#7!MAjC zO?2CY9pLk@eJrAia_`pLww^31ofqF6YFJ-$BOZMhS<4GPdzGgUxO+nto-?>SQE7E` zxUNKi6_e0r(Ey3TJ9Qh$-sGbLaO<{^9-WIF^}?K?&)7(!8@gBLq#0LSSwRHor~Rky zF-6MyY)IQcfpQ_^`Mx7H2 z72Kn3~;BB<)q+&EdMGp6bF*lsl9U%#A+1`0(q?y~NL@qmL8U z>7U4^KT(ssFLRbIKoDUp*%zCv^Vt78dQ$%;PBDf;F|YgmxCE}QlgonjJ$YYa(Z3?&zyFSW?=AVK^WaM?>bawCB&u5D(QU{% z+eS=X36mv__1K=9<}fz0p}VF9%~X z0*%<{yIC)#_NXGt`ui1&k(<`UC@mHuO6#w=eH5pyL9O60K9Iu-AUAR8)Yy8RDV^k; zVQHPOo3PII8`N8EZzbQJzV>gd|K!5WTHDyU;(e6;C;Ok!&w`RwhrQ2QByEa1H{?Yb z!-X6c(Ew@OVD`}@G7Xu}^~H7^&YOf)D4Hv`dJFz5FFfMI>Xo(>h#Z}pAAEj`Of}Ks z&Qs%fy)V))8$s!%AjX=aM0X7dF&CQOMqO9u;zdYhBwsvWllitpYGWoF<2a;$1VR|r zxJCNL!M*l2U|00QS@2;M;UZI=7EXGeyinUiY0(|eA!@#5<8VM?)6hzu% z^v)Wuf42=pVkdRJ$16<#=ynn>1V@QTELVnJlyB{2G)O;D{YREKB1=X!|Hw1mAX`oQ z;j+7LBAQ1z!G=Sl$Ei_i!A;Cvll%UQ{gS6u2$u=pmby>;1$litCZm-zSM>DM;9#l6 zM-S-D5(SByFHL(wgpsc9#B4{8XvyX$lK1160Sr&*k5;Dy*FPH%SZE!MkwFGAO)fC? zL|rDS9q;3Gr7$x_`usru{4EVQnF(wL^&g!M`BUua*G?U6m-6q!bWn!^Kmb2hkU`PF z?l>e3p>Ch(Wa7L3LNn>2;&YEwsmAg7hvJy@8jZKGMyH=?Dxr7D)>s3eYInrnbl9{n zyaf|$!;`lJA}z{%U}Y#n2kDzF4ATO6iH6Tb0r~Ki^uTxJt4F7F`YV?PF1KRD$nGQw zzW$;-c@%=?iG1HQdXkd~^S@qv+0d*c&q3QSuk`BQN-qvaQ~+6D9t~-mNr%+m4HAR) zw+tA%90kY+H^|i^>q98JX4)1)V3*r6qH2foqV4B9{VBGLXS-GK+y?tPp;gIT7h#s> z{1jh@H)NKyQ*v&8H`7ARqi zpJg$s=iqYax-%?Hg4&-h`sPgkW~lvQIWH1SWXMidl+Hh6Qu401!U(2H7iJTy z`CI9w{ef1g`CK~ScSMy~!t%dP(XjpQ>Y<2W9$MRx!t1|8gzkK8%OUq8(q*aTo*~u1 zfB{@vn1GO0M*V^TETK7X~J5*McpdwH689I3!4F&;0l&6?q*d0!(% z^YtW`Rr@?vP-0J^KUmg`hLTPMzy&zm+U@IWIhkFE#SS+g7xmkZfVmgN>H;@v9R>&Q z#C@(@tUC~kXasO4F@7^s@@}~-)H|Cq-CL?C4us|K|6pIL|7ugp4)H|7_Q2Qb(sj*- z1>=Rnx=oMlKotOSr$;@Sl60ka>5tv{){(z*xVr`bUGl<~@Y&}aWf5h8K44ER;6*Aj zDsxWfK9)!9kQ#p4MP4&*sHZd9y+r2XSg!qr+$Kvx!cm$EO7S`wRC7$z4|@AD^+l!= zVAfSyG}l_qojdm=z|a)`!P|%%7%4(WVyMZMF>XYPH~!AJ6AXGOi)+8yJ_>D~qBfpW z3L}~!a?%6a7qVcVj@sty-8nBR(BRbvjA}oST7$4q$7e7|vi-ZqXhi#qxS-d3?FIT( zso!cG9fvAK>a%z>1j>Fb`i%Ogs{@`PWhCT_X&@sbNSD^5T}Qt4p3dI-wmEm;(`r6j zgSdd04^$F)YYrQ&aj3njYFU7IX-1~C)way?`omK3dh*D5ucOYJ7;Bi&@~Pvy*y*Zy|~riTL$uZo1Z1 z=A*|WH9ib?Df-~qBhJpSD+%{^w~f@6scr5AlYcQ~PZf#A55z<9(+D!oJ_MtT6d9|F z$q>pDyM(Zz)!G&tAabk)CQHO1se3DN+|^@xA4#gxQaGbZ%0`;e|n3Iu=XucQsK_7xnsEKeI^G-L_%^ZgI~ zCp4SIA8ah^@?TY4Nm2F=PMp8 zvEKDf@t2jiIx?>0_Ha_Ja_2(Gt&Y82_;-w*&YAv}#|y9!g5@)dNbE11O80fw#8lv8 znp1x9jL%rIvV~W9Y2*MH<|*ZA#%JZOPgjdyd?<}8vw#G_g#cUD%QAw-Yz(c9nzC&y z3=7f7;Uj2)*G7${p7T<;Zn8nsDyvaMevIh*%pdQRfV`J|oA`S!!}Kv^DL5F{=m}?J zgnW^rApZlF;tmK2yqb?o6D97NgyY@%yx>Qvp7m3?YrXP_AYG%M`9%Ym!ZC9lG}<$t z<6Gg0)WX;cFEE#QElEI@W>GbGFS{A zdwsci?v7;fe^(%D0OgC>Y!O<|n2LGP%(lD7={fM!)cRv{ocbL!Nq7?v{MLUjyi&wR zQp7AeYKkrk-ZaWR8Ys^x=%s_c&(BT==~@~~{OdE_o9gy8l?e}*rhjL|sQyZm zX|<3W_F{+HPfoy9-YnTzI0y^mPQdCMy5F}Dl1$Q*T^Wc`8|}m_CoHZ$v9}ecp`w-J zE$3;&mNh}z{)-FBnB-Q7WY3i?lVcULbE%dSi$H4B^vBJ~Qu7rf{)vr>DuyYHLt4ep zpFM2K`r*!TvM~Pz$#2!$iqTI0plxeQoYtRhu|19GbhaWGgW2di*h*J?$1efhqQUg93h3)m-x!iql4nEDPY*?E2Yzk zurt%4iVB3@z^E|;p)5`G|1&guq1SQE7lx(G^by%;ZIPt}&1{6He>7fFO+&r+^54|z zYAB%_hf})T?8Hl2yVlzYORW!-#*JpHMo6bJFyGPjb+@LANKf;V&)MCj!#1(S-A_*- ztXJ+aE>@S#y&9@0yvOLlrH}7-8frgUTJ7$>ReUI`OV{)HjrF$Q@>AMkylB|fT}RGn zL2Pj|w0IO!ZFw$hB(p;-5rfHQZm%`RC74EkE-=cG1t3&X(G`;+j}CjTj1D!EGM{hc?g^A0%O;(r@c!JP%RwLi zp!BwFe6BimmfI6D=AH8Takavgmbp~KnU5>xz6yi5j3lX6R~KrLx8ql-SU3VNmP*{E zwo(y~yw_3;ANk)OfE|hG60g)6We&Ek1^8LDdr6~_vTrwp8G$N;40mBp-)a{~we`wf zmW=AA29S*YtkL;pa5|iyDe%+D&!aL0p@txXxWVbuTSmHYF)yEtx%ZCnRXU*yO|dIYu4GAsBI9S@o#}Mr*S}cTT_aZ*@HidQ@s01 zS1cHcHQi66s7T(UC5g|nQ>Zz@gSB4j#sn1}a(C-{()m7xtT?4jR90A9?20H|{v}*o z^jsa=*3Y3gYjg^*MFT6~=)1BH^*RPXJSDfKsKy*m3&)s->07kJE$`%`ytnjv0q~ky zzpL$__61r-*VY-~3+enuxhy7PN$267 zai+0wb3BXG5kf!H((?2G|8wNX9TYLJe^oV8R~Ni9Q!BC?6*+CX-X$p|v9R+qGTbG5 zD9Bk}rIOxu9Z_A86Vox*k?~(Rr~WI^tu zyG^-#nEW5Hw-sl-%KP!ScW8rqOHR@6GHVSh`6Rq2i!ZbH8ijUbbpcPcDjL(vncdqj zC@p1W(QG_Xp^tl)uxQZr41!U+v%lv>*-9d#%1+{optW*_8`4T08-}g&ud@eTzfX%RfS1oI3YgH*hwe5e&i3M;wbqQH^TaXVK9diTHS@iRP zo_$l_e^5oNB-j?Mx$t?TDTd@1^}~+ih>9#XnXJ6a?_4cyjc2EXA>iMetBbq^CB@L| z)ifCynXtoUrI#mx8OCpK)9*{(n`>N9qRrABTwS3B#+piu>Lcq{dSue1CYFqm5OS^&znM%6i<)dpA-BDL7c8Hbbu1pqBkb1?5+*5x8 z|AkTZf8jmL&JwgUo|Ajh#SV*b-tp+=11RgJzjb1CVEum=x}20{8|xnK)@>zry)!le zd*_==OaE|Jsw!>MJEX1@C*#wy)X~f0d{|gd`K!hSx1Pnt1AzO|oh+3tZ6C>u3UOSC ztZ0Air-u4@pl5wQq*eI!A2RMaX;pRon3oUEY}*}*#?QHz!n-WAS%X#aAanvKoEE^h zK5w4(w_DX;_4W9x=PUTxfvbS*rbEv!H-^H355y*5i z^;_a=e}J`rerHfy`G>A<^UkE2ISVlxqeo<)353-XM%q?zop6Dd2IjHc?ZjPI6VW`d)HsOF(yoRI6z;^qW<&@c-u&r zSKWXU(i?f`n<}2mRw5uY-J0P~2FNNZT7{{^(LO46~{qf?loRiQSIY@qB67#!Tr|+FC+=&;v(~A5_gB1RPt| z4hvw!j&c#Vm|-19PLvhW8rj@7OJp&QcNLx5X5F;3T;_QKdN&^OVD57B^HUf}0p7u+ z04eDl$gLz!{sK*xKYPi2N;#Hs`l51KtfW_6nk?Z`ic*(&Y^DjcMPRL{%#k@D>})adRj?Tl{iZ|6OFni9}K(ozzFy z0$VIBExYe*6otBjByL)ctlAX=r7>S(UAzq}-_a}_#(riVMmecK;H*(2Y7BcFi|D*-Vr|V9kzTIW>&k#?q$2kWdO0jIunbiZaX$CS=wh0q$jIf_ z_}oU;F*w2_YC9G+gZu11^WzFr=EL^JPLxic*Uxc3*@`QfoD%Z%^*#7rKi}TepxjaK zU;n-8Gbu^t6Azk>M8Z-LNNg0rAh9#+6Y9hb!}W`$?9&vLBv6i72b);>I`5nvjX8d) zKRNN(+dG+gGCDU=yRkJfv3R^=Be&L6dLUnx+3beu)oHMe{7NzqSw%vx%;HOhrNX^jx=17D(d5 z?H{Y|67KccW%RVQIt0n1@gO??I5aKaM7EK=bN|$T*JBU2ZEI;Qx3ifH43S54&2xTo z3C%cu`|;Kz(fQ!Bti;e)gkx#GYrN8V6&9_fXVE{5WTaOgY>Z##pU6-7_pe+38ozMK zqI`4h-!4Zh^+mSmxH#-I882x`bh~lV<^`WaB_^`Rc4YNcg>RPRxGwjb7mPpN?A%<^ zMdPdD#1^lX4?YjIKTG9vs<4UbGqdOWGTRaZUaXG0Dq|VqxFjlkLi}&$`<)W;J{JM9 zgTf#FjDAXKN#`%(!EgDye{jw<B0Y}dwbEg zIq>MR$rlQX=yd#IJ>TNiYNjb|NT0#WN|B>F%IP(nJtgm(Kktz7IcF?G9w_)!uQz_~ zlfUur6u@`2`>QHjK~CTAJL-74l2cF^?lcJUf00V+ieQT_tr>qL>gQQyJ}r-no`>rK zb-IfGo68So%rMu^HJYPN*V*yOUN1dp;tv%54_92um=xRmhAo!8j4A{6SXP4Z31csm zQp%L#nO=POZ#kQ_)`#4`8kHV66?G-Z%FtH@gl0?$QHQ;q;J=5mG-0Ri5UPRY7NjwQ zLq0y^W(cn>YM$e!zyCHKo;^t>RPiCBQMjLtf|+B!Y9aE&BK2q1N(^!xl_X2uz-wTW zAZqsK((mUAKt=&b{Pp1E1OY4AQ@sM5Z7t-OX4T_p zI{Oe%Ket_f*WY8rG%H_KHZBzt_W<8_#lXO*E~+(rkW^dUaULfgV!T;j)5bQ=Y(DC9 z>mI#whM}!GVYz1IgGnvJb3Nx0sn_)PK8+*2Z%0K!IO%7BkPozgaNAgGo)KA7?jPTT z0N|Xq+7-N{u(x%G>g_)Xv|F{1uI!O-15kou;z(iHU~BO_tbet8tbcuCA#iUjwEor2 zYJXY(m50*RN`Dq6&WBls?=U~5QJ9C8Z!LdKWW4!E1p3Gmwlvn>c9Dssvhez8=+1G{*g0qDv^hO){R17Q3$uXT5(cNCn)o1hk%zf3i#&o*kv%dhfNiT&2Xx z&YO9*Y`3MG{z7Ig5Sartunex{qTxP`u#iP@!o($_4(&T{{RNDc^|w7ossWOedQ9|CYDF5?)6}V9YqR; zL`6v;_oCQ;Q25k%U%LF)GA#iq8R*KU|EirggCNfHL=%G~?j$iWFN-fI!@Dnr{`c4* zh7F8rVzqixN1`lKEu|_k+w{r3s0k%(L_a=_AGYpV@U*zOxf?cto17hmbc;MUQ`yG$ z7|u{jVGixNX=OWR>wG0>?d0L>mmD1*(|=?K9^K6%Om}{LoeRatx~uQH?vea~X>9Y; zKL(^%ruIJT8}w{0y)P~8eRmU#d{==O)C%F}*9vFapttc9_l9eU>l5J~){PPvpPXs@ zO?C0lIb-i7&yuXFV-bEqOI?~I+8%tCkBp3SE73Gh0$Na<&s*#L?$QfqH4`db`yc^n zf@3<(>{g=roZ92phA$GiVTKL=S~JbH zVu}L;y>IrV%n?&GrR|5h(S5r>n|knA2PglA>V6Z0jJI#@dz&p$fhMNkw$qkQ2Kz;(zV`4BwS3w z`_<9*CVs+W)W==B%b#o@as63EWorJEv2OLjp+aysugX>?Er5DcfMCT~2 zued{YK|Bnnf38fqT5dKahdeyEc6WDyf7aHd86;4)6gtq-M(oy^g1UM1TO7_)_l|}a zixga0Wq0%83_#J}*pNhsc%|ennHfb=bd5%^dW&>|w@~E{W_KX5Xk`HR80)=<;@-LD z{bzUCpQZ6*>;X!;g!+ZB8)A16#oGRFC+nJV`u*eG|3}k#Mzj6DZ#?#>lAu-Ctfy#WJcJw5JhmZ==Lf9c$OZh#R5T&1?2_g;0sV;f*-AvFJ6kdp&n z5AfW)E<9eiB;5R454sSn_42CqIvtRYIU1D@xa?jJpZ9%`Cw4ePi0s0}+Hj$M#z&Ho z-o97g$z<1#ApZVw0x_Q_M&30uo$>_MilFNmUE*xDy!t>&)STqSn4?H_@~FFm=7PcX z;#CRaIg`Y%{U81xrYQkN&d#85my5NNlWc{{=h|M4+RRtcea|(&v)iTzGScEo$Ao7qaeD_@sCW2kT!#aqCkF)6 zh)?%~fPdD!u2x-2TH~JZ>EQY>A!NC7zm1%l^(+bb+Qih31D!^M*%b95O32v0Of<0z zF;&m2^51j8<3z+y=T#tgt>?=;WqBM_-ApSe54XZRzIk4GoYqy~u6Fmu3(PbUy_(2# zdbk~YlnpyuMtt|o<3`DYZOW=yyt3~iDv~nFdnl=M4un3)X;N6(KPKOe^11&W)SEN$ z(RFW^hd~YE@9mEuf26AnmxR!($e>YH{193w$CvnOA_qpcGa>CXb3e?eBJkocTQN&V zi)bOwKk?4+%~nlLNchF+tM9e=9KP@Sq(cR=Rrz$D0QXtWZYF&oDf{SEQ|KLC_)`tu z4(q=B7v`+YAE>xRbH%?D{T^v-^!$`;m5$I(Z*SMt@1<#bGTt2m^vaw~gMReyKg|pm zp9V!6L!ob?>9E@|`^P)(tvsf+ri^kDzibO3@37NScWdG>d5eeZuX4K(&^P?M<_0^c zRxb?B&txZS7s3dR$Jj0KPnkCt|0?Y@a0FHLt|X_G!$b|fdAgrwXd1CcWTa_4Q%^i1 zJskNfd@o)VH`oX@KYV1y@ zfTvmH71Kb4gcDwkSzu%14w0nqNgQo{lU!JQXd@rKChB&dzAf6k}23?F|9} z8`uti(w7ZWqCHL_q#!{E)!y=&vF7`;Bz5)Kj-@E(>odV=w>vc?X+@5!#U^!yS4{zB zvX`>*5*$)iY1a%4kt8b0z|#MqD+{Mqy) z(6gS0r{=9pDfpf2>OZf|?ZM5LMfJ%WMe0T9 z-BKfHj_rx}o=?s~X!*3l-7Ms?h3dX8J;)0WADBImV?@fa4XVzvC4d2TY>X)6*NI1N ztA9Co$Z+1pd}yHXYTGk(ZQ9Ddys zH1g!zM0wpT?rJryCNn)cb9tn5C^e)UzP9DkC0^(UZJKfEC?^Mud;l7nH8cmHQHOIf z@%O;b`wcYa=~QG9-+b)NKc78!l>Q)tqSNKahO7(51UUuLJGvcn)`_?Iju zs1b`z2d1h5tWBny&u#TBLUFIk7<`#+wRukm)vedpuVgViT1cLC(+rKcyFO4KT;kjYFWq4o7}aAsyh2wy{Y ztH4Eswg`Mq3Vwq^;B*(BJz5J-g;altvG{AaPGrh(3^{5N3Ul5tWnZ4 z>P9@uG)&EEhotTBs&g+i>$`e`pIx>C{#Sq95hh{0>sL^Ntpy*_&Jy<-u)%4$ME|RR za`$l_)>|^!^uR@uQ>T{@N#%7{wp)8n+dL9W<73iLD7a>d61n$=MPJ%{nvr@rlR&Tx zxSWYsBs4LXzyGDJO>nR`XP0qvlU_DlWtJ;xjHD-@_&)e61PB#$d;T3T-9|!_d)v0T zm{UsASh5{AHYvv}c^LeFW)|E<3E^<~n_MaVICD~7kk+oBYxxPxksfH~RGdi!&92Ne zZk~7B3bS*KHSuR;07sSV3!k;&{Tqwc+MuM?di_3qQ(U!~J0sQ7&bffTWWSSQxIRW3v$~u%cj^bZLPf8&L0CQ z8G1L}GJwNexmO8;`9H^Nee$_Fo-)~wS<@J|%Gru^1%oeXg3TJ4#q&9Cf5@bOC5-pkP!!Rz-G7 z%xU|dWe~B)vwd@*c(drYfKR_Uc^eeu6(l%99BGMkYXki))?nH{N}@76wv}|~lu~X* zosF0xv1_WTfMCX~lzTF70D?U+G1}}B_ZpgJ$G=~$tq>nEUYX+WvwK2|^DEB&+p#s9 z9#OUKzEtiktJDZ_w`c5bCKg~tX2csKANA6NJ(qSP2sE;$Z88-IIK%<<`NZ!C0E`>7 zG`&u{UN^k-GEU}wD5w1Unl2cl2}N{8X%5n}vDhOJZHAVs+;c#jR#Vm^mEd>pNUbmg z^fG{sw??bLDn^;d*0x=l=1W#9rF{UestiNN5y!hr`*Pa!78(kiahdMMDHH}irBFdc)8nkQ zd4|ztdTW<=!R5IQD*Y<`aCV4{rx(VSQ^!n0;LE7IS0X|kpYVmO3A_9G54kyuYonDD?H(Ol0rQJHLQut~~R_KKfjd)*xpG&AqZsm&V5CR}$~rQe28aJuA$qp?zF3HW|h$t}tH zW_02%0J*i5nd8*+WXxrcC%rDkKpzIrj?=fBb!^|P(@F{*eTS=l`E6``yq!~{KQB(D zY6q=lT&0yTF9)0i8Jwdh^j*53HYVK6m$nH(MUS^dMzzLPsA+Xf@=9=-dnu1o|2ey|bfG2UJ;O1BfK z_i`>1Me9bz6{NHGI+saT3#cbZgpq*qv_{6q(tTe2?9MVxeX|K~BwI^H<-&x7u=ihn zO1`g5VKW*n0>o2%NUxa*(I+JzETT6gJJR?;+ci1d?0HZwt(d+(`&i} z5-EkmXWaWHz0M6f)(ZC5*AxZn8Nsvie=iO$-YfMcV!ZC#g4y>njr{ z5(W0O@QpxOi50QMC2uLi7wN2ynzB@+q)2onn(=27?thL#-GPIvJ>n9P+u4-jC7)zm zHLvNn2TzNcO$%SEaPn+)Ug&VSmjzg{7|Ih6Bq}N-Yc5D{?s{KVTloc>Ju{%GwSrgh zr&HtlVB^9>UNBQVNBV=@R4sZIk%s&hDeYM359=*V-P|gJg@u_*Z>?8B=d8vu;x)hq z-&N=FD~Z9z*H8At%+K(sT#f(fQ-7k9+)MM?qF#x!Mdri^99#F9$1?quAyzg}_898f z^?Gn(;S;BPHbGheh^&6q#|iJzywi_Wkvn2fmx5Yu$``*EWv|;o^u{MVA4j}*plHKo zP&4tBJ>gw)Rpa-H@#cAGWTvh8YSadwZ?c|O(3Nv`dq?BjYLv+~Bh#%y#( z<{+9UUsp)QA?ilzSY#8)BS+w6DLte6;lBtaVTthH4dma1g?1Ad@8wUlW=#QrOO?F2 zyMfV-$4-?h)O_COBe=Gx{ zdW0ABd^=b%?>F%V{9nw@uA1W6;E09)2Qfk49zizJlPs;+qfFZF zC^fPLNA+KLKJH*}FU+f!p?fp?65)>(0Gutp5>>c98kltD8F7&5xYMli8f7$!)gLr5 zK&)I-LY{`R)nmZ!W9a(;Coh#u7LVVql*TjnA3H52HvGgnTzF^TuciVCM+uj^`uB4; zy4E`~`X-IWjmw7?B1tDLm6vr9Q8hN68s_2p8d#eG+KRi9YQ;3*6l}u8?I>#Z_rfbY zwDYt;$A0$(#gK~@A-<5og7gYI6EC^16z}B#H2j>sq3Xr7aWn38wj$~l|AKWpk}4-0 ziPP@&>i_IT*^UjY)}JUUE}Sd|aBmMgixwKJpgSIb7N^RBf)*J?q= z8t2RSnMup}A6_3{0~RNF0#E@y>|md+XX6?_hhVUltF1qq9=?8rnv%eOTir_@X{p_~ zh@7}iyJGaKeEXJ`-#6Xa*ZVtj#EmX=eVHXopm!Y)ZP=^+^O?Qo({;u3{o`xY=FY

    pofmYvV@ENYf-;c1*YI%JUBa0n*S5;Jfd41Yq6iEVHmkB!g zlX-I~TN_2}4Jv;A=*T1afqjpMn}<6tSC5Sqn8fb*468f3ztb5;GN_%QuCX~Dvu%oc zO(8tMIE5)YHWF>&Ci7>J^i~qhnT&Q9i48y`r@tEAvE@H{WATolE$<&Ee`@$m9m^T4 zUwm&pnHuDys*{G%FNQO{xX*xGac4kRX5Y)-ma?_YWwFQ@JHC59iv!uQZ-$fZ2yV;%a&}h79xEg%_xu)?3 zvV>`z*eI#y7JryC^Ln>gjgJ9be!g6MFOPL{GLiF-OZi}U`ni8!d%`o`3VkP~G+oVm z<=9}f2F;2~c$XPE!pafP2icf=6Q0(|#zEsr?UwaW?0&TI1xmyE1@UXY+V7U?_F!8;j|K?Rdqho4;=}-KA0F%3l3}_XL0?Z=@Sz&i(QO^YmyZ_+`%6C&Mha=B~;W}Y4TeJ z6aY<~<`|(>Trn?_Rs&OA86D&MOp3lp+AwUc2J`!{1V6&ec_t5GeeId86O)uVB|i|T zxR$K<6aJQzG0fBf)}0wm^1t#$Ji03@A72N}x_KfErflugNPk$gVc= z$#v2p7XxzTpHQ0IbZt$(t^&2tLDR&%TRlPU81lnK#rDq$W6Z)jxWfE6`Y(V!cUv+D z-HTwIVhD$#tnJaj6>KCjDm_ZL#iwhol=Jf`w?Fg`?yw2a@viWD`ErBVH*X8=$(37t z;9QInLV~xx@d)#>^Gifp-&hK9RBcT0;a*`%C^?JEbV2yhLbHn19STx}A6wUnKQ5wK%E*_KFNSJ#^Trbx-Tn;7-TwSA1moI36 zfycjG7iOEzr=_FDB@|jJ>DbvM!DQma_G53mv(gw-^n6o&Oi|kRAL2*tGtv+1rkrYs z(5$1G8Ny8JP=!N(MXNvBE65VXq0#W$8MxtX`mL7w@=5r|QQK0C4E>*f-lUUQJBx>c z{HmUg5T#*5dVNkHhdo7o&jk$q=N8?>$a((Wq81OkQ4VZD%r+RD1ll2~LkOxCX zCm+pVNK~#tJo^wt*>WvKvcR83!GWB+-#se~H7DVjI8PX%X!pt_;S~~IlEZ5s&9Tr` zF9JCy(s=n-&*nM~pWq-7!7E~Nc|RsJ%5(n=|LCra3C^W-3*??~4xZ(cyGM^|$hu1B zi|TGqH~u;jHu%^3$WINrmLa^2Gmu!vqLI?7ZPtY@3hAL?g*7nug!dJ4k#6rRs#lNA z8Ut+Kv@X4|rO#p<8aVKlC*~`{0}^AVC4uw;o!jBN>rM`u{UwSf4d~$C!825Ff7R0lv)85pSCt~Sf>%TRu1W*3gMoaU*z$G_1nDZt?*2}B; zwDqh?@jCmOa1)pIznS!rn}1Ww@8b!>vAOH)RzhRv{+KUe&X`Vi#-)~6l5IIHb3L9| zn4OPsSbp1jc@I=gyy+OAe2*{di8w-fo}iO+KhZ36OQ%TX3d`0&KfhZr(QI?!!vpUh zbNSply*F2i*Orl^m))tZ#P@vFrqpef=Kg2j6kBJBAHkw@HpTF@k)vwat?ZFGFWs;q zXU(h?5jh!z*$ct!*7N4Q!1eLNfp~@UqeLd-p^X8lH?Wx(Uw=G^Zu8>vnp6(g+7gQk zD~vk7S_zO!ix9y3mo+ebGWEKL-VU%>^BR>QnQ$pJ?6E30*S>OSRXG~9-$k+#a+n3W zCd#51(jy---c!Cx|>{wEyL5up?s6)N?-8sK7$FEqLJ4JYL;VI=$9 z-Ho+ses${4Za1-GAlKBasHM4`yHz8+Y+KE;xwUH+lc{Och2c6d{V6Yt5c`Lv<|K*I zk6xe!jYC!rwku43r#0BI7O6y&(A#rSG#K+ogglWmGJ0^iygcVBEg)k$RA2ib_4N~Bhc?F` zDggkftvdy(s2*wieYh+CzW#>`P7E*c*>upqz5@O|n=cIb{WT?ke-&}(JM%j)S!(;F zI{JIJZQvq|oppD~v7hDc>Ev?H(RZ~_NrWXIMrgn~n~nr}@r5rAnE^p|xpE%r;kzxU zS5IWqZH`VL5re-;x`l(g&!s-cH!5M^?!nhcmR3Dhrctl>XY>iwDy0?6j`W)uy|>!y zj|Jdw1k}F3h}1d#htrqcnYAlou__edKAY>6e0*KyqyVjNC7CHql656Tjb0#IW!e#e zWMLqT9}+iGVeEN_*=X8Ln>kkZ1jm|~Svx=KyH#0vQwF8B_K=Yujo+}<98D`GS+qC2 zoHJ@;AGv3ncE%e@LXDwox<2LOTu zLeV;~GGCdXhw_WQFtZzL<9;Q( z>FbY2Gcz~Wc2ZSDqBfC=7P~SyXaQC)Jry=WjEsRx``!klJ1)ZSQMnl~)6BeDcid=` z$ERewR-RN?mjQpHAG;=p9_vnd`0I_Wcb?UEdp?H7oX;V~jq7gizH%M0d6x1y>hlu4 z?aBNhv&=&CAG)BB`_50_53WGm~x-FxB{5gAx%=U)X1LMaB zCN%v}rGbX$B>!ZX0ZRwSuMTPk7o!)24j#!X+ZIm zfrjJ9q{cn=ca_{7*KYi)z46>!y+j>}3q$19=8}bxcg-vQ>y4y%#jB&FHV=;8l})L*6*XO#vx{Z9RG%QJu*K~of}kvGz}Cc7B~cw2UsWSi4ZIH^jb1+<0EWi_xhtFwYr(oe&VJo|?P*U%Dn2SKQ%0@glJvaUB-( z0A(kP;5Es#dE3`ME@+r;^V43sG)*}c+O3YWT7!yUc*{P&(*L7+_~v?j0DmEc&yxaC zFa+@$e9A9|Wc|}n7wfe|zNPu%gdB@aH+O%rrp#=b#A#z?n*aBUi|?XI#Nvx5#h3&ea`NoRI?yPY+}5Q5 zd?lu=+LfDMi&|mDd~KQ`O^jE`%0(boPjmmHiu{uPI9b%Xo%jo z#thuyC6CrZ)qpt))}$tx`*05Wbi?4(d>iNIA=E^9i<=`y=pS{Wjm+4|BJu11`5DP5 z{d}Wg*3-O5BGorTBlXZ>!x=np<@~{*n`QpL$q-G)0;^)EfZMaEBEKqLnAL1O+Tx#G zBs<9qW|sBo?yiY9SIerE5qS{{=dmoUwoO2zUl!PUliMiLGkOqAGyc zR(c;~_A+MYtO7%4xP5uP29nWR ze}!QU0OrUa_`AZ0Qp1D<<`UXA2pdYPFDV$r>qP?^7ZwLVn4>`P{$!5A1?y! z@W@y&Z%#bdbbUUFae}5kUq>bX-@3~7d>@4m`l(f!_H84tMDM85fg=Eb;;M|ZB9HGD zmZcG#D?=@p#SeX4`wickX~pooyCsnn1Gybc9YvCU(IP_D+a?}?cTf#4u=n-yBH~va zwTbI$D~(=zL~=4ZAmDsS6C4el-_@=4nqlia9?ui`!W+>h9^N^pV;EJm*I@eRFtem2 zhFDrUTeqE97pB}>SO8haiAN;pmqIX{HomQMpY(_uA@AF=QtYWuHjsR|r;RqW-wo<# zc3T5aTgGZkT(cB>kLHFHnwwi2jTvxKIxC{Bmj|0GnQya$h`YYV3`C%A)8&OH^iNn$+OUQPAZ=;J>iF)bsw5iiObrZ6d$2wh`RhC#J2>+egF`_9&677DE9hT9qcA zXh#5%eJ;psz1BuvRx@sE+|6bq7q_At=0TFh zeMn^#u$>4qPrc|Ks1;2=>Fw{91n-*_^Grfj*V$`@R3_`?80ct?5C|N=O&*Uf0_a6M zO@u8_1$uxBG4ITG8S#1PrbKW)QT=vk7HOz+uA+m1O4asSTgMBrI+s=FgP+IV`mv`L zJxN52*gqkPSAvzP6XBSLyAk4UR&lsQD5Vbc(^g6^mbBsmOG>;-Hk#S10~Yf)$rI#o zc_IC%gY*!SPfvHLRmcSZb^>MW!u07nwW6++%9{T8f_?!}b`m=E$Je|Oo9Qw^|4!e z$BvkLKZ-JLNe-TNM5f}0Pd_F(KE{9feD4GFt+~go1k$h^;=wK*!q%Wl6Z$NZrcUWr z$XqtUDkrQ~NQd^gxuRiXt4pK?hvvKLd6^wjXp%iT6`-kX%=Y{(Zbo&7PScfi148S$ z;KM5)zi((>lwczjJk3ujvqJgBHm}-VsCZf-R)NaxF62%ukSvBHSo&A}&tWyC!d%sG zcDxfC?*A} zDcL%^tQ+ng@7LKMg8SU9nWC$fCSPp>3y%wDQ^;?1l1my%652GrMcF0U7FSEV#jkYV z5fV$x_&U8c%e~jB^4hj^Jm41zfFqFvDEb>N9B@nc7Wc0y>9{?4@7%MrNi_?PL4FGl zixvt{yZqdpro39$6>&o3mQ+343TYpoc-X7LNA87tjm%_ORk8vx}LVk+ZkCB)ODq%1Wpe%W08XKNaA2PUk-uR0 zrw#Yq5xt~8nRo-iFe)qRh&-jHZM3m@O|HDECxm_-if^E5Yb5ybK!F=`gj489v95lR zArTsg$5KuritqDMbBMvho{+sR6+&_hehu6U=9>6E!Qb;6(ZFn^%M-AFAdQLg`mhU! za6rJObXXKNzXMD11o5_{M4{pF&DHhBx;ORgpRv4+-(->vAD@nC*pC{hzHYWKw{$^i z#8sEj68`gC)&4N#9l`PN?NZojrrtwr&k1kh{;iprcr@YuI`D~UgmxCyU%_wNg@6?B zRw(#0YkJiEkDZ2NEWQhjb z)k@H%YuMDjM?>?>?kT}kqr@{~V+yaDisbE!x;>UmKDNW`_+Tb%u-dL_nmObG3sCIt0Z$5b1*l8r%nzeSmkAIULM%5uED&O1b&T&zS#0w?;5F%fl@833zr#4TGP{_{T z3}gL|os!?7`Z!>SlS@-FOyDE(2>;{0HKMs`1NE|MW@m6o)f5*}dH%SUo+*nfC{2{d zJlC0?*e@LV^W48dB)2|Be8eD{#5)O>*d9znO_X$|YgMO2_nTl?_$GyjO2b_OeS&{b zQPctfpg|3P!DLvS>#fe$2yQ)KHS>b+rkJG z{#EoQ>aiAD#PA~@X@1Dr7E*dLLwQ5rp?EI0x!rUN)HW6YdrWPSNex<0){89%IpG_U z*?zFrgugO#hJ0tjg2~t=PVh!~~WqU@G*M2i!Y0 zL#jVLBo|82lfqwNFRr|P9c-}B!NVIMa5;Ksft zZ1P`Sog^IaS1ln!LIPZKuOyP9ni*8>!ve4~M6nuo=#i}AZY7!^w>q2`nw;<(^yw4JcHN$4xa-X`TU&H@WN7>i+ z4hgke2FYRm7fYA7uzN~+?MQ;zr2a-XuM(e}z$W{9{>USZMQ%=VF?-<>?1 zldR%=x4=IH#yKDnKzYww+*bOjCtHx)C;|FkwU#Yz5%GlbTi`Ar!V{Z6RXR|=_ut-j z&K^;9g!~B~%;VJkx>9}(dL-cajzQsOP*Xl8IwamqK7C+7jiCTAo=g_JOCRaZp_#4; zHJ>c1UfJ}{(Ad3ThA^<1>daKDDoyB^i!LTl( z-nFwnI`Ci5GCP%55AwDFSLz9yG?t`=;-`cKK(U4zAt;*gEjaQt2knb{J_T5Zuzd_m*R z;QNz+1qyn&Ai!yB4basUy!e&oj(sj-BU_YoLO>r{R+Fdib6j{MdHBFg zb*nl_GoH_g`%$q zmyHsF%(&tu*exy*m_A@zB~v*=nERT!ZMg6`fAi0zD>cy{L9)s=KRZ7z5X>g$wpcQN z$B!SE)VkIZRH&C84P`3^9Te6OZz>S$?8Cs;o0-;ylC4x-;@D&P>t4`aqgJpTQ7*L^ zbii}tXC7B=AaHTL7a+UNse*NEtZ%@Uj7=-}T>M(u-UfyhHeX(7mz5DgFiqe>%|+~hy!+i#3Yxi6B#lO zlXzfNpMc6<*3TX}$l#B?ivv;-Rsq~7gydr#?203MR0okkbMk60ZKLia(_mpT@#GBl4XDU>`! z$q`br4KkCr+%S z$wH<~bw2gHXU<`eyPq_mOY*%& zCUrUkKFg!*aB!Q%_b0qZNmyGMLv2N=EzAp|QZZOr?vC18B!#Dg^uU99u4E3o0 zS#jFg?bZmZYNP4RTft~en_u{>Q_!+U-^-L3ng2xb2>zZx z2+**HmB~a6A+xK(NN@%kC1t`%5~|{5+B^++_+!DrCi<>2*wrXXs|{(!k}byZ-oHen zyGZxQ@)-_+2hf2s)81k~nX0#MD^|n}j#b^;j1STVoR^3&sW7Dvsq_K8VYIf5SM4^T zV=6|51$vx;ckZ0s`EexXV{A5HcKEd>xVw_KNdrONM?zyhK8G6%@SMnWDL<5ArHxYY zzBt;H8*03|_R9`BIa^yJK5_mSSvEHY7_FV7s!qPptQ$4>Cr=$4P}-Hf42$?OodIH# z^Fyb1;hm=*X-UQ1QEKhJMWs~sj7eXN0xES?KlKibDG@jOGUrofU z>>tHs2YCMG$&&YLnlIHOW==y+CpW;Hu_+uX4&Ga?2~|xEpps-71^y1no-idE>#A$) zvoxXFTg7{09x(mK)semzO|RPxzky%VBVwWC0LkD=E$77arg8nzkyv2+@ShH%eCE{L zc5UD|A(wTZh0hBbx@n)$POLyfrn~5VM1PWTkL5&ar06%8RrHJ~C+KY*5Z3+cO@a=u zU_^CUA=K{CBYS!8L!XL%;%RiOSUYX1*|*8m0pjTryg@1rkr>r0!I+g&zM_k1E4Z!2 znU+3SqIwM#Oo%cg^YE*s5Tg=E2Lj?(puKFQ?85tN0}X=8%Jf?5qf%bx(c-+k zj73FhSHDh!PR~cx&_$4UKHoPR2g4}VTqPIx8t6Vt9{z}mU;|nSjjP?xtsX;tx0svX zYXTYR+ghBOXIBNqFlj2|)TIU`85II9siQPXa-BH~h_;TF=Efjm+_QTf`1ojuTd`qg zm+1WvC1z(t(8wOW`MT)R#WDoQ)hliu9-l35aa$#}AE-YVUtWRfkQ?Gup7ivZAxhl| zB_+r28iNi4AL$ejPeCqzmOst%=FBW_=3Rs05Ja$g)>_f{e{(y;S&C77IV{`E(%Gvq zvqaORVz%(qn}awlA--Lv4UkqSBkAyZ=^-6Oms506z~F+ zzj1;UR!z%>;^gY$21)rq6(@)|FQ~Uos9~#t7?rN$jKGJy?hJ1K zR4>Y@qi6{M>AzxozH0A|VM{YDVaPpf(F72;h*I_bqGA()f2Fe0?z&r^TKf4G7GcgY$ z+O*R?&MXwML)@+O4R}D1Z$ND3?i)^U`sU2c+)%5xbX-#74vE#G)t4VLjS4w?jpdp= zp8K!VahgS6EaDoM3WGLuLV=$K2DGhopee=S;fU%xFJ4vn(OU~u52QyKzJYy;a@ngH zm2cdzEC1ut=#_MotheyCf?OE`&u1gUQYc>UWu!9&nzaMmQl4U_r^xjXk3)J{W78%d zRu+CYTrFjLNfG{@Lt8y>;_#B$hB|Y6ajKc8DWRTOfP3BEOAaWiPyp|xA0?_LUc38N zz6Y%~@w?ivu!|WVe-mGu=Ewk(f}(0*>jKWO?n#TmkST`;#a~Dbi1+B@OxY3zruRfR z-kxiDMN1%I_vWni+O5Lk$6>%{Lt_>eQCdG|%DjQcA3F(zE{&tWqop@k4Gsj~t zjzIuqv_}JpjU&3wh7$CY8Bum&nlJP6Hk@{j$gMBpar7AcxPx;XJ9 zbeAF0z4*FBxFaYxS-H$5TTA?fj{Sz;5K|E?=J%<&N@|tpb20fO(x4S+ zUTH*o@9aF_$b9{sXG;VrG8#0LC{2Ie4di{>`{-)DAfe5Z9ychJAkeeOAuZMxxk;T{ z`zx3BHh`B>;RBzf^YUU0jr@3DEbud}D%iMsnml}HScYW62w1YKC(obp^Q5?T+Zys{Kp9Q1Sw z>}wZ3>A^&02%Y=qqk`E12g~t+r+z{EUwN)p*A*8^C$@7=?`|Wj1O45nOjSBLR}v0O zy!LwP%`BoBq*~9F#}=hn@4U&KkfPr|WaV*XAjs~y>K;1f7uY+LrI_}(qg?V{$(otp zjuKbnE+~rr77V9)U0CK*>mQUxT{I9C)%$WC0uJZYAA}cRl@avSDSB^&iL)CcLjkkn zt3Tbv6R*prPP!WcVH#;HL_4Y6~K{(O(8L{g00y37UpY z&AlXmdsctkex**k8Vg2&j~hk!{3^Wfueu(ap__>-hg>!WT<4MQe!-q89Vz^KID zdbtdOheMBH`UqYS-`I;S>Nk={;$nar0dQqH<1$&;{ocZce?6ZaXK(`uyDyXz z-zaj?rSWN|Rt{DW5!Kzs*}RSXr=H*>|GUX~Yq_E~mZSGf`YT?WwRCgFy^sW|J$N?Q zVTe>Fm)>azr@mD`VOXh-6VB~wGPzx%;Cf00*+6fh$cL}?4St3r#K{rJ|N2%*wG|`g zHV0YW-G68@HRztRwX{hoo{xPUB-fpmZsS}%@zP;wQHq7FS6>HQ5f)vi!5u;xX{noc zClRQEYo0t^?QpSg;QXm!rLL*Jn*CA#ZE7?TS8*uk~*bJfQo|<5}+B)1TH3djB}gyXA$dC(#phFT5OvMeT+k^0F>{e2cW!Pq%v(c zksIje)t&AF0xlUC064D@P+)=#SBP|lfk>^ouG}vVd9FR!eEH+RV?qG7G<-a%?Lx$2 z;MV`qbl&k)|L+?=Mx11vqa%l`bBt2S^mA#PD-*1z;9lH(BgV^*hy1atqqYQ`hmU!Mq z2y`5D;hzB&k}tG42Qtm@^0I(s8Fsh>6*}IXJ_SbkzkeP09mjx5?mG{L_GJ2E8o#~W z8mH&9wJuX8qDKS3S96NdumQ;I@bChSwg+H3atln#l-5xCl5Lk zP6ZwztS$W0yIW$_eW?+tq_EOtkYKo>}6M{(`kV9q_aP{vhp5|Zyflr(a5UEer)-}l+uaN@BP8f{t3^#Q>k-wxN!OC8+z z_3?>f1!V4eE9S+In=hq~R!W_|aqv{-P#%;LD}Z3nyH(?1&<{hZb$bxOb=|wHG_X5B z2$hE+DbzRo?4}0uE=lR`xvx1Ys!hU$!Rhj+Q>i_Dxg#RFB8*EB5X>WMzoN~-y})#X zb<~)E7*vtWBIgUEzali7j6#uVzy1xcRRLu=Rg@O(pjS|A>9%!$qV+%|Je_!jIU{3b z{UidcT>NWvS{l$sfcM(eh$1zoYTW1N?3QMx_A1w4ppB5-@4=z3*Bg1RwTTZGzZCWF z!$^g=ipZW&q^!K4*zdg;X0#IKUYEE&*he`2d6$F?k;^HdMTQ+Am4A-JG+2SQ;y8H@ zZ+Bq=iA{Ly7w0EdEztDODwdf0dC#s=1lSSXC3@9jk#M^w{{nbQ3mdL~FyEMa#^++VJ^{hEOk$F>Se_0QKiD zKRo+69dhv3&wWtG`^TI@l~~YQX{EI*%6K4w9tNlTjg=2%8_gRdY&`KWI?RkM>k@B+ z*U7wVyD1tk^|ya}fWt#$>Gk#L35CNU;~^X27|(m#p17}-V)-=*(V^3i;)APhvTAdq z665NX_a-I{!o1~`mlkSF(F|Oa2W+;K?e>_D@7$W=`KWM9BLol4@=4w>-F^q8{dZ@Rt_iE@%8UV-eotCWXzHZIyD?QF%@6 z8U=8Wwr*11`eaG$5Y^mTOf%YJ+xePKC}R+xbb3UJUAME1qy#9!!1#8lfq2_}?5n`mFouh5@N|`>%!?PlomNYi+LpWk@pqWHuPYdn21&+m+aRBnU9~j7e6Pq(XpE21 zWCh_o>;b$_W)Z8QK=`|CwNRko4D&W~TkfZ#vd~u29iRAoEs$X=ZtxR*VI=RNJCDy< z54Tpr=e$C3(nmUZ1ygj}xe>2|t~~k+i1csfyfx0(U(g=e-iZElJx$lxL*KDXSy+dq zD}A&RVH}CM^P{VpZQk-0<4cJ8i>-Nuz5*|%X0Oa-t&BB=w2ukS#7n=;SX&)SOXDm} z%Xn973qeMT(F+^G&8Yc6Qh`~B_xnbdzH^}NV3i&|dZ9(BpcIxFJ^`MBPSe5s!QD>& zDcaxZC!AU0TE6Jw$`5%Y=>#%g%RYD zA8I%M!odkRpF%oAbKMUX^) z=<*Z;>%B#hta?x zW`uPoVVn?moZ>ZQQ5ZI~;c!XNln|YkncvcM8}Imsn!Shf8yhlNPMV3bsYUOKUKhl5 zvWbwHA&pBuIZc$6q)Zz*adv$AHQhpW!<|E1Ghu) z4_$NImuoX4Gd7Z9WAFUn$+6{%F7N&OMKB}W2bV%gEx@#v#GhkSgi-S^IeKcn@p*vu z%es!FPnTCXUz$K?2sjT%=Auj<~Z;H_Z#HE8I` zB28w;l9;fqhgozeaEV9E!!!DqqQFAPqdA03$M+CCTeoC!!-DyZ%T5QoO%awK8>iRR zqB_T+8;?44jDj<)SiN}G1~|V~CN}pxl5Kc+Dtp$Ru>0laZ@c;+ifxGV@KRGSZz;fX zVI~&V7HL3lg&f0ELXY<~WZNNQ<~pA?2T7asK5rLU(@>Keo~+{4hyGz|Y}$R%p+Eg> zuH@kHmt#YRTkpDv=fNCYfiHC3{FCE$NA?u>r!rxr$R+ZL$Jz2g&*t$+fh9M0hYL{r zvFWkd5WIU0=pLTRgK4Y0D&X$RZiD*+(P2-P2utn0*5U>O1Y`in2N$6Y-i7S~_nw;Z z!j;gly0Mb8#;{$>mtQb!Ykpz8R~&+UeHK7lH2=FeOFVb!J+RC2VNK=7HK& zLRsI~8h#QV7g2c>QaaK0oiD$JufU8&wp|2ivyt9ebir01Df=Nd1jH#D>+!B3NQAD5 zLZK;eX&R(Fl#jO$;|nn_azabI6arBnB+c93)fK8az)zyeKGaO-|fwODP9z_fN|Lod*yS*s;6 zUIqpS@UO*z{O^w*w34 zJ`o;yEmPL~{yC_bX&*>eW@)gc2IIX~N*cMQV|&T;(R{gX63f;_@dwCQ@a-hOC20c`HcBa97Q*rur~TS)i*QQ3sxKy4aq%Z1s9*987_vzGPj$2 z9W@F_fkQRlsFjoHlYh=O%4%Wx((2C}Y}p1eMemw$;pZb?yu<|t!03t1z(HOi8p)NVE)Iz8!M;$>1YV!NKRa#n8`>huK=@b1yL zCD>!8XsHfo6RGKG!A0*Y?i;neNv#-(_H#S3x-yd+S3o#~j2HBkEC^)=PSIwGh=ZSN zVy%o_2`nivv)O<0ogbMtL5NhoozncQA^wt?HzBVu4TYagzmJt~5@Wm1^@;4HKF&}) zIMh8&R#0StS)J4QmRctDS=U$5y6)e<+>Rs<2UZ6RMim&kcY7!S(pefk;%>lZ@ybvu zC{8t8|Lw?v3b&b}7=06@StdFl;HV%;@FaKoj0OnU?#Qqc4vnDQjS$x3-&;NXOT*Wu ztv&V%gz4(bs>qeFs0%OXW3?{>T?+kGSCXFL&iC^@wkkcm#$8Ib|Cg4(wNR{_9sCzr zkacxYMbjjus>7@^;t0-D-M!v6SCGic@=_%&BlUcBrBcaZDv ztnZzc08R_w5hp}aB?a;g5jB(2#h__c=(&`yuKfczIB zbWQvved#>|aS*(4*rI+}6U6Szdxc@yTi`G>>|g&{Uv~(91P;ez7&o>lth8qz6PthW z;`hOY32((hJz)h=YW`q6%Lj3SO^L;$YRY8F!0y7i^n3136NYpjEZ#58>a|9t>X|ci zU?x>AIbnMUV?DdN(=lEo%85$J^W9WQF)ey}b9uAZCFrC%-xm~0<0SbSC_K90L`SE1 z_geG^hbL0k(#lI-zRS4xPB(X#t;u3oO^Pc8z#KE?V}Rh7cCB@(5^-a9?dBcU&CLzM zRphgm2u6qax#M3pp#(8`BXPo(LZ6c+xKtd$INQVW4w?J^Spd@A)^siXlyv=zcd`tG zog6Bij3S1SIWKftn{YFcN|qN9TJa^MJeZ~Ry9t51zL5KhX*o`L`bG4bHls$4z~m37 zE=jBZy{*jx_|FcCtVv~MBib7HNHBs?xiPjpIr!J@_CEt}@2X2MM2o60b=pK(JH`s= z9>40aJUnQ!ks2K#@C0cl;rERfexow6+a^O~MSuUVGV%@q8chvdqufNQi!X15UDIW2%bq%|nbf81(51i| zC(8vIM}LP$frF{Q<#>hL?x(fw={KOkf`pku5&z&|9o5_*YtV%Cw~V=3?uo6wLUAN0BAtWyA**-G@#5g9UvCKB6HRe4tS6;tTaL47tl z%MiTwvY9@jF5)6w3-?!5{o3F4{G0;XT=NTLte>lI*7Baadl)<=jv+SOsJlt! zOZm-oXuYG?C|r}}HeqDK{MKJ8L-=Fz>f%{;nex$B$b74gwIn)1I0vGc{Atr@_5Kd`5JxMyWo*GD(PS@GO5}Luov;96;ed+hN?h%aI z*xq+i^?(5Cs#bipw?;$NIB&z|zGN5e1P4B{8U23xHIMPehg|TqU>eGNSc$0KzPz#h z=3|gK%~}QgF6VB~Vi{>eNQ)pSmyYWR-GLA6bt+ZfgPcbkFSfaczbl)YK_Vjzid6A= zL&~F71zr;#N+yCDH#8;#TtJT%HH^Akeu(?62i!H3^?u}V$Mb?jKjS`@-SPL__B7(I(Q1dLcYC$3hge!vc+3@F05&K`#uSaax2!?|jS8WI`t1T3r9#lh-) zRBr8hxt$?UALZ&VbIJen8tT`2QT0t>!e`~fmNhc(@cDa_wy#q@^t?<4o4rZ1q#2Ig zhR3)Li&}az?=Tnl9{N|E6?4gM^h+!@H;aht{F0IOgL5MC^uCBnl94hXdX^L_;mZ$0 zi=GHj(Y5IBA>2NtbJi8tE*ctivCKG;ezsMtQ{a@f7V~0ylH-L~l!HghOqC#K)uKpm z>kLTM`L3m(@*~awPo}$9bqAm{Y$Y6dF~>(RmPmQQ7`nGSo_(CFF}CT?o?o^K5WW-} zpKl*J099q%)4_XdeH||2Z2S-0pMP<&jXn>qhr`e_qMXJdV^GA!Yi%PfJe#C9DjOgd? zjw9U?C>D{z$cvZ9_P2XtGhSPgZRwE~ReJ;mkSy{Br%cPWK4Gmp=qFB$B|w4IU>+Eh zHw1T_4xrW*W)x{feK^6r`yWguCoY5d-{@rT=agXD@r$j>k=4bG`}(&3MIE&ruuo;U zWC6V>(njmE$0Zh`(W=rQNR$dM0y``!ojk$9jL(UF;JqN_@p3GH_Dkj^BtsQEnzKIW z_6-~^)C?+Cx#stAes;0wf|F<1i>a*jZy#axl$y1pvd!3h6Z_fz5+; z4DWcaWy+=gk1So86e*~W=`-E8xG#ET?M5}7=94kpV-^KUdOjCY2k&r-Ga`HPIJfeF zr*{(Cz0(Y`f?`E@yj0Iq_p<>gRCTG(1JpwQY*3sh-SNoqi}_B5Zr>V8cLY1cV}vBa z1)^FZp_Bk^`{u>jkicL;3q4Ku;x@yXrYiOzRJ4<^0tA*~pYW)G;8e{!Z@t$kfu z=&5g;=u#p`Q@pLGziKOya`9ItH)A4FPxCt{P(=W`MRPXk^$FejySwJaYO3PRV(vPO zQDwB(`V(X|6|!9Gl@&sm3X%66QHRF9SzD(e+6u8fDt1^ddmq=yLe-_p!p<6ryoz)a zr&Scp3Dk|wRaF}9d1z;JE>#Nz5_=x(wRc71XnfqCGUUzIaV1G=!VDIbxV(Pk-XsRyh1o+(gE`S)%I}>dZzkQ=U!r9Cu8wOKd{SF5wCeraRVckGn=Xu(iXlj>!KnY-J% zjapR2ldwN_PX5da29vwV@C?xki&t^+RyZxbI=1N)K3PkCpEx=;q4sK}zu<0P-n*W9 z;?Y8+Z`~5nu}wVNE7!$nJtTbzsg);%7SHnuPA7p63uiHPHRSSa63SU6 z8ISQbJ=zf0lMV1h?hOaW>A)gWQJ3#lfBW|U=(^SiIk-8AC@2TSMU3HV(t}DDnIxyH zI)l)Dm_`4^mrdg50;H|Dgm7Tg#mrAaGyMTBZM-0JwC5-jL)lZU?m)F(@wgWc)xW>F zj(pkV#Kf)#OHX^U!ihu`?Yg6W3ZDI*JKN@N#OR0kR^q?=h}S4p;28e7V9K6t(thoo z?y7LJ*Q@Tg>~+pvkrnmRNW6H_J(m4jvJ1TSDzG-CvQSwrj_!D(6dRBQ-0hdQZkl9O zZimW8i#q#AlPajH4PQMG7Zc$gf|9l{T-jXi{#5wU9T942aSL(vE_G9{ry<; zigT*Ro`C1V8CMV8@bzk2HGT1KYn}dIQrP|#X=&-kklkxc=Tj0cXK_irL2dOo96a>SCD075M=w%t(fOul=ben z`!Qe}efR19!5%{N9V4hIj%eiFI4S3VN7B!eI_7p(cNfC`JUjWN2K>=y&o~MSOrDFd zBSLn*#eUUQ7TCb6naD5Jf)Fy#6^AE0b9%ORLwYAT)RRX{;)I0KqadHJ+G;U8tiL$M z>G}a$A9FALz2M=64zB5e$dVBa|96xvhK|pq>7OPYW&#~`-LH0Z?`>xsYK>I40vMFwR$jgQ)Id6k;Q z)E*1Smp7cVqX%gUzsynM$2SNXhBq0#8OdjMsBI;6MxtV8U#a%(CzYTL)HxF1CLaBxk;K1Je*4m^2)e z5fKh18V~k3awh{PFJ;=l$iVC0NJqkx9ZgGblW!(Ifs?_pD!m1cLJMN)jyj>^Zl!ZFnd26DiE$uFI20HH^ z<3}CUE5E6;a-&%r^U8~02$CV2TF{Gv&_yx$@ zrHQ_TJL#~|C5+g$X?&KfdR|;macT+G$)^s7n9*xb1H3mS{2n7=K5n%eri1-`uYCpCgOSP z`5IZ5MD)e;q^1NroX)wS(}d-GMhj3_aTfNXwI)RLyhT=H7#+^zXCh9gRQ>j2{gA2^ zW}SFMXrH6o@C7JcHTM1D*JEu^x7}H>U0ia_J@ChKm>vW5*TRTJ)S~DGGf_FD&ZdLs zAJUWFJd>|Of(_9CP;35hwX7yo6l_{ve3?^@8Tom2@e;$`PuAv>ul^-pn@D}EHD7$u z!B1A>QL1>}Rnj&}D;Y-5N&6`{9d!6f@X)0Qv-|!ocXr5bPvzzj3~FzihH`zx2?aen zBN)h*kGNbLwT{0D`TSo|*;>i`fBsi@WZ12KIb63-hK^?5Zc$R9W43*ws}VTQ%f%H( zVC?BhunfQLK1)oJp7_{)Z~@*rSzh{ zP!0H0mpG#;APewFqO_{=VF|bZetyfXN;`+DAZSeWH;}cT-WLq}_wA-hc4q#;XP}%> z(1sX%^0)2m-vPH>=+QbL0Zjg|LUYWe``pR-xc0K_VE|PRTphKZzX|oya3kz|LHP1= zi0B*A;jNA5BqRju_JawF(hVn-1~y>iRqc42ME4OrT*xY>^@j@~rY7mDs&@K!+Jx&{ zgDu4d-}QZn?90lljOD9~w;vd|)7{BSYrlfPh`$P9aZg0dNYR11lcU^}x7=sHWlA#A z<-jKmW4h~x4Tm#(X!S}dc_g*p?-ql4gT`4y;!V-gpFIG0v@V>l*Z-kTcTKpe{5w=! z|Ih||hkDz`gy;vPjo7k!%elJro3iJiPIBQRGBV{#{*#Buih2&hE!=M+e1x^hpr~7< z8zJgIB1;9y%GLO$;Bv^*OsV;RdgrHq?CtL!_X#suz zCTdBk*URn&T=S3OtAq@j9vH50jp~chf|&U{yw&hZsz18Rh8x9t8g2r)RK=wBNEyuO zkO=y)n3r0~lN5126uA;l<_ukUv$@o#XXh_z2{kXiJ)%yZjSC*{6aYWT3~D^xpfnz~Ne@+QzF8r?mV2hz zB*tgy$@oY8CFxqXs`SiP(KLlgkKQ#61)EnC%Uz}0LFsNc<(E*yLwr4@=I)j%>bQ^e zU3C&OJxi7vCw~qmJH7+Wbpp{%UvoXx1fF?pW-Jf1jfYY~_Wn)v7#0`xZkLd61Udm% zshyB29wmwqZ^3^OHJi_$|GC{v$kham{UpTN_1~D&i8h{X`IjAU(W*#oGNiz0uw=r& zUjqlHL?8)(sDhXw#a<&$kHY>I0RQu-ziVqe>EDy1)mKM}E^qv1Y2=I|BbP^GYbSqVC@z86B%+ zEyl!*ezCKB-as=4_S~$FqQPHKb8po?{#cov8pIgtS)mw0- z>^00W6gIl!v86rHEjy1wy_0MRKK=pp%4Wa9apXf6wff)?vP4i74S3Zutea{tYNy?y z12k;uZN{d~uTL-1==gd7#zw@K*8izM1QuCAsg|UD8YtmWJ_&C%sieS#p$U5N5gFc+0AEGq zj`GopiF$QiU0waHhESi~lO>_BKPx85%ZGacDQVWOrLUZX67&5s#gyOYTN%ZLr#L(o z!=xGN&GhPtw|gBUnBXaniHpg=rXD^sfY?AHqCv`L;fgsIx-GQ?O>+e+j>s8Ux-VQe z#3HMa{Mg~imX-0h9mIw!WmU0Tqjn*$*i9d2;e%|aBpCVOJo{IVcKwVZI9lHQxN7M17!%Di_N@q+XlBn8DQKl%dVLXn znGvmcXQl9f5z-XfK&hqpF{6n-vgJX&u1U{8%D8Il@7=rrIexJXnrepv(bmJs646+ zAP;Zrq&u*dx~NXBM;~;3Zp;-DZ&%Nws^Lih1M*<}AhV0Mb+xA9?D#i_`Uxz~V`JmA zD{O08Eo}ci$MlPR8W8L$d*%SPNj$VTD9#UuXsb+mT;?%;_{vZR2wZ`FSIX+AFSSi! z%zv~%E)Zn6LFsU)bno7N@Qti?m?Kf<-QZw8LpagOvAE_%(K{Vd>C0H=|A-4%J=Zb! zTzJKphGq$Nrb&W?8Rq|BAsPwS_Ea~zNbfJsskO#9@!ea9$2Jaq@Y9)9vF8Wh zod51@2_rdE-W1m&-YA!=AfQq~08LMWstb?9@6;2$& zz=DH(%vJXL`tJ5PCyx=tJ!?>Jfa2M+NX2lH=DG!BKB4u-iKYijG&Z%%5w_#3D! zGVIM~(ky3^dsB`XdQUb6GIR`-EcgW6m=ZK;odWTV27rpeLKf9yS`U4*~Q~sEo{n@XD#Y)|J{6`YxVVXXU9mXV{`-XPC z$=ZX!W6T4HMvijN&9X1Z89dzAF5hEG(9>_#x~*M~tHMM>R2fTMe|9M>xe#)3p3Al7 z#d2#DlPtGb`;wq>*f`N2{o>LCmrim^EAS~2?&t*!JKMnCuG74fM zK=p-k&so%#RzWtLw^>tsfbd@YJ>YQgpd7UXhH3Qp{9H#p#=cPlX&9F?_}OSI{Fm|_ z_ll+Z&f{99*Bt)Gm*T5?-^AT7UCi{c5=o|`7h;YV&|)PYdunKWvPqtauSrX|n`BpC zqi{y~Y}+u~6oPkP(Q8V?Vlf;AM}48Y#L>^TVLP22MQgNR0h8^zO26CSFPr7-PQ^{Rr{5d>FyWolNekL#Xd zY5~;YZr{*KBUrlji#NQlEyxqA?GZ|_@K}rKlaD(A&SJjL#@lUR%3Y+c|0)X2K;Oy3 zHaH#j`#wb^pWcoZ=+xBC-@hbt{*F!>+2VW(ID_ZBA&oX^-7Uy^;_kLDQ{3z{uH~6B z=Cq_U1hZwxk z=^W_0ZpQaQMa#kFGP=tE((GsIgoOPA-(9qVB#QMb+Z@fllT51L{x=)Q>tmYsWrfnU zMm+Iw&c`c{+9b-pToiez-}}!9gK6cTPO2XdW+{ z-jqTdxO2(>B$=V=J>@c0KRTznf#H=xF3ZKTNnkDNAQuYbKoS2~ID*!qJ=(5=K);ou z2$kB(?fnH;yGdz2bXBM|6{EaWr)36e-`NIm)sfyKX7MO#2fPRf2!qpn<$c4)#yp)y z{_))b_MIPlbg^hp@NGhUG{H7P z?FTPo6&!Mr6mYMPYG#_~Wac*Y z$`WNge3^5(Yty!|wuZS0Rh;o^`|lPr_kKZMYQ}%-t$LNgM9vRm6gx(rCKxrv( zA&szx_J_vToL3wI6|NltznYQIP*WpYzFmGoy^@4~qRz)54n~e(Dy}IJFTTZ=k|W2> zf4l%(D_~bmrMJT?6CYE|d9l3W`>#28PIJOyr7y=o7K1DT ztRwnZHbPhgZ-p_1j|Kz)65J6i>1|?H2|B~7R7%xkuG#Q(q)c{6&Zujh=2hkHt&c_{ z-K^C>@v_4hylCUT+XMY4vmZC(RPZRQ*Z%CIjkp@LD)@ed#jxm-#VzyUJrR{^8T_nG zYSZL>YZr{H{eH zjV_FSxUOWpkh`C?6Jid?UqK5q-92s_;2x#&1|bdq3MJHw@}|;*A3bY^I&8Xw6U9nw zT$jXpKLBv<*QdV+f=V$%U>9mYm)u)3u*fnn1*Azdi?@b?JG@Ny%PvgXaMLU9bZ)6I zBNqKWu7jej$-S!Oj11Svz_U4Wc&h$=;>-K-hXe;!9le)KAdfi}=<|3j$&ky*xL&Es z{i^Nto|6;W$AlCAF-qi0(v)J@?&#Slu?z2B`KET`_pvqE-v*BgJeZwKAM9w{ek;{> zM4<@T!J%?gZLehJpM9@npOjCL`0)Ve&KXO}p$} zcIi#2&5dU-hjxo5{U4V#!*aWWWM!Bfr$V>>KMOGRj0yAwdpn(Ppozv4$9E1#hxZBv zlwtpJfHRBUR0mU=2-SSsY<@KMNGzbG$~ zC}UDHCBXhaiLNqyhTR6=1eh0*5Bm0jZc`im4r;0ae}`#bpZfE&Ez}Q}%t^M5;tqWM z3Q2IN$|zApVq<9eL1~=z%}1I6|3cF>b-)^R!F_@nq+xT#yb28s0~@XA8~95c=<9CE zEo)r^G@bN*iindc@AQ;Jh_tMXP#P+Zhd-qbeP+Q1jYZJ-@5nnMF#NFBH~@L(k257o zgjG#*&@4nMi1?WEUIaX5^3%`4^P$~lqwj%NB`w|CE8W|N8bu7G;!$1w`_4xvfQ!0L zgHFYWg0nY!v8Ah0pUXUkzZk5%zhd&tpd$>r|d27hWO_aFRFe))`e$kF0fO@Sv+E(A>p;(jLe`PqhnxHzL36;pn6@+5-hM={%R-SnBy?fm^kDHe+r|i@@62@Re6i3JYsMkk)c=7=*BSz=xx@VniGo~RLj~OBn=?NIc z&mee|M4k|cvj}^cD-{s_7N*c>d+$FZ2Wkpm^>j)N{kNSMzKC_|x}~!_-Hx^!&J`eg^QD4no~0B+VT61i!aJ)tD^E zl%rfyCG+-gw>76c7#l+70u;Jv-N^hdy8plM?#yU7aT!$eH6*>}SJ361j100l^JZ;X z=Q9kOIeM}wxoBlHhKHD=Y@3cw&1yxeC>~pe$$tVA_6ahD z6yMdisjI8GT@fJg-e@lH2LIBN&ODLFaeQ%s;vHUx|8i+zhkd7S?>ak6OHCj5IG;^V z*FPU_y6Z6#P?Uyog*MarWt&xu@T7;v5uHZFs#>F`>ElfWE)De>zXA4=g>s~yE`7gs zKo$~WDwTInwh_P1Y0vtf(vz7@jgV9ak?7(zqV*aI!j^Q3wIgJl`@+d8z{u$CFsFLdaHNwK*U*N>B6CReS48T3Vl6vcAZ=H<(m| zG?|@H@<8Q)l0M_mo9pxd*}d=2?*UzgtHL=oxe-`NbZqF;`%BV|M^bqYumE{h(O6zB zRe0LKo|fM0HkH=t}rM%x;952&CPw; zDRU{<&nNg`cJI{V@K5fx(C^izaKl7H5q6oSy2*`+S0-ib;d-xbvg&bIxG~4>84=7( z1rMY7_{?qCy7|ceM(ygKm{PQ`Psv8yYJfJC|zTvtwtX@&VEuRuJt!e1l zrbn#G5Y{XU1(t}676LEF`0mvi8YB!}oMrKN-KJkOKE*3d2NL=I-{at}R6Fk#6v3EE z9DVk(%#q${1LdX_o+gT#tiCXDunzj!ddsLjA2cILcv%at7+E7ys4C=ciVFd7_yHHq zmWFW9F3Vo`N8qB!=S{g=T(Y3Sloimgg|$)f7$6*@It>W;9M!A150&9REp~;|FqJL& z1_M)3p8EDxJfsog5ycBD^;)U_3bPzq+47ubYO*)lGEeYw`^xi2_C6Bshk<%u)A9}? zC)8xYjr+%2%G33>(Xoh(hgS@vNjHq-IrF3xeN9-b+3Xj>>CL(xlsqYFogzbcKArd{ z=-k$NNQ#By^w7nGqRI$v6@{|TdN_oeQdCu3IKT`$Tv*C}rre@p^32xGpUy|BOv%Im ztxI3DYEZ;fjjx_wUs~wuYdl^Iu6h#rB1qG1(nT|=xw=gESW;R7 zQ~qX1g(|nbR~6;RaexANjg9kaeP)v56_IQH%RMCv^up;b@8d}$S4E~SN$>7?NDMb2 z+5^4(Er4}DV1vtnzO{V)4sY4{^H4)SvKn2*bOo5-crM=rxU(mxnRj$Y=!uj_%MEDv zGYsmRFlwQ`#-Q>G)6Q!k=`OQrVD*KMH;9f94%-zAm5!vY09n%ZAj9-U=Da z5B_dhW)X8Yxxr=6&Piz5_T_a)QWb$Tgv0F2LQu?E2`=Gz6t2>El{P=*SzY^N8=qg~OMgI5i9Xo~e;Q$Y>_) z0`$mnIaTSrG)l{f@^r)RqsLAXbu{)PT4mD7jcp~@`KXaEvTs3jf&RKWK4{C<#f7#X z75ug8F+o;9%h29Y{n#ettGO9jh*L!70%uW%S`)hGc62ap7<1EV5fk`MK)kF@!r&fz zhal#NF1-H;mhUovK^Kp(c&z&K-BlLO!K|rC&s@^c1ft3RLJ7Ekow|D8b=>;(jyA%v zmm&)>QbF==`JziG_XWGpu)23k9*a2ok~KL-0n(0>oLB&=C0`qW!_Q#I6}+OJ4@#b* zAGrV5xO>X^hCuhP@uZ{ircu|4eI}k2*BZV22qMH-AgUa;$07LUqd|qOmY$aT6Z;KW zMyOO?A&FQ3`(uxZF;1*&54(NyUX6ilOp{KBwRai#zP_%n&Xq{iPQ*dFffTMOQT9v5 zlC>Fd+Xu;1dD)IqsOGN=7G{GlMhgAPU(+eX^u(YhJyl6Opgo&aGX?TU_-(4dn!)ZCI?=su7TyuS@$K(dE8JMBs?70TeTz}a}Rb+jqJeX^B~x<)4O z(sQPKDO_~|wg9h@E1be>QnW4o)Irfg6UVCH9>`Ax&e*xQxLUXwD`~h?;C08@hTUn` zx>GrgHQZKz1!etL!N`F6*FxFS5y9*egB=NfS^S1a@=iltO;xc!pFK4hq_kI2#B)O_ z@ixVa6_%pI+ud@xWqx`mMw8SoB6-RVDk0U93#&&sS#20c=ft_o;qY#nKKe=fiCC{y z0!hkNzjReE{RU4#uusShfyJ_mp!5O~7MxCBWsTL8z}8&*noDsZrl#P8OxJEbD0F$5 zk&Js-4L1GmM+ZVEG*QK;ZB4Sz)~iAq?|D7SX;`BTK(u~m-XE}P?QcJbHk54zX{nmIR{JNV$zpY8q*wU zPBBXsHSw_-8~COwBd4&}rTcAO`sh5xUPk6J%3s z3%M7$0~%}A0iy+`F_*(Q-UNS?J{t0C0$fK$%Qk*^R7PK?Cvx@jcNd55I~21I;5 zrh@bhkQSFODNMp%NUWZ0w3Jx!OVE+M51+G+vWW7G&}7dg2pQX3 zW57=zy1N^&S$}lAlG}lN<0C~@Xdd&gI{25%0cfFWCf(+)_F6EdV)6)FH}vpkw)O8m zM{x7s+2O8_f=Vqj?AvuB?W^h(!~?uTyjCLi=Q)=H3+KrZOMZqf=1sM@X1lQcMPC91 zRz>_t8zyhg096>vDw7M zCmSf{nSg+R^~ZMkE5TK-5FikuGPkZ&+A;ak5vLBs%gS4d3ls^4sy;%OVp}Du_wr^o zJXT*7-sY%gg^0hmUl_UY;5s^qa@ep)iEMGL2N0$y;J3i9tCU?iGGC}jb zco{Ap62vY~@Wkf^GcQ%*fzoEhv0uq^ZQHgQI67 ze;7v#$!w=kD0ZiRNA)Ub>@806e6{$`QW^(;qJVx+txwFj+lK3WzRaIVvS6e{(6@Y` ztSnqAM$De)a45K2Ru4SbHV@kP-dg)Q$3BMRc~s}@4L>FW1buZ4U3!h|M}{;E)COGO zvie418PKg%1xJYvwq1O7c_O;bx{S5kwj7~w}1_bCElHhAI0Iz)2aK=_&F}5KJq7y#!XK~Nd zCt$yq>fE^9d1cbxhmfyqX&DWP)|ye`vM8pi)z^>;sP>Z`F1%rXB5-ol+=@3)dR%V6G@b*f8e_;=*1#`g|5o2toY zfE8k^e^2(m`$Y?$H-PkzpRG*~ zt3tvM7IWW)FnRR4V2*W0HeS5jhv|w=ydIjy_kcdO8kx@W4g~}s>@zQ=Tzw;O=h>QN zynSbocm|jPBaXiYE4Roj<&9vk<7?ixMBvggi!H>?cgudyH`rEy4y@Dcm3RDJJT zE{*f;IXhDUc;VZqJdtRSli>sXVqTsYKFpZB%pk*4XpcoRCzA7XP^xR87V#>ymXn^; zJbk48e>9zkKh^*L{tqEDl$DWDDzf*UM~NhRbnNWy*jbq;n{3C-<`{A8@s^c!$g#3@ z;>f{CHaUK;&+m5o{tKMj>-l(GkL$Yb6!Z(T(oW1t$m}5^FiSVzrM0v#lJG{0G3u9o z?(}5M(vS!GMQ3NnsO-bQoy8Ty%>O3cHSgZiH6u#nF@bUc+tPbrVB~%N^5w7{pGKFE z+a*vc%S}%KXy(rFNoR3QSV``^kX3TTD%F3iV-6K}$Uqg(BXo{b$rl>%oCX3^@pp)uDR!pZjjI0lMjDA9=z@Km|G&6$zyd&_Ex%F zM_X4qkymwdb-E@U5!X9%hBqHrQX^7f^wV9vuBhMkxqY;75A6g0Fn$|v=p;}2hi6WiQ+X@~wtk_F^chJie{3*Y`bS7cIW!nX=M z8wU{xcx;G((FU-_q}-Jud2s2m(^bQkJc+3l^z7zLVai9za)V2L3(h_UaXloC{VyM|+CW@6Mq)H3xXUxL;m~Tqpb>k??JlZMCHZFYO^=|r zh^cuJ0ip|sCQnoJ4vd#sT-wjdfUb54afo+?;HLvCG7O5?|Rv! z!E(-Al`5)Dr%i-AGURZ7+{C19#GCSN*x&y5U8`Z@Zo`MZe$cbPz8?ob)- z3zg2xiY+UBM;!_FgjRR_ninWC@M!+1G^mfupyZzW3Z7>%c^ibNq3p;SSl@-+h+JCf zduY1RnPq{=r-a)ErfWr-=kpNm;zl+?xHWlKm#vY3?<{CiNAj$U94h)?Y^>ASh*@Sq zKjwE8k4~H*D@tJ9`C3kLG@k8_XZb@bMeUjB5aEhqmRtHaR z%pF^zSm{TRt(b=`qN$>&Jo}e;pWmO0wnf#S>4@2S7C=vEe2p zo=3(JPkXiMaP>U_=oD(kQcbPSPtF7mva>pG*%w+t=5fNGO@1AF|CSb{ASOyzI&0i&adcvQH z<<&*cj07sYrcJq``{&Jc8#JlWx>WI+xMQj9A#P`LekFdR5Ml1~qjo9aj}bxwB;Dt{Ba^armnqk#)U|M76q zkd<=1LL5G#)TFUOqm&VBCuJ5c7#Y1;{bva>u3bW`c0Pgv)VgLO2q=?!T{(X(Y}SWK zkVRed>Ew;Czc+W4oMX3SI3c_5{^iq}c`hig9A*kpqJN*lM16tm9#1J{)dt+1FMXn> zDw8yflBkI_IIUUH9NZ0!P2?Rg>TtOyI;lO@L6-(&QBO)A<3R%)WxlQS1d-dG-N>YR zMc=UIuOoJ9ApEQ5oP^yP+9Ul6S#?!cgi&IFXY@V0?{x86{2DCaN9AHV32n)>9f&z;(RtyGRKyc?y22e{URPqdfVkY1Z$7UJ9TP z791QLV1qh4+vO&kf9k5dU#OjPo;4SXTv1j~>RZupr1>htt3tkpyx)9wy7j-3f{F3J zo;PSuctCs^f7R0n^q2MxiOdXxEg!jLfa4SzqL86q-yrlqNTD=NYFwrCG^6#yE1@B} zyFWHogLmZcCZYefC$IVlmsk2f7NL*)5xiS&iPaG88c2-m5pR0)YsR!hTKdF$#$u?; zZ-P7)qn)640%=We%=A&<2YOlv&24p0Q64jG)Do|w>uS0W^MIKT=#7^5JQ@D2h+q{R zPn8sM005W3T_^bjwLON}z>;KdY1tTkwlePPQIvepFk%&qXy>=RXU5Ids5KfAdyF$% zZ@}s<8b;@6Gk(~XoM~>qPg?vj(%eoh`XbRqmXnRT)cX$O+roVQ`BGfJq`a!Q7-6Td z4Bq?xI;?Bg(h?Dao9TY{oT5c1m~TmRZjzte)*)zR3getxvEsKTn{S{|yzjtr$rVyq zBjuR^{Xkm5OZtJOi&KRd1|vyYWQ%+;%R9+uLb8h29gYZye%i5py}FZ#zvgm_rq7sW zq38Ai?(h}}qmrI)wg`9nHn97~%GU*c6OZ|VF(aco>AIitw7cOmp$}}`;+{r3pdu^k z-CmoLSZ~);DY57=ZPK}KQ5S=F+(0Bmb&{eao*cyGhIJ?9^ANMNM86$4|GTtB+VU^r zufgG(n&dX2r_ZH-$`OIgB`7EK>6>s-RjI0A>rJ}uCc!AlhFI0jk7+7o4Eb&2sTv~W znh{5j)TK$-vIbEyj?{%G)x^rYBZhO%g;NGUD&^;2lcMs*_hVg+GWBu#@t`_mMXpv1 zz}4c6?R{8Q&Lqcfcg)?ck0Z!P{rKu4No}z({P#FIS`}>cjfNNesHTHK;pi=@%+Kx{ zvgupUCsj2UrVyi{<|i!qixuV~?|@V2LTDdrYzba^Km}GlyBJh0xkc?FP~h&Dl;!a1 zeMeZx+vE{hvh@?yoNQTSHS>J~pW!T4p_*>D%%RB zkHy|4iSBskZS&e=Lt#xKSaVk4DnZR7v76KUIQv{PmoaDQ!S0pk zoh?-^K07j_rrSI{&PIN)!VM6a>+7q{e`JJ@(m^E&t1?fF=!VQmKTzWI&-b{}9@}K| zVr8Egv0!;Kf5P^3oz;>nMM)}wupT+z6C;{_#BDr+UXN{J9JhbfHR3(S-M;aZOqfSo ztK-+)20dNzVI4KcS~Uu}161HwHTPh+_n8+TYQOixuKm5%O!ZG_wQ#D6U3+^FXlvPpq+p^)|*^pxnGP zsPG0LX?vsmzBj}vl|SOIHClg_6n8jSQ<4zp*}GN`w5CW4vnH^px+cccgYW{-Nn|VH z`*aYK-bcju?Q6Vzk+yyH@DhJ!D#IgY5Ag&2`}Br`vdb|W7U%sZeP#BqM_JJsJFw|N zRprhsdnvN)49?R^ZwR^QIbd+pOR!+hHuSN__Z;<`J|h;5rXz+LeT%JA?0Y>UcU&4d zFL9XTH=OGJq2ApTS3vp)P^Q`kH#XtmWi&n;d34z)OQ03&#Rfd420^vlaNR90X#{f!;A1*P^S8ho1@3R%bR*|~xEG63a$}6RKs$K~AmxuewaJcXd&=px(m9<2ORCNcP zg|X|d%~T3E04r(j5eHA$>EVm{r5g;OpW!V-Z~k61J1%4^cXF3fQ=;?{k_*J-MrAg8 zBhJB#oLYh^PH@-IHh%sZbT{y7J)nKT2>6#x)`48r&v=sc)s?kX<-v`(65N%?+?o1% zn*ybSrM?TrAgqiM_^z%nbN20Z9f-V+X#Y`X)zim;KhUaIl5?HrVu=j!#2c|%&P$ob z(-zPcc(2XJM^7*!KB52)RpyS)0;zhe8Qq-x`@CU19LT(&7!ZS-o*W8k&h&;RoR7%ML94`9Ly9qo2(yL{%EvdDVh{#8rz)EyJd&wB=| zd8&5Lt~j#AQr|9xNA1Xrn0Q8Zu*HZ?$IZx$i2Mzk;ZMFUR&9GdiN)^cTG4Nwl@fD7 z2TW_39!spr**MLwDMgRLef0FOlMb+yxF)Ur$R{&aguTzoS7+f*V#e-^kRV<3UTTn7 zYZ=w4s+Ugt9c+!KJUBbLYKwE`XJ#IlzS!U>(VO9&+ekuEl8Xk4CEt&C;^)omG;8Py z&_+FNo8ZoJJ;d-ekVlnknn)PKQZ3_1D7%qCBb%d$|9{gx^%G`x7JEr_9@ zI6_O8nioh<4r|3mp3vM~t~kbq>ELuIVLOd$6437{^$wrhA9>)_C5SSj&gSo{=eT;b zD!x&r+vZ2cHyWPK2XRvWz(~BhrWLeew$ope4>l!&+7W3oTSc~ zTU+B-u_c_T?|SPx6jqHul3^2_n>5b>`3tQu<(#X}no=3`5~%3wR(@e`hJ$co=1va6 z!ex@|gkl)sBlT3F>mzh* zEB9POP51lGG_{@KD^`2{>I-aQK=x*Y4_jJXZj4rup8opT{N`mQ1D$K8zBUz1*r=}L zShcENl>tO2+t<2idtQ|$<>H_?Lg35hH&kyF21={_^GyxxTRcn=4Gr~TM+AwmqwBNr zbT#t%rLnyz16AYLR{auURUz4hpWXYm)*y9;?)AE#e1h@TCb*MqtAGEnMK^9;ma9eE zedo1S0CXBCA}<#@`Zq~9^i|k~)RojzSsZH~<8O8YJl9t5ySC;Vp=T8Kj~6xCb^-e; zLK2&yRUP@RH}u3GdC;X4@fBDgZIghWXIIsx`A+3Ya@HP=X#F4Wm;H!nhBp9UTgG@- zz!@!CY|xqpDL_nb=5z3Kz1q{~HD&zMICMW<5++^Sg7%saIMGpOay>HTKfJMz;a=Dk zK*a9UA?joooSmC}z6{R-Nvp|+-;m__e#`~jb}*w6Z=ng5Mc-YT3#(`E9hYs1yc`7Y z{rBlrDaXgDkpQO6*k1p6`Q;&N8XW*{v05KzzN;X--V?UmS;oT>+P*?9O?!oLhBU}2 z-FhvtMa&p6ZK^-F>Txpg@}ug;n3W^;=2vsfU*!E}m;#>K4M78VwmQ?3TO zmb(CV4gt74&W-_J(}0we@h^c`xHw567GH;GYQ=IA0FPuigp`3Br|{mlI@8dwdrKvoKgXw(a9v^MSpjVUqUXv$EJ+w^=u!{iOo_u=_Ix3${YLNtWlVO` z&ak_*UVA;V^FvX-?7!Qmn+J!* zH33%xb6cpODH!#CluX})uMSQRuCJEyeW5*T_0*duM^wD~WV%#kyjaSRI%(-Mn6F>Q zYMn_aHE?5yPVl3pER`z<`e!W`(vV6dq)!DZgFbQ}H+6L{BE=L}c<{P2&}Wr5d>0dW!YI5zE=tiH@h&iO!qT+t~21S2h`+uANydboQ4=Mpvk* z;=`!*Nh0iDCJ8@+bZyLs8qzy3ZL>fGV>A?Oym~1GWSQqq9Qw6AFF-esdp`6O@+?7mr}Ml{tQBcr(}5P{8XF+?l?4D`t1{x{O@g;n@G>-0ic& z@d%Zm>Z|K+vjBC@_FZ^9`LV?l${K5gyJ2E4Rq1&k`)CeY;s*pa?Wan@-<$;nRLB~} zXnWS|(6L%0>w0x*u3*NuW@<2Q-*=5Eq2ivYvbW{qC76>U`R}GvfM?Yp*)1~6NhSVb zw@DUA;vE+gTMwy9R0qvjK(6#gUYVyH8pbvkH9{Iu&Y^Chjp~uHIgBXJY8Bcr;6oWEQxHSi=l18f~iO zEOX@F468~?SAv*G=g;}(KS-&(c0NX3?3mOVEoeBpBf595HdY)IQ<3i`HhsUWAp_sL zx-+XWKNQD8mIL~EGIJZFlH8Xy8io(-pF)$zyf&2(xHJ-ObV8O1X%?-ti_Ul&0JvBJb+Oo7Bz)FVo`quqFVEVQtl~31=%YoRw!3 z)f7#v@?VVEqFJ*gEq=Z4ZB}^@C{mK&4~6tLaZg;uY@TDoFK)K=vobu^R*!3q{+!k} zgqdhB)d%C;_%y(r4`>^(43Wx(k8yi*bM-It4h|k@9NV@@k?B@C=b>F-%w2O1J0z*3 z-2uS#dRf92`{3ijStW0#xC#63PuQu~nB&#_Hk4G>Jy0p};7&oCI_FKlu+sbRwwo!d z(4)gkH|M4r@aExb5_9a$MROlZ?7^-rt_Km5xwUH>%KAw( zu;Z=CHo8Tk(vHvVTcE2!y#+Zxd#LYxtI97aghSd_F_iY68hO8*_VDZ&Xy&;%P2^xH z7@I}ZEMWtAzZWSzY)a2pZthx2yOztemOpbhs&A=|b_9(H>l1L^DQ$Z!<4SV}xTWJe z3WxdpU)M@0v9?i&6+E-BOXM}6dW$RjmU2gP|MDj6=qh3VO-ErxP%gR_4@jLo$nWw9 zeV>;d(Hl4YoCF|O2uRiyvOR$Ww;onYg|1Fz_DWeDZ7l#Yk7(*B>l(Qd^6mI_+PMW` z_4O=tpE%MqCL>%8JCYn^>H7O)gtK8G3i?{L(mrSr&v}}HT5iLy$vGednFHd?#OaggdN6`8V(=hN0mRPE< zx%(~nPq8U3rL7(d6dW$DuB-_0#nGKrdUvh*H;K=~E55U`+InSWNo0?eu52glGf)Jg+9nQy(RKAiGJ&De$ znSTDqQPG9!`XmYQu0S$2PY2y1qUmZxLXW!hF-z#fe_z`It`b&vJ=gDu(M27hCbWZZ zJSd0?p!%{;RHHg5`u{RmUxgXW3`rw zaD$MLR8R8((8+aaGxvfE15xo&2e`$|bryc!Z9gJ*J5%yYZnnEjZjQq*I4kW#jtHyy z0iK;3v-g^R;5qHQ3fc<9^*aph;3k=l*0+kUr(G>wR4Q@@;kB>z`s+xYh&X!$##@_Y^sL+T zbnLb%ny4U5Byqj5dLJu8QWeaWx-fCeoW2-;8=v?^(_W4IfjR0CJ!%|aq(d|^%Z-Jq z-#H2)OTLk=G$j@#ipqph_eeP@8m%$@$X+t$|=x?+;HAKYAa+^!smza*H| z=eB=*c(+PqAt-mfuWz)x#d9#&GuoZHR3RHohBzZ^dN;tpWTPR3A?B-V%0d(~B5!(2+##dbw!77>^hTG1TVK=+0Uw(P# z0Z}3_QcGxSn~-MKny;Ecl|VahY!~mn2KxiAX$qEk<+-jH5*S|Dw6a>%nop3Z@HR`v zC@&Po`XIu zk}k5U)p7RzGu_@J=-eXM&e5~6l{#-@1v0)rU^i-Jy0*F!diY!0@tgGQD?!*2>1}>U zZsusJvzHmY@uO0E6jFreL+Qh=0~1`B6XGGU4E(v?8mBIxFoj|pq=3y*<9Kqi=S!fg zwh;2~ks~wMf$xMs*i6t>zJo# zY&l?jdSt^w+g=E}WKP5#$QCKdL}|hdsrDNsEglNUiMtMbAD-`n999bVXY6`f8gc%j z@88V(t}{mi26AMQ=4Z^)cozx5%jO>J39@pYjCb_@PjVg|Cw? zQ<(*R;3}@+neMX3^C3$ZMwIAVcm8}5X*Wx@7EL*u}XBCw@ch3z$iVwndhV9 z5YE3Leoe&D+Xo&KcNfx!75HX@M(0_VMVhd3M5)v7#|4nEfZ@AJ2fAl*X&S<e-D*;5T`_r$zcW|kTtw&@|6PV zL`g>u&6MlC1ds6Gz0Lz52YVJbke;Q~&O3!<&<*2DpP5k`iwb~UE1)HW@pot^_7Ep) zVdP?jlZLQc5w-g@ICbEYcW}U|k#LmZ%A+E7{^w8o?v+q`SJ(B26boi;KD0z%Pyp1g z>3Z)ow&ROzA?xh{^JQ~2l-!6u9L&u`4S_CzVnRErPEDkdHw`tBQQTo#iKThew-vY1hW zfn#&u{&5sy469lH4Iek^`G6YQ-&Rv$d{jw766>aA|8i^7E3YC5&UDVrK>H^8S+ghu z96^?QpB@Zc72j#O`+yBWVq|G~L3$^NNjxqD|NYVgCCUYWZlJz>XeOL&O?md8w9l| zr_YF5xck24ijzd`$1yQ89F^BxdCt zrPHb8e3D7RJj7B|A6oi8bl`|3jIu~UMwt`J!{0y=ey1{%vf1Ma1$h0$rW$i>UE7ou zBuX@Y@^LhIgeX`&Hn+!b0uB`_hwMq|OzagTh_)0t3rLD>Gf8WDS-JqZziOm$z0TQ} z<%2wN9dJzfY;gF^bO3MyFh3v8(f{kbr;Dj}md6J1OO9BlZJP95@NfOyax4n@w`azT zsTQEgE#`Vvg=NtBr+UcpSyvW+HsbwqerY_xVm%;q{dy<%Y4KV87cgFpyn{i^_jw4c z1+qUcR}EP*(=;T_Bge_nzk5SXnX zZUK}cmB7#cYWW(2klq)#uNI3$2W7e0z`nQ9m7o8~+d zzo&|T8wiz0s6nmqoM)UC?hBz$;Xu>Y#+)g*GwieuXN-DpM8~(he@ZymKGkiRBO~P{i)0%-Sj^v>J$t*l>UKhR}I+nfKpjzTdo_ z!X2Gp!P(Q-qYQK6A1eN32%2Wa6}Tt*sl2N{N=G!;ZNR%$JStNU9-MW|(#$o zeM+e}*@8sn)A%@c3ZO_UCZd(EDsPqtHqTFRz@W7D3jGS)-;vc5!)5&HPdx*WEXLiT zm&1{lWGU#J91xxoi=G-Wd{byfvB(QLw=G-lwQ9eHZS*L^hh+sx{sziabhF=iZ*#x% z{5+7Qa!7vJ?=bam-v#YWbwb!qR3vP6j8s)kgxogK(h9g6-BvqBfmDRLAE=@H@`Ccv z@G%kUCR|tV`o8}{w#m)W%^zKtt($+#4RBiE@ovJ6{07VzQngNs>?0X7-t1>_Xc?3! znfh^~^7hwS%T7A=KceTut&ZQD-5Vy|V{VvwD+nj}FlF7N@GIIIuN`)$o(@I&50r1C zVmf>hMvQrOuNHxh$(r=^ZGAX5Ua*#Z*ck#e2NYN_*CYSV4OJNSb}aV=hf+o0CNFK< z_B&B5Y_{jem~7>nf1i{tF%s98wKp?<-aEGV9n< zO}htzH=1dGqE0mWF@^|PzD?$ispQgkuVQ!2JIlI=+lYCb8NunRdLDJ$AzQ;(EPH?= zo$SD^ldzRbDA7nhqQ5KWx<&D1MuoCexh(WEJO%0uh`{t9jh0z4!QH4PP0jYTV_Mo5 z^poY!FT5OxmnWzFdhwCOg&Zg_PpXe(Y^;(*l03*%U6~wC_nkGdKk|jAbGX7Be;fwx zqami@+>An}_s}wTQKen(?hiDCU&(`)>K1?)&z@B527n(@=DcKy!r5);W9`>ClX)GZ zQlUYwE`0M|WB&FLbo>5ruW<|mja+~sUjO1#O5vFWtPrsOd-s{7+54L;>j+6=eLF1J z)N7tcc|Ke07T{OYM8of(F&LRO&e!XG!Dn-xy~)=paY;@LH3}>2G&X=*_kr#K=N;HP zY72;)Dp11K)dlocU;POTJlWp9-2Lg&w)+23JEF04bl=V5DKQey#wAcSHPp4eMcKa~ zDq@-TEXJYA0M^N`fVSj^RK2i2Wv~o;g|mkNpJ(EZ*;BOPtRU&B^C@*isy5X>m$zLqmlNg&$ z^)CoQ@wRxu@4a`O8>MIDGJ@J;lI45UL^b5u=3P#L)a zaHfo>%RFD!Sbyg^F=Tr5ecY%v4kkikl4HO>NqW{MEc@B+ZPiDZ3&Jf?@!^Rfbdu)d z{m-OtnE1+Dyoq2iC$Gnga0z1@{Jt{bQ~2@k@f7nKb@ZR75of4Wn@#V+yv0qKLdu2S z1Oy3$R()aUDBx@s=d9Uc%+uEFwCrHMrZ<`i6S)6|F-s~aV@z;iRJL-4okPE)Dn4>$ zW%a;+S?CgSl+KJ}523R^`*&$>*mG9Y9df8kIM%h>qfdgh;+s|DD893zM@(HNWtI0h z0k=}^esG|_pXBkitX-U@s)0+X(?4!p#oP!42hW0Nea6Y);C@*X&V}ZGl3hNHXL~Dc zrB^r`ZW&QyexG0GO9Lcg8P`}AE%W3!b&=tFMtV{IEvc!LHC3_t7G=VV-98?>v&1fL+yf=OAz?CSu9)}l z9fHJ1(3NPQUlYh(s6RFaoZ7xW-23ao{vwL(V?~hM9_^7tZB?7lR0lsxWNVJeHvHNB zTU>%j&)2dfUFI4#Oy5~JnzzR~gfiz?q++`RhFd|dhI46N=h*kh9Tvn)+g5GWCw*klMosyFp$Fi}8kAy9EurMZ+I+fdpjVtBx&D zL;!Fi@pkEW04}Ea8zEp@U^MM*K8#)&T09~80McYR9YIS7GA~c67}Eit1i|WG8Cd~% zym|42!<+?PssIWJ3WrAz6*TpRV=sSqR@|HdjIJxNxKc}^WmC}XCB-?Fv{`&WQ z+!4^kaVg!OXmb9~3t$Dg9}P@UUFKifvQ+4;=Yr@pkJP}(4AL_E^(IhL2LBw!c))pw zKl4pH6QeQMhHh>#x|=c%lR< zX_Cd6`bC6{?@gm;r%k=z+--d5p9g8=)k9~EyVHL2OWu|~)qn!x9Y=OYngldIy?;#@ zYOckt)=>Eujtm^;XmdvbKE6GzB|mx)wtSGzmKqXdmJY=}tIrqq+D|wAgB5T5$+F?W1KNX2Tg7AHA}i&+GkYsKU(0l_q<*#+ zcveJ__<-J$N4 zW-?DGBs6$iX8P<&TcvdEodqlWwVa{Y%3BlzpDL>OI9XL$ijEfqdn?L=rI+sVY)|lI z`}=I1z9cV@o-ai{0u7&kYQtmzx+NG${%>@@a0-k)dON^#Y`FF7YfYn>U#YoSRNFAC zXA*Qf#P^AtcRnKTmFzxkrE%adeGd=L*HAP4HMjXtX87lk>oE9Z8;9>#ar#<})zO{1 zc3Z&;ygc7zC&v}05_t8azx)ca)EX;Z3W7AOEHrQe0z5FkpQ6N$>Ue58vdVZeGh9V0 zYvvY0xr`*2}_FIJepu5(c^}$y&|( zzh)w?VuxE!>9OJzZRM83FqE-Iig~_l3=739?vzHhBnh&sSSA?80!oKF`+x_v- z%EUX0ITbKQuWrRZt1NGXpWJP0dt&Fz!gH5P_2}xpYgk#i8rb#Kxb|o{89s3+D7P}m zc&i=?%hATzq)M*c_aW2DOu!*Zk*JX4pO<|X16Fq|Xa!kEJB=Tj+l@{Wd?7ykyi?8> z`wLdt=Kjl*M>yP+GC?M=0mPS`9~TGY`YaKwDOCuF?l_FNm{%RlXRlUQUgPqaW7^D* zc+%u;uE8izB1x=Bpu8Zut)Vac`oKc@c$oE#D7i0bS)=kKGjsMk_X`z^)1N>59!A%w z;ez1IHrv~TLiCrlIy>^B?!b;EH<>5SG306n3i`{ztYlhcO;LFb9Uo1qU-}xNzqDX< z?oBS_(V_|7H|MK3lPe6NSy!1SRQ2i2R=#J~j?(+E9^CC0&!cHlzvgl!>sHB-^74W} zU&mIcbLW@zaRUUAe2@8$+R$b@eP=yY66>d^0DFkmV6eh zjvMq8xwP?iLy}w0QCl#kW7fyv6%Wgxx$C%p(9ywa+j`#}?m+BFPz^-zzTKq6Ym~~T z)0W42LU5`PYa>ZVOZ_`*q%UlFncWoWNDPMtxF=*`5H8(p5CO7XA$MMMYew zajYgqNAeqwwvgbbdyLf9$HpMagb{I8Ch`u^uNqpT{boiNz%=v%6s(X;qv|h{+_k?u zK4p0@uRdUl(!M0DPKpU4jTt|#?Mn>|93Ee8Z=PIT0frgQBuPz)<7hJv60dh5$uN)k2M^9-?v)lb19GRWO?{h2A7D0Jpx(y zhA#Mt-qo{U0kWh{f8hePKHJavxIjearA(I_b-5LP|M|q3$U8da zW%IyYqZrMN1d$q_KUbAXO(ZvJ9UmmJXp?!TlJ*%8| z&=R#{4y$b?Wc={q3oke)?Gx9@;GG6xsq8LER`K#z!(o5-b_e1fmHz|81->dte|SYj z$|H5njUKzqvARt960vMJy-l;F*(cL!W6|N7uPp*R!A+|}EU(eC0jv5m1mE)$lRjK$ zpo~tzlfepVdVs$WJ(Z`%_SJu98$Rs)$Pg@u+=0XdO~_WR1nz#9C;2-J+`h-I2Y#Ot ztliuqF_4<45KBnd;qNEH^+od7*f|%otgq#yiX6H?2d8eO`j|E<*DO5s0b$3M32RP* zXhIEbAfPo7U?Z@Wo{aojo?iPtLmc|Im%?>FR@lYNrI5~M^{Um56kjjYYET2MDgQ$G zi)X&EZP@&+t34BVr_?Il$Cgngx+_jSk#Mjn0z9N@nxV{BEEG-iKplLTpEq*3VCIV@ z4cTaVNAF@U&}Uij+?6l57FIs*-wk2}iIH4pTv62^UM$WBxe7EJ^3fC!KKm`PL=_*d zq!|_Rt7$Vd(wy9?VoD@Wc*-rCz;ibgdf__okfl`reh~oA;-*4raYtqae=7xDma)3r ze+YBrNc%5HSw$`VF@uZT>Jo}f5GWG74RRhWpFeD=Gxl!7U2)HjjYD)Xwu$#+of2g^ z95Z*}`(2AX){!?izk?ebwbOr1Olg424Pxc%Ze5Y_sX9kXCuW>)(g0pzrUhVot}EBW`^?VJEmJ}B=vT9xcRFU=SbqD; zMG)n%C-1?}P`SUS{c4Q0F3uaTyxuG8h?f7G>U(dY^@AfBe10N51$#+PcS1P$kh8@7 zi-&W4t#jj%t5e8=R3b~IuqK!OD;ti}l-vFX+uJqnc_XWvt8vS<;|Xyi>NNJa&Q^Eg zdr6q{ffP?y&vw_hU}19;!EPWq5K&UH1$q3Ej~Soyao67>ZKe7Vepkr|&G z;(z?HX@c)P9)x5gCh874TBNl>y1*SJ6(3ZFIW5{OUu=Yqnu94O=^aIl5X%|_0VF~# z%tXD&M}fUL_chw^(`}k!*r2SZv5t=RN?lwV=elxF@8wpTvS&y$Nx?n6&=9b0eFHz% zL`PUy$Um;<>|h98nSau{7GYAMgAU}(s}R&j=>wa+-hVE?CB!4vPP6k`?6KYm3yd})=Pc&b|bkdH$N2;>nvsWeC=cs>z&{-zgX-9TBvv<4Ddj{Gi^|_(5J!BFiche&`M^LSRKwN1=oU#U z>Zn#v#DVmE^2mQh%Kg>LNji$^=S-ly5=<~{LC>J@GSt2dSe_x;_)V>a?(hM{lsd zGp{%?5fd^4NuiX$WTwJVs_%Mj?l)JR%QDDAtdg8hXI#5>o0bYe3k77Kzzz%Knw7gT zSZ3s%qX=r!A80Ue$b#PQJPqy&Qbb8kl(>Iw#ge`N00#&@{G;P*^7vhP>S)P%#6e$Km7nCivqLDye=3Gkr-mvbB((@mVu&9{N%hV? zrhZooD%3{XRZrvh>~0ezgJTX+{rWB(8oC_GJC~?}>%}hW&7_~8=y67dGfSPx%c1-*q|y=M-`lF ztE+_lhOp~}@T;?%f$;OQhV|~AK1JEbpy;uCf~At#l-3GKXM98~bP$UZ7m>-_RB4<) zI~Lo|Nq~@2Gc=a=fMZfHwRL z7akaX#l0N~E~iw`=zjQSl5Y;3-8)!i?{AP;uBjs<#N+p95)zf-mF%5Yv0;$~_c`rf zg&@dF7$jBjs}4QE7j@wQZ8xhpTG+1~tgJ2*?sy%j$&~>}DGrI%d#6vZ5gdwpKvDQy z3h4aj1@i0xJ$bc5_VxMY>Hvm-RleG_WidQCB^(Z{DzdmOJab?lX_7i`uCcR(M3jq& z%4uonzn-XX&8WF2?0fb46|WW%}b59Yll=`{gCxF znsj@EEPB(`IR47I>Gtl$j4_9aLj;Lr>I)QBH5C6Je_St$rbezu|bs z>*TQ0M|2$2)Eq(RrkkEbPj*g``lM~FIK%aY_JHfmu-TmLnCRpP`XjkXZ3&)LJjvOZ zkx_J-GWu7ZLFP_i;$WZ*$J$!hPFw{|4)5wJhuWVL&te-sGcd=1L|26#p1ek->6>#N zaI?TLl#|m->TrF1VzMl&@fc(%xV1^huodXwY9<<#6*X|`cC5TV+Y+lDQC)518=V{T z7^Je?CMzi2hn*@E5d{tB*uILxoF5GACsazCWH0x+cRiNbhL5Wbm)1ziQh}!V2e1Eq zAQmK-w5@ndf;TNMHuHjDL5#nQz$!=^D;@K87MG?m<{xQQALj=Q4aWGeB{-0Zk&m%R zE%7&+ixkA7H}9`JKz%VP}W=CJPmHTB5^a%hw@n zqh_=JeX4~v216f$Ni}4mHnJ1$YzqKYsI#CXsrJW>@h~TVnx^*3ey(k*K^XRDVBaR0 zPo~nLRKJ5*WAK%8nk6pd?&JP`)b7?J0Cx#l zadDf-(R`X7s>7w9sMuM~2;m5! z*_zCIMuCXm_Lkjw_R!{n-0S}De4=7*9?jJyx<##P-VIyZrw(Rw^h5d{oc<%|^U9lp zYyegj8wP;I983}Lv%ZVXlew+Ag@#_h319wdFz`VO;hn2dBVArz`6n&z(xqzpIm!(Q z)2GqkDze9ZV7>5V5Q)uZM%A3WM-1mj^B92u9dfipPghSLk$_Pk ziu};IF>v=9VZI>B?XiGc-l&w2Ea-zEj2~=TU76%~NgkK4UH8AEXc5D=yG9bha#&&g zEKmmTe#KCqi<9xn<$WzT=QhpnXc!!ma>==IO}cp%+O+y?e63Kd&>E$fE6b z`Q#&Z+R7h>`5TcbXK@$?DE-?8Ic&jMuj|`)WbbadEQ=hko@{Loi~xDLSkdUlgDU`B z1{e;*pdFJMVJFwLoSbL<@3D(P%pvEea|QJo5;Rwn%MN3La*-sFUzkF58du6^1JP`=v6 zTn`L*6lq`lQn@_#Ycgwd4?H>u1sJ14h#c6L&;O66^M0iAfB*O~L&iA>NyZU%RKl?i zLRP{t4#$d!5=Z8-w-U!LWE=p_O4h*8u{vJXo-$X^bkdw`CiEay*q|39*6NAf@_KoQgc2v1MiSm=rd?p6HtM>(^u~ zac-{I_~s94oV1#?vSvBQi=vSp4D9SR_yWYXPohdoutD)m?mGiXR!6;0h}E*qSqf&s zjis2e%>`TUlDT?SY7c+tsBT+mweQ5|%;*~ z#$U=%`n8hc(IV_61>Y~~&hmI>A>Ktm=i9QhN}vbCf<=%-@hL-6i74~RNDtg9kG&2$ z?rikW`PSUF`@dBpbb`X9_&%j5`xLM46~=5UTWHc*DAX{GtYl#Zb0Y8m$}*ODNQu9=uEz%n$^ z;=FtuCyVPnH}3{tPi>Uvh-RP;An8IF98HHLz_-8-;*A9Kw1EClu2}IOS6}>oE4iui zBmm-o+>IB;XADl(bq3DgEF_M2!4022^VfKNL*Px|Wc(;DD%UCV{V2D>uf#J(Ay>JL zwvE{Q=`g+~A07p}kl7qmQhssCcZV9w^3#FX!JZzmf(8{)V@V(qA{N)r`nK8$uo0UI zI_lP1wdB3p^HIMJysHcBiwB)l^~vmhm1M;vkeF>D1@wlhut=yd*ucIwyH zFBvu$z23;bGIE}dyvbpU-CuRM*`j#!@s5&_R1NSepRtaAwjJbWZG6Vf#AVXh=Z%4_ z6`!q}a`STWavu;nEUL8Ox0oE~YwRnwbseNTr{ju!$k>)_gl9y8p@~@Nxn1l10`uA? zzx-dXkXZ+s8ma7WGODyoddn-Er$xI{)|6a!-F@0gIE8AmOG(_}21P zSIq{c9a-+$vbh*sI6pd@P`O+!MHH@=Uy)D#$EfiVH|l{Uckb%0sUl13y`YM>zc)|w zBiSj!p?q*$1e#@zUq~{|O7y zI$Q}uW`Obey2)u(vUukVnoKg#UI`b%R1E;Ay>1y0F*x}5>(6M~u#L%dqVKG1JaNPN z8ocu>gRybBv9p~~sTD1WE7(7aCyY49pD|fe8XaXq)WG0lTI5syCT~rr`uSP?&2nG> zUngKJ;4$kw%NJhkME`6Gce?ikRin8|M3Dz}+HOR)rQhuPW6*YXQghoN6R1%q_5s6C zXIV5xn1m^IX|}l&#<1^;-*BX!e7qluea}qQv8LB+QfHu1KP^J_U!F+sKk`6Y@c(WI z^}i1fQO*Vb*5-Ls-M7D?9HY_I6^yqfC3iQgsPjJn%fG(*(9gVzGpXBd0{?2g(vkAL zNLinJ-{ctw59c+9@tAq~x1kxh2XFy9{Ns*BFO{nS%7ISq8LV$G_Zry?!v>CJprUEI z+p5jt5=KMU5U;Ksbkv||OzPK>-o%>a9XD))m840&mi%kJ^R3f?_l;$m3foKGzMB=#oSbLT4O-Vr>gUXig z=?MFCq$&@9la44G(a0yFtG;azaxq9IzGHg^-*Ep<&=EiGa`$b&amodZZ1YYiOu30x z#?3G6XmB$7M2+%|{_$g)pGbVz^Kb7t>1OB|`KoGA=ojaNWHce6J>(=v#!KVx(fQog zc?chgjJh`IB3HUG0H2ZV{~di))aaz92cuo6W1-$kgz^y3Cv$8&0M(c_|Kq)HgWeVX zH=8!1wpaImVf{y?>178Q-`96S5#w)ikaUs-mVgPyWK)C4>-(_zo({dve#v2vZ2Kg{ zw(l7})hB@}7cor#_1uGCx9s%2 GP%<2=rJ0SuCdBDTvfL|({fkXQyyGk_559z6`W7w! zxmeos;-#`BHu7<#rrYaStWvhe27RMe1&%@uDHOEeR+Hr#+WSF?knK#wK>;iAP`)R9 zAk)|PwkGeQfKrl|22V-k4a|gx3Mbo3ofSjrFy}V zg^M^Ue5Z6#-}$7s%MCTLcj=jna_VV_7|E9)aMNssT^xjzA{7>2bmAT~`#P%P>U0>V zu%Lt4e{DM7h8jg9dYeQ4ZSAlXff#L+TC-REW1vEUU-zUHL`gh^UIZT+sWGv}NCMI+ z69I-LkKUl;h$5A!PGjp0z1awf;Tr5UBE%stMj2@I^6T)G+eM>R=%+#C&qBnRqbVht zJX3?RY0;85e<=}=NPT3fdI@ShhS%)K@Zmg4_>U&zZK^>>)poh5Qm2)t6@$fv>Y`{0RO6 zdk#r*6*gibI@AU9?c;h(216NND8Zo|b#Pk;iz)fOl&g@kiP9|xq~aP|^IX83PjEvh zPq`gyA7a{5~VqPGeG<(|BJT_z@;rX3=gt58Ij2 zGu9)}7S7ik+|ltDgD^q`j-iru!I`Vfb|Pud=O~pwx7L>RF+q1$tdMhftfxaCS*^}W7=(|A1g0~FXD&KZo5V->&X-RF%iJ3} z_>J?OPfH3tUS@0VS{lCGG`LvbxxDD=Yu5aFSn?>4i@QV&oB~zokd%WLPv3}ovHL(c zz$&i)y)IRi=wCXqS8Cnfcq3{p%SQ%J@&0W;T(hi~OP9v+aUY)x zv|%v|>C+rebOw5SoZ|+8?L31gdO6dS;&Y*+UAa8z=vkThPHxu@vl*AxQ*H=>6qJo- zF^uYnrKjl_8&cTE()FUWbk~GTW_`$|yN$c0gzJh=bMX()l;}#lu2?ACqNQgh>zUAK z$jI~ctp^>nS*Tbf7VS|iHL;<`r1?O*zM(o7-(c^ap&PbF2lF%jwV&$OP|R`bQ6?XI z?dnwa3t|AD-f-Cd7#Uj)-O3)zrNf;GA6;perU4&`Te&_^I^Zkn@Y>mN{(Ia0o2hL4X7K|}qhb!EbD7ceyFE5YRxZ;UC5}B#{r@7+0eGKM6w*eJzgl}6_ z0M|gdz7p2yLxv(su668F1!HxBeRinf|PmYhUAsk-8Ztp}-K^UOCdBxy6fxi5b=1)PYn!ZuhJJZ-LLnt-H|12)u z9JOrrASdXUcyMRGc|rhSD<=*Lj`@Erz|h&~8bhBG>TF)|w&hSx9o4TT_p-*GYjmZe z80|O*(|kZ=n{&2GYsRvY{$oiYQ-CKzXSa=2l)wx`YQoRjCfG#=nJ}BqJa@o6*sIy^ zjeq26{YJHHkbu(MmV!D=n?Vc5@opVeoF(xw-`hBU9Q(4xjrqEKpMr8E1A;D(mY?G& zPXCo}EANCTl~q2$4xl}Bw&imZyIZBg-{%)n5S{g)r{Y1qP=o+Qb52@l&n)t9<)wIX z9St=ot0U4Zr3ER(=t=sxKo7HgU1hvV+h%U+H=pl$gsSB)JFPb#C0?#IcX^mVk7nt1 z(hWxS2=h@DE@Ha+CdL_A2bi^VqUx}8@h}(PeNEUe3v0Y?Nku^8Gw;ru`u|S59)n71 z@O193f|^v5)jO69&yBi4lEMT@ibxxlMh>{6iI#=Fp4mQn?kk@ilhW7MN5(&`i%%g$ zs85ugh2U0+Bi1ga*1HgrXhQ`fr5QNbT&HHF2t0guT%)x)*Y{3p(hTIf)=x%BZf*j0 z;+k82yhSis_~;kwkL*hpp1#!FS$9|6=u#cMI&IjP)`dD#ibY&CN*78%;q#kljDM;osO>h_}*Yr6Js;h7D?vkBhq=!4F+m z{@t8Ze8*Ab=i36@U^*~7b#op3*|qteSY83=EiLLgu}`(r!6t8+G$m_bS|lz{O+yl& zqIc)n!h*`P*Ap{?K>K?LLJH8z7MZo$Sop*L!c2yWx@s90>#G-suaaKk3ncZzG9E48 z1f=7I6dXLadj?nV&TPy7G6fdgT9-q;-cNVD_58%cZW% zqorUSk2+NJk~Dw%y)@qG|A>6XX&m6s%T01zQng<$_UEyGPmxMy&;BreL832Rgv*GI zS_>he!TEtG=2bq>2z;O6`d}s{0)I#P+l7bk<=)}%RjELa7kai#5fKE0N@Pt%EQ2P+ zYBIG?>EhlkI!n^fCI}Vgr5-n*WxlFRcO)JgREA(*v*-rDC7qp0Rohf-X;kUOrEWCa zSI}tv_3HehsgZ!egPRV|hA(f8xB8ZlQr}QzsXx|-gG$|+V=St6uF$-m7VqISz8?9J zZL5^@0Q4hj#QUaPR%((4$|ypcTn(%tCj8uYqq-N)Mh^V|NX2|KSP`KXn#udd(jeTzKM&-}9aL%i!LO_ji}b`Z z?aRiQ&1pY5;3@R3hUIluobK*3J=EHx9$ga(V{<%JhsyASI@iXVprh{7rT2QLsDe{<*;8SlX3|i zfP7BDrj}U+5^mYb!~_86J|414D=$ts(4e(LC<^EO0z5))j^1LR2$PGPa1KV!%|miH zPU>o*d~iA2KtD5MaW9A%nMIu^$lkGLyV+@+6^iU8YTXo%Cl0Q8mxJUC@_)|A;EB z`mpwMce%r@gUZUY`bQm2uKa98asoTfUA?eZfQ?+Y%rNZ&^W9uVmamh(=RH0*f_8@Yxh^I60t4&w3%|#kVP)?A1R@uE$5`UFYXZ%{$MQETkAPLolPP)gayh zA1L#=;m7+C6pkp4QYite<{Ce)q>Pd;L|+4|T7cGTSq zQ+4(T43ly!f`wL|AS3%%<@QzIl|UNzED0mkS0s>h)Hcu2g-ofs+tY=NkMe^K)>qDE zp5AI{n$#OL865*XLgp9aVWdK*`HC~2HI@#}#hPrtEge*Sif(J)#N+1KUOwSPkGKLy z&{lK(sYf(V`NbZ70||nN5secFHJ0#0CH|tMf(^Bq2Hp!6z&uEC$byv4hc+YPY|YFz z{Pod#BHYD5nyyjYc<@#FWt{jI^&vzz#&AsM1HvoYSm)$4FZs0vG4S!G#-`tQn_%*5 z?0#kFIR#R9=1_BeJwFg@uP6tfk?&JqFu0r!AFbbteI>^hbw+v5GT~QI;E$$Hl!08( zABFbUq{rrzg%JsGBqN6A|?u70;+Z`M=FEEo@HNUos!nVmLL@ z?Jcnc`ugs`>(f(?CJQ)0d0_oPek22=!(+ov( znwzwi&gyYUs)>mfIErIGb5ZoVS<0>-gY%0*6Xs9O-{osoo zO4aOzg^~x~9V@{DriU%v{a-K@V9@W;dyg`CY0=|TX4K3aBy=*r#~&#Q3kqTA%=dsz zorNW#Xz%%##Ky8nZx_8?0lsG4;bxS!vUmINzBNF8xFRj2Eo)}06Q=YuIM*~%=8kna z)0NV3I)L+yo-;$Xb4x}X^6#YgTutU}m(f~y4S!^XQ^`*T6BeiDXUS;#_p26E(Twi_ zyLz0e8ZUgvQPyKJe;@olTYvR#g+B4xy{B(IxwnQJf%3ZH7w+$PKpEJjqOxO4DYHCA zju^CSb|E-M`vE07RX%%rM<8&=%%vG+`g#h`KZ2oEMFJL?X}^Ni2ssM8)n?=nfvmWxSt#*7j)332U3-@aUnu*c00fwSK8Gh$fb|g@x>0 zD)bc>%g+WCnzwpQy4QZWD2x)9#i#sz^oZX%Ng7sB+5ikC&*zpfkK$(?aoL-Z#KA#0E+M=2Dzlh94$jG($658Y zKa(gHJ4U)4X+Z~4YHmzFh{wL9K`^(0i~$#O8#8T}C3^oR+Jn0^68;E;oHdEET>Fr& z%k|QyOrr0^U4b1jk%4a8Qjj>vg;3|o7D)|4{#NnRs|`ItF14R8?_^uqwE20C9>4PG zmNxT$IvNqXg^gafWS%z*pL4=B7Yh9XV%s)+qmp^K>e!9H(}99_RoD98EoK0LO%>%d z=Cq~F1`ieTea3);s$8F`q74Vtt@YLzb|DpOHldU$$E`vg^Bm(|91?zQ8mO^#;jV=1 z?Y-jjZ~r8j+dzCF=%3&A170DRPp3avtBbO+oV9uu^w;mILmrnsGhx`Z!qj@yU%>cc zX|6A)J!qdix^bJ^8SrpXKNN^&)p3~W(JK({`F{*Zg%IMG+knW@$U~53Ou$TxDB*DQh4Z_yn0hn(vB6kq%%ekQ4HHIx>={ z^m0(=`LFZm)W1mvu1!mJD!mk;w`pu$`I_ z2jt_q%>>jA*?j-?0DAIWz|Oc5;8%0vmxvbYN+i6n?1yB(fuSM&^;ZVb49M=Q0 zW5s_~(T6Yc&Q8`ZB^R)OvPf-ik!|HfZuT*CUaFRn^km=JFYxc|Ezq|CC0P5DU5_Y+ z;2X+8O0OqaKwC#1xB=YZ>8V}Kv-W`M(`B2WV}tgSPUaR0`*0P}OR4HdMWE=Z#x^I4 z`M097q6OW&d~utNmXV=K8@3U+C$A59uj8cHUi*oF*$WEQkU?uOP$X(P)}x^3ACf$` zu~od5V2mX88{&8A=i?}2-pC=C+Z~q~85ecEf;A;g`Z7majoUqO8$v@65%7Am5Q!NW z>^`$q&-lE3!EK^+v1?B{fHd9(z<@2g-@mt(uvOoObZut0lLB(J~DTiOMl%a5fYGfNj`(BI+9OEq-|5tZEdqhbKhYJ zu#!JMiig(f5#5tALYm)Rir!ndh^Y&=!y)uFKU-4OCcS&F_6b4zBWM?ps#9SpNDR30 zcHPX!a0>JS#W3mTJC2+5k7U!kM@r=ox;`%a=isg{iY7$a-^0(uZdc`Gp+y~gbP!tl zXeaT9)ESo7Xu#~o#1~_+Wvk$M#TvR0>#MJKTCd~NOL842niTkret-jxtDv7KU%mC~ z1R?2QQt48iGD}ziw~Nj66TnbPM!{cvh|LSpQfP0@!t{{-tbz0!sHj6D-jvJbd>3V6 z?9DxEHCGlT!%lD0*OdUYk6U&kWZ#eQWdN8I>|&vEhmVT9CeToJ6ZG-@3`J@CBiAY6Uh9hW|B#RVdy?YPK+Li?YMev zI)+QsR`f;K>F;ZJB7&G6%~*GbSh19M@p$JZIJy`eQsV)k=tq__eUB-kueWY*Z$o98 z+8Tlaf<1!0{e6{!{gkl0pGxk)*dmstO*Q<)d#;#y4vCa9D)RREYrO1D&qF(^!nkg! zKHlE9(`E4H8m7&Q)P_?=Gpd>62R(S2`@X)%iA4|7S5l~|oUt3F^-E3N&*LO(V^^hC zzD78T#!41iTRuvTM)ro!M0Y5ARnw#x=ZK1_O+u`$Vdq7D&rT;b9pY{_yntmNLe zbr~&I5QAZ-MmMZ%klBP2VP2*{j|?llre@~yr@|#O<)G`L=n5s3qq*Lru!?`$%phk4 zEI^?RydZjCE-hU6s%txZoCYj$-7hAkbrQMm@lP_BT48GF5=bpX_Tb-HPUjOA; zX9*)Q=VFTQd@^0t`c6@3>vMRQ3*WkyL6SE>>lN%Ao{S=K6k}89zuPpk0{Zl+=x>_i znaCL#>j^oKn(0-d88*R}{n_xJa0PFGJp5c0JR2I+&Fx5$b3>}me4t+R=Pn_UlwW&0W z%7ac3v>&EBTx=!iM*S}!p%9TjO@&UGC{1gYxtI>cS7DlC%%^SMLmAkEUcE?DWclU4 z^9^#-)5=WPaOFa9e*v!dn?H87k);!4b~RA-Ufz5oP)TqV@tHwN!GQz>P_8DLuSO7Axx%eZoDW5x7&Q!5QXk|y1kpGt#K73m(zQ=q-IcDAUQs+F<~bumDe z%6UwUUlPqYsKLeQXk3i+d}+pSJNo!zcjbEH?-BW;g^L+o_!~`C*Rji#Y-*(hG}2D+ z5ro}%y{V927DzF0I?OTCiDcUObdQddIvoz@&)T~Wc?~fODgW$8acY3-muP?%- zu^xqd$l3~pzOWNW^}DB0CRbGGG*e&7`WhOvxBqffI>A4iw6SqRG)3&^0e|`+K_>Sg z9OKhht&hL_)qZ)9^6Py0ob&1!&^S5e<$zwp?A*pHlVq4(Is*IDbsXzbfYb z9bk5mg!Y1bN;`6oH?q%b%1;~ryk2xUzEF1ezo4(5mMn%Nv^CV_UQgUmqpkvrkdidt zxK;IeU{U^w+If~I_2eu6y;J$GiI(ZUnGdx@6<$sj3cl3=m3{St`+*AGSN}IufPndI zs$$d6O>4q?R(1cV+(xS(6l5!!Ys6Sic-uT|4A}cM<;BNr8>%#D%na{$U={?#X)rW0 z{EJPq1sO);UQ!du3BRq(F_6!U5ol&+TJ|pzOaX3K>nPqE|Mi(=Z&^AEPaPJp(WZu;yrC z%Qi%My3hgb;&rrcfw|RY=p8&MWGIJG=_@20`i);*E1=^Z`*cf0MFy<0-hI2#4NDYLsx2}irWHLI>)8cjKP6;gTI%nZU^r@lNu_#;15Pf#df3E??y z+u>7$5+IaKvq#LZ*#>f^D9N5M7@{rkOLf&B~ zm_to(%AflU8yxrpEaGQCo8aV_>47a^;P4+_R${X@`#9qLF%8UMZf)h=TyhqMh4p1y zZ^h;1qBmQevF?=637@mRu5W~&>=swVj!u*)H`Mc0*Du43|0*xfLNAhY+5^aklrr&e z?$}Md{stv|xAzKw60G?^b|duC?PBd>Z_ne4O8kHJSkmDp>P+Q)>cQpVj2W!R1Dm*< z;_1{f!yJ4M5e3i~lO24Hr7C%@(9=&ib2?27Ju#!~%VSD9MXbks_Hmyxf)S?DLV~Ob zk|g=z>Qp5Uee2~6Ly^#iR=SRz_DfJk_QTfa4oB*PSA?``qzovCxo-b@@QM7B&bAv^ zVAFQdgbkoylmDpCtu4g6ZVueJykvN*H^1PPXh1-XOG{wr8PNV&xdI^Me7oyBq^X5M zD>?k*Py=(Did{^M#(P2v{4W3g-8)J!TvqBmNm*qqm%x_v9$x++7wY=(>0;9#RKHlY zKs}-oY_OVlaozb`o&6){1X|cPie9^R$SjpS$QD0UTiCp#w(m(t#fe{kO(E@UR|sSm zsZx&##cPeL;gYXkU)o+UJu13RmHxJPE1}5W71cpu9fXiiT^NLVCRe6Y%2ULZjw<(MiwZsaQW=T- z!rO%St-j)zb0(IAAY=d`1w6CfI>hL5JDo_Xz3u0hr(0RYW#d_x+HoC-o32G=BwXbX zHa3mGzzVklR>~ShDJ1TM)Z*}`Ns5m+=3d47!yt3raQL@I1KHu1Yk|-W&-n_oFK#>A zzJX6gEz|8JK8;%*lsN-f2M)8+Q7+nRadf0DLtBu6SeU!$#~8;`SVF|&R31T_{*B)e z4V^|9=UXu$OXsHb{hAG8%?6o!;o>i;y^X@EBx!3vj3#=P-Aj{~(b0b267JNUEImWH z)YbVU)Uy{<0mYhJcRys0GUMEn&}_EhjRdHNEvX2410WTZj_2itj^?yqY}arPvox46 zhLaloUDnD!x6jJZ4V!Xcx;4s8+nG>UwJJ7%`Ga}B@ndBri6YL2&EoW~dGra%_j*<4 z4F(G~6IE+M#juF^Y2dL#*pr-VXs%` z@2SrJH1QaU!AOB5+4Gc5aV|zBO-qRx*sRf+2b^p=9MA||-uE+x)Z)cnDgd5(B6shwC89?PeC{PG(6$a$T zZyAjBTwL?0ij6$}Uki}T_LT^6v(@i)j@_70Bku`ux6n9orO;#yaZfEkm1XT?LFrFb z6bHZQ4M$5>9X_dGvssr^yc@kV3k8Cyi&1e@AWh;!H{~D{!j288tLK7xCK&DL?wUcJ z5m?*sfMJC%Rn(ZO-wyL07P0$piXw)5oUMk5FuWGhvVhix6(Nv4s1F@^n8+BEq^88R z>gicRrL&x$wXLXK) zIlEQ`@PcPH&&aR`jWCta9$?$~g$SrTd!fv%D}YDGWuZ051vP5*KrU06qD?;bTx$Y0 z5Xw^u@p+!SMNZk#nD_P!LJ`~sW^gYG!$x!>jT@p>#QZ-|><&6+z_D_#0#->S|cb+9{X=rcW1=@Nb_cz=_fN9mn?;JWRMx+4TW(|r8{*EaYE=hJ6 z$%eX7Cv4>dahqACKj`Dr?Tc3ii(gby8vkzNsIRa(occN_h9kl>c$%3q*OV(VMU@u*l8i1`Tap-B;RobAoC69yrzv-6;gVnF-wyF?8Di)xjE&= zO|Vl59Qi=Di@Y*@(Ae9UZZV;$hDQR4W2+@kNiv zfp*ED?(b3g=ICbQRM>m!&BSFZl9Sl>+_S>(8rFL1vTAFHbFhYf@xT97BBM8X6ySeoK?N(C)T9z$so@AlkUcw zbo;XMZ~M|h4{&rjF)$Wxst?hKI6|#s5KXkBen~xB)GvJ@>&OLLE_K|hXM0~MJk3}S zGK79w+4Sy)=r8v5{;?QY5bcY+>Qo-ss&+(yi44s>b&e@aAR`@g;V@uST@)OQpQtw;13fuHN7(c)W96w$(;7t^@R6Inm^wvEo>jzc~)ZSg>;-FDGtnpxbEKnHyDLU(eq(li%Vti;HtvHaQcob`pJL`YGLOf!mhl$mDZLxrHe6K34;f-2+a6+)YUdX@aFQ#4TY0lGBLP5sgVM0(f z=D6~b_T&!E)3)(cV+@~Qc**whV_G%$sbm_{bsc9_20rDGi+|r%kZEXV7VfWf?;BP6 zk~$+uzx;EDa_&C1H2sh@oFsC()fLjAH@EmxCE+30iu?A}RE1|$TsfaKi{8=3-nt2+ zRg;$a4Onz|+0VzHOgrp0c>Uv{aV=GWTI%gD>h6^iRRPo|4w3U028SV&l4kF_Nhh3K^X3PLaI+56##DW3eS)?W&17_W_ zl@$8^{m4b_*MiL9#@{n3R2DuzbGA5>RjF~GhSp3aA1o|lg!HdU#V42>4c7ReU z^kpH<62Ppg`BbI5?fB_}+GYklP1b5j3HZ_Oq_*f9NArOo_;*{NkN0y?vHKFbrKsP3 zt}xvxRL$M^PYC~r;m7^q;FT*5i9y)a>s0C(pcE3Y5hi(7MDD?Z6AK7AbEUf`gF#F=k&bo9I0u_i@+e=KIipBEF``P+&2{B1)Y z3dQh_PXefheOYr7lKZsuj2|SvJ2=9&!Ob@jEq;!eN*=bOt1>IMt?2fXrfMdZ3iQoF&{H)8qDlN#mh0E<4+^7|=q|5kS z@I*!iH83xb{2NC}oeg;Z{eg*Ggdyraoa%Y&wtmrv>rLWe*N;IzW;t#H4GuWv6VP6kzutk>W?K61m0aC8WvR7K%rtnWG*@9(mwGlQ z-X~vzx%XT_gHwI&0QNb)L{<`Ap%M_atj?#Bb9If zlxP)Tr}$Jb?E$>6d&o-!N27=4ymPY+|%}F5nL89|tsJ zT8!hrx4z2vX%hFPK&`>e%`FYukas{$y>0;HT{qw9#qEi)jz9b5rl6AY@gsAnrAyto z7##O}=Vd9Lg5g^PrW@<4t8}NU#qn!WWch@GxUiAqE+^dhh74$nweNir)H%3f^>Ka8 zXX`EQbU3XZl~Mr+SuVXN`3W!mfzw{#zYJNb#Qq?+4}P57&>KlfFkzKm+rlCze7Vpf zY7MPZ(7$9-QJMXZ6naYD_~NVb@2^77?qNV6ufds+OyCjf7wIp4X0oBiWlCRb=15mrHO~VCbRa9 zg)O_&aWjm>Dcl_6Ep8kKk=Rb8n3ga7i*E8Mu{t{TQCjF#s+8qNtm z{55rud3(Y@ymA)b!?Muz=A`+1Ecf2wb>V=%WDD~nR=)6zC@yiEw>e{JmnyX+7D@TKcG}3S*1obsot*XMOAYeXTzUnz~80MQiHBPq9h%= zd$>_s;>;y`F&ZEUeN^ulL4E|>^N2JIczfj}>v3_|5QvFD_^oFMK1LsyJf>4sc=gkt zwbSkf)3}E5uY}PhKSLQ&DM2TayBv){8ztqDOneh&TXmRVJEW~IDVW!{O08;(XMumr zu+s)RifVkq8<#+|xIecaqmUU4j5jerBk4^~CLtXT{iTVVR&7Y*6@qjc#kdE&?tFb= zw&Jv6#}ia^{05D9UtRAb&%dBNYj99&u9#lTm?!kMq^?lg))CVmE_}s^CG_tgY1v9$ zFPKRe#RLXbG!GG0rE>Hs%w&$<^p-*D7j~HNjJKtBvxVy(<*~dVQc7@uk+Wtu?sG9l zNB@M-?xo%9sV5mhtlCdd>6MsZV$dk2*vQXjDK*-h+)DZA+Ah|n1_#XCwvVrf5-1F@ zzT=9WLE_7_pL4FS=p`dZ<^6-~V{)TY5Tr)hU*}6alvtUv)6LomQ8fqjLu`gIv%zRB zZvf5BB8Y^XYl53RPq#*aX*+dFe{fiO+N((;b2Hh|DQ(uY+>T{^XQY=n3rH=_;@Toc zJKQLrUerOW!?K{>^l52b1n`uP=3wi*%WPq@$Y1np+d%l*6tQQ;=V0lL@Kq9<4jSW=FZzK2Xtx}GWqD-!SH6gE+% zw$qVp8W)q$*93;QmK;62q3V^p9|Z)XoxO2|X_fP@P0vSfbMLL5`Y8+*oO+u&wS6R| zq(A8yQ%wucGWHAy>fTSd*X-aP?g)yO?*XiOF?c2ana(f**32i42*1I^SS(zzUZ9ft_#eN-?wzQ z2Uw6|r}GVvp7#1W)DaASr*0TloiZ>mU^&z9yUbgNR;7LG-p^gU+nxhj`AcKs#n*4F z1avt7sOIjmBs~oN6&WDDE%g?s#{6R@Kj+zdC-Jb3cXooTg7`j<=^cHuv^1D+X^5Z> z{E3hryjjSU?h&<}gf=Wv!w!L}tC1zBf>;oTac-UR4+I01%A?h?zd30&3plFUpOGGrF2de;%=$OO>}ORljwO!KM@ z7I?}5*30O$tw`yM?(iFuAlOnr|jmIWoxL`6+hx_#LohJ^AB97$rLjNBYI?>0sA|U)`LKoI!|B zbOw@6kU98^BA>ufpwY>TgL^%b8vI9BhG~xN1$)vFln7hnfWXU<{0s|*ZoO^htt!hH z$vz(S!>g!8$&OE-!n@e}E7l*!as!8sQT!T-{Th-I`R2o4S$;37(tyrVh*UC0GF8*- z7hbP_o{EQD?!R>Qmhpo1h!@3rhgNTg9{l=4UU^xLUX<{P280+r{a0xdoJKvTyjg^h zRlgKaK3`M099@7$ol9H0P8g8(C(_({o#t;EECij|yX>D0tHeW+a!v1}MOM8RpjSju z<&E7}GDrx0x8B_04Whf!&FCOoExeBsd_$-UTxkT@@SGLsRrs>()V7f2(_AfMT^_Zu zfn@m8C$Q5i!S>MDR(;ZSe1o|DyglbAiUM*FX!pA~{6-uku8bUad-1$7J7u+=FOy3< z*o3?mib%{^IE3-B_FbOzxg`|AeA9v{eDagltG~2md*A(197a>(Eo&{wVDu0q^4hf3 zOc39I2hPAAmc9CFf;*Udhu=$F6KQ9wfkyjFL=);PoMT4(bH=^D4NrE=`Zm`3WUtvW zmx=na{U1%|{?Fw9|M5Atq7ZUO4ihyAa~2{^Z#jmIoN_8`a-3t%hn%AW8Rn4MFvk*N zIpr`p3^78^hn4gBeE43UAHILVZoA#Cy{^|D&&TtAC#?|Hju2K7m<-zH?utF^PY0|W zSf`5Nz1Y<@U%m9j!$X8wQ=V%7H)QpwrE56HlZF(|rJ9!wDsfN75dt@NxJB!4;E^c* zJ<`DAa%muRv&?^L2+l(rN!1{q;s~?yDk{zIeM~^6(S4ur*g^eFc1|W;Sm2S3D?_-m z(r^{^WSWb?=J^mXK*?xU55!_cIo?QkhU3$j9pT8*sxQfgv6CEFHr)89*ZISGnrF$FgOpH5Wc>?=Hgr zORWYavE;#af5Cp5l#R+;XY9uQZI;A>*Kx|j9u(>)d+PQfUEKv5=HXW}AG zmtKSDY`FXUM>spRTbmrLtNTW;N8>fliKBXEWfx428m#tgl2Cjk+%0hij5%|dx&F-_ zb`f?At2=E*{pp;rM3v(3%VOg2sUDw?;AJ7hS(96kv{CHusS}emfcF%3x;e(~s8Iq| zA*}xE8E8Cf5sKRYR0Lff4M3eeeO8`;)4jb~Go6_-#Lq8dnl2jNgP)0Hl9bcApu zxJGs@VkZKfU@zb-eq9`eHT|oa&S*FJa!>v*hLeH!a4&Z=cvN^;t|asXCY)`#FrHduD=2CJUEvlS< z{MxKNURvvWiP5Xnf2;jHOc?;gtC^!H-*+}su*C({A}`4QL|Ry`&fvZqTd{P9P=s{V z-^h6ROqBtm*&IQ~REH!CG^dVt{LDYX>yb|cd^vdQePT@Fr?L00(y7|DORZZ;@AeQ`31hP()l zkIx`hX~#zKhBnIxWq#!qm3=T%W`xN;`f#*8;5?vwHec)!7O-=;={?}vubI3B1qb1; zLFfuIzYekDHlKoi_J~gk4B$oR4UnD0FL6$-%b;Oam_yuW4hX$ST_x4p zi9;-MK)H$lZO45f=7VpCrcP1T3Hw2C|VLk@f%OQbFQ% z^+A9{2!%V8x|XaU<7R%+=Hy#HzPt+@y6KIl)8;E9Jyqw_*caD;cSYk#N?7k7o3g{K z72^8?@)(J2_>ULAf5Aq%w5<>Uf<}MQ$mX5iGRnzqKM2U|%cIv#OHdH2v-BWX;uZFu z+7X6`bcLNQp=;x{nIiVd@q9EC#b&h*Sb5~o%;-`!Tq;vtCCjo%5ZKG54{??Dg~;;q za+6LNK6SILt@{1$!s+Sa=FFDS-B9m9ug}1g`YxklrHNIM;ISawjr4@+0VKdTD9aR} z5#A4%Za6)qW~t`$I&cA72TEB0)1;C=hWCf`B?)w~Q>LlU_0QD0v6UF9ZwM1A{3)*U z>}2xntDtu}ADz`L3CJ&Y;YZ4^u4p9-#0wX&Q-0oMg?BUl$uz`lz#lVot3XDr7aCIV z?ZX~|i+=!n4dc*Kr~)f~QMsq_U_X#D!iK&v3z1=nYeLt17vur{!E^$1h@rE0a!`tn zoowHzC2Gf0na~=p_^QtH-bD$Bb~M|s295|U+EoA>?~o+VgQ;ZFR9GQd>)xs=)GED= z=hDiXPt^iR0&_9<;roUgp*3e4J*8~)-AS(*L|gy<_k{?X=7awyj{Y^s49-=J#qmPDz+`gd2y5KJ1_nGfdz_pn90b{X9 z(Ld`e3M)Z8t+YeI=}WZd4O|}-II4DDJn|~n@}w;{bipNw7&j4SMy$4GTTQEpRnm8x z8!gu%Ho2J{*2E%yUXh&;7l#408YdVYR}|kpa2}>!Z=t%h`8k;bx%LwDr_td<9Onl_ zuItg`bI8&nBEM*@7awnAWVph+CIk^j;CFmfHTqTYU+g6gj<9Br)A8fUV*PNksLym} zaqY$>+)r}FpyeZ70~j3ymSy1@86Cm#{y@F1n#yO(JXM`4CC;2r?rc{`G~nl?qnE>T zaWumP{GPSGzD&Q5Xe%msG9S&}eML~4^Cwq*umG*@lVm)|&NrdXBK;jPbGnbsxga&S z{_eqF?Ie5B_{3ec})mXWfdIviB;eJC* zX(@HoumCEy+oYwFq{;jq(x!ucu_se}Pe;Ga`NCSwLlq|HCn_?72z^*9dsM-HsNyu` zfaFhnymqC&e}f*}Nxq>41}5h+M(>KW34s#vVsU&{y8Sz>%+4#~b-$fByk;QM#{F%E z=O|ox&;GbMW7`@l!JSteejdd3HcsgsdAY7{NJ&xTDw5#O`_Bgm?RMyEG~Nx_a3GC* z(-VJTIBkSgIX!;ys`2|ryrabnfZdcUMv+22_Mz81exLJfql-q58Rx279$q`9Ki#h` z?{fU-HOz~ASn&DlowQoTd-?1Pmm{IVD#ol6Vpc(Umwq3x5QqFZK!eILh2kmed8DBF z8lBUflrY6gv#T&$+b1RF#XaaMi}G_6f!|zuuHDNQBFJTJ9&Mudt{VD+AK?}W&Es<> zNmbm&av`aA@)8tZpC{w)h&K)wqD9{Ni_@~`?56I0f1^SUP(#`|%r%L~W?3Y7i!(7b z?mJxJ&4}YW5A#{>)(6E!sKDVSR$4vlQBlmGyJyF3Xez!nZ2!bLb{3VH_#tF_JDyG- zkG+uR@yu*&*;)OL5ix!#jl(|Y7M;38#~Yadt>}!)-}Ei}R>(j1|Gx`x?>358OOqKi zS5cy-sTn5%Bxx%xE#oc88Ds!09mN^?y=KW|w9IVj16ymUi8E#R{SU{`89 z-LEz8K57wUH+?FnE|^kPWvdYaoQg_sj>cPJhy6*5gL$bl@H}7??z%Ixyy#H5h;en3 z!av;VUX;3_<@2*?W!&AL_sAW<<2_7f1xI8kf8)R!nFc?s7Pp~LK(cZ-I7xfBLXIso zuNIg*@Uyhs`obT49B4o-m(Z`r=VW~mx<2~#pw&E+Ip4^=?9%KpxxB#!hyZ-}X~TPL z{-l<7D~sM#TaOsc{gsuIvn{f8*wIW3{fg17Qu)NG$Jw!e*cr)op3A?$KOqtT>Tk@N zSu#*JD`9-~96`0%V@ zmf9q(@>(|b!y0DLgdcYF^xw!k7CDu(QeqDRPVHc94hKC%WL}6zAVJ+KA`zMKSP6C$ zR+yOVWx4uBjfUFs`qPcmbxl|43P+Gsgptw>%@j#yqEGQ%V1;r-WoLUP)XL5@+G zwQ7_9nc%PJH0v*z_#HXwgT=QH1x2j)b)jEJyC0!`8Ya=<6=wF>O6On3#pSHzJJ>C_ zu${XgB8hw6I+_{BOyK>tB#RYH2Jk!Ae_6f@%)un%<@N1JmVq^snx?vO*HbFRoQwEh z8+$E<05qm5JQpX%RrcQb)>-+ih&ZX{nmF?;YRmNY&ZhDRXJ5V z2$P#ZraZhW9-G~ePk1XDt2tn8R$M}O=6>PH?~IJX!KUZozBwKq&no{d6wL`}<8Ekn z{YwhJtG)Zt7!q(3)LpZ7uHMkI;34`Zk{Rc!W)Vn0D#tcyk}1&oKa^3HA?#%I0J9F%b-O zW>m}6zBt}Ddj+Pbx2CLb_&CB5AI$jb5LTRYOtv5v+vb8VYj>pJ+X!)6PQy2Mj(Rj= zm>Fk=;9f-uA^jW=^1C(;gg)&XxiD} zGZT=VFeLHaKyBv}tojp}Xy7m-IB}ha=N5K;$$7UoLn%5X!WxwLmx<^78Y$wAB+EEV zHuoEmZw|N3a9^T8a*Rrr-Lv5g2mOtF@klv6KSfz=$C) zgL&cg+hP>mbbwlYV9;4hN;%M%I$h}v3-sHX8{m`@%4Q(vn;sF7`nLm8%d;b79gs|w9n;@irqt4L^z=Fd+CHt#>1Ii+ULqZm z5A^Kr^JI96bbNhpD#L7StngH}X%yZ{ZWae_wssDYaV^B7*v6yr@slI9OP`rS8b-7VnYKa#jUk&V+haDzP zO7FSpK<|cl`-XVI-oH?Lg|4tEC;ef%M0li|C;&%fwl_rsQ1o)!$#Fa{x-<)E+sWJn z@*yo&7f&CVd+51k*?$`o>RCpUR=k%x0p)DVTUBWTU7T{(?!zkcY&OF1 zr+>Y3DTUuZ3=*GeCnx;xx3nzs&o>ddo~&+CX}jbc1PU}U@E?Hqc_*~c@12C_{E)9 z-wT`0yx?-&kprf6gQkN!!H)oV`)sFV08*&IrqmQ`EY;sNb z4?`8UL$4%Ae4l+A6{l7kx=EHkn>k&2;u6}i@~4D(Ti{-+$x|szan%}_x7!Zqn!pvQ zveuPou5mk(7gos6A@@0gG`g|UvP#W5l0Mx&@xj%Y7t@3^MgR>j&r$=qw&NcncBjIy zHh$=rLxRW`w#?wo+fuBunyp-phRt&4tUn{HD+T|`Clh`ln&AA&14-a4q=PuUm6HRc z=K{#h>=s1wnbX3ove_Fc8cNDQ`>t{gsOc7)bC%4TTx+6uUuO8tJ(c308}gYJzy$Qm z)_E&e30Xshm+bfT-_(`KF6`v{LOvKzF<=C%>vX`lV_LNKKCzZ^gX1A|^ye?GBlp##xe_*~3(-}n1V81T)j}OZI&)W~Kp>lq&({wMTPQDZ zu$ln|Rs4bUyX5Y7VHh(=Cfu@Zww}WnVG53GVuZM6@UnO5)0605#Z>0q$q>kMfi-ahs$RBm0nrK{XdCClsd{1#TQ z$d_|p4jEa-sdkxo1VbL~va%{z=!PS$?IaF+cHMiYKHc$dvQ2hz*)u00Eb^jpZ^53* zw{t>{Y5E2>Gv1%apV+w5*@Y>qsV(c4iZJF^VjvDsg&2HE`6?Y+*N*Y7W2N}TTapId zZ+~Bi9`tSY?VR|{{!YFblNRj6Al>)i!W(t~4O~zJnhFh5o7$fFm{Oeu+`-NkSM5m_ zR3~y#H*%Z7?jmSVl3BhYyf6`;qS|)9NLR<^5*ShZl@R`z$POd3J9tj8U<12sbfJqA zXA8d`kc~p~pJ)o@A9?NxytN~Uqodu;W>_!06Wi(uq&;vU{z6;LvooNY0?P`DaE4-x z{4rnobuPl2L3MYtlf^#qI&vAiq8(zcFuZK4irIE)P9L35c6@Z3?I?uu zp<1!GQb*2|(N#hpq-kTw&dW}y#kGI_nrV8;zV_sa3Q5oo_OSBhrMW7hlh!TT8~vG; zcPW)Ud!3m0wY7fAe6@Loo@#_4>Z4r9LcardNSOz%ouM~elXU|?To89FJ%ab|)UYvE z??*`aY8?Dsd}Fmbs1W$+JYB%QavA|l;Sz2fq%qSA9kE{D7HoRx^5xrlR?G5}h5^|G z5X@>$$@}!|V`BLmaDBMX+L_5>{^ugP_tpxqiY5Up9Z;C54?NmUlx}odNL*P6;ICJ$ zt*;M~zCJkO?iA@9`6`P4?&9v);_yJOJH%&9$w{h;h+<80=$W>RYHB_w_U*Z?;Wf1z zHT-cGRA-~0(Nio@uN7OSiuINEA723d;af9K*#JXDek82R8{id`vNN;h1n?FdA`X}N z3i!aou3N9-<8stS+^g#cM}hXpk%^)|8*n5~(7XoC>cj2*!Y{G2bI~(>!ib)40(bmI zfMtACj-D@^+Zfi?s-y!UrkPXWucQ>9rIuj3>eeh4KM$L{z&?DzP% z`f=L|4;+AJxDR!^5b#6hfXUIl4741u4G~V6-9G6W76FFYY#{(ss(f-n6|M!(qK-y< zZ~6q0wrxDzjZKHf7-@tmZr4`X;|M3y>jmWiHs~eqzNcD}sS1ujiapxt#SLUH_B@+{&|YR@Ja)^G;mmyvoWkt;*jGzPpaLr=!r=I6`r z9xVf3*<{tdEQ;+F>lK0LC`kX*jhjz7Bes$`lzpJJ9$QZ8*6vDYhw0Lmu2OK*H(vZG zx>;WRc+EE5w6N2xN!eeB%&xX4<15LtgKdRzxp(UqF`0w|C%NE*m9Ca)ASzo;DQG-c z{%9NKvvs&SU0nM-W_7^XJQj7@csg%1*-(4+&>FvDNFJSAod#;ZMT;n$Q2~m2M$fSC z@OY*DGu!mSPj2>;^@UgDV0tarJ3d8&-nACz2%`za1+D^=d#R!6#pq~dg%Ke_`2QfP zPCQx2;XPglIUFIda^%k+wc6U+gXMQdBq_|)ta5w;mVTyh4_eS6pfbnhoe6Nz^+<7Q_C->FHTJgzAOTFI$Wb3Gl&B0!HMPf4?o=OvX(; zsurb{#?^XwmmTVBe+vYY1J{aF1QOCypshetGQI~q*b1ub2%y^G__$T5GsOwZtBN#_~ht8y#qfxEuhLu{}I=`6QJz_k6**^-{hZagk}7b z=N7EcgE0fz>`WGHnK>VOvZJw*ubDg@gNs9Vp#!)>hiKP>u+Ky%-Q!>O-$IYWm{6WE z#T;DVdu_qmg)ZFjBCIOI1ea8;JFzw4&Yj9wX8Mi}O)$L4hLS&oXbP7p%n$e^CcT`4 zzbUH#vgD!zC*HX%s9qb=eVk}bdiGj(Kl$6*jyP`j2q_+$ zeZ^l-ocTIr*E+KeG|c|m#EwHH`Q`ggj`)h91+<2;l2aG2)G6#8{bYu3q_Qr? zdwHn~3r?VgM^>z@jQ4r4tOm_KQab@SOfvKwoVEKt+tGlU!7JrC!Gg~T3C^)QDi<_4 z>}OD!lWGEH#Zs-xJ}P4V4`R3Vp4Ng#Zjt+)%hv;qk9LpN48!(n zVrRY7OSHf_kQpC7EuY2#UTUHHyeFi>hP1{P(;Wd`?JWG4_XJL&)P=liS=*Ko|%x|L? zp#OLUm>&z8`5%93d(<(xO&^0LqI4%rrFmLB|D_|Yd1&^%v}W{dH_}`Y(CYr*VwZT& z`)3v}`p~-*1-0W#f7C~p6S_+tAb$+z$@2Y(ws-gue%?t2B*!Z|?GJNk0?WkkV)Z4` zhzLZQ>@7J_Sxb+Jpc>U4_aRHx-P&H!mTbB6{w!g8*(9UN;lrU}$tL*Azvp|vdQd!< z>BR|72fMxH)pl3`Py#{f^1XpS`<*+3tE&zP4cdB=V)-fI2+@!l`QznSS%RVlz2v&kan4;NlOfOG&{YwQbn$l7;CxNF36{ z3Z#!nxEc3lk5L%1Ji__~Ey*9L1cD{16gV1+VSJyJ1>1ud-Q*AoNiytfv=!g-btzx~L{ekXTdHJyV*e+#*O8-j;rI1FOQopQM zMIx1$yZG-(a_k77Oec;aQ9KHVeOUDg(e4HO7)ciKT;%VIqzg>*lC$!2)}syT0=?x= zLdxTRUvMg~x_A%ADba&2MkjPqrBzRW3-?m3ql(hJ9%dr@OU1>xXWP!Co*_9Sn4y;$w^f`AOL?(jtHh0?fAx=$yAv2- z7n=gxvDr&GJDof_E-nXDAy6@61xCN;>7aF!D^YnZG9fh%0T19;PCs%i+=um_paL+;i6d-xYlC(?lVC`Fd4dHz z!@klzBVeEgu148d-3816I{^8li@f%($Q!Eg*q>UprIz)NxD@5MKsCC1>WOXdZ8%=Y zO7|$MaecSh(=}b3p7M6Ha^>*A{hfC+F-UxIY}Z*xEi4pxzINUHeRtZHVvkxPMgrGd zjlMtG$qB4nyt>BmT%e$3<8h*mvC1Xd(Mf|&18L%9rTlKtZ=g^dxQ1g9L4?ikpsSvg zYJu|?r9RK`EVFk%#}T%a!{cwSyub2u3Ji+cd&MSHf0MTL8e{fQ%sh&)R}s@>XBZfK zaCj~^*raPHbHk9wV==W0=%(*hXasLjPZCpd{X?#5VQJsPux0LL$iV}`(&$2`5wNvU zAF#W;fIbJVO~qY6n2JUgbpE5CczlsxlrW*>Bw?Z}v78}Ls0;9XB>pQli`aSjJHR{$ z;iqOO+x9d3yYt#eEx$1eJ{U_;p{TIUTHjvR9#rj3c9epO`RN*++8Hf<2v4pnbJQ}0 z;@Q0wa{RlO49M`uRR!AEZ-w2kms8igrBvqgnOm(*4IMiTW`Qo)e1ls(rb!sN=Mvuf z%D+Xq7gl}*a16oCq?ZF7ERk-+_Za&hUJ2Zr@>QvNhGK;7B!JzkocspN;Uh5XH|B4n zilePmH%|u#1>@&&Q;fZxY}l{!V#t*!-Ua6KS-B2$Bv#CVc{DYL=5t;#rFjj zK<7>33Q?JsM?)WURxELj#++2inUF^erZ5Hvho=x(3 z(~d5UFYa+S2z_BJf5k6dt*BsDEonk^yF`qZZ!wsmQZx4#CY@slZauF4#ne}Ge9B_> z`M65aFFmN_%B)e^*NoeYSuFn+PALel?)9|%0O@r0g9bEb3&KP@`D`24)0 z`~ANpMaEpcc;J08D}dJlycH*yWl)hNHHeB(m_R_SlB!*=a;xW(d(iVZD+*OpJLB>7Mw`MeW2M$EPI&E{^<~6W+eh3*PT!J$ zvUhi@5HD(moYM6pSajyUJh@UE$;#rK%$`wnKBq!_kIyDDzuvLQTKYc`1yeskr1mok zDj_iWCkW@S!oqoVhAgC}2h|Wv-r0#ubQ9)#Y>0>aAWGnQvHp@0M=j?;)}A{tZ}KOM zuhR3n9E9pk#a+~S{s9#6LG+Utww((UV_)Kb->~TJC5Jqx`Rrc$a4&%x(k&sa_4j&E z6ZBTaxSMN`n!&q_0CG!!qMVa;`Bk!l7=Mo>@Io{IhfLDVoO(*s25lUj2 zt?noCC4R`gekt2=3F#B@)2;axdqt{j&!d-Vd$Cc(yQKQlxhNhF z!QGTtPEI$o(hP~hD?MW8{@ZzTvPnIuTq;IR2GJb#B}Nridfac}gHKkv>;(+wQ%&uT zr(V3%6aT72o?SYrT}{ML*l7LdhRa70ou_KNE-pL*D#{6;Q}eSL3@rYaz{s_@O^&Zr z`?CIktI+HPvUb%CR6xgzmF0d*)B>SDApv{KS?1*?l8q-bX`!BS23w(FSNb(hf0D)P z+*&Hf59jT%jAlzae*VTVaz`L#Kwe#KdGBbpr^m*{66wZ&cDy=5^&3+xE&Ppt>ZP||sP7f3Cg@FZ zYl)T$q$CybitgIjT8IU(fMt>$lb&V5wXcb)9`4Tn&jeOF+FozeGhoe1STsW18M3!Z0d%+aH2=NWEbElvZwUPM_kkKE#&A=#ceg8TNAhqx72}} z>l%SWD;HzDRz_Pwq+O8+rc`1Q@6@^%Pk2d*5#BoF z5S|j@uO0Xbzy$n`h$qLZB2bfijd5k_CYmZ^Ivkx<+|#9Wqy+54V#fAIrF{*)X~w0I zzU+6Zw5MK3kr7mbHmH#>ZuvT{XLIwPWKF-1#g_z?*}H zpa0Doz1v8S6p6r+R+q=hRp9U!_NRkFmrWTpy?uLwCV#hr zA0iy}k6M1JPFD3)W@V|gqdWBxK|F;{uH2Q@$KN^X_k6E(fsT{3P)Kvmp!_}WygP~-kg)=?%?rnewr`Xi6DHm`$M zkNUkH0nn4@=wM$rb0l@~(k6m;Az$R%VOZiU!Aqjm`l{nY=qtzW+TRlFcDh<|tq9U3 zvH(t+-p$}ScvY=?Yz19~j@|mBcp9AfQJmh1(5DR2!A}V!{_v~ZrNC5;g}pUfmm}GH zEzL(_l8e{{k_)5_Y5qLXuQ{L#Ul&P=(YQ*HJ0K@ThU@$85pi*PZDB=g)0;v^hPB_r zp-99dt3Ew$HxIp?%;U;{TN*puUCXX~OjAEVmJ(}iGi2fdoQe!pF|!`({)(=ckd2e@ zckvSXap!Zto>KmruipdVPkI3}R*5FojI8M%!T%iJXSCBZAWzRVy<9}l+MO&->%d-_ zG+^nWx1bqeezN$Hr#B3-%JN zXc;R4H+uU=cl^e8R@Ga*#7r-0k?(BCJmwC_*q+?1swF`9U1J^ez0+2!)w+{r8+Me~ zcyt?fXRRHzT4#oc+Dm&(t!h>&JJs^ccw}bJaQnUp10#3#N08>gekc9oI!QRUW?uCM zubse02*S5sQc$gtBu-I*cR-*w7$4`cRitiB`y@jn?)7lWGH}=vki%6X^3zAGe4u@! zv)Qmal!4QVNuf(@Y-|SW&85Ax$|77Z181pusk5j4vNfmHr0=Xi2w2}5FqD}}8LW%x zUA%z0Uy1&~`{zJSknKPCBUAa|nud!*_g_W)e;2@=Ti_$i(oUA+^)IGPR_;qr2~$l$ zPd#hKO81hYVe=;kxXLOw(nty4Pu67GMobIQvXA%C#b)g!7|gMA2K$|*_9+MB04lj^ zPL_(pfG1dg99@ZygX{VhG7jL{REMKM6|J>$R5F|$mc|Mu?Yv0Za<&aKeI+?oeJ{LW z=@NPN@-F2%`rEpT7X{z&p9%CL3EDmxy5-H=-tzAgWO%81)U-OMe5i*PunENSM(wpF zVKd7zOzs+Bz{ydrSOLd0t7W$Pul57gdIwV5p|YfbD;G7~dw%FW9S zXIlcrX*Mo7;}Z+G^6Igr@oHVe^W7X77a~<6BZc2;Z=U+VD-@OGWcyMbD4)+;)7h=5 zv#(W?X#O=zq4NS(FopYa-U8om{J;V?%A;A406%>UMeGKYsYi{39L~J=6Mx=-QwusD zaOZM=ormt{7JKpNojcp5{&2gr7m3YBIQ;p(uRSF8Nviu+^VS&Q;;eFtqrM6myOuM) z>Zh8IK6O#J4-N3>-b(@0zd;1ZTd}sA68<&AHp4pH*`hlJE?F`K=bH$q9MR}@K1{ZTLU%`ZmkVC%T@9!tVg;UZaM5X&{mrCud`=#4 zal&`R_LgD#Q}J5P(K^Y+KY)6NO`%`cnjmojTdwF@79QJy;sqwf-4;j_OMzt9gV6I& zn@zreWN(W+3iY{&Gp@h3_ecP|MESUNaK?FAP0#5b0aYH{ZQG_oXSL+uFtqTbmmBV9`Pw zz40EyJU~EY65PfX0`78CTMmwmp)K-!zqw|GPLFBjwv8x$^G@rf;!gJPf@ba8JaDXa zCzJlZ1CNUnZCd>xMZ1YB!)Evwmouo;CJ9sZ;aAy43sx6u0QRhHz!w&?(#bK|g}y~t ziv7c1hh15_nJ(LF49{#5OH63LN!f58U`k#`{bgI%igj*TeH*q&S!_^r_&nyQM#6L zC4W};G;d2dO#aJWhw$1EClXt$Cjr-_sAAlt zL`3N(J-zN&AOXQs?v3`bJFWvDm{~3%qZ>|_8u(}`^ICDuBwyfyn-O>)wVPJ9I1CAu7Jd_# z5D78kR*+10n7(Fz?Fapk&w8M~aK-AV^RPL-L%z-Af~sN#!~qmD^eskS6<$L3%E|0% zdMXB5>vm#$x?-MtvRmA+w%7-U_tNYupNw0(Whv@FA)75m8h#X2+R%wa^j`Q(!4@iK z!B=Rg7=V(sZ1_}K1wAlI5}#F$W{(tAxTSK^ZxoiQ-Eg|QV}4{F{WqKQp@fN2B#PfZ zi(0p~1fNjVVwacvpVfFnIcb(l;9N=*7j1vW?^&Knf~Z&@?mceUcj>|FSubGWJ4oYj z?jw&-0zGH}0vZAEiUL=Xnj;+px&v(AXk zY>YFZA{!^%fzr|#!Aqa$CrHjrM|k}4upMu#16a^ev|jgekMimk<($|Lm$2+jD(1Qk zzpqZsq8|I&&|2gRDt1jerSG0C2Heq@EVWvTfw~`sgZB!yZkN)mO*rl+Nj&TpjS**W zn(k?+Sy)7?Cz--z=wvV-UZKhs1}sW!OApJ&OJ4X5`cCg2E^f$w9~FA54{->b1_4sW z$Y#PC8TBGqZDsEUw_EmE8_o7RNmzQXzzf%Fdc3)FI_nHD{L7=ZfTPuTTBZ$4RhU-m zIcrV{yH13P{XkDTF}BA6&9Q$zXWyjp*!Q@645OLu&t_9_fO6}}bjR}I^YrtAf~)2J zfbCMs(OT4d;$RVm!w43j5;!;|eJL<@c=8<4$NRS0N< z{u``$MJL~U&Pg=V@1KPFz$Zn6N;XMI)w5^hd;&V(DLgsD#@PNr*4tKG##gt;d~Hp1 z)s(9UY`p0Z_S0H8D~0wZ9^jaXmmC=)kz(y!-|x#kSa0??RCLOieQ59-c%kAU|L|Z3U_~J#o>g3EMNiXfjY}2!elw$h%_lvbgI!Op_$$s+*_2=Bg*Gn z-8t%&a&i!Neh37aWlDr^-I+;-kyE`Xc7DphrKkX(=^-GOO%V-OdBAb4;4-~`_M}^; zNrK~~LNYi*6R|3k0{X2;sXfi`hsaVeNkwb?kirEy>N&oC_R<`UaFrh?D3dDj07l3h zdoV}w)%Qv@i&k>3S?lBL3B0Cbzn+MhFKy%J#DigG?uzkgVVYEdS? zq_|C=Z{a*|;ub$#Ma=!a4!MFIm0uVPI76(8<^|t~aKX_A4vy!JHpXWiwCs4sL<+Yp z6uJPdr##Y>PL4j2=(dgwe7hM*H-&c$++xz3=w*Vp{%94pup4<(je#qfnn=Rmh z!eT8DrWChfby9t;hFa!5WA&64-U92*>EIVT3kCxLmYeDN@E+YAZn>zpRa`~Y8fLTf zagqK|+H9a&4tXH(&&m*`k{BQ9Y(BCwX~RyId}~m3Cz?8u#YfknkCZy!ns$>e?fOTB zpbvHO5PPs8A_nJhh5S1}$|YH*{rIq_V$3HeFqsK-9}Hys3Kv(*47$H)q(DYQfL+JE zuM<84SezsM_kh|Tk+)rcYA3kRGO(l7rT1QAI;s3GGwAdO2`VBpxu^do&!$%Iw9B)a zBIFnpxRAe|nY(3)BN6-lY;rBc(op`b!BD%1(8&wmr%nEv|LQei3Zs2HmPA;7LDIic z|M}nZ1BUOnPtsqEcIy+LRnW6*&W5C2K!oyz7T9Zk|CG#O=6@sTj(V^xU5LaIho{#L z5&p65dD7n%;h7+oFKVh6cJd`{UaJF2^fxga`HrCnhX(o_i`u3;l(VVXl+d#q8VB1^ zz@s?b<@7;P7aK_`yO-K}-WyiJz}j@FE$2L@~l%C;{u{4E=_VXQnN zty(16DE_rcBc)`ZmWAB95qf1C?b%O(+;SsL@)Mps^( zEE~CBluYwhW82#cQee3Y1n!k%CHPd{k0PFJfu8sDzw%pTJ>-bWTnUc>UqCMaBGiYq zI>uyu9ZR3gw@>RQ%Fa*8ySOQO(7=A*DS97PQoX;V3PE+}=~KY8n4@Ou+oDAkg5 z{`B;;;ZrTD9{NdW;oiTLzeVn;N@zMgz|=O1W!Vbrra?7FP60^5-&CL_VKdOqn)CNyhZ0UhBuE;Ec#j=v<)^8cMXE5BSrz=D-G>ji-qkVJ86renCM&0P?<+-SrSlhmAA4 zxsh#ksU4*iZgPQMcv>d8Hnn)gug1c|T%A*KqA_&K&W!rXCC{f;&Ow4~f4n)LMH@D^ z8E#E2Kt1taK~BEV`cK%zfoR1tnfpMq!ztl+^i-U~`&q8|gLg(xKA9{?)?$lbADwBq z`%=*VXnzNcG$0TTSk*9jwz$RKzdk6`e`n0R{K?v$lrr)jgt^3Xr^lTPjyT!M%EE0; zd!A~Xt!bzV^v3N9oz~};TQ;IkVwJ{xXYZKzd5I%MB4usf@ z@np1Xk&#RHove+?c-;g@y(A~RhM9YR2lO&F9v+V&dHC17-`GECwbyq+T)T{b%W1At zxDKoDIUsMgz3vFQFu_9&G+d60uNz9id~GZGmtC4DgO`l{4zjn@^=j^gg&sMb9Zvi3 z=kJA*EL3TJS=<~w7|W`Q)vw|wGz9tAa)1cRMwRSC8h85K*Oq%c#pz9XSuy6Oakh|k z25`p5(#wJTx;Q7w1Gl9|cOJ|g-pb@rZ2eop+-4?7KV$#=Fv8fWEbo(}*`W4KCLUmA zLd{KI+r)4{fQ)(o*Q;HtTRi>Tw>OCy`~xa3xX06%3c~Fnc0kCS&oaV&-RMGz0a+3m ze+XA_iRv=Zm5Q4ah=9^>+mL|z;??gT7uoAqNjQwuuj<>7;QeEZ;cC;Quv4Y5oeGV( z&dahf@AZstgFBPNKE|E@JMg}7U&LBe=yFv6;6@7Q z4Mb02U+La1qYl1Hy-yW6_?EuW8_6aPzU6}Y+#KA%=pdX%uEy; zT)*4gEl7}d{bd~P|SsB`>9PLO!P6Ln#ZswnCN)SH>>>N~O1UQA^(_vP53% z^S|?w<(n;&Tw)IC?lX@fov+a{5**Us@txqvHg2x>&fZ=^MM96R&76g8i>C+w!#6%& z099d67st}!ul4*W+yLyEBSbByA^2cHO&_lVMdnrnM@hWB*Q(3?J|Bu#AylI(x#bEu zM@MN~FnD1R)QdO0`fAhBqg%Nu?E^B5wEEfhgM5=Tk}nkg>A_t6GlhC4h^Brv#y}{> zEA`8Md8)O<5tsc&a!_v&x3RPU%+lu)D@gm(1OBkBLqR&+NAdk0qV3M@q4O#;)EDne za~x!&u-=^}Hki|QXMcs_{{1gfOAkBgYH)SzjC~TPs5ZGbtn*s$fIl5hD*tn7^>r#Dovm`wX;S~ zB{!xrbJymbseG01Sonx?55*Wq5uadBv~(GL>ySx)^Ez7&`CuvXme|>XdG6WYb3zl= zZYhi)zmTfYlBECqg&tTla?H+BTa6ueszTqN4WxR%$ww!bcvxTk&C1-L8l8a+o&{fQw`X>M?yH*evY?N&ox{O{nssTh+q-$~><6cS5|wwslCet7z#@}T!L@k}jIkV4y%FX9vV zWCFb~cWpS)pP!i#Ox>N!Hnv$m9qIAC^0QW6L^25Q>+GZ7V=+WoE~iz?^u+I>YRf4t zEACsfY`M0j<^^RL1rPP;OvUdcw-7G^3&w0`$7>C|rizfK;V&p*k zkFLcF>-|)@IJ>{Fv2l9ZtSUe@){_$ZNJj@;ba|5pSmSa-_pQI;D9+^dwbKP2xK9x2 z((~l!ycpe4g}aPK`sf(s(PQmjz@L$HFiBCrzXw+Lb0@^#xBjBR-o}4IkWDddmZ-3l z+su(^Z)3gqflH}=TVOgy3Sy^7{yHf{l6vlcqE_(!$BS{~*8pmb_7y-T`3V<47~Wwl zTpsygc`W(o%RT^o4oFJW3}L-R&pYH|38?IM@S->Xq_*Ls3k?KP-nb3{s=i}Vb8LHU z#YVmz0rG&EV*cYQf=-?z!uX9&H+7wO-hiTlk9LYy2t|_0jG=asc`*F!#@F#};H~L} zjq-0Mi7NwWeZS>zPF|94l&ItEeq+?gzeR>H>hK+G(c|??!`c47<)vt{Hk8xRRW=X+)W^@G7^Rf8cL z;??U5h>`26HLb6Q|2vPwa6q`emR+n(4K!r#pm0PvLjKdCL}DZkftn zvSibQrkA;LEDx})A}-Py(x!V_KDcI%t#l5yL#ro{YlPHI+tZn0(#pbYO3vi?gj!>L z?WkMB!OU3Lc0pMF1r?MOev$VUqRuXv8Lg0g&I?NHyCUHFdH=r>6Sd-^Y;IU-q$N67 zYyy;5Xf{o73=KJZ?foF%r1M;j(#}9m=e9&%33B*l+4|~}Cs(CE*Uj2`PBE!oM;LR9 znj7&UTR~dB)0%MNDoiuZ4GgvuUn;ZkF9mKvfwWQfRUsizVExE)^-@;x3e|61@uKSW zuO7Ccs(_!It_iHL02UYHL4MFada`0l$IEwXC-|QsE8&XrulMWqd?M<@f`WJEr>A>*Y!MV{bkRo^rumn zHe}IUdkwb+CxhALgQ(N>+2emi&5>7Z{u2IR$+H&+iJ99%Ikxo%Uz(32SuR%O(_o)F z_lsm`)gDX8`MUOoy%7AuPLwi14f`@- zzhsd$bF}fSOD6Km4JE!0KQbw6M9B@(0BqHF`>rQFFUEANF_m~CXK2XR_TbY{=kX!% z+_T|$HrVOp{T>D`)~aM-{mkW2VEjuQbVCcZ)es}H&GBG zA5Jy1@F<51%CioKk12JJ7PGNRUbnR`rHf|ns>|dbvL&)vhCO+Vm~1Fy6Yy~Tc4;O& z&G{nFD+s^3Y7hcvo3_38kx@~8W*`Z8zGf?}PY9tNR$uA=<3V8h0Azm#z5YrpX88y; zt#Lz}jA-jihf$}Fr%h*nI?sH3svGm8XxrBLkq7abXJ1YhP8ZjXcJNg~4M4Y@k+{PX z^dgzr%GjB12wPzq;@P(2F}cQ3 zQy?B%0{@sk_qrmCBxUgD>Uj`5abCd?n&mpS#-6`Ha#6?PfTQbAPCqb{#-sH~C6#LD zwRAHyS>H!0X;3mUkqm%lsNvamq6Ad=D9{Dw&Eax7>j{J#+YM*AAN z%Ca|Y?els4k?ipdQtSLTOA(YL5zy(ir+JV05tR(L)OU-C7+Q*r}NpXQw} zH@e<6HO4(5{7iB=$kPhPD4d5EC&(95+Ta4ZNV<|!))p4x`-q}tniL?~*4%RXcQ=f} z1i2bV%OUp6t1IN?X%bF$mK}32e0B2+9BCy98>v0V=|<^}_S1R*xZ z&In-9Q~&S_o1q~QNWoM0Ypg>o^elM-> z151^Utxl6I0D;L%wvqUyv(nn({^``$LWcos?u?+?DKZAcf>xM^diKRN!)vFXIsfQ9 z-Qm>}(9Tt@bwR-bFBm5D8m3r&w)E=#5&7T2dmyN|+I(2#)un;e=dZKM?~)``mocweJaJl#mQ&WS zCA0^O4O(RdB3Rcr`#{h!&up2k4SZ zROs|{g>T7SEQ=O#w!PLm>`@o;H$o-XTn7I&rAhfe21AKKqy<^E#6q7Fjs6JYkmKMS zyFJVUzi@jDBwIDpOLb2N(fMK*@E6SuOUeKCLwLZ}vrBHMS|xt)~BtLiPE7iHhB z!F8>DvehO+oO$f|;}-3=b_00Xk0uo?;5~~UvkX!ae9nnyJxJ$SKduu085{!lVW-;N zz^f8fv)nObYlBgHj%U{SZToTtp+AKkW@mGxJ>X*BS94Im1T+JAnGj6t?HEz>K(-we zH|S079{ziSG^7lVw5s8USY*gJ6tVx6cwe2MvJA=+;SWhKnb3BiFDR`h-Qj_PZp0QL z5R~s1YdgMz=(0V6tzS00U>3XsPLv28i}W#qDVmVghwR7H*V$p?u^;UBqV^`TbbmjO zy57ryIq~~ka-4eB6Gf9f+i-NC1~L6T-d%dXJcRmJ#r6MLfNG_+Y8EIkV60>-Rahmz zgHLi`IMBXP>SH-yp~?Ev3zkwUt{yGSqKZauipc2JMj%*hw{sGT=BQ=qXq;&HuPoW* z5;V~>;_-tUS*j)Q3t$U|J7yA)G3%=eS4+XH0^cb(VIm6{)8CMnIKr8!ax$NKx8}?dN5!o!2CJIM@Y!ZsD9H{JPzhHcBM;!0Rl+Y0?=f+J_6wu1D^}Y|TgywK7T$C|{;-xxxfj#&nhrh&3i;~oc_P}o-v3!SU zKLrLufWA)?wH3w?jkL(0N7JSUmj+MLSO)(2JU`JrybdgaG~0KtX8gJ`Sj@WVE7TFu zVp6moF$PuDV3n_r@(cck0z_#V`TdM>C;`#MN<%K~{jE~rv;B-z42Of}`V=r$h36Wa zE-pI?kN_!_{Zs>cyvw-^2)4y>YXjNiW}3E-3;C#et8A4mz+0+-WFT_wQDQ4F9OE7+}uaZ=r*g^%Q07+lM z#}w`jB(QKa=2&v_o3&0lG#xID&b09CKDPh#>PB_ z6A~~#!l|A`0`yhZ)9R(}#wm3+RXA0lRM+K530!pKSPKWHdSg=PQt~*3veW9wN-hQ& z{RK5ndzXglLz5EN-(JfyAT<~$l4Y8)>4|ax81l%JGlR!C3Po z3Hg|$UKREQ71aAZi(+*FW3Q_mboYKlifAiJ^i>DlMeF0hm6_{T2-WvK{3$;?Bi&=} zM$Ya_JZ%~u>6%xObDC<#v3M=$ew8yWi-Q4kx?*=mb|%)S;>N|@Du(D#V?0NjwKUlR zG<>J}=-(f8kuI$N>^@ngvqiHX-LDEBpSGM;SQmH)=P>1RmZbDma0L!91xodJEpSWW zum<};R*va(-m=S_3Ml1jlKeIDvnssJ5{HoA8!+Tg11 z3(;FHADrI@+*_=ul^|cP`H#Z4^YjsGXvLzzx%u`5soTV6%{+^S>K<>xy&_0U5Etw> zwqoN|w{yQMf<%x^bO9ED)4kC;7ZY)$C z$s}{tVoQ|3l&irF7kYe8ryNgiFMToWe10(Kqj9EQ@;L=1$`~FoZtw-x&&d2l-*#}C zHSx{o)gPPLMumDxoQy_Lo-`B9*4GblkMt$-Bew#9ljJ3ai%y$CVR@W~e(1&*X0y>b zXHBCNMb(K>kBkiX!xA8JMeCooRDSJ;ac0g;AHYLeH*;>5&_sC|K-6Yib3Aj}y)Fn+~>uECs z&ZOJl5R`1~SztG~x3PBQ<2ajz9jo90(%OM3E;z*3-WjO;m^0FkLAUo}ew66F`R{%9 z>VvC{?%==Dy8ozQrD*9gRV_tg8`tkfm2$iUzf8#SZO@WPii4imZn130_Qc1gz_!Q- z?n#d_J{Yl#fChO8@MwOo#<{(q(8EgnG6gS&PPjGTn0)m0YWd>&FPhIck6~RO-+5}= z4byDtByeQDdrvZ9O8EJ|kyMS-C&mDc@#MgV5LaIJ8Lz`z z@mcMTPdkzl)lxQo?#(RMo^ zM%UqMVXYMv6?Kw;*uGj#5@LtG!Yj0l3%Szr8Rig(%4ZIiKN|H=9927-pgfg687baU zbT@eM#)&0U!JH}p!SHiwJ;L0DT^Fm zia1*i*tEV&LMJ3ld@@ywlEhm9!PlbnWGpTpeb>vn-Njg9_U<~&tKC-6*kvMrG&-B; ze)_8-YcKVV@G(#Z{l^}4+}}k{tF&#{-$8lg3^UF)8FAXZHMV@Qd9om?BKFLg01ApEhQ0rj1$RcmK=P71|-^*-KJF3yXAojmNIM|%@oss>!9;t(R z$ia_b90wF=A<%~zWW#OaNVNOEk{;kTi)-#xCVg3OTm z?Wm(E&12&1aT@qX||`nzIB+ivF;9l`0id8dqAL zna=XhuZc5lSYiEG{XfptqIj|ZP{1`Bkcjoge8c<1I|bSVG|iSmpiAjr=Y2D=vhkbm zzXgsdo$dDtWA}cyv3G~Y=jmP$l>|kLa>)8`dwjP`)!9awe??^{_)9wT$A}jzQ@vdb zNrk~}cLW69?+MVi3y;bf*W&|?_74XM!F%klgL9Wn^6Z}j6mu1nV<&;3*D>O7q*S

    qoK{GyT#UuI}LAeONtM@=O-kxoLE^9Uo_;wl= z&a=97?*^}zw0Hg(XI0KZn~^$?s{(0ceA;zMJn3jSBGcV58>hdEW{T8o)cK$s3 zyAOWDKPG(q*#%lqS;EEyPp5CZHKtkkTS>$HzlIX7V8qJ4%qxg$O}(l#(VnHw*$bCwx6U2?t?kh=$n*7gT0tV<>EJPJ1y z=*#9!J@`vQ-EwLi+E2DA1b)T;#@^+w5&ADVOWK{c#ialrU4F-;d}j7|1rpM@{5Q-E zI7A}U*K-%(-_;Ff&k-M+!YUKWGW*R8pLS}#g)>9V^T32gIx)Y2!QSFpdIg?qLX*+k+p)W8^9OxDU|UN$&x-=udn?Q z2n_~%;6V&8vOfnu(0~L1y8)Td?jyk4vPgE9(Usg=SLmbQxnE?~@0|h)U14MEoSjsj z-aEW)Q~x$*qYgI4e1w-Eod_|6PIE`cZAxe!FtXEJqYf@I-fZc2TU7-a>!yU%hFIBn zYcjYziKb$;wko@-X)T9fim=&t$;1aR1W6aiw-%(_H{LMl!57z2lj$bUVR`+6QM7(g zxhPKY;M+4NQ=o4PJ&%w(S4B}5)dFf{*?gwvBx*f-DWBjSF~$P@8x?GEEl*y)vIXjp z-)s|P#D2YjM}!yx7LJ3n)1}!eEBmQKyYF%e9ydx7-mvJJy{rhrnq*knGJQbw#xg@F zA|v_|GiGBg3$;IIG(eZ3ca}Fdg@u9vS+-YglZ1P54q5+M{ke z)bzqlM3GXT6ux8ydm9oIsd6&xmvHx0|3Q~?bV_b8Xyxve6_rv#JkTf8+%!qpU-xKV z%^9N#`E)z9x18-C^zAf8jbGsm5KVcEdU!X!3#4Y8LF*286i*FIYG0k&!KVWCMvd3z zV@wP#xDCYq_S6^vbYYhJ$Lg2cbQNOdlTL__=N-zImBM&zH^Sy+-fynHz4dJ)K2SN1 z+Q4X{yPLiDk~!IB=x9psqPDY2(SQ1@*|I-RW=EHM%>itA{yRHO53TF+bw?cnJ}u zb}%Q%ne*)i1E1A5#u#xr`*#s)Mn^sFm|ykZ45;cL%nK_)P3afxig(U|hHmqiMt@zl z8BiExzBkHIz)HtKbVvA$er((K;=gPe4IVm{{#2sOWvStbg_8m`o$f!_&v?F4>UY1l zW9_hGNY&AMENd#ToxQ2TDN22F_W|V5?U8{=F}r6>IFB0ub*}1pxp!d|a>nm#$!#5d zvou|2S2qb3x=r>40rKFY?pRzs|F_kP_haF)iMa_@`j+R=t6_>7cJ|NcG!9OvXX9Z_ z8&fk!$sL_Dl@4~^G4JiRy#*2_%AZFz9mUI@^0_=CoPHalo{mNBL>>R4X@+if4^o1v ziX5NQ!h*-C?D3XeWIm+iRB|`xJ9u$|D`Kb&pkJ(0semo|^zYL10sml?X-y$XJ>{Vm zf6FU?r&lR*0bO!jaBJVS^SBuP(-`@+XaVc|&JGYuL4NTy<-83ZRi1&~cJ>|UeVxi| z@%^7SDmA_b(GKt*?gkLC^(&hS9WCKN%TxNYM${?RUS#(s4`z4ut17Smh#yAxiQCol zaW{fFAn!3@F-meA;uJplTAfD%^pf3gvIWyHZ{bN?)bUVj7+fDUtxjxe3MTpmz?OjC zr-8nN#I*vNcecSI+}Tid(Q*E$ccxvYl=Qr@OLosN zG>=Dv(9Vd+@W|Setf-x=vp>O(KWC`Jb72I)iXQP@(J9FtvoIW3QP?@@4VP(RC!po& z>yX{A)U>$kojr=!vJE zYdG};yXY$1vC_H;;Ch5l_Xn}$IBR9zwakTz;9%g#$g$K6V5R@f#d1$8tw8J=w=~f& zB7Bd}eD#QO#O|cur@Rr?(9zO%8GIeTGzhZ@kLFuA{m>a1q9^e--6f^u$+tv~I8sx0 zX=M>y|6Y+;2vNN+h1r^SjjRAjD&V7`5191|#4e08QpYRkFJF<;@QN<`P(X*eMS7AD z628|wz2cF;{ClEFL(V*D#KJ&AmF1fE*vp5Z;o;WpVMNu#x%}O(;pVx>S!Er^CQ(n@ z^Pr%at)O2CAUF-ZN0iBN@C$ceof9XQRKQ)}vI=8ZM$%J<6?P3c4ERz+MeE656G?W7KK* zJwlI!SYnGx(SjcnML{8_<4-F`%y|gIzzt3_Ev?=S{A_h=6MH=7(KB3IS=gXzDT1=} zGB=}0!#5W>hH2%Zlb60?p&P*B@OL0({lG*cY-t=oGeM8d+p_ba9i)(Y0hI6)h z<+jExY#~_#a5+;XD!W-@Bzh(H&Vvi4i=`(|8m!x+JsxVoN;2*A^~?2ucQRBdXLJdd z3nsB_0|;_VPusiwOlFrk{kJTD?IG&;qvoGYdYr;yhTG-=*n`Os)jp{sz7e0PwN`hy)7m-c8)st_IR~) zhN#Z-Tlw5QySYMPwG34|UnXFkNgN$xxY1&nuGQ`;yxxpiY$0b5tfW4F)FWk}G(s8?YNaH8~NVfU6OrNf2q%zO>HFbtJ4@rO_oEG5*Y3T-L zwNpn#W$LEzW-v~v1Fdm5r#ss~N!45Zq}AudwYHG@2>d)&SEATJ?3!o{*Jm40*PVEa z+6PFKxeUxW>-TL36?;9K3y6OP9eJ-f{J$u^sYp_{EMf6R)xvqe4`CJL$<#dl2aL?6 zWC??80A0oxOVY{ISDp zSs(e;7<6KcW>2Y6C(1QcAq0F zC}j>{A|@stgb189ozZF%C*qg*Xig~=)knf-gfo2EBK@;DX2D4ce)gji^FRSozo9A{ z85(7s1f(K5~ zVHrRZQ9QUYT_h?ynJChKYtC+<2!zTF zu2yoWV%O~*Yn8uYR%Nq-=tsed`(Foo`CbvvAft7QJ#*$lF$>H29iZrw`2cle$qNi2 zLqzf@Q&!#a*5VrQUpyaAJWwg^Jl#9{ySfWinBR837?&S)>}21#A$L4>c3ji(d}m1k zm`bzqsi@MaqX(e<{fR+^p`F0XX=OZ=LaMcnW|kC0ORnE7np6wHWbgfKegijd5g`5< z#?l|50RjtLKY_2!v+Y6G1|qW70XR{f1YLlUqW-QgW#vDwbEtuvZJ#Dv`&jAB1{)3h zp=@ld1qU+&-$7fdfb0>roXeiWtG98Bcj}&k$S0M)9?`+t5H{4^wD2>z8aMa5^PtDr z(kWv66yd+1%q%8Q?pwRTX(j_FkJq zu#AfTZ}en!AgbNviT71UeI~8to6GP}UduOEW2P$OLQnn3kHlZ;%$}QtILkb(pHyK( z35qZYJ4@~nh}9b!r+<4gX&cjmF~Fmnn_#w3Kj%xuJfdpjc!=Kd0Smx5lXM&Ut6t*y3-@~M z8uDDfO3_1r)5V?sLk5PfSPHt_;iqDQ<`r40pl}`5m=?xt`!B$dG!j3=#BfVD z`ZOfs_B41RE3-$wVz${mGd z=whGJ7Z3Zj?7Gj|Jk=Z5AmD>J9_70YJnl`34iQm+f-O)pGH=ffx%wkh%f8p%1M;u7%S9BOM4_c=_=XmpQ3r^wAy#PxZVY0fiE5 zH}M{%1G^>3n+Y;4swQwo`ER;inX6`%No<22Jd8{5cXdo3Z0RY?*Q77U07x=?5tF8% z{WFkh_g-RlYc&8qY245rQ-Xg-OjiLrhOf}m&0xo6EK*AH7g`{cXzCT}X%8Q?QQA1HHlkCUEa?gx#3G)mKpZD{mE{m?m&kXSr<4!MtTE|x0s{}nhQ z=L-%6hUHZ9Vqct~AW?O>&LNn&(SC11fzxKEmi6@=f%_0&LqwxyKZOJH<6)@gXSUWK zujUfx_8i*}ju+M%1F16`UgXY}X?veTui2lQsBR=@#4OWwOcB1@UBJ^wP+R5o0su?A z_ml;b7;K^667}`RXk?) z*5+2COe%Bp%4mLTwElGPTyhB1+BtEyC173zOVJl${8_rXM>ttL={zjJBbH|mis0J<*W}Mpja`gw zIqd%)Z=Rk$?0FsS@y1}HQhDdYOm#R&9YsF6;aO5mx&Nt)ZQ;>^Z1QIXacT?6hM#&5 zdlFn>NrXZ)h8iLWBZ0B#7m~Bx~)>4{^+a~IR6=|@% z3VF35C}&qA^-V46d(xkU(|^@WKODS)k*qJQ-a*kQqt^ns6-E8)9t<4&h}v>$%E58I zfUbTdod5DfTg=Fd1to9Znbb7pJ5+_G zVy=mn>B}rGPM?O!hb#*b_l3{?N*9s-aZ2!cO?kyp7Q3_@gYB$>VL(byg!>D(I9ICxUO+IhO0GZjCL|C395wwhZbrTo^p8?TFZEed6R#Dbpyi_>xKa zl9On-;oa0Z@l2q;ToCtXqOV^b2!9jaF>8hfWf%YmUteTsAyed-c+9D5E10Eg>$y zPC!ivn$+(-VLIwj_$PRo*9_*3i4(j-1=rqwv|6r7e0IT$Tp3^J*{X_jPwG~D?1x#x zD2SJoC5eXxt545NUt9HX<51+zc1Eejd(ZzJHB{3z)TN{cGlELVcJ_yVQ*;}R#w*pp ze+Wv8KtMg7|Hje#Z}tBgMrBdkaE6e%{i_Nn1rb95&9fJ2YkKoJ_C4+T!@5ke z!cLXu#xE5y$TM|I`(HgS9%^Ha8Y<#NOSfobe-bQ74=T32uRsrpTb(z3QZEz}JW%X$ z<1Kkp!H9OU;FPx{*1R*ELN!ybQQB}Ha7CECWvAx^jl1JL-Al#?pLROD@^RRRCzbwB z_$s-CUOj!jCkM&c^QI_6*TPm-RkL8TGgKk=($qZ1q>usA;wLtcrflfaC&P7t%VROP z1lxD7>|a_K$!F_nm8w>a*>gsKPj&}gQZD*a8V2W8O0LJBBqSL9jotS-I}MISJ0Je4 zuonJlcPVmeuL@c11Eg{~!VZ=Mt>m$L)wV5{3+beJetX1e%?j(&^L1r>bGVy+YsK!> z+_JHgyO78CSDF3-L_Qb6Ge@tcnQ%F+V);(ywK)9{5=X^%LpvGB&+4(gJ$BH27#udp zSBt5IJeFyxgK|rWm(N=9zH9lKlLdW&Bwa$=_gThJnO{7=@CcCe4n!Bgol|rJy<_$a z$?k`{Q^B#LNf;wLoEhama!Sr?gE5NCW~=8)UK2DQKMk_T7^E z|FZxPfM?-K25?xqzYuppkHH+>)qb%zJ&Jzp83{&wwGp;iQwOj$96#%GHUy9ZS3p)3 z)hy3}QV53dBU{=(*H6C(Z*B=vYXhhuwyj+dnBDyIik z4f2_trkg7jj$FZhv%x2ihW`CK$}A0i@>amI0-PqEU&3Fe|Msqfv-WSNM_fjVYWK4i z9~E#@1vsy8%7f=sOcvDXFfn(G;iW9ep_x{&OkwsTjDEJkOtm%W9lV-HQQ`(fpcS{N zJKMRGIq=Nb%*fo#%tj;loY_wIqLiu__*^VD8OdjETpr*>xMF2`Wr-O#z;@J;yWGMh z0yDp%eLH}19_R&{$-Ct+byYUrBUMaJ5#o83vrvDy$k2Yu@D*pJqt*Xu9C-EYETVRQ zg=TtGdESwq=UZ2C1*~)`z%(=rUXfl2F)d zZNZjp?=Q-{%Qj1F&y`_&^@Ql=kI@Jz3K5W%Riz~>3kH?Pf0}nFR7|^ zb7HaY=;C)ZfEm7*qj@wTo>j4I9>lDLgiQSe%`AKR~HL8dgZUn_!+1ht=6A*`j2=TwK7*ck zbjMRZ*s|V2$k-Z%3d%D~9@Qnao><}^O5B9+XqmG1wIeG!xEt)Qhlq1h)PJKq~uf z7J!HF+3D%G*dIFetLmy~c+hJgqP%w1IV)L>n)on@p08dW1a@!BfY>r}WRF9`iKHz` zA0mp6&KdkP=+X)}yM=#L$oN`D{F<& zhiB;?7AT}s^VdToA4({TiWHR#m1YZC8)-`fdNL5zOBf%Qs6gh??r*|!v4JUdnP zDIQnn6|+;WPS98Cr%&lavfpo8%-g1VK&fn}CC@!NL4kB391Kz^$=A7l3-y+&z@8-VNqDDlVUEwH;4x0o_VCGCRb=&DUf7hx?zw4y%8{) z^ez+r<~;!!>7k(CXMhw=p z&Ddydj|9@7N=6)7%guC^?;fa@dNkgT_3{OYlqY1)<-oVCWrNT5i2>nz!|Xl5H(^O;<5SD^IxrE0}5 z+_Pjh)Ad}T%gZ0YXHQgG4Yb*?0*^OanZE{i8ju2H6Lm!rSX4~}9J%W1!E;^yTKY8; zSSleBe6mh9(e^c|#$6o4J0RjjN*IYNWuLCRwYRxj%Cin030KlmG*GR-W=ZP^@@pYM3ARr9aMa*)IOZy_)iv9R==GI)FJoZ|ElO zAYg{QZaCzz-xo<+4&S76m$IAjGFfadS0;AOL9(4lC7xI1?+!|YxIVT?x+&+fQKowl zTvRC8s@74Rdaq&Lvu#K@p2q4FnTYZ z+%q50VzU<+&-}L6zjG?;U~nz!c)P-j_w-lKt+Mc&rfKxJ1P~mI!+5?ne1?lvC()de zZ07UN7He`i0P4co{$iG}z1N#ZAdpI_1n>0jbgR#@9m-q{m6)iXCiRtM$r8bHF>k6` zvA|-T?eE&$);@b}d~JOt634n!v;($yNbt)_9CKS3;`nLWGV`d3Q->~4WC;qjF| zIU8X&ziSBXE+~Xk+k;~(i)fi63C!(C+$5tWFf5^lIg)sU?Ow87LM>o{Hc9oG;L(m; zfM`MYnCz@Vca(3WL`w?MocrSGiie;9NngFvIvO|-k9wM@o5slFm4ov~3uY6BqHkfn z0|`u!q9U8vG|5Rz|89!h$HA-`2jy;dBXe_?sYc)vr98Dk?FgmpO#5_(9q@MUA8#yp ztK~)SKkt-}X4j06(LGesON*ZtMfhpN;{N0)S@0;)6)dK|NXRxv>BJK`H-k!*n+Sue z^kDxq3BmDr0ByUL>^0U1fqSKS7R6-a(o+}y_%-D$2z>Iz^kZp9pUfDLsD$zG##QE- z*lMrc(u@~Y%AO2st%wx@arzmOMdOl=qt~Byq!BX&o-}&(&rsA>DD%9EF&XOtFSs(` zCsV?>>`xMd>jNr*&VvnJ;i!=I))m2*dMsXU!{J)~Sh&-98AdZN3_>wB-QejF`klqs zo`o0LN;!ppUP{~E7mLlj2(I$HcyC~RvN5o_g>VOJ?B^B^T&_A|4DkKb>1#vz_F33p z>b2LF_qRAKzlKqs4=WC2>Voe17u!jG-w+J;S`hH-#v-RDmidt2I~i8ylB&E~7QNLz z$?qiI;dWX+Pfan1mfgI(o@zeUI%hxjs)$Ehs~0kSxpv{k4#zEbI^egmotaS!sA#X+ zJ;KnY%D-D8R?Bc;J$%!)R1&%j2x>lP4pjUIy$>@zN4!{!`nT{>0MuHYXk+n|qTG47 zzT^`{3nRD-36(DJjopIvPCK!6s{%(UyH|pZdd4zFsV`@yB9lNoStH~o?03OLJjydU zVgTDE{oG~Vr>m|Q0t@a*7ls3?$_8uK*~uFlB-I)36Lfm8v4!&& zt-tFBB`#tQ)-0(pF2pLNOo-N`HxtNW1f5=99sfKpW3PJ6Rz;qFwQ=|K__9Y|p>5^p zfm&YZci6J2WHbc+S`$=QcKO#JBY9r`npLp0|w5R{3S+^SGZqfLreRVV5&K1bCFJC ztbhxt?oLXq8fnWniPzfRGNZp2!O>PD%cms>g`^O&Idb2NsgS9a2+5s3Ko48pnwC=O`mK83ztXpr1PaJlh2j5&&Vrln&io*bbzsBGOc zCQHp32JQ*yZCb_KW8X=eB&9-tVEKToo@2vI*VPrV$bl)>dvP7|G!H>sL0eq!TUUQc zH>Q-z%-dCLNE3+gow+9c<9-8){Hj_f+ElO=%o}5JV{$C%$=0d0Vp;!FlU5{MG``4T z{LZ&8f2Z3!0|Ygn$%67>P0_FqTvXpvR;vB-_Q}r|>Jm@Z2{kW%IPPATFG~mQSAXde zZsjYqirNx~jP8Ymg#}GjI@&A=<8)!g#lY9KdG)GdU|YzB&sa~Nhe~dL6ixV)hps;q zVfT?yLcEMy5R_+qDM3~#2T-gl`y5su?e47EeccRc9_p((o*9L-w1np` zpq0B8y{Aw*Fbb7*L*wZ_v8#7t=5Bdey)|CgZ=MAZ%9l=d7I9*e9TOX!?d{fD&p#ODeL+J*TGsURJJhdzK70u+pguh>LCJEFlQb1(pM6 z@8;no5WIFWx1Sxs^?mI|`z?}U_~^B!6ohB(PJ5Jn;*=C-PAsGp7^%MVaWPy6@v~8M z1&|VIt9#Ou7}p_pM!8qc`kxVxdf!aIlK8_*K}FiViUFi>>jTVy!M}n8IqB8s4*+J7 zHTQA|W_d{ScY$(RuX*+skAk8WfFkXv0xn|j@4oQTM3+@$(?-;@;^r%dS=7z5zZ+}S zYf(G2A-2+TPeD#@u!xo%M5OpxC?@0D1rmd^8F1PH8Xv*bh2*twLz>40VLltFrDOr> zUcBY(T>;__K({%qb?3j0B<)0|vflx(9X0w)O`nc8Zn!7KlSdV#{UlcjVxZ`9(K=Ug zlED{190f?|Wa{>3Z@mZ`+aFf%?66^dS$>5smnFt><_)|pvUyf;7ozz0Hk3|YU%|Wr zb$;SPJ1@_;N=;F>>h*wLjb?Xa_SA(1Z(u>}u4ewZuk9K{>{n)TlErDQi*ZY3oRi|P zUy2dA%vR$09BQZhhOHzC((obhSVbIKQ|mn5)zW9#V=+ymd~&Att6F0F1a z`5zGgQ!H^dazd`-dE^}<+RhGQ#rESQO$20dQGVHOOv#H`F>K(Huuza{a&2V)Jr^wUoga4K*~*ctvNcsxu_90zXm2|$)0r93jdb~cS$Lwz)Zm4gQ&|LZn38Pf z_H6hU!90USO#30&w$kASqN=eOOd40GNxG5DwSz*AP$caXp6g2%z21u)E2FFR#B}w> zlkHw;X=Bali_!jMM#%jliwj!kG852*>WcR@s>UFUf1YzvOUO_U<&CbWt?ww~@?CBU z+VULZ>$27D7ui4TIce-S6EybyBn!7tVDQAq)X_rxP*aXlKvilvU)QEDV5O2D7fi)} z2No=qa3G11baj~v6ZQsnJ!nTjO@|%vCK*j9dTt2MuWf0IoC3eeae@5KL>lUHSNq6} zDkOW`I=)RUq*2`NB_-K#B^Fh)h<-4?rR(uZ+8I^miD9__Nibu65eoit1&y&XY1Or_ zZ_bKnYWR_~5)mey)_>9d{Lo7k7*!xTF(F%2)%xCJqAD+gTiXzXGIuj~gSH0yi059* z{;uU~hjj966TN~dcYb|ZMOT4uXstZbYG-)4H$#9wLDl;F7m#4$UI_~MK>*Ch4Gj3Y z7u8nmV$n+Zb2{J5k7?X0U0{q(DRxWZ!`{j? zK?)GR@1=lH058Bt;EC519SF{&?Hhnl&F$te7jdo??{j}D@fiFH>6uoyzFXS3h2P!W zh3@N)+=I;^zuxG#D8_hRiOF`G4FwCDsPgK95PAJ|vnF1gN^3m87vxyEMo30!I@vYn z#0h?1v3)xCQ0Cc>jm#&;CCnd={8Ec;VPB2w_Sit^ZY^iH*m&h+&-|OEUdC#_s=b0Y zaGuy5gbMG&}fV$U5?iNy__kSs{m=2J^;D z_djZ}&Mt0$x@^45D24rxDqqDiba+C0Z+rF@sXL3ASMGnT zkzXIe&?+T%`5NFr5?YWG)BQ)`?k1ZN=WglygiDd(E%s;Anx~r~YS|M(cQey(W#QBg zWVEaIs;5s)i}&X=Pxf6PD2dBpnes^P@L^r1_Vr6e@Tz%_)foIERzs5RB|QrNQqXiB z?$Kg>(Xz={WhOlbM`0$MF3HYc(OF4^A$P%UD~f9WI+Bx9i5@={eW`~Z9rNixGwxT%s-tvTLR2i#{m8> z--S`abwvI4on^k)y#=6|>3pB5a+W&CV3Ou1wUa507u3+`8Gq`QYEk;$q_( zKvnlS`%CFL^;OA*%d8b1txQmAG>@L#4KN2zW`gFRnPq&VSNqjC%jc=rHz#uBKS?mU z;)--F1qlz+U7J>qLX#wJSUxSPqXju4kKwRT%)w8XsrpVc|(+Z#G2NOfp zGP3<#caPZfrWvW;)XlxpT6b+u?Wx8Nci;uEb^LOgdtfw=yr?`bMi0-mY*+WsD?vh4 zoYHc(G(qd2q94ILj9HMcq(v70HBX&vt<_ip0S>IWexlh39m8e6#qhCkdS;e;FoTh~ zsLD!Ebo$#j$dT#|j)z?EudwypralY@co^)Xyw(In>W>zJ>dQBmJb0*7-CiwcEQfxc z%h-N}>wouEu*OJZ)~&_HeDfeflHXM0g`07Dy}vmmZm8z|3c*l)f_-Lx0$h|I72Rn$ zxSzq3JJR$xyD97HASgUQ*kndkj^D&wf7SkGivSyOZR6=!fRS%PLbQiiQ34><=|kKl z{!z&5dUE&Qmh(9)_#re%b&w{I?Bc+xvuKGf-xH#P1NMq)ulC>-K04sc6cEqJNVO${; zE*E@z#?kTFG7$HN-f-pzE^yeg;@>!TIOpyt=7DK^8RW55?*})Yr(#r_fqol*(hQBZ z_SOYcKWJ7m4lNyPx^~6|^R4{@+fgBT{7~xfjF1W23*l?MZwUwfs*1Q`AZj2W@3J3( zUk!@R_~7E~KM*)nIWRMcgNQ;nRjH8@HxSZ&u*XJV~E5spL6%LUtJM-8($sQ@&L4?Dx5+{yh zB(pdN8K;b6J7gTP;uzo8_lM6v;C4GN=e(ZR^SbWW{lP$Q2bs=?C})JIpzrNio!t}8`DQ?WtpX(u zo6vhU$m@ewa#ozaYxWv{wL*Y{ivO8L{BmxUyDxM?$@@b6x%bZ(kFv|J6fQ8KPIP4X zgk%K8WwDi1Vpm<=G=62V%^1lr2rjBKN2?n#BGG^Zal?3U^3!0igp2&h_ zS>$oP#}@p)2|HjSakH5hYnuk=_I#TiT3VNl2qoVqsmy()L*X398}^7o#v97HzYG#M zs9sRP3@6yC;gG7o{;CR;Z);}<`Kn>$LQbJjQbg6%4g?B@e0SGW^YIW-b52B>KHsEU zSd{o~P=|?|P)_T;yh-^$M?Zuw91dw;<(Sc=Ez!A@p>}d;Q+}1Yl4ERdvzIF}ogM}Q zCIN1E=fHM+!9B{BGw=;GBAj`#BD~)wnQjOoGeW{3jb0@C?l|J2s z)WfKK24_tu0*vce;gGOqPeWyr>3_2Q^OQQQRlm4#b*3e^bW=uxh0kVQ;-^eMk6B1g zkF+bs5|gP^KB#zL{cxrU-lyw^w;kqlmzc)s8TPvwTkpRszsgcrKh{0Aent^(>}&I@ zc(?p9;g%L`>A9#@EG!nBrefMcNHeb7z)it~rhtSQ zk1_o2wYsTO@v>Gzz?t>wrJjAqME!>32lpYOPfhRM;+w@Hm-sp(Otixj!~k>D-u7;= zYGMD_aZRZfLvhq!z%1AK?_~C|?W||~uUolv*)OC!&7m{~rTEc17}V)9u3#(hVA{Lm zTr}!%SYHe~I|&|WfWSZ|$=0``*M6ypI#i*kh-3w30tWSl!yyG;r;&@&=^wCSHL4zO<%4^8kht+ai}u`(2Td_&$^ zN*fiu2GEW5=O^Z3B~c;piKY;&(T^5kS9lJdKnVt$0hxdV^qGTjDukTkSnaD^*k z?PP+zxb5t8?6Jvc=lP$F3dPedb3S06?~JxQnw<^2_Mb$#Ov$)%>@z*3bOPY&>bQ2k zbv8TA9;7vQv2J?`lRVz_`L{UsI8JgE!B?CnK`l~_C;2TKpTl)JaX7)|EOaO*aBI{py(0k^N&U?+HQHd|b@`E=Ppy&yLhX z#~G%t5N|`oJPaqo9z(}eX&l~nZwD51kG*&NL%D0+zlGZ1VbQJqc?r*|m&MV>Yy~l*ifwpcyVdmFT|WuQ7lBWQHWhG{r37Cl;_Imu znf8|HSx*8V?=a9&ie^IYjV$4WdcRIHF7B2n%oi-IBXz0^)4M+pm zCIsR|@_nI24o-xn13KkfLuf!jBe`k}%$t-1xsW|+X0tv#Qqf;5kI+9B*8PK9y@Jl% z*EIL7*-@58!cJ7To{roZsxz&fFe3S`InF&KTm9%2V6tw*S6xxoufkYCN|b*2r&;^( zK5G(xAv)t|*Q^JBXFS?;%O|$zlc^y_nK@!dY(nh2To(IL^%4-|CuW?4s!YIDSs@t` zZU(--`9Br_E@^wZtQIVaDnC!qew7e@u)W?JDbE0*Qd70o^tUEC+G)@?uuP0O{q2G^ z*lEPZjodBO@tha_a~%r=JeU6&#A5rG*8K{l0LSxlng{e9Hyv1EjbLus-nA>fzNcOv zkPjT6I!H#h@Rokpqz}Z0kZ*SBn7YFPVWwX5C12XUn>|wPe?S_70ZGK~c+e7p}H+ zk{nVCc1c#GtTK9gYK(Ee%*-v=u^tE0)5EK(bXj+au&O;PVn@5|1hTsvqG?1LRguvW z*%r+I5xVwudHrrsSKbuDU1Eyf=BgbEty%jH1kVyb@oDL3yNM8@SyRr@i->ADjNmwV z((B-pYVtsr*qAq&PbJN6ae?;ob{P)E$hOK2JY?lmM2A##}Ewo7VASzvQ~x zd59Q3Gq~-}sB}Gq9JP0lQ-LNg?vY)cx1K@yWj(&s8a~k)dZukUTgzAf(^Bk!NL9KT zW1vK``aA12*dtGnb0KkpTm{&gd6~DjkM`t-;cOWr0ZPN=rq1k+L5j9-tH_ax4;^f7 z+i!pAZmLv#Nvzjr==S7_Ooa4p|{t(0(CJv@y!{(u?0p}w94rm9Z)kq4=rDJxP%^*E zAi)1YP)s+=vV7Iby>_F-yFp+BcG2MRTY@d#qgERg#(P6hBjf5lAs6z@AU1-%n-YIH zu&!&&j_z->k<_J~W#cTXTRp+eL4wycD^ZKG-^?@@i?xM)JaJnk0M?9M;|N?D{h^A=e+5@*FqY zKdv2zw!e%!2e`Duvv~6$6_RU>dMUTz9=)}#r!NdDf=R`&OE5{&y-0O7FQ@A#4F+=} z-STg0_h42zEsL3Qe1BjM#F4Gfh%`-)r)0_7@f&hTW1Gz{z)+{zwzFUr=ma|Y;B*}k zB4l60k7H$CCIXDRZt1{ZIm#`#u!7^;Aoh&!Y#WHXZKIqXBm)lGiII?gB_w5b^^{yzawR@ zjW;d_D^nG)~cUooay@ao*cZp#>1r)=0CU~R(> zdy&PPgbmA$jU1`8{`YWVSUP?AvQ-Zxg5r;{B5_2p=#E=P>>N?BTcKOI{ce8+wdT-< zsw?38slh%m!w{<|Yq&(oXQ{V(Q#d z(}r_tNig>IMpIalD|#c>PtrOCO9>D|CmnPH9W}UdVfvJ7f&4Z_qxY|X49T;bi+KgN{tHHmyDuV=t@n!%AH`CUd$2O)hXN-Db&sp2 z=q9V{$cu99kSd2wt3B62Z9w1A)!8z~X#Fzqwsp^H!)5}HN#j7cs@1q$9~jtI$e$3A z(MeuXHDmDuQso40GgU`Be~6|VxaEBHF5bxq%_qp8tjT(*djfU2+qi6_^^DiOs$cEx zQY0(bo*OQ?NTV`LH~EH+bh>lxX=2JRzYLD{y}G0oE6M~2R8HTJXHPSg%gJf@0F}?l zzanTjK3YNAY{7vFBA`#mh0p8b4@M;P6lqO_Zr!SZ#T;FOaU^gUq$VO*G=7w4yZ6}O zP;xB;<2Trh{=jEJ_X2N$?6R&No)#9^&13%Fb=@JQTJ3(MiF$tBMH|1Q+jQgX-aGwi zD?>wfR#Hm@L11QXt`JXp^HnRAOyw?~)J2&T{ZQg4ibiqC1W6~k*Zx(F0YP|%9W#$0?Fm(ps4g@~I0LC{;6m#h1j~=3hi4!3~mEgy~3@3b~2O&QIv^%_mu$c^{;?a}|U6 z`#uls){ajluvGLJ0M0;ynv@AWv0uY@p}Rcx{^em~7|QeB=naEQJpJ>ymjFbv5jczH zrQytbY6@p{z70!gvEL<*E~rvDuzz%yiT?GbBe@jz-}R^c0>S;zB}Li2pq7)pJ$vVh z2=?ZUfQ&z7#FX9|oF^lH&Zc#XuU)nbMP)%sBTRAHbX{lmvf#^-r#NlX5wF;Dmx>6F z%umPP!;7_>On>5hFR&#b)i5*auYyc%kffrED>J%QbBwZH$(N#DyqT%EtbXb>COW@2 z=e5=IP2BCQYp=A?X?t|)b#Lw95Y)-&N`_w+hnDBwj?OfH%>=^@`}Ln?kNj$m%N0)E z3Tn!}^1;i(2ib0042@uOjSVs22Xlb4a(Y(7x!I;3UbmzeRiKA;bKr`{Uju1W{Uvn% ze;pikJ~piG`4r^*!CCyI!PkP-so&V6*0Q>3G?sHntl6Y0HG&KK?(P00j{>uYNg-S> zr_9+P(}Sn~IGi)$gFuVh4}n&Nm%EX>5S9!D=x3)^S3G*>0YA08=bzZjo-l%%jWhL& zr{680z56PEElsv0#dM(V@AQl?AMCNmVzSg+_V_nEL6Z9s(3tM^(}tU{#;+cdG~o7n zEq?Y<$OWQXI>X!YCT|JQ77_uJg9=S z=OlT68w`_HMRK>B$KFDJV3ocE)p1~k#t#C-+xpmw=9p?lNb_7%)>cdbTy0n>umh0! zwE7p_A6r6{yTh<%AyJCqXFj^+UO@mrbg#m{)d;w0Lm0$vp{X|uwWypT^6}AN$~l1y zcnd>2=Sm8U>m(u}8rnYs1CIXv+vx-XtWpxB4poN7twPI|H{{fLrLfIXQkWg5{hsK3 znmg60<@(7M4qorJT&z$MijYT2_cpfYt!s_-1bRdi3rGNKzw2K_TDE3JsZ)S1q4zc) z6LL_FZ#ZY{c*=dHgj~?fz+V%$?bpsLN$B1U$D|mvSYB43k>v{p0PnbF6u)zXf5cA0 zTR(*-pS&9X4aUGw1_zs((u^+b}-$dH*dOwYqa}^AX~EoWK`-;yRMU)x;gl0rK_fAN z>na3P$lcq*#dwnK*-5kEf_FvHQ@sG!p|yc5gkFa8HyHYOH>>j)ry^_GU<{O0OJm2% zI4PS=EYV$_#O_~p%z797*4yN4)PZ@j+UtHzkG~OI68NAGHss#rn~uW#yFYt>w%L@! zlaPbCz*>EfH9gWpd}34KiKhI+lsJN~8uxJd_}uYgBk?kmG{GT(P{ohsP;JomD^(co zW$>#i;vA>9dt@R#D0WY^n*ln}Ktn^~PEZQeQs*8f0VX{_bc#K~m^s+~INhk{RSOBo zF~;Kv>5vpKPQ@J}iu(EH0TtKi-cmhB_cfwT#nXu|)2tahX{0K5F=M}3PfCfmn01Jr z{K}s~tw88z+hehtcC4~r#{&F@h)RNpiWGWlmYd3fX||h$9AA+NNyS??OysHLpaHy8 z|H6ylVjw+QZMos{7rSY{8(x*)sfIB~gLmC$k*0nefA6oneXxqqcqPy@S@C zw8s5GQf6t7+#3TMx)#6^y9SJSc8AAFjX<=6S& z4`MnleAcjPhY?jj@KU*@7B`vEcMC7cTlp}*Y|^lLTR|!_uKo<}ztSKkU+}KPiMQIF zg+p%s?g%p}HFb6L*D*>nCDo|WYK;QX)m{G3g#k_7zAu4oU9g2U>1y{JLcke9hiNwp z97YYl8Ar+2!3W(zpRAHhcL7V4fY0k;vj{#1xerSE+%4pI)2r7B?);Mh(j<%Q5vpk6 zZGVBaP?0A(fbOB9G`2EUT2T}C+gfioE&0?ZbKGZQx{I{q@ZlMg$8<3}Nk3Y)49_TBev3kKVmo-OU(GtEI_|g6s zy!x2okHnQ4{q?rDAw`J~=u*F;KMc0`@Uur>9GBPls%BSz{VU?t{pxvfIOY4_J#Frn zfgfoebZ2Gzb_KGkPlX}TxqgHV=qQui1H zLMSlY5d1u0`6f?aoZuF!Y_ok>py1R+4tVCQ*W+%c=FCVHJ3pM0;XTq4gdcC3eblt- zINoB>Gp=@xJhMBad)Xh8CdLlR*4V6kVZZ9EF!iDXWal1_yuwx-A*{K>Xdw+_)zY-? zE2xmaf)>GK8W#+lA7?~cqJ684#SE4QOc@zC^S=8vSn2V7wCD-hZgsUIVw?eSisuR^ zXb58lAt=n~M2SM*D;NdPCFT*TC*%y%eAhxfO<#dymUQB$UQRA$mc4N37z&vn5+1@^ zJIHyi{x1d9;;`7WV`UMvM>aEaztyFLUqBOF9DQGfGW#X9!^U6bQZ*XI88e1Y$Fzkh zKOD}%46IL;B@F@b>RxM7LHZSXN>9nEV7Tp#2rwMleXap0?ImokXKm0 zN}e`|yD>eW)4H>ToJR6sU9n13?32tXtI)MVoi5h%ZXZoIOOdbK8HPc%b_8^^lq+t* z)FO_l6O;5{uF5s(d@ZoKd(NcRbTOn7ZYfi{N49q!E-CTFg3s;w$+;ecJKN|wR?w|uGGPKO=>4lAeMNr_6-<%zzu=@RcrR2 z2DeF?w14-=D}e{>-R^*LKU5xwZZy0q0FxxF`?u;%d_C{=!diGz%_8>J{j6&hx<9$c zebK#z8mc3oU}w+$F)3rL(ScY%u`R?;0mEyZ*K)H`!Tm}C{44;zi&;oc`yOUnohic{ z(SL0`DcP{=pZ;O?57N?Z8~qP1!DLy0tXiI9+?rr2+ak`a>OjA2gc8Jb~c zN@+V%0}?#^fRkhRe)Qg5B*M?gQ8Tt=5A>vQ*;I<)-^^oR2!m?By8&?qJsH)zitl>( zV=s^mXu4^p*r2F{gu=*Qs=HKpz^%dpbl&^83lTW_#%#|*=Fin1o98*6f zIDM%Fx6)uZGac`6@4m+C?wb$LdfK!kwt9B5wd3aL*25mJ#y4+ZK)Vxkg_B2G&WlY- z(?+~Ji5}2yPl>U#d5|KmKls4$+L3J{TXMz*X8IIm`quKf&8z&nlgLi%6+}5otOtzP ztI{I`V7CC!%e(*=+RpWPydQ~-MDv_`6r1G8!(Hp@>4_6;|Mv z?MWa7eB*PFn-5e#(cwt?%UeH*xDR&jwBQ&Tj}$?ET1`KEB1bc4XVsAbX9Pc4>%Hxl zkbsmlaF@ojRi$zawFaK6&HRm=x$HFny5LNBrA+=hzq{T#9caB{8wuY@qY!)7TJZs+ zhSz2WiS|P5oOWUdy|X_+ASmOi5)#oojXrvilvO&y!m>5F5h4!%QTM>D!q3CifS)cZ zsyU4ExBQfYo5+h<9rLD>*wyo@6>F;d?BtdQ8@e;(Er!%?0nbZF!$Ju#! zRdep_gWH_9Bh{zpx_b`b7h4X_bP^o?$5Ecg0y8pH<2Saj`pw7PnrG52_b-N56u)}9 z?!4Y3c=-#7Sl(dPCpENyB(NzGK58mCKkv8;1Z!p*!zJA^^EnYZ2t^z&0(^@2MMc==Rz);&aRasv{OAjVlEH~7%E|}ZUH(r<6}^Z7Sm)c zxOh=O{%ZJ866HK{G^>jAEvj~{`j&vl;M^x3^0mjmA;r2!>jq)1*&RP3lIe39yLTw+ zl=ay_%0x36pEJn3?R`nrsH*ZEkdy6|C=$KJ&nN(fTNBNax1x>p^f+G+idnDvE1HYw zVvHr7>0pu=unJ!{vbbYc!0X<|L@3&Z5%}67kQ+`=S~^`Z+to~Nl~QB5M5@152U`W^ zVmV{-o|E0Pk>>9Att*s@sctFCi~xs_pp+0YAE{ z%sZSjAJV)IWT^M=Esd@F@#xnAYmOI-^_>WllfTsfjZrWgc!|C|DcvT?nYG4gEMTaz z!gy=lZ;PV#Z=M@mEx>tQ>0;5VxR+QASR@{jUI*brijvjp%XM}%;XOZnPp9E$6XDi5@y9@pXVoIxC@Cba!$e)XDSDoa;0bH8L?z+7sT>7|K3SH5gyxwab# zNvn{l1aeACF=Zh}u{-M|iebgG(zTv}Mz z^=-3hF0jYW3c6Nl(i8XOa46ie9y4-pUB+v2qZXdyn*uaUwD{URCZ#`AbcM-Ri<|w& zQhlW~o$oOh6>qVm#25&qpUnZu7>fRla~rB^i$r%$dm9Gize}o%W1>Qe;lwTnNGo1~ z_oO^ySEtv4zIe$rd3EzO*`d-xU%HM?*Hj-Y$hX=VKUv4^C{Y;yeDQ64i7z4KcL2uVR|2o|QRSDtzaJ}&;GuaBc95G^+ zdHRg-OZ%a&7JFbpR)VT34=~Il_$C!zj;DJy{GYvwy6{r|yHGO}wp^+HWZnT#1P@NbkAxS@n~Tzus8=SlZnYz1S~K z8$d)1rVaEzGs^J|*eZmKs9~xLST=fvLW7)4><-PI|bHGI&u?ruQFJByyXi-Tsa>bx~*Dr!j zpUPsb|=fggq)>&19VKru4H**|rBC|11-Zd0u7s>r09&Lrv1m z%kzcRsTa;{F&_AWS_{WjNga9cQ%FG1C;$7+Dybtq-DwsE!#RVQew6i4d8;~t)m2cs zBauu1oZE`pU&q|8kB)_0P1CPsoN@h04fDaHC)*CgP9zek~CQO*Ta(SQ2^< zoF|U%H&SrsbD?CcWSx2YUWadYYu$7WAvHh?^8!Y@1LR#`YYSHW+YBgMT#2}sMs8~= zP+>u`2AZiFuVSQhV82!xM5LPcMc|iupb`6XMfjlS1JnbX15!;!u5lXUYe+yy=1_qk z>0CYuhA8Vmq~9anC)HAdRg1Cn;?v%pAx8iWA*Ejx!Dl<;$@Y6v_-rrgIL9{PAT2?S za*8{a=?FXe2kerd$V+p_$Bz@*9Z|Pp%WRr{v?fb1en>zqIOX#Vv-5rPYNx(+%R9k6 zE88#*mXqNR9w(s_(-#J$Q_s4a!* zIm$5^fhP^FAdDUEW{IOg&-kpTKOi$nn92w2j*^3XQ$wwnEbp5r;O^waB+zEUf%syc zBFUlsUKgpf_>E&#o(d243p4Y(hK<#hs07_>F8rk%x8R1A|6>8<9s;XpkFE(`a{kkh zP6a{HSL!{bl68Alomj<21JvSpOt$l*VPW=uNm}F`F;>@+!YMDF34USp)vIP@mlhxF z5T%jEj{9_hs0$>Mw0h?GaG?%;Qa=ck!E~nz~aOzBLUA%~y&E~sKtrhk<(A2x0#Mrs& z_d6lq8ctbTpktBxG}U>B3v9i z;hP`BoLbM&e9OF|;t^UhHc;X(FHTPk0If_%vkPaYD0RsbcG%y*I}qsp&3O|x1WW14 z*HqbMr?zauk5}qV;XaJr3N$}&%3ft}46cMJDvF5HEoDj(mbn8*!-mVABw?wVW(p`6lne9L;_31?^%_wmJT~x2WAx1`9P#Y0 z0SNTf6v~KrzHJb;hWxQ#)D2J$B#~hjQ({F8pbGMrvUCQ=)usbIg zbmS7j_?N>DO7MeoFvjLs>DS*dTWhOv2tmWOISOVfj$G7eVFC%9EFAI`<}$kG@uj8&BWuG_36iKOzp9`p;@>TJ`Q6 zZvV(-n7fII7Fi0u;-1jPWmcQ2RwOBw+WBu~?(|sd{9rxU z>R>_Dnr7_W%fqt#$H?()=z))7(i)2SXc`CX%nEjdVsgaY!3c6|kl0U=4W`vVE_5@Hi9hOS^>7aGLFh@u_jw zn@DzpyVIf9sP0-<_&1Xg%wtw^!XL6NR?lnIPhW32vuahMwC?!}RHz~m9sjUXSYeE;Zbmi2sD!w#LSG(p4xl&^23zRDQD+2_v z=b-pl#;~+cAh2R^oy=3vr6~MxAO%nw>cOE3{QYqnQsf{pg0F$#j}!q#C=mJjA77he zpCt-+)h>cenXf0D`sepy6v?f`{sH)PQerOXt?Po|z0hWqHu;y*@Y;QWcjHbYwfIYJ}uNrp}Z{B7ap5c9_sxuXkL%unHy0%4MB%gNQjSS z2Y0rQ+1flN-*2(zE035$?Bp4`!sc?_CRVLXfU>}!#|7lKIdtpa-BbeRhRy@Khs%ZU z`^FaOYC#;*?~lq*qUa5IZ-uAh2>X;eEn_Vju!WA6#H%9u2N{X<39rDPUihXFwC*AO zc#!OrgZ{?@$1-NDGzCat6Gcg+Ep0;nGxfJ!|NFM9k8Q}4THsOpwVssRdmHvf$K7Mv zU9D@N1s`q`l(m1tzwaAcUbE;vZ1T4MBe4l%_v&W&=sadpZwNLdq%xPrku1%x40X4j zTnKj(bWr0R7W@|5r6LU^*a}@wUQ;Fc=D)&h3H2Bb)!1EIh~=35Du+&M%39PiXhRxiV}m2U=_h}xO<Dj>VYvPte!S)X&a_mIH z0&(#-dFa1pA6$bD7<6Ih^XR#kBAeHhFZj+VQRb!>ol(2>#P;ffgFoln+bhWw$w1@h z0la+0MNIwOa^)KVr|abK4$E4`!8&Q)DSe~8C8P(nwn7x<49J`4uv^h@YVA8v&wS&AqMelfiZpD?o}&4$?ARc57vW@u~7(0f>dWnEPH$ZLiXQ zrA&eu4KYLTRwG$il?q=Yf>?V<1YZmb+I}J`IM^X@8h3)U4VM|ts}#sP;BPx~ z=(J`8y>;hp6(C&wsTo3_$jDDh8TX4H8S;~KRz}Jh!mBXZGRVzb)kZ2^R;ZR-#t`3? zd4N#f;Fv)ezg~+x*ziV>9;<~}S6kJM4M(28Nt`T=nCl1YRgGEYRsD`*(27#CjR$5% z4sjK^PzHgQ&CfMaf@Ee<+O^hm;-wcsT%tuLbupW{k9zZei#5vLdiuad$7C=qq0Ch< zl=GpOU*~N2?rOky;T2l(qiHn5?8X^hLdfJ=5im|4Q{^+tk?K7E#O1JG8Fw`a6#FY+ zw>utb8MWIVwL`f$Dn5PxE~+QW%}7a+Jr_?{S6%^IrIe7{U;XEl&kOGq*HtxKQe?7D z5kDyajEH--rz_r3lnJj{eKFw`d!9%Vu3d<-)trvLD&!TnuyK?=*A^A3S~N^@!*XsP zRd>79z`zzgZK9;pS+Aq_kJV?lfZ$HxvI_7F^CH^r-T$>TaOQ8>?HH9QFlV{tOXX}- z10Xnoa{=)axY1Udn)D-3DRAcs53(Ck*PwO1I2g!e0Os4^@7gv)44+BYEPGKu<9YqW$-$ zV2pfz8sNk9wn9leI_*B>%a|Y?x$QBAH+}E!ezgGg*Nfq)0=Y-;gk2n3+j`l8(uE1A zKa47|pb&l+Xxt6nRpwp3odG`Wg^WRP4kx(hLpdJU=u za`j=KQJ#P#WYu}Ns4DVA!r0>)^&Y-}o~5Iu-54EW!Np>3S|HJE`an>7g?ZW3` z^H90R&OHb8{-^fi@o!Tl@kDMMW1YV`0O_ktY0pHU@wbjs{)qNP?zujJnzIM~Mu#^CHB8CQNg?nfF{2eqm5 zrX#OVIncw#3ncXQs+vs1Fp{+j^0(Yw9;ERIWLZ|zQ@d!ank9e8qrPj)=KSAnDxXHT za+(U$>S(w@58Y01)YMCrKn750Y4o-qwl@V-6k}tnhShA7X-ucETwgZU&f>gqEDbkd zjc%F@kQjW2yF+{UO8&R=7>x$I)@ID!_O`D$tngmHZi;}6^z{b>Om+Yb$oRmw6D%Y! zDK4&SmoiW9Fr2Dc=f3=e5hb2cQsrhZ)0mYPF97n&c7j33V!=#Z$6(aAwwidr(E8X~ zeHFoO!~@RgmL;^$HaEUxpQnBiC9_WjRd^zwwRdAa-ue~w&KqhdDR5_KtdpU>DCs=g z;-m_6pMBFsJn4^;a|>fV7vGN?L;H^gBRdXUesF*N{ep!Pvj10F_U;I|unHZk(gMvZ ze4Z;S&g^1zVKTg1Mr@N){pDl-^pZwDFj3`b3qtHM|7YirZJfUz*)2KI#P+K3`nRDW zNFsf{=Lx+_zS@3K*l^V0UcKqo&cB^QV3Wpq&-VPd*t0(s9tp&+Tm(mjp;Zcv@EFOs zKzx0%`rOMegKaPSwsPt__wi9@t2nvBw$9}^G&$z+y?>`95NP=R^#oIxn?t$|^`_uG z?h@Y7}MX+0_nqt zJ@#DBw})SXLQSp_IdhY!_-XjTRMN6Rsy&iA>9Lp>UspGx9bk;LIFd%8Bg`Z#lchoS zb*9Jn04!&p{jINvMvDPqp=kJ!oSj;RrwESEW19Bi)CP&1H@&sJ}ahN5rAkd~Sbt@&c$M9=1kx@_a~S#l>(N1fs# zqgvWA=Y)&d&Kds(bl>Px`0^R?64f0T?7t6nd&a3G`C6qMaeY0IPvi8g`X<5YU`XU7 zST%n#-#1FpE0j-F9~D2g?~_Yx>x{bC-JM7-D2_UqG9aLp7ftl)i#)vppY!uMbOHh+ zZV$lOsJO4Mm)gu9DAM+&L9J3+eqB42m{;Y}%5~ZKr})O_>kF+FnV*G*$^)fCS3@j1 zB7?l0J$@(+wydA1B|S^Y;5J8tXPoJgOMX_9g?rPpI?M573DBCusn12rP0GgBqzaMg zK6M+#=LpE7Cr6(2?uk&-ry2ChrdjW#pqE4PR|6EV5B!ZiBr(YudAPekUL`Yy=K48% z)L+q{BR*0{h$>>zs>{w$=@lg3F)+<>e#g=K5q4&5LM~qHz;8m z*IGkc35qR?7R-jf4-a7E*(Fjvk@XnXZa0253puqy`*6x0M*pi8n!I2(U+Dz^jEDJdVx|hU;TMh!umPk3+Km5 zK{;YZ{z3&a13wIuN>3_pa`^iPr7qzF<$8^sV$!}P{It;u#c5h)$^eQNz{9yt243{w zl^E12HR0Tq?&MXQyO~QHgTwU z&i-V!v@A)kG}c8_Fn-C`W;Jt9M#`|}mw!8{(>Gg2)5B=I#_Z`+6JZUq1=OH6y#yEv zh0}$UWNOZlUZ`pFn2(AJ!W?!C^`64OA=buXoK%)enQ#kZhYDl&@8ug2vX317i(Y^H zu@;k_Vufm|t8#juSGmXC_8LCeQ>*4-)n!WiH8-T0=LDa#`b^K2uHWP@aqA0BMujQ1 zZ&dW9S{CL8xy?ls_WLOeGInupdwRSpclNiqEWX;4%w6^4o!-+&m@>4O;^!%l&;YL$g-$!wn2?X6%7M^cRz+`Ti{+B;%b>zI7dx#7;xWq6OPTscXQjTg* z9>uyzYLTgKfYOl@A?%cd1f04dBf+%HmA--O`sfjqBI#eq{0b&6L`!N9B4P{)H-GsS z9rd$-7`x|lOOM#8xorOJhMLt)i{3qV(`sp1ds0BMy1Kik+{V8@r}8#os|uyYd|KcI zIKUr%MP9vJGMi5~Y7RNINsN@V!VRgUOC--bY|@bIQuo;1_`=;W3o`cDf%IYSQc+J{ zIoz(3;>dnK4z)Zq(KVQoM!$dOi3qKdi>Oa6s#LqoaqgM3x@A$9NybMMil`*FXRvCm zw;rsF8~lk1aS3hfoMz}|ClnO7wLB=TRvZ7!TQT-drnIPHEI-?ssbMz7o7i@ro5?m} zcLjLkktp5ke356&(EUHXgE(-tDa@&lEn%GN{%OzrH-$GXLk(M2RzmWF=uBBiP?u7F zc?kd-UjHUio=bq0apl5kD+cq8@kh*IkSj!`)yzMEudNd{PTFmzxU_gjLnO-upAnAD z?W!FqTV zK}igCCCb06z%8XNIfcGXqC+7;J#1K?wH?}8$*DmIAYv-E8DDMrxg=Jul#`K(Zy73U z`vKEaa(@a8ZRV!MuYJcohCTtWA~%o&n;Cfa_$*MU9NpqZ=D1`mDNJy(AY^i00V#Cv z>;wn5_K5ohUCb9c?km-Llk(m=q~KLRx6!S}ZAa`4>Y&D|FJcfD`D^;1y&_88V7VgM zF$D)I%Ig`4{!$>l5}I#5o8o*L4R8W4>2vn1&pNWUN%3CqUWnb4Qq6dj%G z5ZH4<=HGndDTcGawKz$+yG@)~Gy1C(#>5W;ojD!%}!3Hy5(9&DI z!fe_&gXP=|S4)$sKUzCLR{D3&VMjVwTRpBI%(|P=SWm2Pb9-3$3qi2}!z)7-A>!!k z-v+0xtDGKf1g<5D#VRrtaw1kI!Zvap>9q)9qu`ehr#ZSO0vm7kvlGm_c0b=iI_Wg7 zspd-v>i^K1i!xY;XQzw<#(rkxcgjCN>`JtpyF%>HPQSz`VX_&c>5_tlRg*r;`~!XJdUJofh#}vPOHl_4-rIO$skPA;43%Ltd2i zU5SXT)eU_OiIW8C8j5iXa4nsA(qTg;{-Q3)Cva z$K-$%7E9#%4J=-1?x*r=X7_x3V#?Ci!Nl2Fx9u6W(?~3$E$UhJ6{^;?Ky2!x!V0C8 z(yJhhsqiA0T7cJRY_HlwTb_nh`?cght3Noe>WU-E*}DH1ORXm&74tk}pBEKr?*^;h zAp?m76#F%WrMI6qAM5{c!g6Zv8^jX(=OMnhUY3AS{Vd=kg<#sJ4yCWhtT78b7M$z9 zU4fqR3Y&N%iS$=C8ndFmqfDFC#P<5neI~77MG+Vy5u!r=E`3<|oDiyLloryw1-q5Q zMU$xeKIUcrwp{JTySx!;^-XpNK$ZKZG+f(6z~%UUxLLv>vKtgIjZ%La;0Q|>sCD9Q zolgMgghU*luJ+OJ5%HJNXF(-M$O%R(WRl~uy)Tt74PS_J*JsBMQSI&*MW zZtKeu?qGY5J*2KY8&z8RlXqhJ|7be*M<)OGkIx~g6mtlrFr|3sd|ZT_l4Hh*tU@Le zV$O01F^7m8=Tvf>kn?%SISe@r%Q>5zhB+U<_veSNf52h4`}Ml6>v=sM6a~;1%4F_^ zz=6Ee89A9a^xN7(l&vst944SEx69H=vptvd74a!48->)|4@I%t2nDOtR38E?v$Mmj zvxELLfEn^(HdQigHbv9Gpo#U58ylFe2Rg9IMkt%cP3p7(F-CKgL))h4vOlTJqrXRq z=%L#8?E`u6+nDd?-|04>N%w1@Mz5~V0?&$(j$1110zy#Fp>W()|2NU+y3*YWb4OsU z-=j(%b2g%<752dGQ4*hRb?Z`6(SIx-85hI#9^4@c{9fDHf2&wnU>jWVpX7&GQ`yD& zRPa{}XJOdkTV;TU9`0b_Npd!HupEos>l&=HW|=lF5zQ{fxJAFV(#^<|9Vny*)>f#j z14&APhXpKZ)6%@R5MoJmjY6#WDM)B(qD%HzE9|vFh4Q;GVP<^Kbm7lLKI(Mmjf37& z)XwRO;mh|jdG*8)EUjf1b3EkEWtXhf9{7>1#^iSV>!#mmta1hcj$cCD75CQDH1!+I zOIBfQSW7+SAQ`M}CIxoHzKa%Lz`0rOLegW-q8a|O<(jtEO zLW;wR8sRUWcQAbJu@FJ?Z4YPlooBzPDI1kVk(j>k$*fk&m_8Msw9Krh^A*}HBYm9A z%-@IVNajyQA>}zE_px^nT0$&1hl=_i{B4ZyA`RoN)n1NOrYMYzS_)oje z91MWY{%UN%?xG{|bg%jNw!ni-q}0k09`^xw`GU9-MR)d^&&b5)QwnSuDTDVuod?2_ zF|9rnEDe8v8rfW7hH@FU%lvIZC1mruHoMvt$s1nQ7CcMzxVWMlUi#w36^j{N<4a# zP>8kPoff?NbWQ!GjihM>1g0mbu6-3O!!>Ft8Xuu6VrQULxhTpGqA%}zf?MS`sv0Yr zLh>nTuG(UTyoMC=@L(_?BO^dH6B62G742V%M*dY+k`v2iw-(Xr559EyYQ&&&l2mfA zrUubJ(xWozLx<=su5q7p_jC1ES=27)4&9bWdP*6(Oi%ybp;r`zyZ1yxMw6LPB|s0l z3)8wK2K8*M6pJ(JQXY_M=TR1991zQ>J6D;4Erd^eAgd=0}60m}MP zwQTA%BGu;Byn}^pG@-6+#iR#0Hhnu=x?islHW2xkgHu{wjhf;h$v6WW1z~DL+VwxL-CoHXKINGVvly$qt{{+2oH0s7*~>i~>zYQykH3t9fqf!>9HX5M<(MFy_`X5a`w zx8Ba5X+GMhFdrECqhE{OYS&M*)`4b`J6QP23a*O8AaqkzqLP8w-u`06%75A^hWVCTSaSNGwNc4J zf7)p)bZ;?=w9>D*Jyn?}mzdQUAa#WSaHic5jF(4j4_?Xse-@w}lgp_! z&eAmUTUZ$`3Lq^0SX3OMATQneH0`f3aQtUYh<9AG^=ek$8fW;jxBe?u>AFdw*!*Pp zOOQ(WrThIWo=RbCnjS!G?#YaYM3(B=)@X14k4-{NotNlA{}HQx<&E&KR1Id^nI3zN zGb>#J@B5S{+pFgypXUJB#A@pNGft;@5bs;KxnI$aaEXEYfYy zmA{b|174NwABneH@u{8}(QGKYo;_eOX6jthWu}=)mUZ@(d0GKtlX+y*CASn<=cf57N8z?CH?QaCL`Ie`;G=A3cKoe~FfH|M z{~4!F745)uq{G6MpR~^76Aidt9GeYMtC8)xCF>JMEr?C043ZV_hNbJp$!s$ZE`*=6tIgnwG<0uEzxS637IkJk;8wtt&HeL#+2<&woVC?x|V zka7n#bQOgys)lxdm>!Py54s^2>`|Eb$x;QyMW?Z6yGaRs#W-E}SdIdL49l8V6&2Y} zLmAoPV4~I*$sU$TKF@UvV~n+0uJKpZS+RjY^iuKz!!opQ{wt#JP+q+_VY)XQ@jU*Q zFh z((Tc_rhnPj!$HX0ZrNNsYud*Zm8cizKvdoqmFbK=cfOFl#v2;MGSfG02bS;-GBj&?g<*gB(jOeW7pm3KB&H1>?$M`3u{tq{Iu+7f8;1O`&syl#qW&bnCoGe zX6U*HGA?9R1hulIwpdbGF#@m*^jIeMPxOzEh{hm7;SB?ZlUt9p$^3U*-}#_Du*vn` zi5kfvpA+)htYu=t?ao0c${dRc-J7!96f59k6$bn4ENgMw66|=wil&?!CO}x!IY~<4 zPbHvmu#a8xut zDS8QOXBd4in-(9uH*}tIfzC}#l2LQhOT#jV(>&z{Y;z$SaFBdAHw=fTZbXfkqWdT&T-u1@Bb z%@4~WI!5X<=erznLLfG$W5lhT&N~k0*~41|+dET6c9XHU9&&-L^xEVyxYv%}H<@U7 zW@1>rTvjB#>1oTiVquUO8oQk3!H3C&-oI0YwO}Ez00QI?FU(+vnkLl#i7ow)flB}i z<&koKuiX|B=h-v`QZKHW`X|4~bJ!i~#PUGGvG7`Btl$VPTNs(<%5zxKRF#Q%A*BAR zIIyVQUeoirj1A38ovI9BukbR&qQ1#}gRG{cdZo2W!3&2Q15S2JsKGekDlI#Z50#vw z*^{jFzVWUb<(JSzD8r4XhgmbqDtsAx3$?sq{ff@mpHpBTYM8ilct8zr(rsv0+Sl_z zq@p6$y}e{T^=wdgf7vU*-^*ObEOj0p=)Go=Vt*!0sa7#RQm%6vIwF!Lvc=SU>@zMCBX5ft-MJwkltRb3rIjCp1{L!%x zM(Hpq8dT8Zk2V6ZDWt|K&ZamXZ75=%s7>CUjxd8?njW>Jlc;Y0tyAz@xkEQev`VCzG>z3m zm;eBT)48{e)4MUG`w%*Hw{AStl!@QBoy`xxqk8nE!+cJbCwlD%GH3oYzS~t!#=1GU z2aA^9=(O4zyqt#j>N{%NOsjFh`yB1Ak@ghKNtQ+5_#ca`eB&72^WwKWK9aoRSg14Z z`?KNbXwM6v>BY7Up7jRqNMLn9qJ6Y%I=+X$JW`2BesHivRc4+=e=HW#b+LK^NGnWcR)u#7f$l$QaGLR$)=#!` z5)N?!k6FSKE}SiKzrctJGEtMQ_+x3VhOFVkJ3BiximkXOkgcI*`Hyz2YxX*G{65sc zdUJn+a`t5B&N+oXO{@B>n>6|INIZDYIkO`592HXr_+p6%3GGnn5SSeI<<_s0SVz@% z(;TS7u0LjoVr5b?Y!#`N|1>gDbU4AeL_s7``0!6m8x?;dDduA-4Y?VE7UvqQPII;x z#+DaWV-y(dDD|@wuHR^ew4bY+^2&$L+cBakSc#?@|?n0!Fq{7ec!o*+ba$mHd& zX)@Ax^HfqpEzXx|6|UR#c1yx@A^Z35R#5ARn{!>bcb?&sA}y88FKNYWh@T?^1viKL z`#om7xb@!r(3==N=D#q`qMMjNt4FE}1YL~8pmf6!ERZVy+N7&iUqH+L6!93ajs5+% zpN*_8y1gbnH+da+I(~2EVi1%vn~qaaxjEhF_a8Ff&WCpDFVbQ9G3Y``iSt7vW^cg{ zU@1hW=qt*}Ro%kX0$qfOYYg)jvtk>~?of!EqPSq>Ui{e8tI-)fPUqWg!7DSJD^HK z=(4G;C}*LZmD}dtzTZzIm@0UqSjCN4KsaTIHgkX=Y?!o^Yf zMqpsw;9_WkuJK7s+NV^k52aH)DL#K#Hp|e?pvLy>pyTx4ng?;GV|BrSUGkh0_xlT4 zINN0#<%~QZ3(toBUhV+^5JxtRS3QcY68TWsAmC}3_)wP1!R-kg4F6eSZXz@(#UU7l z@tSSA)SCR8#WvzXvMHK?>5k6jjKf*RwLsbFWG(@ZFXnOIA)6&-SZgMDjhKKgnJ#-@ zS!9IC9a#W)qu2i7S`Ww%R_s4>bTwWNR|!QHNV~f}wlHm?xTw5)I=qYtb+Eui0(GBb{ns-I10nOH&gPnW2nCYUb@L26{i^B^$KMSj-&ffPlNE@xs zfIZuOEYsgUcEhJ@utQjTb2bM>y<7q-KPPar+)v*%BaYhj4m+<{$+8rR9$B!;cbNj zPyIxauQdW_ItqN*8f(j}XEa9pncaocnHg{Ox4Evg1Jgw=JaLA;YKg!Qzt??v<3 z#>U3%4VQ33t^X1O7!sUoq z6Q*H7Z7DzHoAu(}UAbgCpaWu1zUCnC=rJ0zfG~y z73mxC_?q-H8Zb~a`_u9+X++~MfO0N!T+vYIcjS5u^`quQx~qrj^EGHQS#_Gv@z0_Kz@J<{ys_a^*i&?D| zpMaW2eqTwbQ0y|`tj+tazce#6_x35kV>@zPbxf37wCjN{D@)YWG*A?j3L|x1|9XRX z+kLOfkfsly^cWnUeO{jUc&9pnzi^K=94HH#n~(MfnT~5}%n|%VIVJ9NG&i*fPkX$qE)!@At+%H}ZI2#wpeYy}Oo|_3Ry9v@VsH$^anRuR2PK6Ayn$(@p38L)L4NGV+n^u6EU6olV?zLljSgR2B>A4YW_lG@} zNgSwEM1Of-L>$j+zWV+_kJe&GpK+sJOL^NnHi#CF;w}?Wc#knApy8jq|NfK$@P;#^ z`_Xn1kU??t7)7iFDEhB`>$QN5-3A^XejH}v~&BLyg=bg-XSKZLZ;i?k)@@%hG@TiMxEg$e2RmtCCnBn(q2Y0TfINp6t=o zJmVsNgQEx)4SXD8xyllSQ2|Px3xkEf8cUF~d@k}QvJzFg{0#I3ubBx-;bG@0AN;F| zoTDs?wtVomfWyS0<{+B>G?+d)ySE&o#-GxH8S-;^8I41=jfc;I290f8YsUC6ALXVE`d3+(6PWoTF-+dO{CFn`PQ#DvUmiGe+fb$VaTs)#g7X_uc}iB zA0J-w^ZK|rrtOVG8q(1VRvHGeO^iS7w|ZNG8L>ncLwKQ`+uHQ6&3x;3ksf#vieTCE>I zBN!L=H`IdklIk|(aGD2Fa(9Y9VCS%72mX!2%KuLCEE&}mGvQ+cC3MZG1k^T7Hq|zH zTrnE1oN{*i<=6wT58Y&*UiqK6j;kmX6WaIPo{#=h!KGH{B!7Nv>`@Js3b;S$`bu0p zMcq<}Yl@x-&8l&azL*r-Xatdt9fY5L9?pjM-T_X+QyTX`=7XCtE>smhL)xaSY6Jde z{VA$~w;@33N|(dr_K8dLDf#q&b=%pf>aht+z!IPeLB4bKfb)#&@=v(}%QFd%#=va( z{rCqv3%n0atbspuU$2-oye*)4=FNGlxl{a`>Za5rSZWG=tqOgMti*I2ItQ0OJko&y zy?>yNFkxy>VzVmBu^Pdu2u`ndsva+QoSjkwd=&dUGnuomrA#CPsKR(m_n}jYuwn+1 zQmduo+?g4tR~%aVPYIq%-U-0c%~j^$juKYZ`m0!{B%}38nD&ivo|l znoZ-xYga1@7OhIW8h+=-qf7GWk(z(Oa>?q)ZCem-k1I`HAf5>uMRYS2IvuWl5{%w_%Zj z^f#YSTpCnz;IOO0=qr5aC~h$k4r}5$XL;=S@@d%H>oSY!ypQ3I027m2NfRTLAPO%> zXGUEA8&FNGeG;m{d~vsKl97N}npmnxbs6NiG6HOre-yCK3mOc4ewp0~9-z@tG={ba z`K0SP;Zzfsn#CNU=I$z_DI=5vgzHO`Zd@rc1yrqYG5BWm5MXTWvR8SK?(gv>6@ab& zEWBU=CS9MCP93q#wP+yp#yb|m4B)2qv)~Bc*nA;2ctx_r^ME~60+y~as^qGZp+J>9 z@$#|kfvluV{oBumG)vtJnHa*7IHdAsi=R;_#w^NIm?C}>D}PSj%J8~orS49q>20EA zRe17$UY>RdSD{QEYz&)EVOK~Ek4)}q5lxeCa}4j|Vuzre!;QNc zMY(+@Oh2ZoO)6lh;&{C&e&TGzjo_#JC#Hejk=pJUWhpR26S~B&z0~c1(t{rH zHQMjyeZVNBT@Ds=G&2xnV^4<|WOGd9nb&IZOVT|acRW))d3^#;163|g-Hgol z{y0`!{T2MYvO1D7RuZYpkRSM6%eqlBB;ygo+v@YE?{yWUwMWyNlkK{ zptG}P|B&BWn&-er;x`S$PyX$%HF&i)d4|GqcTAmTv|3ttn0sn_o)3`!gC-}kX$`JU zcz$m3!}BVU4-~&G7X=gq&ESuii3%rbX1J>l&u>iN507`rs0OErHmOdzT((Bm#+)5* z<=lh@o~)T^5J(7~*bvLwHT<{9Z)g5s{1J%5m_m=1l2jiQy-Zf2-rY~=9Q-?U3*vdf z*i-+a={d(j)}s&|_$b?-IY|%1D^CQm)gte`RQ+&ef@Qc$j#ct)KO+U=0@kgkqg{QL z=iMd6jXq7&$o9c4Gk}`(QIgEZ04v@C6oeS|U?FvK3)>BBB-$94NuGa@l>~!DWSAG` zaW>Ly-D6Dqj|P^akz>1PWZ0z>F=D))Q_+FGzUhCEKgt(D;4<9@!(D9P$xK5{@5jM1 zh3CMSaT&d0C%MwP4XFENhNFs;8s;JB;xGd#b;|z=cO2w$GH+SQa6>vAwm;u9BRB8v8PDyjv zRPYl`@P?!TggvBr!ijY_0ZpeydCGW=;o)i@=bLqn-){FYn3ponDk^_~a=;Z!Swo_m zZeZCPwU)p?H!JbYe*5#IA92hVK?2^?Pd#8)@pEeE{)V;nog(wntY&5@%yrq(j33oN3h z5rT@cubGFq^4P4ZGxuU`wgGxJ(5l1gd4{Tg! z*VpUt9#pw~@c3uGgRdfAJIjUeuiPdwJcoGde0j;v7Mlo2>QUY-lqvjW-CwW0J(uY~ zV9vD=zPATVxvtGqn*+|~N5z7Bg9#}aXcbQ&p63OS6o2Ke%r~F9oF($I{T^fu)zr!D z?h5Zx>6}tL>?cp`Bu3urjsJb@8puKc8@wfpS)-6$bbW%ys!E^n)=mEoD;6?1)l5cx8u zN6Mr196uR&?${QTDJ7SRu@OUO|0M9Q6>92)T;v}>I(S&V{DS@|kJC;^i;Y4U^YePk zv6CywH9{RpFD+Llre}R?T=`%n2x7;$V4dmmpqB`xbOzs4hrf0x?t4Z&+iv)JNrV5z zgTS$HppsLfG_g7(kT1i-f_@RIpK-#ut+-@B{8nNYx7u1Ci`sB|;;zY>d$0!StXXr1 zbl*b}st&IJSA*mIx3H>}71uxQPY}f)6?AZt-ZB21Qd)e~C(xv*3=y`5e&>cMmKZ4a ziW001=>uXSKpCxw@07*b-Tj+{<^jFyzFTl)BqkyeX3(m{-8i7dj93U55fv@eb<)0L zP{9-IqLcqz?e;sIm5P$MoO3T6|D<9d)h0PPBGdM#DM7kj+jLB3lqVg%l@UG6v;{YY zTaRhqbmEKl+)FDfwd|dwca9qn{TMhUKds$J_akh%mG?pwZd4rAg%bNYmQ>X~oAP7q zey%$0mhvXx#PD6#{Y%<6UiU>|}9y z_C}#VP_9+FW5_E29U}_P@cGHCCz@7<)@RNs{uX@c*wR!aHf=wQ*zjvhss>XCgBbEPXITI zkSr$!22jAeKT*tO8Q1^Gh+Ta4cyRV?>=noF@;tH`dvGrRH8QcJ*f~7N#3?=^7>Crm zi3o;@x3j4e77tNM{j@YMev@As{Cr0qV)oBOTfPFrkN)MIf6__ED<5_rY=Pt!wJttkd@2u;Ku#5|o08&GXx<{g;UUd4XD3ciLJ#ylCbp_vw4qxWW1gMEOU>kD=a z^PjXTsg>#rTDte@YlUyTj#g1+@y)c7FPH-LxBZ&*=we4*6~-X>y@l78g&8%MZ5t=n z8UeG7?RI7aI4uKR)Hb00N&eX2qg_V{=^WUhe_;5b4uTm}fa?X+pawJMaj;&8=OBVx zE-W{y3BBG!4;oZf(iDYUBu6xi@02wJ{+Xf1{%;(;HY%)$rR18e1=BLGd+fYT*$p2q zO1`en@WbbM*Vlt9Lz@W^sl53<0m?T6fZa%A8Sn%P1BaQ&O8u^sBC?Ay2*Ipc=f60f z2yryj*Xgz;azIj`nzmBSGz6{?{m!)G!^1gm#vlV#V10ed6BsBaOwTX1Prg}CC0UNi6~4aYfx7e_GjcEV2XBKN zVtt)I;HbX_;Ox58tNi#@M9KhRmU<;#U?(MGrlA_bo`2N=C_+8%7vXHk9Dq+Oj~X@a z|Lz-0a7+w8DI4*vm^%3<5#YMFG1w)p=z@dhHXp8>t)wYXvG$J*9iE$cTH!|GFBDVn z-@02h%}++^|BRXVlsaaWTt&{7>cnekvk+)!dXs5uy79Lhe9MI%W-Z|n2Lr5C!8n*{goVN5jSzm z?=|;_K1_7M0vUDFEnNNXER!BpRP! zWmj0`ABUdf;Tx8`%~iPO1Pm6#TeRFoJ}`e$O#WTHX6{m2N?rFN^-nF>vN%6S%6!GI z)aR|#r+>CDzvgytLSLSQOwWVn){k(OB}mIasiwf{?Tj2Djz+x{ZnKdsoZVUmPl-;U zz4IKq3I^IyR~&?Mrb;rB-@FX#y!pPnMe&LImAH`~F+xE+pG>ZrJQ2_c|J%;S1rwi6 zW=sFt3c=jXyMGUbbrZ~kB*A?A{L|1E1oapAG}J=Vb$ejCuB#F6;^rTewtBv@(97uX zqc+m+u;$Q>ZGmToa#!*MzEG7haL(;D?)+-0hjTea&p#{vHwx45?}HkiTT$&2#-Ruw zQYWCGCskZ-YVA5fz(_>)au;1|`od(j{lI@`KjL>xJ52RgP@V0dNHqf%%v~F3ayo5! z?t9Sr!pP^>^WNY@#PX!`?F>aIeazDb)>uzLHd{=|rixw|J%vIN|A1#*@U|kqPZi~+ zl5|Cn!ZtKU<^5SQ0g-DLC%w#Yb?ohx@>h^ISX_B%$;Z4;@sMjASviaUoiYyvy?vkw z7i})!>@N%!(&Q2@6L4HGZ6^=>_(mr`s|f~}{O*0v_UAWs z^!)^Hes(n@pZ?iPO#wv~5i$C(oxa9@laZ%%uP7n5E-kwV@5f9q$tSM>YAWGk7;g4k zsZH_nEg$78L@%$>OjQ?>JcVy*#Toga@U&~RZ3d5WDn{8L>nBZDL&si_PH|M-1Kk_n zE13QEex{!izu%wocrXK*$M)kucZ6DNO7Dj}JIAxaP=ERXluwpBZjKDZFANuw<0Ex+ zE8b&!0L=@x%Zr&mQ(Zije__&$HNla%H#PAhE1=ImI1ya_5MUTeR8ZL4VWW z)ORPzLVM2+Vw+F?PSDJglaChO=tqfo-?3={8cT9H*NSw%Zfd5Wea87&URE5$FfE$9 zOlP_bguB+`@&9Q_5F|72gs$7j@TI>AX6Q5bqe(Ti7bxv6&* z*l`J4h&ORaV`91cfhuGa~_DvV6ApY6`Q3fBcf^fS`oiS2OG>kxxn0!|@sD)kgHqmZW>Yl*RCmoH5+w zmpS*duBUFl3j6fdvEA+Z-|JuX5I!XIN(AnZ@*Dy;Ht+0c7pk*3lf2gFkG=U|hG>zr z>IS^u5^49dd8z)|?p&Gt8j0tD2_ZLOo|JUq;YaXoO4rHh)*F(-M_mipR!mj({pe3W zO#iL(zsN3E74Ne4{zF}Xh)7!WuV{jTmck@fY*29Z%^*jPgy`c z*CxwKQ`YBT_e>KOD|BFh!qi_R{sZkm>l9shd!+pM^KXerBu4kFrqnrMX;U#1Q~aIy z6$t{NI_)E!N>hDgSx>Gac{W|}hwXVqK62i{71lqSl9FhxAC&k8`D-oaM6c$fRocuk z*-L@w#sBV@k1b7Jz*zSjGu_t}KhSsUa3CU)P6y>z@!6SQtgs&n=LzN=6R{I1S7q@h zsWdhE2JE~d?$MO_W5SyzxJzF&H{pdVm+Io9(LlU8QisrEYC1gJTP!%e*5x!~dMpVF zo27gQc0)9Dp-h(rpJ!xAH%a7`a}8mCKCi%N#fb7w7rPpDA7GV`R!LD9Wj-dhQ-H?qRS$<^uwySd5I9y-qBd zjCZsARb*~XLO42l4Ska2eyo)P1mhZG%Nz`h&+#2zyu)&Njldp*4cu#^C7>-~ zgA+#eLV~tR&+-Fp^RkXN{QQYHwVwMQA9b-XwaGdi;;#+cMtjg+lafB^icB}~(1Qw! zMTgk{IOU76lXGt_t7 zG3kw~pDI9Ut>}JCla~WOxe!yt^mxod)huo^9(KY!TK00(x7X_7s?J@l|4IVH`sw;! zK2J)Q&W3jS;xMhmyY8`J7}VI_RN!HS>XdVh2<2pR2xJGq)ZYOgD;aH4~B;pFG;0cKbc| zsa~Fq;~JYWi?ii#WqXk@Ot`f?14M=I&Mi|qla&0*iB8Ky`zJEAuk(E~#uoZlo0_wf zzi|oWELcxalkrhnQN*~$Fd2k%Q@SuQW~^SAykKk)w^=)6-Z zTK5WJ5Y$$#pQtR3>y2;p@(>V)c$}7s=4pFi!l_pj|05TrTwbUJa$=3Xu4D2J7M-s3 z{^Ms`y+oq{0>QH(aDQtjnbprmWyUGX>bYbHJMJIUJmT5oEFa^T_oo0=(S1{YHeJKEnvEc`Prt7(lEi!WQ{XrGNTe>glR zCx!Du1{W+8z$LRjt987~wGuk(`>w|e`k#lWQ5FCow_z}5kq?7#U;IwUr*m`Oo?}Xn zV6W1z3X5ChK@pi$!@3rCpXtV?z<2)Wv%mAJ;pP%1;z!||y(?)^75$C+(N9eI(8f3N zZ;RDASrNS-@dcAU*^;-!uD=i$#o@^68^g-x&+%SXrptm=rlhMS;laya9vEm(H;Za? zDwUw;wdUL|K(kw-C4HIAluB$-CCYA2{=2U2#?2yt)Hm{7#XS8^7yk24F zLyfzS#ArXelkFQ0wGGg}EU;|J2^t#>_!-X!U~v3ihEBhB=f#Cbn#k{Lg2-ua^O^#f zF1Yvyq5hh#F||pk#40%lt9L-SzV&zhdkpToWtYBQoT$iuIAj46%Xrn4Bw%Z|eY3vT zl~8WW*X5cnY%KW0Artt>>c^!>%9lkF6UyzGv`iS)Y%=pkT;v-n@|;LOf;3f5>dlb~ zql+lSj=0mc@U~gC;5B#J>>tvKlDZW+*JVD>$&J7odxVcj1~fRb3$h*tQF(iNd;X;L z!*%ldy5tqsuC{dAMG}*AcKvL`wG=LkqZ`{9{}r~*953VpK`!7N3I!o0O2uuN^;a|g z%XWIbZhZ_))=B*S$2iBI`7f*n^n5)%t^~bk3>cPM8;nr<8T21A*k7sBtCahEJbK6KV<;Q<}$ z#L{SroB9CqQ4e3=2z(uf8=bukI(le4E?7$cl+=e-RW@Yj{y_uen54 z;P!k+FJ+(+t*6_j7`QuXju?)-%i+I0uO+8M=(Rz?eg$0Xay@RNyx2DIR_1eAcWK(w zzj|Fkg=JVdiW9;kykx?n&-CR#;Y(o-+Vj;Bn$Cgg;SQ5;stq{e#urDtiucxc`ga2U z7qa*ER?W=yPqL+NlRHROV~__gG(-)EOzB1ev+{*1Y)9=q?6l`$paSV0+7( z4@mXgUI+q^wu>Cs*dwu6XxA#ARA!cwZrpv*%dH^~4egAJZzDMBKE@RUl;IsMZ$WIh zf3o8D=A4Ha<{ER>^Hpo{OT} zod0MhzzWM|;J=^}BHV&G)thf59qz|ml9_Yh-R!$C_N9NVTBP_!_`$!=H-_bc&t?7JrO>%qN5Q5%7M$GxClHQ9jeBS+zayvLL$&_(?~?twk&IS^l%0*zvk} znzB9Ut#~M#d5^3Nm;vIat|_La39w$3fDm^8{5Wg&8`o?I_0=y7=C!Ze!q8)O*JV@4 zEU_%Z`}Y?!%k^JMXNNx%)rJ1UWOR>=qjfKs1waG@McKzVB@v6XY@BW)8w}CWqObqD z@D;e|{B7Y9tcT17Ahg9K<~w+AnMHo5IZ=5oP#m;1cQrw^*SxAQvU0+_B8$I;s-2Gh zZfz|_QGzyh$>fUWLpRm##+=A}*?+P(Zd5R1iz8n#uo-g{>kEO1y9ZvQ*&G*G48RGEchs4LggrH53d?sD5TBFW_^!S( z{cz$+(9(@#14JLrULSF$q#8~qOA1fKV4VP@^>d-ra4&b7U7Y;9G`EcMj0Y|yimNA? zTMW#KMq#}@t1nCWs%d1B^>qlPYYf6nA=msCClHx(3$^+SM;!kgp2G+p5ZT<@112PL z6b&89<@?prtw;awv4VdOb$9bDU)M(rWfW!3byK4wnPa(-3$L z{sDK*B(b;k->oNSSF|ANxF}L#;b9E54*PYC-`|5it03vDSz=f;B_Uxr{;Euo^~kWY zk)G414_!X=G6Tv)&XxQ9bZEl+(UC@d{V!&wn2qJFjtRFXtjT!?(Dk}2ga7j{&S(Q&`*5mH5ztVL@pY;l;@+}F0TzT>42C;@&w@w zhTXiHW8a5()g`3oI%VsmQWhokSG{XUrk+t=-yyeq%e&_kS6OX2zTuRWSp?tu55ayR z)imvf9W$2L`k`J3+V(OZ=yaFZ>=mPxyAu3VYB2lPm5PMi1ZdA(EsKe>&A*0m#+jd_?00;FY5?PUe`I}(^*bhvEJ58kdMoOaSQlNmi&I*W7eM*`~T~&hA?-&?} z5Yd9@a|U+{?vtH}QA>G_JI~H#y&oM8rl~|Fy;(gDmw0hym{D!D5nDHVBrGm6^+%PD z^$|o?j6!L;s&w;w7bZq+TuIdsDnGU}w+vD7Bhz8Voel$dxFw6%-K;)`T@q}5cPOhE zc(y;@Io@#>63coNW$+@B?We0nHbv#I#rtgI3I8Q&F%ea=CdP%j-f8ElpC-(Xrei~R zxf)+mNl2$8{1lo0Lim#6)9^230Ws57BTm1hE*WCi;}yQpzYw4r&3JsULYhU09{lUD z;3h%nkpT3qR6Y$D0jwMuEZm^GI}Xg%|20e@{agc*w&=eA9Q{`se{r8~n^xF8PhX%F zA;43+h?;+-k_agX%s`5z#Ja_a=zK&lx%@9N4UoV~67&qU_>?GZ9TO8Y`+ zIsh%S1`A_T$IK~4w_~D_yWYx*6x|-+P-Rn&GdD4QcHMo)_^gERk@mcwtuA5yf%74L zrNOBgK6J;NV&5>ec+gSN+naB0PH8~Qc<6^p=9y~B?*DkOLgE2S<;q461HuK$3;#qk zy9jHnpNS7&C(&g_-hj=5vrp|^$i%1UCa*Mu8r3VA2R#$jBOb&Sso3Fi(te2(tgKB^ z0t%i(4m*`)4R8GjfEUHvK41Eq}uMTg3{KGM`Ix;Oa!suNqINfqjM zL65blXdY%M1uURReGrw9o+KK`34XNWt%jUUFB+b-dmO%?6Rq{P2&jg=_6!!pB?daJ zB|0Nt*H^c0aHjV~dk{<@Q6n4hQ%lv`~{wak${niF1$ghv92M6@n$YJaUrv zCQO$dvtgB_cHgLUG@%TKeV?+6NFlo^$9V09mpG=|QoGMf4_bG}MDU7?sTqA29Mr#y zlQRNwl9u$$C@B#amLy*lR+!COKPL=$0U1b@I^{=gB3wwypI>E#{f}N%%E|F2-#**_ z%$>VLRXxIej1wZxH`Y^T8t(L#|4mot$}@i^+N#JJODxr@q}DqTyT*%4&8IR>d(;nC z$cMh_Oy6T4ajg^a0dQl};fEPUzatDyEZ*XlQ?&Yg%x^?9Zy26c;K@5YAb9PE70qZf zW4_E^Nr&ByMa!bOIQ+G3em}kfw+WwA6HCx{hwRiW^4#zMaMSdE7S(OdqtI$jp%=Os z^j->9e7XYq6ydJ*_IE{5ZxpcIH|#!D;`q?%v4fvfps&|nQ|$8y8gY+xNbT}^=hrDG zb~`JDQ!=>EB4PprOE+~17zl1N!D0d>UUeqDFt zE091Q&xz!{RwdzA>XZUU4G!B3>m(~(F#Y!xHDcw^k#+hyKWlb8>|v1b{(>U*;Y?MR z^+hSgF0H?FlHOGHw_dT~2{KBN@BL@3%4v7q+`KsGZH$F}9(DaA2aG!%8Aw2oK?d7! zS4t30@H|_@ket*twOoCHuR^ej!_AQ(5RnDdV%ch>=bN9VAlD|hEv9JRbvt{0=>&R% zUHVDYGx&g?6A!TEW0C%vDX-i&9IPk)Qf;;6O$TDMZSmh!FAO!P&vDH&M^wbVI6~AE zOknrlShc}u-h#BE&uIz11@}USbn~7iBf!Q#r45c2p1io#buarr%W>!^{79OB-Vpa4 z(68fsntT)8HxzzS4zClc@I&HeI5pA$BEdAn*f)QcBO?N;7 z&^*lTp3a5joBI=2W4k1#ry28NvsBTH!?JphGcELVh4sW2;z#s#C*+5u7_7~DAuD0G zV7YzM4RFQ0JRI=MaKit(HhcMB_vgtUQaYVI;4ty?R!*=|sjYt(I0QZ!I$t`itb9L@ z+uYn}!0Yi=+vd^@VBXaxOM#^<&27?w3E~8=G`w&urhsm2!ky$!>L;)D`(wVIml=lE z+Vv2QN?02zD%LzXY`(WLBd*(SK)HJC9?v77&G!L0>PufYyq~|nm*N#YLLr9ZXzy&J z=#1R)->noAY*OXlt;0j{Vbf-1>Nm0{r&Z`9)iY&7h$e*01ysP+WxR zh|=D6@;O$~X$>x&1FGA55V`<@<$PzFi~64hx21olQ&6@d|bHz(T)ha>S$(Q0q+ zckh61i}!ebLN=O6B-XI9_A1Y)s+{io@$1uE)9(yPQ*I~fzb6&f+%L4{q2xxnim<0v zF?DHcw+M&vq-DS5p}1y-`_$JqdMn;s=jYFNKxH$`E=BY(k1A;n+KGgkMe1ym@La`o z+Mt&~yN0))K2FwYk9q&3ul)6b|He9J@5v)>LEKaE!m%Tu8CbMBm>xAPB}0VXg5X~N z>X7PMA~EU3p#*?K$Qv%x;?qMofGkD#QdGTtg< zcCoyKQf`aUl>I1t4@Enq!j+CJa(s68I-q-bo=!;<%Tg-Ib{j;~LefM&IYeFC|g{es$%L~Rb5n5byjrMVg zw;Y(d7Nq+{a-&20miT;{-5y2W?aN(BA88x?XQ||+W!PZ#!Sz#)IwQutdW}zlmVSeQ z@d+KJ=R9{)(V2gSfU@$Hg%mP0N~fpJF*_%V`-I3Xh$N7RwMH*u6LheKp5GLCg*WR^|wCEGz{9#IkE zn30opY~mQnIQBY59Ebn)yYau{;jVF=>+^ZPU$5trSvnma&Z_yNByHBemT+JgNB6zh zmt&<3iMhhtajGLLpVIX?D0;n7d_Tk0lKYoGswk>_mm5HE->#Ka{A-HL<5R+jU#_ z1|RZfi@D~Py6Wn){fb|0Hee!CHgd6@KL4cx-${ultuN7JXX#cNzBlsMv&gN&sQo+D zjY(^5Zn;(JN(hL0Vp`^mkUd%b$o}~_m}VCr%sY+z>}(0sP8m|RXkbv4{4NY>oPM+s z_6ikjtRopk94r7g{^=aNI8(12dqCsckw|qT<~LtTxg<-isVL@X>wRiYA*Xb3v8?gH zhY5~;VGL6;juIxKEf+pAU^9p@DMK^`UoXneKX|__bdrEzSI>U7L z8YsanrRiHrIhXzN!1(P&)k|N1VOv^ld9QK_mo(LfxH~<d?}j#r?ULi28z#Ui!ZK~+E~3I^$~B*XsHhS{Hn^R*0GAR5p`C}ZA-Mfza z==4g3J2F6DZ&Br^5NkSfXw^4v6bl5BCep~tMiqgaRK&5nV107ndN_v}5BU;S`%UsY zr{n!)lGpryiM6#&{Nhj+Uj}Q&E!7GCq)$+*?o@u_M>0)BLN<@EGuyVaHY z&6eC2Z|j-nH$JBf$7>$=U}wCpr`My0y(I>HzF|K3aLKyLTIBA+(cZtK?P)hP@Zz`r zHu7K8owpr_vz%FK+sB1`Ae`A^fW?i+x&@ZX-Dhp`J$B(KV zCL3t+EpFYJ5c3No1dvo;PT0NvAxS4K6H)4FHlK;d4QRsL9U7g>;U>)Q%UuZOQ zO91^pBiF~|#0|^kv<3w18&^|#sz)IPLWQ}-bbtSIjT9{XMafpPejf(8`7+CTqP6T97DQvZCnUrJ$Kl_CM*#pM%y-v%(fxa*EjuYUF2hQmW=A_ z>qE|~&dl>WvP70EeQZUdpp{m6x0Q{c;?Q8bpyiE~L%evU^^P2(;wK?`+)! z#Zn-yYY$m(rUjXzx~1#C z+#5m}_b`X5;EDQ*IBE`ufmPMU>8(5#5VMJ1g=^+vc}Ob5I5A9B<&Sb~QI#=&-tWIh z0|mWqMRI?8+8eDT7W`EH5x;ZC>}8><#quB-`@Ra?YUK4wOr29vHIi$G`AeFko3v6Ph0UfF<9JeJ%Pzocde7j?xsoQ7nr6HosenOr7}$X zJqRr?23M<7q1aVw?t3!3qm~H?-+y1=aXRb6ZKo2xw@}FxM!_2I@bV1pT^wbGUwKli zW@eV1cU%m40(M5=J_+3^THjM{e_rJ5R-MtR?YRRy5VJ=~_itzn`rEMlI9Di3+vYt& zj`G3TSo{rVj<)s`wwSa=yBu;*Mn#n(&8ZUbYKQcjPC9)*VEV#p3N+Xj!mTGPq3@mp zl-HMUwONg*Z#rM6LYYe+@T0ft<75VUBIF1IHN}wjm?Z8G^|!SV(l2!wK#mzGM7Wal zc+C%ucz5AtrEeHEWa!ds5EUx}BZ$8wWc`?fZ=wLaPJXKSJrM9dI%GFkLC%!Bx@O9zKeI5orfU?SZE642K;-SDy4;_!MY`w z&u-pIe#pcxseRL>6`u<+RpR-tKZ7jNPq`+tAI=(GiQ~8l9d|KjT4i`a4|g%Rx)~9l zpdM>Bk_bFV@ ztv1=~G;81VR>8QjYc1Z+$w_n2OU*=1ZstfBEbcvqTg5Dbzx{W!$1358rRKYpk*YWpHZQGiC~z=8SUX4%_ZT-!=n`bkoYi50R%HeBqI2Q$%F z4uBK$>+I~TA5@TUN6T(&ZPOBXv~&d2)6c;oUZa6Kl=n8`5e*H;hH?1I?0LY+W6cS8 zkY3wv;#)|c?dH`&U$qjB?Ef^gP~lqL$@Q+{;$rz~jnomYwlNNyP4({BZk*vH1AvQc zokqeABn+5h7q);ndERq}=Q#Z6Bky)S*67Z^f7v8N#~SzT*q-3+oZaEe;yg@F zV%b?*yB&be4SYM+#LVrz+_H)x$rBsjacqMnc*1+>zZ14K>G^4QC@Ra9r2l~kE}qZV z1FWPX)HY#6N=S)2NxnfofQgCR$^UBp6?=!RHg<3FVwm#H?WP73OE2RnnSozq&$9OH?1*jvRPDdk6|XKUi-l zXgQyCsYeR%$FHU)@{h5WrzJA&u!qDw!|?y(=qz=|xo!cuRSA5_Jy5a8X!A2!XU}^e zjompga0CfITzSQTLr!{->lxM974cW%^YeE+x3{Mn$v8@;muJ{{Z2_=iItQZXdjkY4 zldbI$rL;H&WQbrpC555;WQawO5~IibE)^ROkaUQ5HK?(!|BNGCw5;J%9#5S=2`5;O zUB0g!YLCN%ve2aK5meR;Ji}BH?<+T^8ZyEDN%1JK?8no6Ot!8nJdjuTa**znGV%B1 zB~b|rNbPZJsRXsgTN8@{US=PtqqA&fW!ev*8hYqV&^?JLE23R5PM@58MtNy*v$I6wgsiNrt<-V6G@Rs{)I#d;VYDq* ze?p0@EBz!j%=P23d|evAyFRb1K*w+}l=f$36kBC|xuPa+#yj>Ww5oQ4B8i~e-^6J2 z9i&k(8KzY4)7ait5=CA3A8JbcfES;}yGOgw834;`rC1mr{60IMvvYO4rS_O4vxBI) zo1)JBkP7rG>u^8WuXD*tB1P%+)OER~5N+7)TFjg}w;^&g8h9aOYyCl&>~t)*(k8~FD<2xUA(~^sig@>AoL6wh@tG7FN(YzU*xnKKr#=XXDsR`O@LN_O826mvyUW(wZ9Uc$*9Ao*+($|IxRHZ}Zw{e^1V-B*+e4N>yJ|W^)7qC-ucdVT~0D2ut zrL8;D^+9`QmgWw)hT~%Zrd_*+t)_Z>$H0}^UZOo6*4$k@r0Wu7)%>M*xtDkFR;~~v zi}a$DOeyS+_c)a(JNwS-%VTPX54Z*DSG3T)IV^?0hCp&aBI=N|%>EpaL^t1(y8C}s zKi>PDaPyb8K>`;h{^DPM zjwQIAH0JW&`j%rC=Ce)k5hiI$F_s>Z<12>v+->H=@^YLG#_V9#LL61eN1px(&GQ&r zI8+j|PF`90T?a(B(u!bRIxoN5MTS)w9k|KyJAku+sB=?6$ORd=2B92Ni=ZXEq5Htj z0n#x$O9_@QcBK&>fC@Oov4+I)+s>vOkzrW%PKG3C=T??6^TYT8mX3U4a6 zJUMXBjcg85O!T>WQ{fY|?-u*S=JfM{0ULFsjUNiU!~I6>`g^KznS}ban{^dBCM=Qf zNe1f`mWI4XWC!k+#l+gJ*~P-8xAywIi_KXb--_EB&nc;J7EOC2C|d={@_ch3w|3wN zs4JI!_VOxK6s==wnJrCKF+Go2sav`P!pr5hZZrpMHm0S*b28SB&iP%|n(E)}eY7w> zihaNaGr*5S$J_fJJqx6EE7Fsdqn*4X3o- ztn8+{n7>HAK&3dAx?o$Km(WP7bScBWa|JqaP}f_t2>Qn+9cG36M6%Z%g=cP~36cVC5spuGWqCDOT3B z?5R+BPx`Ml+XjsP{o;>|;~Y{R$)Tr$U{im#a|c5(sh7bBgpl*f^khhx&4-u5Q;P5WG3y*Osn-Nf*#P?PioqE^_``k}J<;=*d(0D2@pQF6na4B7^R`kA%S8k3ZfmcIJ^(#)+h& z01?95IhJxj0nVXy>!Z_WOh7{eZ*$0kn>jiMKu0c0=%q~GxdZ|y^7DOxezLhk8;yBu zv*WN868#5L4qf&r;rWtYsX^`LEj97bHBac?y{Zx+z6kn+t6UPFA3YD9^gZuJtlhrL zTc7=-)ZMf6k&FUCR(L(TIE~^{950T~LD!N(>f9687Z*2Gf`oR0xJRahYVJatM4o3~ z6DYZJOol4p4EVoSzeDvRCo>>Y;+7ciN+UEaLs5XRl6b|4vYQB0dc52JFzEi1lsAev zj_e+TSl6c3mf-Ux*Gmb0hNiclbSf|a5y)B(f@I3QKOSCYHN~LI0_N9v$Jo~2^f4}5g6zca zR~zUhGp*+b;Cev;_donu3$d!bNuTmt(ZA#upA*4P=bI~m$*$#W;aKf_s^IKjV#DOc ziuidA;oxGu?Hq{Z+VD?zF6>>LW7{Zy`v$4bTs=F59L=M15V>ZBjp>Vk^2v0diMpco zy$M#Gf%J`e_@vr28hsduMw60Ge8N?@AJP8yL*nDF#5>p)@BCF6EQ*PfR00WWYxk9U zaSMQRv-KXpgqZ76ukn?;_HcbSKJn%A%bUwM9VK>9p4H={@l zJ6hyDF#Mz-taSUg#XUCa8!K@79uVSN&bD@Mvk2lpo7gcwDI-oT)wkKG(VBkfZJaAN zu^LIGZwOHlWCKM^L9wNJU2$&0^yN_SI4E(HRT~ulxI-kfnK!9lEIlO5zg~Tlad-dk z8Ll8?M8=^N zyt+T~lY`rMGz8#|QPf_|{~VGVa6kjNwdU3!4WM*7%ycRwrr6dJ&N_~z_~u3acyWE-@j&(V2J>xbQF`8N_ng%Z! ztP{q)TnNXQAs|t>b+mtWhMT`QPrPf4KDK|HAfm6t(CNc{rNW&c)GY_26=`JX{C9eK zdR!3xbza?*5YsjeZfj|?KuA-WQcKlUBhf@3OTCnuGzYYP#-F?jh$KsCTIzIaLV{Fg zPIew#ucWIqJ9GK;NQ^cd70es?xsIMC?G03vUMRIpQIQUJ@w!TWqwY@MNYuoa%hJl7 zEt6#&(gOD@-PcRUZTK|YuKZ)<>$)Evp&rr2yHIyYWe=3BqZ4R!)b znDT-1DSzEt?hp7@WA||JNQjrOS zIpx3d=09^6_|uc>s4;^*Cwg`*7Lc?iUCm1A(A7FCcWFiBuNRdOi1ci2Gcgy;>Z$lZ z*f+!9FWI7<-mA-XZU%Xi_U?_3E<7y#q>4bFh^oU^rv@@0S}hmFVJJ{W>VGs zi)Vc?%y%pBUjR`dS zO$&zO>AChnz_}M&&5<9S1wJ1zKi|ic$1wDd8bM4%#3@pnhk4SGWL)F3Lj&3;uoAb(0n-e4SFjz1dr+DW*d;N~ zDBO+acI1drLx2r$_6L_aAIC0Y$+34Wu&cAdF5N5e-yZ%?F9a%o{Aa2MC@}JgX>fLd zAOJSbeTyq%!m8|>h^xb!plri2tbOG9X+T?OV2Db7QuuzNo$b!&p&$)6nlN(v8q8e4 z&s|AIVpLzgre@krTLU6iVoxg3a7)K#%U!&1tgds@2h&A4OX@evecoBV90z&=WWrJT zaknNf96yZY^IHci(jq`Z-Fhz)@{Zv#Ot~$6XC3XIie1s&R#JR3>NAP!{#adTSsH9P zP$`&b@Z2(^@g_(i$?1Z|$~kyqf}f6>pZ_CQOTbeT(>phx+BBM_XSuP_?!xLO=vZV- z?s3$6UIoK8TUxyAJq-b6E&2*AD;Vs9XGuX>>z(|qO>X;lCM~N|GBZ05NZyEu!#zI_ zDsd!1hRwLcEGI~!dai3=x>VPijg|3j{4~GV)uNTWYxpv>o_Vd?D~DHS3zZ1HxGept z>!G{?)G9oPE6m&)?W_GV%OXYmFrsx;j;|=9$gP*nbyl&$bxF_0*Yh#inZA?RK$Ms> zddlg!lbjT4rB?+^Py50Th={s`kh8y*&}Ee*WHBEEWz`+zk9=er?X1FAVmzdk# zME`IUGnQ!#tgqjS5Y0=ABezyE62PxZvvq>d0I8+*{NL2*tVH>}AuiMTUWc!;Gk<&+ z3wxO2{-b*EMLYUWudocFM=_MNzpNmRBmJv2R`)T`xALqG2vzqueJ9);gd(bL1>}vP z^&E)fHBQsVl%P~#`yI`3(Js8?t#)g5bYr%%p`qd#n@OEoOein89V+V8{WY0iisb>6 z(}1(^p2R(2J<(?q9{UD9)~P5@=%xRD1>L#RIq{WMQu^B5H4U)qQpQ8?M zuWJ8LdUD~#=1&xk`!{9(Jv)F_t1#*-a@OxHGA~|9y;$D~lg$9!nP){z=ZkkOi~~AL zlcB^QOFR*r^7hR9u*ZL%iQ>bB3wjWR?M!wN8hU}H|6qop<^y)Ss*tS01k4lmzd?FJ z%Whc3e4}F`O3yVeOrC+(TgezoylY`$vl&i4lpicm({7hyK}m3dXo&l&ji=RLTur5TbNDoq%Mv`F)oquF(4;3Xf z(;{f%hdDLHO3c=Jfx@7Rg;j0+=Z z8_OKcG` z9G~EbXx_R5?V6BwZw4NyPgQ^t1vu4e=xs4xX>ZM!#RGb`o zrfHj9P`T-w9w?jfnd-$YV+nau^|65!#4XS__xJCdxS7YQ*j3^A#iLBejbI_;_Y{-S z$A+Vt{TQoC1sq|(+^{8}(ahZ^zkCZPTj9f&o$(y~5Vsjm6~Ct`s_ECyxbEpO8Kc#4 z`QshwM76BT!--XS2~KTm0$CGq-(F!ooer!a`>iW;!IO$!rLNg_tzn@YgJmRzvXVsp z8k>O@zk2&`~ECW-d)vk1JIpgLQDh~pQ0_?nb>c>w-5}!28m%tyNT5$ z*xGHWv5~hA2^^Z($^JArwFWUVTb29zq6%Z@P*8#X&E*xrx+Rr?(bUv{Cwgw#^dy-@ z(*uLHQ?g3ZqIlcCpNVCISkD(qfp_R^i5734gkxNzPvbdATfG4Zd-swQYE)Jt@)bpFIdoU3vLAa`?$)xT=R-D0>6Ju=l6(XE?Yp1w)@Z?v=Zf@*w!lrzy07 zz9vXW?mc|{L`BxVB#l96I&1wZDb=6Qp)Bs`?s^jY*;O|w9&KUV`eCdI_%A7e*hIm* z7`Rcnw`G?;UgL?^tHLd&xg!Hc6nnK5$5Zw7XEu~~rsijPBd}aYq_+*`zKM!%-A<|nnJr0vlF4Kgd*+jC@e34bZLFBR>6s>ER5SGICVX?6{ zBmewXJQ_HoKk?P%Ot50RHb>dPAGgc#_5)2#7h_M`mY`r%-8}Nu zP9QpiLmn#dxPo0)u zFf859??zeOd~^pvFX9KjGMvT?TX(fR3N`zp4J2+Cg(1$^!plXC!l}9XTaLJ2PGUcq z<5W>Ldlnj9LNwGMXO(;-eZ3cdRMi`&wRajihoZf6OzHPrc*744dJGR*GaTs){P(sx zJLMY!=9@$15ArZA$}<aMrQZZ!Yva!LaimFPfV3`;#O{I|Hq=U2w)PyC|Zt33r z1&2I|gdm#Q=eqryagn4dz(TcR-9P>BGvu$cbRhBcddHt}LIZAe3bw<;6MlRs|9P(Y zHg3cMc@+;S~P4H4#we$Mfi^aJSojg z2GwyBZqENzb}>_HT+6WpF?_f-rz{LD=nk^XcsQ+=f0t+@efA&%?xuYy0=)IdoFWMoL7)StD)YT98YVAdESA9|q0eq~R^h}=r>vjOrX(Q!&UBdMjXwi#w6 zkb6Z`5M{aOB80Zh{fCS(Y98`=apgGy&BeZ251PV8kcBRJ6S4atYJPSbu3f zHqgPGn20Ux83^Lr@dy&DW3$>+?Ul(ohw@~mr?+^dFI|^0INnSBl)qz#*S40ev4QE+ z@nmc_!!6SQSx(E3Nz*rPYu$$!B2aj|qBIMl*?UMknwhhwAC4bDy%BTH1eup8`6GMk zIAV{qVdLK_cnb5>fO3$}<_B#Yq#_|fQ1q_>nas%Z_V-Igj>@Bp7hhZ zlMgY}wCzIUk3sf7CO`?C{3Y;P!!U%!n@TrQD-8%i@RKBNX2pmt2~G+_P95}_Rlu6i zredX}DR3BR%YlVbTNySPom}9NL@Wj>{#1PI(q=^TaqH~r))(j3s_2IjPp`d@kQ9LN zI+0%VBH&Qf+VarTziX*Aahm~89a+KJ99hjy(hA(heW^K(EHbeorKE3fNq+gI09AcO z>SO#}akfF?`?02e6f`Jj#qMnLj5HV~cW_Iip3dS^73znf2im&_>acKD3vE<#gZC%}XMaZ9 z6V$7{5XBja1H`?Mi`@^x!@)b8!*5WIdQq{Y6F;7^=bo3I=*80?<-Y!KIbH0ZPY$8= zb%baGx#b7(M$;LkvZ~@C7Yz2u$S^hoD{Q5|6~ZhLYlivo;Gjb?kzR`HE8wQaZRWZ6 zM8bZlWn~|?CVVriVOEh`PR(eJGut^?8@(IAlq~5F%s~;)>H&EPaiV3Nbe{>1X!2=)W#^zB=miaEto3atw|P zZ7bM}acEdWYMQc%%YY1RdTRdM=I5i_faBvbpJ%08yFJM~KZ10lvfLkZ zaj3FTnS9Kscg>NjN$KFazJz|lQg6kkYD`*?S+T~7skO8U*R^89e>M8^`}0dRs&xyx zXzX5(&(nEMg#1RsQGx(vr5{Uu*v7^YG|4BylA-CunXHiIH@&OJDFl{5d^YUV!!+E z+yD`}XUriAD*0S$@+)UcuO=^Dcq`1P8qAr*CH-;}O`z?X-gJoQ_m1ZOrAX9@!*0nv zKcQ3x7^wJ#ibcm2F)@}n3Ymrm94owg?}m)9wAVv9KT1-)QG!Mk8bVBaAxb5_!Q?Nu zPOGm$rt!`uc`LM)vtJHFnI(77DDD=gJFd1NAp2bb$q{CXD-^4y_I8vI+xdM7Xi0Q; z{Y>16bxA68H=d|rg}o4YfNP$5i6fyiLh9yKn6?9LWB5z0b2B4R&1oa8pK@|Q%G>m? z=d&NPh|p+`TOa1M_wlbCs;0HCs>Lw39M}JyWt_NZZ4xYcXua1D8@o4FI?b1?FLk3H z^vIq6`yVT{w8E5+LXG6z3I|8TC99LaU#5jWy-uEMy!m=^hHn?X+TietMlTnqLvCXb zlj-gL`0v4NZGzpn8Pay-o54WN4=y=jy)H!YP5!^nbsN)KH%^lna}?thcXCs-yz@c+ zp_wCaeL4x^j7+8+$hE;2sRGN2kLdkbotphpmHi;}6@|&}Rmw}H7+0$#A}6SY2_K78 zKd|wGVO!g#ya1tJKSPvIozi5;vvvyaHme zvujHAB1fb7rKRdcrae6SV9b0dAUH0tn_e;;i3tsf0;L-|+K@3D?CBMgG& zZL?ay*zf0t3ZK*;JmvGRbowAy!XZzX*&(#1e@r&qZ80aan{YzFa?#hOa#XxIdHIGe z&$RM3H|*$#gWm(vm#t0;fb7`|Q9}bE;3KU1`CpP<$f+d*!3=#c&=Md7w0fd%Wys4|+Qx{xAShj}In)PU)9%#t@K8U1R zf}^TterQdb4}rlY=r^RO`>k|w(C5;O9W#fn$=-r3nnEpae^ zX7f1LVYS(~4|p_^91t%n>+YE%8T+joCG}-NsHDkHsw)FS%H5=({zijQDdW*0GCV#&Vz<(HitAajq^!Z-APy z*ZfI5$ys02xjSk&7-5rfB9jD6I2=n$t93VEKb3h^X>Rb{_{y~cAG61a=g=jh zwX(2Y6~L_t==83gheTk^EBf{qvouWBK05t9qF;vRM21~6bI0*#Df-7f5$}f0VF$cX zEd&5gq{cH?@~eK{Oc6*=7qkXG*aTAY_Km_tU>}xMzBgHPM~r-ry3nY%DeW8!F5TLiLNQ~6R}aMOHiEB124swzKES!2S>*)RQl zdx57LZ6~?nYNuJ%{CeA>mm>x#)mwV1Q2835R{r)|FqC~AXW%({+*hNb!tFLL*0nL4j%o#tS*pfFEH2jW zV!IE(S1qMw-zx)DP5sxsxd-W2=q|jKXa^%QNWKcmbrbNbkOP}t253*}erlyag5r{u zdq$7}l$i1T8{sHvY7E}1Zp&X{q<=IQU^5xpj!!m~lBGhLP3CS;YRiJpuEO)!#!ux~(wQCSP39lDQ*Kd9D(=L;;4I7F z`s$db1H54I%9?U4U=+SW@4kZ-%|~Z@JytFzy#cFTQIo{^8`4hBni@4$?ve;fJoo{- zKsgs^xyjImdv0HQ9B`lZqUB2yuRA?HY1Hpl?vEg()2ks?TecYHV6Im z^o}cxxr$-f$AT8tAOB-xNGK0rh(K`NnW`tQq#)V5*{td7b>a-)P6nDo*)(R5O^e@O zRKZrcf37x1a=SLec4IX9%boFi=x6BlUfnp)oC^)F*%3GN;*PDlT5wIUKZ~!dhLx`? z)fR#go+NqQ=9AlR*4qe-naH2-GM=JTB8uThd!)Q6;MsRBg-|O>HVs9?g#q5|Lt8J| z@|-%KU%3Q=mu*XHxB|0JExo`e=hXKf;E+@+eNkj+KF-y0q~L6yS0#LZCi(;7zyEGG zq?U?$d9bu!t6TZ2W$)}BQeGi@dpGv|!xsjHhYwy)Jga{dR`qZ4ZsUnY$8*ORy85De zzrxeARfn^=BcjwU4Gmj527WOxPnoR@@Um+Q4!H2n%2cF1-dveB+veFeHR7iwa%WxI z;R<0Jal|MJrc4L>FI8$l1xv=cDt)%Z?5qjhbwZq#S9HjEG42Wt*KbT+blnZ707^0r zHw^4qobYr+hTN?O2#A@a$Kq%GvIkKHeo6&{MAZB-MdGX={Ltd!K>YmefAmPp71D{B z{@l^*q37hwl=gh}#uKSP(UFygIx|PNg~9=r{xR0WP>cc1<19|*WZ+Obs(^<_XZu!5 zD$J8PxFK(-sOWa~97h`0oGPfD4OVZ{(BI0w0Y=7hs3cB1uPzsfoGc{%7jGpYAI*UR z&ZL5O$Elt9PoG<54Vw`a3m=H};^SBSu_ohm@_wRsOqTt42tc+~zoJ@C(2>Sn_ZOnL z*X?Mg-U*@HQ21L#fD59~jb2{ZI~(Ym)S6etHctC5_^EwGIY)GD{z&y@7tmlak{ov1 zAH7*}oOI$ZDCOZde4lUr!yVVr*i}WkSFc)- zqCQo0aRn;j)mIyP(FrcXbvf|>alp^LCUomZGI$SuzZSK5WpY!#9br{H$6Z#q;|nbt zRV;fOG3O(8D8}1%dbB)nIKH*Gm#I#k37#BN*$hdCyCdhGRUyRzouN!jzf$<~h%)l* z(BZQquWlb69Q=9q3J?(TnqQY06l60c;gug&+<*6dLfCOmd54;>zmMDLKdYp&kNo}m zzDY;q{2@6lZy3?X)@}9(Jg^c}DAvV+aMxS^l1+EkwUO29yn6Ah?P7cTHTGO$Kptxo z=U~0BGDz1or@T_5be{U=&;|yoC^2bA(Dt)Rrb_`s>*mIAoyN1f7u$B*@}20u&cy}b z1d!8U6BwY<@_j1&bQpCu$`$am$3m~IIj*)XTzI!%fJ zbhqK+)Sb#-VbXtwmd_SjQ!HXoEW?phr#1oT72s#A3)_7$v~sMUlSgE3K7N<}H3uf( zAm9Moc}j!905ieT4ac_~lC|N%$63BWiDKx_p7)HW9Lx`Rm@4NfM|PC0c|7T0?UA_V z{Bqhy)Qg-IU6dmX6dD>#c-e|Ucl%ha2$raw4*a>&VYbbi+?R?16My73Fbx3XV!S@I zvD7>`o-x$piqO_m9CJn*INULJ+X8-BpJMich|S4SXw;Q_Y&Gwx;r&^I*HbnT8qNPH5*CKNVfK(0 z2~FwPnp36rXd@7aeJAgw$H-M?uq*%jT`i9=LD(nnnyKV7u8Dw5W6gha$2ZI+IjSm3 zX$_Gs58W3=Z-BnM?7N?7%6O&vSQ%%rrNidV5a=-~X9A2KG|6K6dWKoFpv{?+knrGu z0HwTRtPSs?T=ySzeTk*7bc|Od@#UDqJh?{xtZw+06>ix6obHvgiK(Q`gIAhpUo~z3 zuRgk6_ID64fE=CgF&8CEis;_aXS>8!@h%E$B+J$C0G1#u4XFiWc=IP|`X3GClL8q$ zb5QSfA{Le#A48rMW8n7{9+f^GkGmIm%wrXkm=$PL5}(5SHL)8^Pz5z)D) zmc@8QRURfUPp?7Z*NqNqA6l2l-)b<%bs&zm@K9F@l~>M@%Jixf0K!cQ0C7?ZS(4dY(tiDf2aX z4D4J{_pTs|kJbXcs4C$!Qy?}xm8ycgTn+K2 zw--zl*ou^HueX8~vpSUur|QRdY{jlN_ciucbPX|c&tA8w82MeO#e2hqO*Vq5(Z6Vg zJ9#lRBl@xCpIPQ26#YS<(xhA0CrAfSSkSZFr;Z5a?YZRtYf}$!!wcTM41ye{&N)Kr z5+IcygKP#(MK2k{!SJy?hvhn$*arQq8yYusH@6E^^?2y$k;DoJ9th|r9w)CrRC3VHjKbMh| z{J@7+1Oa=tEVP`8QbXgNj}A_!YjcUq@^+z&I*0?{8F4&2DJwXjc!!6~FhX2%9CVTLk>?zlkLo0SCs$c zJ%#I4fZn|6ZTbo-w5TGDOf%I8b?_SPZz zTv*ojCvZbwD-*Yk01j`!uQ@=R_-!-h+^yjXKgi^!A`iYHIT_VUXcg!Z1i;BJH(h8P7y{JG$jhDF)=TgE(RW>*kBCGt5c_Uk(R! zME^;d*?-+~x?|V+Tu5X6)Ckrb5XWbQ>W%8|>Q5RvwDH)y0B%Y}0X!avT17|M+km>4 zuAXoJ@SH-tEy(Y(>5Thz0O~UGg+4tos6rc6-G{EO_WxhvZ8Z<&+B2fSfXvy-E8niC z0dr=dHUW9mps8;^fK62ilBc!P<{5M%a(0*NJC?FHYo*;qFubC8s%l zY{U)x%VT*V?%oXre}5?Asm+K|i5%+_8=?8!6dH}n#>pFw$g5#PhYMu8xy-|z;hrN1 z1mUVTS6}drD)XE_+wJy)K)VvTqeipB?ohWtsL3tQZ?4~LFmSgcBHf%KZ^(uUtH*4( z+0&qfyumsk$C^~;95K-UNy%tbem?AY*{khrY1H_9DLFi-Wp)M5F`2EKju9R*_?N<^ z_%Sb_kyYqtI-=!BJxXIE+&ONw<-WF?EQDi_MCshy3pD=9zEJk|gE$B&{U z*|L*Wk(n(kj^}eO<5X`BW|$*u`gX^9C=8i3MD{)dH*gyZj6lvT*p~@juM3&XohKqWAd* z!LB9vw0!&FhdM2fv*B(;T;$wUA-S#*85_u(Wrv#%)KlDZ@+cR=&EXV1ldffT28vyTznL&V&lrmDEuqmH{C$ zG@;diSS@bIm%cLljRJgD{R(q##t!o8ZL{0&j26{GzQco6ODPn7iI0UrqcWUrO-7c7 zZVj84O61C{gdb=UY$|HSL#JzR{NOyeODj;dhxu*I!A&hcnCM8)Yv`1Nnx$Z8v2nXh z70y-PiD$0H|695O%r%3bgxB+CV-SP&c6D1S3Z9sSz(zqA_R;Y(o>)$ei1Qt}WCUmH z{ief?%TsbDC9hJsd3R%bV=yz;1(>hoLSh_%=?NGZsHD1U31Gq`9JX47?$9JIgy617 zOFo})l|`baeMvEXVO@^}Mi@(H<5sencp%rWSZ|FPi>2FYgqagB9GK`M_5RZ8GVUzHlmXW>l3}ZUU*&b`)ahUHizbszxw2o zqK)Y&wzDbayn9@dof%)9R=Zk$MGog15?BNGii)8P&TIVKn7uN`JkWJ_Heky(QoMTL10Y?B{-bC_P^2cYpMK}V863q zCH^6ysjaos;9HLSJc~kqfGlzzAIhJb_3JH@CuS6>3(|!L5{1LzE^i%;n2_WEwdq7J zagYC7CGuL%#z8R9itHI07^qEa5tn7P^}eb#;7Wx@{@(P@faI`_wG`u4HWN*3t%(gl zKPA#1=0xkg#|UpU$$iPgr$uk9SLVJRQqIkB z<3q^}!QKij%&RfI`~)d>3OPGHl1nC#bZM`#4XpP;xG9pQ$Xm%cpe%i6M1SO?B0)JN)ES6=d&Q~{=Vf5uSDIal-3W$0L-2OV;rv3{75xm>?^q(~{;Zo#PXmbw~GQu3%g6wkaAyOw=5;yMN8%^e7d;i0~4rz*qh|viu>{Tm>mZMKfpSn&^gAw$)ps{XSHq1TFQY3Z? z-!1m*+wUs&QEweNme9Yu4vJ~U;GBuF0NTtxVY}Og!VP~OY20R6qF~37`|U(3$(-(b ziQ7WVTbT4>gO-Z3;`%HXkvsCkiXa!^lE=GF;3nE=onjg(uq7c6Rz8SInHX`fj0jSZ z5Je%G1p=!_`#?#2?=}k5!Ymc^?y62R77XH?g%m6`!{8XyasdS_yv`p zGSzc$x&Kz|XTC=@ARW2GP;X5`b%V-7ep$N4+U>A%zR>FU^7ouKx?k>n11sDnZS;Av*q&Bwed7yFG_8>OUC(vd=j z;QQNjh$c*-ghSVk)MQ3>-pgDlQv|<9KVy--nDKiLI6e^4!7ZWA?P71%FMmbx^M3!y1B7-g~=od52 zJ%%k*lM5$8!+>MQ8MHxZ$l_Ih=reT!iJ?$5KQe}fL=E6sQaVg`541NSRo4uhqvF;DHD>z zTmQw*&H{skNb=TEnIf@1qGcvf+aIz2_xK#!5QLuS+3`N1kD788al1K}(DCg7N6k&@ zE8DuX*-eZu9|ASa_2k^4o{F#<0Qiv-aoFNTwYG+hn`}tIBg+6xz#6c&E2Kb8{BS${ zH>Ztd9fmuK@evht;lU-Pz`>OIG(YaU=CCpint0uzrbnjUdwT>Y8Cl%iJ5ZEprf&{R z^5Q@K^Un5vPv8fr_W!=*mfbfC2?z`0eqtFgU_)P2H-1{5BUXOv9rzxgVZP*S&z*G~ z5w5CQDtC1lubMq>#1D9`RuB9!&C#z?;>>r{KC-;cW~n&VHr(I^-kG)q55?+)0T|Tm z3E0$pRCASw)*IEIpnpbD%uI`-X@OPM-LaHSDZNruCL<&f>gA^v_A}g|?93dx8?lgCRj-O5v2_ z`ISvz_&*Gep#PlV=L^oa5t9$~j?$?O`S=}%s9oKfs;hyz$yD57uf?oFWeY=kLfC;6 z%6+!-G@zRb?p4mik!FL4yoK71rWH-A;i`GIt=Qcb5`)^Opt*PZ!MDsS1`fC8&t4a( zw$9uD#&OuV%S;}pl{7iEUur|xx|kdf-Lp2jB^oAjfDdpc^u^jnb_euX7APube1f&i z7=O68cYd(nIO`GE$&_Vwbn$xIC||sfn$zy+^5NCI$Bib1bu0{{j>~Rj{M?A(mE~ zA6E@aE^|TG5j(xG*E;arVXqgI0srYMGMN$=2b`fc9(m+0i@{{ViBC=o*@mO92_+I} zz$quaKSUNtP(TQW2Fiemyn+*AH{|AM2w9Lm0M()By`aF!5cL3P3KGyxHlGmd;>ry% zZ1fAe3Y~IND13N6;m*Gs9XBExxMH{ace?}G#-Z+u-DQcps@?lJoTCPN^%9 z;HEWuv7ws%nJ4!ew>}M%Kzj4>%b23rsDW@Li5q8Tzvyng&m%7^7+)EbY^}4PX6E}Z?oQ+B}sdHtzHV~ju`q~Vr-`mdTeZN0S8hP64>;KjoQ8O2H zyY!tqA@>uNnygIDBe9POx6LdYTNi9?J*JvmhcN4J`EhND)t2wkV-C&G>H9bTcqe#?O2K-?W zC;yI5*GRM5iG$;7^@$6H(XYo75G83n#edQ->+LE*2}b-8w`hw(^Z)nKmV@=1I^LFMVET@Sgz=p1 z%lc?wRj@y?nt0Y8aW)9tAxCRjTt2Cei{;8B+kC!r*OS`-d|4?U<+}l}#(yttmP~{g z@2%Lk>364~K2Sx)*C|s{I#Hn8N|8r9EEXeMas^aLOd4Und|HaA5=4L+mmr!&hE@5Q zjL^gfpP63#JB>CnL$*7>96w3hKtCz!6 zd0!WNAupKGN94|j61vz1k+4x20c9c|EYZfrotn^?mJp>)k0Ldx*{dCuq#aq^*8!J? zI2R3$xI}HoS*kqk*$H*8qrsUgboyQeVM7MQTrC709Kr{&Jx4i zVo0H^Z2CQn?U(5>)yL@NFWN4s-C{t&Bt=SC%I>mI$EO-hK;?snhqOMw+~=6hN>JYc zWZ)jQ)+<{S#W9{{$USA#n0vW?aV-OvQy}-1P7w~vX9uSC+lt7DiZK{~;s7iL?~#7g&yyEi5VUKpC(JOGiK~> zhr6Lqlq3=zAK+c}>^ZgUAE4LdBmmbrt_?=L0Q>kSyKE&An_5UY@4QOvm650mC-3or ztZlu@(i(_lw?C?~+P_@&pa#l(9Lz@@?A4tuoO$COSRQl9-m-+*5R`ok+ZTRZ3T-ZgrIBk5&p{S7j%s+1zJ#mnCw5LO4 z8_nCA!GU#-rPeXoUQz&`!GyTCm)W^J%VT=KiRniObUj40sikqj^VAEKG*2NM^&N;NjN!mdmEuz#%n^D-L598UZNos1?9Io4oUR#7Jm5vJaa}6v4s+Mz{p(;f&X_v>~NLpP7EWcz*TX#`G9X;S=6Z=rlMuos|UOtIiWFL?L`Nj+2KwhO5~q zNS-6u!#w(~40HK|7XS-4y5LVtxmPXfTSD)qDj=)I>3+ok7M7I7aLRlTJoId9d~n>! z#!;^-@eM5iRD)H|ncvh;vwd2qHNg`y@XoqAX99TH~th2EU$F%Uhd6k^2FMRP6B(HSy2L8OW%Rc@;|oafqI`~|$*vh?@|7n}2BqWWAs z24+lSST@}}3FXjFiV+6FHYVG;&WeXNzv|e`Mw#-p6vx7?H={tNxvWuK6Y&qamL{lp z3(1w9U$acPS$fN>=dc^t-l!adp^`E2x-sZ|maONZzr{w7-SmOE$z1&8{wbO`fAuwW zrG0m>KmXJIu-xRvAFk-ADKb^n+Q5Ii^&Hg}!h{(e+689cyL3^4GmkGj-_gNJ8un`y zfU^94L2nq9XQ<7gyszK@9~$qdX2vx`e^R(;F5*5mfR1Kx)Dj> zRbcWX_CJum2aeg7th;90s$$Rnjc@M;ZX;j&i(UEbDO!KCQR2B?K;4h-a^4Dnv#8ne#WE+^BQw!c;dy;;4G0@ zeyu6(!Qd0t%~tOmVbD(RB!={{G~`%4cyV3*FW`Yu-OEhlW#(SBHX&^KsHP(UpfUtA z<`#hE^6N{9V+m(UeI^pCsSEIpzXI^d>?W?m7mO)UU4dZ{t>UiFGj^SUGnXS*k|pYE z1U!fs0s0BO{}5>TLlq<7O|u!$gD)-DW~0#Eari)4rk9gv&%Vv>k>;o1=cnC)ycsP@ z&Z(i~|MnLnNhbFhQiJn8{ZOf^d0cf{7##8YX}qWmkimWqQQC+~dmN1OAH@6-R@s)-cmkjDK`N9Dr55TY=l!EVZz0bRs zC3;&4N6)M6@?oAyi)V++G-<&i1yxfz0Pbj#PZmI(9o)m%EK=C*YOxY!=12)-4!=QsQG zZ5%1h+zmze2*_|H!3)IK1dk0qs_dW6v?2}X)NfamE${H2>VgEfn7$Aa3$@2dwR38> zC>t$~#H#BaQ509_KW&K}ScQmfEyGLL!S()0V3Ubdz%vp=T)gP#KM$_siw8iCFu`A# zt;>tnw#apWLT)*`pj})F84&N`*N7pwo}aw_wiq6K5!8Mfpq&cR%>N~aQZ5nuSk{=W zppDY)NlK1yI^x93Nm(X5leY&4c3j#%wkR;? zlUt}NGI7e8_bnrS^O=riw=(d|UD^CB_&L;`+C^0OqrRDClrxZqT(Mr=oj*V7&vgsD zIF960AhocD#}@Xz&1!G?0|ns3cv81BZ&Bm+)T`Da2Q%m#`;ts;N0c z20C3+I)u4RxpYD0r>r8;OHHjJ4Y^*N4)?`)q^81lzHrD}?tZx%<e+w8Y)7&NlRd zN5MI_ZlRvGN8X6Ve0A#vv*(1xJu;{OEoGTk#^H;dS4XarR~5|9sIOfG)#X6t*>`Q| z9T#ud>?p1T?p$53cYa<`J5nsZTf;DJW;r8i->v?D)$Byc;tG@Hxoqb))O!OL4UY(@ zjb6+*3?E>4L65@BV5}a12&(0V0v^x*{@9sgwA^eyrvXWuGo>kf^vX8h{ep2{i`mD+ zENWIZrC|@1BfD6m`F0bVOrnj)+ct$Ach-%U8-9HyH$k)=is?ygXvj4^ z&?Sze zXIIJ&kOeH;IpV(zsazxMCl+ZnYC$F@RR5M1-Z*=KFTc1U3_l2=oS&^Mn-!yPcGD>F z8#9D2f#$-O>x;*9fAPQg(0OoJr7;9^=vr!p&54iVTe7yiWVxS7Do@UpUg`ht_td?D z^xY%2@JQKnV_FwC!aLw*ROug5trHW6i=bb2z)s(YAYt3X<{l0YNKS5LeUp@IAzK~+ zbfTFco9*x!OE2Fhw{@grPv`l6Bq_TvT>Hr`(W~-X^Ae@N?HVtufWJ%&98PFW>`46j zJ@qcAx8#8gv*T=_+iZC>;Yg0>^n7cpXnSRZhM4t3IQaSNd-k9m-7+pt=G#;cS=@y= zEviEL9703to@caZ7_Bg6i)Lc37?rmbTbJdaVPnFN9QpT%{Pkbjn|T!+$%75vEpH{8 z&s>{YH)fzu2OUPyPSMnTZ@u@Fvbc7L9mw%ag5vwwWeClR>UR)q1#Blg* zrVF6j?p*%h$BjE!-}?PSGU$c#>7nlFe?NpAcuwm%_)-Nnkn4E=Nq@xk=?(KZLrGpJ;qqIW<@M3nBnMp>7+5IRQ!A{IHS zODtYI{|tQ$;Kap|4zU`MUl8iCbf@RR_e8iHH+}+XYCk-7$${Qdp5Rt0@w!+W0rU#F@ z17)QT4pduD&eeOCdIMwxCze{p#6?p&X+eg%CTdYI4>y=T>3glz!Ci9SM`uB9ikGdQ z=rzq`9i|V={K+-1BbC;z{VKadenA9DN?j{W#-zhwr9shQ62Pxh>Y4Xq8im$vZbC55 z(n;F)4|{zFOUOgY8Bkcoj*X)K*@&8%Xvaeov}{98ieFtd@@QP~DaS0waHTt1bWPWz zggXk6E~sulbkv>r+Ai{Z>-5w?kEFPGwyBzDx#q7LdJKJct-ubbhZ+p`W{E_|P>kpH z<0_1Pjbu%~iMc2&Ha($g9K7EOIT z2{FbVILHDcu3>zO#(*|QTxD)%PO*w#M3TBsh0g#DC~qaTS=33>-ekwrEi43`o$!@J z?YtNc0I32ej}BdZx<^v9HG=uMTYo@{ZSH3j$WfW#h)*)!DNllrCxQb_NaAcY3Li&N zzj-I|*ypsG7Tl~&MzOrIkp9r8f(|(T6L^{EXV(}eM_S7+5ct&&MMOlNG_?5%{#ld? zqz;M6Sz7)wM;l*t)CrR4Ps(|8^WuBPX&jKCQ2HOo*YInRL|SX2nNDJQ+5GW5g^_;& zu4F=hpPW6_=1>FPKbu1%mHD44(J-U<2C**_eAn2}Mn^>6S#CHQv*oxE{X{zTPnLc) zuqhZbQf{}}>dy5FSWq1=%N$&_-wqJD!=Ys#-EvQi>r%9gV~rcnXPB)aIDJaMZJP}# zGz!7&1?D2%^-I#An3(-*xJ#*71D{pnw0%={Va6bT7M=JdS5mu;uaRXzfH>>88wfUtQzHt59E7Q0+I_R7vpj5OmHx*#BU-Z2= z;KO|7Ma!!@g0G0h<7WdqS^5=o9(g9$vjf2%ieGg3U>g2!nA{|iG+lsLQ0WPZ`6aI) z^ANChi&yH>m0bJ%DiS>wi5Q^vtfT|kFMNv6arIGu4UU2)x|mnEC%t@L3jYtc7;kZT zw+QBuAMi-`dCLkX-|aO_%xAiVrllr~#PfPbI|DS``zO!AKRy$q-8r)!Td|}IdIyE$F>l|tRuK)fH#aA)#*xVp4aN=qDMg--1 zkg)}ry4uwTR>96}m5#D-qD|&AW6y)A4`)yBD)3zH6*Q3Cb-8tV?k6iaeYUcoJQ*Yd zaNQ!FV}{UHHM*)LUco6e%h}okuK8Akhjhr-9)c4tBLvgnf zi>p3Xt?ee1m8QbW=KgVLuh>Q|>`*m%3f=1AtUldcQl+zdvJSV(=&7HM1;#4#L~us-PbuL8Omxl2kkV?9WL^ zKCbcwl_~t>WNkR|_~iv?V0}(tn1Vl;r^G3G6VJCuPj!uNv@+UE@<8NY9j`P_7o^zi zJAeG`2Wx6-o#F#_p;oA!0hYrkSEh>mP4GPZOWtsFKn{nT;Ad!sReb&_6XX{K&-Fte zt<9fz-Evt;qL;xGh5K@8)mmZpy+F<&&^S)qRXF`%AX2o{%B4gsBJVbOcZ~!xBJ@S? z2#OLQbWx(I(zi@rKRbhmoKXL;)90p~FCR?N3>$9Ps}C)5i%p(C? z*Kuh#1sQKgO})EU)c+A79Q@R2m&YKz{*9$2kyqfW6^>W?+3&w!+<$j}wwz5+zA}mF zeVlpKT-vdiFv$_Mk>e>+IpY#@XKXTFbw!nx{Yq3KOK-vk|L4 zsZXsBLlC2a0-{7$#(nd{r?5LnkOL_~5}C*edTr`(pdKgR~I4OZ_G!-~=pB&3^>w zT*^erjv~8L)A)hNk}zmz&o`kH$yjH*!gTR?FfSsPlZKfxH7@2H8?_J;m2SQQ)p(3R z)LDi77Hsh2>Hti39+oBMZ!hF#^}Y{ zL0h}8O)SaFg|Qb}zWWB)m-_?L$E8c%(@M$7h%tSRODu9FMmtw5DVabG{AU{WV%bo_ zdjSz;$RYasZ}AV>(GRNM<^H|NcD!`8jFzsCq9k<`Y}^6kIZ1RS-BIZGE8~C*&(+EM zyw9&!(?ry{ExxNJGN78WZ-LX96Tc!@s>ebvq$LclZ#{BW7#G`$(jSG&bD)c6ji@gZ zIjP+1hP@jsYsM7NUVVM2Gp956^E#|y+Iin^j+Nlt`L%BiSRb-Gm z=6-`JtL#_HWK>gH^SnQL^}abOx3 z6f9*#;SW@0u({i1DZ-J2Ic_nUjknq{u2A(kHQSxX#FMkLm9v#d;tSs!;v1{09x zc&L-5Wu5C)lJZ($w#7TRe7DuV3*Z9#A(CxmBoKs@C&;Od|-{9ayz#Dg7B@~ zm>?`B(D=B+v2>zJ!Os(&-XhfX&-~zT`+qxYYk`+{N(E7AnIf{V#Q@2wY(Xvo{c3sH z$w$UeNQo}EQ9J}s{*m>aH<>j%AH@aWExluney#1E9ZVm2aZ(1SXb1pSv>_-CFtVR} z!Dk9Iti2m1u{N}Cqp^!beiKp|VYoeva_p0D@d%u0y`H8&F8+d%loH2Fp)n?H67+)j1MA{~2=H2L^w zAp>sh1kms%R-hx{Jrw3Sz2L+N+EW`@xr zSUzO$(xe+Xg@Sj@E|rry@kdVkA|kO|w657Odi6u!xnxOyxBb7}r1tY8se;7?dhNw` zx?M8=*+rbd1W(&97B9FR$3A{xEIr-ZGXr1SJpKFoAu86*^T`|MQu~QNb9sx&KqSLi z({Q%hVB0?mbY9fBiDh8sbTt+YCL(7K&!p7hkxe{spl|?Q!}ry){u`GRw1rvIt@(Zj zEw%%`$ys0j`Q(lm@FpDrkuIPaxExJCp7y`1mPR$fP4#15mjt>3#bsIc#Y`Vl zKbyRKf2e)i!JQ|^wsw~e$}UwlcD1}@2?WxVe3#AVgRYxU@ROC7l@EnHSuzjiVxH!< zqUoCQYs%@U-j#DpN5YInQFGlRrI?X_ZSXs(|B;4Yf3uA|F1V1oWGLFOL;5i{M+15H zp+(zl zH4f~e!F>PF-<&BMDk}J@iMB>YNa)RTpCO>krwfi~(i6>uz|b+z+^<_|zj}2W0MPt2 z%%28lTA1!m>wNo+*8la>4QrHCWL^oA+);Y$r;hoBrF4?{8GvN--j<&WexGx0gkpW9 zdiT$kwo54uE;*YQm|P>Os1=QX%xgqrSg(Qaz{0zwmM_orMN3rpRf>=XWhy-9x?pVO zw!@@xlGQ2vUlpu0!7XO&sM<=NhF|5?UaUZj=1>!p_T+9LmSfnr1o*c{h3H+o zhVwN=CxM(xRv8(AL&U~zFC(p)(_vrKscYf~6SE*-t=t!&mXn=KZnCt|-mTSZDxb)l zsD3!fqDmh_YhDqDKN+Mj5;atV3AU}FzF`rbQB4+ZsXn@%_D>C*N+nOz{*sA%Lj+}l zA3(9=QZN+%{xfst%jDnskq@aLOhLf5hB6}{_~w~S)urh2xh zBTxG#e&cN3u~I(t{4ePRaieoSQg2%3cA=R6C~m184nOsQU(yV$^fe#*oY;1zdOAcj zG5FOj;~n?a&DhE$Birq|rJ1|4j(d3P(ld9Oao2oqMIhEKWiWH3juI3sK@=Xph5N#e zfPCqEclQ|(8e|{eP#x7jH;b}PbaW2?_4x#C?%FN$1Nfknfxy(l&Xq;j`Ms^betplW z7TQ`b{vl^6D;WvX-T+^QpdvR7L6hpvb4 z+n5Dk1fO^2Vkd|77mtSAQynxhei#2`0i(!EQ?Ab?6;_-%jbSndLylP@O9$93vQ#G73$NByrdQU@KFg@ofyG!T6urG6n3fBcLy_-;6!qasWCiw6}vNEgp|jCd`71t;IlydvY%;prhY6O`-uF_v-QuzVbKO=)vm(7>;l$c6Y?X)n z6U3H8&wVVAsXEvv%COoUrESEcg zfKD5|+YVBgP9arFP}A3j@Ld=-kqGd6Kk(xGRI!z^HF&wYHu7*=TWNZQ+{Tek75CHJ zKKrxtGO7-XZVTqZqx&}WVBsQ{J9U?qSu;RP_Rnup(0AfNTwj6RJ~p1STkvPVx!0>{ zgwDP+dH#eQWeSL#{fEpsr~6Yhe#O&;AKPK6e+S3}%r^pw9fwN2#H zJa7ahbR=eH$vC2q92Af9H1beqFR7LQR=;JfQ$RL(=<^UPq2pv}rhmbTeswvBIGsK%%#g??fzWM!(X_;a^v z#l06IoXYKG)vwy`}mb7X)M*R>2s;aZ)a<_#rk0QIO zw8Ws~tSls~YanWjZZ3!)SWm#YLfz0dhYN*jsYOhKX1ICnE# zmbvnPt87nMe+L^Qu0{N4%MUxtkXtSF9oqUq*T_hEZHL#|qgf1E!ct_8N5W*I6js}_ z;}e3C>>+etALHav_>i1ZeEszZAIHOseXO@SybU{Z!>*+<68_9W;z~PLTp`f})>pTS zctP{casYdzS&T}0DGd-~EC^XlZWa6SH;gTKrj2gE*aMTN>$$EUxUIF*XTv~(Xw-3QzGx%$v3 z7Yz3UTY!=0e*-s~#dF4)c#@8B1t+yFjq_s`Btb~}s1E;tCXGd5$t3}Y#cqN{9)7pts@6znD z^q^%%EQU8S3Z&(bDVJ+R9V&n8z>#;rEt>S_xQG)VuWP5?9uXK20;_}3r%;~AD-Da5 ztn%tS`LPtw{$9<`$!bsOtE=NbX04=KsSdRv=<01srQWd1iS!4_Fi{lrGOQlAR}7>IMF* zCI;pDK1{}(p1;&U=?qLdDjTzY4rqOt_jhGkm!1Q={A5x%u=VLDjAx{tE=WFju{68n zSJ~?Z2Zh74r)~t-WA$3)jOn%KPb#qsrL01AIT&GA1#BjN{x(FZ2JPeGMdkHotwuSw>v7w6?V zM`>c|s9Ln?JS6LOGAaZw#k2sE3)r-29xF%B&{z zCjRCnrc`9%_P=qjdqr-3`TezQ!sSJpoGQciCM1twz>x&X5F{xpO0j?xAec*npJ5A> z5pjRSgk~7+J;9--yBYT)g}2K222A>73KpE}Pdz4!MK6O#Y5)^zqqlsZFj9YVpt3V z0NEh!2EV`G=>&atK4}O%hKd$pB6dJF6sv_3h<=5ZuG{YiGL!Pxr$z$$Eto*Lx(riI zw5v%oUbtpSKhcPWkiamRLjo4tdFDTr%%>uzlfx-by%aQHhW)b_UFl6X zVn!BRN)Rq0)aGY$z807|!Ps8(HRkT220N5w%amF{!hcl`>>f;(N04_WO~CZ+5atZf)N zO?Bq!pzqQ*QjAchkGj62>12ZhOlghuH}e?P<(itxWzEV;SW;oPsOr?}X%SQ6`^UvI zm!h0??t+-O7>iic>Fy#s$F~>n{g^6# z(bb}I{vwDjrWm~%tHbgltgsEx8DQTFSfyIKb4;Dw7D-G%2Ll<62!0a+Yt~W3;lkTD z2pc;)K~sZO&*xWTVxnZgT3PGU`4Dr9LBqFi=zMwkesK9dkE;7Ve<(4;B7(D+~{wq}& z@rDZAm8jT6$@|}?%Y+ZH4YHNSt*;y7GgvX&;@%S4=8D2ns^o z!5y4l?_FD-jyzGhE}*q|ns%K@8ZhTYlE!oEJx|-xi*TKQ=4{G?to>e<(wCwx5bIBu zSovNixs#S!%C7xt6jGngDJnRiKBx5W`uZ|KBVxINod*2C*_IOU?1fB(W3ST9LOdIc z>asjn+by0&0bZumn$oBud*beAr<#pW?e`t?RxmM*2;Y#pt)w;6B{q4wo1<VFvzHNq+3eDMh%Ed$-j}XBg&+gw(DzCe(qrRh$;g71o)C~*v%zUH)&6aNFl%5yp z6w)FxK76kWOo)Gm^wlwtERk%V7KG}sC+KDfVqTXyC1oQ%j6Bc%&Q#QJg$kmNX@>gu zSMv0rb1n-m7ZKF~Z5pbey)i5}_+nq04=0+`-}WtgRTsL5KIQAm0*x_UbKBQfU>A0x4Amb8G1sl-#{K=wr00GwYFp?M46eL*p zO+UleSI8rEz?;*6*sx!gdg|6yz>B-+k%ImTVjDG2it`2k5hykNJw84Ca*8#(4OY~s zaU%%(_MUjNm%ehkmMW>9s+Tig3o6;XfSpt%8lwbI^q|F-lX~BUhvey+yYS!>XQabo zz2_vivozl=ImCYMl7J$b0p@`i6Kbh`kJxt z-J!duC3O>=tme1 zJu&Fw`OeLw+!qcW*!3NU!C0E9X=49D;=LN?QEO^5rh{DycIFzgz%xk(FPEoZVq(GL z@UruLgU1e=AG6kXqgl}Rd)$t*l|scegU#MyAbJ_+_$EYv?QFs=bAONO*Do-5j-D@t@xb?XCC!%SX5I16g(Z;}e4ne)ri?_9EP zdVX2RkFEaIT`FB-tp(&02b-U!ztlG$DEV4fDoBU{fzzeDZ*Yi;K_#rpm+OO8MAwBQ zoyy9yQ+4FJObr72lh_}l1B799K3`WhpAS8(i6&J3;C@ka2eX1>6z4|1qwdLK3`EYj zU5VQ2dV+{a|38|}{gLVaZ{s6MKFX%ak{lLllFXTen3A(GXNft)oaI;!m6&rF4Rc5g zb13InsK(?pNlq4W z9qoyZUuOeHr9y30@) zQN>j`xx9kYRN!U^)sFi~9`9dfUG6?7gN{4zQt7%$SH$++2gjq{3-Z42!U}aw+t=C4 zyp!)@9frbC`a>{mva7wq5)__ZC7gmc?QD|}&`FAQ-#H=bT*3vHKS%!uGdDMz?vjFP zGJGlyKkqLa} z?9LE9n^s>aeyo17)8ZpEyIb&Lb1|V5VJK#Qx3X1Pb&jZ?>0>1(&E8j8oujSj_@nZQ zSTUh>Loz;_fch@>&U(js#ecf$m7mRUSP2-kY)B;Jb`q6$^u;Y=tovRq=DPoVXfj+xv1sc zCLj`nv0<)hdB{CX6F`vbHHFO?My%J@23DGwG$#=(x4A3_2T_hJEBBP|Y(HL-4l~zB zoW4kVWrvj+<`;Mo(PVS2RCc&DqVaC0P2c7vE2Blr$Cc0GXG>ofQd9@_2E4@HZ=7L+ z4|lp$b~l&7`Leqny(AbUdr>0;HpVXvv<5b9F}FgtSSskCH~dlAtqO^zjMQuvsDo#vs*uC@*m0O82(+HOKpnhprLTH@D%!KVcHGOtsm7jU zOoRP$ZpPbOK6!>jCt_9e$*i9QXP;KP^}|Qw7qz+5i%GsCRXC1&u&0XTjp~n=xunq0 z4jU{_vKXD1cwffTqC>s1(K;^Ngv=v-eVD=O!5bI zu@WT58Ft7UvAnAt9Blm;{S(R?!=K%wf2=rJf#*A)Xl*nCN|VA5SU|~y$10g3rdw79 zU<~xL?@FWQpKv!FP_z?IO-}Rdiq;?d%xo!L@l5;k(M5a)H6tqSQvOvNGKp>&ow0BM z$UKw}VlD$33-X>)^k%iz8L>#NZr>}zQGLzR=|Ne|(LIax4#LS}sA7WpGa~x#)$phH zv(L|+%B6wH;AP=WD(mycQqe|i^rnAbS}7wJ z7|kZt3@Y7ykg1A589_!=kzdfEN5KgI zw2O4<=)PKE78j8A(B(9?!fTFa5Pci>M)s;bq~*&uC;4(OzaLR@Sjd&+S3NZpwKa9P zFyN@}xIU5SK9IN7HS{@TX>V(VjI2IuBn81>xgM%Mm`v3x`b59$c=!8Ca7E{@u7XH6 z7;h=GS91 z3%jKzGPYCe4pR*i%#f|bNTHd5JO3JxZX|YjJM0ygvgl?g zRvHq2A0p9#>_Bs0Tuyn4H$>9sRi+KA2J+;Saggroqv7u3l>!mi{)~RliH2A%3zIHc z<2xATirLZv^*r(em6XEYr!v_3+5a8me^VxP&+^7IVlmXzSw=VQvcWUn&sGr5qK4ya z=6!D6h(s~_VDFw;KlSC)*rBnuprYOW-0Qex_F4PdvZ}|&Q4#`;l?mpC6uDIPx?&l?k^x(&lqe=Tr~PvCux&6#E1MYC&tGQ)ot*Q1`NU6EQ|{3^RSpCS zqEqI(lp4@i6x>>z}hnPaA`jII4~(t!Qkvo5l+>OL)^umByZ-3EM}M;Ea+Y#Xo7KO z)FqXU2&IDlbxCK>zok%+CA^<2@!%R@)&Qdw^U;GF&ciATts>ff!sbad1vMPx{q+hd z3HMBU{hOvbWqnU7+22F4KDi@mukpasr0qHtvGcD#aqfjl0qMf&J(|;KkWs=*K%6%# zDE*f$7-M>@xbDsQE8uNC0h(YGnSJKzQ1N}snpoTw%xyJzdR;7$w^S59wN|Wula36- za+S~9WN^9Sb!(xb*155TjlsLyEl;HM%oKm;RT&rR>i2NU&Q#I}-;}lv*tMWvZRC^1 zI$d5!zK}D%h_qacqB2ABeC;aknUuO*9o^>+B~?Mp@J`%fB|IfEPD=FZcfQP7uet=p zqqWWcg(hEJ=;HuVH%PB<#AXEmrjO=3+S`-zs;q#|IV8~VT$-L1M&o#NqJ_@&O@`P# z!*cJOMsJAdj1(uE8%GKBm8?8~a6r8S#I?7i&;cc-V7BL9|3wD7BIHfTd@~{*boo%^ z`S^b@@{lYP!TlpIkkQ^61~`rPBkS(Ml>7y2II?02#Y!wd-H-(jA>SrDx4?tx9_vQB zHO?yHD2Rcir>*w)?+y6@mAM{zuFF)vhJLyYc;K5sGA&q>}Vgxt=<*6(0Qe zXC3-2X!aZ@vx!#|KS8w(RmtxrDq+U2?H{Kk z1J_10LqcE_CMlhMHIVsM%~Bpk$qB4}($a|2%7p!4Z5@loCqf|;8bYaEgRr$}+8)w$ks$2<_yxpB`~e`K7zI!Ps% zpBmxMo`8Actj|yBmj#Vv*_)^~^r_CVWa&iU+CE|Z6poNg`=Z$2f3U2Q!u2`a%Av}% zQ&h0Gq{ekHjO@?T#j3xbOZKM-I-42j1(1sH`Q9V>Y@h(d2pFU?XFf<*POLtdXEH}a zuHy_@(vTFExYkHcazisgOk5PriM6(HY<;*=wKf??3@&}|#Uz^*Kd<%V$7Sf zP%Cc($o`qH3R_z~=-;~z5+$d0TVOVb`X`ZdmEJ?4EAdzBuCOBooQLYGYJ!O$!|U#@ zA7oS{E>!fkdDn5(-O#+wTt3ZQ($Pl>BsW)DC2kb;s+zo<4U2js51x(ccT zf9fjQZt#>2$(E3^cYLV4Vn$-;&f<8^0RBTu3x?&D1&8I#`7gNk{@^z z8(Nh|fC;iDHhIC2t6TOuiwlrQ8HpKx$Pt`gKe*LGU@v3{nhM31huh$RX>x(I*2ae^ zxa%0=V4$}!{LR)bVLA1Z8#j_fFaJb3k_D1*8bhdYfP!ERNXYW@Z>zrK$ZDm0&1-@7 z>*|-QWoOrc@WT<;$osn!6SB8JW$~(om<>$1{}&ZrAh@NXfAfC@y3tNyD^7+mPnL zV_qpVju1z5%95d5rLwWoAo`oY?@GZ5HWu+?=atBUHfKSU@2bB2hq8v)GEkkOMcr8C zPnMHlY(&%BGKQX45@Ea^B@z)TwSl@Bn0>*+g7fi@v_rJ!e;Tt}zxt%Njh#-Jy0%TZ zE`FV0VHvo*!jZ>eol8>R?;E*#&VY5M8e$sK^Vi~`9AMp&MkR-#4ubfVGgc-hoQ0Y* zW04`zro%sVp$p5l`i3=65b}=N5(DKe)=s{Upnur4Izws+G+7m_pu7Bg#HCvLnFRd3 z5*MxHzoe(9@u28zw2b1+KGok~YT_2^<*IP&9fa(FN!v#)u?`~tn2SDq<_%LbVw1zP z>L*&R$hOz^jf)nC^HaJ8>C2qSz=yX{hqT_r#6-=bKLXeCZ$#`JPQ19*9vSlRVQ^!c z%9J7NPcQX^wwJBrcT!U!yaN?WvCy$#tDn}Nsgn7jR$wJ2m1I8IKfzqZeApqp9k{5;K zhm!6kP7^-E)BWkvyN%jIF{ZrsAP>72`nT8@lFBIb-JW>;k_|FJw3sU%ypK6@t06 z{0@yU;G@TiaWNZnmd9vAvR|hnRr2pnygOjF@0rm2)UIE@f}oQErTFA4@NS|Oa&SI# z@H0Y>2kc77=Qoc%j|NC3-``OWXjYB|zLv>#*d8V=A9Tu2XQU>RJ=SX>hcr!~!=0}V zm%l=aJp8I*s{t*KvO9IdyeCuHPUjLvY>toY7uk5O>kp6xpSwf@7PPOA=I0h>if~NN z5=`FI{2d%VxkiHD*J0sc+}Q@5FID!nZ;==9Yl~Za9eG$*p@S06>;F6G$FsnAPWcb6 zGvPl)L?%4w`df_cMc-SeRHh+LazbtHQWx~*m zh)mWC;XMIg6g&YcvS_%tg$V3FCoLg>q^ymYHmTFZ;qXqmIib2TiXNbTe)s|#O==KV z+We{Ved)A`Qp7~8$m!DH!GbCQ_gqeSIuzXvlf=lvQI*^@*`Atyq*N6!ZQg$=Kz^55k#&B z$7E|$C?y0n9ip>y4C8uN{lrQsSiq=Gb%Ey#^dh7&c`7fq(ccK$w8v6OG1r2eD-~^C zH=_O#xUCtF=PpawYTU@jgPsOv5fk(b$6H%Sk19XsF^6uxkWR#O2<0 zk}i$OzVAI`O1}v}M*KbqM!?y%@btePNr(~xI_b{M<&~}6Adw`tXyTVmu|z#KSZOpU zIYjjmZs+Hl>%#Q7IM&h`+f-wZ{uP;m}yPCJ$?z;#(Py{Cn~CshfeuC6|k8o%qUfPnB7638ZNo zO5Gz?DaNQLv1E<#Z*4XeuT2P^2^7}m;PmBTdtQWWw0IUL#icU)Y%BJy<2F5qPJ9+P z2?Oz{cERr(K1(#m6Xfj0+ryrjhpd$LC4ps|AkZ_qgWNjJS7Bw9vWiSV)zTWwtGR*NQ`c6&?k7B1JsZe zPWr{DdEIcoY@gK9F!H4};2KWiX{zVAQ!_~imBDQw5wqCC!*3qx$ z2HZ-w39$D?zm&3{6FxR5>)wM&!Q`^+d%oxIn;9jkJS1I#034x&CxS|dQhWUpY31ao zua^f-7ng7i)VaAxngLs_!_dB>bhKr;F4CSoTL*Rn(kN18&2B#CS$cfdkALBcCy2{FnXNa?@=Q}CY5=~#8F{V zv$bXSSKUD5za4i6rjT(Q0Qrg9?3_dL0IJ|kC-*ynS@V~nSoAZpzsoFCHYZLib;@W) z3W;YQ?l1w-Vz`Syso|;Iv=V#p2U%AH{vKDd(~2Qt=0OtvJ>L9|#DCBYFLYnlIgY<4 z8Zjy_VCE!PLfbw`R$vZde)M$Pdlvw3-`~+H`Q9gSPf!}JZ z)0h!*<{R8_Gy5VGMTXl18iqC4SD#I!?~wxgIv-9o9DwNrU5o4;g$|m(TK=z9Sli)z z(9{O%vhLUza#oC7(cAmnH3^Yet2N_iW&6yD{Q%1|r7o~{I@LD8^6}yAir6bpR+3zC zC3=R4m_NY}sdr`Gt;sdPf+qMx^OR01}TFz6Fh!D*q}4h2RWjrZn#dbZ5RWdq6Je zAV`^Mqk^fecy$1e_R7R@J>oVhZV1uwHPkLFmx~)-a-YG6MLW4qxYgWy50Hmu))p?& zJQlx^rC1f$GNSJrbK6>s`BeeZD51nMMGG2l&995m(biXPxLKO!n_W>bM0D;=IFZPL zMy7#z*epU~0^dvdvla4Vi-PKVfB-v#OJS0iwUvBBrhs(qMc&5upnm9+Y4H+0Gq-@) zQ%(y@wZ8H9Lj=bY8tA5htvRm$2=0BvQd>&7}If1X3@mo#GLSL+R?bd_RJ?RDXiif4*s+#{C# zDSZXQNou1v9js$WgMK65JbauCocXDD*MVW-U&ztUk#3Cc!f1uY9AChfli7M4Xa<9* z0|DJbY3r*VyT?$C2@P(ud2ki3hUG1FBC)H(UC{bLx}R)3VVCms5^0EmTn9h1@gK1T~zc!(8%04$#IENVOJKfvkx3 z-*0Y3!W*wz(`+&mVAxF>^vgu;%Chijy{}Q?zgHPu_6afe9pL;}7dH5)Zy35(tE0fva}!>I>@Ih8T5sH{=(;qdw$9p8HCIi(RGq)LC;4P8?W{ zlYp;ERgh1VVC4Rv#Hdw)sGaUh1t9kOEf1p#uz>zRQ^Rp1{o|KhqfrHhQgv8BSk3Rf zbZ4i?fW~v!mbSNC$mP>rEG-0}-<;1`{CmnzY?U~Zs(Bzy-+#kAuT<59 z{^6IyW43TU6S&C;SuSH;HSv1cCspOudQn|Ywy$^f!M^9O6^V&!m31eAe(-d`RvM|- z9NW~|t*`A?d*{OSJ4X26HY-XC7=GMU0q-TY%9@JE)%!ZfBc{$cC#`NCiWz=@N&d3( z^?kQSNe}E%wK2fR_>N86Z@>E6ArkS=19Fara@p)MPby!Ts9U(yzV~mzi9`zO3st{h zOk3|?P%iqWGODBz<6mbR-6MNEt#;9tc8e2wq~dSUiB8a7B3Nh@6TmtWIiqkxi<8~9 z=Hoxr&p7q^6H%aWt@k6gC_~j(&WPs*VGpShO%ustcYQ||+N%EQ^pxPCgBBcVmj&b` zi~C~FyPpRraOGvs#iZ0btu1BXkGJg+@$So zOUu0AO5W;Zp10+~uroCeRpPOzk`!y!Ap6+z*Fy$M%WydV_c0Fx)XRiAe&E4jE2KcH zrraV8Pba8ay(~&7qqrtW^-W)W@v*P}k4pJ(*qLK5;RqmM%(y(-vYwOk0eAU|ko*Pm z_FyGMsUqch{Px7s;5SuSgO_BP^e4f|$EM+;XlUW_4;Vw1Pp)&1!(4q^vSG?+TZ8*2 z?jR*;)!$Cyp9D5~-t_dSv6qJ4BmMfRkmRIxn)W(!jk!eAL8#uckye&UM>9$)Tb`}8 zc?jyNrwsWX{@tKbfhfn}+J&N{U3?g+4Gw%u4fHz;_k!-AVH{z;kM;O(`${0Py^A1Fn`*|ZmNWI=s$j2>`Jy5`ur zyLYsk$fQz5j(&GB#`maH0(5X1?QDtQ>Or`{Irw!SjPN-#0BIa}Xr$?Ndn>XJm>9mj z&}?su4DfH%6uR3QxmMwLbhpBxQafSir7Br^V38AKk&-&kb3>L9MbC~jyZu~WPm36U zKt?7dT8;bnAWG`(WddX*dWU)|+V|HA8jaRwDn_qOz0(jfNmd5>)d1ZzwtF!4Gu1D8 z(_K}b#T^tr;oZwf$Wk|W9oRh_s)JeZD}-ObIHhPQrjctoF+W!|-S;r;(rBnyVhn-n z!?_;SW0&R6BI=CqbO=@lDPFvZNv}^vCgDr{xse;*0D{$O7`C<>5Ej4Ku9;JDZ7?$udWVs$`9Q=M=ls6`4L6G@*J+U z#5{m~)Ri)rdPXcIl7bp~UO(1|wLzszov{I22j~FAkb<{mFC4v4oS>+Ndxun=8>e05w1icN?5Bg(S~cPY=tF#DV>_cFMC5k zO^bWs8vyz5iA9*8>@yg)XRTaxBuD*3iYIfMPW9kkX|jVr9+UJpWNVIN#OUI1`JrSy z5tG0U15#CmO=!@Mo`byDw-d{;Na>cWQ!B<;rZw(r*P97p3;vTyKPT&1FrB_jJTaBJ zx`qDBj~bGiJ1js$Hc-EPjmPUP931*3Ab@g(S9u22 zw%yEYswVu~oS2w6@S!rBj20?$$$sj_a{}k*yb#)bxpj(wvS|FxR)2UyI$UhFr^lxX zcmB21-oeY9P(d0EO1UzsU?lrr&;!9sn3}At#FS5$MeF$4R`xS0dIvPZ4qH!rX*LKo+sN)mR0coq*RY`TE*T)cVWsqvPo`Li??)A?oB(?ACCO5ea?gov* zP-${>g-#bd=#Is?mno)HGUQ1c4!9IL^tdULmbdn{m=jPe|I+362R@q5{2Fb;a8`-S zenM?qhAHM=)Zk_>9lVa-WcGpogIF%79CT7V9^Dg1d$8ex<+;drK0i(vujP4aZ$y7^ zxK_7=fQCr3kA&mI=+6zZR$30!`DPXjc7GbrpV8GNA|_IAQdOv7ANz#zAzM-mb5lx| zYfNg;qs~LfJxhT{m%B6xa+H5hQgu8f=-a!KY-vsvDL+#F*aK|NJh z#F&)i#$-?wm193y4+R_Lg+BTnFz+s{`<{VQig6jcYfs{3ZEr473y$^&WEcY^c>oIn zTp91?zjnZy8;a?&SGvfX-F!Shh}5h>Us6srO_77s30I!oLY=AzvOlH}|5>(#H~fia z>*1fK_K2}1i%c*|A1*9Ola<^8dTHBk$whk3| zys=saK?F%Ri)1t0=RNfi?D1&(;@UM`XgwHR@?90DpQh$e6C2n~$w>@#w{@>0AUbY$ z5KiXR386g&bDfXVY@;DJ>m|R*Vat~*ZB|5#D==r!!q|B=gC{PZRsKzi;uhLdue{0b ze&~%IQ0{G82#)KvuAcG5F3L)By6S@b7(KwH?LoxFLj3#K_%e?q=%b^@Hac zX}sp1+!+o~?AWHhKJ=q9+atCPhnY=|5gQnUYr|b-Bbv+T!rFw7Rq>nE7bewJ4bi~I zEY3eX>fzRK?`ZB!c!Rxi1P=Y#-9_~dp*urSKiu~QWo`c7t8_F-i#k1zEMN5iQ zV^zsqW%5~%?h(;iM{cMpNmqD+-iV;-4WT&dk}#ye z-r-$qvw7jL=Xi*v1zM(Aig6Ru;B9~PKyxucuWStk9TNotK__(P{Qs~lEsK-H2qYdc zh#dA#4!SW5Un5@~8GNgDL~zz~csSH5F34Pu2CIJFLjJ?F-z4SVdDxFb3c*>W1k{G?Gy4E3?X%8O)ws5>hu0+z)^`F? zuhIi8C10f;KON-#Rr8E_cXRsBmd2`nXV<5y0SxQ?A9GqH{chEV?kmB2OFm7S7l2Kl zvab)_9~1*z`GHOZkpbx8sc{ZHa-Gw8oS5g?j!A1RJz{R^cFw2LMfV327X(IMAR~F- znQ2`p{jAsqJ&A;5_Is+v!kp_z%I2M5#zQWZJG&dn><_$;frg-0_CRb^HEJ17Y4HK4 zmf5`Dxx-hy^t)ko*6Ya)E5fI<0Dr4C2Be4!3)#{#jF_G8%rxvA+o9WGjj;8xrr zCL@Y^+qNdj_KjWUJ+95awG_!;Va&!;ki;I^pK0fHh76Sf!&ccmm^g@BAzil{R51p9 zi>Nm`rZu`f^g!jb4zn@(GAPKn3&oYAdpGLg)1nCGWD46&7$9MgvZ>8#4J!Ig!YG&w z><7a{V=8k3->FT7;(q=43kc@cjy6}04m9^!nr)%M2S9LQJ6$L%xm`nZPbs!(@7P5R z)$4n-+>nJ%=c|6)e-t_g?pDga$lYqvJlL0aUs8#kvl?Yi(3UoT`jNQCRc|LH5EDd! zan}u(tDC@9V}HZjS&weBlGDWzG8EjuGd}Kkv^el+Xz}!IQboy%Bf5AsvejB>>$WKe zn_04i9c}nXNwes`*tcruRM6BSTJbvVX<1rEkl@*XMsCf3o z^4{y^=a~bV7yqU%AEv5hth}GYKrfFMmdC$?bEav$ee%UiLyh@YfLIr&;rCeh&yO|t za!qq75#bLt<$FqEkxl!ru~#0w8~k@n_YFmgFMNe~SrU_`dQ@V`q|^Zc3^bA=Mq|wD z{z+4cd$OKPNkedoRE2W9^&E)*Jf55Zl|a=Nva4yuGHS0Mr)@p( z%php966*)jGSfBtrFJq65o0TJ#w;G~K232pbUoiMUJaI*<4Ks@owrdpdb!YYu)6(k zBX_%hRK)ipe|E?ClCTc9d+!EtDVw}-+K4%+q0Zw3tjv9ynAE+kkdUUh1L2$BVp00~ z5-&d5SGpb}1-iL%Ue;~N!Ue*mlGcCTs4+~PPu!Ua>kBk@KL@FW@+$~#%JAVr z`mE$>XTe17nBVY#f&MK1@@%&5BzPj=J#BxOK7;i}qu0zCVum174xaNXRF9m=$cJmQ z{Y^1r+p~W%7Br7mQ_n^KDZ|xy-da58+0h?(FduaB&(R3o%9<)%3B8@mn&l?u*~1{x zcY@mMz4UuT+`^*5M+gZwt@=T5$jCLdGp14iQgibANsBVHgYkmBu~h-bDW%)rqKa zFg>nf#Dek!HmHWL9ZrNduQP0M7Bf#zES#7#(*F8QX~^*49{C%V=B0TNVNlW!@?=PK za&Ye*{A8VQ{sb-*J*U+7DV9H)*ji_9h?F#IZEkH>Vg45SwDw^SlvmXs{rlDTl7K@g zN;k^%L`G^u1s=pm>gsAA%&9u-tY2mh=%4Pe@LpG~ipOA^BOBg!A(=13=OMw#zV8eW z?qtlUV6mX2xkcU#OLnqNmN6L7~kn0rTyYHZ>8p5Dkpb=Ou z(C4pu7qqqQUc}o0$t3d737nJMmaTD ztMt-T8k5iPqfM`h#U3~vP5(MeMjc~6&9b0oIl;`07j)a_udgfuu?RR|O@~%+FE)-cIWNvGCV2?HrbLf5w&52~mpXCxwp}TT81>0Y zbhi?SbK()ZTRB>eyJnTh7*AgV4wn5BPwN`}+i>l^N=IXrRzES_x;(i6NmjzyMQC&Ypyk2VY>Pa`KQt<1SzPqszv z%#$7KtNpp32bjsSpeX%zYr`QzBFWgP=C4V9bu2Oq_#Kqm%%a;CC?2!)rU+&!X|MVU zJkF`?PFV>7Q2*bxcZ{kxGGH|S3;By=YiohoViO3^z~mSCYs|UyQ%tfyql2JZ@1YLY zSWFcwR_UAxsIhsC32L@h7fN9?mnKfCF}KP7!eHLg!H1(E2jiX-TMiJfM}duM)Q6$> zTUWl_!kEy?XD=>o##MXk@BkcW3w;?|?k5V9PxLG$p6E`&v*93@NT9wl_M}@hPbaqd zl1{`B`S<`LS*xZ{+y3sb=ir%-%&is8Npc*`xL(BLzw>A+AcvTg=RI?*3@S*a>euwszbV& zU{8DBaQ_alWYq0Lo)LNWKH%)*SLbGq( zJ4xi&|7+FkD4RN5vP3pBB~nVeI}*#~8OGw#9~sp2XjK{=Rdjd2cbJ zIiPA~FT(d!-FD-US){qyxgF}Y&+O~B-P|NUvrpc2Q4aN4zgS3-elm_eCo}h-biM=4 zJ!~K#5@cU^W2!flO|-+_8PjGpbMS)%5}M95mGDvpLTQogpslKK9s%w^@K1_w zl>~p5P?V`2=3Mw{zjDFBDiHqmcNYkyoBuZt$m)gxVxd&Gpuz|=)5PO_7g1YpB-0Ob z&y8i+V^hravS-~bjY7Ei-Ol!FSmHk8Q7Tu`J(#&nO`Q}s!htFgw&q?^w~ax;LSDtE z``P7`MU_CJb~zuVC!cq2b#``gyeCeS&(mYq=Tvn2?&8`&dpHDrxV|><-$ujoZp)u} zvf{{vxSINTFjsfArICXbV;uZXCE3t|w58DrstIl=1Q$6y<$mor^?hPOIVd6`sA2wF zV->Y=yb{>@SM;32*7Dnd-6^W^E?N@qr{w4`9b<-U?NwQmt7ChFjViA5fU06Z?r`!h zoDcZp?|>yW+e0_zl?#r3S`{3g1?7y8%&_eO$Zs>BXfSr=@*DplKNn|Q zUIJMt4S&wra6~2G>(^6!6O%V8cT=7p{hfIcwf`$|kGfY;(Mye+=nQsHZrFP1A&Bc= z4b7QtUint-O$tQb`o-zg@h*w|?4@)W*f$`o`@!w&-Y}#6TQWksTykkJMCUod7ci3 zySI0LqJXb{l#}2kXY^;;y#bAbr%&`5YtxV)tE?;ira|zY=Hd_MAgc&LsjO$NkZv1vl5Pkm zo?$tXZpfneia2;Zw-C3{iCW!{FYAlcAQj@~!5Qqq-g|2WhcnBv@0vB&jm`(!ym#68 zIe*r<-{{ zF;l+dU*vTqR|Y@U);Np1{&P#+i1g=D7BlH0_} z7MA!*o?NkTNr2hY0zX~vIZkxSPi5JwCZf0#Rji>o6iVJ5L>$r5=-|V~jBI}sRmXwq zo?5M3ap+0i5$^!@>}^buYUL~LNn5KvQQQB9tMG)L?bYF#;o%^UbYxnMQfq0#a!#Y1 zPl!qfahL4$5#Gh_jJ*Kg^k$h0M}(@7KG}-8V8Ja%a|MTK*>ycuj!}U%HjY*E3a=%P zCC@DM?{049$JC$bdy?7c^53V^R5*O{T3j5SoPD2D0EJ+`G~%13TeehZxyAT%(no9>H1$>YAG zx$MCzDQC)jEDtt1J7rS}A~*L~KcAaZ@?1sxJ%m#-8~im|+mre_w-O0VE`9e)LWI}}z_uqsZc;M>#iqXVv%gII4k84&=?G z+phf@1{$IgQbD9&>)jxX>)fcuMKLYpJ^T|c>)y;djpC54sunqN;bTR2R~p7UE+Zs` zB=00#S+UT9jvo3`Z(9{$T(a)?J9*BqI`AQGaE)**_T!Ggqf1klq$qlz%V3|ITFwNy zYbBjG{j#R735d$oK>1Xq;~u;I&_d1aBlh!?4LA0WhQCD9YTuo|`?jQ1z8W?8!RMEa zbN#gQe6~VDxG{$g$~gsDi!6exUT=D1+FNlp4LmH!iZC5q=G99hd{L2(bLz)AHq_ zI&V|h>7T((b`4b(OXH^<;Ce<`7J}b9h}s$k8i$K=#mK&-U(zoHvF~M5Y4%Fykjsq| zU#xXOxaP}`^m`DbskA_rX||p~F6eJ|;XGDcTV||8dPXHA@;n6UObAFZqy+Y8xVt=H zfQz<}t~IeqV($K%9>TN}5lznn@ULGlF8+7oaqayXBJpZK-%DR6`(ON>9J=Vd2M_2? zN5+|VrD>1lLvBL}T$MA<#i~4KK<9(&wn~S#f6X*)@$z=eu4Y`y-Jrka9s><3>?s%m zzMUe~GtlH?@%Om^l+*Tl%_Cb~j8jrZos9b`A1oUjs2>t?tvzgmG6tI`FYo!(-F5T< zLa}ojJ-(647d)xoV6&uY*e#k15h4m4KyoP*FMe|<=2p+0gqG^{&fb#`Jw85>B0(*{jM^FY6?Sx#5A3mF)8VqIe_Kh!Coig4)thk=(o#Jka^yw*vnx}wUsrHACOe>EQg^M@!ri;)Bm~tgjc_fI5{L80Bh;)i zBD>h1lvJ=6rKcwp)BHmNABtcVVruN4^oo~#?3YqAP4qLFFRi3Z>ldDFzzJ4*8SwN?G)MqJIR8zd-byg8p z4OE{6K-2Q*(;bTs-$X<^EBnA_j-XkgDNiSh}GwR}(PbXyv$&z0PLR5L&7y^vJy z?V4SMq%B@Z3sQ24Uo-3rnnB-nD`Sk4%OM1|7e7opf~K+_1#oVN0k&mOVU<0X6Eg@o zL-QERyQL!@9i!F{WG;pV9*OFel)2)FcV6+q-flmKoT9grCdC_L%<_ z({lINb1m!125@m4n+KA z{JcWgvJ~b5{eJ<3g6Ew*&$~>Q#m8T}+2dC9rcz751#}LQn21 z9BG9qxC8O+Z57`>bz2g+3^}dBtS%d%DbT$2^ z5>0)N!2c$+@X|^IR~O5p?(Pnl9JV|3!ZB)>Ipyf+MVf&|aEpcW7FpY9iQa0AeQXhs zgzTlxT$8?Qp{xCr6qw%{68m53W3a~`;ThPJ)B?|$Aft`WUgd^B-(-&1e#*j_AM-0s zHZzT_d>3Z^1*U_CfQWyWRbDe=xl)I=cOy$dJ(AP=fDv&ywq}Jo8bWOeHW7B1(pbcw zsh|^le1Z=seBCyjC!vZsjnk!sPF3@?2@zv&E34siU~#pS$oS63@B~gAkNl-U@RyeI zNU(%C#wXu-$U@5WcLhs9(R;Ms=&Y*M1n9q)>Fn9|1KwmzausZ?rawO}s*FPM=>fUL#^Z=6U<>?99(l z!O}mohnor{@$RX^4U?MzTsH$g))nx97{|`CY0>VDlT>x*V2T*>mlH?_SDuR(RV3ZV z&bq_d$%f|lueqBXZMsK|2LZdCpOH;_oBg>YUACU>h?7_P;pr#C1UH{#-L$G= zR_5n!mATHGxLqt=7#*}k)WVqaVfjJ&AI*@Wd98{qWo22l;I||(fhq!AN~~PQ2yOPf zGWHw@n+2{5Y+RX-o4C_K{f2*1m3+*687BEzoO>+j7UwV6{5K)vpC7+gT~rd+7dvb7 z#Jq$A)T`0P2qwkZfl6@MT#XE=rDxqPQrBmxETB)P^ZxWxKUKQ=t2SybKXj$_)|~X^ z#OZ@W@T&(7NBgu?&O(YODkGy~Iyp$ISd{f3V8mZl>?Qs80f~)3%x)G9K5H0X2BL6C zj#So(=qJszw1c~!;j)Upf1jNCJ_&IezyFQ=hw3xDl`7N3fSD=wF^It99r~=%?^%6)iwn-q@ zUj=y#FH55xM2uQQjB;`JKSAUO6Y{;XDF8{Ol(`g6ohXK(^|_u)C>w2b zuayRJl{%qffVKr>wLzN@z=3J|~!;gczqo3n>nxigmmTjXsf=o8EFvUhQlt zege@!VXYPBNV;<812Pp2ky-HyP(j-rJKa8lL>Kht2iakUXim>Rbu5>u0LS&;KmE|p z{Qn_baaZ|9FvDLn?+0h)IUQHfdl4}tm{Oy!`g+gp@1awO$^~O12M5Q>Yoim5IA+gg zW<*5$K>BNC2R#p>4#r0AcsxgRl|KWX#@h{JEk5bdEB|~ypr>3s=G{dhZ8(;RNq01qHwA+BtY3HCgEOFOAeULwdx|Ru@(}8 zrc%s*?`^V5Q#HbOq20o9HmK6^QH+CX>z?;Pisux&*~ zWKJtyDahfwSi*xk%?`lqouKMII39<-aP>YxI{G(h!pG9Vp?!O^(KmM(_~!*{Ce`u2 zU}6-=2dQ=UHxwr+LJw4r%%cT;zyZm_&k3aegnY;=asobkBw|8h3smj04FmfpW zBs;+BaKJ*4|B>9H+NWMC+qtnzWjIU0ljXE8Iy+|(BR5}(1pP1KDLC$!(Bu*uwMS9a z2-)a8+^8s;P>h+9HPi1N$iU6t7O1Gelp>C6S{aRg4Jx;16N?9f?94IC(+9NG2hBD% zG$!B%W2x*A+2tF&F9hW4^c8uJjs!VKf|&jPN7H$Rv-$pQJZ9C8idCs9qBWvcY^|b% z+B^2%dvCQ`Blf5*XthQ|v_+_`wRcgmY0cV2%^1)9y!hvRjw45M<+`uyd!Fa#yx4MS zw(u|6Tx(bgKcAc`U#WW}MG5JA8zTK+t|{2pHx$?Ur{E4_YWWv;(GOqe*vM9`BQ8&l z3r26wUJSOFA6FvdFd#Zx^wldcE&rFfvX1s7I5d{+kTg3v4={;>epS(qtyqI&nyT}L zoq>VRl%e5>iG#)Iv-<)t>g`FF$xlu7M3E3q460-2J#?bsS-KQed2)4baG)emh6V_6 zpM6f)0~sYE$3npK^4M|Y#kH(y7Ah@I z`%4vB$lhZ^y!{C0C-$|=?&gMgD5JGQ&cN~v&)>IpS+Bpau=lIrRSfFsdH9n|PGNNUx0DVXx z*~7@8n5s)#_g9=L&n2!zjng9p?%%mM^8Q8nm^V5QWvdR7^>#{=!1 zre)gJ!*V*iYN{LTuS6DAqS8rmRMgo`%uG@*h;aH@iSLG$07Gk4H#-YNxnH7ZP(XkjE8=Hm+>iu^tmV?o|L``JJI@eny;^l zc(j}Z^J_uV!=+rQ?#bg~fm(1SrMjWFG3phdzM&BlxtABK2TNBwj$un}Ev@Ihme)Qf zM4+vv1Pfm}d18S~sV_rW4~uK;pkNia9Z!Jj&v{Aly03zmfsu_DrH=|%TUM{Tb3X}A znd^0DTDH$jaM-z4%pRr>U{YyM~bw9IXI z+`a#pkJWbvqrZ|;<$Pq0`9+(So^GUXt6F=i%#%U%O-e1P+v)W4TrUIB&(H9l3IME{ z<-3+HAh|i)n3(~X@8jupRIEEWE2%+#&$&c6N-ETkUbZjM>yFUbG_^M0Y;^;DMT1&0 z*Z;{=!a`)3(zWQmo%%0CYv?`g<+%M^K=Asz)cR=73PopDbGvNQC3|f-Bg8cZfq?M1I1KUCJr}AsKd#S&%fvDW+&-CYWr;R z$)ul6x{Y_Uo9!9lS3BX{^6AR;e#GS`&$#6M9kK5J2ITGeA_3}MjT{H9NMhe|z5VzR z`VA`SxA(udK4D|2`L<@UWnG-?iW^eksLCYxqmq*T7pS;DtxJCHw)~IlN8IOlm1H!0 zhk3Fa%y+5obM@QA7g>4=5(4H7=IUjV^!l7B4<@f<;^}zkp4g`K_ddel@5%PotpBND zavBQG`vzxhwz_N2MPvo)bW`Q%;8;dv@=<{Ggb@YRlPrnrfFVr%+95DEjE7cS!yV;C z=?ytqSU$|mh9=~RVEiFRPvGMI~~fK&Ekw>C9|SHa2+YOW>k_$?W-MHzjP&teP;; zs4-PoCRLim-Wc7}{fK=VIi-&bHW1(TxMPjp7?`R4NMwaBvqrO8n*W|@`VeF21pIBQ z$aEa3;=rjZey5-HCTV1Y=0%S?fBzM1CtP(q9RG2d`&sYo>ML4Wj+7&f2G3-Y68Z`C z)o%9h`-Xr2z%#-d2ZRsokqi4Yr-YT&m9+qVUO1=D?rccy7UY1&vR%3;_WN&DDf)CC z`~Ep(Ii~=FP$K)g+Ir=Bo4f2UPtGoUS_kS7qB$SLU6T@eGW9cQ3H1wXaVyd{`+)7^ z-}dOu-{R}trL^<0hm16TiPa?h*Rj!;=K(=OJl%#+ED4ghMACTZ)-h*@6p5oXTaqk zY2k^G$){Y1WVl&X6WC>60b2Id&>5dLKIfL7Iii^LiYN264U}>)bj2M=0m6M%g@?my z7ppGXd>A>Z30eO2n4OSGW7jvU#3$cso08%MC78_TXb;|OZ%;Ke2)11XoE#Ynwo4Ui zVqTFBwOIH=V;8Q!J?V6k^Xp@_0dO3!wU;bP!s2SzTLnx2fPg+{=Q`-?yjw23OO&cp z_6q0>0d9!C6u%=b*{(Y`{bu)1rO5T2dBrype9?|nNeCQ8I@|zTnU{x3+-mj<_)oCJ zOKNGU@3)!MxQ!uS;fQ|90PmAwnX)S4a&H#yCA`KiMz@{rH^w#gw@|tEh0KaHTdebh zL~;1l_ue|$Wc(q6gDPA_sl-qs&}k^*EHGm3_-g<9-`ZXfv7B(dO#-Y)lO7JLz{1KP zWp>ld;?detM`N|FAod@XyQ;P7wfoJ$I5z5DVS+LR?d@INp&Shzg}x!DX*Y?hg|MOx zN%YI#(LK4ZY35vxujy<4gk}5OLv%wD9i3%b+>5^lDnxRe%5uMnBf3%wbS>SU^LBaA|TK(sddCAJ(^}qi@Wxwt` ztjS@D7&5CW!@1p1K2| zj|Pil_X(k;;+}pZTSy_4_&6UNqpU3z4K5KPqFjUM4d}CfCXO^Q_3Md2ak_wSqigG& zN)}tWVQUkA^ae^?a=#AUJ-`;4jOq*yzR@Z9YW?lqTO5}o>=&hLGETfpn&9_k_pX`% zFtWJn+Qv!NcJrGxVO6;}h9Bj(FzyopS=e%*Sv2#Hj$&Da?)puYq&iM}NZ5k2#8mi`N zT%NYR&)r8YvmS)D#~+VmZz|b7U05(uf=gHme8UIN2+v9GbV0CC2LUH?9l4kW5|=Tw zE^{xeG@4>D&d_tO%=>VW#A$6h9VS~`dDh%n;50B3mjo(bab_+Lc@!N%svZ@^z`xII~hb#c}A)eOF4ox73g zGbP!dZbWTMrvle_Zl6mo$R-_jauCNB{`XA9Ktqc0-BB}}eB^k9uq$uvK7i($MoN0E2VRv}%^2AZG;v{I-2xiDXSkxk8=)$~#J;%`4-Ydx0e#8ggI zX47&GInR=*riqlS^&`(mkS|l6+8f$N=rdmObO3uDZ7NUuDWWK<<)3o_{+vdfHCMD^3pq)rAM9%)^ehYLb<5x&PS~^Qo>@uvrRRz zvEIPCnqZ0b4!?oId!B4u)Q27Z!8p6vu$0j%=0YH#F~~|4v98{f)F5Uz{POaB!NN08 zOUTi>B${^vGl-=L&o6f_QggG`dG^X>#0IP3Slfo0pWnx1q__o5O3Z2O+s-}+oY>iC z4QM|TyaC>La(+}^3GftCdRN9qi=d&hB1YDf@GN6-2Ge^s*?LH1fqNF<0M?lK;Qkv+ z&sP#aD*qxIOaz=#Owu!#?pH~R31IlI63fYXY;czdF`N-c z?r?wz;lNKanZ!g*Io~$}oyV@YP32+mfL=mlL1J>xYj#(wM>}2bsUyl6z0UVV(qMFy zZncWSg`cU_U|_snp!5T!TTm+iO@V14kwBoWL11p*a;S>8%giZ$@T1&6>}xR7!0~vq zAm?$Tt;NXgi)X(^GlZ2Chje9fys{yTQS_N%O@7@2fhN};=Ua5aI#dxs0bHPLe9)I_ z9o50N@07#;i=T(+`SEmnWcu*RQi#Mr;(5x1Mdgr%t@};cOF45{M_HL;KvfMAkHo7E zNO5(3$hhZ~PZD|8*lkQN>y5)Z_ITxSw_LTmCJFHFiVW(96?7HPKSwha_%BVuMn3Jc z_VkOSTXWfBzYO)5oW9YL*=*hu4Hn18L2QJ3Ua1aHDtomlU|gtF@ZeXx%(^v-1Dy7m zw4C%MVoIbf4hT`jD@HMHI3A+FY4pB2LN20@Q`jn9r*MK1L<`^GY~~;Q?nwkPaT{YF z%)GNbyH?fn87Hb9&iWejq_;;qcrfXma|%46mWu3lX-ATKCn~d6)qqo5zq7(fhFSVt z4xu>jMCFNJ=)7jIm3Ls1H#Z!T)VOxHoHr82mzuQ|&o8pssz%NROdkCD52ycJaWXDV zu^-}a6u>{+l*t)pI^i>-XIp5mP(fO=H_PCA_jc|84@~7w|I>|xCXMIXwY-_AQVwiD z*07X4S%2E0{H{J(=Z+cj&Kw?qPXR71h%M8lYm)y2e5}dxz5-@)~OL=?SBTitbQgXQyEJfgn>3Q$eDbNNMIpedvEIdw_}NyNnXTPKg*_ z+n2OxvWxW1wrS*Ze|LDMsG=WRI`R?o&t0`qIzPe2J&Jv;DFDQ5!-wSrsT<3LU;ndd zl}Ucn*GhByc5^*H=rraD_uDjBc3iuiQwwKgSYUVN5QnlU-2`=>o+_MEe8{X671ycr z9Bs={QAk8e+>vBrC0{{IHfMo16eYL)H={ja!1%hXuj1|Dy2t6E$4zScnIF#M=AxJF z(`;EK2KHfga^#2gNo94R?_y!BGfIXl`CdHQ*R2lhr;l@Y)$Y?RS^frjjedKH%EIx`iC;Hy-T#-fQmXwLHb>PEXit$|s!R^G&*NYn=#SzZ1bH3VXL0O|V| zBpOrqRFj7A&b^>_ifIn1g;;tSdiwiTs-VPNy~jQcHyZ~>Y;GPTu|ViQrZ=}Le6zvz zmDk}B$}kQ3)yz3e_RGEbK^9+u#vlHAdCSzQ@hILGOa(|Jl5$J^w#1K4Z@%$qj%vl9 z_Ny4qq0o3D0gw93np7Pmp*n2(2DIdoy8&MR&N5$pKbn(u@*dYu8@nRgSr4}feRuOf z_c#C1zl*LYuiKiPxwYT9=1@vxquy)H((_SzQA00&HFu@VnK6cf^pN4Q$+ci$mqy{Q z^`tmcm@8JLWMtNVip}w6r+)>yDHOVa(PhabHyxXKED-)Warb0Gux+~9;AVI9W__*T zzAK=-REYsDh+KaDStC zYrl1MD)98p>012e93YYodhXk*o9hK)UrWt3^>_GBg#TTA-G08Q1$f>oF#{!1+>YC2 z9v9)Q7FfnZ(G++H<0KW#zBAKCw|_#i;*UoJI!rqGA;`qhe5x#0)bWurJO=FIn11j( z=<@Fva!PzfdUTQAdd7$dM5~*<`b^L=E;qh4{kzl&)MlXtXpmHa1_$0jje$SW`0r+;B3(rr6lW~tsX2*9W zlR0!NGBYw9(m%i)I{7lnXBwzuz%~NUhLu0S2oYDuj!SKA!9mlhD?$D^@9gs5qG)m@ zp^DhLrJpOJse0)eA>nr7Q2JRTm|7CtS3TliU6 zL3;bG+)&pOf>dPGH0^vVbWRE=K7zmdBj3%;jKKa2Fa0v@Y4+=3;UY)De;h0C;(Sdbu8SP$>ZjrPzz1X%adAD zUP@edt_;z^uxD5Ew{X6{Igg>>1bw7PLUi@&o8H$OGS*jXC-+e?DzClE`Zm)CLnjZ) zDyuQvUIe?%x-`46npY#=C|~y<(a79vWhKPs=04B(OvEAH6X3pt3)9S~VXhxCdt};8 zr-6V~l;!Gu@6M=%aUmYP%BZo>H-D4r_%ymK6D#I#em-+wd?eqeNN_G&tVLE6W>3nu zu`5En(!A|%N|{JyqK_;X$STr_ceX9#1MYz(c%O-{*16?yQUz3pvN0K>E<>ji3OH${-V=59l}7Q{qDV{FtqRJ8e9miqoQ{PjQOwM;$(gg! zJXLbAldr+2Q_??tqv&QTF-&g-dsE^H0lgu$9dzV?Ij|eYY8%(skv`&@Y%#it7mYgO zta?^%)>kjZP4xV^{)2T2-k#52(7vy#UWs}6Q=XxG73QZ%mx9NmaP!zCHb zWt@*x^1!4&Apv+O#y9r%z%&skwH%(v@eVsrI0*NZmU2zjv-wz=0P-EuW?(Tc^p7A& z$O_h5a=1-l;dj$Pu*xTn&DHSOc(@veu=WqfL2VuDZ!H`mw$?<9IMH`}brbuuWl2sL zIy{UM;E=DN)uirs`Xd=N03VKDShMjbHcQK^4a@7T{^P6!3v&C zpFJY;w(khaj_Q6VCe63!)Mp3vxf;{v4$L0N8BMUvS){xmj+oEUR{W!|O!8>?nbR+J zh_n*6mA%}@-~V*_&so$DH_*f_g&!OSTDDzo7l-Rhl~bA{BfJ{1?l?9F#~JS6TDHAZ zg}%+i90_yN`-3tF9YBjHaSW-sJFEsJ?a9=X@iSi#7ZY*DH+jR$0P32n_BV!EING@j z?=^+T|7h~mqso7kfq@9yP1oa&psc-88)k-hs+}d= z^g77r9IG|f3^g4zX5F(xYoZijn}1MdTi|JQ*e zuyVG$8>a4peRhXl}uHoKTcPz?tFAyQxd)5$fyi)U^%ChCa<0kx#csX zwW(6QnX_dALOV19f-+YVIm9MgR2145x#Bnd%_4;W9v394Kp(rUWqwDTy_`mm+yD{);mJY_hV{6AZC+(M?ZZ4XE zr7~&Qx%o&_UyNLkSjzPaiRMwCUD*tiMcS8>t>y90_hO?^x+%5AM1Dv8M~4iFe-ft} z@IK~KzNnnJW69BSZ{Z%HS8#_D=vu|w9xvz0EOBdfa{VNDZ2HHf*<`@4QB?uQH-;1` ztZlXJvzi03@P@59sTS9Ik1fmxmo5g|p_|L?2$JZ*U9Peq$Q{dnzm#9Wp)(Q zL~?uiT>mA@*dx^*<;PDl>)F|6i71YlBz$N}DrFpi{i#|4@uYI_X;^}+J0Tyt{y-GE zjnjdQk-qiGZ&A(t`Lwtz4>Zf$qOyZ)FLan(3F(tm-y~<>v4=z%uT<6H<$O{PInt4w z`{mXw?I8!$be@6@$Te}`gp>zFAlLgxS9W-tTg}99L|F^F>GyOvhr$mJjtdCLB@2tH z<~A&v1oWuRZki8%h_o*hiIE`YBuJ|{f7`pWBKpE601puE`;1z(dRIQWhq@*aM}vI? z&h_*S>g59`Mdsr2bO*dfmandnC%PP$0+U8L28!o;+STG75JW? zU7npd-I;l@oja~`@ri4dO1|m`?(~eu4`iX*MErj*(e$qc+9-)_@7hW8en5jNhO#KY za&MHP$-25?MII^94LdO~2$wO0(GKKf0@-dkl#$#k(o$hN66B*n3?~nWuNi&FVfCC# z5&31!3$XCV%W?MRt_K5KeJLu_%ZYZF4h&UMjq8d{^P;TZHUU)>TR`#+uI*;x#K)l@9D9>zjunCF2fW8#S@8?bPRev z{iR~DM2`~nqZL{7T9WM-q;8c=(A1mSeHpK0pcSL%iO#f!s|b8M8X{HZV78SfCC-)i zQkUuB^FTkN4?o-)t9_C4i7f??Vva*vcbnOsh5g&@yeyg#ZJowhqaE1jXrDS-F731h9jtHJg!+H67VmOP z(%~VZ*ZyjY*B%K*U)JxxM4b}eTer1M%Y^#*H!iSRwuMNd<&zBOaH(SiNp;_(yxTdD z|Hyb5lU`Z3Ej<8zah-EaWo>O-;v8NZRBh+|Snr>OI3#{93`EmKHGRj{HZl=ML5IlQ zYQYA=3N8301@KF-2G9VZ)mje)3aZ096p|bB^}8%3B&r#yD|UGbC>p|wkUB4MB!(Cx zxHLaMFFUkYj;5LbxS3eWK=$)MBwFO1W!=eQ1)Q`p#1_$!dETBefotg;dzt>cya; zr@#r z;8(<(SDj(MoRrMpCMK`^4SFfs6`VKe*IwY0Kv>x8EFVodayB1)Q|UTN^gLP-Pw0I! ziq+S^kz~+Ey&{>uO=M+pSN0WY8N-aafZ$1It|Ap}fe{s~3(>VA$r=#noG+ik5gGJ->@A1BU{tGM#q1~v4v@;e3b-YRlc@P;Oilj4q4U8WOR!{nsE-BbDDuJ!SwXOKW|r2 ze8HtembhH82$#+xLk<6$6~LwEmt=uHr>ZR-HkR|6fj$rj6-DvPxL)m-XS2cAJjtu+ z>xH!}@q+hx?nE_?`d^?gLra#F;b-@sKuJh!*ZJd5=4`CyB*Xf-OLh%AjotQ=bB{vj zraeKRA0}GRA1701pQbg5P$=cdb;Weg{&7yBhwttmhwQ^*1F@w7H7dqnRQ$c+Z!gFT zQV4|kZfu}DWz;jKco0Zk(bSbfe4V1KG`smlD|%VF!5@yGrgAj~?!BxVG4VDDHh1Oa zR&hUbJUvrf8^3q&=pA9GEg6_o~vjGi8+UpDrQ?OVGK1lZMf_ytDzd@K^Q zz7|S_%djwsvPa6kfqkgdYW-wR)lc3~~sT(3}*ZWwD;LTFI^6clME>s8n5feT!fII;I`Y*#D#3zfi^?%*} zg^g%8CBu2sc--oN&vDw2n|F_gK3@gc#4+O`WW?m!OwIH*2=bEv;kU#b5AQ{~e|%s^ zG0v~V)gfmsyHlmYe#maLKRv0dX1w7aE-k~V)oa}sVh|VuCXQVUW#$-P_y2^$^o!ns zda-gq+X_IJ>#hyO`jc}nQPa(JT+rxQ0L{JqtQ$qqwd(Al^!31$*0s`+z*pf+MMUea zN0U#`|G95BCubhsFO9_aTb0E|!`8SB4R4lHZ#K)>WGr2=yTfc(i~C{c%LNS$08g^k z@^UcZq!<)gQI?64t84H8X}g%Jxno0VMmn=-BWb_Ivu->+Z{e5~O&JuedaS(E=d%>- zFD8akFgX6FwUCh9LFzPno0?kn&C7dQuIKB!R}vC5<)vP~CTf~?eVuUyuJO+1^^vl) z^5LjO6M#T7&=h&x2_EAbmzg^J%vUNdWQymaT-@-otLoez4!&m1`SAqeMWHajJIq3S zHliNer+!oeUJlQ{d>kJ4fIJef*zTAGG*L} zJLR!)#R^1GMp3Kl>vVM1=}}2-;Pf3-VHa=z)>YB;>g{Lfnc!=xN`D%-6vkQ)^$#N2 ztBN8EY<+CUu2v3OREjk2IJ_)!Xod?25!@Eqc|}}X<1vOkM@`u#YS`95+Tg1T>_-c8 zO{~8BUrlFrxw^&Bpic$IOc6(?t!kcOLohdKncY@d=@IkQLmNll))`TC79MiqO!0>1 zI9u1kJQ{*?9|>r$EDBb)h!hom)+qV4Nc~${ko(arsgwr=dl{J6&4pCxbKJy1|C_60q#H;HU z?S!YJ#WD}#o&(V*659$5K^i7pcHGJsXyFfoBnrcZ(4}&@EAK`5s04>6o;dEV{^^tN z2y)1VQMGxaUhzw&(f*)XGvzeUC8<=4#))Kr(^?Xg%j)umPy z8>(_eqD|o0`Ff5J*Wl?HII(wjrVRIb8*HKW(JC!djUQVn8`{-U5L;RKjFwDE$f-<9 zL{BK)pul*48RhadbO$OdGVHpEnaI`nE&7RrJ)xunIx@(t$DID{ZM_5eor{0Af9{#R zMzOatO>pNh8OCj{?=2Se!+RK>Pf{U=ZKzoLkR}f!O&))zQ@C6|F2JuH`rI5Gl^2Iy zj4fU7nuG`8w!gK^@$&frc506C*pKx-IK%d@g=-A`z*GlqO|vV{9YP`G%Wo7 z)f#~ShPst1$ij-zQW^Da*9{jXwRihQsEPv# zWFS>0&v*u*MJ*()!JaV#s@$DB$OenpD(dNvn}o0WMNi?gNtYOYv} zGUdOE-GT|}Dg1S}?D@i=IZ$%GcSDF1Ot)%hLpA!}PWROu`aL|%AM>ks7;KEl@n5L! zFev@3avG(iIo%|B3T%IQoAbdEWI7^a7N(4}HVN^_UsOh-4Jj8b%robhfTBw<6q8$S zb5b4UT?rcgP_UhzQoc;2J6Gns|BzCBGQc(^3f1wG#!tn3luk zDXMJB8|x~Vp1NS^@EMzpdAru<>PTv;SoAQv&rgkiksFj#F~rl|w@n1p z>21_m;+-l_V{B9QKA+yTyP@`oUNTe|8G4`a$_90t5y|`z6H?^DM4xV9B2|>)@;w?z zW4T}8j&n1JgdV~h-lZ^T)y&mgae9;(=6-!qGT}KNo%|CB z$F2Hgb!ta1vRJT>CKidLOJB^&UFxq;XBbJ`kz@r+w-fn_(m$UB{XO}*xB%#6la&i; zK!*CUxk-+*1Rt*LYjZinI&P6wOAXtL6Q^bWQO5dxTkpskRccb`N)h#AeOBGNy&w$? z%BSF9Pgjwwm-Cnc^9?C8%bjv(6f`K|3|~wFu8XtJ>yg&ny!N{+D85NRgn$vdy}$pRZ=A}Lx=(Qh!2UvXN+ElOWon^WOM&zWRq@Iht;3%oPj=9iN#Jg z|C`l!XYtt&<6k?u_HMW@C=j49f=gtU4))2@ZHbV+D>S=i;!?>^&Z0X@?e~P=%F8S} zGw+@vR{Y~|?GFV*R}KYMdEn!*2t$c;CA?|liR39Le}o3wb4%7553ADw^Q)hFLR-?kKGzy4-JdlNPGYEz??hTjLhMW%5^TY5-HSiD_T|eJ>3L zva^QA#3UMdBoE=f>a1&Dvk$w0@fvnr{5(1hCpZ@5I z2eHyA3Q6gx=ja?2mySq8wZV%QU6}Ka-7db9?{bY@=}OMn7dcOhGE!C_PvFaMjaGjj zRt8xW-5k4f+Yp@Q<|l`~->U=F(?++5-LzT|vxPU&+B_Z|A+oz;bac93Q;eUzT7hqf zu1Cc$?6(#AO`h`R@V=`p3hSc}+5g$hLn3vW6?s|SmJv+twO5)>&zF}MAG!^7i)stU z_yCezmdU8eqDJp`bvbs9@ux&d3Wwld_WU6Z3r16I@!u#|(k|xg$0a-$Rkx$QWWKVB z`n_~XpckoM1pG?CpK}7RF>`d|pEiso4xTU`jGuig2(KqL@3)LS(85N+IMNmA%AEP9$uatrA)}dhpQqBEY zud_17Wmco~q=%~l6|Hb5)=7^1k$LWSfUVFpec&xn8j@B4!>Vzg#HzB4J6U130E)`_ z7asM^$6Sp$7W~S2A4|rOpo8qSCaqm;%1>UQh{TB_l3=kN#27BD z7$pNwMQ#NsvhqngVVWnHf}B{A0QHhn;ErK0sbrO=k`daFbW4T3QkGSyrb;6!k&uzz zPl`9$SD+l4H&Kwgll1F0T?fhrK(O*yH46;!Iq5NGE?@mUR4Mj8u6fXt>6NGCj!;D@0D3Lr1FTpIpO>15H*i;5EM z!jZRRI3nNOk80)ofPvNUL=w@rn^Iq*!|qTaQqAs2TbPd6mH~bHuSzv5)0xd;u}FOGBQo_?9pK%LX0#8o~gtV1j!IF zd=N-W0;lJIMG^%l&?o0@d-nFNTaPbR4K6rWgA8**g(|U$$`gw~@80+&K=q ztHwiaMRT~7v5GBKVS@kg9lb?V z{L@nM`2`-ZgiWtkRjVe|@@JMTBz z3H@;mr-AJkTicdl2a~clD{Qijiv?Q+bNgS$h3TPz`!VbR{;%I(s5te_FbN}{jcm^~ z-g?LK5oGYwVV)Bjy)``_e-H8}D8rU;6w>7PH zNJyNPiaN|{DSX7y(=8LE?8j$!g#*9j+NfKz_)?q)@p6#g)mM(ro(vS*vLQE8{36cf zVqU=GOYv6YneEvSd}o2eT$bq}+s6B-mY0>E_V?7>Q9nN{%s<=dJz%@~t4A7iutm)$ zsbTAyd{67h2Bf}9zFd7FDTo4-q{~^^yzBIk9$xEz)5`nu>LNKGTl!2It@=@2x-6)5 z>FO7^>~*T_&E@(vlvF?6-<=_vXB8fPzPyc&W&PN9~dV_q=9t_8QAd^S<`W|)OOa?&K?V{u{}hgGe(%yGnIEOfM- ztOHDan^mj)fktO;x1alQdBi2bGUBK#+r-5@TkM0Cm5ov~{Fa<^cU^=Q$=Sj0FaCvE zN8M{s;fKFou!a5o>m^H--glF9r#`IO;8-#z^QiX9%R3hoPf|$)FL%F3yYK4VpRvWY0hvix_oI?0pZ?qU~s8K9Fcg z<^`!Y1ip&4xIEw7H5I#nO_W_9vAJUly~&0YkfK`2{6Hfy_kChYN}jO@%6dl z$IINMZ_7|%TdP$)K@4#jOZ@bQmd;8Kt^^bFkQCNOi;9(es<)%`D5F=cr`5Zl!rVGS zxZb#xgRiK*wYBi}B^(!QBiCjK)>A>rVUozoHdUGUm{>Tb#y}$UMdFHNra@`qtK=01 zc`Kksv@Ov3PC5ywZdNxbdKJ^s@qE&TLPO$j%B!hj3v^Q`H{`N`#X>e8UAL6#~OK zruTdBCRAg+l3ji3Bd`4E_Q}{lUrzU0`Du+^X^$mQ?(`rb8fw1nCsY6+^a=B7W_R8T z5Ihb&E~>ex$s9}Sa8%>Ap*nV&sI(sjf-tv*{+S;mrBJ7`qEuB5e|`Qo9kpQDI^#dm zO%4sN#d$ta%EqrZX6gcBg@;58c&OvPZul`uvRCv&*A5X5tWZ@NBog;PG1@QN|Eytk z@O%Bg_=@7z!j4#qXzKzI2y+J1-28$Ok7Fp`ZqlDvT$$Ce5w%{2yv~-%DM5KFTegMY zm(T5i)2@5Jh2U`?&^A;cRXadTtrt)Jec|$?kTQ3#r=|F7Vy3P26r2p5_BBEu=_$MwLBs3u~8+z*zD3I59+g!gKEOY&9 zM)E@`AL?t>+Llj5ZqMwjwJd6DWz#6skG)aMjl=$ECUT+JJJyyWquybov z_UkObdG>`d4#`{5&X78}l&B`DLx`mY`wzSjfBM5H7$iX+EBd0voKIp5-5z>9|22Hg zQ-bX`$;ZS(^oFdARMpTqjn7!w084#qyQwzvgG^CMoH-?HJ;i6f*(T6o=NF+kCP7mx zRv#80xk!@%%#+nzTQ{6^Q8u&(n(S}xd(BE?roO`J3mc|dR}{E|)^oxVl@KM$Q#tcz zp;~@=KTbMH>AQaP0c^M#-N*83phn=+;vdOXv|fre|8`}AgzV)v?uf%TvR-}W`>iUE zv3{G2mXNslrY;8J+FXBH1u$|qmV)HBnadjs)&GWIW%yYpK??y_vToQ$N2U$c5XXt+ zCtN%X;&yfCjRRf##l?1Ir!}+BfWm$lY;Eu0cTW5Da;SiE683n-xivykvCLX|Le#=? zC$L#z*F=>OSzgcY4#Q!#j;)IY?@S1xl(_uH8R(nU4$VtKf5|C7Xz`D#j@M5w>0p?C zXa)ND#3Ky*xgdaeS}_j&NkFh0P=xPyTpiG=`^r#BVYy1HJr@^Iej+-qL+s3_a;?_+_udRqQc0C*vw9vG5C_zt{R6cZOiTa(`znA9e!K&2f{3~;!vS5zw z>e>)R(M)%bjl@-C2%d||-HKp{pY z%&;ycOGRQm-iFz&z>mIo4U8Zaa24|+R994&f{fIu$^?k@vw8^`u`j<$e~?U2Ms1p} zEd2xvmHV;gdw$jWw|Yc9u$dcJZ0XTEvzv5Sba6|<WVJ)+DKB^!Vz3DGG^xQrIcPOx>`pJl#rVVnp2G3W-}Hl6yK4M@7XT zE>)WEt}Yk2;~w!@OMHID4YO5FI@Nw>w$C9zCgF$$P+s}dR0JJ31`u@ zqTS|zA4*2A)Ns6eSR$NGgvXHcBh=GvP*OcC91ndcaCI*Vq@uSaKja2Zc%aESE-tz& zS5}gghggI@q{T`9H6XKAodG@dPO@%aiUGG2tfbP>(!gkGo0R(G6c^m-N;=PQYNx~< z#UH`b#bgNXzxhRlq8JAZ_P7rktBhzRkp7*UDrb{zkB}5@R!)+r_58)%Iq5Bv=Z?80 z$PM=Hd)*|h?BDmg0+3zGooA^ZN=kn5N8+545O;zkv~g$=5GvtfjEwKe-OZ#W@AKrG zYuJXf#JQuNPj&tYwbh^hk}(N&7A_0gHsqN4rG3-gq07seTM-v;0P)1sQH{TMVpFm> z+deNxu?YexJR-Cm9b#UOtbj>cFfbRPYixa49WXIBxQAJs(arq&Cj)|Xu(y9Q|3#;z4aD}9)A124KWI!+Q>); zr?;_PP>`lg z`gtpisn=VwFr|EgimTb&Ma|fNc5ET4*=SeS&$wy#glSYZXgO#{*)7}T6Ltz5gd+M@ zoThPW|GqkG^8U>kf3rJ@WRRz_zH6nrerRZDV8c>!shG&u7U>TRap)G=bb$0=MM0$6 z`b53Fl=x3@?%!uCy8y3$IZ!q%{7Z4b3OlA$9OQ?GfDKRmAmN<^(A>B{B=26Cxl@b;=VU|*^mk>|2$Hp3dwKh0- zwF)X>c!gP%tuC!km2GiqE!KRHcKh#H5b1}(M1@Kj_dvpAg50cbGL>8@K zMy_IA!B}9~+SsI&EM>`o$Pt)U7w0Hq8_-*8Na#M!U24&v#19nt5f!PS;P8Jmo%LIj z|J%k#h=|k#1Q8@mP`Z_p5TumBP)38)=6cbzSfCyj~|IWra3S@LIgct^RxGbF9h7dOn|jxxxTY_6HqK_p;M1g8(Ip z4&NMnza(aQ(6Vb@9GD&c!$G`7(qJl{9A6Jiv9%NJ%vv`@dTY~ciXxda+!4LYfQH~i zByDZEsTbCn!tX|fvH2VI@(AoN1Bo`hz`P%g#r?fHt!NA09U2e<=DoACf73VzXk$oD zx|e+m87;o?_2{Or?5b>8MjNo{W?IVTp}|L$6r-DJ|I>$o;gvcw0fQ(Dn!WiS8#xFF z$Z6%fZYhzvfTb4eWz^)`fW-(Cm?`c<&_Nu}2!T_jBl2hKe_R(C*C4@{8)oUS%$@OU zDR(cotR!IE)?g2hDQ#d72-yL$|CX+>D z`KUSBxNq#c+&jSAM=vDM4XY+H>4NH#dMXi?mXrt5N)Ps6$&$|=9Zqm1sZqX9#~cr< zDC_)wkrKsS0 z+`MxWBD^0!_bt`Pg9+gmOGMIF%tYncV};XBLHF~Ww;Cpz_Vk)yFqDDK&9A%rQmHsV zU@9PqgFKoC$z%Npjuvuo>j+v5jpPWFeFBG#@HmJ>lH~owu!q~Gf+7FrPc~E$M%&tl zOG_5)C4u0i(&_tOpco&ruHIfICZZ26|Kf`R1UCUocSiM|0`l2VI=)#t&qnvYr|I|8 zlSD+uZa|W4tNDbr!>fRZuQx&A3Wwe$ECKty(VZ=t>3=X&pY&*#>QW}ogWD)T$2wh% zpl_NkCNK}m98qk%Ms{rG;DAz>I!{#XYyUxG)F?9Uy^b4u)Pny89WCQqmb#eZPoWKQ z6BDM*%_2CVwiEx5DHG#+-sf&1Q|S=OQI5AU4Rs4p>1YwZNa2-sw*SsqyV|)fzJIG= z(N2!y**XS_+yX|5ZcsUP12PV$1se`Mdv%*78ZUqEW&w}o2F(nGMW{zo@9I+?R}J0q zYiBf}12D}B6=5wy_cuvq=%>tO_f;&{jy zMZ{{#s2<@THzCrUoz)>Yv%u3oaD||q71Y?-)p2{s1wM$Gv(FoOyX3 zP5D;V&C>DGk!jkOHga2TJRq}M)i)=44-OHtYEAV6EO)SyB0M?SsxpA0%AUvnQ` zc9z>ChrytkE&{KglFk%X!i@enN75ar^! zHH<~-CX?HS)$th_WCbaJS4H?1deA=F1I$+jJM!`+`IL)m}dds za=C$1Mx3&m1s)DnOpfHqox5CaT=h@OhnzDgT&)4fZ0`Ri@y(V$tOZ(tb&#qwr~?U& zDX*{Nk{d{atdLe0Sk)eJM31RLgZ#EaLnAA74`W!F+Fsl|W%Qv)e93YR%s^kEJPcF; z*u)GlNG@IegPTk;Ku(<)_genJmaM3PS=3*_iLiGGS>~D7%D{P zCkiH}Mu(q;g5SaShS^_AETX$-VNww}mgNaCRf6=mPgmQl`2^;Cxfb3YYZK*Apz~4@ z+4>!@VbukwqtIc#q!`>7e2Y_wrc&oI{kMX6bJ&Z_>1C_N=6(?Zqh7zVM&B3=-HW^M zm5ouSUM6)W{}in9CK6ZqROjgNX}6w&?xXJTXyaU`l0ZAYvP(ZSqV}*aI&PVwefMo;U}4QmLb=?{aa!T`~kuzn47-`c?1Y zlDSwH<+x1AA~ze`Mw*zHp#uFh>P<}eef(RpK4dX>fspIYD!EGuQcQ3C=IW=Oy?pYG z>8*;Gm6D=k%cOxOpS***h^VCtxlQb-s*J0{ zykCK*&V@{y(Srx28{0k+nO&iL)t;S-gMQ)66me%K3ZmeQ!GZr$APALFSi*_P!bSe& zLH;H7>R2d7v58m7zGa-h#DDmP+c^i*#3P%v)%-iRKDHw=A+d?tDsMw3Q4kF}Es^K< zf;9`tDD__WKuH%>CQ|kW1zXB^ISx8*;qqCAg~Edy4(S+i8$k@kd!p!wHHW1`ETWUK zN2C(NneGpR-GjWl|ETnByz-_A{F;qc3>?#o6J7PqXm!E_`nF*G0Ibs=MGh<*Fpj5=vc?X0L>k}$| z>7$PYO=OMuB0nh|7y^AZ`WcD_u~2j1vJ#Xu5pwo81Y$J%Z`^{-ot_8OzUv8_7)P3z z>WYDVQSs8zpAbI>>I8oyD-4f4zYhVt-k7d5+Seb0AB6E8NAVL|e5uu7^=w_WLaKJp#c|Heq8E?3WwTH1v`rO!e02`1y)S zxrc1GwV{JRWE!u}-xf*WZe<%D1M&8YG(O^Bgs^j+M$Trb+d{z%_KIte*{%7Atk#ys zzb$48jqFjLeqMfljW^vWa5vkVzwO%#Zm>^*a%pwc#X-|~jC{rG?xAd!v43B@A_q+Y zdA6Q={Vi{Oy3~iqvSXhYcGN6bn*?kKR{d3Bqma=%o!y%A@p(i)i1A_V6d3ULt9EHQ zoBNL9HvgcbVt%nvWlB0ZE(OPAR#wqd9W`*|AO4q1r^|xq=mg1Iy}h z_}K!3sqWrUgl{ZnF=5!qtA&CUwbT{kqg;(AAhY81^$fi@2tdj1=^L4wP0<@7Xbi?1 zDXS5=68ZM_xq^>6-zZ!HQkKwVC;rM^fiBuU{Mgjge_|#&XZ=~rA^*n=0;EtJ^pnpk z8KWQAJ4V4>WQt<)s+;|=yt`EM_}xgJJn5pM%Haz`zTDmDrCr~%=n(~ldr4@6#FrqL zlZ-Aezc%8;Qh_t+8aSGxhxxu?O&;4|E&8T)X%kO)l+)=SYp0ene)ssW|Hc8xb$7R$ zAu*{tbGEdxs|-88eb&bl)i9Q)Y#wX=Hhbbo&g;|=N#~k)da*XXv0y~}Y$aR+nCq6s z6a1tS;75P5)2kMm{W1u+A6?9e`+Gwb_4_|W|1^E0212P2K)+OYRF_`@V7m5U8s!79 zBitumDdCr1b9OF2(r!Ol$;cpQdqp4rz|zJ}F?5qJp7OTh9qd@6l<77RzraPj_vTGy z)g_>8{q5y4j&8Rq@e9hk6+{}6s;?gas?$8YrI}4H9-x@-Z=TT%Zf|o{3JHRCf+iS2 zgBzQsLLk@Z7~&oIt7{;ytN^r#3af3spfk8y`~0QKrWl3p3qc3qNFqB8!j)7yFD`eF zFyFAhcPJeHVdw172!uv*!*w<}Xn5n2{nKZ%9iC`!?k*j4vkHYA?T=iY30?l{0x_ zJ1u+@#l(>+T?n^O7>dQ!Zh33@JRS5nqi*f^@2n@iu2}>|tDjT;5)|em-&{RV*_C}D zF0LdQum_v>i)(A2_JpI@2-aKZY*g8%katUc_Uw6khG+KrHD4Q!yYt6f$kQB>!z8)`u zL1wF3{C5)+dwxV>jIb~v#nN@}VZlp*ZjU+MFGqP+pU`vSrHf8OoKq<|fVXq_#;*&& z?Op;$4c2~}Ki3GW_A=2N2m_0V@=i4gawr)NY}5l=QO-&<4y3#?;tZ_9OTA-(7OdSe3I)6Ei z^3>&2_RpF8{hT{iJsz-%tyB#3X^j-CIP#iyyA{j}ew}2?-tG!li$tW&_$Z^s95zfM zV?Ko=B!5|G5eK|`fzbKe^lmh|D*47{jFz!vG2M%&`wYC-m_7+w9|}H`k$m9B@q5(2 zErXte97OAPf&+>sE=i$jiU{U;*miend<)dxCGUUDH7v$RX>b+P^`Hbu8`W_8sjL$- z+%E+<#vIU2KW@*exXsGGgsNz1s{lEMH8OusPo6ftcD-<*;gR;a+Fr8ABM^;0y~ztH z;@{KXoa5DnLPh3_`OLS!QwlY-3<}q1?=LG9_rh|SB( zY}&l!$`aK+#J;+fd5@HpV_~?-)|yYc!*{9bx8{^~ywRj>Pqz#L5|aorDXxRtn2c+2 z3^t^}9BziGyhi#J!?ie+)kV0&Z6z6aN|>>TcFDw@zR)*^(ARVnrOU?KTwD$tozi0% zQ&Uqqt9wzNUO}h3kGTT(c7fTq?cyR1^9^nQH=6h(FRo&?{-lTc)uqf6-xV=$iS_?@ zD1Y$~*cwt&+l+X__7|dcAoc{uKPLxbo=2;2^NQ*oZaPHHz>C%cb#)u1HzkkI78@v<{6Jrc6`n{o zswuwXpI_~K{W5Ge56-XIusCl~cH~LMbU{4NyK@OPH( z&<0~?@R@)%f*ny9gL$MfmyOVH<*Uxbhub=fPT$FWsg)ctG86OHNB;E0!c=ADw8pmA zx}|w4sS}~{CSP6`Hw)8rVgA9xx9BE#%&;#W*(o?;vjG$N$n)n%3JirnGU{M7}7#o-(D(lnQ>ojBrkL7$1vcdD}glS zXlRC!_mZ4%P21s#ze6t$k1p@&>n)O`S{R_BXGzCO8xL}`X@PB zRym9sL^Q1B|=+7>6fpLlgxzmlKnFXg-MosuCgtSt@H890mD$?UfBbZjTrZC zxATj{&Pj#lv$Je2BO?KkahlQalTmjKTx|*j(r<#my3M&rS}COPm&(lFdjx8p(&a}f zYE~+zKKbn7p4YNZM)vQ=#(eJ^@AT|#&t?UrOzIEL`^^o3q_y!$vyl4vMCA}N7_M2X zQL9uY(pl_)ANh}+vG8A>@n!~J`g0*MkaN^7;qeV7|H(@W;im-mm*W^omf3l2W}{M} zcf9t3%G}&4V7a^!eUz<_G)Kic{&F6l(7D*$)`)#v!xPCB>_6@^tXTRvM~(24rWls? z@H){0HPCF_CW8t^m~I{eP{2I}iH941#f1j;4*FKV43K~XjMwI<`^7H}1QxJ%Sc=X*VQDB@idSLV;#8z0(bXI|uG z3bToe@L+$P{qlU#qYt9#v_{i4e0@@k=|!*9aWofxPJDxv_xt^-O*x_01H3$M5%(PQ zwu|ieKChKO^Pq}wdtr{dS#y6aYfpR}yYct5S6Rwgi5i1oOW~ypcjBF&>aBey@p@A! z-hqtji_u^C@$8N0Et@IlCiz!{hLoA((T@zwiFqZ+IKiVZYTReQUNZ^Tu(OoV^jH?X zRaqL3iD@LBN3DxHG2|8=9!ay-+%}#NEyQyAG^`n-NgH|3&iMA0&fqcmur z(mK$sw4&O1e=pvSki#LS_Z=!2==|I8x}lMk+(^jNR^mh7z)h(*c*VhZP2CMJ`*kd; z=!U8UVeVqYH?PNltO=bQ&c{MD*$G|`0Q0mja+am$SW!0?mJrr&5_5fY#$nDXHSqQ6 zo^};nb62~T4jhOFfVsy=9wT9VzLjC;lxM4CUwxA}WX z=b{XVCh<8QeSToRL**ML>hCKOtuoRf6`;>nwls8w4*9H10p7~2L*gfE`C#6?!KSre z65HTU1-qZLtws;(Y(6>gv2g0L2C`^3UaZC?G47r%9W2kjP^9gEIz6V6k=&;rqy{{@ zJd}@0WULi8&l!vM^I}{x2Y6R~HB8KH+_jX6brA|2w<)Rfpk6Ot>1ONQ$+04EzVN1x z=@9p4UBJS}m}4sRqn}vz;^y);AreSO8k5PPeaDg^iH)GQP%6cuLN0m#ql=m(`8(0U z8aH{oMO>LU(KHoxPH-IJdY4)y>LtnCx3SHx+chETH-8D-Tr2Uu)ZF}pkf}0rMs-qc zWrH?*t?7#)othH+GQ;eF+0~xGk^EO;Hy4l?s1~$%;4%W7wKg$&gW-$?{ZhEDP&iU}=@V=!weJI%TC7ay7f? zdNkiTOYx{gCX^4(fxIZRk*%$*3LI}t6l%jiwsHZJWW(PULd9cN)^pBVCY#4Xd2a?} zk>UVeYv=(I8S9p!= z9j}$0v?1`5uMQ6?9Nd`bP~dUn3RD_o<6PrasGy2CNR+)rGM8=dLfuxDCSAX;FzA3(SHgB_j ze$wgi^1mVJE;cy{Gg)6&tMyF7v27rkm+w%d4w(+h{`npX2llCG<*D$p3=E~Xap&^` z%VS`T2A0-oZ|W|uy^pI1GNcow!$8I68_aIab*L#i*s0y6$(+2*Y-+Nao;hH&3Xo^v zLr_PC98H({^jZme>Adcc%>D)X#Fx6+jBR_dM!xUK+r@7X>(!x|nnF`HE?E_$C3C-^ zI<;GLLS~Zh-Gc?kUf%!cvreIdtGt?(57u(G-}!}f?S9bJ@>8Kg zVt`&kUIkm|Eq303q~Y_2>9A`tp!nf0{|P0gApiB%FyZ9Amq+i<)IL)SouBf_y&Urkp?@80-=miiDED*vb6pf%;M(q4UDp(k1j!Qs5y~URmhIh#c}xLvKUk0Teu(fB*f?`S14fY1 zO;bQvjL^LQUy;GToV^~O;Tn`YN1_RBsr}j7Idiia#NK%`Zhj(wz)9aBv=4b0XFzae zvnog4-d*5K#2wCdE?I0FD|k9|0@VZFbJsh^Lng1JGH$rq<5GACvSG7{vfG(cHG@~P zXovFumq_u2U;KI-LKG)k>SyXMxF9u<%riCK-74c-!spT}@WOkWVp#~oXj*bRZ&dXi z{ENwFj|ES31Yb5l<`2n5O8RKw{`#OgDT^d zfwCNi9arY-OkZcUq!o#*sXKr6@jBE#PAxmf0X?Kmwk1MNd=%hoYvXj|&l*QW|sCAKYsk-{wlXDI=FDlP(ZMkbLI-@@)E zWh%8vs~EKkSD->AG0G9CcSF%713xx>jJ)SS-D7DbH3U*=K-8m*cU87HN>c#rE<^*Js@S5;E1Ubd+>aR5ik(W#Ghro-J6}|^ot)q= zhgh!;qPe6x5$h_clcOa6=R;AU@miH~C+>X@Swm+&*;wZ2!G8({mbvTe&#F(#C$Gz8 z36LYzSsM%6;1iENmn@@;Kx>>#JdBJ=PMoSkHw$8^;zwPLL9X#Wz2!Ge^$Ge@Zsic< zYyO}5{V2z3#-B30uRcPr4JUF`I=uh7-m$pm?SJ-RM+=6uzraDlZSmKghTn(t*KvML z;=ILrjcY2vtQ(#h%*L$fKw%T&Cv7t_%ygZg{I!o=+3uf}qk~1<5FO77EIlXp7+s3& zc0#|q{w+*@tJblFAt}z|OEF_|X1L{3CA+7B-}tlo2gkd<)d}2YXN?xvMq27gxBn~k zYvy2oryM#Y5@mb$L+bC(t|~LBK?}2BRV4ZV^>#zZ=iLHX%db(U)nQsG4q6%Hnm(?v`wzS;^djfttF zJdaYFl{u(;#@FJzOCA$M%X&_#3L!m}Xla-VJlZ?${Co0mYvWzjf_#Ygsq_t^H-%-8 zuie94%Fq(?DAe0HM7wiM0*|yMFMVPX5X;8Kv&sv(Yxa*byAWXjj*!?KxPDwCwv|Lr zv_s!lrBsX#g{oLTq*L{L-Kc@ai0(Sq3&^BHdJBED9wN;yyt0R=6+^DDRWb86*lA~} zh0`fjo5TgDXnEf%{zm4=lDJp@rJ-&ROdo`^gupWE)0VRz#PRcF*yFGDiVJBbLsYMJ z4jE>Lc8=C8+BolU%A73?B}@x|0|+`E2G`2}acDZl{G7PmkYfG1{H2}1$9K?DYZ)D} z{T81@#s%Yg3&AmdnaM(*k{wc#%Yrf9WYb3|PcF#aubT5Z1tNLD?2A6;u(y8lw`7Ge zoR%jF0Z=U68)u1iFO)MNk`drf9C5&#J$uXhd2W*h#ph}3QJ5-MV%+^H`f39{WMXcW z7VcZL-ZpP`r})O<9fYtv00=ekX0{0rg}`mYqlY%d5VlZU`n0FL>xEjF=& zC*Pm_o#hHvc|-_`=PdME@arx8JEf$GHp~L4V)iRd1|vb{ML;|?u0-LY`|j`PvPY={ zjO1Z!5cmH5&mO-7DU(rASC=kVmq(W;oo}kD1grAo8~1|8OTu+`5Vfs{~mc zuaNR#xDF*9;8-E36l0B7dbNH>gvbLCn=q~Q$9Stws4%RHq)k5cHGc4-tdmU zzBwID>m|58t?3R(m%g#Nu>K2xus z$9J+fM@+Zo=$p?6g0#w;K|WTnSKhN78nF=THw%ugDFLY3`qdT0C2hVrvy ztw>RFH8Yi4zdrVPEPj%Hbs@xcPba$bH8eU;r_}zn-=-ByAJS7~ZsGomq)6yk0BgA3 zL}8K*ELK?Am3}dOKSAI66(QFn5+t)apB7U#p+smG>3!hfer!7{wQ zTXHBD%T`F&JH%3N<69N0Wqe5PnA8A6vw*U94WLHqf!Kii|J~;vrL1?lZrAA_#|Fpi zj$|}>RMH)2lSfXRP(I*2Wn8|pQ?YwwVRN)l^_fu9Skdy27xGlJhFwD2d-x*)_S=s2 zt8L}m_HVCqW@S^{oj(A>3q*(Sewa_?O&+Am3gk63{(sidpysKB?AEKj*~$F2z@ras zLEhDFn~b~Lm&}2bo*z<8)Ma`rXA{5P%*!OB16L9&jhqF6(Pq6l9#r+ zy(H`nWX!k*`5gDfv0{g&0tapL7>5mlK~4$g1r1c$Gcta)PLC6w9Sl+xXu!w8a(j0h z7K{y^uQnfjYluKG^7>tQI1Ox(ItfAwFiadZ29Ea1TC+E8e#~1|L?tQE9m?Zs?m4JZ zIsa@n6Za_{fH1{DQbDa0`6tHv7QNY=&o{m}Y z;UOTC&;Kts>!n7jM$kbm*P4ugCOyx|B3u^~FTyQcCUT2y4AS@YK5F9*0+XtMfGkQH zQoOHOMXd1u;RqPfGDa%>qH1WVdgH~H?%`aU2DvLa(&KxnZF7{EIjWDI_$*QCXs$AM z*rugT1|s()RI*bEgB5ci+g5~J<$_o4jZp8p-y2(^bcHfX`ufQ;0$i}glJaK*7h7DW zS6g_JRqFGR0dZv9{MuK-Nbosp8-I~m$Q2GS4-4fh+&#Y+8cTg&y0^pQe2_7o8Z~C@ zUU^tS3_1D3fEV__d-Ym3D(K`j9{S92=}@wTb77wpO-db`UEsJtyW88YIiK0-JEzjN z3@%EZPCG5^o?A*#Qj35rn3x5TfCe5N{Puh02JLHomYo}BoH}Cj_}mv;Um-WbR*L|IUXj+gf-eO@G4v-qU$^DARDK<)j z=T+4FRQ6xCg)k8MnF3Sr+r8);?*^RHC&6z$bsCfI>1v>d`$Q+Ru@Pkegj+OpNVXJ$G`P(hKe?ns1uNDdGESAv()_@>H9Z@W`ZDfy1=TZ$PWme!Ix!v!?_n0ICpR|BBheJnPQc z__1O=JUjGr>Xr$2PhL#3txYWFb39!UmHE%sOgtx8?*ls(FsnV4OlVKkw>G`)Pn07Q zwyeZVK(r)$uiI$$!zBgELfmRPT%w$Ln?G^i6mqLvK+S!fg12nUrIJenC2}Hv5OS2BZ;W5KA}ItN zy2>u#xpKeC`?K&(FPP&0+v;?FaXFnIxHpTx_&bY@emCiZOp!m!8Gvh$OAl%Cb?Y%+acj!-xx}R6$Jh4I_3)k3$0I|Z5VVD;_ZmFN zq^L_EJI)2z-Ys9@!Z){GX5W1zT9e|Ctw(4agEd>#Q`MF2ADo>P#^p`(e3ty895D)7 zZJD8wi|Z%*bORdimoO)Mjd!!iWsAO~z(z}ezkj%&k7*Pp5htQYeJL%V?Oj#ESCMsS z!Yyv|)**8!Ev?9(-e1Ziulcc3nJNHk?tU95J9m>eM`zVj!<_Lewl#ZdSDH;ET9Dja zaQxGG^?;#!sxf7@QW7laMXehXC{5o?Hbhj&I+L~BYttXJX%(0+X3zBuUCkY@?i6ht zQ4*Zi&+T9LNg*+>f}QZKrf$N3gjlQZV>%R3sR@eJ&MEEDa6VrQ|z_g#zPr)JQ!P;pnq@eVEV3^%V zJyQLB947nKMg*LhuJ(JESpE$JYQ_L}`-GxcU@103Mc2WpP;0B%T5W5jFUty~HAfRc z(X`$ZS?y2 zDqybkAie(9?obpc<2c?NshA3@h_|X8pZoRv4ki|L=N4O5nO&;j*#xR@u!QDS32eOC zhk9M57`&Hg^0flaqI$BqI#AVmdE}XOElf4L@Q;~nH7kv zg>9+dwC8;GEOv6zN9veCD@D@~qEx&kJ%}@|kPX=dva9Yc+V_<{G&9*uPto8@oYrDt z{-nRbPn5U4nbC1R@0;xgDxQGexI_CrY4;H)km3WdhzCYP1Bvo7nWEozg=L(P zrm~fWkvDmSx!!2I>x7oYd0J3cca0*A=Xa4-s{RbInB#}`Em*erWz3pP(EaB7IU(0tW zl?da1Hf%W_MgCc=5B{AAdb_bjjmV!rOOQu_0vze zKjy?yG8*fYKYOimwpeeXUk=f@4NiU*tD^afZ$S7!Ss^s+aqrVfV^s{%vfrA+7&{OH zD}U&_X{plnD3u~0x^?m2WcVxYV7sG_Fb6^8>P=Nb#wb`is+z%k$v2Bg+%Jhk7(fgm zXMYBWrY(&(L^kWQr@Row@Z;WPZ!F!yp;gkDG>ejwP4Mo;-{AT!rKx*8F0EG`0oMht z-A(2USXrM$J$qD{AVZZ?svlQi!G&EUuW@LK^Ky~m=2kok3tDCwYCc|`x=$u1Gm^;H zk|C24C80?3c~*ZawSz7<`YGHi9bcsQnr&$ z-Rt8x(qu@N14Q|tvkRQ$_i zJ#+5Ss}b*EtwzClI+_}d#6YgjK4k4!C#iY*xa4{6?FZA_bFy!iPt<%SPw4Sy)6y1? z;E9>OTVfq*9L!6)3i~H(c?r!=izh;9Wv`R{y|e66qvA0=BV#`{ktbxO^kOz_vg!le zis4(sZ1b8mbCaMDBrq- zSQt>jI7=xJCS01Sex@_Cv%mATFtI0!+S)6eWT8G&ffMF7=8s_R*00_KX6iJ8jJiDdP;vjA;_u1kz(-%yD2W}EVb*qm!5FMZI0-qwA|bI`(mLX zEVz1wf~OBp!fX>VMRupDt4(LN9!h@Xx!)n<$p(T2xvux<9U6a+0DSUe=PltixdX~mb@s$>lTYqf5K|PK(j!qIjg6M?9J$w@*@B^N5S$6TfD1zbYX<^kqdF1kOh<^4&vaFtBmn z*mSdr?Ra(`xEBWqT-Uh588H3LDJeI3U%f#=k@_M8JDq`?TilGxz|X8G((GqtopoC` zlWhbx9q#E+uV{dzavxlVy zj(4xyOfp2EdKhO%U#kF1XItL+A(z05nsl(tYM*&^9I`(-=~AWOf4O3b8|q~uU&+z# zpK?Qw!!Iwf#C(O2vlaKG;g;vx`}VLj{far{A2}&lb6hZo|5HqvKT)X8h)b#Ra}BMs z5P7e?hy(F%;K63!k|!K$5Voev1hR)tgo4k_NZ6~L{3EQcs>-#OCgx)I$sfRHbd{R1aw+;?;U?jz z4vtgzPqTL(i|x;{Yz%T3+aXZivoNKeb+5-=IccVwpj?p(r!&Kg(XUC+DU} z_HP7eDI&O7;dI51|1hqqRRF{OpM9P_yx-4o@5joro9?(9{`l^@r>n)sK5CENtSBMQ z2ZA>Jk95YeHqj5ms)}olso%zBP1|7aoc*MXG=~uElVP&^Zm;P@{1tN7u6F7}CjU%b zZjQ+R4Zt7MYiGm*@Jq+~Ac50tuHdumw)2+#N}?rKVCugKTF2b!;pq%?>jZ#zMAc~`)3X3r1;fn=tjm}?99TwDJoBiAE=MnobN#oOMMH@p6} z!naMHa@K)0dCmGDPqooNRhZal0Ng*)D&8wYhwKr@)F*3eOS4>fQ^)AIdFr1~&D7hj z93VF=XO-YFRg*V2Z-)KTE@vTp0KwR?0~R{L`*K`gt52P7Y^++DT({i+GLROv{)5?j zF=Hw@Hj^FlRQ9a>VwO8Z?0ydn>L9^egvq>~3__FLE!PK0YxR2Hh+fnf(nhVYQCk?& z@Je?2<0V3;v<{ancqm6||K`T#CT1o_0gC`gb?V^tAU+yu3MI6AK!_zl(26$E!b@DE z98Sd(1!y@D(S`f;ayVH6?(YN3{NRgQ`dsu3_0h{)^SPN55KCHQT6NOKAJk0kjIVd> z)gQZnXZgD>zRxO66Ud%ac%q#q3pRe#3NmcLjK&|sBUfalzC;;Ph;OKA$I38@2qknwlIvL@Z7vbbg<8HkA+Az4*6RTJLhXTTvx{b+YO$CjG~F z-w;W$Rk^@!GVES*MD$vv3LT5pnE3h90XO#9ow^lGmmpt;l&t(<_!&^~1w{5U{VDC{ zMR~QFIn~58WjJ-NgP6*TP7e= z{9?i9Bp*D$CXuF>kDSGx0}w>)dFRz($d$tKC{bz_B1%!7f`S(pS;8s1@>B}TpXM%a zO^N;98Y)ENWLA4zd)6O13~a(v`u#_2y+aGFY18jhVQ;$b_Bpa;u*P(sO=y`%dMSq%6!WJTE~#8hR1Y6(4VBlW^hR zo1V`=Fos%`Fe$*hr`z;FyuGGLKK>j+ERI6n_wciHB;+#aaPGu^ECS6htp?3ckB z;FOHJ=}Y~xG|T;^OK|o!gdR6qo)icvz{UY8&GBY%`!B8(Ey>%{Fz-D0EzW{1DvspM z)|4H6KIvl0vRk&T+3K+Zyd@By*-Oi|1QCB?PhqKqrRJKo-_d5@_;|PM258hw?Rdy<709G zvME}228USGAW>L=R|{EJ{O_TF%^GI_0c;_5L~P@UUe1AJmK?bHG&js-8@_gZK4#rl z+S#o2ca=AJS}Jfp zJ|Pd$@%3iqJ(a7SH)ad-3jo(gjrF{BOjKK}$UAxLneQMUX(^lQymh0A{#Uy(-V3zt zn$kiqPqU>_OJNNv&x$t`Q66}7&WDoW3~{Z>xoeB zqz&U=Dyb5`i&|;|U%!%J9X>ei7k%3yyfAaS`!F^1(+CQYe|kC`PnJ)h6&6+^ zk1WaZEkwnR z(zt;E2n|B_>%NNWkijIKRrU*(H5f;YMPi4o}tn3|s^IO=NVPba*k~0Z+xQ4?E zp$eX9|GtU+oBmQGNb!`x)#mP}Po7>Y+~V(oX6=*7sNdaI!rOmgzg|5gA-g~7cj#3od}%Bk2xBqrNntSx6M2Ey1~-yv#!R? zNZy;zLDEBd_YV%V4$xyUnfD=L(hjsnmqt&YcZtzjfRF~1jyJ}(g1Dvi5^YpIsL;_F z>s>b&$Tjg;v(VP|8U`3-K|vmJLpb~At2r~{Ly_pC0s}Hd8_(ev-Wb&9VBvos+U6q{ zowv6c3lFLEuUXM;AFdk1@oLa=jQGL}U+=_@Z?Sc++9rx?hezlpg?AHU*wC59 zWz2mt0mS;*!dUVG2aB89ci*ZYo}9HC-xZM@v0ul+Ck~T`6pJ@3QBb-j!AQ0sS`}LL zAl9G*`6$MgjFQG@e3QN zfm8)$*51O6reRvT#Y<1eE>Umgr-FRR!@w@c=;Df!s)$SZf z|3l{5PKUB4OJB~(^lWVLF=Dle>Q(0;&1~M%e8ZJ3&D(K zC!43MA^rjN#Xs-|%cCugepB>r3Q-ktOGgITWzHJN5m8}Ly*?H`uo(9Fi01gL8L$%u zu_Rc1s9#{!Mqg4%)E=_RrLP8}UxPWQ^&xb8>TSegUM_bhGXHh*^eQ zD{{FUonr>IAJ1QTKe4m1Gyeo>3d%_1Emwz9s1WC+>9gHj2NOBL_*}@ov$x1*T@dxl zu`zZwTzs#rP-AR>w9fL>3!7gP2bNlq>Y5tboVpdhL_Y~VxQ9V)@aolW+tsAa(b?MB zu~|sVZ2bSxbe3UF|L@x$NQ`DmDmeum(h>ua9MY1b94eq7DKNUzQ6fk;@})LHxpaig)5y=@7uuQ$WfNd87taYl3&hK3 ziiv`qoR2Ag+srTofvp$f{{*qpD1H%5SOv^L!x~(Z*l^nl1I&uSXF$L?=_vR0wDHCT7=#7BARz>n=Bgc4i?HGPv?-Enw{L{%@j`xRwAm!eY2bX=f zJf1wXP<%nWgwMSRg2v&T~L8L_WU zt*g@mshr&J2lBi49Up5BzIahQJuMy-{D2HNTUGa|`s15U>td^IE5H4^?}#jrHuQo~ zlGVN5cSph@$SICC=z2D9Nb^G;%k)>Gv${{Y6R{sO_U=*T*-5HNM`(mmD5LSrH>1-E zUwlSzPDn)k{Op+(3argMC#DMRiffOpKoO#mokReiEVF<$#4@WA-+kkC=w9M3p2peP zVF&Hz%jX=jO8scU49P%xlk_G>8!~blYJ_gSQb)&ORF>*(ftJok?}C2+_q^1u=b}-z z8aL-#x;S<^k?8vSFZZjpgPt=C8pgy^G{6Q1qs8e!pAE>sC}Ms&3x1~ zBw4p%TzRdA?cNY?1=z>QG2rwa&!(vOZHjBC)Q3(KyW`WYQrC)PNVh6(b`hU1b`~Ab zz5j4a;c6T?eYG3Xb3QjuC#U0rb>|EPO>e=Ll`N-m*Cgvu9#~dL2hlE3oBzv>UERF1 zLetvs2dmajReOHa4qFk8`S-eSK7JqVXyY+si)HYIl=hZcMk<_eWJ6a&gfFo=_L8;)2vV*o={L(tgrYB=VShc=}~dMU+!5p ze{aXvPV0)oF-xo2O>ct#9+Vmh6pxGmYeyq>?I!{PSfn=OYvj-uWR_>3bnJiDFk~NB zl5GvbWR-KOClW=&CBjjwNJFznI`_ zD=tN!&WOwinjlyV#X0=n*cJS!?+M~9^;=3%8*SP61A!Qhk`n=A#q@Oc-@dS^0F5u< zC+E8-*7DfbbW9JQ)N#V?2!Fr!smIq)wq3uTJO3!VsJs|1O}#_H!a^wqb$1VKmaCrH z$dBC!V7CpaS@cx*Nb*M0FP+vr)Wd)C!Ktfoqmi7pe_Asf{el8yi|gm#G-a=>vX28h zqS8;D7b}ik0j%xDy#gPBiR^c-c=(V)-tjj~-Z{o6SCcYr~m1a?4(Ngw)LM-n3VpG^w;KE{oPg zR{F_dCs#Lt5ng|%y{f>N5l-{=eX^Q3iFHb5hJ*S$N#|}^9#~`T9gKUPF?PW3@fRS@ z;E9~b@bOMB`%DvFD%%2VT{o*uX>3w&^ok3^49s}^+<~P{=lNxTcV6_=pG)6=^Icce zkc*u+R~AIkQ(lk!5aJ@!a>&(%r~DX2*JW~g(c#AN{M8}T^Jgx zx8>~2DAML2X3~US_{mrlYD-GMkZ#FoYR7KDWq>(gk2_oBj71f!D5dr20WyjCQN4!O zZPbKifH8orq8pipMRrGifj!H;|wk zWJy~YMp)p-P0Jnr$6JF9yPDT`L43pC(c1h&Dfi8?Vycl( zo5)8d*xEmAuRqwGW8jCB>COkA?VY*!vP?O|a{cJ>ag<5kTWtJo@d!5_fc9ufao`v) zA@%sL>lDpum%6f zAMZ8CCEfo@EvvVFSnEEPt(6nzd3;-|!>7)HiG0w*+0weSi~_A0dQAP`m{fQE7VM=3 z&EkfG?7a5>z*WX6d*gGq=)a8ON7q%~5=gTz3=J%X66|fE2&wB)hL6v!>sh`Nv{T|g zB-BlM!6GZ1tNnHK6oH9;jv6%UaPl-_s=43h)Xq>Y4qTbCVzj-`YYyH<5ra&B@_pfO z%)ORp6l;~OEmGR4@g;wGv7h9D`&VS_=F@w8rbhIx76VJCu`FofD@QW$sJ{vkzBhFGx|Ggk;aDIoK%Lji(oeUVS zZ(Wl#!^Rinxp8>FxD>*|(JA4>EqP;{WXKm>_o2Zg|8%SU$H=CD|NFocFFYTex(f0h5E93Rcc-<%{PBzTS)-J~+po zAoO)~UZS`!fh+f%xZ?R|PO$%VTEl}wxPG4<;(9)Jd7AS(F_)X6lpki)DMEQs_Y5Pg zy$z?;qm;yggDw+rv~UfdYgu}UV?!mBh15DQ=Gwm#vqhQ&&Rn4})LJnF;=pJ#BY(q_t)j0=lEJ!o)UpQqzXt+b%3wLmY zCBfkq)K_2PyvO9eP(hFGUKpjKK~#HbNl%7 zp#zSAPM7(gYLzXz$&*42&}i~F6I0WdgqXo=p#qz;Pkc5CB8D2SzqpapNJDepY4&YM zVg0&lc|oC&Fz#l%zMjDs)RrV%l>lbVXsE@u7O*_?suW2!`r$_{ga)9B%zmxvC!>;# zj2OKC;;hH3jbq%-0M_(?7Wb2j%rL%tgcmJ>X-ocSIt{(WZ$HEd`Q-gDI|0I6F!n58 zZd;f^g=|#@3QctsC-bvEB=7+P%<&1x0vcg0B_Hx#X)==6aR`@kZe$azkvsuwL z^x0Fi5K=HjXm++2EYO(8z6yh6% z#-Fb4^!Dxm)ZVIXr7k!@)5V0&B+{w!?Ym4Lm1QPPaP$&sp!Z;AIfy#Cc$(vv|J3DK zX}&oHjZgNm_z94g0GWEI%g;z4&d+0h=LmW0-Hs)E?B^&||K9mb`u!ONi2U#IXd1X= zBqq8gMX04f>_;Vy%5$sd&z?WK_JQ0KhBvnpW>79t+&PtdPr!HoiW1JSG*^H1k$wDx zrNz{g8?7=qu=+LOzhm4D*6pGJm=d=>ftZ12-N+B|Cjl(sqLAr%j~@z^!%tJ-i!a7GBkb0oNf>YKVlgqbhU)agH``}ys zwS!;3pcHjg5jk}7gcxRI( zIoa)W`d;Ehlu~@OTwUUx^u-?j$|tt~~+CeM>x8s2gfpZr`v>!1ThO7?liQ?t*@|$~1Hby#K8( zQS_KK8ij9I3aD>z{Tc@*;{!9{j~1Jj7nBrp&%1&9+Hv1hpEzSF8jIrH%h&xL6G`O- zKWvcv>^!}aOV@q75J$o5&uv5Bo$Rh}Oq-2tQpy9W)AIXnlKarBvR-&zLb8wbRHc}h z58mW0TC|~La-lu2rsaosxo9Icr7KI2zfk-dR1T`Kz0oC( z9J++*@fu+TsBGpS(Nr$ImaI{9WwA?yl_8t^o0}FH2M-+Op`1glGVSgC7M8S4H-*Io zl#f-Nr8GGHbL210?y%SmRKndVuQWYsLM(Y1N9KYe8FVB{ostH;zrX~Xuif5wdfQzi zj*{?bJ6jycZqdj>XQfJOTlBd1_kZb`9Sn3nTx_Kw6p=j@kN+A9^weG%{W}w{p-G{E zRO^u0e?P~3_+TNljnipy)8&EC(#65uaPk{l|CJ+SzI`}6w+0+|?yx?-&!&=l`k0(& z;NXHZkkW(4!_>RxU7rwO#rubjq~pu(;ezUijgDG(QlQ)}6 z1_F<2zuGkcTZUKX??6|+K|!7fExXz z6d4P*JcN=}HRo`$h%qsTIMNGW7ks8j4d*gERm&BOGqHXabA$^)c40zq@hqgX62$+5r6>ZvvLQQ|NSZt zAzj|394v;%eYsX0Z*vVVto4FRgFUi^S@o#1o{PbgI66+(6d*l78?pDitJTlli;}NpQs`H7>~t@F^KuiY z=^xkP`FaH4wB0uhD^o4*qgiF@=^$an;&E=G(o}Em#t^HBJD0wJq|4ovgMH%s=~4h? z;OR!A%iO5{#iCe9X6b^L71$7|UJfluQU2)hZb?=z7B+WL8G0cOWW8mV%(^xKMup3r z&7J2b$7WXZ91bs4R7M0MoelPn>dmI&78~9D0|L@9Vm}yiOZ;23U~hSM^$9A2XEUFw z;*_H&&I;_L0imr=&0-Z$LuPKW_bk-CV!U%$_}J$_R;&vBmC#9jY|6wL6s6t|Xc5Wy zdLla`|MZJJvas0eQzMhcf&EdRQPkcU<|v^L&IB_14YT=ec;9>0(L z$pw@XY7g+e!Z8xS&@}4lVqKo9xGj-5TB}GW<)4z=gw)9v>W;r?d;*wQkp`gdmN(G% z{=Gc;=w!=h-t-Q=X6wO!o|r?oX5;+f!58w+{3R*EBzhV&tc4ADWM(elURE>Si&A;dwqzdhlLMJsR&%xDG1Y6#L?mH zs}oGuf)Y<8WhxIZFhRQ_C|&GtO^u3mUI_LBO{weh;={dpiAx_rF>^aD<|$T!ocZiLkde!^yNyh5`Dy7D<6J!7pUJSTGmiz2QER+ zln?q}%X_4zP(Q@)BI^HS3|!P~&#|ahBBy5g>bJ92fd?Mk?xUA%!cQ7hkT^Jh=8DMp$x&PF^RUMv)eO@jHsQ+%H|pk4l}P zl{hxrEeeedrQ>$m5F6Q}VHO5@5I>G{>m0$VDWmct$vVE;k4125s>}@Ule+?{Mtqn7 z;?E9BeU%xnnVIzH6sNBZt#WR+$R_>}&A$YgIom`qx7#-|8~AT1@rC#Kqzoa_{?nD{ zXU++;L0mPxvb3HtAR*rUQ1zO)QevfLeJ-fuA1Nh>4Tj@?rNs#rV=d> zoXp%UIq8T82ys;$t~y#0QnbeG#-YLLn$1j}s@*cpLFmQ%*;_BcsG$G4uIBS|A84>N z1wMT-P5DwFlatqg;I01FeW+N*#Z7hX8*b|oHDvBgzQ0+;sU!L;I;YpY!i5&cSJ<+T z(-SQOX;$?pgB26wC~ztTrkoyBeVx2qhT89ZhTg_Jqy{BxiyphdQ&G)_!|b;pk8=GH zMi3CJm_py`7IG>e>ycZYKo_oJq{k(Bx_nG-sNrXYC%eWI);z7jW&;hk{CtvJ ze!SsNmr|Gh3+sT}&GC1+l7ydptbK7d{8x3O$q{-B0jg}E+Otlh8GYU>oIv06pP)35 zk-gnBc^7IJ&A)lKjfy~=?&tDmtBnFRst8*az17>G55tjVg(Km(=)9a!z3AwLl;NGlM<6WDhY@0CMJ*(( zi`d)C*T$x|?O>H^ObqKpLM?HHT0CxCPi_~WMc@A?8F0E;Wmq?7PxCwHE|$Kalvp5) z@(cORy&{!rR8I6n*IhH%0OBD3`#jPUpU@7V(5D?`*GG@~Ec+-Am!7KegvZsbWM4Oo z51s~9m{ywq^8zom!PpH|3XODU>E4p$3pp12I6PjdZN=Y4B$!0DH@ViP%t_HeQdpUD zWrMO>nrcOCq1A(*jGX9~KrbS`a$Beh1s)#?{uNI>+}&N-xd6NkZDUuq(`8qsxJU<5 z@w6Pani9vxy94}x5r1JGw%QsR1{Rth_1>KZhbZKZMVwY?eRK=@u{VA(2$kVNK&y~Q z9JsuCFr_q@Bkx3m_urck(mWusIdBLG3?d$S_(EYUZn;&kvmY@UE(qlGY3C!fMT1G&Q{U<(n}g1W0;?Vegq)opfmVv%cIF5dt;Pz`evyMW8K{T zBkCtcVy|&qP{4J5_3UW(VzKLDbDVwN3r|s{4qgb{6yi5!tBU^}E?ejI%Lv(>M9k|~ zn5_{7jkH?Hj-Bx?Ej;2LyYS=c-*f}q!%s?$ud;!{cI=3}ue9@C>EAwaYHHoP$*OWj z(^E0uR(sJO>G8T1x&D7FfS%PMkNT9dI24Cc1MAHcv1CRmMbw_W$FOv0a5hjdRnbL~ z(?Enkrj43>$SEYdlKJodJ|2skx)u_bW`r2Au^jg++!1_;PN!^GI&ubdj}G%Q^KA2= zzRg^(C8ejnP{5orzTG~iy3nT93LoDCooKjaf~Yi$EcW-kLL<_jytDbd zbop{;#n(oZR#=){w1I_{XTX`POkBUOB2bnInwrTfS(@6X%uL^DY9QS3`yQjAiL-FN z(H*Fv7bxmX;faL5$KPtDr+FJ5$kE4v=#K3&6T1nySmWbgg|={u_}}~wjPWVG<1F{ z`vqH%!W~7tcnp+#G&L<;>1g8m@2OLgNg)B|f z@y#Si)$nL-cpdy%ZTS*m-pU(iYG(&)D9M=1$RXO@eX#z|6aFOsRsMXhPaT*;i1@(w zeRNO1|5FbR`#2%GN7a{o{@k_Q4A5%LeZ_Q}BGFvl!GCeLK0jg~?GdIgaJiutY8fYe z$4+)Nm*}d<;DIgnp#K;%A-9E@fYeT+4#l59ueUShZQW@wQJ2OTP7JYXv+g}2PZOpk z|6(iJU_t=Xgi6uf1tjB(z$|3d4W2^;Zt!{I|3&ku;(@TqAN6D)HK0d!J~3B_XNA0D zh9o!rhs2fPz~W`n-_gSLxaW+pUSqqw&woBUUXCJ7ifa8lRF|2ytB}}Y7SA$d%!@_? zs%(w!>qxT5JIIayLh@?Eps|Cbfq~)0X*rMRKH!2Q|DK*8{j3P*s6D#AYcu85n*tb~ zJ!$C-2)X)uB&B<{WwWiS?9u;E8_*}H`*Qdr*aJt5fQZ5*Mc!#I>}-C5K4}&IKX2tJ zoJ%+h)3N9yoS25 z>e@yXWi;%^#gmuEIIw!Ly1MBJjLLT0L!uAR`a&8k;Y32@?84*1LN#5 zJ_g7r>k*@JXHyu}IPK84#xSmRIaXGP)x7ym!V4IuB7Bdce)6WOYL7&EufyLdv1g#q ztCvNzihnbDHl{aZZV2k-Gn)W3R4yqw{JUrTDqck;Tf4NJEv1g~`lUIyg(Goq?o8VLdT; zzE^*!r-k?QkF^}$JRV*ip2lp3&w8kZnFSaXK6bn6X&LHC zy-#=JyObV(^YZ1Q&)(AV;?g4blL72YRmxZ9z66lb?7fk zpZRHBO`S^3qS(^al+x=FXhfMfJtvvZwjD=Yw3@O8M_V+gI5t=-i8uLyzlW|OyJ^&v zP`wL1KW|J4pqnxJ=#qQNLvKqZD{E5hT`p5>fb-NtdAW%6RHUUPqLEWxGd!g3$6q$I zLL()pc%giX+>A{=d-rEPJ@4>F2s=wWYgW#QGoIE>YYOmQ`8T)jd)@|o~JtA#?C^CZn?m>yU~tGtiy zch`u!{h4#S>6zIG@`e&TkaKu7^EL&jWfG=O`>ljxZ1#Ww{8&pVcYM35uIp*$X#Hr- zgOeA@Ml)GSJhR}rmf1hsbeL#ID=17jFjTjS|Chvq^2pWw(X(|5Pu}j*z42&ZOv?^yhgD`b4|rM;KJBz>9|pg-%+=l$nSWr}Y#l zzx1lG@Z#tXFV;29Dboz$86$jLyKW1Xh-9ALHdT)K1|jQ)zd93EYup=1X+O2*DlIKt zjbopmYNg2of9(%nN`n6x*z{Cv(vy523Eac?tPBKhq|6$^dQQHu@Ufd3vgO817FxDU zZ@o|?>zfXL#jGb6A&$22F^tb_rZ2P`M38}^2k-bzKb$L+7R_3RN5`V?D2TmA;Do{9 z(f#L@BSqq?qib`G0T+iGS7(b?`~3e7*}Gm$%#$=WZmI?@vcU@p~CK~i~mS;|nqk&X0L+z)N9ex5ZPefLB;dwP0XT->6} z+e97d6@{`NmJ)xLRWDv_c8x~+bCi}|JR>uT&-!(BoPQOEmRdhNS#(LZ0lPNE1}zh; z4OTjB++2lI)y=HZ(W$e9gb(_t`;a^O+l}jza^!XnS>{faMr2_YB{>s*I(>27dcFH3 zrGN9~>0;qb1L&)*tt}$;cM4oZ!XR~idF@E&t&Nv&S}^=?Nu{M%r_Y10{{Ag0>=iE? z^jW_64q@ztzcZfqf_`hfuk6-cT4D&Y6V!kS5EGo+WFj++{+O08|2vd@G)6Tcn^|U8?w7s*v=7D#XILtLx3SR(y;L?tFqZ&XT z`;3Y2^=?WftX{hPJ=0W2~ z+_lLCfBjd>-kYlDUzqzH0*RM0eZKJgJVwkssZF+NFLS#*+X*3;>oj&FNoL{|TNNuS z4WECP<5LLWTm*Vqq%P(tF5^eQxU)pLR}hH%CyR?`QXnWfkiHA%kIG-}RO^W=-)s&i1hRK7(8yv6SGLgM#A&WPoVzLCR07XVr(>vhvww=g0Owxf>>XFuue()CnOkTn>JokiVo@Q zT*w(8@M+qM`RsS+i&18x`G~!0M5&-3^!I?n5E5aXP{~T7KuYOL6S4}Mm^6{4P|Z-r zAUB&9&9xEd0l7J6OOm>0f;p5~!Z1uC8(N%)otA*W{mo%n;fq}HilXz8%Zn{ntIIL84Ea_SHE)3b`Sn; zIbxtFp%2&PUQk|tr4rQ`)8JueI?b%Q5g+}jO7!_Nt0mqiA$~rm%}P~mPmpNQP)#mc zwAwwPRjCq|rtDGNPFf#U$OiJ0cPSZ%OspWMn{#pLmZT8ZrrETCIA;5I9}-fp=zl~s zT(4boC zgIx+3Li>pmQEL&yYJQidafj3!YE%?t7I)H}(W)wUiU8N%C+{(~GeuP~h!mUF*5>Ar zz(C(QI-7WR4k}`9?nPz%rOW#Zoq^~M7o@ZqjXBD6$Hz>W?wRkjDPQQZi}x#8GJ844{se31 zESVC-TFxn8wx9j!*(WnA5kHQ%=nzFNj5Rz$oBnd+dP1@oaQXc4(7c>Cs^DNj zx2X?P&~-?LT$GfaElfI+>4GW_t|1X=&9%pqXGAZ}s!xH!)I<;V;rLaNJi}5s<6&+b z!zSgoXJm3upFvuYPK$1^hH1xo4^x2xi5cTc*f;F>n94qaqGjJ9<6M|u3ty$OC3T{7 z@sGIT_By*?Zb*#@*9-Tb>|e!gYJVkkm5kjU`|?^-L1nO>X1L<|2sQ;=XhO#%l$Lg zrg<+|gG+WZ!}jqIMV|{Ewd?IN4=0!(Nzt$6@RKzG`1qAi$Sqs(p#ZE`i2Ozlz$2Vs zcte7T8$0j>ms`e%`o$EndElJwR=c_-DXcqxyg*zi7^jN;r*u_%_4n)=X9-p^V9&Lx zYFTN4cl?64>uO~(Kbyt)kI+n~l9{NcU0JEiVObAlIJ&@6Tj1#J3kjW9GRYd(QtzX& z6(G&Y_xQF`rcxp}6hI*>Lrph&7OJwWIb^qw{X3q($O_SUIXbX24t0U~b}$(ztI9nu zOQw&dKUi2!=M}aBif;+=z1sH;5EFKxEf*|O?uKctTXJhxc@6eGJW43^;d^eNMN2n! zW|0yu=C#pVw5GcM`UR`ut1;Gj7BR8uyoI>9cS7wzC&k!nhxc;11HHEMM^z@mk~dty zZ`PC#;gJyKr6m;9*=~{k`dQ>p!rwKf;;-@j-9*SEwF~ibGB?hK+m@;+5m9$KLW`)_ z#yF@y$1jd#tUvE+N7GV>+d5$8M$VE;AH2jEk2_p6tEdjew3KVLiY6sL*d(UBUVaQga*QD z`w1a$aDYRkSyKHIA095Prv@HLl_TU>u+RXW`tyM)xT6&$4t}VP3%8~KMe8MtHo8=; zpI)8dGluQvO{xGX^XqVMgilbu@nL}hZF-O14YP9ilUFqIjmuQ5JF>Y+4yt86W1W%T z_+g>1YH^M*uMtX+swW~iM1Ei`IuRp(WRWr2HeK>mR?Jim{k8p>0P6KX@lf`uJ<|Ns zcYjvnqhd)uP&jezKjSYjqSVx<&Q3UwqO|0OCCQrhWxSS=j(v4~{g983zQo(O9c}x5 zI)B3aq;u=8f*osRu?!mAIyqz|+x8B_VZP?8IQ~bYF!M5jxMlU&68(sQm$OLd9u8v5 z;{KMHj~7(bma2`Cd7h~AeVEAM!dU`oB~aLaGS-`0rB?Ev%;Y&$5L9|?XmOx>ah)N% zlpt#rI|e^gqul2|g7Vur`PpcS`l0!F&Ye;VhIho1fgvuyS4ruOW58WudLfC(-`7Mr z`x8*HHBR$_RN_}PXPlYRh5m$a0F2>`m`PBX@^k5>p86)4`u9(R)Pqo|UQWB0Haqv( zr(f+J{F7ox$crS-etL?Ui1v6=iecun~}9bGay36&R`^Yl%t5uA`^w7)dV@`Q|~!GpDOP2vvkeD!xz z^T_r3y*97p(kxO^be7;F#XKe1!8J>W^`dl1E5vkh;LkEJ`mI@G`u0$Fhk6 zlwZq-h$`MdWjGxvQizR|i_+M_lEHEs6(uR+9K&pik9@ukuRhk`HDU5Tz8SybHbE1o z$Q0<}hRPT{lukEl7IZe!7ON7|fl2g-TxA1pREO(uMy1Y+O+fN_Ii3x;H7;7J2Omt8 zn~6R1WzSC_*ea#XY8XO3YE^>s842ZadN+(KfmIB4(%-AaDcg=i5JM1rOh8rs>!b8h zIBA$X9-=xM>>)233IqN^4WAY6n>eYYpB2Dqo0(nI_6gR^smy`pSS^5QOy>=G=JW1U z^m?OewWE!^|g&uojETbMM%s1J-)cfAwuv^OG9<_b9Y_6`xkOlU0XMa z>#s72t=t|IqFy~ozvOnj=jGoKEKOD}NNry86?2{~uGjd(d?g=U>;IX{M5~ahzvlrl z{Q^*FQw`wISiq-xJrFpjn;YkJSj_vV_c}tnh>~yN@%T;8;ESy(@3xNi=H`~p*3R~Y z3Nx6%Log03Vyzp>f#QQ^f6r3lF3VmFM0V&4Nz$uf0pF|kpwl#+mbR`qp820og7TdV zO;k*vv};-_EYUek5^!QVs^J}z!#$zj9#|4upZ^)ES?;SvjfdCRwO^lt&vqWjt9o*j z>OUm{$B-HYRH`)W7$;Jk74+{d1o&=dezKI)yU}WnSnVxF}yf~oPIA{zI5!Phsk6ikQbOS@IZR*Z?-|#1+Sc&2k8|St$E;9^F zAAbil_E4Fx$a@ON02)|b0eUN}8(cs;Lx|w@;+kN(VFm%u3GOjGiFoMQ+hxJIMIp7c*P8dz}k?{3?L`yZf45HSg zwD1>mP<1p_X5|~^Ov($C>~-j{Lj3h4v{I7V-l(QQh&FVo&61L(X}(G~wLJ2tc|9BB(PqC&lF@eJF#O4O zm0>8}&)ln$Y3Z?Fv7{M|V#Qpe*4OD$rX>#4gR#MlKam@MnyOs^>i68(7IT55ew04U zYq?as*l@md6eRiP5vA=XZ0%v~&(VqN@vY>;X_3WTS=sf)S{W^9+Blh2eDKfSWy)g0 z>ATl^+U&9INN!$mU}SSatB&mpTN(j`{xg**br-gmdFtR3%7ULcvNh3T#&=Xag@1m& zS!vV^_0Q%`wNwMoPvK$?4*tFru)`{((u?2sW|@?;XI0v&&=GBT`%@)%@wf-A+87j_ z+M@OK=STfKD*l_S-^GKWHg=}&QUUN$k%a~D=)|xo$n5s^J@Ukwj`mXK!h`KO8Tnt9 zmH$2q7Bh#RR;4%w_2e)Y3cg^j*W_a3%N9z^?Q~)1lCz`y43w+>j}eIqq5?J5iM`&e z`Wi1+97dvj4{YedjW^sYur!#U_mPPGi+o^9W_vVJyY>Bf{`V7Iu6r>yJUa8E`@EAc}2ADG*>^)?w7|!Q%A)G4WH`)66%R62aeEwAJ>w zMenW)SB0JByW`@jHOM$gk`whjVwK235BpCEXT^J)nCz z_`$S2{qTeFb5c$HyST7W<*-MaICq{n4;XZbB-jrK&#_OLQ@{i6T%`)@-@VEk9dej@ zS5PfDb)9g3g5q)*D6w>*VaM##GqTWoEZ8TDQ@gdBb1c7HeITmlUVzoj`i$7~SxAP_ zT$OAnAI?sJU9~#-yPOhlbOLB{)}f}Fl`Qp}L|teomzSISz_YOAHzQLC= z!d@>*jmedhmX;PT{_UQ4G$FqczrFX{!dzY~k`&%`8;e*pGfR>+>FFw7_Xnx+@!GIv zl)(BCV|z05&jT-x&BUJL$dhgpK<*P&jNOo1n@B$0ZQh6lv|Hjy(Pb;IU|tL$3u;)QJ$l7hv(VYa^9&ZkA7 z=h(mD*{Au&1}bbVK$6`$q`)agq7J>A7$^2lF}!}msXS?7_7%DC`N%Wo zBx?@JcitaU1^PHt&3$q?91Vm*srF>IUF)7v?jhDDPx*b7@9^7Y#wn=opza@ny3-ZG{J0e4YR0}k~3Uw&t;aXXBy>c1g%@~XPoscC6Se9wqOQc>jw{gaxL zG4~Fu5jOe!FdgbaX%Ic}5F;cXKMM*0=}wSckBf4|*KvI}c(#3jtG;Vw&;}jt(If+w z|G%YTMn&fYqdj2Z(eqa2IFua4r$W5Re?DV|dCe?KRmsuhYV&^^83^dS5*w4>RSZiL z;wg>N$LV~(TAe_N_o??N)h*i5owu2GG5LD~!-wbRHj6E@#aEx6OThPFgkL$Igj*(q zhw@M}GWr->ZS0QaClImz3uHn(;gjpLU@tTp?PYZzEzP-$;vb)7|LZ>b$ZUxynmmgO z*))2Eom6rbBRv)V*G|eC_D8k*zo6j^U3c2x?5Nfzxd9?qz$ZfNDxLgYP#r0BM2Q$tZMLMo8>Kg;)mZNimY4rn- zl+zlmcR{S9i7$AP3gmnY_d6$@p?_vuLCO>_Cl<1)zRGEj#aBZ>bCaHx3|c8*1iZf} zlMF;NVEwX+9ED5#Z?cG)d&~nu-(9Oe`5nZaNThgsGr&_h=WO9Usni%>;=0I4$Qe-m z-HN;ha>zD8M0OA`nA<<V1Wbd$L`$qZL*-+q%? zjLfTgcE8*s=22jcx*n3vt{+q8hfpuNh{CkBwBVxe5m%f3vYk5Fql@jX7A9?n*U1uJ zsW?+HO*?zut-f8osDF6hvX14yY>(6dWBe{I*@h8iT3z{95n9~i-G=%2@1&xL!BES(uS z2FRxwb)dU3qEymB{$82r&gDHq4o2|_0LQgRRCXKguQ7W(!QDjtj##du5?3xV@~Y#c zHy8>1x#ISt0`sQJpDlv4vOe#gh0n=Hxzwk%k!(exU?4E$Xo8I6f&BPV@+rtPJF-Iv z(G^^4Pv57R?7!UKHg1H=Se+=i$m>i1lZtGontrYRHyJ|kg+a2N%8&Bs) z+s8JQdb%Vx=Q^#sZ{4Nz4!;5)g~k1V1DT#od#-y*3roNp1g$pn>FvijG6))*&YpdD z1~7s9)NzW|HUgfUnn0B)Ud9^MlYUP`I0bEqY! z#6kN3sNMJc=fSe#}o{lZDn}BEd%``mLpbJ^9t|_gx)+{vGpsI-<(= z0pIOC-rZeU_G`vUJOe-~y3(JLRRq||lf9g|gZNV23Dz=uZ#}$)TwF z()K}Agv?5jF1mt)RO^p#6~}sbSCA;?QH^N(oQ(r1iH9`;3q$nnSDXgzTD)`cK{?*Q zdq~BFM<`c-_tN=lCt@)jeu`Z4%t}~=&4f21w6BGp2G>24Fk0Odl(zFg$faB38?rve z)mSi12_d6m+Bi&mtChHp|7#gGGLSCFprIdRW{78I7Dr|p&vG-8F3N-?yrYXu->?2X z&sE=ZtgKJr`)2yLC-DE#be{24{{J68Mp9WvWhI-jWvZ!O>*_req~D)gVY z1(%D%-~Xb068{kL_s55b)m1DTImkFXW%GxfJt)e&i)qxtUE0dd?kej)a4DjZA-w%M z=eq}GT!HGn@ zQcZvo|Ej+1P$2atj22ut(@4|;SNz*@6wmp+BSY0QUoZ1rPH(@n)2?P?Y)f1zW3rw^ ziur0JoAA-U^`x@IT7saR5=zjm03&;6{V!dw0oxBSo}+^xBCMH~Rv%!{=d+&Wrp9sB*`@RWs(OqnC5`T4M}lBL!hb>W9}N1$r48Y=Rhh=ni){8|M!z2 z(t$G)PkbuQ~fqN-(=EC2vXlwEot)K5Bsp%LGt_u@4x>{?~)2`76P`}K79-$I%;dp&Rfx2`dz51wXdBDbj zjbHp{AN**v=wk^+|P+mie`(`%5qjMQ({P_4)a~S zeGhCrV%{&2>)i`1pvt6QwVmyd@WCW`%C!QULsyB?mzBQczq0BKC85UZBaQ_<6%Sqe z2N`}=XJS%@>t$ZtaD<$0cOfLp$)1fR7O%@B3U%=p$_)ZN8DfXd7mmapfx7q(@PFJ( z+>CY=0KmSeF0MpovU*m;k2aaS`PB35bo*@1;}t@`@;gy!%MZAZp8h+W-R?TFuVFP- zWp=>(ZcEIRo3sTS)e;;3XV)Xe1Y6q&2h)6g1!6&hGl~MyMca9Ep*C1P~k-2$m_Viyk&*Hs-A0--EW(agR2A*|}|! z3l6k8bwRi~ttWcC%C)w+^1r&oKMD0-%0Am0d_>T!z`2C@KUxYXha)Nl{<4|`r{u~$ zrRL~L+*V*LOwHh{wm$4c$e7QkW=sU50d8eyCx26(@Tb$` z%H(QMr0wFg%Omu-9v>Xara_@O>hpD@V!|cIzuuozPha%IIr!j0U0RJfL-Ea2*%%Aj z|Dizjv3)o_4lbmg{n>I^Vs%iCW<-2ZW@X*Z{176OQw)m>Y2YN=1IVv(9Qv%_Y$yNd zkAP#bq)Q5@?5j@#bI44I2}i@HpUi(@D_z#WpuFjRDY=*25(j6n^B?MvH7_3D_e>C1M!Z1}PYHwX`%3R#_Zwhr6-8eqFjmXG45x1W~OKLoUD1@Ph-t25atGXfZxZNJ&DkU zxfQhivP&lFSK#%c9)mf@xvA@#T)%PG-9y#m{nA(CC_7GI`RKbbwBH~6&E<`%b(1LV zLkYyGId<#3GbyD?WRCpcsP+;Oe=E-%&im65Y*3~W1ig(h>zj_NG|rEQ5E}8h(H#}i zR{W1SMu*STT|x2Fp}PZgu5Zm(WKx&X5#!?w^fA~^Eln{lp*qsio4(Avo2>&@yLsu} zyg!90H3S4#jk*$xS=%S9ia}~)*F(IqGr0f?@ESz72K0Lfm&~LW*f~S?b={1n{e5f; z35vM6tO-xXZol2XX%o?#me@Ex=foKLXjm!YK)cG5gH5ndQJ8K4l_bb@{N;;>yy1{N zyF%G5#X<_9JViFH&LvO}N6d|+?*UTcf(yElbg}Nl)!wZ@n78@!3>7aO-z- znM`Z*X06trJRduCb=7_4?jH9J>Jo( z7$m<1HhPyav-5nEY2AzCQl!;7!Kdh&MBeaBrII+B=?BbW8MM11_B&+q9{`Qj)aoT3Yj?tW@biX?h}+CBmbC-CMB$) ztpDq0tF8=#i4~_R*H1qI`2v<7Rc$A$P54m%oGx;*F&KxRye$FkM6U8&GPy4S`)kKj zv|5^TCr2ri(P5yl=nv0#D;x|#i>spyP)RXImcH9qx=*i)oM2Y|hm$3o2}`*Ld=`)t zDWfJXBr|#Hq!vA2&Qjz(;biH1Tv^f9Gt`60&@(s5O_xl*k#2Tm47=s{wE8~ zt^{Fj(WsD0U#vW2Z)-*jgV2j*|6ngrx0yctJ^_?v{G7H3TW&lr|1Z(rR?Vca72Dz} zEgZn9s##e3M_xG-X;y({buN|U7$bi;0sL*Y8|=Q>#IvclD9!npvhA0XB*%7K#UwC@ z@@uhvf^BTYV!ajLIG(8wY+<$BN1yps+WF=h-76AMqjZcX)6Aq_+T*-j$;Gz>`v>{^ zPjLbSFJA~1@&2m!<6b_q7s4-hBH5IMRT`e>W;7VZiqTow{!A$=f!Ncu#zF5vQGH(Q z1hh&*K`N{Q+OaRO;!jlil42Capv@0+B|M?L-jAWWOB?JKGEI9SRQCl=f$##a+%W!oz?52R-g*}&ZZQq$$* zSJ>uC7hm*3dWP)eW8KjZ1>;XHnVf#~#e3=h6m*L_7k4i&w!4b(9x4{KeB+eKe;SEZ z-#b&(XwUN7W;`O3w$PXy7=dgOkw&4 zL+83oYv6_BRkc6e*&2grz>b2Aha6Q&VdW&5&TMJAD=#^rSJvBF#gq9Sq=@Qe>~xAY zFYlMLx!!>Z)gIs(0-^Xcjo4sXF zgis5L+_i$0q(N=-p$qokre#ij_&~Y6pbF1dKBnzdi_$q)#Tw(VfqLTGq{F_?g7o0_ zT`#`f;}*)XZko#J_ab5IFhvO!_s9_t*Q7Zn0O-ZJAKQWuT;@XntZi=2&-m6TT$0cD zqS?ib?-Nq14KNwM!nd?xTi@)R2i6?Atx7GsBtPOxfiY3=^40Qc9(uA%mqDK9Y8~O= zrMgrM3fGAKF{-=&HF>b>SIBUGsc9v*&{jr4*U|@m);RrTXdWZCjZ&tjjCKZ01{vlN z$ZEOIY~?0%e~mp5d7}!XCyK8`grs?mUueDMhgWHC_iCn{IZk=o$KRYZCRZC|(na5`i^KEy;kyVH)VW z8}_yuKdHml1Nzj)0#|kMvdqJEP-;$0apKrze^_iIN64hCkG!hWrr1u8AG zX)qx*dS`$bYHf!t_7X`z($y)AIvN27@Pej(v)A^;7j9E&1tk)K6iree0omIvzpdFCJA0 zKHS1)q?!+u!zGKPa`ckCxlOwv@d#9UW;jH&zG{j5P%4H(qOPdrtN2JRH8`E=wz@Or z7vmRCR9Gq=>Pt$uzR!+SOQrJ^!@gcFO=nB*WnK{gg&DoBY4(>P?IEEXrz}snO#!QFj8O15-83WCQZWy2fN=l#+L9r{~j>>9MGi@=4WOWVTRZrg_XM9km(l;P6?4O5aVQ;u}rb zs)7U74IEX&yK^|1qnvpWTV1zYA>J! zwqzgH3`m4LvN=_Dm$}Nkj;KIBAu#ZV&i7b`Kl-g}#GwDTw@*a^jF?rZTg|Z7{1(Q> zU|J9#3{&JRXClrEBb&yEQsBOwY7SIQnu7vNY3G1DreJ`+)6&u0-dgtcpA5~wvc*L& zP%D-ird6~(?<{=n>HS8J@%o7g={`2J)14jk7gY7Hk-S1S`T26D&^-|m&AveNQwn*# zb-Pf7cl){LBl|3!E?P?|A``0eH=t+y%%V**l_JKSotFVJ9EN&UG$Q$_ZV zNz2rAsg~EgzK*>tnm-eM?TF}MC=ketD?gP|h%mYd%3c-g286{p^)Y~AV!Cw|tL0K- z!u^Bq-%jH$V2M{q>j##?s|Cc@Ku>rxt8CkEErubB^mKQAsE*u@I=s|tG&K4u3{{{K z6*d^D3UULUYXsK#F$oNjl9 zJb*g;%Dv;)EjgSXEZXC`Z_jMyW>>rw>)gWDNTyv^tY6u(uW1R?bEGHJtR`jsnl3{8 z6&~-8X1SKi4DMfg{*n#8_`B{`gEghCOYPhPfduvdGSL!T|kHEoH=S2 z`ft9Ap{xYyu_iZCgtJh1YsjCt-v4oVlNsF9`4ECz!|X^?n@h?7VR&tX)j8g>8)M(?-i|c~fPQSTw9+GyQ%LQQMvC-6sr* zerZv3#nOJ)WY(Q#1mX^Gbf)g}fx-$eK~R+i^R7_v@8RzAW3k>l9JhR26_Yr<96I*} zZAO0<3q+p#*lAyE}rlF?4&DcXSM(1_(D0eN9T1@O~rnq>ql!*Fhu2XU*Q&= z2GmUqOvMMMEm!ZCv|e*~6{(GBlqFP(08v;GhuzL$X>j5|O&Kl}Y%$VfT4q%0*w`Rc z2fG0>U$>osz2DQ>G&WS0;m{9eHWbFl9bEigAd~B%IOJaeN{e0tI9aeei#;arM(OjH z5iCFaTF6I(C?nncgcZox4R3#vOye2CF>!aPL=^T(49#q*%`o>m+jT=Fh_VDYoA$kI z-5UY;w*7)K$L#?h>A+REa=X-va;t*G5Y=wJi z@PaF~z={CYDO=@1bVp5HCzeWu?qT*VM{H-W?+G)uE zJh8wUmHgK6P8J+TcmJgzWuH0vmQtxhKJj4Yn}93sdzLT$7T0CSoAC*|njhux_5rc9 zT<#Yk<}<%pCv7m7;*5BZi%ix@?L@7hMEXner@5XvLqytlziDpu946D%nika4PKEtQ z)ua{jQr@#{W)$&59Z@4@|MtzYGwT|8vF-%(oQO!@8@OZs_M+jo(tXDBftzM1)!gdT z-GO-X%R}(A&laL$Um?vL<=J8`yV@VGTRJq~d^RjW;XYQxmuHNrJ$Wj5*G$nPi1?JO zgiq+hkIaNT+85Qbu9+A~2Ty}8^;hn+BA_lQUkw!%^W#s0il&q_GbuNRmW9+j6EV(s z`k1|k1r5jC!6V#e7U~ryg+;f`5)FS8q5rEE*g$32g#vox|L|R(bM=aAr)elnzeNqp zdEN!<-}3sJ|F1$D@!a>3Ob1u@FbPaU;FkvF-;W0LUZpq1#hUUrGwq%-D}W1)w7^h4 z?>ciPJB?uGtDdV%rMD~@*v%iWTQZB*WjF{DoJl>S=)xD10aj7Y0{aU3qds!FiR(k5 z7w))qJOANK|Fcdng$}HU+wslpvMY5ZeJ6QLVWX?R>OJqPX^cZrAa0xZO4*n@u|swt z6QoY7{w&b?Ffus5em<%6R{mFctxqKS z>qBE*T$lo5cm!#vQUoD%b$b{B1c-L-W(9jEh{n>?X^BSn3A{&rS?y zF(svbjwMiyfAy-;!yfgsvVxBAX1`^9ij`cPdp`qvOL^g!WTOi*_joJf{IZy{i2>!Q zHF^d(5auqnx3{}q*J0NTGrPTX)?b(-24S#@X?X{aKSFFt_R0h3_->ZSTOBd2@nzxa zwax(8;b|EHv3jG$0m|MpdNCK=t3Kv;_B93J*mk*EW)r%9H@)Tc+0OQvMd=5aFt5MZ z_lUf=*V!H-`!%og2|DwysJx*2HIVn#Y8d?usi4dMiCyJb|EkjlFu-ii(vwWmEDU!c zYMf1#Xa5rD#NrTOJ6lI@9B{7g2vSkV=>{-tFL40XsrAj-&RK2<@S7;0X zeb^U&`4=E`z4ece-w%*;mo6Ixyjn4Bmm;B^I=HWKOp+Q#*D%!C{l-Mgdo}kWSW^WY z7tm!N7A+fu>AFBYdlG}WXH?|vB5fyKBz&6=e+{z7>!71YIC?E+e1SdEMG~ndpaM$l z6~9}wcK;QX=zqftUUTw8wnh9adntNI1Ii;ywJzK7w+!j5@lzf;KYt|}j5EdWFsbxH zJhgti393s{nW*oJktIVueU`AT7Qi$GB z_!!NZ!{l^FU$emYX>B{ZXjLv`wJ*O4x*|b* z)}*q-YJ0?&pnl%l$(iU?Y|GW9=lR*yQC9!<#2Lt@IrVXOUVbcQgS~#gapIfi zkxev2g=dtFiM>=NKH)akCd7tEI=zzN?N^T(${eVy(56UZ41I+zwa?4w6gsC0EFUbB#c32{KSmLK11 zi6!ZvF>&WvMZ`w-gD)3ep_v3(UPrdZc@%h9jDiJ_g;C`})^M^G>0FL41_l@1vFU0o z&D>vjQ$XR=S-cJ(MJ2teEk2|VC|i7;yty{fvPW(T)MYy;-%}gn-r0}&ex0L}q!8o7 zZ2$SF;c6m5VQBaj$vvew+v97nnPH)+-RG^nvC{Z&!=Iild|@OWw{ z6`|Fw4_To@6(&zUo-{A}U@6?HMh7)--S+lXJQ@8N3z2*(g)! zqFA_>f?BYziL>FW&Xhc_vwL->YIc~MuD(1Mb9RkIKajnQbnDurykWIq>Nn5vHLFQ# zQaiQ;1<4!x?H@@B8TTg={RZQ{*QHx|f{e;i%*V@9n%$PV_Kz(;a|09W9OSd6&aZJ> zbUjA>D=S?qeh$&@LR6eBBv86KYMAZeH=TEENYcO&nX582`SJ&K-j##G8Xl0EhB%wE zWGQd)2PZz!3Q!--yCQroe6;jP%vlUMar<^M*%w&b>&7Q~>zx<*24hpBeN7An5?RkF z`Byq)nl3I`RG-(hS8g^c?kd~|UefLDGkQ)GHJNM0#*>(ZW>=#wXkDy4yl@PPDUc&< zjoVYtbJq>P-lx8u%-M;mHLqej(bAo~s0J{CodVsW2c1Xu`-l4kRs8Ldv?*FfF+=3& z%r=PxY*N~;ibF4UE@J3W4b~(b%@;+h>^)P59nv)3dc6b9^ii$hB0}1~+A+TteQqiq z1UEPSvGx!?trV~63{Z(We4S44@ed6R4h#$q+}m0`eH|oLJm&VnrZvdFzNxJRf3f@T z6a73;Qd^Y;XMTQJtE$!^FP@HciF|9>CHqZ-dEx1WYa&R9GSivmFFtEZ0R4Ye#GP~j6A9CqVuA!2EDOfzp268B!qpkmh7lZN`k zH1(?rkZvwN zcjG@@3mNy@wRK-XjDZC6=aHx{Fc=PUOx0eDX8sXv=kQ#RVwqQSie_s|IgHkhzYwF9 zJoB)*Fon~)^>nW|4XG6+abQ(rEyI~hl|%!?IwfD+bYpeIWN2E^&bef!yVP)?7&_RI zu8iKL^G)3x;nz~$N`?9-4)so~X1k6L40pvJKIg>~IaGGVq8Z-w@uK}X!@5{dE;*wv zS~zjp_ZUTnWM*I!Oq-|nyv*!wPo+!4y=!6 zw#Seva^ctmt@wvSx=i@>QxGw@a%1XR&l10{U7{FQ9tjtirZtXMr9p8)_t8a0J9MKM zdMiS0-^vODlp^_NxpB7kUtrvZ92^Y9R@??WA%0&~0r~C=RR(ynIl|>zMk=xj9vaPY z*$^<38lLpBmJBuh*-kIgm$TzgU*jf079{*4>+Q#VuLqBX#$*)QAc7KEs{^yAPNr1U z+QvQ<$ukqKNw}^&-wcL!`_hx+^lI_c&5^8w!)LrKRRB+s=Ym9BXX5wa8w0Rm+#{e$sOe)vqzn1<( z$ta{wBpIXR#ip46bs~RSK>_r)pcuo58yN8&=8wagp%?!;eE+lZR9?eA*-><2hnta6 zbVB5uK7%^E+mLKwfjuIQ98wW8e-Uv{oIN%U<&O)*(dyf)seoN>Jfw<0s4!a<7Swar zUwZq>%%oi#hS9=AbP4o%`B?)aB8lweVu6B$*4q+%%Q5jTActiiopSJ?%n<& z!;vj`8>AdIh&b$L9_sPBIA2|T-DK^b?R0K)Nw``My})0RSpE!afK(m1CW^{r_nW7% zPtVR}c7uHqtQq#+-d|16`c?H6&+)*+rZwcv#c9>m>MP^mtK|(0eSXTp=%&e%53Fub zlp(??M27wI60XKSimGR6{nT3s(==zQX1`m3e?2wWc5w*@vqoQ@0Av-;Ow@}S^KFtw zsXd0M_^0^8VC@8XxY~waFOeXkZTIXX^Rik1;~2{HjTi2VcLBV(x1Jrx$Tswfk+c0Z$6p3MfD%+=;2Y}1juRv6e z0}r88@j-cUI{QAEMgIQ&Ky;*MX+##-&h!rV1m@VZp2waz>G3)WTq~1sy~eIDIXEpA zL@avdIRU5|yXqwZtWmy_m7}AJB$3cQ>@uvm zCs2=?#bK?<^Jv;4${5+#u>1kBD=dQpK4%1`L96Htt5FUvm0b?nX5>3l_BRcIA#)^( zkK6@SZKoTn|2FJfs3?Qq@YNBNKGV-P4Z$fvyH)s$9Zv%{*$r$~)xha%ZQB6S#biT1sjukC&#<;f~}&yuLXmks4u$b{(tT`5=mi zb*q@c4K4Wnrk8YjFS^xllCPqHCJAEe+`sK2c^X{6-Q3#P$KMuw1}SX5#5ybKvox!U z3-M+Z$qw!}o2kR4d~G8h3LW3LVG*ZElar1xu%CCMGSD~ICH#ILhaL8XhoN76>T%JUKik}NN4lt~@tM=!2eB-4?$x%KUUlVO zde?32_+Rf)TShfNdc>ky;|s=9HMp~L#~(s{IQqV;kPV&um)pWo%;4@IVrOS7q<m1>gBVG9!O8l(Aj|HlHlEpaw!*UHXSZYceLmt6h`31M<_{1lhVw6P{2iJ^ncxpq1ysEWWhf;V?_oeqKPRM={Chq3 zt~gK&o9Q?5&d@lD;feg@A;&Yc6NRKG0ZaUB?!YHr6DfX=6$E^)sC)Yr94n>8zF6p?FKnzbJ zv%94*OJ(RDD>Zxe)TAJZY8q7Cj_|=zSZ}NsR$j@Jhv_SAEJ<{-edyPnyL=|DY{SST zJdyRTV({SNV(wBV$Aa3-tq0dWU@rv9vr-1 zbvLTZD-hsVh=j|lEHXyeKDULr9=XM_o+fJ3PWg-ZmrbkvXRa}osG^j@IM-XOV2kt< zK=-@9S+*9aw*mm%FGA{PIg4aXN^v7yjk(^kiM>4w4Q4JQP)UdzEX(-v$F${lp+=TB zs&-igx4;fG(8szp$nB4%>0HTVK%(|6!)|B$!m8qT*Frkt)508v$g=3Ez|p<57_e1v zMZm);T>a$&NC&I`5KVSJ;tzMv*9UDbPjXWQl$t}%I?L+S-qf_9a6`z((5XrDVi&nY z2QB0-3p-7A+k7Q3?y<%Iq&mV-PP&k;lLg&iC1zz7Y}co*c3+%q0GZi=aNl`UoYk+3 zbII)9^NGu^cyQLQbh6@s_8^jw!X1HN!)iVerm@yrS^4sVrN*BG78Ly_&1k_RKLyAu zC;t2LdPoi8=f{Su5O@l>0_M-cenFoqkD}>|Q_5(pzU;G(a&$A7g)~hou zduGH;@(}O&k|0}bz7bzM8O?*Jn@D?wzdQxJE}P-gqpUvHDF{pvsLVwuoRYG?P@=`R zZ(2>ef;Y`2CzN!C2NF-9ZnanVRu8^!K=ubx?XbZe8LJ7Y9Ura}>sso+PGq}hop2+V z02eEa)6{W8$WCG~H{rE=HfJofb~WZ*46xF{_~%B2JVMj$dJlFJv;9HeIaD5fpNY(1 zVcxs0{3I(C73aVtX7M-I>TX3rov~Ubfl*br9vz$t5Z;_E8oAO5+2O)OWqNQ}0b{rWHC&xG<6dJdP8Q@Q zZ1E1J;ywj?l&;m=(PR^P7N1syC+=`6>|-|DE;iIXFJp48!6RLcx>1tFE(+lpO4=mF z;I4%Z0r3I{l@ADbEk@VS!$*cs%PhK;C`X-WD6IPhMOg^QED3)Vx_*JaTX*^WJPclo zByGKS?#qmSj6%-K*IWB9zuC>-BP+ojSu1h{&OtNNO%@MWcRUv*+bO3Z2XZ`gV%}7G>aafmo}_b% z4DS`y3)+F4=|<+o!1YxO;SR!upa{}dx{6`@@Kix-4W#!B&}FU zCdm?mVUz!+ZjtXiVM)h2bhp!NYpO^TJ`m)WxN=LSD6S>I?^Nr+JB1>`x4b-c$8>jrD+BOt67rfLA1_&_F?Z(&M4+AxPjy~Kb=Ivhxe%a1ap-G zP3NNM_i?tBYYqDkc?soe9$JA)i8>0!*fGEs+E|$p&S)QbwA-A(cCqasbj)J9S3)M* z>3EM`+i$X1HB5x0`|)b}gQ*5}Xf@Dp&sxb|OsK1uoc=k@nKhzMEq|1J>r2=Rf=KPW z9hhlUkxoSsi%C$~@TK{6nm}0TjaUQS~X0 zMA)cAG6nGoV^K;+-UX@;un`>lkDT1(0u^M+4izM(n`Uj&EIfWjK`iOYg)ow%1U^PO zk~O_3MiUuW$gdHAIsLnA2JG z(GsHqJN(rk3v-xs^x0l>R#h@BvFGD*7TUha{?XsE3-gdM6X9dmg!P<1S%|#>gMCf; zwpHu*{aXPHwohiT>0+lx`qkwn=hfk>D?nho6nb1U3LJY6JXy*z*`)lg z3%b&RlsBdY>F+)MW}Es>6^b$CB|O#}9X|A=Gut|=G|*`APs*-FHY>3o^>C+O^oq0{ zZDGcmV(y2A!-2#Jq8I4ITDP@T)a_158TIQPNJgi4+lI*Kbq~de zAthb?Yic`>S2{T=W2PQnds>(>cj5XY@CYyD}w{pu8!n7 zg)AUQs(B=-;aJWD#BleSx6Hf5Y59%MRd11c0_uf&`(r(a!`F!S*%YU(bqqsJRxi71 z%GU0qd*F3ifGp0Z<3Wk-dvBKsRy9p$tKA-R#U`#`X0p6H+j4GQx1kWpwEM-;OGd_# zejOyS@8`GRhLQR4hJA*uB*lXZE@*H9zlpr-23cOpj9UYYu{47^M%bgCx!6b_InPO7 z42ip<&;Or3#D6F2WdNSsrAdS&HK)S>Xj(!2hWbO)0f{ z1_$QZv*}>EGLBA*Eap?~kll^h!-y_^1 zu59TD{<<-9ZTMZN!WLbz*G^0;ea^3E{6HA`tnJ)C^vEgnpx;KJ>12}FT2-gVpTSQd zn(wd?VVI2GR~VFa`jNXh7{8Iyw`{3ZEs0hp2{-ApRw?)yphRC=Ra0f158)~ zYD}N6i$C?5hrbno-|?1|q={A|FQ#1fkYe6EWNKVpRi9E5rc>a{K^4$^u2ao{w~+9gN1itpn0ukIJ46&y#^&!jXX zOc7O0FCEp;U2}(>+%<6zAKFrtk?(w94gAaQe2WNM?v?(=cppo5r zZZw{yd$Oy7g)%fx(sh^A;x`5c@=`XK(Acq7qRPU>;_>41<`hO1(;}0o0i&)=R8Kx- zx9m`bv4JnK(IsPj~BBcR0B?*O=o#Npyvz>C=(8DD#SxIA_T73j2-c zPG(gx`SJYVF!t`fCZhF_Vc_XO1dDom{U77;ylaxo&l#~leUd*;@P%Vb8Qxbx5k z@S(B`IqG5f@*nLFN(#uFV9#juXtX{W14iUh%eKPr=l zj&g)@DrRPR!=6y|eaz0i=;Hf9kVj~Z-3Pz=^+n!Psl~Jfq+W(LMHni1V*b-_0HIqo z#^%%Rix}OYkd(jMs@Xd z(!hyZ9?(EBtErocbX?2kUB3nrWLd+gqr!f6jIrp?(HY3FCYSM33+9SK!EtdxCUMTx z9W;e?<`xMfG;m2?KTM8L`RU7ZuOntEkmx%I`HvK&@Z0xBLTS+7AR$pPZt-B}%iqOD z@nZste8x|D_w}t(XUo2@6!Je+<1u^)3$C|Z2IP?^v(U%BPO$i1Fg*fV0q5bq2_zl) zi^dAQ(6r@RS-^?YQS{@47XJ==!>~zugy}s3v_gOj1Q`LE?Q~IqruKf%^z2(pggfp! znSqy5_}icB6%XuO2kVs_CB&fxhLs=r!^~W@HKSx1pEZ;u8^uDX#7%8w+zo^ zP^LJEwupx*e>rYqqej;y#s%`UM`t`3FU=@TMCNEe zOYShrjNp%W*E6EykOz5dys28o-=)EvHG9@+hn_5JjsL1&`b<9Y8rkWcj&e!t6ixE_ ze@-AlU4&~C;J07nwx`cCl)74QAl3u;2FrT^U1Ln8@yP%4T&&&L8lfRrz??mzIwFUdk6rZyrVQ|nVy6dUdZ4A=aYIm z0|J8l_qR@v6#rF^58D8s`pJrzTBSc1N>>L%O95+!DaLTgYda30+s~h{C(dpoT6PG{ zGO0WC+)xHa!!bVoB4J9yPel&GO}?+9In71EKZbdgVRg%7wVK$mr4)iJ(Ky)sah>er z(+{91pxJjh<-b0%(nZL%)J3+;CKbx9Sfs79LCI_R^z=-BL-ZVS1ni>|9V;FFa3&V# z3xe7&MUR3*gM(Y~LMwWOw@|2ANW z22kp=#;dWG1lg+7bYyFbykgKL6{xY27_$g$PB!|hax85CB(qW@B$~%jk$evU%N)QC zFHRNiyb3*m<9wAkkU0F+?m43V88G5)yEx-acJ2cJD3eLKio#f+-LH!jLfPv0Adx{q z$eP&-Z2Z2281GMKWvfZ|iLyh{11o8w28E7T3ID?1!Ypm^bj5L zh%NCM8LFru>666frDIUKnE@-dh7X zB%gnuR2_F<2fabLzpFP?6E+q^^2pf2N_?&UxnWs8bU+`N(ze`w5!*|n))jMc>*gE9 zFKKcw`Tsk&BxP$2GCbF3;tlvKe!N0+C@#G)2i=Rz-23yYf&0hfi?3ai-@f~ic6TrK z3HXq!;7MM!jYglqK(DXU!m?oxOeFLj;0DC*^`E+4l%1iT@^A$mpDWJ>ywaGt;_H7? zs;F_H`(*SnpFeX3tXgNCcx*8Wf|P&G`El!|zM^G9{dx5%(=4svV<_tQOQaefqE2r+ z(gzYb!N!$>!7l%L2(7qlxZV`N-fW+wi`ZX@eWC1DF`n=q84`qK>0u;S4Ec8VES<UNVz^Aa6N-g{kbYz{BDCga! z6w{iqO{CV?wclofn}$oF`y=0VpvM4Nk673oM23MN)F8Yk?~9ar$;uE z1J9458B(WTlTe)^JDpBC4EVOYfqQw%(%#?v)4_t=yw|gbC(Ugu>wIt61ELm?s3Cnl z$)We&V<>Z2AR#Q-MHrhBQC;#>3&{u}pYmeUE-TfC`br+;Dg>fK1T6PImpxK_6VimQ znBf2ERAqf}T5r?SZWD4OE_wS?Sv+tY-6F*>SIw8lC~g}kKg-n7-T#y5U=8Du<>>z7 zpB=O>_Mza>9U-ct2W_#MA7hrhGHWm#N$xcpvF%2%yn=tLt2;7-z>njhN`$1$9QBlL zo|@k!Bm6PaQS=%}*?J{WO^`xBMfhzBVh1OS07@LFb@K4GY z>h}(&AE=RIkA3M-}v@ z+wD=puf1A6)31VU*I=d3wG65|y?Fl7qO|TpW5o*Z5M=9T-h>JjmQR!wCsk>WT53Dr z$V?B<)t?3KhHR+b@oUJO;y^_J?pu9z!Fg%wdU8IRR0X7HUx?D8_7z%QXD7v+c&4`= zpBvJFQHqz-P7am8BvTuewOu(e^CcGamU4F~=-(<3Mf0e)ssajQ)Ex)a9MOlOq9bz` z*1Cki5G2z7aP8mzkm5z|;@Dpo*9>!54;WM^?PhIuHrEg4MUVSaH)8=RLd5f zPmF0LEoO+j_Fi8o*3$IpwcZ_3wPgZ0RsFL~uUgOi*n1u%RfS$o7Y}@agGHlRRI7P! z^?Kdp<+=v5|G2weuQw;)^fIp(R%5)?z;20laha~|^0LrlW0u#k2-^@rXC#^S zm?jve(jo;FPAi3g?4R>tH{ybcPj!Z^Ohaat7g zf!ifNa#|+tpQW{ZmRsyiVM3wQbO2Za;4OSZG|$#oy2!xj?XyFHiSi)^?=cZP`3d&N zR#jJ*nI2k<0fl9(STfLp0d}bjz#kH&SM4)HFMPom<`{0dvwlmDL*utjxSva^c+y{% zGLb;k3GBlIs2j{kNI!P`@8znq{oi?6RC45p5EiRHzGC`+akkWhynaz7_8TDr2xVnd z-S>ZG38K4)P$z-_p(Rlx$_*E;J+6zGHB+T2rd$2byq3==5%HF%eGCq(- z`G9E!d&l5W9q^&J35U7FEZw2FPG{dv)HDx^w+-y@YJT9+Z^bP+h&i|<#Ay!TCL%_^ zJr$j#f!Nvd6)Z`}eWVB9@DdPj&sa7BE-9v~3;wQFBK1~(Zg2{DcwANC>&LaPy}!!h z@vw~^ea_I6lb$4Dzq-2Frt8p#)|oc;7MSmK$r?w5dL6*S!-;*%bdln1t?Ro6Qb;Q8l zT42!W9r`7C4R!qKnWETx%>6_|>g0!_8lRYC;60wW|wNJ+|w|NVRLf9?5t z``p)c&Uv4rwH+l$YGwGVqTE6&nER|VzjLtf3bjqpW%Cet>Jiw|vsKHphy7v$_#_n} zp!4OR$53sR`b@X0bK%(i3S@S6W*MPMJzB+P-#cwpR10Cl*69~JSN*Eys>~kMZVvTG zLD^+F#4yu1xFCAsed{*)!kS}jnez&uaJXJff(Ya9xtXbW4VnBJxsL3?zk;!{d|ztM z6t+xB;y}AbWx5pp)Gg>>Z46|D37p-1uHiN#-UlX+_Zm+sjcaLWC+QYd;7hK;**QOc zfOtrmM*+R={FK$zg~C#ot%HTVAyQ#my+vu|x>tc&>p z`e?h$uA*h&m=>Deet+|9expwXtMDbfwDIJ`rs`8X>-OKj?sdO5z3YINuB1O;p^|;T z&sm=hWE%c%Zx6QFtf|pgpXRgbDgMuN03^luXaRQuhq<0x2E{GIp&05~Bss9VBU6cr zP~8+}U+-J{>wdHEmIhO#vfT5ip2-(=vF19R&~$z-!u{e8X}!jHWk1b)gXemVQG(OC z3~bEClV{fFs}Bto*YyDquy;}J7z+eA)j93O^CV#4yFADr##;H$cON@zq%XU_QEc>e zd$YSdzdMj!z}NR#{wGq}HewNWPt99WH}KkRhW`qO@y()(W;Tn+S(>@|RDg<5z|Hwc zP}~{kp>-`yw_vT=an=j-LibW$_QFdSg&H*EXze-*h~A9OmD>h&KL6^os(xM8b!$3( z;y3TNq{HQdIW+OFOGogq0Bz2jqturO(cG+5P529|pk2_+Rl0f~$;YCn4QhwQ*f?ZdeN!#e?hjG~jX{LMaGcN0%oB1$Zfxvez^5Qz9vq5LNr>W>zyz^CT|qeKY&`e>yjj?kUYmo}w?)bZO`c#(ZYVPTIw6dbv|= zWW*2O4I}XY8JipniJf;Bv?!7E!>r7R-$9w~E~?lPq(Zt2?r*y{*5kjzKLN=Z z>ncl0!w&MdXl{k*PZHNLM+awThUeplf=9e+=l`Tt&;O9(R96uc4Q?f*S9IeTbT3*t z?~`8P208t8;PorpX73MEIuNPZziv~O=dVj^Af5>=aoJB^Xzy=^<@pq7x=M6&f?vU| z>{Z_H`!68F!usXU-+^btZ+2P>v9-PV8!-|}VyQEJUP@BsIl?bnKBkHCeY|k^{oSjY z%j4E`>h}0Y(XbR0`~}p{79;rQT8c-$#wp)y9>f!jk(UTkCS0;MkDzSkv+%~?oxkJfXMGWeha0D-pQ8Kx$s6A3I9a;3 z=7%|T)P>fd+QvWZwo;=)_jI6MQ+?r)rbX8m`1VFcATz_P=2(s1G{vH10`UfyV63f_ zvdligFrm#Z_xoNw()$#oEv(j9uOvi78g5t{F=&cI zn%w{u-mE()J1wEvCg)?BniKb19p8h$zsP3>Bfv2dtk{R&q89b^Me~-91y1kn458&c zSKZ4dolUAZ4pEL-;%jvo6ac6{_`Zp{G$3s0a(+bK#g@8IT^h(v)6?CLUJ3oU3=!^J zjXg{s^;Z!x<%E7LdKT3QE$Sxfu1nFX>)jvaj^VV;8OAA+FiNbaF0G8ubTZw=TBNkl zwZTe3)utC>3mzBAJwe;B0HnexeU9+F5RlNj+UDcJw9u<%Gdyizv)o^BroPCnPB+G8 zvcLTD-`7p&txN58<9O=n&cXarWK} z*V;V=cfIR?j^C+`HJhrm0-GO*{N^9r4vFf3Ux61L3y8uO++}4`E63n%_F8%?^i9gx z7oKi4|5kPu_Wd>6idU5efcwe@T!Pk3(s)*LGY%*?M0tw~j*|+k;Coi=C0O{h)Md85 z_F+iV@%jM&a~{0%dgk(QD*t1iK@ep)6*RbV{c8{g8u`qA(ueGQMI#0(&K{$^UW1%{6SD?-n{`H; z!(uk)qC0%muKDow{U32H(T$gDk{C@aM#pSZgy@|UzbQ*UPY|>U$9R5Y~xVwFO zUd%aUZ)_lczio2TrrbwLE1=(BC>oLxon@xO1oW#|?gd`3Dy}@8|EaghfzY9Om*_Xw z(r}sc+k3)!|Ikl^`DDgGZ1YXN?Q&oH;fx#oh5fB{-zF!Yvmd!AGX3%9HHZ~Qa~zAY z03B!R?Uk0LwNq5#vOHY^%+*%*H2 zon|S!udJ@Q1B7x1b2u-}_&3vVN;v3-&Fh(I?DPB|#C7vYKFw#Pj8#Xr-j@^gb~6w@ zUVi_8H%Dfd)H$B5@^8icO|B5LPwn=L)%nNa9*f`v^K>`Jz>zKpl>O{(adhNj{%1GO zzHht`6+(yM=v&G2>Q>1U?n?2Vr2lw1`~N0MB}MJlmWiznT;AMMuI$x3HX!Jn$^Ban zp_G3$%G)NyM# znIjZA8tJX?<;Gze&l1AXZ}AxtveH(6z9D?h8NYcz%?|t<**U5#xxE#%U-Xc7iubie z;AvlWCYC`+ZOMV<<)uqm=&>!WL0Z1lmsvRv6Nui6p0{pPz+kc!%P6;pUL%(mu7F3I zW56X+Qtnv^w0y~^LS=vvrShK6e&x=rbiKEafEEoMDoI(7{?%ZP31?Y+O3q&MiM9Oi zJue7tp2|zmm1CC`1ed*jU%7557?s{>Kk2OS8QK1Jp+vl*98uU;yO49pL7kh*Ol4$M zmD(BA4--TE-QlUMh`7kKi%HYT-hxSY&lGhG^#Z5! ztHeamNrEjt=#V@P;2E!I)=xMG9qcSftNI;}QnLG$&zILrEoY}sRxS&71}OE{luL=J z3)UL20Rw5Dca?xiUO|5r$?6M?53^AOTcRES#|sMQ#K-|mys#Ejhx zC(vkqCA`r@>~|7^<;PMxZ@N5Z^72-P=A(&EJ3$WV>>g=A%@{p>`f^RmB|7Kv(|Oky z9d0-ttIXZjAZdqAdv>U~`4^@~@NAXI1RCOh9Gzi|h#r+k#T*da*z&d?VL z6UiG$)h(`2xL!duX5`HFD3fK;hZx`qQO>CO!&b z;hr9lnb%xXTz8%;7pj#=zF}rz#;Q3k@TYRhj3}WlV)(FDO)%lB z?rH-}hCy886=44Q@O%g&EmEJ|iN4IFsEMW2C^+YN5Tvw3!g@9&WcPm&pE&gO3Z zPjl8$vvLq9n6pP-zpQWDw?ea=??za@(3I662Tk+rUD@~CE6YLGnAU?7exP2Aa*#4Q z-3-kC)Xm`QYfR+jLV#9_^L@3`R)=T*a?1RA*19vA@@ph-3LDsHsa%-KX@* z+;&;4xr@Ti#F;j)@-X-z{>=sH3_-2=ljtM5?h;8)cVRQC#=-tqk)Sh*QNmG4W=^7V z>VWysw_BrS?sH~8n%)e6&|~?xGp9=g4V1jpt~Vyq&wD%j@>&AI25=V5%e4p51^fhgMs;81tvnMVMWjkK5`BK7D<@*K|%fuYX>e z-4q1SC1%gHMiq)iAI4?xK~K-(f+vO9r}kNzGwz05*GX<_crR=RPGv6+g>s2NE{I>1 z-J6D)zui6>v1>RC&Co&8=0AunB|aZ-Ml-Uu z>6tk&$N|4v*SQ^~(x;B+F90N`qgNy?mlc)pB$_xTj`pny_Yri@H$aTJ`Le374{(X_s^$9y?lz+ON4x zyK?M;qkOAGb;sw?NPuWkBwz@~;7`DFoK`*lSaNo{TaI{w9>wQMfS>Z|07SK9WFXVS)=fB#tvQZ zP0(YbCq>1vyV^9gu=g?_B9cCeKDf=8fbcLfN}e3CBJI18bQ9eK4?A1;ml!x}FLt|> z1syCq_XC=g^m*Ui;SIEWzfnT1zAlIQV*MR$n2Sl#xO(TpPo@N=4n9oy#OWU!aywYr zxI&^^kWTBGoE%JRPwED{`BPj+GfbQ=MpSaicC=@sKug)cuUol2XmlafgU9shK+T=U z1!!T&84;yp$IhbAZv@rSN3e!$n#ERh$=Rvv5j5Li16Btszin24RLzX4iXQ1`EBMGZ z+273%hCSXW+bR(@$D*HT$~KO7{NI<&Zq zE@$?hCRB_h>rwZv>7XVi22g7J#FjwwNvM~EXcH1I1aP0|4>EXL7o+4UJ)uF1`s$d>)lP0f!nPd!TpcWg#ycQbTj)>?&LI}1J% z?u^ma959HSc2-yq0%_W7Xy^4ASe!8y&}La~$rg`Y&Y0w?d;vSVfONjN70hY*%if8C zeCaqU`hAYZBM%e1CBXS_=N%IxUs{9EH8dJg29c!rD+!Xz@%v7Gz;~ot96aIskz* zkL7>+>4Epbdu~~V=at50wRcM6;3I4o0%zLbNKf4Ni_zvlZJqZOG);WJ6YOx!K+gko{+_selHIDwdQX$cJ7r=w!21vp}2Z4$iih?plcnL?d6KC=+D<=I%{onCWC`0!O@tx>5;Sc_ZZFDH0_*`kINF96;2Mt3M^mp!lR#mf$-HX zv<=@Sraf9m?8WSm!kxlitkLU}+Kt)Me+DSYT(}e2{DaK~3Fx9xxmz~L3KSc(VD(m= zzNtRxWdCsBl1B+59XvFMmmrFiWR(EME5CA~`OJoDmB1xtZsMDT5}@C|<^(T&a)z0lkdv-W@7qKp`rXJFG4=V6>&@NysP4-D*m zya$a4$Ms{^1d$v88RZ|Xb8w+o#WkXuMUv)i8~)XAe0_KRj#kayJ3ooezW3(fkE@EA zrDfo0gc=ZZeDmgfYWDPpVouXJwaM$ZcGS16JF=R2jk<;k-KV9?2)*3( zI#s-zga-kD4D_MNogqCCD3Og*2O7v5C~oYi*;cYuA}!52xAr%0q*6_2c4np|d}iv3 zY`TX_@fZsDpgY~1lnk}n9He%C<7et5H&)xNWj*(0>J{I2aX1v>9+FwI$xTL z)7~QO6%VQD=>R;&I;-2es-b?m--Ep6f&C(E0`0J_SUaYH=5y1@#-r%yv}3dt^cON5 z3C?`9c~Lk5J6#^v9(XJrIg7WJmq{Q-;&$8Xq((S~Pf?B$3rYk3Y^umEKuf#nv@wwU z`?hdxXakMZ^_vjRP$l7|+C(IJ1!=jgy&hVbDJdVs21QnG>kh=ks@^jbE+^nmhX_gh;{`{ETZI<+!nx&y(v`=6^|B(zOt=}V8r7NrDoiIalB+V4?c zERyWz#QouLV)59T*nd~ut?c_`#{>UU}?$Y6-yPD9*n<}9{xEs!y!yHm!qHC@)+d)wI)0uQhR76g; zPnm-*pD(VHb5MR@8OG#aB0ytmbS;XzJxFEVgN_f)$N;~lA)ZB9uHg?9=IzfV_5e)i z5gV)RZfC;z<=Drp@GyxnT-c(^XOXOAwEwczFT%XNe(E=*lHkj@Qu|`%f1NZD)QHs` zV92vJdDmC_^cy+^04d6#gS9k;Ip>wo;*s$ogg^ zsmV0^YkDLLH}b$@<5*Kg&X>{`|I;b!B|&@2=jZ>4OZ1`(a`$ z=pAW|>rOY17Tq!m6&0%h@opT;yLtEaz`yqNagGR0XC4}|17g%iVHBTV0DdcP4_T?S z0*P!|=NN!dYz>*)3D@I<+xdXi%3|t}q8SB!=gzg9~F)!P4b~e!FMiz1JovivLuI{osO43g{nQSyJ-YS`a;uSbGtk~(f zF(e6vZ+=oC6L?SJ0?6P}z-(54pu&Kd*SEaAK-#b|0lu+G1jd5wr@@~?^A@M2q3%!| zslz1dziEB??XC(4WAZT2{Hnm!La7e!w^Dl~F5~yEEwQ``9q@Bti9!!4W` zxd_Gnwk5=cq*AFGVxH_ls!f#se(O6yP{!mpHNl9Ib)&zn;e0eO`ZcP79`5H<9UZ5+ z%Q(_1SdendgCJ~fuIA_I=TjZ*w_90JJGFOKFP)lMiWQqB+2hJB_VZ9hYAU*SS6XsM z2c1pK?ImwVaAO`BBW%#d70QaT)TKhA*+Vz`5qgzj>?6R$I{krA24XRdKZ+pe2ZmPsc$A=0O=X#n0 zRRv|(*CwsoT??HY3vRu?dQpki@~$~%yJq4ctm-{1PXbR?90WTz(4b^w_AMI`IIX59 zhq4T<1_Mgz)6X`i9PRuE4nX(i(G)nh-K-@#8otQ}7Vq%_z(2KvK&#K5@P$cNMTSg$)zYXEW1QSOnWFvY&P2e~r z=2gY0GULhddT>(%nQL;;2bjcclmt7F;}OlEB*Y}(FBn~0U3l1koNRyjo4pi3b~Z1j zO{B{BU((FFE>G9uhI854bdW4UKGn4^9z$ThZq)(GjG4Q$4Wq*(Dt(zy!2-f3A&S<; znVo~rMfCYrefjR+a({Lh8JV%bsR5^d0W_m;Qs;+8mm&;-Ms$U+c#q6wTC2R@>@4VI z@s=4LxoezmORu=p-}2FkaQ=0W-y@{E7grSUr9MJkgel>F7@Dxl@%kynzJ4ua(O6$s zcMrVtsWVPR(!D_k$^@}6Gh;mk+o->g)g$OaC4kxN!L^bK-xQJqnSVv@GTLmPY@Kb? zEMB1t6GO8@WgdCKudsRlyzL3#&2*6n6=Ez0q_bPFLo^m2l+}tLasT0++#@qy_UhBYbcN7 zF0;gb;o227Pe;jqUWRv4S})J4r9R6;D?9@Wvyyn<%C1H#iLvya;gCEuwyeXrY$L0V zP%NTru0BB_L2QX}E~%LHYZydQm=p9lb*m~*fpR-mg9)FqphT%*WP~^s7ibr-H3#lq z=0y*vUO1!^m1{+=rE8PId(e95@WtEu)Sdrmm_qMdl+t>o&rQRb3ZuV6o+@L@lf3`! zdN_|rhjzj*!{fu>ce`>4OCmldQ@ogmnB1WSx5hw+Rn3!`hW8|tDs}Mj}oyk)KnGuhaMQek#130UuX9y7Py$g^>9fRAK08(P+et=whj%H*5t z>lIR~4cI?myL8?s-FQM4Ze$l#5o8Beu)z5ev9Pmwwh0g$uA>_#T!MdxAANFUWYo)t z7c+~rtD_O7yCYUUh0j#;5{*YM3|>^^RN-pXu)4OVEe!us94dL}nzida3d?5P2L)!E z+$_;IKfg-r-B^kdN}4uKY2*esqZ~ya>u_>|Wo}1*rW9rT`D>`-Ne@!oAFjD2Uz10} z$C-kN_pDnj_`6UNg83om``niv|wiSh4Yzx}z7Ywnk_ zK4%rkMw=FEcEv{3+yrwSsVs-}E8Sxs@dW(W!|>j{px{(p7YIp($~!&%A0lRIA8aI0 zXr}c;kCpO0^<@EH$cjJT*>Uv1aZ>ztY2%R-nWNMGgjA*W=dcr*T`Q&9IB7sCpB0Y$ zobrGs0x8^?rXlhzNdAk-P5EdjA(Ui0kezeYN6kyR7o<~U@S{O3#)q0fM_4nCB2c7% z6NO_*C*xCnTW2SQtx6r*coRBDeb6oX$>InA<@PB1?Nc;Hsjpqwz7Tu#K{JGm-aR?31z0al{lNBX^H%PRgvXL&7_jU5cb2Exk%#aW73CtU+(I^tI~g8;AYdG5ucR z1W*L!(CQF|tmw-L{%O3S_Fb3?qh~}t-6yRZ-qh$)RgO>(Ns{0kE%GLCWFW>ziNp~4 zus_2AY~n;%7`Jb51}5hbVGQA*52dv#`3t@N0+84b$#s1N)Ze3liLY>!g?}0%cHers zzM!8dZDuzf|4xqT#gb@WF=A2XF=tCJrKd`+vXc-}B<-+}5ijxr&}pTc{*ejvjEkRH z8tXC6fqVhAL!sq1rqGI>!m6qrxydN@&O}UDGj-t+Q0f=?>-#N61Q4VEGO%A543lG0Z-TOtR{__^`35;otG@(-7CRWxp<_VL3Gyfy|TT^-gYP zHk#5!BW^Lc`de;W&R?t>1;V(bWxSG`$CLu*F+WAiaN(8&8j){Su;Y5CDd=>5BmLnu z9sNWEi)dPi=m+fT+1UZQYWGN1b`d;TDKA2ofxTpFTwJs4XJH1Vc~#(rWBH5&38WcU zHTXPYyTF(i51}>AR0hNRiUnz_pvT@%9iJq32Mnarb~e|HaR z?+{`Q&1Vy(sAwwdh}(U_bqEOKpa{VR5g1f{iZmuG-tFqYm)2eR)!C zrGp+w#-J<|maxzr)DGsHyFEa0Q^}OZ+OxnW1TMaJCW*M|xyd>yq|4V1f*h7LLtgqbyrtZ?=6T7pd(2D&HtX$y!M&&=`Fy{vRq4ZX z7n&DYtw(hPNA!%xzL+pPDavEldijKBcL=LH4==yGb4%uBw^{DG@N7Iv;*w19?juW>4$QLMB^gbMxpQ!@I|FYg25ag^~mX(b?mz{58Cf-TTb8_!SodI`b@7@PsTu((0o8I?6Sna1W{`q` zJf4rX%)a;%Ee{D5-D%1*Yn%E9|Rlxxc zc*JKSS{)8^mHJ(UO}mF=Kk0qU+1ewwr9f61k5y_vS}LM8I2+Jm^46UvpWOE1`8qQ0dYIMxzl_GLub=)nlE^e2c^9PPin*tqR(B zX)g^297tPvd|~xEJd~sa6jr&Vb>N*7Fy$7popxPfyb;4}u2rpIetzM&hll*15fLS` z&c}UU`D+*K>PHYbKp3=RmB8uxO{#5p-=)~^1x~fc>)La@j_B9>;kjap{C9L@Oxz2^ z;$EREQou~=MI-f#K3l4d!PLEZGO0B>0tGj&O8>x*VS;%%b7^3pmvYscSsYLfnb@W5 zpu;|U!KULsqvXEL{i#EW+iehJ4adkjEp(ybUO@bnqnJg%3OwK0>GKherOM_s_e#gk*1)a!Vp`%G>!JYBbuIz$oJA`=3Yxzr`|P z1gHCNyId`f3$$pIw!Cz^zjML9448re)Ec#&QvDxey$MHHs>eZh_f_5zwsXF0wSL*e zqc;ZaI-qdJuXl()k>pqKMePkkjjYze(k9T?r0!m+0=Y7Y{X2JL#2-{PIyaBNwIo1F zg;Lnx`P*Px*}7rL@So)@#`Q1}diEcR*0M~nRGeu6y?DZ%*uBhG<6bc=k12S$A)YfA zt}v#}a8S^kqBANKqNOgf!%oi=5@WAlqBUM70)ip2ATCZ(V;}G1op-yvHwSOVP3v~^ zy-W1^G0pX=_>8Qf12+$VI6SrcD*Bend$mQ5f|3YQ2hQ#&`NdXdOtw%}Eo z^q*;Q{Men73(gy}QcXO}d+&qs6L(WLKIByDYq0tvLt8w17sDe2Q0&?#yCHy$-T{kWj1khvKJDmb;bubxeXdZt?VV{%>h=DXkF0sePOG62A1Z zyx!-z5lP3u_y*P)mFN@1nqx~O&B5KAH7z8Gi^b3}~t^3LUwtcI~ z&cDtd4)FmBhqyfJ%w`h8T#ilKs;H*Vdu7YT8~=g_mMk?>A9NTLtTH>hSzF?0)8gf^ z!#)&gvv!kWgsUFNpDciR;H8iEkeU8kLU;3|=pMF%w_R2HJftch@kH8hk;@Q$hp|DY zy$J&#KlEMlz2-`!LZInnI7Ww{AEO$;ha0KvqaF(PlY9jp($@dlLoK?g3dK?+Dk7)h zL8s)^R#GV4?98;_!0yII{A352V5=j&xh3TC8swBAMP#vZvA<5N;fBYFL>l~DR`-G$ zo!K{F(}>+W0rkDu9^bQnnO0ruR#7mdVuqNCWk+g_y^&6au8{P? zs%MbDNSsp8Kx0U(ApBV2!aq;` zd!=&&!T$Ps&Qq*Yn_rt)({t@jHB|qT&JN!3OC0vDtBD=@bFhrA`-NGlDz(g(<_bw^ zqqYX6y;K*wouGqJ^r4fzboDJK7)ageb5R=y@I(zgHzO>hXiRjLjtj?0Vfka_OhOJx%`F7U#}M!71uC- zko5ta7H6I{X5#RZ2+Q+&HYSsv-wfcR-7A>P&l`W@{cs$VU8PuOma4kG*64JOxCkHN z14CyC*2a z|4s*!fJ;$5Gc8bjTD^eBu{)_P<9=Uw<8`@&7zh2Bg3Fj?{AOjO#tmBJP@BqXQo_)G z*+g*zT?=^FRSkx#ANW8>El|eed~|Z87CjB}zHth^tvQRTEyxxh2@0y$u3x9`C-1cDY}7>G0baktn2BdCL!X8zRS6gGE>X#2d$V1f0L{MZd0v@;{Y< zvy59#g?5ib>BXOHq=$oJDPoM1?2!QEmd^g;>d%)_om z<6zyT!W$_i!T@SUa?QyURq@^II6lSDjKq`_SlsOF39SX0WrWfvL6T zs}l8|qJzX1Kkrx1)sB(_4yy)Y&X-UR&s=lniU;KFr_`#o_dPGt?RN%byqsN%*LJ*@ zVF*c%R5*2&d=iiG+;8|h!fR>&nJ9rAv0*Cmp1mbg^Qr0OmGt`wI^1x!c!U+`rd?zx z=MUp$vw31gtE0!&ac%nZ%%az{AlW6GnTJIuZ2>dc0u3|&l2y5%!D)VcaPGY&lP(i7 zQtQ8;`om}I0J(=&1j~l(?ld!$2;oYyI;v1S_n|fgArF`;jK%-dCDC4hJl3Rp`A^wh zHcs{by#U)=;@$n{a1ev*_rQKFBp@C?)5@Twkl)N!5+4_Ji2I(rFJgy~h%~MRN;a;{ z-g8#yx{U+1GXT?lC%ejAw!AM05MC|M{&@0d8&Ei?nm`)_XrN3~_ONv6=Rj6+p3eBj zS%lA+Fu!m@m?N_z+TgANDZ{SIRVmXp28Oq{z)Wz*^C{;X?yc}4 zhiz1!QgTmu$o+n1X@$sZ#gg5f6U-TzTwRzRo^R?&*BNvaYSY6|%Gdx?BGL@16T zHoh@9OJ>CwJO1-5wD=nq2D)RgAV=A`Z7Bs*yy&5Hzr08cq-q4&U#exKes)fm zDZBU<`!R69&W8RbeoO-Tw|o)O(gt&#lFOcnZ)yy*B&KS_h=xCQ2&A6vv@Ve5U2)ix zU%VXfd`9eUK2L$}1He~ua;(_oVDyO*E#hE4rCMKY$$2%TWc?tb^?UCwYv2^Sc?QKV zqr(qnY$xlfOz|??dYt~tE@L#ud8&XJ{UB7qnV45IVs?|WL{-*-1s#oTPtm>ify7pJ zH!F>JGbg-}Ix5|GjaJd%1|Iy8UwdDJW^@iHljvYp3q|p#kLcC)JJ*ktq&zNozENUlRCh< z7J5ad7D~_2nV^%$-&cNIL}PN$^^;C{7jHb}(0OtV4nY<{JTtXQDb={oA6uU@X9*G}Sr0Z&Xw}Jg9Kj-b`A;tr>1bp3YI-awg4>j77tfo4-n# zhY@Rg{j#w3s18^6T};pOj1NA+56Sx@>1(* zMB!=uEjYK4It0dM^=h5_=Rdw9BmB&MmKl%FoLF_$gSpXM>D8Ag+`YuVY{s4&uSY>I z@V{1cGGT|T`{5H^_D}P(#st-6>8_s6zuC=pm8kzjSBd5_Yie{14Ss*VBO&g6!zAnB zg#(q}&vvNEfniee3e*o#OrvF%@nA`gln0WMvA(8wEX|jAYkLBqQ#Wj2#V9*o&6WJ(Z zc&FXih((##!SBPL=|$RYdPw6@m0PqwGd+h`CkrA)-}<@!nEeV1Gz8OY92PO5dTP4m zq$?IHnPCqI2WP9ELRf@^NI2hQ<$ZeC&@Io*Yt_ot#6<*VY*5)qADYj%Y+nFBxy9{hxfTZ5YujRrcfE=Q_Lcyh_eYUZQ7EV^4aBt@c%|KQbQw5>wIbE7=9 z6EYtMZNz0Hz&(B5Ov&rBOv`_ZoS*l8i9SE++ls^5SA@}l=#y`fKW31&5ZCsQ(M6G$ zk|da3F+%+Rvp9WKXo7T3_e?81i~|~o0{JK>zt7Ifo=T@xo6wYjKbg20G7FC>LM!y6 zLeu$<#oN`Lqhem6kk=TzcP?=*+C}O~dtU+Ow+y&e6yr6tAmYW_9=Ws4rog(oUj<1i zW)}6nR_u9EfF}DI_-*MNXZTtdIMgJe+PV6qj2^+hNJ9B!4WdU-g<@MA*j+#4(R6YO zvteNmiInzSD}T#0Uje&Hig4{(KeqDjd;$QKK0Wl(DR!8ld&R@>o`}*q21uq2;1%Eg zxQM0_=PFaPA|dIkoOG8wUg4733zRMUjjS3Qew}WntJV7*?s!)@ry+}QPT>aKc@i;$ z@T%Kw5)*BYk*6P)P$hpw?tJL6%P1u1d04nNOu1m~YNnj@fB>5^c1u-d-+a8{i5P&v zud7QpA6FoK7mV#p(n$Een61&a{_#@!7&pNYl6zBIohCfDC=bM)&h!(d-+VSdt|nY- zT}5U;1%X}*WzU>YFCc#jOTpZyyz0m<89l-OO3%gUXR-~N&Xxwi_mM&t)8P44&+eY# z0*qCUS!pL7SQPe@Q{H+xcReKoSS`CBn7d{&6a@v`Ns(ZjsF3up)FkliyHs82{5FP@ z6=f8##!0N4%7mcC5;$k-A*J zdga1nBUZ)qv)u@)*vst6NPDPV*2}-u&qID16JtEicB^LJ^HCe4VU57-85GPa${INC zEI<%{o1C*1QMpbnah$4*@-(0FF(0qYgCIPhZ7R}!U9<)0wH`Ed-(6L$zFHRwX^E~& z=OZs&PJPn;sQCAiK!Pc==B#&JUp%B!n^8i-W%^)#wfY?TX8%xF=#csew;woFL6(#5 zK};3YH3cVl*iRiSFCQGBeeRfJl<)`br)2L5a3VBddW)m;9nn9=uB+#1_N?enlEq9z zgN!wc;MBzQLBxU>MSzR$S-&o3-nUldiQav^0j&MRo_iEHCZtLl{ z+L|30A?QIlwp_~fRF2=Jx3Bmr-0CbUW8n-Jz9><`Tax@OjqvJVA`^sOEU3EqsJVGn zuz#e}Yr4T?K-F74455?!_Wx))^Jpj^?~ji)G%-Skgc(vJ`%XfP5{4RvEMtwb?^_v5 zi6L3aPRPd$MkxEfWG#j=ma<3oeUGvHp6?&ObNuZb&htF?-uHdo_uGbFL{KzC{$Va& zpB=`)dR>-5;CFe3h1JZ4|1a05UWbs=0!8UMGle<^KFek% z%i!-7PksHhE>FCg9rk^TtKZ&z`XBOtuHJTngR^R(cx-fm+^{GYI1KDXL<& zELOTz6z$3q@i2z|t48Z3p(V@j#nfx;5PNVEoGa1tuXp-2(U?9`HJ+6IX+NEFh;&60 zA5KN}N{hl|Jp8X}*u{;s&C49RUC{99hjlrtEPM?QIoizu;-OOwyXOGkB5H`5Pv<)G zLsMw-6V%4zRg0p1^OEyti8IL-=dpY0yG1i9#lGoMmTt!;){_|As`{&cs&b&MxPa@M zJyj)-mp9MM1J8mOY8f3$>gaEI>FMWmGCSVFIN_oO$TZ6T*5#nsZI*p{%L3*S`?pms z;eI`yer>0FAMZ-NuKH#@)f}q0xC~epa?y@hP8dHh_AXlV+A-hoR1@gGQNvM~7cmnj zqqDTKyD!qdGIAYl1U~z#+# zoXXs3T(9_~e_X*dzYTwY(H4iZm*bCztV?xc1+bYPL&r7?f~1qHnH@noj!XmH_h^NRUNRxHxlk}jBrQDGYQIh}yzIduX<^r}Ig;kS z6QVao zEEq^V^fAFO(mqmWWL_lr ze`@ED>XJ=HNimT|{ctb;cq${K7aMV`sc3@f; zILDIhP|-u3uYYdOv!yr)wu7-a5Lk9)SrFzrO}DSCh~gW$E6Lwoe(N-ectmeayULSf<{VI zeSm)G3RbaJib&ng)*|Kn;AtQ#FU$w?Ym5HDPRo(1#p;ZKg?SY4_m+96r~TFyQh4|i zf}e!8>629NT#NeHlGQc0EQ2MkyN_49jaNqWF<%nP!5k2LxmJzIVU?*opKO@Uq& zzq7iR0pg{*r7?&@Gv>?DzwLJSXVz1bv6Mg+{!5RLEoZZT7Oh+O>JQeV3cSSdP^FFp zV-g-DjSYuOz1a6OWO6idM##%nnEukfp6bnipWb)gjDzy7S1uF{y5;A_tyGDk{_Y*f zATmqim&jzYdjoZCUJrg{_}%29Wq<1SdH_%aA!77r?E>e0^h{&KA61DzNJH;#EjbI9 z!Ic*?Gu_7T$zr{E>}ppWN}Og_q8vvm-v&zEEg`icv7-mr7nmQSg3Z+093Q85a}%?E zJV8Z&IPT;oX&?i}H=bHI@fEyI56J8XFE}uAuqTU-b?EdU!d42pgTS?aMbVJlm5f`Q z>31rHWr|wSo%)J6*NpW_F}odKm5_SS{>z<{kw1tI{Xvhoq=bYSK)Xw&n+%PP z3k$Q=F)Pr`o|uG{0^ta_=Mw@nxtsM~yj4%s`RHVxyMGY2RfuDe!8P$P-%so;MIQ9IGcQ2{8q{of?uJROQ<_6UBNUT6k^C zdU9du$0tb{Pr_1t)UI_?8^)c!g|}}2BIkH>VC`mowbP(`!=qv1=0R$&k^#(f268i> za{?{qEf_%Ynfodq!iirR^B7A`pd%jt7rm$3YMrjR+P=hh)$)aw$K16uMa2Z{x3j5K zl|V@=E}qhZT7&g}Q@T%vnU<>f4v!}hbS_b#;(x937taE()>egK^{}=6lG7E*pgXz~ zBeAMs#pm%Ph?1d`JTKhN;_XmK`7r}1@Nk=sV`_Q>*bQEhT<7z4M(=u^KXH`Y1oU7% z3F*%Q8Fu9|FybC1C*iq! zWa;L6wZm{gVn$aQdl^w7lT)aC6AUa8ty_|ExwuEw!DzVnf(GKUW`awEF4)q!q^h1q z4sMdj`HCXZC&u`_?%%&85Icg=JVl?cb)p)>S1*Dzx)||Tm#3Z;gw!XS7_iQ$7;8F@ z5eG1rTHs+;!ir3Z#TsBU2XU= zOd!@@QWW&g+}YOX=2U3?48YD*na_XkrlW@xjW?J1y)GjeOJRXy@K`1T*!aOU>88ep zZ-nWCNuo>Z-rS$Z&X_hQ1m)A5%$@atng9!s-NLx7PSJx~owU(~4}f-BPeerOJ5f)< z-D*QGh27FM1|g^Zmokiths=$hlsUL0J7r%xm!ccJJWSFC0^hrPRSoqh z{^t8NEyu&|vX!Xajmg`ZOK4GGUaw1Gz@)`SgEh3ZOE~8tePY_#DdxIPnLw3WuYAJg zf{s;PXX9qS&EFlr|Ja#KSO`)^QI2G|6I;%QN0FXN8+z&JztGm;JK;LwgcJ?W07{MY zUqZ}d!83~W^y%jL_<3N>?_kxeP+z?ag%4fx!^Kod_4Bpu%9H)}hJbi#&8B)Y?(k1d z%MqrAXD7fT>@%sTCnQv5jqQ*v!0kOySgw|)Y9B^vy`TLd-*m%;F3c>ZXs9lxcK<2I z%eFDIOE^UXzwD>&8sv+~qZH2e%0B6bRwU=wr3j2qIFxq{ z!O)x~iC%RF*2rV7_3Qq!+=Y>PiRkY~!Er_3v=^?^*^JA%jjGrl-dFtV*-XDs{Q#SJ zT)N!QHDXzyBKw;}9W?LoQ=+fzyWUwl?i!GZ9rwrIgxmT1G`OH+5R(&YV?-3H{`b_$ z%2R9giK$Dtr;Hk6ksj0P2e@87s(T@tKPOIFV_I8Sg>RsH&XzCAEhnykBA1Gqu4yoK zDXF5(ZP(_%8x8V8ArGKGn|&%X68tJ2uKe|O(D zw?R#vO`lA+5}nRIzba|{{5P*wt>&DwbJScqB$E?8V@^Wkx00L_nZJ01WVyX_sf*Pc z&F|sUT;erA@M^MqE+{=Ts^aZYKdl)h44ogTpE`zS6*z1}@-yFIxzNK!Gn*S&G;AFG zo9}0fH*@wI?*{l?s}SYltEHGtOjtwQ>$ca1rm{Jrm*2ZwY=6fs@5g<9Ym(_}ayKnV zqR@ubv8&GpzhEg3Mk2IRa(cD}ze1rSNIkm8lu#31ZkxyUbo$~QJrU&ct!>|jQob#w z_ZVqs&^Nn?(QVRcBEHyZ_*~1`*??h`k?x-j|BHWHEYn9}b?J~iwQt zDv}P_-(@bsD?em5=P?yBCn_h?f-n!{wbi+)VW*^3e8>kR$&KW zGGZ~KhmdUKg;~2Poc3$SR}#CNey>+ci(p*p4>mRcq)+QBlEPI;uwtmVZ|MSZm?S~*kfwFW3lIakv-RRAJp3byW@tBPyR zD1WIerJJ7{Cm+=JR*`Y4@aAJ1#(>z)%{L%gwl~eZ6M~@JUhR>0p}2bHzLqT@>&$s-Y7JHQ>j}H7ti{Q2tVLwJr zTG`}sg~hnjiua+}JVu^eSP1F6gL&g0Jw!4*f=|m>%g|34&UM|c((gf9#>cu?r7ae$ zPO=DLT?*7gCf>Ytq?JNmE8t1A10w^??j<_gNGDwIW9QYBlQp`NLtOXoA@~=; z;6=1EwO4}{7oJ>u%$>X{MaI4&K2XHn0tF!uo*YI9zYHIJ1#zDA<5GrKXi*M7#A|f% zI2CEwS6 zlGckD;Cp2W00U*S#>KO{@=?wzgGVx^^Ke^FLZMC+lTAE*#MNm z0N>zM;~&^XGs7YT8L7KzT+RR1uD{;em|LFfzQMjuwc;WbUJahtN2X~q@gaS)fyqS( zG~ph#Z(ApkN@RwcrFz9oM6Gt5hI!WgAWM z#ocy&4&pYwtNTs8$G@WK_c}i4sDslC({kEtefpW^vuT-CmO(+UvWs{?4feg1jIMYA zWxl<8j>^_Ox7#f5X~*%;rvX;NUJMdi3m4iTB~Q!6oV6n zc9j$n)zIQ4^I#^tP7M2K#e_M_s&wBMmvPRQ-PZ`MqR;sY6gSnXQ7aj8atP@G7Cppn zRwgI4x=!@l5X#OM#dfmywbZRJ1+hrb9gmR67bQ3iHgXEYTxW$b3VuSH2?_Ch67wIB ze38O+jIv>^wHsv3FLCFHd;9#pU>@t5l=|)MbbJ@5QB2=m4A}DR4OXI3Y{}|GZUmsw z8~?Htx!3!SU8)nB_Kh=^Nng91X>8^0Vm^~;c5zXmLe|-WzhIHm{#OfIRDVi23yh7a_h}WVqF*^6~e6&F-pKD$}OY9kcAsDN#|G4xYq1Pr0RZ7Aq z0Ehm6!l;zsx;{3xreIosS`dwa-lO5tX!>7OPS3P#?twJZ06n`WH_|6DcPv0!KDd6U z`cl79{a+Tm1}K7$iF~X;?7+x-=_fu&)O4oKly`+d-8XrQVsub3Jz`-ozdC;Ti%a`} z0ShCa(%y2V(TT)B%q`_NOwzZzB+Jz@++|ontIxXo-duQ8^;Be+&2vvaYPsN<47~h# zrS+>9KiZzkK5AIl56k2$tIi#$z0kcaBZ(jl$?Y z5zdnj=*|pGz5`TYTKCpVWu)FfOMBg2o6pX4Bhs%!eG6EQq8=r$|7fXgI;uSnRO0W; zcdGXE&;Z~nfr!?SAbeUNc5cEa>2eN+b-_AEx{qcO8|_}!wIj@(>+PF7;o zW$WmdF0U?38AX#EJ`f)mkBhL6xdZ)vS+qG}_)`%pljz=<`y z$ri7!y)C@AO&bXjGAeT6>eL6BcjS*)%F1^3gefcn67!;^;oROqd$Zg7s0RgUeV znQpIQO-e}6ukU=urHnFCR}vSxHdL(HY4E#n>3fn{&P!6_3?@X1AIvfay5R zlr%E=kL<{yjJ;A~=cu36Rdlkye)gwd0UH(OMscH}UC4wfw|ch*y|xOyss}Jef3g!h zPp`~8%hF;(I4zt3UhtE{OaF`U8|jnTr)AAJ>OaYr(8(IqXcZ!|Jt+7vFc*TR#P;r- zpNxi{&IN347re}pOx0rwmf&iIY@eN#x@1;A7)K36R9yj0tksKLr~fp2&1UbPIL0Tr zGe$x%3AiS~Gl|YVnA^RK6Ae(sDzroJq#({0d;;IVF~UNX=+ zbdyYq3!TT2rxurvk7OkDcqDh1<*d41E3Z{ITwg@HsDtrJt_tlx6j3W69EJ1_eJ?T{|3KFLimT+poO%E?t_w@Arbkazm+` zxrkt853-~0qp?@it^1pe+D}9@md1cDKD=`=pA=66skn)K+o0qJ3R~yR4&C) zQdWya`yb@*H3x~Kl*SJiW*D@eKZ%&6P(by(OQo77uv8y|Ec{kypK&txN+L+c<%EbX zFE5`Btj#PcIy*mZGonYV4`mw%SkG#$mTPKc z3-5VGI98&!aVQDh&u91V*Y~H6<(SHuRaIEbP3)>5m$dIX@s0X$C)LG2H|l-AuiGKE<%Fc(F`%Q)JNjB0V^l$uY%FFiZsP zQdGij1a8xQXXP?Ha`Jwh?OR@IdFy^-cUH89F>sG3m8S4ztnYg0_@w_OJCQiP#d0wp zSXawgr*$JPFz|3o7@n)q=FLiA5`^Tk>sE}YN^n{jso#%`khsm9XwQNZ(6j-4>hz9M z3)h5e?krva8-FTdgu}b4uCeMHXF%Q?DuX7+0DwGSoFFCi(oJF8H{01wnq4;RCOyl{ zPPCylUzy0IFlhAF=V$9Tm z_0yH%ky#a5t<>gefF_@e(|q_UZP&5k4Gg~$%BLW`INfs8oB}V6cDS4@ioyvKT+a27 zY6=~VA2u*mR_s}f)uO|r{q?uK&Lf!Uw|-jNsy|$-J3Wk9YxHkoz5^Y$xJC~`?Pt8C zbtmk-FKkVoTlTmDwRE~Q^IG*?dN?fzADxQPdFJ`{W>@jcXIv)`IL%FviKJsqlDGI zdsB=w2dG~!(PiXriFl`yc<~i&Beo-{a=m8%v>06lO zH1nhdS=Dj-ojr?ebzk$<)4@6yT>_=QyzwSk1Qa5bFh;s9ZTv`k}b z9Q_SgYUqG;z=FEN!{3_ojB{$D?(_Dta}F4B<%W06u+nv`^?MBx5H9PsXLv1~`aoZ**0%kgJh?Biu z;%uf?eQ|<~PLQ89O46!D*zr;EAjGR>JY;)iIKCzD&fY7Fzu#O~1%;2S&)Zw>cW~MX z0z~iWam)FFss6*1Z=t zZa&{SlOYc*UX)dEO7%M4Am4s?k#EDDjbf=3kwmd{nFjuo)vGFt0Jr+OpqaBmM8i`_8RHkVI6dVUK$s#qvS7+$f!%~X9drr~-Fgi>cF(XwB* zo&AAKLHndYG+i>#OWx>5^1zt$t02pWzJvG<4On!R)B(y{9IW1v#^iXsJ^*g}YT<4C zNdEJwkMgOU$J0`KxVSI!=_!|^gF!DErh_`mP-#bUadWEJuA}v+?wZXwN@H4ENJY?j zAn$SGIIDG22-wI=_|MSp>z->&#{(?O=_wBuhL!mlsZM$NzBsn z9PApNRq+8~(Nan;x)XEN6r^M=yd?hqcso!UWYy@86n>Oe?5lh)uH8S?Naj@?r}QQE zn~_lEhz`CF9h3RdOzed*>4JfMDJ3|FxAV#v1tX1Ip-#*jubNN#;WT_LkP!ApN0fEd zjY4OHlFAQc?C+8UMkeW!e?IhbwDKQ_^WNzJRDEP`-SYmGN}_0t4j7VdmoqK-l5s=m z*q7(QCz}$$E}wM>L==&Z8tH45b<-b43)+3cOsvyIz`hiwKkmzFm^jP?@Ws8%R_VwN zzGL9#plRGA0O&<j54++7z-q3&fR8&dt3S>Th}^CX)Y21l1A$$utvw z`sE>`XJu{;!ghGcI)2(Q{N?IXlO{GLndwkJzx|hO=I$ZKBl>eo271=hX|J$PE6y@O z&-~;K>j%L!7A_&ejNLr2@Nl_s`EuN;*AIZn>oXZ(v^<9kK$eCd=96Ha=2!oV?BNG5 zgpM%qt~Sv;eG~!~dwfG%Yx;a?pZk1oe>4J6pv^gsdd6v&yzB4qHI6QqC$56#D7|do zP#G1MjAExg-_H{r^qcHW3r=X5v@3c`2b*n7LYp)FA?-&22s7m2UAhbKPgTc8sKy00 zUo6nqql;OqukRU~8K!+l9D}2TIP&Cj-V~MH2(>(fs7^U&rH*B&t4?LNwA=|k-1w-l zzn?%yCS1#r>|WF>hQkx<1`u#ea!^tC0DT`w5OqlX6I{2Zcw0&cWNkdD&yj}jq3gA5 zA36ERz&RXb)hAfMm-Z95|J_A9yCDThV?z%!t3^tjt`;cQ&Xz<+w9?-c6-cJV|C*lw zULm3bdl5ng9sxw0Tc#{}#Ue_fOj0>DVagX|XZ9gYqE;rIS2NOIu{IjADVFF z=r%cs_AKXYS;+4GXbY7%R6p&ux#?bmJD**+hcxc+ku#c6TkLrOfgN;R1eCd;%&0)At2B3cVkaW+iYaBu zRd2A1ZN8te5_(QnKUY8BoQBPEmsthx?{qdBPB$KHEFU?I-xra>Xewbvg!>V&Zl|Ki zKl{BFx3S*rkCtBO?+*H%u7`v+jH{_$yNlA6n1g0kj{rWc&f98Tl%Of_q~-OF9?oA8 zAojaIbuqG@CZ-(XRbqNt9nEhH3wDpnBXkJE1-t3d-A+Mjr~=B~*(8UcKkjgLe!X{8 zQd76&`}UtN)8JH!S;m1@PNal~0zOUimz!cvO9T_=%Yq&r*&xZm`zf%`8RB|0uOLu} zE&>(2l;z#0|1VHg@n>mobN^)-C~qvP$PWpcn6;osIj8&U(=zu{X1ZElqblEX>#<;+($7nCOVZ{>Ir zY|C+pD$(5oV4($G8P~3D`>KWp2A=hET%(5hS70 zljZC}JYe@*E&Vs4=zUt${7v-#t?fp8t*hjNrhiaJe+?sE7u zW{|qP9yM1p-8AlcOdX#r=2paV-%$^=8Vjj8lAJzY;BGm2gjWauvSr$~hLlfPvxmoL2ZHR-6+u?@5_B1sbKYeEY52BFodVQPgpnY#r3-s$TRWYn zKRj5eS}rR66@p13e6(~3XnApRY=Rw_qAHGNy4yD~!Y71F%BCldeY*09*3qs@gHtFz zb(Y~ilYU>=ldvi$FkXY8`y{S%>{-UM$3OqE;OPZ#EqnVF0WYCmV)b~$-`M!b!a?(r z*}TaS{Wcw#pyR@1LOz1#a+_sl0CCv0;V680HOQ&x&Ck!q$wX{UtHU9Uy(363T1!wq zueHZ@CYhG*;f!a+^z`&3%-hWw1Uz!=%y$2WM&1>RbAkWvy*Z{)rUcm$Uq6<)6MFQuRP9 zpQ6+mc=k{E&Qx)4kSw^$gcS_pFW^eQ_&8JhuX)r-!WZet$5&;p=J^Bh3X5KYCV=8i zD;Npk`=J?jMzoCgF&!`c7z(`*d%Uu|`P8jEiC0Sp@nUW{m?v7y^I0B$>Gxu@Ae`hx z%SY4ImslTfnx792l_T>8kqxCUf6_bnb`rI{7BbdoxgYw z5Q3Uma~4=|_Wq@rrUj^Gk)QOgMD*hE^ILzP%lut;G}7HC6^$sQs-(s+@#ix=L;f(w zu4p2iFH6iNz5lyb?I8UcN=vH*hAlqnE!Q#P(lD-Q?#)Dr6}Jx4=i|;T~C*4*4rL#EnWsBMNOwM#jd!}hW z;PLU>(Ox~uNX8!oPLYMM-LH-QdtTXk9L(YFtk{zBBy&?P7Itl}>!nOcPRJu?2Be_e z=T_USMGaRGl(Dvkyws@45TPdV7%2AUMs!N??+bBX8yLbAr*SQl;2P>W`SVdbbu%Zf z8>*xItHEPtdlK1!8?{bx)Cf!RRukOEsmJ-0poU4n>DCB;wqaFLJ8_fl<#nXe+rXM> zu(I^~jBDM9t{(w+su)obu9htCD9Any+z)e$>tE9vf=VL?Jubu3$0kw$*<>%!YQaA= zR45PD1+~L(%k(=E^U$ldExpPC*n`fz&H9g zb!cq)EziEY8+-pwhMFp$VSygvZGxSS{@qK?F62)Fk(uphH`LF5#Iq~*mTgU_Zl_0&eEI< zKIIycTk$_v>av{d97%u%%!yz0LRx)KKNcL#UWm~{ ze0l20^OqA+6b-v99sZJJtD#XaW?{pqxi!ZgPVjV9r4$)yWxW z=vd!J%cxvoa<%)pvSbu0)zaAhN}9I~odzv~U>AJQxY&G+?taRE<4;h+aWc3!7V(87 zj!KheWR-^7xtM2W8Q7PM0A3lDuE#KVBDzF7aSzV@fC|+619$`Da79TtPY&9t0QgguS(#+FXpV-*e;^8ozCYVMKgl_LMU$8Mid7d;Rc~AX z#G>u!`qX$OW`(XhqDi^mZ`Mc(H`}Il3%@<*SZVpWMCx_=0>qrfZxf{9l zSJjI+0T6fBC()bgbpP;cs&T#Lg)0scyW4w#s&0x}CF>0Vo8J9YvLm81$0tDlU*c^k z#l3Jksl=#4-f)i}ony8&x2l3?by;8=0k%-ffCdrU*AO(5UXgQTMEJ1>K*#KLxEh=XM<-?MCb&bN}8^g+?Fx1et(+Zt%0iUW7vOb=u5as}2Q)P)x! z6MG*xLR$IWxEJ(RB0~b*d(qH8XHsH>Mx1JMs45YvneTLD458ilq9Ik)Y$zdpe9*8s zGWKJU{DbNr#^n4x!u{KopFJPt?}kZqj%5_4h>}zWcI5_;Np?NT`Fv;=gmhTCA0a6S z5p^2*<3o9ZQEXS$kduTOrwIk(nI%SV?^wl^D$D{zb(#;0Eg~a`xy?cNmn3{jo=t*1 z9`<#`(VmV|-p+(Vs2&-cBwu0|@AYnu&6!TXr7p+}!x8n;jH)wZidTi}0keQ*sVs@P z%$m*VJF0Gx;nBb}<1*<#xgMfuXaqLSUytg~+^A_lfi1O(XgftyC%)M?r+>Cpvr`_F z2wt{+ov4S<`4R94X;7f&mPd+NlPf7-k`o{78!{NM2g5oe82uzho>WYNwb(#4HBpfN z@K#;RpU2&5GS{VmG&8%b#k!>G1#3vr-I%skW1QUivhRzf2B;8l30kgC@ou(E1GQzl zkP-aV7MPnTKJu3_CuDsqbzOx1xtcXHBlH^J5!9taU3YAmRLvny<8~*5GA;?ym!g29 zrZA~~2fn8doWrV^IcOfcRGF+$n;*P)R*_`X=$lfL^h>TZ=nYo2j|peaLUrkDrTWCp z_2}R0!_`P@J-Su0UXz&s4;p0APzSgFj~@UWmHJ$>o_3TkM;UH>(^WJAw&ZN@jV9a` z3*Ua83!7^wib*$jLp$&KzM(j%#Lu7gr&Zh(Wd8Gga_2P@$k;6-)yc{L;0Zj=JXPKz z0g^IZ)%-4G`CtPudzWC#MD^E2huxh%R6m}T=dkYj2Ce}Bh1`+8nLXdLQIE4r?D??V z4+8_(xJ8Plh(kKRnrh<5rcn2r^{-I-Xj6TBagIbA43fjnf zC_egG$%<`|bA6v%!*aA|7IE%Kbs+ndBd8T027SeS(c8|Xcs;MsxOB}_9Jh#;Sc}}A|ei)~=IO*R| z@29N^hL(ZO+0(!n(6RJsha_)EbXWIby<$f zMq8yk2}Kz(r82IBVU;Bn^(_^lj+p|k#+PCEZ$dKKS&d=rv8(jyKcgiTrD-CNq^qSt{zV8?Av8odpqyB@y-jRkyNmu9sl%Mwlh93IFxCHF)8xgIOD|0dodWC7RVC9Fg;nzlHHxeOe-7@Q`ZfMJk!;L^SLee`*dDiu3qIs-(HhC_P z*nX_KK1(lU1c_w_uRtW=v-Pk zs*?9$#qOs`8A!{%hH95k2J}S)av)nNox@*eiXIbJSNr;=42}!KIE)~B|8c@49JVF7 zK(x25FW51mI>2d>MnfJzt7We+Kdb`*O0qFgl9q;)Gp4=>YBSKL2mSm8P`!kC{C7KkzPGQblB!u-3|tzRm$#7XGKM??8Wv!l&2e;XRAPh zOmS*}`t#G3;Wy*xvFGsn-bUr5SjyVFa%dW}ZV{8Gggs(ks0MaV7tz(T(Zd=ZH$W1# zZf+DP2+H7=>O;smY0gsKeT?r&LPHA{~ntZnc6FhI7Vbq$+^HrIs}3}y5Y z`T>DAs=aixpoM(UPik`sgk1}H%pWU=`qBltb9@(^8R zhJda`&hf!uZH0B2c-( z`+WwJ?65h;wSlL9v6s>goMJ|#d9%Qh##j}pSuY&j^AxGLe&yFyvGxm28Fa59mDR^v zzQAbFw!K%dTcI=QRv*M`n7Vxw2-sK5_gFWo3U~2+8PNn~s+C1_XT@B6)2W#YJvwT% z?DDFZE)&ZTaU>nk-8C+K{h(Cz31isUn5rbd-tv8NGVJZ%7n8>>G3s2Kzg2#kV!l+} zUusFWYmD7pR%Of^KP{~q;T-eh8$FzS!(D?-O)<}r6q0s7q`NLbz!H@SN%g@h+1ZAv zgvzYhN!#;aeu7i6ZWp!>1rF21hc&X^0FFKtqG2)@WFPD9TTw*+(Fh4fso}hj0#wMo zO600c-7kZac-dJ847ySI4D*);zpK8Nm7>^DPPpFTXrNEq2Wqr`?} z;+&XVW*#f1&+I`h;tZs>%PXPFy`zd{n*lAS2f(9lrsj+V+ks2p-RFM$$^U_7>&&~0 zju#vR3Dl)LB`S+VcXyb8dF$S{j*wS01#gbPomJD1%k!JgE#5=_OP5bJx4?!U=<2&`e|Q?z9r~Q%-B?5` z8mugA9<2fSJ>+X9B0K5vT+t%tdAji>sm>nQLY5{|+2+QEy9Z$XMWUX%*Gv+U)MQk= zxY|Emt2HS$R4CP|8vZFZ2-4T?p95T1x)w*UPLo^X9GyWXJcJL$l8z91QT)Zoz^ z4NEt3A-{cE8~1Zhl)Z!Euy>B|v8kDYgETn)V0!2sw>(ccYnQFBv)4T;7+Mh%6OfrX zCe*Tz;CtEvRv+kdLA1>|%sv*+N^DjAOBMN?U3z5r@ynS%C@mg0q(P6rDWxmrY!^x2 z)4?e%MQklMc9}J!!^JvL4E1QFY%;3UtQ|{sI(x?pD21pnd8uRodlGY$j_lzxLc$+f z=w75L4a6HtUbs2Wnee&#dn};}pWtIm*;V@Zrj6D|_e-_E_OSB(6H3dw=-}E-zDy@8 zqC-&?(9jO+#6zLTpY|uZTsb>|hMm)0oUh_rTuOG)2kkbuWI@hu1QY9Yml9y~$cVJv zon6=>XHK8bm4$xrUh&@WK3*9v{@6P>cBCrqU`sDm0tj$_HAc+ogeqE*5iHr;^Y4^& z!zW{9#IG}=DP9ucPG%{Kl$&|&j%mc5*)s>-qLh33Sc9sO&|~sw&P2kznv&-SorMN6D~q0laAhdio;H~%6!C- zvr7p^_V!vNEXte+5a$I>scea1fGcu}`Ga2|_037k1qbu*mBtt$$B|aC#I0rDo!EG8 z#S3uf$l;s&^AjFozvK+q=4>Q!$iH{OEM!)DWQ_hXpnv;&)u6THOf{k^x@aRobDe-o;1G56bn zrM(dj8N{rw!~y*0qRhTRXJW^8pSU2tbpT)hMotoBJ0Wau$xeebR6jpy%CP_KR|s&(=OBRv7R075ddhy-m1B2kq`c>Mi^x+?pNdVN`z}V%f}o?V zJvr3w|KwZc0?x3mZDo-dWEFtu#urd-R$aoyg?rC*^yH>$gEiP2)RY77bEWaL4oK%Ur_oU5R5Q@j%i#p_YvD>4R;%z}J&y?ONX5w_3#-0hIQJ^`kw-vOi? z9@ToibE2U6&7C%6D^Ah)XY1N$0}z-`eg=@>yP3h3E`PY%d6gp|cwIN#^d+pi?<6{= z@VV|-j+Lo=%;;(02Yu^n|3D;ji`|caSgAFATYLL(`t;A)K|i=vKjZSdnA!+Sq^?<` z(0i!*hOT}R+EXQEH5EyZyOob&pwR){{QNZ!-xEJjrGR{ruOT*OT$$X3L?CHJF|1J^ zqt8yuTFxZT{}rFFs-NaqH$Io&yLLw{GHFU(RlK)x`qJTH&92O~`1`e&_0&RLnA*Jf zMHf&&e1H!db6DNo_kxfk->*o0n6@3T$~Gjuk<-$O5E(>9Nx(GS(7HnRJi6-#A*SIF zvd`5>G143XVi6-qwi_ZV++SEOAA*ld1Sm(ypG7Z>;1hW=GBP^j?Cms-S|{$?U4G@@ ztbG4aGK2TRXhd$&LDN8C8(1P$I$|S=WF2@ks~uA$e+kx=v@F_h>BYUY>{dJtaFw)y zw-)DqGiF6EUSK%C){w!4*_W}(j=S;jQlqn<#=3X?$=RU?NRZ$v%6PnUwsCf_@Oho? zJ-(1RZ3MoH2FE4<0&S};CE!_kpWc%VBbKbQr5H{WqUl9oRsn**DU_(SQ#J3wq$CMgw%fD|e z*Vj+FW`Ap_8Au*>p<}kvL^SPWRr(q#x{IB1Q|8BXt$K$%}`dqK~ z>-~I+tzrGc!KddvJ3C}tY$<^Nl+yg=E=`rE!&>T(qFNQWt#?HCyJoooe72?ul-b?; z3+CeMy}yGBr5ONZ|0#wE-q5V4TK$&Ijokv#$(aP5#m!uyZnW$2$Z_2iFc;@n_aXc| zywi5oEL#w;S5l1+8r_4ATbP>CzQGkB`97xSIOyd-V*8@6D?F>4U3JNUjXm87;1;yw z(ukW!G`>(!u~}5j1=c!;B0Eg7uc_VoISJkmxzQjW4Yo8+zteo@wK>`=M5W_GsgMbD zsxmd1#XybhgIO%~q<(6~tJqQOLpZOC7-XDVu`q+kLnZN-S=~}CDv;NV8-rSjp5KO_ zF^qEk5HF?ptuWq@(iUj+akakg{joN(jQTtGy(qP4!a&p3CEEWczmF_!`|16oV2=%l zwM+pBdZ>rKWiBC;tzMx-4aFh#G_uFNYNz?7C8vVnT0mZww(3h-&2OkaKymJEz5boI zxk@pgFnOP_tz0;E0{d|QL=|nAqtl7d{4tqP;#dV{{fmJ5HJ5>wfH;rJP45pV%um{> zzZ1MPsk5xNO8x2_zmtz3H<#8`{W9vIemzN#ozgVr(wCenyF=msp{~0>p{w%R$lCX^=^#9yx@dHl(Xw|B#XZtMSXfT5ej% z$eHYJ;d-6}82T7w|7*dM^~Hs!-s&?wyi=bsVGm* z%4*oS!7ZLjX4S#w$Sf>QlWPfZg3g7-W`KxqUhA=UctgBoT)Bz9XBJm$!h~_9A3021 zzi0f540ESCa?r}{%2c1J6aC%;3)}C*#`+yR6I*faPBGBP%ahLxK_C|Jcg_K-smJwh z4px(llD+B2{tEs}t)VtOM_3Q3?Cksc>oDC)NtoKh)w`0f%W4C%piHCjE{r8HWApfL zw|qSO@;2*U7>8Y)19_n=VUQ#9?Tt;&fidWMpg86TekmflJJNJQusO@wz-8J zQnG_{$NSNJkt$j5KyVeQo_6X9n}<+KGQyfoC$*_>#1eFte1sUaBQ{;!k}f}n8Z#kZ zxVh<5mED&$1e$jT^va$ex+n{kGx@ofpYJClDK)}vkIdQLyO_sia#uxI00>Zct;0|* zYgot8{$rQJ{eZLep==yZOX4Y;H*k<8kOCB>=*m6vv;azq2ciI;Z|Rm~Wm>_RGP>?) zR11_%PA??i?S+VnQpd%(7DX2hE4=f}N+*%V9J68pNE7mhRa|Ceu@&u?wz-w`C1~@a~IH) z4CgDji0ZexJRG`G8F}jsV)|zNocL|p`zVmDEo2>dVCV}lRL(F~3A&=~#na$)Ns_O3 z59*1=Ou(D+oP>4Dzoql8C1Br=63YT)BV*EuV=0#*f}iz)ali)w`m1)K1uhGZae*S0 zZ$%(cRFJY+66xQWQc2EWnaqM`gUBlhMcL5fkRX*@L-K-fZ%4F7x>r5VosQG}-sgW0 zS>~54?y=Wd46kS>pz2*jLi6=d7#&uKF;h2G_<4Ma1yv;LuIDl6nX6)Me7<_7NbjnV zBd>GAz>0~Ei|+n6;C|88u9SIl_PW_UmJiE2?HhVejXsI0M%v|PhK9~Q&^2#$mrE2k zW<(aF#2^I;CA_RSmzIQA0O8onlSOg0?1_M|P*z%&B(JRUEy~K&#lgZH0Pp%3OUbLM z9?7?k)JPwDA+vr?aS8GEpYv*NnPF?P>@h*z?Hy--2Y!sE5-sXRjs=Q;f-;p4IM)9R zmgM)t-URun7*mU!YG}+t#Gv4t9!IpKfps~ zP~f-NF; zc^|?epNs9Jg=N~w8-*#DCJ+0zG>8Xb*qCCMp*a;c1UO%=x2Z6!??TCmOxs2sN;s+kuB{WgzNar#ZJ!d zzd10qp3s{;d1%w?ZT+%+sf44WAmuw0wdq*pY?5}c>BpmhRyS~Izqt;}Ggxu_qMKyL z&h|iyyWYr3^vOsTH3RiqJ0`WMwiyeVhm$||7@Y@2e#(4ZC-E%veDz-rc@T;L34-=a z0~aRG+3yvIy2lJHEKr=V7pMM99FbjNiZbvlqe;rJ$a-o+xEV!O+`3MVX=^ zSHU9DeRftqs>8@bK>VcY3qKyPIkTc=0{>^C2k(p&vK6O2{1)`Id6WAj<7IVj47dn>M1XeN1)u#9BQ3^aW| zY1l4DE5MNKL@Oth(0lVj$J1r{btm)PL2YikuT=E3YGpSD*(-J7shI+aul>ah=7YSN zAAON?OoRJMd3Gy=&9@VeCm64vl@vXJx^F!2OQ2;2J*y}W#C0kF1k{I-f?9eEFR1kN zT?F&xApzg+Jt)e^D8zKDjbAUi7ILqya5CALE%j(2JN+|Hb9`6fI5U$^V4%6_0sVXr z>vzuv%Q06*5uj(k*T!LFGJx|3XL9l$FCq9da=+oRJ-u?ir7yK zr!$C0Ul$ZN9{7~mXCz}wY*#ek5<>(}?`M;RuiARu?r12O#&L;v8vL1jMj8Mt4->5Y z-Rkq-MD_m5jEke%zQl61)M`reiB=&Ao$X(=)%u*>RGJ~_a(&`<+Dx}qEy_ffY9jh> z194ZPy6SZ;I1{lQvSAPH4m8h2z_(RG-0+0*8UBVIC}yjEN6oaZoYBqKa<;C#3@z!6 zUt_TeCjsKv-NWoD$a1db6y~}2_GuMY8RkFj{l!deF-_e{6u8c_{;m0I1I;vF&9SuT z&C4tf>98sp-5zmT97xou%)-aOd70rT^zY)$;jxvI`g2sF>OE7iWgx zEIW_i-k}qOTzjV2UuIrO?X-BZHBfO|>^6a(+SO;{C_IpeFU9CPy#_3hN3rFP6_E`x zUp*!5%82ijvnQPqO%D#7`ZYJH<${e@E?5NwMVtpzVoK?#K!blZ-gvoj)qMo8j9teX zUu6TGE$+@*sqwtN{N938L;;sM%)S#YB9dp+Y?QxSayeRwVZRZe7FI2zCd;-O2~&r#ZH{3l`Ah*R}XH zSWSgJAwB%_^X>n*E@qk9$h(KCXI>XuOJ`?yux-_*?t(qA>*biglG0)-QainTY?_W1 zpTN>AT8QFOi?UzIldM);D?<}&J$C%97i~$*nlJ;RL8*kb6>zNpZ!=X=1!9rLs5T1F z;l>?{r^gjMOa*HL60cGdgHjYR*eIvuuy#2A!%BuOTT(m)9A%TM>%tjX!`~|C^rLdi zZ9OBD^mK;Zr$O>@<}cilPts;6my%}t4MU%*9ru!wxyzhMndq_`w_(sSPDC24M-7WV zZk51zvZQf?i)k0V8)|yJgBdtY*dpF~rGTY62D-v5K4rP{1{G`#43Js?osBB5-{4E9 z@{|SEM~1=&r$_Z^-?mm-R$rNsO}3J^dcu~DyOJGsmX&Y%VdEF7_7cqu(g=~&mFfQx_s*3ZK%etL$>r>R#{!@Jv2Re^_8)kdYf!52>Pd>L$Zguc;v3hQ7?=%qTfF}CxGqPL7H3)k zfoj8ANs10l5Yf*eXL7!89tk*Vrddt5)FYm-SdFoG_IZM#oE9mzsiA(v`mj(;B}pPO`uW?D{#Vz5x}WJNM%W z!=6=M=bOh%JH3QMNqMLr1FTzh%FNSG1l?(Vh9YvepxM;}~0*qBQhL$HNWi^t3~1wFi-Q8^4%~nToj9#IJyFets%Agy1JXIn@@CbErc8v)gDkKxdejV^TKN!MK~i zSf}F|ok@KWKWOe*eCC|W|J>W>J4Hb$)3Qa0O38T4va8&*i+|;M@J2(3Xl{b~A%BD$W4aZ}1^OFeFqZt;A3GYW zuL&A8Dqp`@t3mT($^y;sLg!kLO?(+O>l)@^{auT@qoeXCRd#XTy)n$P|kNncHU0FXLR%`z| zJ3xPElp7WYu|h_>fPyi?+;nk%X~$oqeM?8AjbyZve_e~;RYm^DP?_3G{QtWE z@4~jMYLxdsu-05Y_m1x!yVJ#TO~&%2Fb&Gto-r!N=@^7cV&emzR7d|_# zqFP^7KVl;@QJM+@b-1R=7EhluRkqFcYU9269sXKfHpW9RxssNP2p&M8HS*g0fYLQH ze!gv%PrSLFq8xGOho*Qhxb*l0%1{^&tcDD=@Q|;yQv48yQ8exfhOp( z?`f_0keVekPNRN>;9Z^Yu@_!^L(R7fu;$gbt7-cp1 zUSAHH)mZ#?Dq3_POP#@jon3aZ=TF`IVy=nU+M`6QclfkuAT67CUwsfv`E7sJRGpJBI0pRrP6?V3x}76rZrs$^7~byCVrat)E$h*N`M%FJj`9a*!L)m}=ppYlz-0rIMnuw)s$6dvm9 z9XNd~Ie+uxQhVqXq(BhVo#BGi(tS%HAakpoytQOVFo$N`m5&9%_ZAhTveSWg!lJls z4ruZ<^>RAU5w=r7DbHY_#Ux1vwXr|~j$8v>b;X#@cOc$RY;`7B(NwmZQUcc7e#80j zKmvApXn^JTAinG05Ky=Hw{1=n;|Dj10?x+<9FxGn>;{fXjjd9|yR$&EYg}|l6}QSa zSyy7^b`$q8$AOjlE9-k?9K%D(x|wPPHP#ymFB7$^UA`u%NZ={PxFAuJ^iD=eIX;zi zoo`-i(?)ZD2X}KR#{}61h#7cdG6hi7cd&C-{q}pwVxEXXnyz zBCEotKQ;;h%0Lxo}&gK5ev z68*;}4iAm7&Tb-=ZtInwfo++bTEw`2WaIm{Ba)Y8T&vksDpkZDerg(>$P=}DP^X$) zd9iv>m9!m^ghs#r4>6Izrb1bDxVmpc$qtX5ezB?YYJ)eGSle>`zS~QD=1UQTvbDx7bly57K0jS>)XR4 z0T|Cw+no)QQHzQ!kHYT}on%o)wW?#}^!KS*iH!FV8wbm_Xkg@PZO`EL1Gh4B^14y} z{y?ur&_F z4Go`WgfA*Ed8NMQq{b^^@0x4gho$7%*Z*OkRW_>WrA8ah{M>2s@VLbpxf4a}tX;r} zd2#PsD)u?alJrtq3^5w7V|rd3oyl z{*x9wK9F68HuT5aP?n{6ZV%TFJr{XCD^WI+w6;9A!1Yaw$*?`~-jVO6bHS0&+(Q4t zqb%J_*>A|qBEj(Kca-T%euLfJoxx6vLF-U~SBQ-$Y-_u}z?;yGLI)stQmDSctQ?3d zeBQUF^()p;;|Zuk_6bC-Ye%RSBX9ZWeQWG84O?d1<`dj2pIGm99DZkH596Ze zH2oR$dHjF;EK=$O7i?o3bq)s}1|NgIx3Aq1q4w|i>qN?6qs?BG91 z1Ucny>AA9Z*C`4Y8Dh)jy+$3H^#(pZyc39631&3f=#J z77bskrST&}1m1a1@6!~~iCpE2#y52XB!AR35=}DN9)iwbITJ~&kAaHO*9Akg) zEG(>att>3GW`-U0$9H)$Et)35?y=E;sQo&l%m?1uL7;bG9|?ejAXsYWvjeqo#=53S zlDD}P&(lDHh3sCwHKv|b-@PDI$Rx_CQ%D#pSS)%Y^6jw)>Pbgoyq+~}I_kOBBA_zR z;-4F9U)9;hwP|&mxbo*Zu)LUVa(OhKg zKZ6<~begV@%5Vztk!#{97MsIu|IWtJC1S-(d~*R@w=ihukxg++lVuwqFZa%xa2GiY znpZZs(meLz3c)2vK6hPaf?rvv@SY6&iQO%NmFiz2U!tzKz!U!O@`?J>Q;BXLIKeIa zv2AgBTRzi7w23Bvk>U`7v#F_VGd2SyeRanBQ8;LfqVUY&ayu zcg)w@oD}*9$Q|jwDCL!|xL6w>@!P%x*=Cs$EEc5#aRQAn-6dbrw>ptmpSDY_c&3=C z5UGJfPU|gPG(@mTx(xGt`Rs}dbGOnt8@?5s5_E|OkupID=x`ssQlj~hAElMovfGPD_0<_Ffkcj57}?m!v%i6q%$=6 z?~c~ub;{@2ujz}FXBLws6B=AIWK>`6D>*Z{scP$1`l2wob(uhd4jtijJ5Q%YFI~mV zx009}VyK8rLGGANfGU2aljhfmzuwvQDS&$?$KphJj2JIt!5P{nChy=}Z@p~$9N`iy zv347Bt+Qi>42ETlPQu+g6!B zu(1xN003~PB=D*vxF{plg1KN^Ju}T0Zj6Rtz15`eVQv^?fj)l>6@5kHdI@ytRvhG) zVEFOrKGqD!szm+B2?F!@9Ke*vd>=&(;OS>FvmD&@=j#hX1K0|Y@44CHvf`-RzluaS zF+{;IxtlK=L+R~SXNB#LbwW(vI{QxO?^XV+yQHsD)D7S**H#EY$cC1PxtB35uxbnx{CE(MV~ly6~* z1$!v6J(EebYCXQ%D&^p3S_fQ{Ru(fZWr0bUPbHPIl;;axD6LQl*RWTbg_W%&DNo}y z^6M9c-rcV}!Tjk8QQji;JUIRH@gD+e!Hm3Tza8gZ%}N)DJh=Syu_-5@dH(2L>mRrI zO_-SLpHne7VCCx3-&iN`qzi;9E(bJAP}l8+ zdXs?!*$)%Woz5z$A*yT97EW4scPW<=v`C%SH#7z{VGY1%> zWx7YEhr2ujNb3tjL#F+Xd6NV28U{c*WX}cf%b8M8-Y`PLwBX1*xVUeonbW4j{Mkn& zlt)}+$OlhqnG^-RRx(WNlMpOAEZIVb}a(>#*eCNr0slN3%vrRVFht>rPl;;%3tImJT$@@5wAJsg{jrZ^b+5{V8JUoI=m7#{=~2T1WGAUzu9(4O5-Rdx;Vf z0L`DtHu0$|TX|C)CqpN5XkXKP-6!4G3#ogZMpjr@v_Tzxy&Ke@x~xPa6plDMYA~k2 zkXfnr4s<`E4=Vm|Bh;BBjZ=x4_Elzoj|T$saIilH7;m(feB;609@38;@n1MmDxWMw zI1tD0uVo?jM{(j#rW(L1KNn(=->(g+Pue__uGR$M!W!po#x3{^arAn6Tj~t$l+(Gn zSS_{F{!)Iw!07_T?p5#^fsL)^gf6nim>_{r!UhGapubkk8cgJjTEYe0mT1 zXqbM(vWGA|p5q@q&iIZJ298}ET+7&@8Ke9IxouT@(u!0&@HpCPs|*xMHc45)e99%Ir5o%357!vaF&^AZW9%W9{6 zn~#;sbqo$ahADTmhWt-A?I=b{p1UVeRPF>?Is&`BV|t93U$?N|m_E6^M%mR$pcU&8 z377)TIxPh8Ag3Vz;|F53WoN4-L!PLO10Q!ce9!NLuh_jsf#z^B|9O5_7{A8H4Piy! zm8z77f2s7Kj2UH-{;NtfkXpe@LzVmv?&j({{q7hO{?GsXjtam^Qm7m(IHEzA`qm?Q zt$A3N={W1qpaOMAiMtDrVMSrkqY%}LEtZI|!*zX%`~N(R`V&^OpIXL#9rmc~~*8$@-WUndHpN9t4{`X6Y3W<$c& z>3G2>Qn!o18uw1K6_$7R0f!WGoiqohjGu?%g<81$o0`asR)5oEl{GQ1s%O(2-6d&0 zF3GjC)Ddj^<)o=@9IPTU6_!=lr>00`D$qF;=$`J`(0EH-ZJ-m~7gzL9WJ1Y{xNFJCG?AWPt)G2|n#Nm<#BI$PlLffFgZ06zrg~89FREWI z*N`Q*P6a!KL26J4{6vEv**;$pwJ<7*~iDlag35Om5ajtFpo9&y*ySR4#)i>x6OSBt=##QmA(4q`Q=4+ zyX-qX$B8n+?!|0w{rX^sZL&)0wYZO+A{lR~)Z?j*AK=7jxiuIrdX_GN)n2$Zg@?3+ zwy5e8wkqz;OeH6q+=yA^Fhw{3KY~kNdMvu~pSP;|IfbbEQE#%Rd}8fP_>bwZRf#CA zZ@M|+pE#pP%+V@7SS2kQT(gBXCNX7L#PZEC^c3Ib+xTSs!nBfNsdw}S^h-?9s-gCh z`}u^v=4EF~A9X1%86NL@7nNc+cErj=OvVJYC` z5`~z;bj;E(DQ+*e1#+ox+so(T(ZZ&vS%BkmSE^1h!!!c?2-P! zHZQ*)MIQR?bk56~ax_3}|F`WJZ!L<+TVMMMh|5Ma!;fEwgeV!1<`>^+F|RGFGc1zB zz^8TzaE??~UhbS>0>u+#oYZ{(&&iNuRC6&bYrXhH-z~L-p?aLd8w6S;O@wK01ziOA zFqy^fpU=rf{EE7gmmwJ-T7Y7p9(OI-1m=}6$1Ao^gk(loWPLy&jVD!*BESVFB2xIE ziB+8oaGfHpn2eY$6kEhtqsM)_TD~-;r3`fKD-F3_!F-S`bE&)!V=M1`pN=Urp(#T* zX^T#PIQEYAL#B5ma5ud(rh;;ufGIp8VZkNqeLvenY*qZgX50Dhu1`X2D8C@jGh`@l z?4;9HbK>;-tPGjXYXU$4B*kL=&x>pIk{I7K9jcz`9u{IOQabvA|I$0#i1m!#8aJkB zH~-(t!&^Ri_z#bK@~(q`@+ijR2nej%65dx5{TBoIu~q!M`wLyInLz}Q^qP9N_ASVw zcR8n;K4#qK(Xi|3^2yo)1*ik7(8@G6wY*jV*}Akp0O7XZqu$lT=cK>O=q+4grVxRz zy1xA2@9219DI)v3)YwE%;z$4lt5N+WmJ`t$0jhiF4ch2iIT^n8d{j0@m|Ei@s zVhIkUO>nrffic7WiN1WE0U8veFa_iuJ=5{i=}RHOf%4ma*mVGGB8p){ukHT+J>b<& zIjE?PY1?vWoZhMOj~Z_-3^rE(nlttd&+_pjux5cLNEIcvYOxY?u8D1zeHJDsNWOuS zhY(y*466`i1h>HNFVRlJsFl)&9{+;%J%cU2ms%L)sD8`mn)zJNZoa)Knc$B z3s4$zP+d;VOtGjdGsSe-l|i=q0)=t(&(I}SEU~O_`A=0|NmeXA=44*%4F~SZoBe) z;pZS-#322wPhLN(9@S-K8HwmLSKWBJlqZ8ygnG?ksOh-Eo!RG1o)7O!(a_Pk)&6}R zEW%wkZuxKjs9L$dW47ilw5rFR$i|VSPRm4f^Yfi(2G~vrerLZe+=|K;tUh&;g(619 zw*Yb5k1tp4rh+-?WT;;jk16OIv$>qvH?04FE=sYZIbPdRr(Bis z&!Zv4ULvx>WTD`TKEES%?|i`CtkNgKZ9o8Q-Y8usyM8V8y1;knp!C(7AbFe^v=K9` zY4Z4TW=7pOt5x@})+>wYurg21S^=bpprF0cj?#|b%8Im&wN=<@|D6cF`=P+@bNe|Z z9e5@xj8y1=o3u*ZCil{(TP}EQcx8u*+V874> zAEs>4SHM2|^0z9DzsT_sy&*%j!RTp=g9DD>pJjiULq@E%i16T*ESZa^JGGY|<(1hu zJ7FYoS&kuHbuaE+%W6z|Uw5;*1KRT+t6c-nq)fU+esuWPlTfOTgqu_PY?pTYxmuP& z`1q|V=|)t_89(YuMLgEIp?CQ)N+s_)Zd&Vn^RTk~5N`XUfq=RaiL_B_S64f@nyGZ! zfOEhql&6SPE@D}&J_P4C({O1S@Dg`w-7^0FF0 zK+&QlkPwA!luytwtBC&9uRzrJ?8XLr6Uk~)ho;3z*v!-Nb4xFKKU&})){_P#mUIw3 z1%lPTC`2Ha5_{Z_KOuMpV9;4&#rT+W!h1X9b@h-HaM1fJYS>@oDxy7ZyVuU$0hjh}Jdq0jC;11!iV4g@q{eqyGeL!7 zKp@h?irmPn%05Ys1)8J#TE1W=S5D4=@%N-C{p5Om69+*F ztfInaEDCfBG&Yb5r9s|}XFY~trxg-mZ;|2uPUn`wPGVWHImQT7MLDwIF?&k zqLF&wQ0|jwtjnHF;AGQyE!sT!1t{cjyS_aB438@$GQYO?No+sg^|t}mm`OchA>N4A zDv@-EDK8nf@@JsBJ#hc*q&ob3Y^uRaLV{)6YQmyEsqf(MxcYoX^&&o&dB10vru0oqrQ;pc-|H3p=ftFw0`Br>d zciorrepZXe-%6MYqJQyLi_D{zx*3%VG{)l06g-HkwG$U7{m4 z9t!fzz1(Q7+49ri51DSv7xTN+@PRciE5S*OJ4Dw;QmW+1!_g8U0~AC-uqr0*b!Z?` zgrBhXN|o%g-3&}3Csrt-$WfItue221Bym5>(ZTW4sfdkMn(jb-{X=ZpJooCzth?(V z!0=}cVHgfccx;kO@CN6+k^)I;*g}$?)3~r1apDY$>#s!x&}bFeJ4kU$tK|zkE>Gp5 zjecr^l>0|Zz3Y#am4QjE-l4V47ILS^zg*WrMt9QfF$p85_X_sLd&!*`&2y#Eo1j4j zt+;1YgU>iKc@a`Ur@!)5vD`7cN9T`CVECrhUQ>j4T9%Lb(?Ij|z}%#5z?KK#;nRvN z5S7m{X|56IyORcMFSgbVotes?W6H|F;}(c2G&l7Pb&Fck>LX7$N4d`6c%y`2U<*1X zPE8HU41mg*_EhYP=n5v#Un@VU3Td2`Oa6ZszARbr}$L*=7!y!p#uqVBn=sk22G(clO_lIA&HV-9U#&XuE3lr z9T>K^l0TrgrN)>8`2sK-hTy9%{;mzHgr1yS{QG!biX|H_orwF9>M|f~hj8~EPq)4Xohex$L^Tq8 zFSokp_u#>;=(Ojf(6h7i?(;k8$8AJK&;V*RC!@)v9Og|dpCUFIbCZdx1ig0|Q7{Z0c=zWAc}#)s$Q}goNPof~W0w@ewTv&-L4w zwxel()0Fotmn2*vI{3rR*3bZL1;J$(iyT2u<4*l5ErElqNv9h-_GOq=K!OadTVi2+ zZVG*AP@$bmc;6S75(rOM=-IF`Hv{!;Q43`JP|A&Ri@J@SCK{I3W(vTj4l(0_k0hjS zUJb?-Yi~XJNbWRQ4|KJ2fHQqiqXiW`q2JE?C`w;U@Qfw`J%a;g_+3zV*X>7lL7jCc;ruW-F)T(p~k3w&K>Vcsg_;K1D2tT&!PGqz_lC28B@$W;h|@BBikWBPZ60 z-r*&tT)h4O%v5*c_JoT8s;?z2<>z#u)(cHz(FT^Wkyvqgb)F!zEk8!BXuKlfj8tJ~ z9j`)X%KDqYuS^r&e!fW-sa{kxhJVVzi&Va2z}fx#&1^@=)hce=%Ay=URn?;B4nayj zAEn@fiA#$Mv6E5ITfMM{MJ3~}+n>8>M)c+#;}!h$R&%q{p#jvtDh9R+<8gsHm|n2W zyj3fpspAj7z^2QY{SOoD-!PRPT-ijNCvAl$bP?Nv&2+=$#q&c?U3A_fsro@pE{fdV zKgj^JPGkF;w#=tr3%_6YDVQb!)x4p@9-ybEum-R(B%ctim;}<*qvycCqqZit8k}_W zB>zqK$iCo+e7=uVw+!!ZvY{*!F8U?HPU45d(P*yN_^OW=M-ms;F24sqRz9Iu;cE_1 z%I7yMO#}Hn%8z;l$zE627D;FABE2FLt(Sbqnt5WLJU1fnKCa!uG;dDK&2@zVQ`Xas z6X4HSGR^_Nw)_B6h6YxP(HdN*U;?UmobT6llP@0{x32=l_~vzhP1kMEA;YELQ?tS^ zb?t1m*3hQCRXMNZSFVQ679$kU!)X6|`|FKLYY=%o-cU7r{pnC!crbbRyyt>EeDO!M zy}5062iIjsJ3%JTsl;q9bnS~1&H#~E=lAv^nl3R|zU1=?**k3!B*2F60HCyPs5lXZt~ zHyp5asswo}A9?o=>`+#0D7(6~%xTBJnKRQJv({sAV?Z@hLWQ#JbuqJaaz0eCasqD7 zICwbx>W$}i^RGy?#Wvkap=#6jHwprMLpW#XY%1Qs-x!$IZ=jC9>>s(8Se?S83J~-D z3lm|}EE-G4diS&Ot1kbT!kKmhRHI5%PpF|^W?#oTIYW6nIAuV-ct;tTKUi(NqjKo! zOeuWnVy*pRz}LE$q7o3R-C<=pGJVOc{2=9><~A=I3YO6qXsCx>z=Q0kWS00oYp6;2 zZUc=^B0qnLW8nUFiR_SA2as%Y{5=nNY40>UTjo?3TI!T14FFQn6SR$g*b98OEbdAW z{XfeHF?`B=ge!c{4DucTyZ)pMEet?IxtMMHFPljC!TF;im2-sEm{eGed3+v9vNinO z=eH7OZj83&clB}rMXH9XG_-?M28JKoJds}0{LUaSyf3TaFp%zRvE#$Rk* zP{JQ#fr3i9j&6HvDz?V^wD-ZoLwM7xUGJ1t_tq2-RB%h8#$CoQX1 z8n({Sm=Z=wwdnxI#vX^rtRl=9D;qm#9kO@lfW_2}iUEeQ!%sw9W)?~RX`c)g@@vac z{WT=W4aq>8mx~sOe;w2`&F(9UTU5QTw~Cws=uMt`Ra#C~lS~Z3%T)-0#<3i-xb(Fv zw~kt?i=1A>rJyGpi6}pO;1lB4l5rLdgRO-HIM@HuY?UW8M(p<6rx^%*QwHEXx=gly zOX?O#hhXkr{)8A5soct901ih{2!;S(Z*N4P6&nlh3H>qGtn$Y%YakgbC0D-;RZ1}iiMNUspP0RsDbw8Fe%w55&lLGGJE~f zd_*eeXfV`X9HQ@J(Q{h$if};)KMOZW%?8>{p3f!(j({cgI_fzmSFK>m?$CO(5vOTM zX@-ZIQQ_pBU@zX-5^W7o8H&|jHM$K`jwLt9>wb273xXzG^#DW6!DqK!=X3k-8S}F@nh~oy@A-zW}ppnTf9NBwROx# zn;_^jOyCe-(tAq{#88jc(lHxDsf>U+Qm=*CXqaGXT3vOu6DXQ3!r^>Z$w^53SWAge zQP)Ur>CCN%#^sK1vbQTtyJL){^7s1Hw1 ze6Li52Q(h%MIEP4176QLV&v21y3oE?5!elW8~;xiIQ5*mP_-`S3jj= z3l$~qNu`QHs3YiEbK(VP39hNVzwL`__;-CWjTQ2^a2z4vQ){SkmBPTEmai*Sq;%{w zoovzqE7gNn`sPXq5%n@I4gXePu~Lb@^c^b#@8wDC1KyrmzWk}lm{F?6;mTKMSz6J@ z_`^`SL@dP<=gH$?IPlY-=a#vp{aqxQa};dPl!Q!^Vd)y_c_21WHz;xk1fN<9P+F^_ zH$1)L%}v9mc*5Xfd`=6u-vKJK5gXcn7=&OnxK6%1jwK1JLmt2`nUPtLh4 zhD)YcpvOgJ%4ms(2$lR&fZySQN8RTy@CDr}jjnqfrXvFVBHaG(gwTF|GOR-R=Ku_} zPEJoZRrxRQcO>#JPTEh+KC&ElYg^_InqVdmF2)Y|6w`#}vKC=Z>${fkehemS+01a2 zMmn)@3#k>{;Z6FLGTeK~*{9>qEqQ^gqW5#|2S*-OfzbXhCTukhSN!E_+`VnvNb~6X zy=BkL&2RkvGw1&P;v(!T8m)gL6G3tlkut^jv*0Rr5;IwFQlKM&x_+o)eTzRrNB_QM z9pJEkkp44_QCO|mJB}n>n$!HtLO6r{RRObjzaGkDo%?N+1;U7Uw`4i@)pC){E02>z z;Ofuk{QRSo7L_#-ewa@=)k^#WhVPMaxUT)Xi|s-BTZLpw!;%6aw{JM?;7=E&)gPi~ zE1KZK*Z{qTkd)uy_bsvG( zzB}-afbQfq{_zx(V4NTl`-^H5cu!le@Uo#C5L8e4U-5_T9}Xzsy%vF}C>3Th;KCbz zIumc02M;Ho?rb%%#EzY~Vs%7l3P@oau`YSL$FVMWxvAm*!isMP_#KZ@&i7x>(@ds} zk+9i#N#FG;7e^pl&6^S=*l|P3ZB=%gEGLv~wVMPeMY5;c0aU#BK z;Hv_tEv`M?Lrp#1=}D@x&OVqY?(V%Z1(TvSXgRSPc6Q#N2-k9Y%>nN?#LDj zY?+2sAW4h-xcvaWp)ZgB26R?6WTeLzJ-x@4IRO(@Jlc3srf^c1H97tw%%Ip=u(5*c zV*3c7z>9r1o#=QmeTi^;oDq$2R2PI?q4^$!QU4m4wW1VAX#HH}R&25zq>9VI$OB$8 z*GyR)JcZ?XHgPg6!Lh}hSu+(pw}c-7PK1gt0c^$I)J0GDiA3w?jFK)p!$GgbmYLo9 zQc{^kYe5>r^Dm+q+-iFU{phzAx34|^SycGRs?OvSkl63z9Ag$d_ZBRuVfY@9IMp-G%K))#PufE^40G_^ z7Q`=Zpe|7#YsXoDfpE?y(`LsCRNMe!3#7b3Pju6jDr(P3xLYy6WsOHLA-4+UqE;02 z5uQcY9z>x_HbV)~6=^Qq1eYIy%5V5On(_X*`2>aD=_B^|z0WSn%&ppv(iIF+|3}k# zN3;3Ae>i5TDnU`R($Z>cq-Ic*=ts@gtkk9{Q8Q|dXCsc(usYe zWWK;gLRQUKOe%Vzt%mJ6f9S#7#bJ}0!(&a=Cl|~N*j92Mr9ZkL)SziiV7WPIf92^! z4G_|ytAG^{@>}0z4?JP`Pp&jIU_NSHQ?!rSbJ% zDZ-QK0vytA`vYUxyT7pzku61A45>m&fLS{OO-)Hq4wVmQc&BVV89wqE*Ru{_LxfDB z|LG(^vn^>lf97LP=NfCvrf*N%dTSl8>~?U?t!gBbtJfN5MJ`pULim?k#7j#{lc^P- z(wli9!>K9Mmsw(BAIyG?Hty_r>B2crW@KOPhA6$7f^}ic{%q2z12Mtbyj!jy=_mZP zc4cB>dx$kG7p^^Na84dpxNaOzNMsB43ii`X;156cYPI7ct8RQS38y`)nF&9hB5ySb zMN43TwVvz?uS!z+`F1CX%KlHSkQPlM6 z)fiWaAZ9!uJ0A(+bynn?w;TnZy|mLF+5>bv{52UWT-5SXc1H?>c?wJEy5fazn*|0% z&@fC9J^d|)xA1IxeaZ(wyl~rPi|eo`!+RQ2^zuzW&g-lx`_mQfJN&fmbk%fg5c_Ljkc|ox!)1ogTQai?JCArA_lGb*_ zN_c-k1;!Pj)FC$mTWO*2U5C?~>Q+WEx+74~CX6tcth@6$!dTqfBD>?VkU# z_eKG>$~ag%HJYK-s= zRW~7L&<$mBkAgprvR z&8s6=q-vZdkDC*r9`+pfh=<=w1}2x6)1HpvK0PYPAGKET78i^7quugvZIYBmNj1~V zEo=$YR7IX`Kb*}h;KNgN9G%?TKHDzih!dUF*V0N32U9~|1lC$lHm=*{fYXz%EIe;b{NEt%efdyCJPEbx(aGe_nWqQ>s%Keb0Xte|{J>y-!!Y{rdx! zLJl&4sryRAlycyl>ZUi&$GaF+Tx7!ND>PY=#{|3ZtYu0Wzy2-=l$-&9zOEsgyZL`k zN~I&eCnOa7M9xWmM!oUdnpT(_+z-y9x{E|R?3|ozX%@Jmh!+q)6R-2;P$vAgGi424 zu)G)x_6A7{;DJob-*&H!nUkf~$T3=L=s6!R!r)#h@i>FP&j?D|wrjO78(AlYG><btYP3lLZ<&G5s6C`WeVKphMK|@Sgr0mpVi$G##_z7K?zU>ZM=^N6-Si4 zJzAS`m}y2baEuYu0kzG3N6B=ROehw(8;xA#g}&joBBXNg0wGD@9U6+?Q6zDNqV1hu zS@yY?e4>ZX;H|=Y)6H|KVH$ZJ1(+Kjg;qjjbhWCt{UB2F7U^&Nh9(%*6LeM*NB*`$ ziT&b{+a>EFnLuaKO9*IGj)mTZ=XU@{Wc_B7!`|&GZr?xAjy+`dlCvDC#^is0H*(yQ zb9Tx%)&En`35tx2tg^fOmybX{qMPP@C_Gv^mM;7m`{(yTAppdgYwOn?4W)5|v&>2H z^zqYZfM;! z-q}dn#9q6~WT;6zPJ(+&#Dyby-{EBAbQj38H{E_?JG>rP2AnMiw8+Cr)MLV$8qElR zV>?r)L|mj}xf^FEAEC4<30Y{_a2mnPU@a!rMn8`GVclEtXL&CIS#R@TfTC$$qem(k zeisttFh=k@%g%Hd;KUW)^Q~+~)4$#0ogi=Z9Grk1d6qX0qgq|LlA8414D{yly>;H@ zTCSAW?-+6{dkgsSRtypY3fw}U`aUi49nkJkMcp00f~;@I85QHlCaosg-d@rn5%}?h z8hIu7UlNnN;PyPjMI=X%ft|^F{QIlYhiM6_cQB z2*Igf&9;*3vY?ilt;0^M`#ndXN2#$CIA2RSs&CL)>yQZ+`) zt~GyH_9sl%RESu}%gd&tmBVK3aT8(~S8xT)`mwBfKHR7uXQSTb8q|0{X+IG$ik&rvY-RR;N*5mAK0_%jNJ z+hkKKjZ5?HY99*GuZCn9y89QKKMemwur(T$O{(Z7Jbe2Gq0c43&XKufwvwu8i<4+m z?RHuL-KS*oA9@QHdyU{GrwUQMu)@!A*S;aDH`L&DLSGTQt~I_-d1VyPk91*gt$2W= z+>KOl;Y&LQ&nB0txV@s|TG#Vs#nJfqa5k?h`<-0j0rHm5wSsDTem2kBy_WP60v4gi zLv2RuXQIKM2Eh-rx*xzx1CDcQuTuD1Sm(!JSjuvJdAgGi+kG5Zhs9%Uqub7%RhZvT z2T8=bZ8$S|eWFrI>b-=PORaE(u~o&u7iCsG#eNq2Jl*%cpP4SPoe6&UH|67cffd_x zyv}}<%L4`x1@Kn}Xz`tUU1wCfeyjK7)tOz71#|vZHL+WX8ie&0RF)?wcJf1&odv=8 z_)irKDF{DVtfiqbjH9BQJC)xPM$~^TP8ci89%4Rci5IfyKz!nGQaXpDTn~x_MgUyX z@n%2IVFHbDrWx+O_;)s$0`M}>K*b^k+@?P6Iht~KOlu9ZMc8&suH!8CbSb4im#4MO z&nk_FJTR8#0(3fvb!4-e*Z`KQ>93z|cB_i}NdDY{YHMR8b3S)Ni@5EIcUjr#WaP2K zzSqu%HP9la%f~oTf@2!Aa$~X*W?af-zkE=ZbeLa~&ErPRU16)cvdn0K+b~aIOMWCj z^EcNax#aytWPQ4?P_ql3AkiA9$?c-V9J^Z#??#%Owp$zFugTS6!amA8`a}>(VB^@V zV)$ZC!av@(Kl=GM98z`jJr~5;s|F_-JaPT4LRH}d@6+%OC$L##DOxtBlhJc?SOWp0 z`ew&#K2^by)Gb+}&+?=1GHQQi6>qIm&pV*2GK`(9vLWsMG;SRDI#4Z|1o)*XO=&wJ z7tHghohHgA2K%4xBxP0Cycf$1uH_)7Bcgc)+0Zu}xhpO@97>eW>Y1?5kA*tjVYPuYChhoId^_G64N7u=(;gcN65Y z>)c;fUn5%_r(L9Ko;vNt-prI1GmU+&=tG2`s#pq@e0&TTyC$|78qVfXX{D;xc=voZ5g-cddX+8e@8#b0#B!Jy9wHZLhFnl40 zY;+_wQrjB?q*YkMCZDVMvR=9wF3|6j3`8Q)1{-RCfjUSn_umVG#fpwg78t^-r6I)y{fJV}hRcol;<;xY=KG{)&{M<4?eNrha2^%FYwW-Z9>{*E|-@ zYz{lV?jdTm?w$usRVMx|XynEI)5vQLKR$~KFoBPOXr= z%_jwCA&TcjB?>cfRyr7}q6rur4dCFxbP)x?P7J|{mWv)%TjbWbvHZO_>Q^F-Ca~|@czNcMx%A>!MHg7aBh633JB+Hv>xuAZsN*Xbm073 z?Y!o%pi8iV?d_m7^>HsXCZN6=Ls5>&XZ}`eh3{rTA6!;dDj)@8xSc40mXs=56FvEb zfHSIAN=DY+Gpx6}wRSJAs>`kMrln(6luYY{MtlFS3L*hR?#|r%R-1#06h5cA=*e_4U57NAXvytm5N0H;3Pg!M(D~8P&X! z3k|;4`CJA6x&4hf(TchlBo;WSgr3xRac2mDxB74FD>q@JF=suHYwz{pgR~`{tjruI z-j6qfb+6sjolz00#J>N`dLLJS*=SZ5bZQifv#iw;Io;ZGXbIhGd!;g(Ltahi**@lK zfBZP_4!5x=uV8?^g%b53V!&L14O;24>-cpXRea4}pY2)YLxQ~FXs|+~g|E~%{DbRV z1`nug3}#-hm>=0ofRAqQsQnJl1{HGO01LF4J%4BX2;Jhf2CHGSbf4uEXW=WCUb#~XJ6V7ovrZM1`N^5 zhS0&%|IEJ%TufEv>G@rk6$fPNHv*{cEzK=I^bCs&(r1r%D6%BzlCrPYF)`GfU`dGc z*&%fS+C0^sm_8}aW-iY!I``qWyrW9nIx~l|%$B!56!jJAPtdTAG@CR-_vtfm^^}D^ z+Vmx5zT4gDwYZ(Z9g~>ei8G7w;urBSD(id7=T2A3`66D>IlKS98!g5=xx>+3eJV%* zuq;wEIZ3^96nW}>LJS}%lb;DjU#0*kJ+f-;M;;_Yd2EXdGEO_HF6OnZaw4*(uDs%# z&UsJqqojt};hLMR1^dg7tcUU*{ovSiP6o?efcbKqbB~WF_(0+QKNY3LTP~L?qV)AB zvVWUuPMwgH0+|X!vpa{zo&#j5y}s5;JxzAUZ;P099etR9CB(+(4;C-}U5{v>ZpWV8 zY%iQgc>X;T#%ygcE}o1%>nL5oU0VGUCMExfvja=B?9(XXzdCW=6aMO6S((*0z9!)V zdE(Zz2}}U!%4>=xzm^eWeAcXGO6C$v2qeAqZ&&yAyn;wnyE>mw{4c9mI?)3^|4`&n z#pkhQVf|NZk(q84fhvL4;o^m`LW@e2ihqj=)pqn5)z<6boQ{t%1mgas@MLm}PPKtf6mV&r+z z7G>@r^JD0lmaBD~5e z)1?d*2=hua;h&-dyb6(-`jA7;SvMneY zLxX8*oFu~uftBN_4a!!zH^&G)Jvu}4`-$qa>D!{qa`v0lhum-P2_Xf+l;6uC3mBK4 z#j)TFKRsuKM5sbzgpVC?2dbGgPI76~5}}or3C|0GDn~S9Yz=&V=U#SZ{w}HFe9tJ0 z1uYHjHp?#Peb%ledfsvNMGAdy#0>gw!JP+8{iSLgm6^C~20VgR*ouU`xsXQDhUB+w z7vCOuCDfm{GaTg%U$HrAJ$Mp%q;!XY zwOs1~QS0QGys)q{g|@sc%Jn-)gN~Z=uFXkt_}xt}USzx9{#1yHi7TZS{Oky_x*ZMxZ|+<1!|gJG?+*^CdtVf6ttcZkM*&%E_6BK>t4F?Bfikp>0n#-A<-vNM3e-CA z!N8Ls4NDL^LjpQ>iXsE@99>@_t0n_Mr>R?9x{z+fb=#BO_o2`A;TG$P1NeKH)cr8A z49^3WHfwyha_V;9pwLUB$o#qoGW`jQ+xI67>Ww40E0hz@DJU=rLLr|=biQwR4q?BY zyM{$YeIGlA&e%BPW?6C#QbZn;Csqe-e@xe){*D#B%+n=!BMOyk{ucuIq<4f}WgG*Q zcU7BPdXNi#3SHW$QWTZ8F9|8w+w2QJbuYG*?&1a z@DM-3WW>P`2i5jV`5s_#v!ayJs!e1*b_V8300z&LycrZF-3%Z1Q>}j~t**rXfd9+1 zjtjei(u)vxFApWBr-psA$C91goaY2$O4-pJ@DYTiVeeWlcUqv>xn0xvj@2e1D~L}2 z>q{1#G4<`4F#=5eds<3s&EDKMWhU0_oS#O0!e(1!CAk#GQ5VQ6GxI7l5%eQq!(?g- zOIv;bTtigB^NIrr)l;kox^4f&;hKHW>2n|u5j|wqU7^%OJU2M;qNXH@C3*B@DfSD8 zu0YcQP(V0D(1{CktNT;N93~_fK^@0Vl4HEyIQYCR+d1zZ1%*F%^hJN9=ImDvtDqr> z{Rq=rpI~0`pE4Co9BE)*nfOlEoy219)6!FAI^|i|*VaCs@R(POI+)yZE0gh<> za=9}f@iXr{Jz$bEJZNvTd=mdvLLh;!WzXo1wuj#5_uWa%(vRzYDaZ_24ooa>%wO?u zaecQCEOKBHS+aBh+=vuewdo&TCaAJT@udaYCL-_yc{BcYD@}W(3VrDdAe}$O>F&vP zqg{dy&7st$uN2?xoc=hrZudNDJy!O+baiHGATa!*W*&0G^Q%7zC_TT$FOy3zqlx=T zk3~mhvCV2EdyDTv3sdZW*?Ou#sVaM>$lc%L%G9H^h)6N&Eb#myx?XZ~tzW3(PSsDl zcC)Iw`_=$V{hstG8~+#4y^S;@crrju*iIVIJY3nV`FcX6MFgtm9?1T(cW4f;^S*^8 zHD;1aGrGfPN_Exc64xUCO?samWyocJUe)LlsC`76IuQite1DWeU1@CL5@qixDQ-go zXZ9HfJmhVHDoqr62G~~Mng&jBs~3S@kwJd?XoKl`S!OW93%a5^zF))N&ZE#!+T@C@ zCvi<<07`^zO%doL}GQgs|xom$|tHB+8bdJrgq)^ zImE=Er@Z7G9Ik_G{-c<$dD;`u4K<5u5X(3NjE z;=$DM!kiDVJ$>YGx_7$XC)cvsFh~Dz;+l##( z!U_-`O2``s_uf1m)MAi4(|t>DzsI3Si2m9BG4KmR&@VBhJVIEh6QgGxKV!m zT$5xD`*0VlR3A=?}cdOkIzoilNQaC4yoAAEi)Af3~)9rJ6hdqeb>{!Zs?OzdNR$eN3Pw|Au zEH&hE*_*$l41SLI3CPr3VLtt{ZgwCygUO<>h=)k5*hi=_Gcn(FM5Q0Gj(WQ1ZQbOS&I|rVmvx5lu)&6!FkI$GL|GbH{FIF7w z0+i!9MG|}e3dEa7iUt#~Af)8kwT6y8p`;ROTvJQe56dIf#7)gfJNs4VPuOWIhXc%l z!u{-+w88z|w#k7^^xKG)BA8drIxfeq<2tXLKtETD=4o$_=P_3Ag@8g5RB5OQE81g| zIT>;rcOK`|Yy(Z=eLw(Ga^kzD5aUT#(!HV2h(V)Ft9FGi7sUoH3o2{fmgVU$G{Q~a zQwrVtcjcSb@phNj?S3qqJZWn+2oRmbwS-25K5NyoC`XM1ws3igP-nvS|ITgw`Mtc> zMckb8x%+wcC`2%U?Jelfsw#G52Q_x?1#hrg9;mIF@f(T~N&|0c=pB8mWQeky(Q0kB z<79HwZOxzzDv%qG%>}|JVPY5Adwg4j76F-jG4W$A#jhAP8hE&cQaD;nTUSYW0(X8( z4FuMeRW|M_^`oE{g}Lino>0}PO?&fKs@*>BgoG2OYF_UXDY8Ko2oJys7zb`to>NfA zm_U~TI&1fGUMBK`z9O3g!^O==dt6-KqTO`hQSlG2J1GGk^Yy8?EQ6u=jxAMVlZY6( z)flW*c}-f8rIto(3ljM2y%f{Ko{s&Ujx;MGCE|qcAYyVg;AA{EO&Nd2@jYVQOzo0p zWAn+u&W!;+a=%faN+UVTJnutt5jj{Rx5qu%lR>5DXuM}2N4sIo8Xar^sH-%CocMtvLXk+6;>bK~0YY}-k$YXZTCPZX zZR_DKE(6Hn3C213AYon5jNw>7hjsZ|N5_k9dPvv8R#T(~_Z@UY*`ZI6nzyp_6Ei-skEgU5`Me?gdV(ESZsl>+x?9_2VYL%@RLBdFevzZyb|>2TYI(22WTu&>A)Z z(##H^Cz@fqTS-#xETE_7%#h3_6RrYCR-(X|D>LB&2XZ6FiZW|!X=(SJpX&aK{yUcV z^wj@5toC;Bi;^B@mfKzMAahuCAd1zM@-vWh z#yZ=q6ongq#Of*gIL~EtAMq$68;I?+(7*ll*Jy5z)W{{ZA0l2yIlq!dS{|B4()Z-@ zZtKG9+Aie;l=2Y^uzeIT zwv#QOx1akMtvb3buN8D@lGyO|)*Uuy)`g%jXKlj;MGE4OR2J8+o(vo9{)L+;sUA7d z@aV9LD#)}a<;GpE-D|XK0tJ93%u0h}h1=;otgmP}F|)@3&70xC6VYfd5vBa$wNjqB zusoAuFL(CxaNQrMq!eSD?JWrzo*qOlo4sQ7;A}a^-QV$C`Niz)?l|McIUYW}r29j>}fjwmZXN1kh_g$OS z7CJ%)$ywCQOqP%50ekITW+XH7jolY5zRhb_kyOEcY!=!?^YADQu#;?7?n0^A8)@0& zEMUEV;c17>=DnfX+DzbW2E@^USrc!~uU{C$N1grBem7J+a))2B8M#>{P1JBnuCHon ziuUYz#rY<}e>NyPSy8n1yQqQIlkpu;DiFd@+2b-&HKqduBx+EtogGaX*K*h>*J8uz zq_8cWF%wP?!OYWvLE{Drlg8_gXmiIz?(Sb*z=-9U#AL2lM(A{YTDSi-{d)w5F(*s} zwx4r0LXC7kut$8q5-}Ec(j|U;E91x~=zu7&SG}28!Bt8p8DJ6dvkrMA+?{jZx#6?B zcbA!a?pcRFk>|AI((n2xe$WEklsuB}jm`(Ly&OB74d)IR@X9+QUX9?`^sK(aFE#JX zj}G_-M8>f_c+X$s`bQ3@j6k~? z71(pE@+C)t!K*-(QR)IO!#TUU@lrL@!=j#3y4)$&s!Q@BpFuI@_x{w5^-L3D=QhM^ zv_mzy^?2R`DOB{5J*%E8ITJnzyBlp*iM{1C^DO+2{`T%vIcbhJweESqlG zCki+ikrkOg%sdqHP^hSln<@taXLhcK;Gc<}(%$c+B^obF{PwBu1 zgq#PrqnJW*{88QaU6lJ_Zz-ARS8o&IN^eNEhHBJ+mj|Cg;BYIv&@HI4fnv3A+S~H% z2fVG2=sRq4e|@zrag?aBP`Tmv@jqE+_L@<_4r9mUP!EF8$y}g=zXWjqKIE=O$!7a` zZD>J56w3{-Bk9%X@-_gcCzdH}C54w%kPwnjP($n-^e6IJ`?THb3a-rgL^tBi=hScM}(m~w0 z%Z5YY3kzOe`#RL{e)h~~6k%kycG<00;uBr*49(X3UifKW+nb^5U!`ULenL9hdwrF< zGWo&els0p;Jhuwm>5SO`jDY;%@)9r?YgQNSnW6}>HGI;oLUoo#Y)#H+O>3RZXJ}bAs0dX`ZzW%F)+Zj?itycYVPkI$}Q0i=Y*IS z%Ur`;?&Q}bz8b^G=Tb4ec7N1?!3_IQ<{P%X9`l*{#+<43_;9;?TM)DK`%FLaFj9f^ z_hwblWxh++H`D|UOvLgc+~kk}?bg~+u=i$-B#F-#C8~cXNCige2~Wk1%h>kp4aN*NQza<&BX-Bkn_3?E7uN0D<+A~Cd;(dWjAy_nzav=!_nYl zO%;s&YPnDR6jva^5iUlYYNsvOGLF~Q%bAGeTP=ZnN6$lIjrHyu z>{m1jaIaMc5DYruRtB=M9x@#DUe7%qe0eih8PrpF2eEkPdkoPye?jqGYGBTVO!fzV zHpB9GdbCc)sfP=|V9d;*BU5coHpoebna11>NHZjK6np$M2R5vUYr)xu52*h_Y7gRP z!sz=?0(HfgGar6e-APF>b-hc4<@-6YOHf5 zY?=7O*(}~iMJ1Hdd^ne_fJLOa2C0?pP!M>_44Upd6t% zT}64mWV2{S9PkpZGb}8ty!_wO8$!%?EvaKQd_}7wx{jzQ)$_f1l9j_{zP(G{01~}4 zU_mQvixPQC4jlO@7O>!@@Js8TuTkwNFrMo0J=mw3z6ea|S&k4#=BnBh92~|507}1-YuN) za!%Au>_GmiDFxV~oY<2choi2(3_t}tA6pYLmQTzyb7b|Tgs}c7fS~_q200+ELTE>d za*@XwkzkhwfM8+Dt9}9`&}Ytd2slL4i^kjf;g(RXJ9%1GcM?`olRRgd0@?nY%spU% zHze{fLRo0-jpSg~hgHMLWRWkh=6XEyV^eljP`C0w`D2vJLCjCUb z;UBNsab~JT!N^GC$%+*xD4GkNn?>sTJ2?{>o1mLmFmfERAj+^}X0UF@yj)*9g7W+t zqDgF42C3%0p9=Uh9qt$UY|JZ56htZr>4{P$_Vta@dZ1aGUU_tiQ_*mqmin)$83|{$ zK@`$YT8-HNs_N`w*BTiZi6N2Qcb~iXxU<0%Ab4eMzfMB+^ue2N9Sg2Dv+>Qf|0X96 zkO`VWEUI$2=EmKYu0_lj%UCxzp3X>j?Wq1yw=YOcwjRlCIB zhdhy{vzy=AL)A@D9^E9SL6{txWJrQhak$$b6Sw2Z3zK^^`<94sHL=5u*T<7EYUID3 zNFbNr;S`7tAA8zknm5C<^~TIVI*68Ad$OOZ;W&^%dx9X~hlW4~Mt9+spejQ#@f7J8 ziEgEgwx;Ca-nYgm_K&qKUtxre-xq`#i`^PuozC3?6lnSHv7likDvwV2PJ{7|nc`J3 z8~nm;n{+|O;FL+|d&JDNmZA;Awfgt3?_RO>li;w_V}2lIA<4qnHr&9-*|9=G=a8aS z?D$qeV-o;dM)RGp8MDREg&1chvm0I7ci=CIrmNpC=jtMkLGN>(5_3vROqYSeCzM+CqMzjfb)-m2pMR<5VEM~S_YKdqncZMJ*9)V% zI0DnPY&Y|*_8g_RBG2cM3wPcoy!EliN~ri1OVkN6eH3`x(?i}!n-u(f>h^>Y^f}cT z4!-c$ElI01r9Gs0o=2H-xeSv8^ z&fuI=?PPKXTNKtOG<+e!GXJNU2ceA6-WvETf6^^AVd_7N6eqTVn&W`W+8%$|KMR7b zxIzyIKsp9{2{_4 z(MkP0^q=Gth>$a1&sl?Yq~0S>Ls=Mgq9LF%OcGpN0DTm#a&%N=Ix{6+oAdLLT)}JI z#G%X1xVtub3Sl8VgaD?v8ndqG$)CuZ+)duY3_c2llnb83)-Eh%gx#3kfS?>Y{g5di z1aZqg!<3Spm&$F?#dE>Pa|e3bo(((n?XxvM8`SGfPww((NuZ~y03^$!U1V#{a_pP2 z`r!#opDMhu2Rf8AS_aPl8FKpP-|oiYWDbt(jxEUN%hQA%O#+!JCv{mEt+pfcvwyvo z3G`q?)qlvHBoQP`52b1}0`12)ss}zA#2hC@g{+DqhQW%%k0)5q*E5%IJ>d>n4%|yA zo0$UG4o^(I>{~()wN4vbnc?pTjS`YBO9WZMv->v-Cf1%Rc$pbYhte>|K>B2zsbEhlY{!x& z)3uU-pwTPKSt_foJRbd>&n(+*JdW_F?V@YUO#f0XoDKK+m0L!D`qDh@e|Tk-!2FZ- zs;dhPS=;bB24AoDC$ots7tt{vY#kgn_DF|(3qVo*RynumaTb~w8KI5xAXo%U7f#_V zb##!c_`Th=4cudx!b+cY84y`jINvdIM05Z<3rKz=ey>%D?*Kyi8^ZDzAz3kurMtpC zvO!O5z7qm%s(%(*Uf?s1k{L$T=g=z`iFNFn5r;*<4${Uz=?2! zFcK<&eloG-7+9U|yq;>ff0Sk#ak5W6-9J4pQyI06$=aBk^ z2OIovcNS*(i1n9j6V#$SuJAg)0+@+~7hg7fO-G_jxZG;^UR>k;9No#Cds)h;9r$)` zy_3a4hSWj&P_<=S1KO>8$E#8L)*v&!2OPqqmh~vQP0du*-g7(o4JA+>x)`~5;Z146 zykM`5M5E3X2DT`%qN;=vwHU7frUZ$n-NcS9xY6Op?gDOEV?g4c?>RhS!9PSJ&v_Og z>YTGR2#*YGXjJ#={`W`Tv-{s-$di~wXjcwyK5jL#1ovW;CTw zd0mNF@956!6z_fj4YBC27cKgQ@UYDHVAGUiVZNk_45x2G3szhbq~9_z1JhuqV$Z6J zwK+quCzvx};DWE`ZTUSjH9@Q>xbfnMwl1^It#vuZ@vKXBnj^<_M#@@`m;KcM zb=t^8N5?{dh={MphCk+{=X6giz`D`5Y84;8n`Zh!GrV%r3jiTIwa$2{K)Zo7i)?HH zh}FgCH@3tzRZHtqvy%2r0x38vL&QbCcuVhyW4Dce^`pVpkX~29!(W6G`%@{%^Y23U zvd#JnWb1F%kBo!}Kz7?R%rcs`Wpxw#)028hUFxk=F?fPAW))l?ZGMoXjugzpcM7q(2!%xbY`22{~QcT zXvZb^DTs!~3au{5$ef{5u?~7LO-PSpgx=zJmS2bz>TR=e~Fgux(3@QDs0Nla> z0>Spjs((mOkkP7@KMQ2?tX=_=+qx&faIx=(zVu&huJK}$dpM=Kn?ra|E$vmjye35* zgPln@d+jW=5U|UY?S;bAa0L3e*UQA=ctMQ^+sW+7S5-a$`H%s4fJy*qBcQPZd3o3} ze{ZBfILRD7Xl37=g#F4)9Xu-^E72t`+I?}xwA#Uq$wNj)yfmvXHf6??Wdw5KJW1(m z8oP4H25L5>P3iBaNVZ1ooot>AF~>_Wmv4Tqk+SROY-;hep+_-X%6O{&$3F2Q=(noF zM>ddSjkW*c^5a!ItzY1g$HgcdMJtueWET{UrCPzXBkox9^dMB?`J*kEGod!L%bM}!AreP!&Mofl{e&HHxaQ>^q9+!L2 z(*GDX3kMP2&1VMaO&AlZU^8~n)^8Uy)_6|$56NNCNFLt$BM7v@gL~R!&2s6|19xMv zk7yrLoz(SV(aA4%Xiv99`=0*Nz3IkV65;=v-(7|$7Za=ulqAhZrwyNxY)szUJozoL z^#WL=Rqq@A?M`Mul{U?Q=a0AG2`e8B0XJU>-n+YcG8w-k!8-8g^k}bDrD@iwwPL8R z&zfs;gPd^7`?6?qvF3A55H}xXBZyL149DC4N3gJsB-awdGtKZU8BE zr|*a5k$TBR zrU7Nsznbeme3%mX@n78fI?iMLF&dym7S&oi-o9CJEkE5kfwVtiWbqOEp%kANJ? zBL~W`!hPHALk5fN>k5|uCIz}8Q8~(jBAJoozItd)x*&1w+FL>rn?3~Lq0*t{5ax|n zdJwd`jjWvlIeIoH0aKavKw6vj^J@NVqm^cbP!Ncj*56OomRTNwY-!>sD5}|b~O^Logqzk_P&YRL4f5il* zjPyc_Kl3Qi0w?JjwJG_JV`fDs+ZiZ);fYSQ7d_U?9JGFpL>%l_?d_Qt&+CFZXXobp zHI1v#iuu5j^1G|S5pi*E7W-_~!#kD6s) zldYf9Y$nxfh+L)GNXBu7t-DCz~50X<9PF)W8C#S4+ zf4M7(Mxyq@YR8kIdKPX3YJIxxqjf-yVm)dN7-c4>4i9_cdDWAlrO)riA4jxKda6ur zAVpYdnCN8R-18H`Hz54NM-{Jr-26NBtD#?tiAk@fqIN}Nw8IPD27AJ?GcA!y^b!UC zX*jN1%!|gdH)!66x^;ZH@DXB$P^#0R8CO$Ke;+vc>57PpDS*4*WRFGLHKItC4IxzL zbNFh6X9?@aiARm&;@^kpRMW_vBnKb>^?x*-XCRyJ-^F7VrIMm{iK3;7*i=zM)!wZT zvlOxSUR7eNs=cbV21Tg7X=@j;D)dLi4mE2&_y5K7&MPmH-1qhUp6i^?xx7@oJ|>19 zS?hYV@+i&yyd@LS^zLs$@+L?2E-;K=}D#0jo+bi9MkQ)5N2cl5r zFDzQ1`Lv%CKnf}MauFW4@>INM+0Ehi^iZ77#*|{Ti!a^fm>HGGNkyH*y}xTpmc7{7 zj9hXytXYH!EY}%Dq84O&z%wzvyhABx3zL%Q z$1Y9aAGr@4-*{*z+0Px~twpfQ%ILqKobXU3W`;au5geCsuB zdH5;GAv-qws*N50#oT!LfwKu;22de)p@Bq>hwE)=^Q{hJd>Qkuw_2Bx#Kq6Yg>reL zDl{`OF0=|6XZuzNzu>Si`TRB50D^rGtWs;XI%3_#`HaLr^9S%hTAm<= zU9`}eE?X|QJkt!o61gFLgnYgb}c`in&I>)oSGt;CvqnLwfoq`Pu^IgqU<- zpA6V%F+v_zNA1nk-xnd4&VQH{Z=KgTd%*B2|G>4gen?m@LzB;93fE1eHQHwZ8dq&U z`QFcnJQVhqzNNN1$VZrW!q`2&HSyT^5f(7f#R-6!rq|n%O`62$(O*gIa2Xu}80GI)4=&n!<*xC~w8orZ{*1^3#ze`D z5!Sy?v;FYIRv-*CoJlWrg#J4Q%E>A;{X$E=iW*jo3>ZmO z>%dA`a#wcjXNgh^9xQ_mORkKCv2Cru{m$X;?t1RMzu1PhTzp46s-0m{SMhrIu}G2K z_x9?NgZXfa&w5U=U%xhzM7`=_fH3JPAC3b2#$#O(OP~ofXFL+^tZY(pf~Tv_&uClN z&GpktBY0k4{XRY$co&qJJd|rZ^|+=;ONdfuL#`lWa{r>Ac%=kC@4foI^B!6P_%we5 zSmECrJMXI&Z-Fe@0u7zIC6$`E^));sZ&vfcr~&` z#$K|h<$<_BWgNFP^Y3p!LrvJVC9rRY{malT_(e&yTx!o)`rpZX^={o$%>0xcO2@Yd4Iadh!t!F3#)_Qd)*p{2)YBd zN?usi*lnlgA=kw|uOTh$ejFoH%w1S=)RjQW&#|Ya;;r3~W|5PSg9iN!s&bLdK*)*3 z+Kl?-BNjJ($?*R!Ws(GTn}7h_T2)TY;&k_spaSJV<@I&&7|*3ldk*0gw~{(uAoT3_t#wO4QOgeE?V1O14?i$kRE*=A2N znFPo~LQ~$oB>W5#zs@-sWuqjv3Hllv)J`9^tvXsnFB?sXe!xx}Xb=<8ZGP!?rSAI+ zg`~>NIr=v5Z*dA47RJ6*XN8%GR`Y!_6E64CTHWGXvEhh$LBs=vDz6{%-cWSD40TU6 z5B*XA(HGXS)C)4KQa!!epRj+BlNOl4Cqf7iE}2zoX;ee=a6%IAHX3X@)vw%7S54PW zEiN$%S{BRNonM0aT@4tPUxq|*FQ?8iePN%18s=J@5F&q z|7Ua*mIL;a^^YLMsXWPk@; z3oV#DXy`Tq5nK70EpU|cF-29UIYEUbMk%Uj@zz9H0VnwPQPndptsKEc6D##3Dxqcy z_eYo0AWPC(Uze}h5>u<}TWL2YkbPlJ^ZAHZ$kRyNd`id6-SVgFDYP;zrP5@g|50R? zP|XM4p!h>iDt7L)H;Tn0cHs_BDYkqLCK5Ml*;~!~r%EyDwjGq{Lr*}7N*~3nbW(a?@sIWL(rN-mD(g2IV zDymVLz!mW0<&o)X39u6A?w|{U@$!!AHu9USFGmmk8(aL+(qq44e6phwC3zmfl(%*T zF}=Um^J}YlHJ2H6#Zh0)OleyEn4yZ1;7ZC0x)b2L$d-AnzzB%&xN>^k| zvpLM)-!tS>B@%d(dt~3en+)1yAq333G`<;3Cb@t`@5lgUrj`ICCw|7w==b+&sGP6X z?VS4v4J@SyWkUDLkL(AU0wpHO08&U!jxYi#^xQ#VMRpcaR_OmRuP(%KY`;aYr&Ell95V`FDM>C z4#FnZj#P1o*Q*L(&DlV=>%B%Jxyi$`Vi>>bZDG=Se1ln-4tH8x?MyTGoH`w`YpRHy zpM23=Ph$tcYb8A`gDA~v6&e*9WT5a-tryH+*?@$CBZkrT8+ID!w9)4sCQmTWkfj%J z9w_E1!GbSBn_zK8Uaxk%w+w<_^hxjo0?=ck&R}e2$X;(s@H)+AW|J)o(yf$6u_FOegIJi@SUBuzy)a7QI+M-v9Pn%%}qd={g)GVMgXfMd^y?W z;JkHid3`1#t>)h)`RAyU*w!fRxesdX>sCi(vZ~$%FD^iPSE#^l0s~OONI!3El7LB`7n@ z#;|Xc-P@kK3WNycL0Gx@-0rzAM7;F<{griA)@WGsQ(w32LybV9A2FE{ctpS8s%a+9 zapxYRrBC&I(Bo_s-^#}FFL#zM&dLhHLa+B;IvIwCUFU^{#K%kPw5}}o^ zbFNZWrt`I(B!_VzZCDrj?3o5a?aXtn?S*@EiKGH zenpih*~Kj9R9O z?K(p#FD62iINzQ8dK;Lr8sg0nJe$;e9y2NNVv7#+D7-&A7}0M9LbH4Vzzy{)5|_*F zs|FC@L{3t1!rXpZ!9-p38h#*UG&pO9!k*wbtzVF+QX-u6rS7To> zORc-d`#pg$vUvf6jQ*cZJ2fnd6P{n$W=HyW#kMnpnAr){*KD(|e>s14z0XubMsx4K z<&+EGuk&s(=EBtRVWAM7odKv!6X(wn>oVlXlP4Da7v+}0|L+BWMte}H(3aUfpLp1{ z(bh0;NIP*p+0Za=Ktt69Uw}a)UDEP78kagc4)V2`tyN(Rb8HNdtmcNwhabo8{!0Lr zr015Tkrv{APrHJE=AIIP2z6q+Mh$?^+Pp#J5bc#Y^Gu7G^bGNFk6@A+Flxo&n8yF< zo$)9YW}=?WwE2PL2%jrYCtTQ+$^Z;J!-2OP#WOhfPe9MmOGS&0#mC9;kLl!1#nFrh z(ho;HKn5~XprN#|YE3l|({q9O*G6WxzA&4u5#BxM02Si%p`m+ziLc@69HxG%G8`E( zXGW$CDz61261XWFVRW)Nb zbHAJ~0+aFTiu;K90+^xZz+jU!$(-ifl=KR)eE11r{hpH~Ca|_i^JL2UbJ)6IVz--e z7*&Mnz(F(kAPkm`F`45rC6nX4YTHS=4}04dGLjx7C!*;>Ct`TaC!$upjUnM?xN)PT zaXrLw$6t<1i|4I>$ZWC-Vt-m)%Lqk8MyENs@NBko#aJ=O-L&2x{q)f@>stQtKng{2 z88z6}9q)xgf~Y34a>-=g0@C?df2ks}Z@s_ta$57L)rtMZFu`bD6n#+|5a&g5loxUba>3$Iya{zOsPn_;gQXi z^d3m1k?KpXd+x!56`_z% z;7q!0gBkfTi7QUO+pf3`AOHlgq|2dAUv7)ygo}oE=jzQKax+>rai#z2yqsJ(IeGu# z+b~C4O-Vu7#o^rKn8Lr+Q<=OmO}CKm(?QJ2df{j9&VktEhHtC!TU<+o<+fQk)1{y< z0o88CYR&#yeBlEEA`s;uYNszLE5cAY{_}5W>rKV;f3L?B9ozFt4M+JhQf&fHc6VDd zYQ_$n-ztE1{2qUr;XHnBOc&vA-I6mUnV2&HYr9v+AM)?-^z`&c+-;j* z#3)dAv{|@DRjwr?NFZw2!2vsEfN;e6_Hk{n$JX9lHE?lsHrqG$rMcX#pPmxuSq${anp^Pj6eETn#$w~~3`G>-6-w2{yy=LW&OnAhpy z&E4YFGDiJGuKA_T>goY&cdRkos2|5x9+pP>ns>0pIp=S!E%X(Sj!G zG50dnRXKmJRDi!!xkfcVncQLCA zn-d21KT5_6eB_yB-y6q(s&Grk;UITYpJ1c>xp_=Ox($b60={5OT%3~FwDRC5Fn)^` z`}vtfD`Ot{zy3_df1AG?B!#vypde7ECGOkR#LL|Ho*LqVO_d{{zhEs!y{M8#K0b^@ z{ldmItY?AAY-v84eV?a*n7Ob%XNsgh-}z>)LvW529(D$)nMKqT+#w}}6Bk2I7OQ4Z zdY^g*{~CeHfm;)I9~Lvz3H^|FzHd%cF+?BTl+C!X@ zhjx_Y&;Ynawu)*!DKj|_%?Zz9(T7k|8=Ym}q!z?l81-AdvU+GcQG8t&-TBFji;;QD z$e-_O`9vEk`cZR2%Nf%+FUauG)`%{@U%nrWERHp}ue4e;VShRNA|0&2eKDSK=#xE!rm<Nw5F5X10kQC9m zqFhLe3f0wF|rDke{s^ud;XNQ#TxXipx>`l7>K287=)<>SfC2&_=-#gHYS8{X%WbOWw(!maP}B%@`H7S8zQ_535v{0t72 z%+i3SSh$hK5T!?4chEB}6%Bz?;lFE(dA4WUdkswrBVM$wt*p62lWh$+h2uM8nkLhW z_Isnr0=I3e_#Lh+9ywJ}A7n7_z-I8O{rtM=bJg7NsX$dF0vO~~&7Uuf=N&z z2a($~MOTBmzLt7Gd7cFQEtcHJyGR3e2yp$0LUf8IjG{8}k!JN!9rxz@Dl!J4Ay2tH z*W-J1`$Wy7e6yX`50dgKs*}t9ED-Tm=V6ysRhJ!&_&8b>(yrtK$u|cRF^(3XA;)a$ zSoy~Uqi$KQVD27y0$?OiG6IZu*%^xMfk8p7irZ@Nz3)xJ7)=HSdK7Vy!Z#_lqUre5 z-5KjT=)sYCGAhw}hucYn7<{O3nv(HT^#Yvhhxs8x+qx*+zls#~v?kt;9BWQPoWmCG zrI-?$r{{fJFPE-z!t%VHJ4!sMf4VNz5Q6!wlvK8{DL8Q0E6fH$pzf6LIwdQ9$?jDq zj$}laazCRP1x|0)r|2JjTJ1h>?0}Eq()S_K=@HV^rEk1tYCaucXH?Dy4mH1=uyES> z3AjJWeMeg^!96m!R5V7LZ)z=)^f=1Jt5bCgmH}7MbF>Q{pOD^fBQ4={;U&i_-l4%V z2yuHdHS$>XQCX$QyXwqO+nw7w6}dyy9UU=KffjXHuZ$QmWp+}g^59#H z_zv_2_&QmndjlK=X&juGGuKKQ8y8CWM6i+%KR;5R5Nf1!c)6m1%hYthC^omqDdcyY z_ReSuOV3D`1zfERWwh?_Q$7QAAM`e_@|_3^L_5kQ+lqCO6=mo2Cs+v5fQC|=a=4nE zK2vbRm3A{Ow^iF!u+v9h5~*5T0lci^lX#BS9s9|khj9ZUd_TbnLpLsEHEtp&yJ`@6awH9Cy)mx_?DXQGfIk4=>NvHuv}Be(y5e}{t_0>I zlr&jre!yqQXBcEoLGJ3Zf*H-XMh?GVCGGKU?@xruO;QYgdkdpkEol7UYijZSK$XZ@Fc>5)0h;pfD$2 zSvlU%UNY*BpFLV{f4C{bJ9OdX=`qeD$N!iWVzr}e^pxBvt8j|4azYju44BvlDpyPJ zCx)~gX~+KZO+N?H4r$i@#aw+DT*=}zO*ch_jQ)|y)2w*WIwA_^KgMV2ev|lgQdWk4pfW~|e)NQu{o?sDFZ~_BH7S>5u%+=q)R?WB%CB#|&7UXGOk; z`p2eVInJ2hF?X+_0bXkl$^({jy#zjPz&;nN@R~8>aL29Ms2z`NS~Y8iXknW+i>*b~ zLZIS=*xM#VKPV6lwk^aK8!jkj4~D0J8gTQ*g$p~+Q7}9ow2;%cC@@6E`+oV)oTTrH zzdCEMyG=Q($Hs3#LdHL$#9;%t^A}-(9{CxUuE03EcJ+H7P=C4~lZ;mviq4$vyToQ? zmSgk1VEu$z{E-jUcYA-Th9#H8#7C7S(+4fD zx}d7caSFpB&w&yT%g$CnUJ>W_bXLrJGEe=56>>3VagfUTV!OqAUqKYwm0hKrkvqTq z%e*pDtOzZ&QQ7nG)vvl15>w3z^^3nFW=xC3#xYkn-v!R{)l@*vF*cq}Qlb5FR851A z8B+}DSa2or=v-_I^ph6R+(IdhrQR&}CrAkdls2-eBL3deH~k%)y}PShlD^gJ;FX9w zk{JP_9I%r6(xPJ}K8bNFqUDwM__;})NilwEYzBJ&n0r5$NyjkPEDeI4ThyXpr;HaP zp-W~DOIFPTQJMmAXYUK-M@oz~VlLNPUwUF5Z&oHNW;wIgVTCyYGb67$x;ccuE-)Bb|E1ZU#tn z;BO4YeUsDhN+M}!RExs+>D#R_GSnM_^h>xVW8-PeNiBqF07rzGjzV*XK#Ax(`UrHK z2Q?&fuHy+T;1KdDF>-s>g0UDCJtO#sS$~{GTWC4Y>o^|iP+QGf5kKo&nUmn!{K8$%;C)Q3AuJxICzpfJwn1&RG@SJZhKYhkPdGw)ygG!8BqyvoPT%V%tC zZ!&Sq6ZZ5++bXWbtBvyp!JOEV7Cq}$?JG=4;atk|ET(Atm;GaO1CX)Cky3-u+>z+p zKs4%Q_FdhB00qUc&=MXD?!cT(KvsE2DuJ0ntg->$jA`SCH{@08>+R?&TcN_X>zF9a z9{tG9tc-fVti>fBU|qGJ`zg)F1)EmMMUlkQ{m=X<6uz`G!hPDc{gNrwcI;5}5uxPv zJIlqj2Sp`>^gXF*Y)woO@Sb^ z5jKr2vI;A%QgJEqXl7NHFaBESmD(Y2{ zm{(2K1JvU4bvZ7|aJ(HB=#e?~{ZSJS@=ai7NjrLUoMNl|Y!;!~zg#|zFdHg~-2}JW z{wVolQ9P8{V}NjZL|J3(v=y$wT)_ID>StF?rf@_Rddft#&)u>6+(R8;DB#;W<0r;6 z?Mrtu0ji~!@ZeY-mmK(8}EgNoW6iOn-$8)tT+l) z7}@K#8D8apI#iW>*cARPz~dAIl(7(GqiQv3oeOLh%iHfMncph_D?ucpMMWq+aYb?& z3SmW>8$L`xI1k!ZS0qF5BHv7Y9RyFaIUHr56C42Bek+OPx&3E8 z!#t8c{2LtW^XB0VB0MTK&x@*d)uwd&x&R|>n*RCu&nTnmQm^0^X;=7#ioM;7Nj)-d zM(w9f+;8`2Ywf>BKO*)-Qm{*1(h5ar*U*qWt<2f2{+xR)aP{@mIqR_2jXQzzV&XhH z&dSQJ=6;HxNrFvj0o#=c3p_(S#7`hZ~``~8NItNH)CW^JNBAn(QFJktwfjG-x zcgFjN4Ji*mJgM*Zj1six7$II-d?WS7v<6!N8*^UvPcJ+^GR;4*@D1ujV?51FKa30~#k_v5v@? zkKB;VW@C^acM-?R#!;0IvS5rbNI3G$N(cP9CD^l^r4UOL&^mhViO9}QwC!k?O|T6( z*lghP<#E3b-u;X=@+9wN{8X8L%s03`PcC`TRdETRrhG!OqCW zwMk@@bt%Y1+eos2PDmVps z1Y?z{(xh*yC>6~E=?Rrz^FJSDkZFCWp08A#N4(1n$j-pG*1RvN7UD3xSni3S>e+30 zP1z;r<`nj|gIYeCNf& zTFROt@!FwuSYyV?`9Z~ry^~<6lg~y^7jnW%r~;>ZYbhL-3Qgl+XkO8Hg&h^E$&=RrXV5%{9>CahIh?id% z+G*`fO*R%6dRTfqSTqvUsi;`cQ*ti=T1&2m2A=tYhkLM|G4=NLZ%eel+_={(ByhimP1V>ZXRI87h7GLiwPeTA|FnKAXDm6esvT>gse2<| z>S#2*bF07ZwTbhcBj|vgDb>WV{F50nnmnYu$k5KncdqBHb-^6HJ&NTaPiCCiD?WyV zZ?sG9eWD{FVT2eatPRw)pWtx_)l(ooVsk+|BW%t`xBI1jzsOuHFi-RJKEpKQioKF8 zuEdSyzqQS~PN=IYG*x#oL($mpMDXo*nlhv=ID_AQ}>nKHE~`#WTDt{@tu z#|`6SKU66fB{LjNZZ9RWRrlH6_ZP8?apG3%@1?5?X(F+}&sJeul$O%}94BYlw6)-P;!5LJhx z0u*FhHqdAT&ryLAst93`+`1Aa66>8EskgnNr21MOF2=^-oeg(ac-dt~Pe9UukSa%wG z_a607<~>NFY!;i`i;)LvM&c(>US)fi`O(Q&l~FHIAtx&#h$eL@a4rJj*btbTo5 z%N{9ZFY*94e_?)o3gx8%)L_)ge4v0VOT(z0;khc=OD8XERhDYJ|A?E|EG>5%)l&)M z3Z6f;e%d>Fbwjc(RM7OalyOXd$Wae={^OQ6KZu;BdQh)EP5x%&Or^?qr^>oH*D1U< z6SYB{f=?`rGTGRKf$5~kWFi2wqGvRsR}<=HZ#C2c4rx<&s>*APpi|-Zk=0ky!eW~H zQa`N(qy7Z6%RfJSot2vDh54`&V=QFU;Diw9aFY z#A!RCgn`K)Eus_yv z>7Ktqw+}xoOj02U$2Kzlw=3Z+W(N|_nZZg~pju_`S}byydRLBg#v8CD=}B@1aL%nMmX+Pw2qv}G=vbe!0apoC9lx4tVp8W};ptaha<<`Mqa<5HRgVmJS< z%INV;eIs|w%kTXa+#n@uv$yVlq}iQoPhwiF?FCdJj_qImx^h4!o+Ws5KKZBHVuADE z;*ycMZQZgz)pS9k+|=!ey=}w2^i?bOL-hIs&qZ^*cBW~jvetz0qFMGvOyM}Dm|L)f zBRM9f?EVYUvM->b%sYfKaS zmC^0m%XxmUO;n8+sfvn~dQ)ur)@)nWdqUe%1G_=!6jP2RYB+hQd5b&Kuiddnz0-{? zzGNREn$&11?Yhr-SwS<7_T=ASLJVFrN-U&D!hA7fUkph=5A+0J@Z6bQN#1x<0?Q3) zm3VkmrXdxq-$CF$FDXwS*uZ_pn?^jzja;IFz45Qy4_Pa~6zc{5w8YgNJmm zDPMrrPbcr&jFwP>Vk|>G+@5IrEcnxy$VHfGl7^QHuB3=$Jf{P~b=FNcqVVi`hmm(1 zErS-V!T;U)4nA@)1LKB*Af+raZqY8L4n+|p@RT1Ecm-nF&qX79hhZ>_k+xH{`Wi%9&F9Ds%TL0 z7ezJVHrt;7i}_lqVA%?YpQkadoP}F-5EnTXYn#xsKrrliX;TPBU@%85u5+HU2D}pC z(6U@Wq5Z|Nba`4U^pHX4;Fr^gKsB@bO@4BYLFn6%Q3xcXMEk%16%XrZX_wvpA)2nDECEi1*a4W}g1w}bmwfS_Im!_@gc^;}-aaWcG z{^@vTNX2OGa$wE9PFB}&w3hQ)gcKd&?E$_GGNPTbI=783<|%y=SXqNvdXgn9UD9{Jo-RyYxv$ zfLih5OLSy_*v0*mPxZyQ93C%f2b?Kk6!vA+`mb-n74B2aDx^PX%~I2WMO&GHbU`4` zRnl%|5Hy-a`sD-&A{|O*_1Z&)R>i%)F%n94JB25{EmuV4yAF#|PwKq`HR9jGCPWZA z$C>x`(dZS4Y6GrXpQNzZ9K}2ld=%Bc4h^xg`up9A4m6OOvh2-5JL2~T+`H0RMhyLW z{ojy?jh1v-&Z6r{-7t((bw^Aj{P1|ktOsl>(MNDp;Jn4+UhRW<7=QYCjjX?a%0}zw zLK_Zn?8%m?hr;UaxD5cZYg6x#U1fXyx+@2$n>OZS-|`aEF)k#xyb>F##(26H+}tj^I}n^d z@298$lv6l1vCBU^J6@YojWO_To#@=kWzb(2Quz+;3p+iM?mS<+v3ps|Wrm7MNi|C{ z)wreSV@wAnmH8BCRu%Ph`rwX2VX}s>wE=x+cjnJKHpx*`oA@zUNcfki%2RS_C$Cj@Y3ZEA_7sEMwS$A9p~(YHVms|yD#KzW zDl{w#&jgl#9d6nszcNfg|FRa&LnATJuyJa5$2z9v;yz@;s38A7dPOLy5d~L&r z2U>(~ZqH-KglEMCP$aN#M&gNCuE)PRLIQ4r!p#s_tPs+1i5k=&M9Ah?c#1OUjX7y{ z%ySYRz1cu5V=L^6FrBPg5xykUQ#bmypRHbP>KiuicLzUg{ACJ*0^`u$B&(6l^_d$Z zBRbmomi%`{?1ZwEyRgEF_$4midpxwVK)->+2v4f5QaGOC>9AHy>$_qQ+&zf06oyB=Teps--9Op@|9<8G*yEijwF$=r66&hBOMkm@D!5{6x z0@t3-tsVKhUp^`x$WeWjLaS%S9#e;F`HXGi@3~6MapFF|T6|Mps$ThoFl!n}V0=?g zfIo^d`oTRv^C4CuYSpkA{Dhb3fu7~rR_puhM%;h*viIw>4%#xGqv*5@`b=h?BXlZO zy|YGn(haPlW6H`H-;CkRkN_FswS*QlJ@@5d>j`n!m1y+jeRo%%hvfa+nS$|CII!XY zN1O}=T}%1Hf!uv26(w=5@}4_IyggI`q?wiQIKjK-N=X*?^l9Hc?){KK8?K@QU(J_N zc)`o-p;7fbj+#35TR5rdXhqs~S~SOZ#@G3azH7l*Hd+`d@h5kE(cGmLP7=Eqzd?%S zACC_6%2#F5wlDa&56@M|QCm(XW?X~1gZyZ9Sdpv3_|m!I{P^lqb*PI!!#D@ zZw%ah;lQq)3pmd#|D3JazaFJz5o3Y z2|JJuJFw*W8FrBowhz$V+k}9Y2NB~}O-n!wmY1ffsmX1rE#Pu<_t+o&+XsnPRG3JA zrQ`nuwNK`$HDz{FU^|*rdhmR(3_Px1-E5*fEK6Wa$G`lH)3F{Xpose&48XH5lcfjA zpgLQDvpcuW7kek08>7`#zRPAP?fa{PL~jK+Uhd0du#4>-`;_TaF$P_qPj*M36!XNG zT(Xb)DQ+FtFtxzEU#Y9Lrhr)DG#$ z>^WViED%uDcG)#R_tA1jZUhLuVx;ds&!I0MG4jcNZ8^=gm=b^l*RKAx*8f+(!NG8c zLK1ET@vCzG%%!lLxDcu2CTpIQY4EpDuPmQ5oINJYpH`bG^8TE)%hB)si78-z1_x~A zPktcYmAV~80$;DL)qv4Kz*(|{?OO=-r!QMzJhG0sYcqmtX@ooCp&N#C8t+?rt~$dT#)n#L<=Z#4X&<@*b@44JC0(veS=_ZsZ143%BK1P&_ zkX*v|`^=3#0!2SGk+j@Vdpq=s+>x6vQFiwB$IYdpZdrN}FUj?Rzzk&+iv!1vJ0UvX z-!Y4FoswIVko|FS-tp_Fy?Zy`uhkm9{W&>#YhhJHQgJsd_!?}$ zOK;9a_^o$P$cz)`3o)*Q)=amtL{%FMhy_M5-DID^fyGwGP86x1{g2N?U+=UJI-4tAP+qeepkQbaS0+r?7yAy+-(53T1gQ(HcATplN=wS4E76?z~%-JQJVTVMa zT0im@g?G_Wd!y4-K=r9TnKm@1yA?$_HZduH?9xAqdOs@m2&M6zE;*10-{0I>z3@Ha z{FaiAEnP>jG5v1F+98iu_Il6H159&$EVup!D_kEha3L@&DV}kH9M1_QumzdYoE#Y6 zJe(8W?)!qiu56bl#3~O0iO1nkL_fdtWLI^Uc3!dG`RWT-KLb*S#Ycw753xd?9Y$~s z0h)SBW!~cC;PEubp*PFm$MEkhLYN~D>D2|`Sz)#&4GIXQjq-hk6CUR)x7`sMbh5j@ zAy$KRBlCc?4|~z>H!Q`lygX#?yu1U^6tE0CdK&@Nw+p>Ky-n60=p!hbgAhJEJuRYS z{Lis-A=&nOtSVR~uH2rx<+Jff68^&(Y>(RG+r|fh0mQkrboO6A#o^)0p_##ed?Hst z$;te=3@=k)pyT=CvPoxeN{BiW>4>pkt2%_KK{9ayyf1o7Gh=@KpXWw9=ZWo(i)j$* zL-P!x`!iNbyWV{)Hu|=`t86K_+$TU*M7j(pG-b#W$xuo&7#5(DWgsbk3kSLT$qA;2 zP)MR&&Wn9NlvI9;`2`m>H=`IgsA~$fFZig0rh-uLh}z*sb~)-Xqi2!C%xvCz0mwjHfOij#WyJyUEnGXjb5;m zssHhaMO9Th7I<+=;Bv{7HrvURH6U}(g<`=?q9T&IALfrqO~{Rz2$rYt4pd4K0UEXZ%zqRHxjjGP5tg-v&tab(;7~o1pTQon^e$Fi?#n31 z>*{8FFtuE~t2+FaA;a#;_Q0fvB}%RDW7?&wp19st53#^9y(K->PzODmb(sQY5{U+T zG_ij@DXDg`*Wbltq#BWfA9VQ<@7g8+E;|d{Ado!|mJiO|jiJJNIXsD?a*B$B5B{|ycNgLL5Tra-*)0vA*FSd2`9rzmp|FFE2_LllsTI8Z1bfm^Y~sY zg#2ry|JswLNf&8I?NjDP`>RAWO?`2L2MCA5wbbp2(h3%p4lA2AFTYZ*Xbb?ILM~8fWv5&8i>_J+ONSKEziqPyjk6dMcWM`|54UPulWxGjnhV1L^_TsbGH3(A zQ<$CDyLWb!ch9#vVQT~g?Gwcq7Q67wHxIICjJg&xM3!W7plUE8IOGk1qW1a|Ssk7c z0a9>0iq*)t`8jKOV`GC4OY}97S+NXl8S?MANiq23^735Q4Xvq?wKF|(I-T>TGW2}+ z3k5Yi{6SCQ9Zdz!0enEd*;WFT9XjtV)$rRHG!Pt+4#|s%&3=5?G%7o=I?Y+3J2fCsYY4*=VX4d}+lE?Q}m?=rWf%T|(!OI&`fA8CIH zhIik09;P>o?Uc6P7Z{C^N`7p}E#`+H=K(bOAe8huQm5hskI)rh_~?sF|B&TjyO(k< z3VpW`UHmBm`342*PW)K2Fj^`*Tdu@aN@nGR(72k@?FbDFHC@mk8T9yO__PR%TgaJ2 zR8hB9C#zD8w+kzPj0O6uB+ygxh*@aDn9`#RM`1gwiI_pc#j*B}?x$xUjkRJ|P?_MV zGcz}MdVtl7=IOAoCPfr~BxYw|LN;9>dZlKzg!@mT&_TKbb)54A`NJ0GIH5Lb_poS4Ya~`ND}h~@9K?yV`vFWUX}Gcxxg%1$Jz!?*r6wpLfhUVLRxUo|zhjEp z?>^1ghKJ+>?F`Cp+VIVmMnvbuf5pGnVokL&{aW`$OR%Yg|a=RS?Cs#9_=fZzZ*N#RGhDwg||Bt4#3~2KG`uGq; zRAMM7B{2mZQlm>i7>cA02GS*y5RmQ=5Jtz3PDMvbD2y5@B{4up!w8AdQ%C1>|6e@s zc{6tJy6$t%=X}1Z5BMv`#+Y8Zdt;MIloXZg=f+-TXXFt0GTh~NIu-)+E!+HA>s-Vc zFrV2N{I|6u;8a}?zw1a+K2lYeUrnuVaJ^Xk?^4eSaFSA|qk(>izIwoz zdpCDjzrsx>oyg{7Zre4pv=)QOyqo&Ff*^HrsrwXmIFyn{Wka-y!el>&FB9)eQ;?-F$J32uly(+Al z=Hu;u3}U~MlGRm_3UT29Qnf>lA0TSF5a;Z&OC|3l8WBV2#Un)`k$ARec|n*z-@#q{ z4LKw$xA0+>v2|=qf8YA6dTX6}-uH(Q~RmW!v}% z_&oex^h?`A7u{}y?aRT<0E@t)&bO$-ay?#O?I`zgjGq`M>)yZL5TznV>U3dYt-nnZ z(bFPv0N6}1VyQH=J3_6M0DqQjJg=;H^KslQH8eks>P-fg{9(#BcjvRf{0uDf3*E1& zkg{RY`u^(fPx*CoRWa4&A?Cg-8c>>>Q;BN2p9=}KnIHYPH|K&iCM0}0aenGd_KqB| zOJSu=ddmJPrrO?K-m~_nR?CW9C*iZAkP+cazh2CahqO#~dH-LLka#$D6~9+I2Owf66r5Ze7qieh_du`cO9K;Je3c+x&<) zJC|#)46I*zF~5+~fKl1p25KOZ4XvEB+LqJvyc;SBG6Ukm17_|$@u!98%GKUf$YrnC zv(yyj&>^L2oyjyJUFo~Q(DJZ}E>XXBKDSdKA`=D6_#xQh(Fgr4(BVXZC>Rvyd~8c3QLYPGN_H+>Fp|fSCT6Jz|1f>Yy9p)uyWw2 z^u7RTJaey_lf}y1v7fEy-fV#D(dwkX9Tc>2C8_h#TrC_zb5|UsUdRa1(D8uHye#IQuLA5;<6vbaGgmTlv!l@pqPP)K{hCqQ-q_3k zo_lG9^#ei+r;5QA57P-L-c)TIjGkZdkzSQcgJeZs7|;0WdQRt z9#BqH({jvUad_YYFJe)R`z$~Uk2kp~#^#Pr7SY!NrWRq!PKEo8+S-@(RVL%9-huFH zIL=u1E-n}YVEKFv(R}C4&*g1b&zUbeP}~>|QlXOpvNQ)j@V%$$r_7EEzI%{smF2Ad z%8*M_rX*gJV1g@|B2WetMWcvTD1zjKSA~;~ebfzow5!Yhu&8LrN!3N`b?V8cN=N{; zuv~MK+;-Gyj%)Be`rghC>nZGb#=vf%k`L-yst16{w-TttlkgP8f`T`j4MA5@q6mw% zB>(%r4fx>k61RUSkxEfr_*pVzm_s6|4@b7B+`(g*{pAP1ik|kQ*W8PJJkj*XT z)7YqETeJ!5o?JGslDqK}Y8tTTygM#sKgc{oFk02;XM+&Gi^Jx5vJD;I4d#l93*U>~ z{k?MB%nYSgo6=ONe_$>0;@^iKV9lZAq^!pBu(9z~JN77=1#*%aU1i?e2}f!xDKV~I zw+bSQD$Rs!jEe4&q7Lv70NC?yedboXLS7qaHy|?hW9xTeQ`BRb9K8pw9851A$N0eD zpY2unP@z_#6tlMDjn%dj*NdFCGhE1?Yw+LLkW)ed@ASoOtA6#Cy?+<7@!&!uFVqv*F_m`2#B7GJ#TDt5N{db0_WRQ{!?UxQ$=QQT za#NjkD;reaT9t)2z**leX z%qlaB@yah6vvXBy@F=wG|H*)`{cQFts*l@@h)Nm^xIaPV`XpTjSca8-K*Qm*++P1j{ltZW@0j1M7IwK2X z4s7m9qRwUV=_#tRUo1oqEDMuRhSLT~5;%80!d(JI5g|k09Pg$dP zY~!9xsPNso3TL?#X+_T$8Ml02Ro6i#q2fRVuJK*#hz2WGgfMtI=+7Q1^Mh~<#!tgFo%XLSabd6aZ0iIOiWVj%~P+~ z19w`tJ(T;JH6ezT2*t2zK0{^db47i(0U-^38}6T;EBPve_01+OcOb4sy$m*c4Z5TG z#Vg3y#3mG%!^it+kL{OigqsE&Fqd1m@zA~>x3icI*&Dw2eWZ9Xe?b<#!_}tiWX-ii zm#nV%izqZY9mQw;ELe$~Nv-14(}Flx&%(oQ-4}tD`^Y{*`kWtGS2xE#$ZIh~%1znj z&|YhtHx~UY@(V03eRLOCS`s_m@R?W2C-tPb3(1)k`G;H_cF%C4g8cm}wf27XYwMn< zvGzd=NYUNp7i^b^xr}oB5?1LlRW6y`qdP9TRj#_a{2Wmo)k^uIdZMJWU@pzSqR2-@ zT|zFG-Wmm!1jweR%7+T#l%z0+r~lk98fa?Stho@RMEonqZNhiLY?PZ~9wTk0`;K`W zmfo)7%yV`u!y$VWsFu1XF~bB!dOsm5Ds5v-z?~1XK#0k>R|VBQ@Mkoc$09OCuQ+J) zY<(T!ZvAe~QzoH4N-d_F{;oPo{S_x~@9y!~HZZ`gD0kf4sJ4!w3Iz)--1=~KI_nWv zQJ;}<{RSidFh#JiGl@{=9GzVnP1luZdw_|Ab*=}e-2 zL9a`>3i{)jzo5wZ;nE+%0C8If>gOC}UVb|TN=x&+(+=pR$*K3tL0&pP%CpsVs0i|k zb{;x8BRlXV>b(Y(V1bM(trFO(EfgrveZG9(Qh1Igp3EH!Vw&XX?m*SW zl;v6R1*Prq_66bMU)%Yof*>85s7^W*iSqByVZ#iMMO*6(*@y9CP*Z$K|7u}WwebWH zbH-*aeOv9vNuFLhx21(m+|u)&k6mC+t&B)GtyqE@T~{HuMfdlJw+9ToQOC_?`h!TuJBU*H<-cpow)rhHS6TItIH*ax2%a& z&ZDL`lZmqQ{8XyW!kD<_H&n&g&>!R_WF!Lep5;>@qwxbd=0djJo`L4()=xS`kY;up zu-yB0V~(Me=$uAwbH0bsuX$Eo>42nScL=FsK^!xGX`SIRY87YZbI;HSk0Tmty`HboC8fmR<~>y9`1Pyb%PYE z8&l~*ZJ(8m``HTmlb27ekaslM0R~b!eEe8a6b^>mVZ?O?AMWFL&M9rji95Qz^*%E5 zfd|x7p^k7fdD{=xGIQKMZKfL(v&55AcZ=4LgAZjGIJ`^;p7y}3g*_xB8m;9?7l*Ws zfi-booegHN4!*^G_qN;Wy{NpQ$F8~bt zL>@2I1J;Lw4t%e|E=jQIW^h9=HwdIUX6g!T7_{g?PRr7hWe*Ai?+t9`@3SR-8kq_V z+mb9JjJ8ir8(&ZvH_7=#J*RQ<<{qY` zkdFrGCXiFDO*jQQ)TNJ|TE@K(j`ym9_j1_22OC}bUJ!V6yp2DXJb!`ibucQL2IkfW z?|NVHJ=f#|muYBDL7Dh5DgRORur>V{>!O+c@uLNg|Kdjeb+rOpH_kDV+woJ|y=zIS zrL7?9Mk3Bk^F}9j-7En8m;p*t_{Y-%zU6LwzFh1>X&&;Bs#*HztCsKahei2*K!WWx zjaA|!)jnf*Mp>~M^H1!zcZ}hiV!|{A`n{Lwd8xX0Vf!ov`T0~NsustS{NQytB$zW()$v<*?olj%MNa8Fk|itXi-qy&k%- zVk<#@n|t2juyR zhd0u4M+c)#uywAYT25zT39v4W#oC#8ITA2^aCpd^SKPS2I{x6d?l0O3pJrX0rtToZ z)W_$xzWxZ?nuAGDhv-1R5Y`(6Wmi~}4ScEnHf!_wH-)paMXy$&sLmZvd2tGWMWp^N zpRwiLs@O9$eQoC=;KJw_L!!K=LsZY@Xj~zv?4K|4KZ${*a)}T$;evHSdAw=42TMEE zoK7o4Dl8r%ZW6ygvJl+rDJ4XeQGcVc(5_iEUL#6V;-Q<2*{X4L`dm)&@Tx4MADd=O zhjViKn>J3MpZ@SM9b^H$9xOCSpCiTA4bH+^1e_^1k4A`XM+!Nrxp^Zrpv3%y&ZMj( z;#ud}*^<~Yz%!rTzc?%&Chdt{YyrE27LN*wL-xq$bHa8#2p7F#u5hu37Z;u_&;GM> zN>8uPu9^xc=plAK%AQ%le}U9oD^s~l`yJG$g0d+J>CoW#LC>(uBRK++$XXY*7wD6; z`b;HGrOFSdQdi|yw_B+Q`1F^KJS2xZ%EqSC&MPHn9awCOUH6EsM*o?7EmQ6{Pr_5& z8$uci(wo@>EB&(5Z#_mjJ__(piq>5UybuR1{QR^^UBmci$8H_pfxhXrTju7Pr*l(w_Zf=iAV+{}aS&CBy4%U&ysK>ZV7vOVpJLlPib9+%2lSy4ht zme<;e^!WaqR19}$^dyQ+#QTj^PNnUt519u6J=q4^YDjI`_qqkj=9Z1WHVOc#(2&_d z?xhJ0442(Y8&gxYD&%)zzPeDPn-QmvESFQM8j0O1%L54t$Af1eC729P^DCqmS!#2P zXN$6FCI*8581slyJnTBx90WK!<3`{ZEkUGb4WQeQXJ&?Y4^c^4Kdjw_C@}HnxCJu2 z0okKFr6oRj=`&TMh%+Yd)&7h6E(cTze2*mcV}zh?(9M&?zCn)ExGd9%o&GCbtEv|K zKS_KL>A|CwZgo?-QNclNjm;~rO`qSJUMuDJz7hTu@-$9koJDH>ew}SE7~pCbRQ=9n~A@N6Z|Qnvk;V)?d~QkQ%*JCM~ z5v86J@G8O`A;9}R1^eo;ilbQX*mD}ltuV{<+9{fwHzg!~6r#qp4Vj{hk?Iu&{6%K! z-)=mW?TKH6%nI%YE%+VjAvLtX{z`Q(9uM2J+pxFmY9YJ0oSMY0Gf$avzGw}ix3i3C*xL|@~ppPF+=3o)q^_4NsU*+AwNT8UIx zb2J{v(`tr(3SgmZt7NZe7k! z=NSP^tZ{Bzx7nrtkWebGGh_#`|B$xcX>GO0e1FLLXOhzPr0X#AFerm0B*INCfPSltxT3dXVz;=mwEiUAXp9rk32V+N6sN=#_r!*7Rt3{=i z1Kwd~j<}e}R+4D&+agEMNz@ulgx!>=G*liL%%L{tKJh(d+DC9 zzhm=u(CPz9aD%INf%7VCW%h>SBiz0)vyJeIYyyVm=}Sx)R016K&O14}+5pIXErd<<=r=AjtHM7I( zTd?y!uz_{8#>#2U`^+6li?ydKkk#lu+7+?A)K^rnI7&i1yi|KyGUUM%G~{QIZl+mo ze=uV$;hFPs6ZfDHF6-&Gwlvbc#z{4NEV30DOn5pB4^8-~z?gva!h75@H@AU<1Q5($ zJKhhr`?-RYj~1Df0*(ULa6EvyA2{|uk~J%!D-OnvtT0?->$z6j*$i+l8^ROxL(A!of`!o_~ct!2LJ6Vzde!B__=p!ow$vw>(gmmPAMNv)q;)%)Xy;Hv<|2j zFfQFLXhlC{{G6=P7ckKsTJ3I9ZqMpGJG*Sm(#MvZPx#`Ot0xc-h(0I=lQ zU9(vp%b&rNs0WJ#nysAV$u>}7zk*bkrjY%ovdXZgELDLVX{mh0PYt)dY@$y zO9iyfG5jR6t6=)E5AnxnLqFJ!><-l0%=1|o^>0a0N{UIeS-D0U|BAG}m8#U8Vs=pO zU7lP@D@O!abt{*$B^xmr^Hbs`ct&>PbdTdzO-y)Bo_~->{UGnJTdv`o&s@4SmzLYh z7F?NbIc=Fp*xCTba6@LrC8?{WP~6b*mF}L~@<#8pXJ?Z@nFt$i_*$-|-(wwFDxH^A ztz-GGO*}Mag4Jh61ycR@p>_H!w($0--eNxsI=8hG zlTAgv-lf0m>wOA4w)SxeebQ`K+7N zwD?~iAzF@C?fxCg?geSxaNVADTsAk=Gym__v~62#Yiui!SxqS=O6gD&*`9Yv>O3pE z!AFoA1U6+6Wr7c-(CpFA#?plt5bX(6e|;1MSbk9{IRFGm<3ansSC8G>Ow+p!a0|r_9KBGIJ9eI1 zZ)s)*r+l(141nBIFka}(+e;%%<~RKoOm0>bFjXp>6wfO?MaJjj7CeS3_yBQch3a3W zH}x}mmMt4i+;p3AEUFWvuh;;p@i=Sef`KMOGmogTb_33pwz4t})-*Xx<#mEMP|gMI z9ed3j=u%D>JI_XZKn&J#_>fF@3+Sbh(Wh;*8zaVn7k_E5NFbfEV^PsrB+svHlW%DC zXSVB3h?Qg;o@VqeY%9_i%USlr9N#sw5O4LG2B8*XO{(zW!56Hc=MlYFVqh_+V zCkE+r?>gPS^3@S{z4<{yR1~$j%L^?i1eiqC?9YKoeyzdYa%uAUzr^pq*jAWVy_VsZ z97p5rHFf1F`julbK~V?ece~60`Cr_CT+seZP-Ap7kPEzV=gJjEm>u)ig}l28T%^ly z)~F3cLK`2v@rMWZ_bMMRSqA>wIR1}x`vZ~zA+lw*8&H8^HHTtkmTG6{^L%vP1~<-F zSePm1>ALRhcvJ@6ZaIJ*BFfV?GC35|!JF(yU4yi*U(0{rTj`ceq+txrXEf2Y6Myv* zA&lv2cii`U=?+C3*s=R_MLvcD0*AKdX0Z|LHKhPALicmb;L_=~1f*MG*ouG5FI_}l zpR2bIRuZGhKg#yw>+l%D5bI@ft62i$W|EFEv)Ixlq{fKhT4khmk(tEj*J~)7U*r!& ze0vk7*|y$t^sYVgmD608-6eATv|x3oZ%#V^T9$1aatmUxKK z5QeTu%Qz!*O&$8pK8wSiib9r}KbvLCE*@{Fj`lcwBM%<9h*Yty7o1W;rZjVUL}Gq= zL1e_BJ%)H2lt6}Lx}HM)1=Rx8+k>^Xwys5H^}v-@W8!)v`OyJ z#xGgLIUkL%etmO|4i{4ic@#ed1ONP6TVnmk&1t0DqMN3c+@ySvqkR06sWs4#a=JP-)^>7K5V&`|T?FJ+ z`v2W!>Fk);ejDhIsOW&fL>#Wd%*^(S35B#lf8AW**X=T);_hx71| zGm4Sue$J50f4itP)j!41E5p|w6c!VjiHu8CJsdbRoMHk$>6 zN{dCJWR-5}4uza>h=WEV9$^jddTnKLEj|tBeJmkxsg}=Q>tBE4^WHco^K^vcWqtkD zU;Us%*68)Atmz0wTH2Aa-6-F_W^ouaa7$#psJq9ZGDI9!2dnu$!% zFdULL)SR(DFN%3d3F*BxWoXTMZ*9pMu6X|wv|3Qrq2vyH%l6G^aBuT^Q)j8{?}b2% ze{IK|1!t=nmb`_?zZ%<^xN($euGZBAEeC?V_C0-5IH9 zjHn-eyW1NPs+D5!nKSHC!~$qROeDWA;0D$~uybKN7F3Ek?OC|$2gMqB<=4$*#x9pR zKI*WCjSR7f5y7W zbyI)HSSR}HPmZJy*{LSU3ma3HB`{{0@zETQ8Zl4&No#RErPx&j2W>mYSp3hgCtG7$ zq}iybfKo5qoqTii=7z@8V?6HTb?w^qPvhUMD#)Bo4Kuqzw<%u@9KL3y{aDO8(}EYW z4hJ8l?@wkQ?WG%=O1~;xl5|L0@Kx9yuB@D!ebn3<;42%SF*JMk*VJ5ce1$n7nra+;XfE+ z9i^TMmpm>==o_>lX-P?;^XA_)nR#WSF8^pm)4j31J)2$pE)<=>1!7YfDs$8xOfGJe zUSi;7|G=jEZ1qcH$>W?r^)7;}PJ-JrOzbS+&AEbZw6Dl;!=hz7EtwXVa>mLu)NS{6xcm9Y_BdMFbDdtys!Yd)X=K#%dA!2U4 zh-)p96v4!{CO0oC99ZiN89CB=Cq#YfzFp`$)u*ZsZ5ny74Wf8QbxN~HzT3uOhK zXv_Jnu9b{$vE9+HP%jhG!ee&xHX#Q;TY`Lik8F5UOUioPY)Cfqm|T&nedHzpCwTq+ zH+;5M6LLI!J~ko;N)tplJ-Z%qn+i7MVFLbQeK;t@>fiu$ib;={>#N%lV{*5{ax!+u zHV-;STxB>f-y?lnLu@vDCZd*F^yHqBWr9dtIWg!r$C;FWV*I62{u#}jO}>pYG{cRC zq}kxL9M=T`vs2wW_UBQ5%Qv6h{oJj(EFgbgO1{O z2~fT+Wo)IJKIJ*Wa)B29 z{)HBw<^YA(RB^$qvZ7F9CUeTuOX7f#t%yJ3&-#5CwTZLEwi7>-8zAt1K4zMmb$J}} zq?u|Rco}dhv0D*9yebpDBFCt&2qd7aa2Z^PvJ8ww7ZZGaF2r>IBZv94;&<{HZA*`F zZD%)ocVrW)=39p4=84Mh*Kll+I?B6l&*XI0yJMY5YsBr7f{Wjq7r)8pdEnVa-^2NH zQplv&-!t66uyV*z`Tb?$HV_jdtJ_FEF%m6k^Z(nt$p$)@F^@YdIQcg)Y|(NWb+LAF zN(%WS+Us`uH!%cwv2zLdLs(}CSH8noOo(P@tSZhS;jCxwLfI9S9ueo}9?kL`;PAx- zX0A~dNRpg$lTLrU*jiHVWAz?_Z=JlgwfEHXyJO*^U++M}CRwk5!WSb z{3pki&shB02q)0-Cn2jeRq)zSvd^e2lSf(61~58ZO~s7A8Yz+0?ut{p9gU90@1Cze z!%yN=z+nR*l#i88st#p@N`A(MEmbkD}c zc6N4Ta`@z3*niRbdtgQR6Di+5)9~QaXh9>&gT_TB?1)SgRE%jdXC7l69U5X;UX#e~y%I;Z?wY?1yOGS%@mDu;oy|%OXM7v0j zVTFNMO5?A8CZ)20UZH5*k!^>&$kJ>Nw;`Vw>F+(hi!_w$wAEoFyrvRbp{Y+bE(v_4Hns*oCA0p%LJ@?7;-M#;3 z0dQqax#>xQ5)*=$(b!nNo|l52=3fxZ3?9NZnXmd(2l;$$1jhn-L8@@_)Ro|S%E z-rzFdhn1$MV$((Z|9uhu#S#zJgrcss&4r6^pzNQg3983iX1T{uHYJeTOBLfe}<))Py7w9%#JuTkjL%n?6* z9Y87eT|1&kbFNY3@Y%*zVTL>Dc`7 zX4}bd@CB1hkcz&T^=Qhis7u_+GM)IUI~Wl2N?52ENt~W5v*ydD#pUNe2@SkI zQ4*4UI=88LALS(!JM7q$Kyq4RJD4A*$tM73v6f~L5)*b8X`F7iW=lUqP@Lz{?W$c~ zZl$ z?8OK4yt(ref+oDox1wCu3g5k7&>td5#;%D4D(I2gF39Kavd`aNtogXi&neA4Iz1FU zU0yxTV)}T!vT?sze+7Lhd z<0+fplZB3~%=xaUt1l?`WZtkun7FbIG>_KB=>Jxo&lR)e?oqrGpL*CCAHp3E$Y|9dc|~ zFF%k|zEj-Wxjwb$Ra)M5@l^S=3kLb_GNXK_$4?iw|3Ay{!TLZ>d8`(51;7SNn`;cH zqB|Pjlpz8av3z>oiI z$?wK#Ys9HLW~XIVR_$*(3G@()a`fNdGA~Vc!Z-GSUGjn7%&{RnhOaRD{X)6HLov|- z*3j z4@TwIjUj<|0^;dX?#ba4lv5!cbLlm<68mu9nIrW%E)Ry`Dkyf>j2w7#vOZzW)=Lvk z``oc(3=7&unYGF8G>*uMNYbT2oF)roGOlH+G#=dbmB;i z$CdY<`93jVH@a5VWEc&qvXJ2p#f=?O*3rloxZ6rrjdj}}DmCb>UB3(B>LsMER$gzs zr=n8J?@*IbJM<~O%hVOD`UROla6j8BEFlsLID*<5D-Fi32;BQ=;(l2SZWU%CD1lfK zy$i9?XRX)M8;e0>Cyl;&SSSSZ=rH3!^iD{m9fX`)Rx;Vy8DXXI0D@s5l|nVtc-1`L zAsPqx&PWZ$KHJ^a`ahnT zL8PWR1rq5qnm!bn#vDiwgOknXy@qfoA0Z?=)!;FkxAjW|6xmGC`89RS!R-9-3ySy6 z0W?$?nr3pM6ucQXND$}ljU6DO)}l2&*C}5I2@ic&U}}3~LuE2#A|abq+7JBh)~Ck0 z$ASYqzUuJ4$2Q!g^OwG)!OW7_kI-<_0*6=lC&u4-$aP+qv*;-(u{I%6mGXa%6Ty4u~pr z+?>0FBeeF`=%DH!t^W9%f@NOJFR8EntdV%#xZJwg{E6dE820SO4Po`>yTi-P5)mJ~ zb2H2~Qm;W`j4SuVhL$8J1W&e$h*G_7w6DVJ6n@hjdJlE2 zZrhw0Su@lrIb6Etn~e~}*1crV(@-NB{T8aLyArZa+c{F3+6O?<3R81WuaBEl51sz z0irCxkJX*h+$tbI&O=Jo9B5(1WukY8PmavEw7csW=>6?$e{j0Ol&_5AvIz0; zx$t$Li(P9A0xrN6f}TatX2j`4$VJ=n|HgMf9rn}fYwTk2#d+ez?r^KO2s%Nl@|v&P z*O@oRkfqKgXz}-iEZ;S?>o4@Q(hHXwwq(?9-vt>sq|%CwEiHQbThbvt~ zL@T}3=37E8=3qTVGj>MZ2!N{$uIH?*^8Q~%G>I__zOX!f{B~yyU*nMNF(iC+eVqNO zuQv)0f5}{0_7PpSDk#kVw(ZVjBjTHeR|hLpsi88_v2NK6IepW+Z{76%=NOjc{UMhQ z1g$t;>uo|b*HY#+4$qF2lw$QB2jgGjIufB?c`^h)<3X0_;{@h7y5vTlFpr_<L#}o#~pKDFdD1G>9>hOj_+te=o^UEghW$*;-de&(td@{nr zx5&LJQP@=YC7#x*EVTBL{NDgnKy?CzO52pb#W4at6v7|4>@SrdCV%h{2VmOC(*Heq zM6#Cger-y%ra4hd3o}pwSkrpmib%XUksiG*;dt{Pz3ehw+-oL~=D@W#f6}Gd-?Qp` z8@JF2r?S`K=;+d^meHe#&QI4q4= zUfcZ%jzOa@z00&K6%m6$s3o>Vj`@*4*r<{l-$zjYs@}G2Z4&t4W>z-JRH67_y5KV(59aV%{(UZXyi_$;)vv>}) zIF2`tyym+#taTe>cFo_Ev4Q@~)qnl4k*zFI+|7&|m&wMyX&9HgSy)n1@&Q)JSC$p_ zenBS4(#s@$Wpe_+4}&$3tEo-aH&uC8P3-bXx9(&kY<^d6h8=7dDdi>z-(JD#-4J+v z4e8YRUrBaZrXzj%ym)a$(HyMcnY_-KYZ-#Iv2?T1(4kAv+`6L#1!Wbp505m#u;+qd zq`~FPKF;BR*F9y2U?Zm`^aG*n?s}jZm+a5 z{ToXc0vlcWD>d+sW4b$k;fUPRK)I-#@${mHE%2+6r|~FU2HY&C+b+r!paw+bGutI zX|=r3SkC2rOh8xlwDRt3mTH1oxBF_&l`gnMM*W_$wh+5wGEy*uN zy=*6Pz;wT+-u$+QFw7SP9CD%lQVe6}7F)q&pI`t#%%!A!D>*-JJ7FTv6VnjU3$Z*w z`RQ3#xp#oYjQZ`tt;O>OZ7rU&6_*D#`F;}g#Y^igIJM8^*YA-omT$L}92cJucNEC( z&A1SFJ07+6>7iX|A$Ih(49-CWq?5iKc2H531N>SQpmf$!TR2Q9;x)Rdm3 z7f!9MbD-30-S^i^s27+U$pQCbzHS<78@9CI@N#k_?tI3RGw_t~z_*>`3g=2ZJ>AD{ z3SYayCZ&8}&Ah@ZmsAw;+`*sKcqK4$B zUj{d6OkWxT!#~G}{b#F$x9yi(X&#I{2$tC0E-1m)O)=zkYa`07u75QjYw=E>D2TRh zQ{;FQ8!ftz%XMPqBelmxXFU^~$ug&-6)l(t(sE^H07I2TNxz~S#h z!7%BGVL3X}<8vXp_Rg_M7vRX)&G$%0Jp7N(9%}5!{~c`dO-M51ZH2o${wu|k(W(+@ z6fTv`{(PX&@d{-+x&6fj z=5qDYuM=J<*f9o?vn_P{l12g$HDGks*qS6JJvBv>U*HuDZD+deD=ooB$GD&Y=Yxb} zz8&wg;2PmZplg)rbXklfODm%%!MBR|7qiatfmt8eL=2h%x1O2p->TDZ zut(e`M&YjTJc7h6)wWH_J~gM;IXxo^ltRacvQLp7x0@egYSEn{wA7bJI<5UFJ9UXb zp2zvt=EVPAy+#8rHdgSG!mcjlN|F5nV78^qrC-`OYQo=DM=VT<-QVEyF;^^jDF8<~ z&U<_^k~v8%$uzMKyP*%tbRR-Sw(8g9QWhosc#4Xba@}8e_5PI{E?XT+em3}}kX38w z88Rokl3_@d4m;|Q-BCpG01>N1t&D7vODL6}M{jYcP5jk_J|{QGp_xYv7{+Kg7vOM~ zb{GjU(}=9Or9YpqwN0fCS5p>(3TruXg;ADbN`J;1EEQ2YI8D+`3}noo{~t|f9oFRk zzWos*ATdHfL180wDlzGhMv)L5j2In)Ou9o-VuT>bhYm$Yj1YxM4CxSIfWqjGfi#Yg ze(vvc96yfz4TEvN@B6yW^L(AJW4qfs-6UQkqO&3wWti{TId2h_DHFo2XpI&{0t=ffS<(N5Bq}@)E8FS9*J?=~Id8k1+byt7o z@X3SFC%$6RLFx}38&;>Qd-F4`X5VbkGh_aA_HItr7N@OuYVp5ze~@|QNrJ*kt>q8h zbC1JMICw*@SLuDMdX$Ebp;&S8=^u(H+dVT)re8_+Yl~#`sC?|~E1vCw)Wc4B#)vG> zCtoK6kT0hfay#LEzy8D3V+4h&whOC~SHns76r8jfJx)C2^y9`md343-_X6ZfU(8;T zc#&ln_4K84Fy%}F!w9)VKDdh=b~ein)BgGir4^keqfvqnK0MzI=+i$KdNf+(6tbu4 zV1wnPsY<6yc&N!Jvo|yBdg7s!TmE$A8Sua>|EAaZXW?8X;#uihR@T_%QP%0uW;HTG zS`^Q@d29tNaqUL;zsHjc&uXRbgCm^^g;&J7(!7J`WtL=eZ`sO^rWsb?uiR|O)!6nB z+m{kWmSchG@ebB#+~=3P6$09ZaClrljJ{*ZWVu86dQTTkO|yb|+ZE`xU7LnA@=S97 zp9AwTvzTAbbJ(_uk`FxFmft@1Mnv9|Vi6$c6W|{_Y4j;axo-$YJKK5gk*zMkE=9v1 zIeTfl(c6k-)fBLsqjEeyd-}ckZ*17!BS8E)Zr&AqezKG)y=va6fd8j z_sAcvgq?Jom~e-1=Xp2(JI3QWz*(!CghRc$zTW%AjutfCc#O6*e$HMrHREsl?7t6+ zPJU%2j1u*zz1?}Kfo0;PqTkg1Zo+`o2r46u9LQFx`;%FX65PDM2onw487csTvZL{Y zl~I1T?a;lPg0S831piup>$8RZ>67C1^|J&g^QSku&9r74n-22}W-XXBxT%-{QFC2E zDEL(nD*aVR2yvrzg$YA+1SN@37?yf4v=wtaNqxKDm7s(J&^XbUcV~B>XkYw?qXl7`T5E~oI>hEtO zV22<6uwAezUgcR1(y3?-)})q#YtT44y?+%f9`F_L~QJr?dhuBQ2-K(?;_!@hP$aJ0;I6HvP^Vl(rEho}k& z220Dp`oMiwML>O2YbBRTreAM^K83ASzW7f5wHL_I)1OTEWlv~0zV^?x&V-6eS8I&6 z?tgCCg$L}+%2EvCJUMy1G1e**E={E5&3HKSbd}f5Uco_=^FK*#O_P*ZD)?e|YQs1k z@+uXF-1Y=Lc$`WgvuZJ!YTjwM2lwom5QD;7#hAFfAr^4;h{1X z=!p9i^WtIO%t_@HXpqvA+3$KaB_*Un`l`u&+=TxPh&D2XkxtXK=M!88lEp3v1=GOq zc{}f>IR(5&BCiTOxj7S?>p#fP>0joy>`td5pUP~wkT z1-&2_no(nu$5+v>y#YL&NyNjy&fJcPyVC?#*z=WXKgG<)vz=#ta(qdB!y-V)fkGPR zl5c6Axy5YRty%9-ao@*s=o%nDStJOm4yF$6FKZnyylbELQP9^kE#vDtI$Io)E0*WJ zq>Xhm@48~wj=;y4AbUc%4g0ZNB96_4HQDOPBb{a^A6N5qVa;K$P&3mvlYlbyGhlD) zXzleFuhMMoheE8K{NPy!#@#0w~oH>iJFS|AdqI=MjtHO)*O`8#kLqf*RC7>hyl59vUA! zdT#i0iv74ci%C{hrjix9&B?C+!AEvb5WR}~36D`ca&W{2_0OxHJ@j*ma#vSZUy8Bz zmmHEjy*MoJS1&pku8xwb<2i+ZE`Y(K}?M@$L zD5jw!&|>SLcxaq$TTK8x6VD6H%j{l@Z(S!jfS>sz0>*^y`{ik8Wki zf`F;TiCD*vWW&JySJD8N^xQ}8zs&}NXMJi{D`n3-#k%YH478|YZ^J(bYR^@E6nLd{ zRk~q@NrMr&Su;F@NH#n_;vN{aXBCPSes{emxuQn**BF*ZooV-A3pk%g1K>WT27f#h zvg;+J_ud*4v2RuBTc@Whj34|rRahZR2QrkE%xDRG=DkhW>7nTN*K?6@^-|U)1o>1B z<<2R!=Z;WccL_tSmc{uFOm8a1PCX!dt;Uq8RCiZ`)bug!RnJxMag%w)vF%36>aNGc zrXReM6eJ9tTZ#b$sIv<}u3@(6FXQ z|2XSq$pp12S8eC-Ywp`z{$=>B13XJElaH!xL0<48PM`S89J9b zJ2RP;l!=khr~Hw!wzim>neGN_U;lE8!ydz)i6eDSd)BH?`82?yLMan z`e*9mJy-4Z96czfM+0F8%PL2IoeHKJ1>P4l1?^J`rf2@=_HdKQpeSXLny$zf^mmgC zt+u6zfZT3rc{-$W>ctm3dwO2BkDl6O#jiO&P*zf653kzre_G38 zg1*_^f{?cNI1QD|*4==THINnl{*ZxkpxO_-5vgJF1{x-@*V}mdceL3z{OeN20B}Fs zB9@uRUTh>Q=d6t5m8KrBgfyBSmWidb7j5TTx|}bIH@)(2KB;a#-QSlC^TTh(q?JX! zw7FGt5_=M8B_=K|_KkbC`TXW|>*?Cx1%Lo`?lFkNNbND`k;kX+wy2~AG}SfKg~&xL zHX7l7Cgymq5~ReJ6HLTq%B-S_u#Mk?m2MXAk6Bxn7diLKmpLP?i`pW(eKQbsV*qiS zfrvBn^p^#b_x-?JwG)HTsM~E7`NBd1pbp&HT$|MLX@F9cYSPp4n;C&9E_O!smT)Ga z0F(%giHV^TfU@D0C79V)1L1)~Po4$~bU&8!!Mo>uW!bpAA}wTc@%WjbXe%N;Ce4!7 zayAyRJ~?T*CL}V>pHX>*$du6lhQ|KTo{|UMXIBV+&A~3&$pdzVkwV5R?GwLTX{Ab{ zFohSTBRJ=a3Y;IvP(g$Hu}*>hCkLGg258?D3dRIEdB2e@uwct`=N4;a!Ij-Z4OjOl z;meOy=ZaL^3(vaF-EkrG_ndC+Jkr#7Uo%p7t7j+5N}1xiyIgZ8+FNPen-vQ$P^2GBIop!Pqt&l z&qVgYmg|&yqyJjqKXKA6TS!sbo_bu~4NlkE7|`10fOp1>-lVAXBvtDdW7$U_YHG!V z?h^kM>Cpf40z8(gtbE9jnXy5Jq0JXwoOx=$5M6UT16M7csZBoAp)J-LEgKW4uV@RN z($}8)nq`W)mQqD>tpFkSJvT`2qi?bcO2!Y4T89k$_}m;quzJ(>8#^fC2?E;=M+<^4{y^nu2xZ|TyJkJ5vg44%$G9hmm% zd4Ow%#!KT(7_@=yZRj3*Te%253@flf9`b1*1bc*UI=<2DcFy*5vkj`5cO@+1vX3(53S+@ilo`g**LXr-_;V zK0K8czx@jz)gg4g=YTe|!47j}@)WA}x{Kb?gJ{ndr?s6eevcZw8Klo&;u!0^mAd!1 z1zA0UgH9!CfCj@&Fg#IIaV?! z*5p)vX@(m?y&Ni);kX204iSQSmm_n$YB~!ZXQ&rwl9F^G;rl#PJ2gg+t{?l<-X-%0 z8dS&dRK_M@RP9z3C4XjX#A|(5@Y(=m=rcc{(EZ>bS($)%KydaiZnQj%+Hp~=Ash!y zcDHb^OZiaor5E-MYe9+-6-KgEU^$6m=u6!XMpsl%}l$c`hSaC zKAvBmK;)w3bE3w4Umqo#SE`&Y6obB9KNc2GBtE2rN6~c%bQJ9(NQ+YX-WvSW97VUi z`=Lrne*%W>E96ISH(L3!vf?A@KIGy#Ex#VD!QMvXWJmC`0IAzzPPW}DYqFtdtTOFG z8%@V}OFlZp4+qhByt%NCe>T^J{-mPc;t>e|n)yMCWHdqP2=UDc7)nJkpW^QuXH>kuzP^sn0* z@j3fD(>aE(=kMvtkOZU-7zS);%h88~#dEoe?$EGYtJw#QgkZko{$U>2$}y?dz3E?1 zZ|{D960!JC6h_gT?PmAQ7IHn`6W}Tf3eUf(+q<_ zEvXp@3J{Sb2ZYoIo*cL-i^3k-Qnd^@yD6K}HceURQ5?uKf^r>Wc+53WIqG%P%7FEK z`=NHh*2P7bCKrnvB?vG99iMz|4n8BhNwf6*+o>Xi9qz1EI{^`|repH{*_qpeB7xME zM3@%Cvo@8B*WxnmJDZayvbBWn>0OV^?hgbDR=R#0*qjG`VspjceKtMUdS(i^XTukq z70xjwqLjEnbj74E-^uyGR!a0|*&J3Cu>Y!|4tz>^V=5#p zcMC8np6!->p6R%4!YwG7WO=_9yH;bwFf~;J^Njz3BL}XXXhzMgZUxHAUrsWOzr>&y zN&lu*k5^kb>|ukh{WuRhg}eW0e|Val?co5;fLpt#s$0jPQz&Vw2{`|0B%Hb?uUN8*DL4ebe}1RzU16~cEY*ITDaXZKu0sH-V< zH~Q;tcBL=wdbZvTm$6ZSNR74zzK{P$GeVhPrc3*-xu8Og9Z33cH@7?b?iQ z*D}0#r%l4aX+_}s&Q_V71ApKsUfAm8=Q}DvaaA=`g7@pdw9toboWE3wBvp;@YL%$W zw|4IZzN+NPXw-hM(@seq@*zy-rN?1^X`w5w{?h13GmR=kC%nSAUi1woFR&2FMnqu@ zuTsy}uc_!C(*;x4-;?@jk+kaNbmSS|2p(|RvPI2-<=+c*qt z0B0D2-B?g5kAvlheAD`sYh;zFm^2>}sE<2MWhE z=m(`EzDKLVbV%uRAy2s4i%qU9p&83Yj&QiFB9SKmNRV>6I6OSPB{9$|vA2j`ZD7g5 zji1+4X^%cDW!(Jvd5xj(d-gZ028Ka=u6HTX#kue~Bat`k$$;YQ&m|Vf55MXyyT+!* ze`}MY7u#W{W#THq_-mIT`Q%GeaeS?X7{PB)?r0L{Gd6}6%&!{_LZU)^OiV3oSz~?I zs6j7!KsTdWi41+AAYR5y?WKAEgrLy_Ub6@$l1T`t&QeN`*AN&ZHDR!BB%}K+) zb#QWK%j%>qE0DkYD7@0q0a&O_N*WBgph2M_UjQQ$Dvk}Dj$mW>QISohI|@Js*~tq-SX2z2Ouo_$#FFCt(x+7u+;d59jIJ6^ill zecor_Giuc>A-%r$Xo^LHa?x$j3*(9Q>TUJe&fMNqZ}3#*K$cc`2@9=LPy`L4cgwkm zTNe4>mt^&lBFIx|-IQcQHIYZX-S?oF+YvxMdH(GXxSIri%JMGWV=cz>YEtYFA$Dlp zKRN6)wjku-9k)gSk2E}&9GFk(b^3Tm&JOO*fVO1fURUPUSBre=o?q4_KO)9YY2)cei)F-mS3swT6( z-@dq2+k8Rpbqqyzv99q{U}kgFVu)%<(3*rXxs&FIjIx4?Pj} z63;b%XuGY_n2t!#)ioDn7uB8SPaaBJsoJxAYMy~QcmxD`g$u}mVM=c_MvF7;08S#z zr2@+mf!r5AKOWT;bA_?quy8fT-r;cX{;+f(LjCV-(SEj*=VN`Ih`k6&L7dWl?je_N zx=QX$zs6b&)4Iw4j{=|YK%$n5RRZ^Ws&lvp@;{%D07wIlzAo+W>DsaNSr5Mn>EuMQ z+Bl;M=N2Q)tE_Z0U7j#ey<$?T3)CrJ{8c&gT0NOOiDgZ$^jz(0;lwy>m|%@8qs--@nFh&U_BLD4UEm_qY+mN&R20LGhnm&)O)Z0qlOJqp4gwmnZfZD+rB7T_sw&F|V~uOQOJI+deue;--)8Rk^CxlTCuK+QBMe&Wnn z{(i>3%dZ!H^q5{P${rXMUHu5{Ikl{1NR@+MH}oN$rUid((*v)aWZEgUzM9(Bl8Xn! zA+KMGMn9Ws47zd!vcSbciZsc~;?u5B&lwKBRO31QILbMnZQ96N=JIxfl&G$aTg~8-|Q!>I8l*%bk4*;UX3D7c1=n9wx$GKtD-+fHJuNfEAYc>?bSiSL?5m6kF$kH(-+jMc7<4lI7GtboAY?Phb3O4B4%Wp}h_lt$Wn%+#=)BD( zrD%3cy(Gz;I2-YycesHWhk4-L_12v0|Guw8ltA2g?@?1_zcJk9p9Ezy9Y3C=INa*E zHAj^HNR@RhJjaQ1AkbDw%#)aG|27j!Q@-$|gA3qphm-V-i@teLiAO?KCZea>pv4x$y?re>J5~nAtm~<-S zU#=~HJNX7JNNli}F_Ej6jU?%)5Z{YQM}pTfbCc~C6`S# zYWkI#7jNNf#c)gOijO;~>rxrQ7c>i^AkaVgF&4aZF23#y$NiL=sVn}F4MWfnHvNZC zRQGZ>Ci3Fc`uy>;kl^4jZ_2%lWAcGp?PPO6;37Sc8{jca6fHAFzLvNI!`8?O^pzSE z50yJ2NyEmAEqw+M_IzDY!fTwBt8CcLxPg_0^%cslRHuMO#zdwWG5l>bv);5FBhh|w z&Y+TANJ)GS)#f9LpElF4A8lH7{0ev%&}b~8?7<(pNzM1L%P%X`sM)f!b6PKdw?COb zdYm(QCjd%&$klThBpP47y+T|SWRpL;dMTLJDLC5I9W^Mt)CG?8P3;IQ$_KdR6e3Zt5NX8 z+Y!pfws1hh0QW_piC7#As_h*o@Y|1+HEDDQ`lMRHZnU`9)fz2LsWcFxQ|+}22i9|% z3rSjM=ks-X-a7O1brzK;IlQ5igKv?sJi~glMCnWEBSGMtEJcMHN;DG_gCK__)NVGG z(9TDbqv0@7PT*13fzaou_XD6duMCF=9S6I6Fc;YePwBtB8)kbX5IDwPj6FTFK3%@p zQ#n1nSm16pWj>odT{8hFYPGW_W%a|5&g6({UbcEhLnbBB36@4gF95FZ$*|zFh&oYz z*gCy6Xvd)r{`qqy?qhoW)AyC{%F0OR65M!HNcMdQ@I&p4-IF$k5c5@4w2W1g1?jQ& zqyG24&bY<>Sy=cg&3l;Ky)qy^x{jRn7sVNq?u^Oz`CiqkOPlZ-)gkf3VTQ|>6JrE6 zg{;!C@}s+|(yZ0s2%d>D1pk088K z*83lQ*5sDQ1it~`p3w^@R1Sd~KJe?E?N6E;PL&@nN(lU24CS{UtCVf?I^6kJixsHL zaXfsUeW^5IdTjE(lTbrbW55(YTD11?5E!C1=cWF$h=E{v3I`ke_|^Z0o_F$dN=w?O zEBn?PORt|q$bTC4Eq&RmczN&^T*JOKWOuC>+@5-?x{V1e(A9ALQAH474-C5q@TRyt z*sBa0EC@t5i1G-2MaDL=C-N`^hPpn#v}{{*G6H^|nO>LN`h$Lml=XSbgq?HV}jK_wh^< zF$qMJs+3NcKTAbGbqMVr>$6SpzYFQqKcUkyHdYc%UwtK{j0!S(S070uc*&NnM~hdbnqMIWte%;{ zw>U1}a&KAEH@c{i45yw0uTg&L7$J`%A^A%8`3Q$SDPEc`Q4P+Okg z`=o<)_gPV0p!6lR`Sf(?b930qYVh&J|bF7f1hXSX9cerMKiR8+pjY1pjpVFqz<- z-6E<<1we_(PfkP2Ht3(mFWaHHqU?lhbyB8J=RKPU1?ulfJfrJ#TlEd~9P_a`pNi(; zzN#8_pcfC1ZqIMf`{_Z6Px9ro?MvUAl+llI!HS(_URSQ`!1Qg3K2cKRB#H#?>Gszv zK=K&Ag>SYc!ZU*fIeau~t&$;M1CeFhZijP&zK_){+!a7*>S-BBtK=`Dx$e*tt39qY zCY-Sm|G|keod-Vxqo>>Nf5?hWBaQioJkl&9{hPm9h~Co>$xBCpA()n-rONM@UUFX; znqCDhAvXRjq0-yhD5?Ij0Gj6d@i{4hTfCq*?D%B%%MVf~7ihS#H144IkDNhLOCqkp zEE(2G5qe)5#XR|wjgKDiv&AkxD~l0ulu6RaNR_ypjwr*m87c+J^EwSkMO*xI&W@9y zrSk8p9;Bar#PT|f=dxxLw48)SO1={aNV@vfi+mJRA+5#I2j!tAyoBGCSB$dd>DxTt zwb>HIxb`J6SW(SZsUz8 zKmIN(>#HOJR6ru3yFJ0cs`2PtpK0DC>|)7aAALxhG2Gae-D9|0sBR+d6z0GU|db!+aRF_(g2p%@+_-^vsq#4OMCJ;Q)kH z@F_G7{%JVb@Y!eim1BeRo&jqm0&sAiwk}t%Uz`~Lbn$wWqQKOCU?-Ru!ky)u#Vzfs+`Nw-;}?+@ zbaFS8^H&xZejrf`*&EujdRakaA8oVPxtFcvj@PNc2t)|IC9GIvQ&}|!J`l%}`JxGx1?dRg(%wdZy25`mXIPrv?9$M6VaSAAb3t(@r=7N*EniI8 zW-KgX(El|J&b;zc7F%g{{+C;zwJkInuiFk-lzR6Tj*uj!KRp1D0wTm<%Xitf63I}y zbbUa6Vjc_bZ%y}cCW7aY8dkU3I z-g=-OX7FKE8)mh82sVmEL;mtS#v50-;nS$Y;k3{vUjhduB$rvuCj>-2nOGlN}2h+0;)I8E$ zLfjKKF7thm137xdlAnqjf-<==q_8nN7w3xm+*U;-DbN)R3&2$bdm3MQj%` zWMyF@-h*7Oj4P!oHLCjLZ-+0gh7q>xlyt{ZK;R0v_w^ve8w^@sGk}g3pBG1<`2^0Y z_dM+Dr)e_II0?*ZaYW(sXX%3C|NP+}pqv}qOaGisu6zr8-+!7mlK%LICRd_Xe-N=A z2X{a<(Qj&w*i4b4STMkZ5hm0JYZMj8FQEITP+130jP!q@MQH_85*c##qQPHqsrExR z3K)uAf6uru^sSQwpcKSp{6D*Dw~7SZ{cfI5!R+RMw)tnVoraA~)xnIpjP8zVRJ)HI zq{vk2qQv03Nr-mDMsk&6% zQxF%Hr)2$|% z-+_zCA3aLYZ9*Nc47U1-dOVRePYBNTgMZr7Rn2WobqO?=Tfnqn+%)JFw`EfZGOdDLs0Ak>{|dk&9Mb(^$vba9jQ&S=?O#jLUm666c7q+njvl?Z;SOz`~O zf9Hg9g8(u^e#qgbKki_9UC}Va*ZY^~@`0bS{!o#Dbz>u^rpXTy zs;roPUCnfijj9T!TzzMWGSP6Ygw?Q=PAw{W((aRIH}yN(Y+X^UEHh9PmKqoMEP*A5 zBqzGh+Wha7+d4F`dGcc5qW7Y~ika;9WxCFpQ)tJ6nK_~!ck_w&`W#I)p<5uz$?xx@ z<-|EYj!49pe$4_&vD&mRm&8i zx9%w|+B+|$Ps!E2ah%+D@V4YAHuT?JOqPto;8}aqu+l*B^DKLvlj#UdOw$E%_M%Cb zt)&YNmNsil))?))-GN_owgSIGIf^s{e)}FWwhfr$eh~MUm;HcNm6O@f{pnDZR)dHv z{)2AW+GLfJzmg)CI@+m{hh8ad+`Q?B0wi7gf*0AR5>6H0g5Y9i-oFkUqn}q_@A{w% z5wMH@u#EsK1HAnBaMT;ju~@?i$xB~ zE+2X~ZJ%&U;zjQj&H@iI)3VlYLL69P-x*M{eyBAC?dTw+8Y z?Gb~b!v{W#cQ*|LmP(5YcaJ?#;+ttCSf>ZkMbJorxgZCYCdgik={H$KJ$yRODTTW* zE7`u7WXD-C^QLsW5Cf!jzIFK8_;_iA-S-aJfKf*YX=?skHn2WBx!6{587cEzjg&I2 zsF&3gxe_j4KDu5oHPu(o?wQkNOL@Ftre|P4ed1lqWUzP<)2dd2n$&q$@+{`*zO%!5 z4g3Z7#rx4>UURF z0vHl-T|B6B6UEVKOVg-d{e!Bia=HV$FyV|LPp_(?C^u3}-nGZuSFb-UdjhPdqObLF z$x^?_kb*9y<|tOBp&Bti28$7R<4X~sn}tiLV&V4GtmrIFp_SiI$La5B+3KqeLTy+y zNr5TkBsn`W1PcWZ+?>_v30d@2RHS3PrWwU z6bb^wS5?oX^oj0j^u9<#>sQlfS{*G$II_h+$pcmOd!2{f^?CQ-NUe!(UbW;=w|S(l z{vxEVz*k!3Sak#-^bn(aFg8h=Z7;}ePF-RG(meiR{{h9rw2xuzwqpAp*%Qv4uR@h& zOEl~qqFZt{gR&hZdv%%Bx{zyxDiuE2^%T>h`g^*5s$9<8re&sm%n>uiUNr;(TF=YA zTCtl!oa!R9Bmr6&i)Aq~2k1F`y9)IA`4KD+EeGxa(Ue6w7cm+66?XeXwSB>VzbKpW zEn{@IH|rVNm<$d-(?o$a9ab+(exGvd4z(c@(H34@-}?joJbe9kkh6lVh+fa0J~>UbNVG^_(4G3RJNb{f$yL{fz8XnlsG=FBGRid+ zx&>+GrV`~%nO|Z^aChUy=JR)92cIvN3N8x54puHEFLt+^PPX`4%u9KeXstqpg z-qwWEL;B?lDxNVXJRDBFVlHJ99MCDy?R>wQ$8^7YbZW4;9hPB{75IJ2KJCmCXRK9X zn-Cx5pt=v8k%``F8P<+nEQW(|y2SW@Ib|onNt8=-nr<#8c{0<5f zzfd+Vvvgy1oI66)LQpRw+gaFw3e7#SX!^NjRc? z)GC~wV|se_f;4;P^`P?Gy8cJjL(4~5@mwP33%5Qu0a%647i9Oio#kF`wUTrNeafwZ zMj!=0`6RliIyY*Yx zN_bzWwQ>sy#MtuiA0{I=ovdF$5>FP-cRe$_&(;oS?@>-Sjz~bE1bW&{K^;{QLmDHr zpUW}BtlW$XW-Q2vS-_f*?43c)-X|=MPs5E)63e&;j(M5`DO=*_Yoj6jCS~Wxb^u1h z7gkIRvMFk~XY5qg>mGLEd$hD>Cn?jj@fH#9xk{T%X>>r!QcwddDFS`NHMBG3fzR5i zdpGBOP^|4iq)nFY*fZxI=`Ii7@nRnL?L#8gjSL$kIquKfXU7@p=vIA6}w zvs42SHO0`c0Tz_t)G)@O2;D;2eQ;C6UaW^mpq9(uqX zb_SR_oXAN2FK3{ACd?V_C;aGF|_@#kz)u z##c&w#*4=x*5irQu3P`9KUKW@uONuV#{=qY!wX`ChW3|TPBYH>Ro_P!Ab$IAdi#!s ztm;<2-4X?K^L?NP4Jw3O$=%mrZb#Eq9y^y2D9|(y19THK5(6x#|xT)-71Fb2UW~<-ZET! zJOI7UX-n&{lw9bW`D1zoTeF&q&=tdOpA0#(v%MIi4F@uHg(YSr#_)T6Ec!WHEN~1x zLBq-`@jlCRsQ-I<%eO6Zd0Z7%Yn*ltZt(ZIFf4IFw{K{)#Jnnj`C^SBFpIaX~OfzeEVwAJA#5tktl)R&vLC@rQB@}; zF8b21vRcL|ob*K!+2ToYTwK`SKfT-o1)V&RQ9KJ@IYs*A1)+jn;3-Ik0`ZEZ>|=oN z|JIi92lF;sQ$!Z;YF&Lsbmw=XscTB3uPVp@{0_^V z3ffA1{K8$CsUb|c?1Zi4&;#I@KRXWjgL{jMM*l*ULi zfytFW#apy!tI23n;g5n0CANJ5r1|uvIV|7s0Hw#kasLC@8L4ixgYYd)i16M4$MxyJ z;6*DL+_VzJq0RO)@$;SDi?!x|wL?lA3T(KB*BoDHjPSx40#hu_A`>MjKq}82)rgO{ zaT<`_`as*%%k2yVdUZ(NJ@DhE30oEZcRV?nkl?wYQTom7FeEko>A^;WhmtYCFc%u;6RZ4Cw%IgUYaOxP=pgiJcjN0iK|W(Y zXupRjc^Po5p5;t_r;Ue03N^S&aoH6kfjynWs&XZ$QD*E?*o9M=viOlx!G#ZDd>F;{ zrGnFB@!#5VueFuM|Du~28RlxnJ1!IZmTN;&L^mDI+MKJA=gW#*b^80_ z%eG+~cDd=Vir^@Sh^(Qc2<;>90MC#>@A~J|ssY|7PvfaUl9Ib;?H`N@4Wa?iVwOF6v+Ru3E4sd21Tf|)w zZc9v$XfW$x69u|ZF?T<3>G91ws<1W4a;npKa~mY2sskxC|62Znpm;iXzIbE4ijT!N zb1Pk2hfkH-=0l8P9z^o6YUFQwzd87s9NVkX+nn1y1W9k^*~1f;yrhiZnl;jdM(vqk zw%gb%8X7N;H*00NGYGwBZhX$^P#h+(I>l);WqkjQ-{)W^z2T&lKZ{q?JLu`OVc1Q_ z>Pf)2Z?yUB(eNy$D5fT<+vN;iYX8k-?sJy3Wity%>Z+uG=4J@PLM&Yq{u|w;a{F_u z#=}_U&{f6_n&YmZ#|>=?!3>w~HWa%%C&m$k7}z+O7+O`0P=-*4g^7vArHP677S^U@ z-_R&bMA<~Qk^bf_zz_v|^a|KPYj9G1dc5t`t;6kM*Q+zZPX#-2y~U$FN&m`slUfO( zoyRFSJlve=CU_;6aQA^9+sA7h(O`S}5P0g#2&Bhz(Aazk674K45ja3xN)QKzaLRz} z;trYYh@*TCJyfJkfHyXWcmVZF*tA8T{1xm-r9Re^`;ALwU{k@?b~0#k8I~=7rDPe;|o{zU$tmOY5%g|DnBaMasgGq9r_JkbXG`u5_ zP+2y2@FOF?^fZ^KYtb)vr0li(hd+%6R_6D>D@r(ulx^0`6;*|VXr$Wv->cKERhm6o zUl@K*lQH)3_1?jTlRamtTei3-)rF{LMqa`9LhA88BtR6 zkXEl!$GgA2|1F!=C#x$&@6e;a%b~TD8Ip+g=@KREH0<2G|2a?Wmc#1Til#lo4S$89 zwX~=I{9P%m;`HxISYVcx8!Cb4ue3Ed0_ARgKg{u*a<9!v%l>hs)Cu-#x=JESGzJ_m zE!bJ31sy>O1{9nO9E#F^6ve5r5kI&I$cYBlRPRfv=29uCS1Q*#D^Es67V_4W$%s4b zS}RP$s#HHfn4W71jJ#B~uw{+#pytlZk~GG4`jJCVUP%5zx|cZSZIzsj*>B6fe<#ZKvE+$7 z$A>E{9(gZ8g;aFgeV#9o`X8Oxdayy;^k$kbMLRen5Bsl8G=F|*Q5orI=O?!!ugh_A zK%6H-R0uQCb4rBV=(^2syqDCya2}L%<)YocKiy?=)_Y&l-s6XL&dw-pbhXCLA0Iz1 z+q4L$YGr;=KM?*F#0i23*ZM-}?pNLM3bSbR{&m8Wcertb4dI%cEF##=47=F< z92#oz(cJ-`ZJQrcB0az#7JxlxbH^C;eri#$L~QE1dW8<)grj27Q2n zJy~pG0@I=~-wk`A+i&o>@_cCaBJZ%=5z=L#5-9&^=lozq+ueQpVsCRjvu)_sK!Jsu z!OEX?ckAHpNq7y)pg1n;uLaO{OuI5AHLyqu2=x3jRyHnEG?k5GV`rDXT8dry#D$df z?hpB_wQ3DG3&opHd#o=yxmD@}3<|8n_6aIL=?jO(&ZK^P>+4o2ac%+;FnXzk_#N$` zO?19DjlH6b08-1!j70P*_RqZ1bitDxNMnFs3f=iJ@Egg--ZJPOst1|_z3}{egoKof zg@j@tpFHatYdldKn`5gD-;=#H3pb6=_vjEgY$s;S?za${m(H2m4`Ed$js{S8lD@HwIY3qiJ05`ou8>y#g=^( z6jxBBMd!Fy-}i6)Z%njzIMAJ(Ir7*QNU}Y9^oK(dq{G3_H{utjbiR0TGRtNIJ32jh z^@aBjoLBDQX!a7K3$jn0G2RJoNB||afa4VR2Fv%NMmc+!8Wx&+9R|E_*y;6TslyOn zz4iC&DPEOG&==`xcYpnwc!0ge5`0?m!%+{q@H$K`R|l5kNe>Tw^%#KxEN&YZWuv9! z%$uvhap$tm(PHHhigov)Ou=L7E3OU&!$SryY~Q}|BDGEbGRL9Kas%v^}LHZpo# z%d3yC(K@~G0e@N#yqM>;_wP@nk?g1LNmOH=e1&Yc&1kN!BYd|$6??hBkBSY%xA<8; zH!ETogM>tUmO$8VDBjF}tLCr}qeS4=4$`bj4P%-V_-SccH1e30zNPUdCtScH$CO&r zN|dVA6A4jOMIcudgx{@t{6Ct``mf3N?ZYD^lnw!ZAk#0qK@T zB$beEL>dS3fl(u+RA9tlbaxIMA^qInAD(|;Kisd~_jR4;`96>1w^1R?Q+TmaR7m}L zJXPgTU)~!#05!-}NW=1eKw}({9>x8iKz{P6&h_vuU8<1x_GL@66`tO+Zl$Se=Vigl*9VdaKOsRwRQZWVt@Gh3mpf?LIN8F zXxT(__vvsftyTqqUfXDT&~SK%f+gYW@otAhKL~Lxgr+L>)6DC+SIm~0vkKgQ_T{&L z`4kWii@K9?v^Smt2l3kwfwLyaTMV*Y@2;Wql|Wc=1XGFs0ye04nB`UKMhE)_gB!~k zzj7pn?|l=SI|eR@Jq8?d2%-T^1TfgJj(puZvx@p~9Lq(=I~v}+CWEldkNqblC?JrZ zg!}{!|6yr5$fVC9prT@rE``4Kj&(KgvD@nnWzi|F|x@*rXvkoWTHnpoKPS zBw(B~BiQKXC5;f=;gKNBL>l>`{or4mC&tzp`oT+r3TbN_lQOJXidg6QIB#@~DdUC1 zs;OAU<4&4j1Q|Q6!z-DJUSw9fjux!SM@=SsZT%=-xv}eqf$RCwy;&9lgF-ZBsfkvsuDDdxT2}Vf4OSN%c*2W2 zqXzG!2|fw( z_I7zifQ?S}{UC5#m3Yc#J95`D_5h*E3onTjV>y_P;Q)zE_1}4--Y#Q=Qs9{gWY=qI zz`W((Vzpk-*(hH|4Ui?;sa2f|fv=rv-|6~y zC2bxSv`za;$JT#1dL;5SD9uj$w&2)fxZJM3o9pkkzdAFsAkGI?Cmso0 zv-xz;RXpZ?6VO=KrKg;p_KQHww~tk$c}(1@rnb8me1-L^0AMiBzSx%^ z=>0E=<-=_&PJ?IFXZRYN^hk2Ez1Ye{hs`&G|}Q>C-dk@5fk#n312g;x9p1+%u>~6Et|2=Y5JYC(yFvCrO9I1 zPijGg{)P-dUplR-52|^2oS)}hVfU`JLK $APKoAgAZ@~kbqJ2Y6W;Wt;;_*ikU^zzl`I!AoUHI9albi6&BmO z9ci@H$_^4j2tg+ePhSrUY1kA&2q{F|mSQ*4?eYxmVIP?Mi`Q#~6i?Vxd*Y7f-;}Ut zl3PMC0%YmFI=td->I**4^N+0Ps4fylZx?ftLkL1Mw^cjAVNB$pOMprPt0p;NxuSeH z!#S5COq0t}knU)p2i_Z4P1_Db2Tli?d!%3gZeMV@WyHiE%Gm*YICIQQMfeuf$>v?; zb@9^~BPcPisoohUZ9wo5UL<5cMBSr1+NPc1!N>fx?%jU;BAj7Xu1B|j^ZK>x0md;P zQ-jZu7~>raV}l{Heu0VxtC=rD@y`sk9Qw)^2AETkI_+|{r!C9C%1U9@a{U)M}4|5ZN@%Lt5+>E!*<#U!m={FI^6wQTv>=poVmY{ z0s7EA*;rFGY`$UnmSs?3iX9FNml82L6UaL|P!nMmU=bFt+;MT#(dIF5M01-4#4oS-ox?bNR2C z1$ck&=;7f&>%R>T#nyo1z?_uSft;kQHUIPWL!K`(p$$pG(d>d+=!XdNjL7lzdi9lL zh&=(D#pxfd3kX1^$bJqB!e#!&-)Bik6KPn^`tWUsi9HYVPdwY9)ap7Wp=`unJIV5e zn;qux`0K=<6yxeUsgsjTsvOTfy$uKc=#PGp5O}YS##92N)ke%N6_&tLsJx~NH#EV#PdnrnT3_?LQY+5GbGxI>(O*zONw&q*-{2Nhh$ zw@zo)y&OHVBCopl!F(v}2wQmtbWO`sbN{zsF?+V&;hUpb`kaHK^>Q2)G;;z&2 zRR7#%MC*ASfR+GyZGLP2T;vA;TB!sq71;u$gc4tp4N}Ub*aTQr(6o%EAo^?u5s_pG zO{DUVL8BYj!7MNce3etB!pB>lQyNk)H{INd_4|8n=OB{$V6vj(82bJ~pNz6?tkU^% zBh`FHo||k?RvH0Y9};Y+t+2D}kHvpsajt!wOn>BTShJZ~SKQ>7*;`N=^Z!`@wv3;} z17h?~L!_tnPya5)Iqw2^+Fj?%zW~zeJbxC7+r|+ujxLE<0L#JF#@+ zf2~Z}wXNPAI07f=t`cHL(Y9V=ao&6KLqz&K`0@vh4D?H~%DzNe3Ev_Bk&U{`lGsujQ^$mi$e ziNc+nO-tY|a90JIFM<+;Z}L%}b#*wD)R|>wPDi0Pxjn0#oyX29TLylgu8;Y(J`~9` zF);~a8po!w@Ehs(C#N^L_dT%4&p=AzO|BmY4r?1mg+w+p=E?^#tG>&x5A7mjo{mfS z#9s4UdXOSc5e{lBzm?}4i~ZZ`H~DCuk8h^AKAbwBMEIHE(2vxvy?=V`5mEk?3S?;N z2%xi9{i`v!T84s;Q?(%}qT?~2Ow}IT!uda{8rjw1$!}Wh1$WKJ2PZdzGoD;@)``Wlp(Fkilr$^Y2A*qU-v3-9BM*qNkN-C`Zk zTMxUya!=yV@PIjt77WU#ve7B1Sxx`oojpGUxOn0xcy!kQQ?o2R?)|+N2zEhFzMV{eiAG1;-Hl%t%n}n^`Vo<{iDcr5bUPu;}9NNOl> z9K=k|A2yhgL}(%sJ|-(!*+3SXQwd~q+gWF1aw{DTn`*wARR%BpT3v(ST6O@%w7RTR zigNogU)(XvU`F8BeM2?Mv4!U#qvcB<;lg*w?TOJsOisrdx8Keq1;rfQD#nDN#Rf19GSPk4lpDa;IbUaf z>JXOZ4y#5@eY)T6nAjqw<&_Bzd!Z&LPn|-JM(k^{ozLv9H9U7dP3zqlJTg)1~yf zF^*!Ap?xVvE_jTIO8iv{1YNW)4XrUYqNmexM01hLLfG9SEuNJD8o&wp+Q7^bHFb_N zM>NY%RIfNIi&yxAQje;*NUt4j$7h+^?xKZ<^j;3+dEoCcl55+Sa6mctW6|g<38Ji{ z{r+10#FOJ)C-NVhSpvJUjZ212-j=J)d=Zj#AKumtQ>*UJ23>9x>s3@VF*YQz7e$ExX=R{j1nI;_RG~kC$=*RfOGBMU_$TP|t(?2!jyavRnSpheDOt z3#Ij~9x|6>U<>j7(Ci2+OX;y9o8p(63e7%8l4|A-&3^EM^;K*HKqCc!%xQ}q`-be$ z@ScY_I&F_pa`G1rnOkyE5#etE z=VKU5#YGZORw_hpPJq(a8&iHMx_f=n>Fcg4P!B_hTzNNIJS4*Oa#|kctm5q+iCs(Z z%5+Uc(zrsAnGAOS&PU5zFHchEngepR0KS5$W~pSzyQf@FBiL}Vtou%KUPQfvijidT zaSnIjz*KB#j2Fr={ks4}c~)H@o#iuW4(^>+(X(d_H9#1`A$$qWA}e_JRG_i~jHkXsbH^MpImeuk`E^q<+~C{8V z5R9>n^{UY4v`A>`dA~Qcpd&J5euK1C=R6BIr3ztWX^hL*ig#msYw~{ZZdHB*%Qqz;N~euVz4C_)X`!(#3MA z_wJ?3(RP$iMk;dZf=mmovwZ6IT=UuwPI<64ej2fAEj=o`W|u?%iK(wfTAv-Ls~5cI zn(TDK!MECG77!YW+HZCVq@WLT; z&03>VH^E*IKCJU%Ng?@h{2=NYIj zVFDDX)2a#)oL5KAftNw&xmPuQk2>ecp3%8e01o@O4tPO(wYtBd^LHulAo;gq9%;VU znyx0GFJr>Z%HRopey82Jnu zd->WM>S3KPl_0cpbom(3CY2B zlvzn*3X^vue2RT&)nViYr@y(XEU#*`r>gwJbUItf(lH z{t4gQ;c>et3&N+!P}J3DskINsC^v(UdDA`aP>EpN^7cJF{Vfx(9rKkcMt+qiNv9pE zEX@*lA^N_^)5;g=-=$urJ3w^$2%Mwv=Vu z5d}ixjk1t^zvW($OO8G65#5mNSoMQucSHdF>>W_@5ceT(%hF45D&h7&sUsZW{CekT zp33ytkIBTiG}^X9wjaA3>IE3=zx71-Yd=KjVO>oR6ya7Xo%8;d}rcIQ(8w{-f+QR}=3~ zI9ZdgrR6-d1Y>UAD$~K|m64j-!ZX>ev*x{Di2FX6xkK>Hv_d9e!!7kE0+T{OJ^znK z&-RRFD}-hzp}mlxo{uWLM)XKtnV;Do%qV*~aMyYA)cA+ijf`JesV#1XQfsD;Mj4;1 zwhdnjy2Yv~W666SP|Z~$Z7<(PV4m{51CfC}kv9(3VF`ioua(SfAaN?Qo%k8a7#ajb zNQeD%r>0TbO(8EF*Mli~0n1OX*+h(ZV~cle1Z^n3#f9G}ls2$KuQb7hRCXPH@3Owl z*K#UT4x@Sz4KO*Hzt@>vdJg^jwhJF6HT2!`=QR+M*V&BWrY{Pp z`Z|=2MDcsu6V=bf%$WX*W;HbPmuCsY16dpd{9K0ru7s|2lFXHIiQi{Ny9k&f6Hnp zRfitD2V58P`><==w>|`VhnQyRqPBYA$Y<;T$B9!5-Vi$yA%v)-M-vQF!tluvMuzr6i+Ieb)^a99%f?YKeT(hz=w`KajR<%fM=)nb(%N5r?rt?0~VNClgffE zYqZrs2J-{v&5*U(IfW5I)^VlcNr4nth53Z9^|ZhB{IqWNN?E&5_3tc~iWL$>#&36c zbv7z?bqp+^Bk96SY985m#?oHxR$gu%U5ZlHaShkaH3PvZEN4fcTu$**qcoQ~o;ASG zv@QLcF20_S;UJMm(A?XfNVMg^#tbj}C|0|-Q&T(>Upu!tG>@$RCh~m%YLpFSSv-9( z$eFE@P0H$JNmRE7#E0yPACJEXm8LQa!L>^Q63cCC`2 zp}549`8(wG?X5kTB3dao>k_l+orr9y59|b zn8S*y^#dVc%O1qEdKtpPVupVTp>_*a?cO22TZ_eZ>|gAdLRTj6_jf|6DU9w25fvm( z=2cv52LIS^lW?retlqb>+m5sM%Qjy=J-YwL7DFzfAau?D;PLjn3my~ddro5H1zjlf zKmO5@xPkXq9+a|}7&KOT9Q5mZ6{XFVNBWN?Onr6p_S!y=#&SYT z%C+5jsPsNvSQlH`TU`H@<}R20XXEvLPGv+T?)Z)lG zgmiEmzGGjTFKk>==*<9fgYw~qTd#bG<9>n<+j1bY&y9G>#+?-;-^DFPGkx%`c@R_L zSeJ?W%!!nnO&mHcl{18j^Ud8vGri~IZ^p{GrYU0WcD*n4+e~ojZri80E%3xU8CkKx5JO>} zcR))bhr>o2>JQhcxG~8c#VL{gLe#OEtFf@yy(XbV-CsT$)-EfJzr&%wLCO}T{L|3y zu8%=Z&^397a6^#Cp|?-x9he0VhrpJMh6=g1Ql7EnvXt)avegf};oTz?b*eNk3)1Of z5AySw{5?cDH`gl7F1CBcBt6Qgxk2`P zxtc?#aAYw{DW|Ak9InFd8oO#uJL{QiP#1I9sR>zk-Yy~s%_Q>YLw-iKWATzJCZ`Iu z%P6EWSg}IJAp@LbUcveX4&N@nLE3u zo5KCBw-QGqSBnx_&~LTJ3Gic4oj&53%BW~`OP!0cI?%KF{Xs9IsFd2R^< zR+mo*KvkF9f=wl88>$6fOjQx#l&*WSceU#WMmkf zop#?3EH&Tt`d*K%Z)$9k$E_?}^b<~IoLV3BN)BK!oL0~-m{P+e&p^+ly#uE1Ea-BU zWk`Aezwd#dv|$8gPkYPfMx;r1yg-#=c=YgzTU#9qmp+fE^&&r6bOMXA1sqQcHOy6+ zAAvSCHo$65jmy!%_d?bR~P|M9N*GOL!9iJNWeeGngMFp_CPCk9pcFB?Da& zI$75e0dar3(JnjSE}FwF(2sn7&kp_9Nmj9WI?k0dVsIqzq(}+eC_!z+Hx$ zd~PlGv&-H+KF>1p#3!ib58uD`s)`xJN3ZbQ?Ct@WZ}A(|#@xjoRY_gGb^q16eEzs8STl*L!8b{N9u1!Hdc_)c#2pjc6vc4RoA#@tWsR{l~98Aw|M zIB0Cu*BZ!`|8jqm*b;j%=L~_cgyc*f|AR(5ok7F>J2NvE9VT7JqgMfdvVXk$9$Xxo7s zW7?!7A7jtbf=go%+<*V%K9TUOtb+Z!4$bc>fw;01_o1F=ahIK22UEn<#K>kxicTSx z4;+rosRH2ydnkIYh2}m5eV-wl{1G(|$V-};*&FZ3>Ru83jQuIhf{~FdUPzXsC&_Z! zsXL3*(c!8=My6$Vg<}OAz&rv!zk#p2u`6?PQ;X3{Xcyphl#m&ptimkr&fsF>@u-|B7eMCme3H+MiFU;ZVH1CQyE>xnd zEwKqIiFeYM`GItxYw5T)##P`IAG>U#RRP%?EP@IsM}N;laFVNgK>r0s_OOL6mHz6; zjEG^|jh&DUaAU6!eZtWLQSJ+?nRyp)a=;r^?E4oCw*l8&x1Vf|(wTIUE81iz1|C)` zwxJp8fH}G+DfHrGQK_Ex)sB0mxHI;G^vEEP%v=?7UmM&>$rhSB)#Mct&9uOeQ zz!mRqH&9U-c-G_Wg*|IMIZ1_v2VFE@F6IV#1~j}{x|^;oMHLq=TNiVY!gE{MVRPbr z7`p7U6{G-l4J4CE7U@>u%y`!bE6eSyC(-jZToY$aOxE@d#M$k8s^< zpOVbhUE3;;$-O!ll^-BF&FbQ{Be6Tr>|J9mJ#79St**KS!5Ea1qV#&X{Vf)E-~{92 zshydHh1Fev=70juN zRkco9w$uQn?eC-oP&Ql z8`)6X&pDds@qxayFPR409LFNLUl;<5UL01-ZBD)}VGXgY{cRhBg*h5m{y zvIYmcMmDoruu)fqkYG{N3kJ zA4;`?b)K)KBQtO_vt5+lp~M?6sF12#pPp!Cwpt zK8ws=t42L`HC^%Uxa^52_;%cKH{^)zgB03Viq_j&i4*=riV4GrTVkJz;0Knf^+?m; zamdf|Yl%$1Jx1-lZ(GfMz@uu(4}R@m-UZnZ0%k5^xYB^JcMJ7zrN96`N~XiyY|g92 zHS^2M^2!J>237bpXq8ppWx7CHYnSdbPVhwkOy~OSf$CXU*>&8Z&9JOY5xf&b=P)md)SjlyN*XmI?5cE(E?jd*?M=+n3icOyT+wz7W`uleSc@dOm@^ka{V#(nK%0zRv+;2?|+ChWQPf{vAc1n^>f`LK)mZnB#u{* z??z6<)vYZsz2X2w$03>Rp3hMZPnEd11gB_&#F$-1Ihha9;8WyC#wXSF2W;XrIM+8q zH%9~C&t+V zic2v`<$l<_l~tAE<@sXr8pr=9 zoWjemA)D6bO{wL{^SpHl(@yccH>N{Azr`5Z*q1?u>mWAe_o{-_0blWFz!yva6qjm) zr|WMqh4Vae3{8XshXdB*%{kB`_{YeEQSk0XH)wWdn#_{8skb&Es|z+U+n#G_=0Zlo z;5}tu^4)Q3P4e8h21AJ(e5OqLCH*QcrZwzM5)=|lcu`#nY8<+2`M(k0->}o1J)Aba zhMx?^G;yIy6?|9k37`L(UX6`Tm>e(T55vbQmgJN$GzLS+60i|BU^mdG4(?!TIoTxx zSso}T`;R+?C#~N35XG2~eRXj1zag4Grwn6{0lSnk8vWZN3n#m_1K$=q>cN9k>54F; zq>-bgv{3WEZjbb6-ZxCWEeHFoF^81BP^wXlyg5S0r|T~AC~WkNCXJR;fT zrCzt)bq%)RxaA>omBgE>@&ncBB8BgyKbYqRC?lFr>w4~m^Zi;~?Cm8aFetbyo4qvaRleNDv*Aot7xHt71nNc9MF~OUWc)>m4vy9VP0SIZ1!JRddJr7#qJxS{uOO5q+~*;Ej&C06>nQ5)FZ{t(bnX z%M-_*yJg6|z?Z1K+8M;!yNsd>r`D&X1Rz`*tVe z1h_#w9Cl6O)qmRVxWYp)13%1lO)LB=7cGO|pH}<-EWi}zLGN(Q6N${x?dAbln^l`x zwM6Fhr#2~?$w{5JgDJf=G$PgK9qZ?*M%fub-gm%XSyVKF5e9Fp4cL>pa(EY*XJ5EC z&V0AQ$#&0Mez#&?Sl#+F!`32#Q*`K;%DB3^p+U!RXTQ(k`7j9`}TVK_9st21~n ze9tB8G%GEV|DY86fVAYH|BS;WLU{{ma>ehcs!+sc)E86GretxuxjBf2yNLzum{?`Z=l@O)rGiCzP5#&y86ni7 z8hTFv8`sBp_hMfEoF#bdKt)B?SF%01u2?R4JNa|-o!_K}i{F0Yzlwg=iDW)+=kAVL zZkN?#PY5DESEl_GDZJ^xFfI@J)2YpGkCCD{$%AlhIB<*Kte5` zKT6Y{uF=`)4cMO^&6v)Mi}Z?J?#GNd&y7r`aR$6BzGsv!>t>Sr@sncE;YRM&J|D3s zJ5oH%wAIfa-s%&WR=ji~zoOX5?T{?|#cE#J{wAb{O@;pr5@ZmQ-n^A4q-ZvC^C6W^ zn5*jj4gC3NYn|=$rE=S)x&J}=mt@uB+)H!37s!(4j~LHFgzVBcn>3&pqXunuTC4o6 z%-D4MWKtm|MCiUz+aMj-XPT3|k@hQDzN*hioBZ9(h5^}+!NK`CeAGIfw7+Kmo~kG# z=zdsqnK^pJYSWGBfss_isKUoOFx{-fSQ~xDdzdUn2V7M7jP5H!W-mev_ ztPNG6+q-;BE?Mp98eA|->zG$O2dg)vWOn~lmf?Qj`h;WYFtF!#9^U)akEF#u$<-hI zPJ>2g*Ff@HXo9`omhLR#rAA~zb{j>ZA;%Sy3WpVkmE)W_TfKj2??z&(7;mh)?MN9k z0p?dktB`y-UmPYzCePb`#_g@>LvaIi+c9pMPPJpOM;XITyclU~P&fw$xs;a5`g{aR z3IlOVVN7ykLt^@GwiFEf)(a!6b(Q6%4HF0JB8~y)BHt7$Q{51L@ifemFGGUmpFPQU zWE7Gh-&_3W3oDghxzl9p1IXK^4HDdy$(f;rWL%-yIJ|hbMuB}{N{e1ceAF*(W?2LS zH{Fk@#!ER*X0j9{=o78M;-r6Pfd!QXIBf6l1P0h%KC?gsomTUioAMEm#mE@Wh%|t( zITdhl?rV^p>S=bLC2F&&BGt}*xT2B)>uT|nbn+=L!ZfJCM7MYN&t&nx-Q5NMbe0Iw zo|!>&;;D7Ip#}6|B{H+|v!{~Fyvs2>ySVYT8_gSwfQZ6BC_&0crhkw%TPzX$;crW# zm3t%k+9-j5w0AhG zVlAb4ugF1Jjt27R!AXVDor56p6`%2lmfmNGJRY}uI_7}~kZypzcYbW%tjK*-7VjqG z@)nZ+%;8$%R)xHRaK1Y41hN zdk!ty`{DBTqcNghn4rJL%tG2OD^irFPkgoj+=oWh~=8+t`%;bwf$4N)Vtce z^b!0SbUAQkiCS$-gXX0JC<);(PW#003MS3hUY!w_`Tqja|XE$(uL!`y#=rILQ$Wqb@p>$r}!YxF-Eb?y<} zj__|Zq0?sfwu(?j|B)9{RibN9`g9Q}gVV}R^_AI;T_d6X^m2%Gx5UBd#v_t8}Y}eF%OY`4ApIH7qBba}N zenbeC8GVehcd*YGe)1Ja?4m@v$YOA#vvE8n&A#4ES*cn1rLZq~qr$Bxs{~Vz)*yP* zMw23EwG_|aP*B=kH%b*-su3Y)B5v%t)t_|kxRSD9)6@~VsDw8SeE|TDmB1F#{)A8LsXXYb525^4G>o#cd8Qi7)*uCiI6y-<>DCG>#*aE?zs0h> zF)jAABmF0Q?+Y-p7pc==emt5|xa)mU{(PWp^QfsuT*m=Q$me{KijUBro8NsZWCRuz zFi@Q`DeL5p9Crv*{sa?uhbE`BwP}G==wY5S3;RAj zXFC7An49173@wJ8`%Mw~%r2c~y=Xzgi!GYR94W?pamA?n!Cg$}Oh@mN+PGbJ7&KC! z4QwqYYtcN`Xuu(cW`b3Px_9Re$3~$XGMV>&-=hOTyM(^9iF|!X$5TRRq^Mw~Z%e0!>2^jME!~W`X$ls*)Um{sw7bg}Nb0XM zzdYS)0Y)5MA*wW;5X}ayu=#<4tzQA${JRZ-N}q+uB_c{C^bPbeoFSZrzAf~tY+hEn zQK^_5QMD0-c800wD95$3%wj{Mx_6kiHM~jrb~q)o{RJ6EuH@$^gT-D$HG05W=gGxo zl<~lxYTgBKn02IOjw8=US6`q9S47=hV4Tb;!Z0dC8Ki(yb?@##AN&W#SglX8d%bSr z=CIwm6FuEq3rJ2-qYge(W6s*!ZH?{hs~oQ$!21F#Zz9pd-ZKE5t_V9GH!=1zb7h9( z#yl@r=*?<>@0-)F;SEuts5fOge6edni?XQ8JI?pd?)J$mP8c^Y9xLQ3#Zk^b@fAAI zc;?FTkI<%S;iWuS^HYSTm~Okk*R4|DZa;HD#=7Q7h@5r)i`(cF>050z|$ zt_yF@vOo?FIQgE)zcdcbAfU*AKiWa(6NJTOpui5*?cC&hWd@(>QW#2WG!czM;Z?Ps zXL@~u;*^tuF_C>C0T~~{!?<6BIKqssNk~q;n+tAC|97WwyDp-<-L!;`#vO|JGx~Zg z<8rfZE`1_UriioH`edcD<#fn4SH87Dv{0T~PiBnT1~5+B7PZ7Uyo_Co;_QL3yk;%# zOXMoye8^DhuCB=MHm~#dpxx~=QzLf(`4`B2E5~Q{=;2ea?4+iSD#8egVR;DZ(t!QP zRU?#>{2|{W@2xeu??t~hdmFd53XL|C6Hyl?q{i(f;sgEYUXyV(@az;H3^qu)ekRY)3K`I3>E%thU`B>1@T5 zMkKo`qDpUt*4h+mI*hL*vBs#dgMK13DD#7uyR3%Tiy*?G6PHM z1CA^k*RdYKE z5tSGS(kf4RZ}kYB(ei%(JF)ul@$(>39o96+bDaX;s0$62@acch#UvX%)ZzL*aHf!n z!u<`}(q`E3!sC~0(J%bNtN*bsh(Y^mO3Pd2%!>8EdX7_9Q&9!^2k6>1nxfW|)5GfW z{jUDeran-LJLHW(Zrj4e#r{OU4jM!F*#~^ur{a{}j~>n(UNXr>mV7nkV<^12DjsV^ zsmPP=Yjx7An?rAtEU5Re%U0>+AyG)00rIn%zCDL&nsP#?3H=Xae(>IQT| zB9+5ZeW~8|kUCn=y2KDum+|I7$F+QxhGxtH?iLmOhWwOHYV<#(O|>@MV`ase#iPsl zxY~oc`UMo3D5|wy(nQJDe`aKk`jk%O)hm>QFofXn8SdO?BP$+38CbT;ZqW#rb%Wd` zUo&2%`lquq3M?TKD=nv|(&EPfyKb7WvW3Y`+h@=&%=Hp7i&VGku%7Q^JPry60h&)o zi+n}Y+;t;)HSNoOh8TRZkgmM{uHeRZO#1IpCy%>&xz&=sq$5RO?a2!&C#Htzo4i(kU;r7>L>l#PL$GwZF>jMoFDC2jTN@^BI+wJnAN-mPG7T{BxC#Ajq(Qp zcAMYPjJX+EOMbWjj~E60`8Ms&H0+zr2XF@+RsI1xy#z7*$;=Fvv~mCt4bK3ZM?XoM zCaz~`d@a}i@@4e?zR%0CZrDf8W9_Bluc zCuHo4JW0H9HQL1BW6s#lI&{_C;POfnQa^peWQO$k`Fv=ewW$`gm~^rc^rKx>Z4^Wv zA>5A{z8z`!S@xY7`QGPF>A&7CCDaBr1bIOky3FWE4*Ba;MM64E;@#`4&w>U#O&R)Z z@`Nzo0k&es`fF}7SG1*Yz%BCXduByaYnI?soxO(ub9)*496>{sKbF zF|}^tKinw|=b5b+T_+E(4oCx6z~0){)v@_iCTgpPFUZ5ciCSWe7NHUguCaiWb%%AX zhZ=e1X5tfb+{VbO%Tg?Ni_{EM5R9%(K^ z*f7%rHK8!kkK9~zsG**vzk*{$7mBODP6cVF7>vl(kC!NCMHiuy;FSAD^cBo+$RqGB$JG_#$_C$+-iAab-+E^U3| zov!(fo486r#N5xF9%iNt`%ek7ZyokVrr-$1rZtx&-gma~N@(Eec<@OrO4pI&QRrGK z3$#>ffMV1)d7EM9` zmjn5noWF0qeYwCFG?M{Ranwmt&2#+)BZuXkX=NkH+Q_V~AIOoCE34PNRUAQr{1MRe zuj*UB?JPlrl@eaD0&<%C)qhuQyoD3~1IKSR{}U1gmah7=3!}>Fe-;{oYnTkqPqD8U z_V>2SZijo&r-GeuO~2pPbycqksqJ`u{b#*yAk z4ob3^9-e$}-176VeeD>O9&aF7nlx7wI-g1v|DNhqNUrtKUBr5Uk0Gri3_fpOG-qVZhB+1uL z#J{6=PE8!rQ$Es6ZU!{*zi>FT-yUSBoU84%-eA4j*UL#=l>|Sl!dria9#UyZb%l2t z33_IODY~52kIrfdH{p~v6!m?0P_~%|+F|aP)RzjsU6QN+_Mh4baL=4Rba-Y(B^M(!7err(US-nB{gYtc-HCAi2OF%|SRJL%c{x5ruq!&!RZA$=-(PsIz6Z+Nun{US&dm@_;)s@ zxJt98e@FdWNyFj?317dHB$Jh2zeLS5GGq1@yQ)1!%H}iNY=nf2fYyIxV-~Xp!rs)N z&wdhhzp*HZPP;(XSB5GO&f9vrx#juNO7IDM`wZ3l5QFbnxw)YicsUWcu9<+sJS}(d zJpM6|T6Ql}XZSwAvvhSS`>5>UO)ApQ~(@T+#4Mk(4#FWV$?~_Y!{yr-87-$sI9@{ zCHQiDF{Y`$<>nB6@_pVCP7moswE z<|U0Pd~30+K-UU|Oa$jX+!<1QQQF+rFE7kyjAi3I#!s z4h`6#e_O4W-lnPM&F?S2=_y?%=3bol?_AV5JN55P93J+Mj*cJq74%1}gIe)N^>Y1v z2i_l4B$O=U3}+!OalYq=UG&*~KO$x3e5_cP6imx0=HXv=JDZch!p z%G>$Y66EW?#*DtStC)9V<6(Y}S*TK0#081Hi73W&r?B=QYCk`&6I!qfnWx4j9{t8o z|L#L2DsRvIMj1bwpbv1k^N_h=RFgT9>BwrX;N%CsQxgpfyMW_*PhI5sy4zzoTa8c# z%4{EcmP(~xt0dIkK6TaT{jVuNrk_NY$G~_oEA{CFP zE7?6JFiRnm8=cY0LyT%3)B0xoD~zWT`u}J;?|-WQ|BW9ri5x2u;Z#D|J3<^KGlxTt zJ>$sUTM`Fl?-}86ti&N(Z>!=Udy{dFtb=3E@9Xo!_a8XU?KtQ4d_J!0dR+I5AD|5X zFG^*Oo&{`EL%#hvDjr(Rir(TbVW@UytEB4u(Z|L7+ARI=rKa^aSwx>~`RX?@ttSUS z)mjS3YwgS~Ku+2km1h?NQfkmiLW;^~cTtHQFsJXALNQlI&zWu9XQ_k1eT@{bS!0Y? zBv?4T44Y*W^m;=1-2BI0t0uH1o-BTU_AVt)7dVrKzM_sJ^PcC=>;1p$SGt_NBinYB z3D?7?zNN8;H&K!I)3H><{_4m=I&S$jiZa6}yZWC=Yc*v#&43S==lkyt61a&j_vxx<5&otW@{*F_u@w87KWvriS61 zG4Yo(sB+Acq{G@<<7;J;K0-@ND_9~}_dt;hlr{}0xK1;l-iOP9A~RU%7_BX(zH8}! zv|5ng>}@6pbh}!#3)o%kqN}T_eF%M1{ix216yq)M)R$0A7XiOWHt}bz&9rPB` zy30gwp9PVr^G8sCHV-eR-)6CqNpy6Mv4T(d8>Ih&BSS>PhJiX3g?!xRsT-=w8I*t! zsVp6bVbta5{%vhdF;eyWu_vL5*fUj`H3e2#L`Yhk{5xJ1+FqN>L*66b6!X$`&CPk8 z9tl@bF_Mau8NDERgOd8{M$K~%Mb3PWMhN+#dnW|$_Q116fxB@ycS)+xIvXuFSZu&! zeBaUno><(ytJ~~8N&l4j1B0NY#KEE}AB7a(>v2}?A6*X~MR6SkHwBwAMY;csx^VNJ zyx39-GTGM24<0@eyZuULWe|vKZ=SAi?*_F!j_NFk_L4hMIqzEts;#2B9=bo(%YcsZ zHzU~5i$x^35?$L*svh?-<@&TEb%JUav`MDpQldRzgU{F=&Z@&esd8;pn1h6`7D0~s z`A0Nqb;Fgr?F8?=Jsg`ZQ~9#8k~=cRqkjt2;|}`TCwY5F^f1!T7(cu&>(vJf2^9}{ zVgYvBl$UIIoca~dPWHE()G6x)TyOhq`P2t?_3ytLDd@WZJ3X?=k8FF`fvpp^lYspR zJ=DEAKf!4an4zpREq?(Z#GH{n!eFMGlGo=g8H>)D23N&^kW}^}R{c+$d;%Ey1oEig zF|VW7zRtL#fUyUz=zsD%A*!uij??<%fKBGahv=KlT)d|EXjFAoRi8(k6%7hIJ^cHd zdH>gqrcPlzwDR9KbH$;bZy(*Wx2HqC`psdZLSz2#*wC;j8l0q5_zIbs?w^I1sb1Lj zo$KtpsJ_}QS2~?~R4IP5v3;J|eZ|jn^4^}2MY|9@Lyj=JItoo6wx)}Gjqv1&E|pF; zTy=B_(_&$ofH_s>X?QB8I|`R+`sE<>S@oQ&n!op#$M0CoZ4!oop~!h*^8|0 z$VC19@}_xwx~?J~-PbgpU9N~;{5VQ9LzS)<{Ctc=&8`mINCGc~aH^v0h0CsCwW|;& z`u}0a3pBO6oVMB7>7ZTjo0?fl?EHNLb)i6S({hLsM_5K>rQ%%??E}$mm5;4cR_zw! zQx)BdnG3+fuY1r}&pqyy)0SV`WE%2iaJou|zp_w;W3yWQ@C%c-$v!2L_8@7v6$=8MX_y9A|> zT?O||Aj5lRwRR@_+>llIq3aW8l){S-{xncS%MH`C=y-}`Yl|JI_9 z)*+&klDj6^$}^&lH)ap8iXaFX8D@h%FGBgIgmWeE7qM8D@HK`Nrzc}EvLfqD9VoFl&X!JQL4XByc$zr0EhCt&x##tnLkqPL1*soLF0I&?HkT9eTHCXbEF0@`n6hH@EJHWqmelI=!rgQ z6)Z23ZzZ$Rw<05*K{nho)|f-foQX7kB$gXjj)JM&{22k^fDoXifI<2y$o4no&c%CH zchZiu9#~nK+H|~-T6jVj+c?d3y<76bPTNpoN##q8AKp7n7wnNV!RdRqgiELs^eNRL z;yBGkux!R{UU9uj=PY~~`Qd`W4& z-uw~YJzF0ExLO~Z8h!~pUx;`9(6U}{E(-p`zC7k~4dmpE#rg|qKZsl_g%FY$3rc(0 zYj4j!RUi+`q_U=%EZjB;d~)q`3?nc35B%IUba7d)F{sMPczk%Z0>cph@T#3f#V=I# z$=f>VH@$kPG3pSd&)B}`)*PE9;Wx_s#h5ab_2=?V7om-oI+)qvp4UCuRCbUunS;5J zZj4)?xwE!`rv?cjJYr29oF4`Bm&axcn#BAEZpM}Z!2!trWfy1*N2>M+N=;Fw#% z;$fm98(VW*xUsyUfppUDamJKz`Dbj?Ej3DPF-j0W+*Eaq?fJyv;a^mVbpi}A-pzW& z@||IBI$|`#QK<(pgBZiC=8&P}dQuYDqYeHBnG^5g+s_|{hC`jo?3@|mU+CV}W44da zFrXkEpY|>NAXSe0wDtEPIKxKh=hpeIca5xSDUH6@C|_u6l+P2fVPopWMhkm84=;vdSJ%|M*Z)5Y zu>8-;a~o1uFRE#2C{USZ$Tdq{;_<{Ri-z4x;BPY9(9!iaL2a?JXC~#C`8g#Xm4RRX zHi3m4x7HgqCV21AU|H^mA8Vet2~t8SO*NBW&rB?|oWLu^cF_4DEceiynZLgLYd`wX zU)-J3%+em{8yYMXsm$qMmOV+`qdzunE3oRL7zkdqF89o%k#ixdUSjMqs0uXnHh-aUGphr4) za7&ewjvRVZ4~3Psp%vrw2?U+tn~80K7fl9R`YVeJRjCk8a*%lmc4KeI7brFP9<7)s zJj`-^EJ6`{Q>ZUR)%LJd%AFJFG%0~+VL-}d#VL?VGvN^zP9N2#9P~w1sC%$1XHUl; zy5if3H_hhhfteLeS{aKskxs`R|D?oeI0`b^xaoOYT3b_WcpggS*Wqm{eH&iP?(sYj z_2jYt$eFd~h@catygcs4MhBf_PXJJWH^9}v&RCaZ{kyqlqd9|lK`|!{3;8SSV-zLk z=AgaJEfRLTG&L4=y8@-)6|8YR@%noK=|9tw=oJbEK5=Qj7A?}ZDmf}j2dtPLkF>-g ze*<6dax|yq81myT{&an7%bh(k|6-rSNxIq*xgvy~5<(BtLl4ncz3rFf?wqI}#)VGC zXh+;r0UAgodq!dh6XP`}ZKR`ca+UMFW>DDeQfp`WbXIvS0l!?WnL14h4?3&LF)73T zOI&g@2ly#J;o2=KvpCiKW=^%=TNhiB)xPm)JG0&kb{p!BW&e}ChU%kcuBe>mwv8qh z8@jhN)8~hjk_Iy@;sUGqESGAZQTkj;P~w~+s!~pvTGdi_0eWA>k7NFyeni5<#JBo- zg-6xq`w^}Sz9$Pc|1RNVLmdVcDgRqbl6JhSuz!E&Iew_<9U<}uw-?p+Kni-9DxWii z7EQtGCcaLW3>Zng2TIYvQmrBTx4$eL73V)*ghRG4}k;k_B*82j!}RhZT3(Pw28 z`C4a)MR!8E4v3=mbDPnpdj%BkoH;~qQN~mJP=D=t*mari&=Hs#G_5$RiHlpG4tt%2 z=3Pc2xNmw~P<>MEImN%F-Ij4f^!2=WRV7OFrHMGiwut1POYoT_5M-8zq8bgL*X@;4 z$n;O&MSpKhbR{(x#-vR5S8NO$PLLgYoj3+Z*e&xENL~lXD$Y2KmtstM|1GWvAEo)7 zW3u1CVuJJGLcYI7@s7e97))bq*iK46kFc~SnjTatBY~s^^w%ET{rZs@^Z(QAQ93+LC%vyiILYdvW8o;F`x zd?}uV-mNk<(_&Vkx$y}UKOz~cUTF=oQDT4XyhQCZsWs`)CN8NzwImxP@VDtR-%{=U z(CwD%M}cD9fb;e1slv%^r1QJ?)A-K%t*>(}^xB3cmGe7Y>{3)v&;eV{qu(lv#9$#B zmxro+(C~%^UkqeM-l&BF`rnb>Zxs7~hmIrPHhc7N8cw|=wf#+GSBI&F)y+yNBNO3` zCpgWCRpB?iGw1jXSG0dsB}7HTWx|j`n=3n!14Ks7qzsMwbD)Wn0+vbMv?*Pfniw{z zJFzygc;1&P$Aa}}ZF{g&-)o%A&m@A4O7p`oiF7ms9*(HIaD*XcW*Ywmp`(;4znTaSeimC?kKNDgUcri(Ti zv&&2yzWf4Q@PT{8hO2qA-1X}!mY~%z-lQychZrlHqKp$K3PvZ#-sMa%Q*!>a4bh6G zGPBMQ*X4f`!tFr;d{^EjfM`@#NPringno^wEdG#Tt`Iu!yKGlRJ9*T3A}&-s&!ti_RJOr!cp`P4EXY zVoJwTfOW9H9$r~tcYQ;2v&RaMLuLB^P91n__$zJ8?jSVi+`Gpt4grenDR6is8!Dcy zz=byEIw?xQRLXZwS***k&WM-fQmtAN?%HK{qULtJIC?LPoIZ(p%Q3sUrB(GI?=ELu zZW5G4iq9{U&O4d=AFfdLyRV&fhP;3>pgn0??p!WrqjewhW9mb3O*K26UF^4;+q;4&>9@BA0rC_UNBq9_u3h zYv94=E43z;^x|2?93LB*6`-75{^r9TH!L^coz1Yw5oCoPP&*d_L=ggZ^kTA?gZO=rPz z7VZ8H6nM&CDY}8DAepV z#G2ylE&OVd!Eo+;)Yf(N_443dq0*&Tk9Iv}_Ola5i+3e?GWSC?@42`! zTwQ<*R4K&*_}}?yy?dhc>5sv}5kY-+^?RD3nyJ4KL`(9pwN&=vYkhs%`qDB><3mM_RV-fuvKQtT!U@KmkS?yyK&L1kAsUk)Uexy>(IA8w_ zonfeY{;?3hY}?=hPU`je$Nb;eL^t*q0)wIE(_2yg!>w7E;%AIuXJ3@P-_RNT+a)~% zz!rG;%FHRZFBG%OtPG^L2V|f%YHVt4$%F|Ip|mW_^h8 zvt^tkLzNCWgxENnzqaF`taW<7oHR-^)3R^qBr#I3F*@2C@8X~>1|Mr9_PBo!^vfw} z+>m#(Rs6#7y>fyeE6jgQ63%+|H|_IiB+5)D;&t$!GxGq3uW4D<0U^P`XKr+2OuOfG z>vUwZAIU&O{VHc0NmqQJ3VF!jq&TDsuzYFs#%67)!Z1rOz&vR%U>unz&d)zhL3E!K zf%=*v!KZCb*vh+nmiRZ}fq56qEFG9fBdBmRSe+&)7^{>w2zW-1BNsE0l~`~TLK`Xi zH1AB{H!GUnT?N`iuE-%0MUO@#1q`EXF8_uW@ zrJJe?*^bVvf3~^rx)6ybm7NJC{(8>5mJ9^UwQST2e{^V?Lc{rJ*ZQ>fy5pT|fUs03su)xJ#H(2f+QHID zQ~`wsf_vw3${d~ib?*C)F&tM&(hFxHscYMyiXo_1M%iO-`rp5z)-nC6ximc-07h%t|`YOE;xT;IO{F= zQ%8{Jq`X5}#lgmeD`N$5IKjs0KpaPEl5`yAD9Eh$H@*u@pQ;k;;tO}5CjMpMR(YR5 zF5aC&_caDreEQEZte=xyWW%E|XE5E7b9ktCdc486x9z>1GZs1Vz|k!SZRafTP5mC7 zGRd0bs8m+n06o=yFn^|LeE9_U6%CSeZg7C{~>|#;9z5>jp$>e5@!~(JcJ#`AlR0- zmK*!rmxazR%bilIxMAxC-Uwt_k_{wAu8Wu8J{x>?c=&Z@fwQXm=nVV?bGIkBthmDN z+mxzIl$Gd9Sf4*49pb>D3Zg^aQjHM{j0;GmUVNuXTdFN6p~wl`3fmf6x6bCfBbCnn z5YF5s!yMa6*ZT+}m*??U#{f%!qn|$l9FCebJ(7FKmzORD6g+mb!|37(Hy}kUs`vQ} z{!HI@D}@{IMoNk}IUk5_;_XhJz3EPGKZQ^}4-1(f08Iz_t!<5YMwQ?CW9Ln6=;VsQ zx4}EOEkI_JiJBvA0J8CkxCoTR#)}yY$_gjZ|krNu5k2XaH!=71AuWWOyo!FYW@nNjxRJ`GSTa|N_x z^RL$>u-$dMeZP7ESNMd^&`C=GtTNFZg0eqO9<;bW$M9lL(tnCw^_R{+jTBq5kuQv`IrD zvdO6Tk3k@dw(ox!K^^ir-az7^Wc{VG`S)X`hH*N&FfPHRq=)*!ehL7&=bCu9x6t^5 zhlP)ei&BD&@Lmrm@($#fN4}*wn&&Bw%+DjReZ7IBw5vmL@eKr8j*(LXdEweh$NlZ>q3Q!M zc6o&EtE`3U9GK2o&7HIDpvH(d?}g8qYAW#<3Q+v(koB6mZELI)CD;*? zWX%sUONX+eltNB|8n|`S{{^*W(2#+{N=13^xugmMd2(d=UBHD`@ykjMozyszqv$wf z&ODh77QhmlruY3aOZ>%Z3pR4@)TVKe2YOgJ<3ewtJIgZ5WVibq|BIvdQ~4KrLS*Wn z$eVX!{BxpURx%~+zSslB3GiAc<82u8$;xOYo|a9F=54F`K5+JZs_e7{pv>EoG9wky z843aZmAL+lm*oSbbJclTRP=?9M}SFsXNx4H@S+fQ+z0KuPDdb zQYTSFKNE1$wa;o8=z!?d7*c+~Crg^)0+vA;MRx#@-?;TUi_Azbf zBX)?eif8xaL38I_RRy8q$?k6CNJ~VRT#{#cIt)lOhR_V=e^R>m^#VOoS5+B1i&lr0 zD8I`v-glf3m}XI~kY>z1G-@ut0Pz&ACptohd2}VQJxPOumQ06_oQ)-0z(9=HhMlztC9cNLtVF8~}O% z+E3OWF>bh6FZe<;JYf`iK$RM@^ZV`70sjRR3X^eXjMPNkTo+8p=vmm$eol|Z{=WTx z+DV#RXW#$HzwlDb&s+;qL_c^(Mg|CiCc6^5L-hGTBWoWluJ<0KdkB}(5dkbhY`tS+ z?ZWp%Bs|sCx4Ml`nKU_HT#55r_03y8Gq0C1e1aoM8Un#+vk3ymjIPVH($N40->^{* z&wAv!6W3dCwsZWt7=skPT@&L_xjw~M!(ocgfk|U?@Q!(Ew%&;`oI3HJ40ire$(h-! zSlg?6n`@MPdu+$qv^Cit5)zy_GT}-zS7<+(V#{w0@gW^<|II!+(iA?n4YnyV6$F(c zvfD&!1Xf^XcUUPX3G4-FzpL!1@5m$hM41B>aIWSH;Ng}OO@QMltu9)8zT}hc@ia%+ zj4j8ea*ECK=}E*;y|s$F<6*e-j9|lc{$hvG@yCF^U`WGNFGM za)vR^Oe}ajKBH7V|MppeyAbl{72}S zu6bLNcAvPegxF0RfT$aR$oSQ+2Gj)NOUmS74eKSN_PX z{hxC6QYS^9&Wv!6E`ab}f3>?h|2V-&kEp^vn1!8O>j zq5ufRcI!`wnF_VnjhFv1w}tE$#_05kqr0zJ6tnzljfcRHe-H+=S$?;Ut{XFfBIg^r zf36cmRsUnZ$ik0<`7Lqm(_L$pPGl3vjl(GCJGb%?^SVGpehP zJ{A7){wqERojm#z%^A<;Q?(%vabc_2dS{}drvJB>T^}+1^Rts|JJ9oOYoG(fkOV<{|5tJSzTu zaZ;CQ-#)X|U;>iO6TyXZx8$c6mGpB4W$1h8u3M-;J)r!BpEu@I)YbU}k4F<^@+yqK zBuFX3;Mf8pClLD{O}pn(ng3Rp5Z@Ua->{9mCN4@Y;Xp10|1^IuJO;dMzgD_iF$BeA z`uxCBcGoi^r`sbtFuFH7h`~_6qlBqM;6E#06O*MV#Rgp*&Se7{)p0<(zfWs>pr2{l z=$g?30^$+lih(Ygq#)AJARjR;sn^KDhRV!AR~?xVOh6yX7~iqzjV?_g_QUiBuv<%` zqsp36%2cnphAXCh$tIp|WjR?+GQItd?7VnAfVHhbM>VY^RqEY}7)p_RV|>J|95LxK z;Zxo$x-U0Ymx8MbJXu#0I9QEkTNaH|Rf_AhkrNhZZD~8TOw+_r38#-J3_?W*eH8F1 z%)H-qC3zQ@E`69)!Pxs>M}x9R_G>cPySQw&`1p9VW)fo5Yppe_tyx~H@BAeDLbChp zj5Kr9J2B{U_Z6t{VXvtg{=qWGzB;w+K9?93A9pZa%gU@DIdrl+Ont=E;QqA-qhk+n zaZf)5`(C-ZY0cTA^5#SN1z{dml8Ng-VPgo*jgr%~jE?@oqyFRV&c-{Y@SS&)i8l%a zXSsz3(gEnVOCaRx{TR+JPxBY(30)2H;GGH`(l3+m{@biMnA41;oJYDqrq#aH+VW7h zMesq$>p?DuT%Uy_ds(5|9a)xzMf>Md&UAnKT<4jVME5sOmvbT+|6MV-p~{e@~`FYE%QVi54z=X**J$vf>iFc=$aG=ZA3<&pc3oY^2vP+ zH00$lo+jd>dVKHd6nytm{`oKM1uk8J>wN2svrNN;%s^vtQSXSr_pdW=^>0GLf5Q7E zeCNQ{Nx&ll`Zj}}C*8UvuhrAwek=<}qO`b>tjNpd$x8VJ;K5&>YzZ-O4H94*NuCSd z&ae{zBPaxHXrcQgwSi-4LXFQL@rm}p2yU#NxSW&pZl3!lbo2x8>1V(N=pEdeIMW|E zGD2l@2hk%hwV)9h2&NCEoZQTE>rKahJ1Lk$);U{46>yqag!`BVqnTy@Q@1O(=7pA) z*30wNE#N~Ih8GF=cT^a&!@cMw-uAmH2QK+#ycCdH9X`sVNkBAwMx;EQGj)y|nf3kg zq6A}%!CQl5jBLsRjQ3pULyjxCTXXcwFk(O+DCNJTJ-e(-R#0YX%yUA^(Y*UW>ZCuR z@CcbvUVs{To)3bGcffV+ZWTJ|bqvVCUpk)bmkAWt5zqXdSP-SH1ub3g{XI!|6Sn`opG#Fx-K9IUEmiw1#NM(`y(Dvl?H)Hunh z1iq5SUoX-PT&j=y`Ej?d@xWW&5V=y8xCS+=tmgwMUX7&0AesD^W{t$&3r7$dWSmuQ zwNQux+mL27NOlEEZtDr&rtUEZh+oOE80fz4Z6=02*j(*OCSswIH!uQuH~V_=|M zeE$gh&6CT@>%96ZzuiwZFD)g1!MyU@a2Adw!Q&V5Gtbol_c;J^-oD(4zg+QXDgEao zlaiDusC+B)!5bnC9cLr_yM@!Q4|(RC`Lp*Ykr#+c7G6psC!^%By4zdoksMH1X3G~t zqdJ#@3sF?Z>{_c+-&b3)_v33E$`dF40$r0wyaB_sat;10efqO5$!|ZkUVEQXloHU& z?U9IKN&xSA>GXQu?m6G|AxP^`b$p~SWW+4J&gS*`U=bZa7-ypSytSY#RNSv67P0oU z{=@u3Zp!`s5*|KmOj#-nZUD`8Eb=ZX6xSvx;Cx!|{r69N3?Z%hmf{8@YfY72P43Zr z<>m~WpP>b@ADzMYDY|3atI*U#Kl#0}>ep+73oU`6SAI}FP#|f~*sbL;DJcn~-RB{j zm;Hv($}O(8B5eAA%!(YT{VqFwRP-5?CQ@s3+6J_Y_`;kIz)7Xkf}Mbm`2{7HKz}bza0gGiPM~2jXlrQC~cS0+`H6oCJ6Wb`mi$< zZ|>U(iVU6zzQiBk4h|GVu%m6UpHB~(kHlmLi(pPKE zy1MIgA?;k$iBE2}zG({e`zhxfSv8vD!DlV;QlK~mYMV#;>wbNHt7o20hhV2;_cAr} z4-X}=RrQqwa4IvsWOV=4Secrxmff#A0+XE|Ak3OQ=bf&D?aRxZ zsERvMjt=y%-I61>jJRYwZq#}<(M8lha2m zN`yda2p#W}`fT~qn3MmOZnvt*$0r5)QEG%#G4s!dO3U{H56SpE7m!xlcZr{rt#)$dlCnaDY0SX zWba|lJNFiS?tnfUdLs)LpUU?Z4tc$bi@uH$dnhJJB_Zmuh5}IF z>yu}~-*d{N=S=B?-LmK5wGa=*H+nX`_Fr#%a<_Vt(Ru2K?Ux{s&YRj}_QrpG6KTX4HV|a7a<{1eiJP%5Uk@$q~cB0tG}J9JM(hFjSd8| zt)NVTob%xwcrKpmts^@I-;Cm|y9(^Y%l0C0T8Lq1wmBD04}d!5{^=*h*T;Q!=8-j_ zK7pQ|Si4C7JP`mRqsan7v2Nmm#2M`pP$RttC`yHlZDwBcJ;JY z!)~{FZvWjqKG`suIGaPW6*(tN%7Hq3wBU|2_YIsw!XDxRoRzLgBiJegBb-r7N(-GOSZ*(;+?d&c6z6DmupNH8FLkV}TP9k#VJEk$5?rCI(_@ zsAljXqsnLbUr=VrgC1#tk?}fqc18*nAvkW@T)j(-aj!Rdd6^56?x-h~D7}a`)!2Cq z8OhN_C!^l>+|`Ohk0?CsEfSP7;{JJ!Hm?Pp@_RLf;V9X2);sd9^$rXdNXUS0dYR`q zrPydTR_)Y1ED|Zm6^;(eSqAW{d5mN~z#6HT-&Ja+H{|zFVUeHv7r6#%Q>VRirPx(k*nUP@xI8~_BAzP<^^Qa*YDp1Rel>NFa**1=y>VRO zjLLAQ_hhOpo$LX7AX8NuvkBhe6Y=cnUdzMwv&L!HVm|o5SoA33_eH^DPu>Xb_9@q9 zF*|<+p?Cu4`)eTkO`!6VvIGWy5L@%6q)O`Lk0=RPULzH-aM$wutVZE57ty~`(ld6Dzz9JCylt|xbkuTGavujT^P3(Mz)i(h=_ zrCyaW-2BCB^^xp$@8m>by1#~iNZ%6BoX;N2CIczfFciu!tc@zT=haK{P(ZIyNMx_I z*h)A#J{NJRCR zGNQ8rFS>CdI{&u+^4e)l-DkV+_S2r+VW8mXdy(A4N{h*GkSv!7$*Z+Jz&$X~_!fn% zg}uaDb4c^;>gp=Z%ItzrKfergS*avPB=80e4uBF23s*JUm;Z3(Z~oT+HgiPm(834{ z1fOlsd1Z2uhJ5=xqTjtYvU)@gPvL4@411g9snfUXuHqx+BkXtodt0M5#ZiOx8QE{+(V0;$39tiVYG_HT4Z5a2xpvxp+ESSbd7cOLTRx)648GjvfIK8OD0o{^;(A8eC=47hG0Q|F9rxEOOC(*+ zZ=M(kl@zs465RYQ=?V_>Tv2qqUi2~*K#Pz0LlEmtk3cT-bgv``xhNJr?#bJ-y7RTy zD&W%}Ur*n`Y`KG>UYr!n0lLCA3;r)&i(`!Gs%qZTXyK5z#MYXIUNrQdJo`*6jy2nf zuy16M=om7mItm1d&Hl| zDu0R{vxk7Dvo*EO#@Y<$wq&5Q-P_%}JGAoQ6c zbsFyu*1lOzFZn8530}oqOCjohl(%y$*xAG-MZb zYGxKDDl_K@Cq}6*<|k@hB3;9*$LKzg`6EeR=Qg;=P@k1T&7iio@1*>H^O(}6kG%cq zUUq}4dE48Kf8}#k+K>C)UMh81OmF+dxi{Q#oz?l=7Tf^h_v~DSfOtU?JPtH13tOj( zrQ?7L6$QRrwtAb9%MkSfy4jS6N&{3X*PFe)3=F^|)JA;zC7PwjF{`5V$W-II@}u~?luV;IRfQ=B&^w);LS^o4zJ z_%IZWG7yu1h>8-w$H4zM>MXP8Ub`>PnU>?UW(xn6Tqi5%Q%YM1Si5#Q&LPXWq&z}O zmn8K=!QvFytdE3W$>RC9l(SAb+0fRRZJF!`6AbZefTZhGxvBbSu_MnX%^|zMLM_ih zUG^|Ib+25c{Yl(`vMRf=3yxfRRKX zaD7(b0-}sYz%KM8U8j$P`PShP14CR*EbkjNf_AKTb-c$>@%_$e)7s4JG*DnyIF?FJD4!J_c`s76mLBp(%5} z^KSeIB#c#zPv=m`vEBEY^`HP1Xxr4lFDDB>f$k)EXdj%;?6tD8I?a)aEJDTKA+!0| z8Ktcx&KaS%W&-ho`qFrfqMSd9B({38oS=V$&~ z^{zI46g=-s_}-Xoarcr=09RESZHozJOJ^bDiF9i+MLZml7Su$LF)TFmQ9loxuO4hh z)tR=BcPzg!ul|u7OAW?V8qzooj`oVYtiwynMBmI96I5N0V!Za>Z+Vx4N7$#S2BHp% zb&GSg+2zk^_XYw7af8FQ$@4WRDFcH*lKPE70akF!Q5iiw7vp~%{vUfHDqlGBg*)cy z3kEM#x}@kT4lpu)SoF_9S81$BFDKk89|KE$3DM2KrW9#3 zoZ(!r*1G4GSAm16xX5(ckyYg<)=wAioi~CDIoiY{SlTXj_`{=?jct84p9WIy4@9ps z(|#iZCtT-RZn{l^E3v;IR+VZsR;Yx|rjEhdAHmZl32KFvnnO zRvgWBPmKMCf6GLARe5gC6x33a{MW1{ zYu!2T*qIu1d`>GWAu>euNrna<@B6v=Ow%?EHuA(aSCoup)fc`;`kx;d)PE=yBL#9|Ko*RH9QrYJN z(2~(89PkGQ?HORWhtAPt61zCuILlf8x|QEPpC9kvd?%`A!TJ2C=)$M&rU5ST#z3G?9v9_Z zd1DW|q6e#g3Emmx_$SiMJr%7DTH25Z2-Gh zH;5N!&1YBtLQfWYtd6$;sS6*Fu8&Aeu|#!IiXFSJ#r%{66u^V@_OqjqfZ7Fb-kz`Z zBeSTn0mqJ={Q&2FoU`o|I_>RtIS?yE*~Yr(Y~!2z*zI@N&8O z?~`wjwan?q9glou=-&J4Ow{S5V8p!4CJt&I73ZJ@&@ADVj~RL1d(YaH&$btj6;^q@ zK{^FHa18Kic~p(Aw}xWq1VKF2f9(#TJdRhdE=%{=%1U%=EOERGUgo7p(Dd{FaR0U5 zep19uy_1c=uD8A@ax@2ZxN}d&#`wAbL`Njs@|e8|T%!_XScF0D*Z9Y&-A6Y)ZhSYz zVSIqMmq&|>6pseHyg?2$(TK51RVNMag3hV>y=seA|GO%_a`~FS5VfNS zPdkwPejF-+CPPeCXR2p@W=vFM)i3Ah|7be%a45gHjgK{okVGO;6u-#MAjDX*gfWtR zE19tqW2X|6HL|afp&472v5hrbVg}jQAeY^EuuUIL?2(dQQ|a&v4P0T?0>v6^f`pEIMGA;_Q`_7 z3d%it6`Q~7K-LD|>I>dH&UxrtV_oz4GM~&-IS`Y<>pu2T^-<#i8f_8Te*Gy=|1A}v zOvI9%Gsk@{&;&?P$V`Ubo#P3hWc9>ZeRPwH*V(DS(TML6!8%0)9*^OV8)FOlx@g*A zuHqCDNr6f!LFztPIqO{d%1>=o%P%>ARumSZpOzbnRBmL9y^41hb{qP+@Gxs!3_ZS< zYfM-0r0r-7_+a16Yil?z4L>g(R0}U>6uahR?wVWtA}^iiGt7O(<}-`J*KAj`lKPF^ zdgrbS6RixDar~ez9*zH202lRc_GUd2$*O%k)z8f;G5Y*ee7&;o9}xJQNIMqyL$W3v z{U$HXwu#d(uQOdS(Z1mBi<*?K0|BR)W%=zd7E+(%Gw3H<5!{~vvl?n>;c-0U2OkG# zN-mAGvJl+jZwG$iZCUec5mQ-+=IE-d>v@xZo?@?=+v7lBViN$rCrIbs^eT+=v3ygUZ0!wz~E@7pLU6u(o`O63hEh z_n^&4sZYGiDI8{IYJ33IR-kRG?fmMMgisKO&R&PDBzD(40zV%`j#cBZMXcEtmY5O^TkFibP)f#Q)Zb{2>=K$4?X*@;lu$f6)GEG}(uN zR{DD*(Ucd3>Qjyz&i+9?6o3qj`fIXdqI)~54X{CqwM;x;ggSXxTx@GMgFx!9I)Y7I zDN_4PbgXkkoJ zzRMfjuNUWxEtYCf4Kj93rRTW)hW86Rc=x>?a74<2UQ6Pxuis66QgR7oZyJ2-iuaFq z?77IuwRTPizvp6RVlrU|C*8o3%P!rNIMBzmot>1H&Uwfrpr49d?qCZ&pXxUU$a$On zwQju*Z6u>zNaT_tDy5PXdbIt(_WXztOYNkyZuNaM{Tt8R-FmV*LuiQimTZrX?#w?s z&OiScew1jd8Z0lq?xiGWq{ZzddOWp1w)m$9mL{w(zIW9Grq^gKLI(GE zch0) zDP)79wTA1L1R3p02Vx1=r$JoIC13^W1VZsOZM*o#*C@b4(zbk(e|o0Y(Aad=oo=V9 zVv86HKN2{zjav+8aw zIXJy9u^}#89&X~Sz^SU-M3gT{+S=JXGqTMhe*_V`qB$8~@EjO$tkilFfs1PIuJFObA-%&}5wLgcOj7je`W82DcJK99&PVZt z9qc~%aK9wdtvV$qImN(*h);7_x86pnKsLb~p$Js@5=l3s9Wk#yLvith~SpfW>?8-sQ zKJbA-5$}6{%>i^wXi#;<{sU$0qSe}w;+EIN(2=F}SLZuNC&z?It#4zM*ZE>M?EdWo zh{6pkI(o8#xa~OUA@6ML8ZQWv;?xoN%qD~z8+Ud_K)zs!jq-n96h>J^ zl&oEm6TZ`XwV4{;_V1P%o+rB1ROZfooREX2VqL?Xqb~&4=~OOeEzr=3HYEpH5i^N2 zx>Do(9}-uwaPBAleYu6=xbxowD9v~WJ%@z8h!EQ{FKnYvEFyw-GD0_$+dY-O;@VIh zsCfVgRzJuiNiUjvlF(3=TZ$r}-juKKK2;?i^i#veBI^uEaN9JUK7R5P$}R`rO-)qj!WCMdy4KJhr zj9fO8uun^`i-F$p7>GZZ0zt}Q+lAc2&e}$e8I}{&-p)O*@Pj=FQ#T_3@={)l2|Z#2|)<#)}{&a#xwnCuq!VO-bh+zzzF%vtFQX z#(OpnEbk=Y?*w~ zPc8=`>eGfI>o|u6;>|%){VNxmXBtP-v(JG4`TN2rYq=LbojTukEa@+D{bG$Tv5HgS zXo6>&$ps))^4`2O&Lr0kz~fZCB<09Cg0{sWhmz?+#b2-YOgzXZ%?ZT7$jz^_Ec^6e zny`Kg1}2*)e-}GVu)qD6+D>=do+kCnB8M+fuF@nmNmv79mofqCiQ{W{?T9Wn7cjT! zlzUX*{ofHqIzX`cjg8pAfQ3bkh8#V z_ z2_j18I_Il)WN1-ZmdtD0;ulZ)E|4FRlV8LW+$?5A9Lf5s`Nfvc!{z*K)(RDBIu~JB zMV-@z%XarS=kSdbCnk>fIfuK#z2;$S$~vP(PZ7L1%64g5FHjz9ogOnXBk82s(?x;v z71H@sqMhoDk-i0#mwo!n79hBd4#4rZ1)Oe`)(fn{J#5D$ARbomp=+amTdb!Y)~s}& z{ue%zs5sd8ct4@!>RVSxEKlQAi!>qJi*(vsw;a5-*vHhhfOrT<4&?8pnm$^*ANd6< zcruI(1+FKO9q=rpl1nmv9r}dm&ZT5%YLF5@lDh5zMu!BbD6nWvyn{dP9a)hjVA4qE zE%|Q9xj!L-J>#xv(5g3BhTeofi)XS2Z?C8Q6mxQw5vOAv#ubR18s9dA07p%R1qY@G zMtTIRb2JtwCLB?aC{=5qBeOSd7!l!uWd{U7~kI zd{~S!b`DNCSWtc56SS|gWfi!GM7+563EMrR*p{bJSeGNgG2>K(vs6zhkXM?K5Y2s1 zBBA{@4J?cWMvbSZbfDSU**%+=&ia;Fa)m9sysG=6CQRmDMTkrHT(q-WHxcC>RGv3W zsRfsJy6}>rF(9jRq}5`o>wgR&LB=t^s;^DV`KzA^Dj$4A(RHMB0A)u)3YKABVnz=R z%-)Lq%7|7yiWd$ zdo&55djxBT{|3sAwIe3#AD6NjaAk{LR<#w?kbPENHs@K&h5BHKwU!`Nx`958Z)9Z0 zEr#?V7$cAZ#nGB4=aWGrw))loJ@jM^My==gdOk^&`wI4pb*o!R6Q5-Kr@7bBHf-mv zo_s<51Ix1yW%5}b^4a&VMPq-guksVwIf9?L9(N{W-zgP)%>EAYqUtx8Be-%gH2?6G z0p3O-q2T(X28Z69ZGMwULWjagB z2h>sT)?Rz@P)Fcl)Pp)oZ=%|?xGTIKjk)p(NlfvPKwsqz7O~UoN4RWVGL;`TJG?uP5q4@6hyWN#iQ-{HeQ!xrUCc|UH9XVjnlM4-=T^N^fAlUxi5oic3o?7enxzwk zt!VTQ-Rl768V#~BNK~u1(xf+}%q)gU8R0q8 zL_Tpintz$!8gLe}7A==fxa!$d>_>1dN0+l$qk2aeGI?4+tt}7J>w7!H+LW!;f)8qA zANt-iW3i6ouX^c7mItrOx*4Uu&U-+f!Q*G5ccm*43n=ER2JGxi{2l1g5pY|ea`?&L zX_f?E-stC`P%>B4W5*d&vd~3F1gU{wwENSZo{%wVUkg%a%4>Y*-L(MKrW~J0X8!2> zle0U1G|x}AymN39TYFT|>CvD@>|KIlqu75NaYMWW*&mU5qsB*RmlZ3kC0+_$R*jTm z(L{m=dzZlJK9hz^yTcc(CtfL$=R79v%MS3ralI~Ek4%SeQ9U&1=@hr{ma!Ni!7G7@ zjI-Tqq4e!?sXV+2ld!QW%`S-^@vEDI;Wm^LSc=VLyv>t-6No@Us2W(HnQb&r2@}z7 zAbMBwHiS!5>tLj7iw{59trLAy{)6uA|4KK8*le~Sem1_rontJFM?2D`dJHX9cL|;d=P!C^DV%y2Ddd8y~Z-kQFoj5^jfy*{=3Ggi^(z~3A!SLPgFold`{LJBD zuM>;->UUmv!}xRro~fatua>WP(=%VM0~|hCzw7+bsRvXXI+6e6uBnA7G4N4DYvR7O zo;V~TZp)g;z>)EggL*6aKb_fEk&#>MWigkXwt~6o-hZzit=;%oqU>yrUA<%QZ>jC% z{s{<+V>RR$aI<)dDHOYuf!xX=8UFjX&UGvFY{pyx*((rA`Am%-sV=kGnZTc&&aKzC zo%3?&r@ow^3MI#04uuS@%?)*1UlJ;zJuFcvY08eW-c;-nBGm!@oph|w&|%fnbxl-< zXX#5bv&};Dv4ttBVgJ_q4}T68RrXtay^tzuj7L{M5~8dI(Q_`KgepCPmYFa;<6G!1 zVf$FcPOnesO|gOEfmFS^Nne5R-z(exZ(s8d?l!GvQ=M*vO^6AmtX;3y8yxz&>(H2j z2XxH|Vl#E+DZg5Li8Q=RQB{Yt4KB~0GqmoCMUMoU)Rf-+oH;I5_>1m8)E7x*6Ek+~ zn`h_8M&Uuh;nzAw;3Chp!%h!GQdI^4j_pKrsAywKvd?8AheIiE0nIn9>wyXo5li3W zZne|Dy(H?EWC9QcFxGqYbxj$L3Xji#z-R7eLDL#-KZIwEsF6v;PAeu9CoJ8cdm~djqZ$&B97o z$-Ymno8)yd(~lK6Kv7RC-l1sJF{vn*QqjisXV~u|c5>`9UjR4jO?RQRnHju5$ayfx z%9`$>Y9!q8@7oc6~FDx(GZ$qWIt|Qfe6rlXdm$5lyGi_JIU%e|UKz zik?MVDB}D41?LO8Xv?(_jvKwhQV&Gap&WfI6LK=9{Y`%da91gfK%Wv!hCvyJoLOaF z3n9cl85cd7emr(a8H{t+c~{8$Su+Z{9P(J%nfp5n48~%x_2(q|8YU_nx-2&hr+P!m zxn80^IcvcnR;$0IODu)`B}$|RU)c1Ah%T*FUJma`&msG$t^`U9jIufKJrrEM-<|c8 z-9{#u_ILEoiN8pDJ3T7BQPIcXzH@)F_*kbyqCNCKK~zkPY^gKRzEw)dZ!PGKwXes; zqcqKBK81&IUs5fZhL!CgdKiex<+(uH8+Jdzzo{8ek8BPZWxG|<>7pEm4W+05g?3Fx zBLF6to8*dE>I|GTvY9YTdZo1FY<59icB;B+qu#^rjtZZ@T}$I5NqVn%ttZR5RN(a2 zb`&0dyb0AZ)Z9`9c#j8jAr_>$S#fYM#%oZyY@9@?Tq4Ier42}u@STl zCe_i6WkhN#Ftj86`&|l+-JO@RO%o1~Z6ALbgD8I!Iqxmu(^}TM^bQrJdc{F6Gef0j zNyHll@d4E5)ieQ*V+3xiB3UFz&D6^_295)5W1cBUdcs z`yT%r0}~KKSz7ff6w9Nmz!J)GnFDY!WSwzXhD3jfxh_})%Ut&wi;Wb!h{a{?mN_!9 zzm=iGK&xHq#apquJA^UTfiAV9zC^9PwsXqa3lgiA?8<;ud-hXN@@}AwIUQ?RX{S!%($)1$S(HGb&zJlFc1q%%7leCT&_UD%) zX7UNb3g7MZM_tbiWcq<7zE;Wyn42M(929PeNQJJfp04kg&Oi|oEBo1pu0N=qzrU(w zI8VoOGn zeNz#FU2wkl&j>{bnMc^H>$cne5ci`;Ld6%ilQlsih{#mS(#Pv`$UHvYf`?OV=!X?u zQV{a&_FU)>W)`5b(z&kqpdWu&uPNZPgY{9$Pwb5jv@l>8SbZ_p8`);92OxRJQyi9_ zSY|Jb>rgzc1{o;1K$cRXN3aLZQ{ugbmpn*fCcik|7;`n_r%D8zk8L6kOH7xt4sEy{ z4Z!81G>)Y1($2HKF$dc;>QZOtpMa(uJ<mE;U9kvJ;BWth z5xp^l>>TP|5V$#Bd}px-_tkKmnGx9RS%#~!)0h?zsh2l~WDN-k#H(rKr|v*Ty6WF;o>KfDC!8>KCX z`g`@Jl^E+AWWsxxLASx5GlwUQVM8+EJB#nyTXP>nLb=}@;!vh5cau}dcb01U%N^j={$`+*0^K}6wLAO0O$eqBs3nNh4dcyLQ8)ASG^$6k;YJ;JG+7`-7QG}m zU$4WOqqS)hzO58jN4Gn?e!=}VB$7J!+iS9yom%mcl|3Qh`e@d_zlpb%XCV|U+_ExPPXH?#>F!p~ zk_3E3frr?J(+x*A*%IrRm(dUqyOY>Kv(&froEp(0bJi6{C3E@VezVovd zU0$TVhAWgwkqK3L$F`k;8Md)+osUZa%?J$dsBC zAx*CYFT#zwhM2qw>8>F^Rc_J3&LMDbx*Xd2<~yeieg!Gy%q_IFUipCdP8TR5gJ!3? zsK2>Rs6aed4`cXS1Ja*m`P-B#3cASvH$$YR{KaQmiTFS)xd??$CN{A=CTl{06ixL{ zF9-8&?D$VANUBhfoI9DBGwU(tg`ucg;ffU-z9^)1z;HM$bTVI}Kl!i6^uyqj<*AQ% z@!quUhe$S|>F+7K%^}8n+sGvc1%Ih=sH(MhWJ6K&{Y}L^!uL{wVwLE_y4*xx_lI0h z06cWhsch8RzPAly1h53fGc%x_4nA@Ef=D zN=E}NY+FLj5r2s8$G@Dn3DS|OUF;#Qce1KJHJ&KEGTdb4T^rewe$WV$bLwpbe)>Uw zkVTr@%C&A`tfs&Xwm}15jO&l`EKlu`*2GX2ViHY?P9Dy;;&_Q)nUZ_mn3Fl$SSw>P zI9=bJOXZ4$zUrVW=G#DgBkq2nLVO39{;Cwj08=PPvr=a0(|k%8cMEu0%7Js2uUgV> zV(Q2i};NZYk zF?@RaFnZ2*fViu-l>tu8ab*@fT6q7MezGxTchSoX`vE`z;B8Yh<2>i*LyyPsZAY;) zZKv5lCz9X0KM|SG(5?5;J)57lLP-BdN#J_VAD@sf#h=n@zC5pGc}hkL{q%^D@|rR3~*$k6?~W`O$VmDP5>es?hc6?k6b#}`d)b^{%o5t`oiL5jei(S zrY<$U2*g^FZJsv;o=ZLe*vYOm%S(ZN#6Zeq<8iWWbI47Nt2lP0{y;-BT*%(=Z{Qs= zToG*@$~3UsB!4CCwhxg(Bww!+=fl(@W)drUp%g843qN$&IdnLW7i(YE!d{ zKoKMBJSv7u#t6Xm(UQ3*rF*cMg=%JV;4Lw7oTMCTJts`HkNX*l4m%ZI;9;-&KK<=g zMvjY_i8ItWSub)v@R6&5BssulWbRZdN&+p*a{Kn2fKl7OU$N(lCy(F82l~fjll~&G zOsjlqp+2F$zMn-5bC15b$%#l`h@8C4jVSrLP+gQVa2({<;K4ACKcwW_sLfFh-2YV; zllqwZ8oxS`l_5@1X%Wx4V5MxWDF8)*Da>L#<;U25!gUJ8=n&b zo63yzCX8XV-?`R94$d;>(rb7MNYH#%AtrwK%Op4e2#dosyt-t?@b8T4~r- z_V*71J$CRECO)kL3xlhW4$$A~gW)Dr!3$Zel8z0Fdjd~OY-kzQJ)mZ)x!v*!f{v0E z<8Dp5S1O@BILPPpIZ*Z+h?Dw?C^t)!!>Kb%&Kf=BNEHK{(TY4*U(wNi z?%NSWY4+S4+pZ96BS-MW^oA8r~8A4F9uf zcN%@ZcMcIaz}tA;nAjg)y@2q~OSkmJaJgnHLrLAN)z6OwBul&)!EF1xd5=Jp1_XXh~Dx6dx_jb-X;4Qd*8fyy5w*lQUsvV9G(hKE(7L#9#f$6kl7w zf=wid_(; zL?UMLBSuE!yD(sQX^qeLRrkDe;dH!+78HS;JwO}28ZEXzJY*Z0RKrh~u9em+kdD;P z4qmEpjsI2WccH$SJqSB@|Q0}^Q^iZzCzj_%Q0U%8{`C3su* zG;0Gv{l=+wZQt)wl+LR}2ZXcNp;uP=yG-N~PqPt*oknI@WY@GP%FX>Jp3uv-qbMrP zX=>`)R%+$ubsJr%TeHP^J5M5AL7^VegPNB1;+QVCcP2H3a+GyMa4}~##(=J9IHj1a z%GWr`7&PWc)S!Sp-a-q-O!GiLAGL(O0MY_IDGJP7!5ua7dWd*KV&#=sl zW3swmg$*J%JGtM0Y0$GjBF`QWvc+AU4?;YU|846So?0 zpUhxoPvv075ii8C5hSkdiCen%AI5)1sdh*eTpyarc3M-U?~TJ6SG$Zk_ehRFuU7pz zjpO&X0nG@>jl*X5_xJ5WD8VzjZ{>SxzEr?-AEf8__J>HRlQq>0_|-8%p?;v}H7qeTQnNd!JtpS~1pHaJGDQUA%<5QgfJ)G0<*VZGcf#EKg38 z9n|XbcY?G--3lK@GU0|R?Ehq6VZH}~iLP*=009lUBZ!q0Z1_l~z| z4e^4|7qep3IvllLjpV(S(5qiFdaGTwOI1lqQM@r$wTB61zq8dnlDzp1ZZRUsf*apm zNj9CPAPtBt>49_Ghh4LUQq-`urV4Rk`qUZLVWGy>@(iu&S@P~I1g$E*>)~QuW%5qO?$1A{WIHHNS>XFvbEhd zsTGgR3*YNBYALb%_ZMkH&Lzu}y%SVMhN#_QZ?g1u4*pqOPzRgwyS3#*#mw;zYWv`H zZ6U^*)=TauZz35lLfR8Divh?ciGpNfD;fFYlldST^AbYI8Eq<-g@oDsJ^iz{7qro2 zZ01RMkl)<=oBBP0Mv5!+@OQIX+=yaDEJ_Rn%tiz=3HQlO-Vq@F3*0I-zL$F*zfPlE z?E_`Hyt_D0Lt9~?B^bqoVocM24;(co8n=*dGsQ)LkKcTrS>t`*a@;#dX(43~^58MB zhas-LJwNJ}OG2mUi3;uvb@w-4wz*GCwH8R|S0PJ8IY;Ap~|NQ4I5?1<{jt`#9GXp*QCrS9Rqmzs(b{?{7E>!WQZx>A71e_A zcw3~UnAgM$lxR2A;{HalKP#;bM+!lQM_v%ob(8Q;M$`J%#OOIM94U~JbBMLnW0k6_ zvU`F_!`eoCm$4JLtc4&3wvpuCQa(TR$UFG|EWjnEw};fzvz1-$fqyHd=A;01Sot4V zmcZ>EU90~_x^!onH#DPnzAW?}ybU)lQ@y#W=k952nAJGs4NSAHcR5K_jfo_tXq&l? zD9hT@J0ZAqG0-wqOW^_-JmfkDLl;j7b$7l|h&ROk;DjlB50z&#)7Q0NlwNba+Sg{H z!-+?nc7IM`aBMKI4e~DhsM{0fmZdGEPVdjx45YJwj2%ZNvO-Vr4kg!N^Ntn-$aQbz z?B+2&GGMOSwEP{JCWhAIOu6mA^+L#z9>)d`ny-pc4f|Wm<--KsH~H9tc?&Cl^ImV0 zKkG-^H7=7osNu{kn3)_9cW1?OHdB-&%uKPH(3AP_y%3}-ncDO_N)l3EM)E%HS)1oi z$0R10Kt}IG8b3-;X+|O}H|knA%2D50bgj`r0w=2T0!H&-|5=2Gv;4<{(?Na2>e={B znWW6_g=`VX&0xVtW^Z|%B=%PiP`Uulq^vNM+h@$NX;q_3DsuH5;`A3ZZ(fHLVdu6v&LBWQJ@rXJ>3Hx^{Q1q7|zrOx)6S`S_ADmv0*lRgZ z`(hyjgOOiP_t2!-O(<#g+{quGyeA85%Y^UJ4fOMBg!uRcoGmj;V>(_~uuZVqip+jW&; zGl7Q>oE=DnA@42*;P$teES0^)-;* zFqLa)=Ok`o#he7V${rIzRj97D_r|P4?K+-_tp)-7wWRgj!;U}-@b;3Xhx%9Eub}j# zQ8#r79@vnZ-^%l@7SoO1?j)o&7QtvD`1lex$Ht6f7}(~$G1E<1?nHC5(l1WVy@vZ- z&EdX{Im8;Ql0d|e)bY?ZQrUUJujMeT4KMwfO1HJBaGH+PdsG9{JQy*lu+*mUc%kClW)i&5l6|^kMG!T!klAj_x_F zOv8Y_OjQcN@S1Og^NgoV-@3iBY_k`KS@uw#HH1)p8%Z5`rYpE6X}`b<3mkZ7Fv{tn zC3Y`DI*0O!>8+HC$_m&DkU}fgQ_IfFj={0PTxhXdxMXL{{{DZ{or8wCqYn zrOA^ToQZh$5cgZINySY>G;vo8Cw33j4Y*FmW)3wc5<~5@(&g&sT>7=)n)oH}n^B9W zc%s2)vwkZaCY_LtE%$Q4M4$C*?RP=-@J03 z)M}1dV$XP$r|-)l_rNAw9-CFzvv7m*h&5e~F6jAV@WB>!tUFhkbSnk1m)!0@W z#=5f2Y@}yv$f;7gk00**q_h&SJypa)K8cX~S7ro&McKD6#QWBCtg@~3&t*I@U;l}I zV^$M}Qd<$(vw&bUiIs|2T(704pzhJvm%%N@lP^iFTARH7{@&v8SRhG+!!g5`W7r|9 znaw7SJks3`tn>gkXHdgYlG=pMYhf~?Wd!Hg-#;BdafD2OYzJ$Uq0^x4wXu1P-N$fDmTxZk)u9)h z`o|G_k;zbkjdlN&=Hs+i=|GV)oFEuLSqsR!!FSsmogqBy zoRSP9(y%KvnjQ+i29NnR6g9Fda1f4O~3Y{*&ub9@LU2T{zQ84o94{}cC6rS>x zTk{4skkljYE^>M|@#EBmw7^n@n|P-%B0KRefHL1$HGaB~L19{+ow2qjY*bvo-(#X&)Uz4rI__V#{_ zt3OM`Jh=CNS>w0f$iH@RN_aL?w{J7yb_hz-V;)m$RI*;Z+T1q19TmpjS^U+`SG5H% ziU!I+o@#fjKBLq@#Zbr$?eziP^XLqw2zzDf&{fb(PCm1zz!RITEU~h9LthNYD>Hpu zNOr+z<{NxwhgNBo@mqB-`|p#6M<)w6xKr7nmXi^Ag#D83Ik!;VA7~Wnx=@UT$^Jk^ zEUwPrt_}1i{x^aTfytg{i;TIU z8q=Vf3zqt^{r2P#O3R^TIlr9C4aito9}gD;o(J@4Fg_>eX+n2J-{2G&1od#oi&5YB-IARmNa|ng$ z+zKIzOR~1BmyV0svn!L9vv9huwP`RdsQ>{wnPloB+u5&?M78(xxhsPa#RC#Y5h$?v z?n0sW9X8l~3K2U-#0B5Z{yKZZnA~smJAJ8?s&bXDct;P6*}-6oF#F zc~$GYt)M$G9psajH8El_sClZu>CT1iOQtmyv4q7SmE3V_ZE~J!OW5D#lfI94mn4J8 zEo{RV?!?UZvbVg9>~;H0;A(NV8QlEEcU$VqQ#t?n=yq^A?ys};b9$A$my%i9q<0^D z-M@I!f3P&e>S+z-{2kS~kY;*zTzR&$K61KS3Xich1AxRtR}MOXf5PMons@HX0q%tH zxw`lIGijs@#Dhho%rG9VNI&?r1)x1~0j6x7=Q$$%J>EGgE2es29ADBHIhaan* z9p<0^5(q!|*v3cw9ZfnPFsQh!d`Df<|4(p!i%KprJ+K1zs^z`9IEiD%9~pcxDINU! zdq^L?V215<9f}YQ<^KKq0Ts^M6K2!j*}1Z!V`M6}TP+X0=vKu){#73X^C5yuA{cqT z`8S?Kn44En@OXT*>W(ZV=?c?#!3bWLy+{-SWdNQieTZit-wi?{vx>dff=mcz>ch%y z_e&X^geV{0`-l>~xo-nyRxH}m6f;jfRs6D%b%myhN2gavm|g;13>8h6@DKebQd@t? zK^%a-yZ#W@9uAZqxpp$c(qXu|9Y;*>2Ft%43A8ZvPUzSQ$+J2L?yuK~#89v(UWnZG z*82XVu~lLIL|?te7>}v{I_O^eHsjqKB%Q>BXqU0s(*!^6#ypGy&0~FsIJuQ!} zaDEB)kIeE#)KwPSh-jE`h&HAHV9$(#%=zXv?y;AH6`?HQz=i!d1f#{?p-k$&<=CG* zP!?-r)gD9{h~p_`k}+CRA0R3VsPIHCATW(?-xfyJ`9imx%G~L0hHN+!v~_ND|4ZyYBAi9J)I9>z$g_Ei z3ZsEx;=w(L$Eg4)fUMv>aAEs{Wd&N@+vWQGqq^1$Zl7Pky)|aBF*=4aAwzNEqVKZ~ z9c({hI86H6rQa@qBlDOhawg=!pE zl^wg5MC~M|lqVR{#Gz3Tzl~0^-Q4@>lED&zu;z2>gLyL6=&~kdE~jn%(aUe_Jnbx8 zWtny+qfF{%RMnUaR0UYse;!N;rHW>WGJu+q9iLG|eQdRNVRY*Qba9H>+UJ3-ulYX2 z%@^fbp~P+8znAr;I8@GjF)fq6n`S= zTIkZ(p|9Q+6hcE;-S~9w7>JS{@(~7rqL4&+<5RdZzl?n$8;Hy8o8Z^FKM;B$j}y1Ei*Qm$8?oHZATY`hrU zdd7- z1e;pf5*jz@IO*(n@{)>p&r8qO?N~$e5$*x${>wD#62}1Ddys5-Q6>-o0s9c`_$!#M zV;Bq@cz$^Rn+tt=V4f?mhftUP>=TrwcIR!zS7hy0{opV4OnE?)S>|IJE~4U0Z;C!8 z``V5}OXU=1k~hNQfR09umDZqsYm1s1IL=AnJ&K<#G){0&isdu{H4M~FCsN)wcq6R3 z#*_-V8g8{VJbJf(bsTF`Xuy7=SswhpxKGe#v zgApUuut3EviT*2&A7ky+UJ0~?{F&-~PzZD;p!WqWo9dpPl(hr#JpQqk89=L?4@l?Kw)5!lEj-Fz zw0!>0$IVmOeW60Ye$;RH!y{6+!`d5Ql3ud3{swhA z#OWzvK{*AYq1@SuA9#TbJus+pG6i)o2D)mXR@<(o#v9Tl4n6D2sdpCe(5GB`1!psLVk1swrn2(*#(vwNWSX3mMyf6RzY$OZH;-J9l zYMEH#t9i0jY@+1~WHJQ8_wmuursaPH&ihH{zxyj^re6{;qlIFGI{ipNANcwwY`k2B z7$QF6=c?BDFa6A~PvzX5SP}HkC{`CQ(SmN{mhlotFDFJECW3o~V!m=AShMLshW~aJ z&zU*0ye)hE8xB&GzBuR<7^X^p6^tl$_31Zg8+K^_aUYpPZU89ajB3}- zN*8#jwsjaf@vhg9_DYkE;dD=lUz8)Srq5o?XI_5-$<)!zuk*>MTRJ+Ke%1aJ7Nwuv%ueN5bpjAG ztBo3`umNs5a)X{=WWk}}S8P!V|0B(&)IzBf_8g#zZKV}09)Xeve;AH(mz29LLgu?d z`{s+>>7)Qx)YjRCPWYeYuL?MG&-wUJ?$2~1z$@8gT0j?y9?Mejv!mmYyA+T4w!p)K zIf8p?Q^h7QcSu*m3P!##G}{>3CsCJ$IU{J_6i#(^COz&b8hs<8wX&&DvIbWGlE1^= z0&-j}$~GcNFa)zprn4XHDct5V!TH> zF%I#XSEf_WGx}&j+IRM8T3(>jMpPDNjX|M5ba_H{=D9KUlCMISGUbtqoW;o#wJFKD zhg-Zww9&0>#QJkRC{?S!LjVUXuG zqkz6~*#`6Glc?v6Qn~b9nh4krl}hxQ;yzn1RjypBC;wlKfKcJ65RTn(;&^=nVe2gO zx%AIWY?I}Jfi4!Lnt3uj4nfji%zsK(kOq8{o?xpfkU_^y@+*P>prsE`}fOt*ah+ zWlq#qhSZsqg6bu*T*wi~ehSHR1$0}~iMaw@F-q;YoMCQ8DVa&AB?wLh1of4frV zv(ttnQUwsf?i)C#=?fPxp!lx!p|8$=pgnProT|uj;B)kX+pJoj6a=51oh@yieZGsI zpcobUX}-9z4Dhp543An8^Esev-V3EzO!M(&faY z#)W^alitRSXp6*%Bsu!kH<{eKx*DzUd|uE4lH)sTb14yGw)hD7?!sG|_uqY&j&?%Z zjG!zYJ+qf{V{cAKe^-Z%4VCeJ`XaSkOpyn);@3ft=b}LOZuFXyP)hHTpT$O)!ZMGZ zdv$G&Z#pL@K_9%OQ0S9MzIwf5zFwEMed*Yzg{YbDc#Alj@*4eVwi(BkWN2Yu0B~ev#2PeF(SJBd@>9>WlzR9Mq72G$-bD#1X{-g7= z%k?wglF|&LPvo~Bmh>#InF5wIz9W${?22d}AsL#F9P7>2)Ykvu>D=R)e%$vzhZu>8 za!9ff=AFZw$tkDgm@!38Ih&l%!YJ8Dp=8cVHm4klInAjYi&5s3LryX0LvucU_xa=Z z`+NWFvBw^-*L`32bzM&}jzvpH`lpb)3RiSx2)J9&FQt9GvZmFU3kQLzNq1Emf4u{V zgEIWz^TJ=NG3^|W&E^qLuL8uk)~g0oNaTW2yw~9k+Ua&b8o`zNe3UIH51aOd?loDv z!){cPs*Q2Wg1eda+9K@Uj5%TKe{jhbe0KmG_gToP3y$@D&nq(kTZWNJEg4rtI(ZZ9cp~GsxKG z$%MuwJH|NN_tDCM8yXXT)*2fOIadQR(yb6ze)rX84+Z<1M7~w9oEdn~M=sEa2l1xk za->I1ruXgi8H)x~S*jH8_KdkLQE*bOq6Hv&;cF$-8wsAMvFpj*gEZn}#sU0CHI^B6 zjUwR&W@0aU^ZO#)Pa?JWsafgB?ikl-qk+HMN4u_7d6Fr3jP07a#rurQ0YQ_miml(K z4bmElOetiyCBT!c#q9Pyhf`7!M>jbrH$w|YBG;txtL<40?_e96>F%|)HL07zoG{SN zvHhr$XBd@*P>$|y@?q6fN0rpZ5F4j6u;Sj%VO}U#+?}CH@F({6JANN>mm2#-c62Y> znyb{)V*sBG=D8Vc+?y}3s@UVLK}4yd9@eUwQV22Qr1|5QfBI3Rzu&U7#PJ%<5WLN5 zmaEQ^P${oU{Qa`kv-1_X0o>+TAM(m{;R1KUbAB24%*>D{iXEyS)cPf%IKMP4CdazU0->&AbgB24~JJBTsl)k0mQi3SpSa%hy0B;h#Za)dj~r zp17nFdY#gZRy8vM4l!PyuK_-XogIpq#p)DJfk-<6!xK76B$G?@U|oC3J^(Ny(2CGj zGqJygb;!PX9;HXK!NtrTe~yM+33>w{M+F@Yxp`okOpzgG$Y_ zu-1v_iSw;)>DI`zlf%a-&@Y+~G?Z_Vx6V$?q@O}98?9_Tn9oOg{y-GsG4l_*{qyhv zq1Bs>j!fjilb3?LUR;~)mITGteYzBFppj=^j)i5J@g%NZG%2G*Rl)d?7cgwhHyxgC zbIfh%4Iz>L;~?7W^(V~-uUHtz9&1bq)JkvEA`dpcMDDf=qf_8Cj|RBwcp}@qZeMq2 zWr|3W>EPEm-gzs!-mT=@y?RhhAr5s?ykYtrnRh#0&p)o)zw@p#qgjfM(YnE8yb#aL z=?Ntaz~W?fqO`95ijT^xL&YXem@kC{-rj z_m8?1ytAfQ-l9eTTFgpcoVGoVq%vOwgM>Q7$xWE|S%4ou(Je-OoK}a?Lb^Y{Tq}5< z&wc-Ef01)}ZwN2u_ss^>Az$~lthS-292;W1X=uua=J<$=5G+EIJ;@wQjT7uj6C|Z+ z6!BWT4Nc=C@_t(mYP$WTE-E@QvUrYRP4hM|>czU6?v-8cD~oMlI{-c>$n-o^TrH@JW=mg$2V4n-1>Aj4+<;hl$@C z=23_K_JSm#QgD3QvobbkAkoBED`x4l+JA~2oGiMIoT6i)~9j9n37MNETo~ zkLjv>a$cNh_gRt?YL4Fb5KLQDyndc5oQCtC0YNzF-tZqh+~06(o%YUH+9f)>H2&VS zL@R9yG6-h?>;wAQ`7p58WZKhn{inB5JC6fuG&G!e9nM-G0A>W}GO}2(Q?_YP&ST%3 z479Ggpw93TQyM;UdOa*AWit`c$LWayGD4X)JX&cAPHV*J3}-{{TjuwaG$%hoS$)+w zsL#e5XINf7;)Vw^{yQ(ol8Bi-l;4k%!qwnm9h3ndZATdcsL#>le#t$#s)|+4E1Z_= zL3zhgWSfbKohTY z4K1qYw;?9A6L)kGLx8MvGdknZL%*?b-?vV@Oc7yf>mk`wRp7|gx8HgfA_AW}FV-;8 z$E}A@{~f-pSY5hkOxS=)e}mrd=7J7r?8f-_68~L%3qXD0;d;TVr+&|! z1f|~S63}*e?-s|+0D1E$F;M#kpo^CbveS4Curnl*s?w(LoBddGy`xFt0K)`~^k@R# z*Y`Cey5a}rUbu7)RPgb?h4u4o)S1p(rnRH>ck|t`0eAOmu6pP_A|H&Z-|>>vg~+>k zyjEqiP5;rMV~X~s{nstmNW|VCJAnUEfcLi~CZX{@HWtedRxr7snhI9Vj-K*_M4SO$ zgvkvVW1QYNlL(b_)(=)taZY3dlzV!O2R}BlEVHc)CU^3V6(zgTZZda<5|_%lSMg>7 z2BfYAfDoUc^ynr^?Q~D+MjS71aYBF=)(+j{_}UkKK0AFLR-2rqXr4N9P0eCEGbY%%vzd2;BKEj-B8k`Ss&$1vOgRXry~Q#yrU1c zNjF+fnEF7H-Hwo7gpg9FTGIC+H8UX@qA}~Ar=n63Ds~luinj`0GW-V6Gb_o3O=$+@ zW=Rs}#+m3fI@x(MMn}$kED%~c9irMjg7UL}L*#_M2?&D}EGoxiRD6%lLRyKp)8IIk z%bD&0iJ8T%Qq7g^Vx!fWhi+dIjL9OU6QnMd+VXVKxkah`G;qxHb)D&5JMrLD{DIMe zw8n7C>m>vOx~M#!*&G1ugL1Z6RH*=%AwnW*g3|pW8Hr5Iv}1^V3OCpPm7W0Eulxj83!)IZxJ%-(QR=tVa=w1t=V3zfObhl?qb6b zw=kDdtj%i8to8@aEal>rg~CN2W*h|D6~t#_G*UeLHH{L>KP=|r+aklntYclS26 zyVnwVA&w(Y(+DOg?apkIOigp*jTiih*`9@sSS1&6#f10t9=mTWRJ&_f?0hbJsoDe- zCls^3hkd}jo)3l^u}x;B4a)1Rkb`rI!XNt(6dAYfz@axmiP}kharlTapC9t4?RAy$ zTIXl;ShQ4vC13*Ymq)QOQYa^_JR{X4rr}Lo?8g`2duV&MW-jGPeE^4|w9$2yhuwCs zS?-e(>9gu}`5x)8)1_wBlKp9zWu9Kcmh^OP_M*SNZ+pIH?S=670K7cQOCC_6H?@ME zghZM()=jXrI9auGJLeOr^~QmZArGgYzn36e79zCWIhRP$PgQcwuqqc4dyG82ed?5M z%L&Jv*7}yK3z&gBvQM}C)bgdPGwH&Xt13qg zS(TZ=gCz{ZgjT8rGYrr2C;`1a>b&XRKajB79SY&;3IwL{4Fb~k=H zbMze1pgkzp)&|p?omxF6Y`>h6Af@kNjBeE2Tbzve7BdKK4)@-4-W(YZmXbPOB^EjX zOAB!FoURbA+{MAt`i@C9dIq^*73}!ppz()Wmtt(*Ww$GK3Kd{`gT{PAvOlbTspD(m z^ZE~Ptt}{zvb4+q?D(rIoBYa_Rz+pid5T*^>d2a-ohyGd4hx(Zt&Z}F1Nir*PqtLK z7Nlrz(#LfO*tBN`zZ}i8IhR0^DVE@@9Wj*bg=1tuqay(SYCdf?vrc&_BjLIBSw9pi z6ou;UIL>vTbO<25Yrh@FvRtQOJ|lGHEtsq3ETEfTVn=BECR9&%=%SW%t3QF|i0W|B zr|O*$ZI@!mub{u$@zU<_Bco|D1<-JhwQn(iMUm ze#0|ov82|J%?XLmp#?*Vl@B_J%r#bwmwr}V&8?J_+1%Hxo9-jOaSpileFE*@nC@AM zI$87vJ|1rRfYv;s2F+&5a;+dGub77n7C-g|@qz;`{C8ooK@ZQ%LdP0Yq5yMSJDw4^ zY#!XKn;6MwWGx~S3RBL$Gt_VKtBj7GIWd+pXgd0ZZxC-*FcSKUfQ-WSW1(F#Y=5zJ zWid3AmNr}LN9p6{Y_9@)*_PJ)y8~pCt*}N$cG?tk;#s~@-9Q=GM4fY-f5L;sE?lQH z*wowenC2X_r{Kcb)H-+tdKla~4s>h(F%1Gz66mW9%F691;Y+l`1^V&*>Q(vawS9XQ znpZMGC4jqbskp|9)+xO6i+KRGzg+3VLA1H3(c1cY6x=XzabM|pL?G_cjFd|?SkG)) z4gk}E2wjfR<39Vg%?7ZCF=%0_?ep_xO1=)0Q+syZ#u}#Ak9=$rG4X9X@}fwyI`70^ z4dHUBpE;KwDBq^9D&_s7v;w&iUT}ZRY#QLV8DJ@( zJGlI2C))->!Q5unZ6+JBL>@7)IQYxv_NB-48 zyH>PP} zhS_W!ZxrLg)C*VNlPI>qJYmu`){TBcALxjUhJb?`s49)6B|zBIR)LIs`K&VP>7w7# z@!8(qVo*cm!M}xLj{UOA*4&DZgxYlo7meG>QAAx15+upHZyb3*&dOL)SpZ+mkX5S? z<}7Rof6<6M(*^_hj^mQ-zMZ&hR>fO!KbinD7#hB$DwoxJnHQ?B`5(q(B{aq0?f-^b zxK}p5pg?*fq(b=#tBU)apWULbee?A^fI=Pmw3>Ka*G+yfjgoe|cHPGG^|wi%_?-FG zI$xVIpv^>p>J9Ycz%kzni!%7;rqA&irP5Pp%eyEm`Kj8zG2()yaNwG%ejn8Et*1?+ zl$iw`10;ef@?<@bzi2hZ8OVsYup3v?i))WQo}WNh-Y{zsKi#dqRr^zY0CQECzt+vj(`sVQS~0e#)u=$L&lS2+EUazeIc~|y z?1Q6|AGRrrc=Bj^Vag|PMg|+vd=|+hkkN9sjpp^RUhJNq#}An5yb*P~Odkpz5$%PS z$!~ltR(RW%q3u!N>S@;>!)5@WZ3XA6t!HQ3+f7q!G%(rL+;3lvQxAd4iI$7Ty|VeH z)ifw=ZSsb^6P{S(J=k)%F>Lz-zc~~G#JV1~-)L!Uy>0MzvlTTJx*XBmPtCb3Y+XLA z_eU!9&!x-+Gi+wbLB;P5X}y4icn9+j=2&N}ZzTPdX|6Z`;KQ(ug)wrq(PG%y#t)>0TJb*$3dl_vsb3RSAO#IWZIcVi{k`yX$)M6fn~TOB z#Rw~2c81IM+h(r0TQYdl1|?JINNGVxt|68>Ac!Gao=SghBRexbV9yo1yHTgZEa{@X6mS}c`c$4XdYJ<+biO1y7J~eyn za8YAKYh**tBD~0RyXT6S0S0)PMrzXeJ6`${TicGW$xJxP!NS!ac$D0fRjS5INOY5F ze|W?~)%03ucK!{{=Nt|i=OnQk@8IV?V*2AOW8)sX=hDk&pXeS+q+gyYg z>n9VWXRs&qbLl;@m1XH+g9L%|T9tP6#6~@1N8q^cbW~iFsO5vRj+ds57{>yK zo=8dJ-mx%$O4(L> z{jtR7Xv3{~*;$uC*6(?4@@4;b?IoDPv>{`D#uv{ zp|)f%uw%gSfI*P$*XfM!6CB+4<@7t+FkbfcJuBvJ-*}&Wv~!Nhd28HqD8fiv0j()YiWI%i-Cbij??afMZN_C&rfYBBN0ts>WY67mM@Yq9?Zg&MLWU z90wXT@M&*JF27d-K@y9PN#uzh@`}UE zZDlZHVk)ir_mt`4no3X>{Fc$9bR_E-=i5%*QmdB$p^SGnI@s!`Q?@Ui+*Jgi<}7o|xn#KSMp`3cI^Y6iHBP6a`ZjU&yV5Ng>2PFQ1no0Qza-YzWeXYiCOZH}SyzV){^x-$CUL!!()=-7 zi2qrJ%p2z0RjtJ)zkqF^S1CY|D(?tWFrTB>_(D+N*wpk?%k9?$*1#~eJQgUWX_?3q z8oFM2Xhi8{(L$7&A#L|~oY}x>Hi!<&kM}=yA6fW*D`Soq({Sk8Rz)3sN4K7?k*BH> zVp(R6A5>b3=&ua6g`w1P@!_Jf)wRns@>Csq3U!P+KL}GJjQsfWH%Hf{sef>srsc+K z_@Xyvr{>p5i+ev`4pGB~N7CV$zglw&L#R#^Zo?3-tuT3|*<1|<==wk-DJ4&ToXaZ#z!06wGsoXZS4b}r=Zoa&-rX+&S5 zM4^ES8Uz8;H&qrwI5Z&zZL34S#kip_cz=Hid`Oa)?w(iBZ~4s;%h%`h-sW*r|HKFC zc44`Xc%lGEzDrpeG2D+W>4kRsg^pc{Vg}H3d$@B_H1l)oppduYK1;-$W2s=3@I=42 zq7s47ZtC{|mY881EWGbit;Ar6&Ur9$CmSoy3VEUXmeJScP zgHYJn+M?{)vm^;nD3m6KR87&Aoe4CWMsu<=R9UONf!aD*IIVVt#`$K3FA*mfJf*-L z+;81q2g3yS&@G$Izu?SN^-H^)d1JYl+J1-8{npmpkw}3UQ5uQXRp1;ho#-{fZs_%; zU-Wx(lW`$Z%IG22Gfq1OK%VI;ole1@y>~dFhoiw}dhwitT=!QiHA)kuayeWaah7r> zWzK1(K;dAO;gOTfmq;0&Zed6|T+gW7>qia8lblWCxIAx1n!SYtiy+U9MY8e3|AGof zGMv0;oI>1lAWmKtB>;t&2`SHG<;3sl0Y3B*u9Un?Zz$1ndAOJk`FO{3aLAaDZdDrB zlWo$y$SPrB-W!#Uo>#GlUnB!!K|K?7``$THFAzFwyrI4?|VSadGq(u}PA*BZk30-Ix0|Mcm>-g9C$$A+)@hj*+SUw6L{ zp&wpw2fSvA(Zw}2cuIus2>6 zx^|2f_vPF^K_pge0=qkp4wU16a;V5?=1J@Reg1qfD~mZM>srWjsQJU~b+?Ym;0Ci2 zN?VWBHQvd!TI_1m&|H^;e!#;Q>US_@J>$p4lDM#*iqd}Sm*uAn<>e6V#1GHX;et0R z9mSoxJHrWa>^l>Q?YWM0}gc%%`+*WEj8Nmq_Qw8=B-e?nmY)r6Ih zx(Tm0rk*%)l^2-EyZ2{03k9E5XJTqaRXQ7oM7zH3YGw$>eOPUxi+RU1bKv4tesdaf zkZnUG9~R*45)JDAWi(sd-*-RB%;@SPuAAyg%?o54sTJ3(?n;=L76sagTEZlYJR`&Q z56&{FcqeE96U>i|4HJ0f!sO0u)wOv03X6t*S9^YtDQ@hFN_@s`25ZCZ*%@2>xcC>e zI0Vv14d5#}o>-?TsSRng$nmD4UAcm8badS#n+fk@4KdNP#o>8dml9Qb$}y3cGx&3# zsdk+j-7383zK_5lBnVP3W1uind0sy@MqHvx zKCy7T3$BR@JUKab_I!pJ{T=IrVPeV<=1ZZ?H@pE_qOf8;?Z2RJ!AKaR$R`sfZC~{V zE46(5GH<&*$mB=kZOW2m3wzwdLArTvCIDvJUMvYb^H^@q4Ut&wbW+==p9 zk^U&^+y)aJ>ilrD(q40N>dz-`o-0gBk4_g%*kdy@-N?tp@{*B}MR=r#p^J*XLa}T3 z6I?H>>c2#jS0i69dGyn%SD7(lYVGPK_V&@Ib($^Ni>|kWaF%W%WsW5Xn&eqwVSQC> zuh1tu_tepivic6ger(d;G&HCS-?pZ8Vy$I={yEFVe$Yu z<)fM$(QMnz`zGr(*@fx*?rK4txY-PklR*4yUX`Ei+uU5Vis^5?l)CwYC`rlguPu14|QKP&kj=WJN6)ab9=?y{feQ}Une<<-7F$$JP!nuxr)CKIO?-?M%l z?-e}8rj@Vws;S?B6kr&BCH%h#?l>ME!M43#+0q&RU}Hum0wMofjAePk&X5A9SK0gD z*Kd{A4od+Z{$Q*S6~p`reDTvtPCm=p7`8aMe@Y_Rvjtg-6vosRKcueYx0PRTLNZ#V zm%fkX%p`&t#t!8rU&hegWxbrvmNPd6>un51IA+YPi-#Y zMi5_j^WOYWpTrHh{>o9l=_ZfJ#E0bm_z8m;5N!DM?F}tr;Vx2_u9FiUX8F;acRF)6 z3lp2BI{7{!c20SCBmnyPw~bo;;jpk3i0+D|cS++fkj_|8WT@O)U4vO4d*R(%CRO*i z7J^yUHxM2seOeuAd%b*jb(fesn^~y=x!5;OPe{of{EJAlv(bHyd#`gfTzxb&Y>!$l z!u)1FY#vF;mA~eMFg_Pev=>Uu4!>0-{wCe^DyN(ty@)tYU~gigJ=*?h_fWGlhUu3^(5vS7{9;(*K8)Ja{*d{c0J%sHO!~=wJ0wRARv$0NiSXFYy z=+&pe-yGl7!c~5!HN6cn1#mfglU}U9b`k2}Zl@lf&ilIzwt?d_0vBiY+31Q(a8d{N z(}Ac&F);`%xSip0?8?C2E5b-yPts_E&_mPh-HC3E?i>i$v1t;JoBLPBFOcOOOFcH= zqu~tYP^ca)aIMGQm4su>c%hXvl%;UxL5om~(0k}Ev{PF~;{SUF7Dy+XTgWs-Ue@Q{@lbejht`f!C`QV?^$ zW2#O|mq?P5O}N9(!dBP91OIAvXE?PMBP{& zB$6qP_vigfxO-(1vCld1i@5vPHiIjZsc-40o}fo;3?Emq!;wtv-4bgg81$kawsIUnUB9?{v`cFjsC1L+CAEgr}1f8Rmj3EIC=&!1^xw*q_Bn z+F?JU(YDfpb6DywU@71-f(KD2YGEfeAH*j%S|@*(A`5`XxzZSp(;9-^&;{Nj4dKV- z!A<=YU73`BVXEjjZXt>gguucd8YSC4C=a4@N&?6Cbd)Me|ECvS{k>G^KSLhlRA6}L zMJLRMX7^ej6C+RE`l%q;R@1H5r5RX$25+>0_W8m=gngnCCHup*Mgb>FIrAlA&Gn|+n>Hh#?{j+V$Tt=tjq(u4 zQ&Vr2nRQ?#K}f5_gcNZ1&so&bFEol~kC7$QbUxHcH|nrmO}e9E->dAOg=MGG8RE2t zx9U1Es{!xiMxaF|i=pzO2w;yH}H$_C8oMleGPd)>h*g!kG4;{{y%e<%0*DE!r*t2Qd z>={|9s6Cp3-zzHTFSZtvZLdo%YNORx_E_5xZD}>8O}~8tlFpa{$A0mT-uzoapQQZG zP#4@04sDiSteSY@R9?}yoxiu|);hsvWNkdWKU~+|4~YM8w`1JK@H0VlMWLvkY1ciU zdmf(n{M@JnXDPNK`wXL4uFDNig4MtSSp^=F#@Ecn-oKCKL-aQF70@#hOv#bCl+zF{ z?V5K9wy2fAh#{p=B&}4`AgR3k^a|LNh9U;`=$eH%-O^(SG%lfqZd4xVBK=y7!Mb-Z zoil0&vuBiYnkRl=b>x&JBmmzpaCdJ<(7-$wdZ0(wc$4tq=5jhZ^m6|U+dz#u{aEX) zy(kHz>jPw;i3=UBHW^?&Zboyi3pxyS0M2s1>>`&M?t2Ukj9(IY9~%A@8p?0!FC8xh z!J(3jT7VL-ifg=#91D-#6hMTYuUefW*!sJkrKRF*QPT@*l2o+;*p{KuL$tqE98_rUS~8^rNpBoI4hlc_@(cnr_mD<|DEP3j>HR~03PM7T^lqQ+hAWA{48C#Xy@Xa zC7c9A79GuH=uLVef%sab$gaj_oizf1I011|u=l`RX$$BpOxG$SKqo(SYrTDWYFjoa zf#F&~h9n}xC5xiO;SN}7JXqViU#hCqIN(`#;Gguth>z2hLe)H_Y9=T?d>NKQfinNu zyFQ!sq!ekYe)J!RU(3Y@ergJT-Y}B#Z8n6sNkpBTl+nbM$YVbVqs*eiv!Cwrawe&u z>tLb(26+G=o%e1JhXJq`m<}30vYZY?%QS@kcCMw3NFGdaDNbu}h?BNYLF{+H{UK=I zp9bN_j`~BmApv4|-n4qo8ENxuar$hdj;eM}ra1gf(}*}cp{+nib7l^lu?8?NCKCj{ zp%@6}gnI`Nr$2sGdpE!R45@VhCIxRq} z(B=^~U>bMae%7s&>~OxdIB~-swfCJF+8LhLOm`7nyfnX100GN<$h02CNnJ?Q=PJ2p z+|oH7Ej#F$C2@@)=yUDzz?)K;0nSbx0m<7JY?~vlhd#OM+Zk>M< zs!SUJx{Pk)-ibp51Vt>=TiTZ++vJzQ~yUSJ6w_H6<1d4=_qYeD`*_PiX`}l+$ z!~fE%I?9%!tDC3Roq>c}^!#$NL)6nTZ@QVYMZc$GH$t-4f96Y%_8we(fbIQlkw|-# z#H(%kEm z{x@pjhNWB1kd3Cv-SelXv!28XiA1+p0OyG5WfNVB5u$qR!d-_5)D>YdyaudN{pJz> z4>~7W~F}BFW$H(cMU%aJfzWb0Rlup5OqjDDj@?*@P z0~q(7Y=z}4E^KUU?QO5mFW0XhyIQ|4BGbUk$|G;3t1hLfgjqf>R?q3C(3J9!>7t$1 zGvD*4lDk!WEvWslYCg5HvRbR`EwXhf1iHvO?`e|~KD`??P2A-I>X8_5+Q8uwKF7XD zNh3$?j=?NciA9o^MTcdgJMJs1auwkLde`^lq}ouNMLqXx&P|uAn4!!ku^np>x!S<& z4`Kj_{x3HLO4E?lqd=XsX<1y&_&8UlC0(T0`_(@lq!zO1h$X#+;V-?OawxcAZZ#;6 zov85wL?g14X^Lg-ArLJi%LU?nmZcon+YSP0 zJBk3}1`8D>^#XYM)EuuT_(4hB63lXrgXU!eifRvw6JFR{1u(uuUe)Hd-p|(Pwi{0Q z;xowkVSxRCk5t5SvHiL_x&ub5mtf^tQfkF~*y$p1^G|aWmbWd)TD0Ur+|}PP(8ZtJ zku~>A`(6$~bl3@=x*RD*Toe&O-#~&zfgCk$(`$TO;KS7|FV5Kj=i~5%q+si z@}o{>mje=GLF?xqS55Ln?p4UQ)-5@?Z3qf-X1*(?=NAW%GkgN1L^yOf{~Vw#;+R?W z#3%9YE`@c-_c7yNN@e9BkuW(#6b%BG3XpvnU80ljqMwnS*|KmPJqNqu8+bXbO^wLO$e^)^Wv0U5;s$PwL@t6IGu=08Yb z!!x~R-j}jRt4RC)QA_l2v>#QJCZ&FJAbMiM&qk-uzmh6xK9JQ6XAZ$)-=aRozic+M_$KKrm2SOS{^QePO^3IM>^cI;BJ46 zuOKaHp<8ERGTd0=+|e%I(xjdz^%B!?xT?hAD`?8TmF*Dawt-W;TRbQr}$CE8+l-BxZf$TizidYjV5 zQ^2lFjB+llGqYin?{MJDTzug|Ow8sN(Dp*iZe#N8GKEVs!zR8PYa!_{Xw;}S95TGE@z z24@?yI|uT~w04Ms`$&WxYWw%u6nWPn`uyGPHT?F*q91WO)7o>r@z(hXTC;Yj`G@ADqk zxb8osNYlN44t5;aUS>R=N?{c+apV2ffX4n_Rf<4zH-lWQ#&<}_6-G;#95^W8fgJP2 zq&9BhcL;zGV`5GrP@;ZpT)s%A(2;!xq{ACu_-8d*W}S(_P{q^&SwIQD9>_Xz_48;} z_SuUP2k}i0Qr_f#kksZMJNxFz({+jx4Yq!|y;>xFzO%FKUwsv70{A+qm&Bqs_0_om z+g>9TQ2V8ipx~s7V2BsIIWjz~!X$U8W4_H?Qa`V2450-5w_wvBm@1f~4VDqyJKXT0 zQAcsVvz5$t_4ki+g)ug!z!+GkO?EM!cbM(dHByvy@8i3v?Q34=iO2firWOe_l|Nbx zb++mdO(l610N5*J9Ih!heoQFJQU3XKDH;`~sSz1GUvnQtjX4g^JANM7&~H}MOKCk? zI6urk>(z|jMw@Ad-z<=(xvIi?KTsa}{!jw=b^G&rRac_I0-J5m7dRYR8(Xgjoc$x- z(0Ce-LIw6fp_gNoV^ltsnw(7S)}*Dwf2i;%TzL4%g6gIp6^2>bz*tU{jyKNfC{8Ht zYYpZ&v2AyUa$rEtOY*bpxT0@O+yC+_3p4KkPZN%-{?h_*nt#@sEKMV%jR^kHkWZbT zg0(dDlDWlo@w#i*o}v-MZRLDE6Pinv7{TDX7=()jJ$b_@#33 z_+~Wqw;I;w(c4$lVL7?AhO`&%tpSd#0*yd-a-Q0Q+P+Df)#IyUwb(`}FH-^K%j|wsA=c|I7`qe6|`Jq4q+Vmz2&vUH6$E)oDh zEjan>ZFf)JXBnBl8*3f|VKC)e)wcrWp6BF%j3jj}%Qp7gmz(5a5H>TjWH-ODP3I&% z!sdl(i#uOqSS;8EUP)j6rp%V>!aNhJGySwh>Fdt(loYt%mB4Bxj?I?SjR_^+KlRsC zV}9&LAR6L5ROSfFZ7d+6sH8wkP`@SaFVi#aX-<2iqE$*t z8geV&4P>U-u5G&KcXNPV%k$G0;3|-(4f7_u2mbF()|r=tOMy7 z^`)83BXYV@GX(o7tFq@4qthn`i+0AJN--L2aTtixiY}}pX$H1cL@O>;5nu@9Vi7Q| z!-Og^IEQ+b%g{GIyB3pBlaD%D>D?Nh7OwJ+!mOfH^2LZvE&=JE6VFbYPUxMU>xKdQRQsN&QKuest-YrJy6K=hVfwRTR z1o%A<_U@a^;!G{gW{~6bf17v4b*C`f+<3h{Uy6FPu}#;e$L^;3%G18$d>?fr4Gu_L za|G0BLgMu&m}3S-BX)xlh-Bku|E3w5UNIc$E>ffr-qdTGC5eQ>^&Bm6U*;A{#Jrqw2RJp;1nIPkZbeYO}G z)ZX%UWK4qPNYRoR0oBvj*)24;`aTKYHuOH83R7FNA-A5dPygj^eM;RZ8=Xe?!2U6Y z+Z&a?19BWgWeB1KD}b^CrHD$fQki615u``+zHQ*o2(Vt?*sDOKiuz>NxqS4JE9wE{ z`hrxei5&BMc`&YlH$jk~=Qdt!Pezz+9&28rxj|QNn8qE@x}eTY5jRXndkHw+e#*k^ z?2nzt!PKoVMYNel!_=le!uPaDTef=K1v*Uf<#-CviW|E(EXv3fquKP|AI^Wq&kJ9d z-?gN=bXD{fm`PL)!NB?A63VlHbtP8W?_d@!Rv3ukj6sq?>S)EPZ|UQ2P@O(}Eo8S2g0d<~G<9y8MG^ z3@eR40<|KW$r|`)7~`Mj=1A7p*LR8OaKo~}KhD2yyZKKj9$Tpw^TmXQ3dLmKQThnb zz8kea8yU*GlN3{4I98gj;r%R+D-FJ)o%V+(sM+LvdOefQ0l98)haRX~)O%%;p*`he zrsV4QwSN1n`#=%%iF%!=*4bR-H=qd0Te?N+BA0r5eUxNxQ-v2)g^8JA>+ud$%sbf5 ztz=c!0qZKts2%2yl9w#6n2sWbxxXwmANyw96H8AQn|*-^EW=1IuXQEYNdQtG3(a_r zsasT;mv_;U4TNp3R*&pVY~G-YVYtHiw|@3~*!UHQL0G2j4wtzFdsyZpvBAkd>|UOj z=*jMRjsBNwT`3t-dW(7-w`-Gwbc!r;Lt;TGetl~zV*9S1d5(6gkAGn76K|D;KEJ{I z=hb|8g-X{{2h!&?@+hog9^}Jr?Yb)D9G4x1L{hxe1@PJJ2dBwJ|cGCb`e1NIu;j7yG-Qdgwp!(ei zVGFjt0oCfflU~4I5}f7w39wdiz6*2f8I+$bD;ezYOe*lXfujDsP1hj4tMUphdVT#Vuc%IGB5ykL@9f9^JIXF19!IeiBYVe@=IoKE(6CdT z%0~c}_T}a6pj?OM$Z*tCYyh&LCr)bv$fPyX0(+yx`U;r{F6!tg8282SD&vNHF)a}w z^I(Q9>cYSERhp!-ca0|#eyg|P-Am749>kTmp!)73#zh;%6(9>ADJG=|wu5OV06`02 zl^E4H5M&~_WaHFpIRx@jC9m@3s@W%;s!N3R%Vs&&gCH7SX#HKsp=`2Fqsp2Su)N`R ztwcwVT{@b2Gk&WYD{YBOTUd5s`X2+LS!%WQWCE*uusVI>q?**x??R#K>2b<13j9lP zl1UA=s|;iTo6ZNR3GB@e{pM`?^@-8AyMs`X3T1vBOItUx>*wLf(aBJ@uIk2%*x*aL zDolvt@>2+usOkT|8pu7=AgZf}|c$phaJi#!fyF!0n z5kUpF?WK(Rm)(@uRqU|C##1u)iwW<76JTpy{z{jClJR42euHp{hIroP0^knsS8Eil^b~$NvY0`%%gcf;vQxP z$yuWtI}98&a`une**^QT?LB!%`(7o-!Z7`f>riI+EJ%eTm0>;PaG6GIf0^~_`K9Mv z{|*}qK}C;yV1LuPa;Ed7eDnLgyn8z0w8RJ5CZ`}&A0@RP4fo`_$P0-8GH=Rua%y1T92^O>yCLQ z6#OG`&>qg@<;dL8-OjKvljp^z&KqwXLph9l;g$>A%K@1@%oMHCTFoTnpR9&?nZN!5 z&PlLBt`rBF)=3^^~{y&<|{h#Ug|KoGWp&aH=A*YSh zIyj#urj97A*F9m|~0=ZKM$M5U&!}lN9?Y7(Y zdR@=!x*m`Fox}+0&L^`^1KILGCypfTM4;Y$vT%8JTI8Cm<2Sdg_|6Gb&P1lE&QR3h z?uZz1$OrKZC$p96WK@=jxh}WFr_BPih&weq0Z1lNzo`-><#G=%H<^jwe&1kuExZ^w zqlVaK%@0AWU`$D0zxFG#<|nc{NmgV#VMf?8@oXJ)$%clKeZ+%uoRDWquppN`AG6#| zTmU#Rx4)a{5vu!avkk?iGJnALg92DRb<9zGrsfh{;u- z)#s8R7Qw^6HI~3_B{n)HCNC$^X{8E%y~v}Z_00v)a^59)oaha7R6jaS2YJf5dCilG zQ@p6Vz%ukR!d&0x0^JPH2hh7b8F!~|t{nE!7^n5%t^!u_%}0SxN1I&gI;5Lozve0{ z!$lwS_%knqvsVfeKi|ZYtXW@OKi}lW2MymDu$*l>I3*~hWCa@;jK2X>QwT266A!Ox z`8Yoal$O5wjrUvgC8ZS%tQLAbP(UR~dmAk4<&1uhx(MRkvi7$U|K1->Z_1)$uvVAJ zVY9xgXKIR|r}vn&Dv53+G0h>O5Q3stWn=RB+hwoMcD;zQakn)l-q0I@5Dkl~3qsghJhwygR?ZPj z&aEyld$mY*q^5L#m?FjQ^{jO?NR=>8`(I2f*WG)O>psh@I(s%4i}>vncLgN9wdJ+{ zy|gg#F$$OG+=Th;~i>eiY5qo%h?qLLk>HZmwdqYH)&%(a&xJ7K#m9#)ASw{dH?;8 z276)$ASE|O>qEi?4Q$$Z8(`YA-N85g56Vj8gocs#gg#G2u{<&mi_LJfSGW65;X<^N zpgx(Kbxi46Iw7!BirH0bWO>m2{ixPEUKWtBu#`J#qWdJi5?5p#sb8V8 z>gpe`xPqH%Mn6E=PnF_G+dfsLrT_Zu$RYt{m(=X? zepzXXf|tLI{)rQEJT!KZH;1-z*Y9KVIi_S z_go(V@-s~Y2XaOinInNi&2L#X{7B-X$Kl_MA{KY{R+Kj1R!#UTx%w@(JM^%4)r)NI zIf?EQ_dJjMjcI>X_bavVZfSJa(97~#P`qHGw;uksH*4*-I z6FcE4yhk7_bKrG(UU0-|nf+Y1D9Plbhp4`NyG#6XB_=n5b~vRj^$d!*#1F^==!i8{ zlp5Zyum|_ljCEw(>f@X0Cuf>N5C7#&w4IQvuS?4Yw(#dn+$g2_KMnsjhz=;ovJ8A+ z>T519mu6D_5!@V`UBalQ7q)_H)Rv-EjSt>5W?tm#s+@{x6)8Uh^(Az-!m01 zRc2!avx6@7_tQD)NX#)N-954rK5i(iqM48!U6)%eUPU{xA;rn(NXSN%yO0$LUlg9{ zI^@;WwjXyVH4){J6w@h3qBU2x6x{7>UpGnu(>DSF!pCKb zY}zbkIwEEZCoi*79{<Yg}5 z1!$?yq2B;m6m7J4e6)lm{5)wZGA`Az61O|H#?f`UPb}m`towP%Z89aDx(wH%Oz{7S zazoB*+O-FM;sib36KeWkW%SvvE=0o}q^K|0@N|OdS!C4E`8PA_{`EIS1I`B}=~~D9 zR}p}F{wJEBq1+v%HPo0H+XHz9y9qeTD)2cw&Q?K}YM6ad9#=A%CH!pk4-zhnk|GZ$ zq)3yg9pnuMjS_qan;B^*tf@7ehG1bsKqOp8Ttzv+@NEM@%fKDJ?E7C_7kQ!MRuknc zU}e8XGZu%QAA;6t!Yho)I048KWLLIKVcP+9b&DJp zsnHpw(TX(i$XXzlo&I%gwe6E!u!gvX&B>6hWjS3XyXiAHHNg_=Bc?x?5y1zY7mNZ5PX1eUiQCD1)C6rcHn6>m^$ICRkaN42& z?Tc{1l=^r#Hb}!!Dos8KCV>#}MMub%TTG31Cd4~DM%|m%8)5&L(mr&5zx5;_min(8 zAJC`lclAX;ABNd=ua)W*5|Ebb)^=<8eqQran+_FFHUql;V~$ARkw5I6FoufWbw!u( zTk@TokJt8gU8}e#_kr(FyyU@SY16h9;L!|pfPk;oMU~yKlTqt ztN*t@jOZDm0}KY~xG3~s^&Qpl%Zg_cgQuL3azS+#?dmWKfFmy~DkuXeR*rd<-wF>=7{1pnV3E`<2 zA9lzc-IA7eKs8x3+E$cvf*idbQb>mX!LPo{)wAkPG8IY?jPYc3B51j( zB*xob67T20i6$WbB=b;Z1U^AV4_}=*HYIcqaH~7VAjPV;IlY24~5^g%3V@h=iPAuZk=n?W=7q^Ra_|?kq>;~&W zwKhOPZ|9IFt6uTfs|DcT1YXKF&~L~U#SidZOEPht{2G+X0m7N=>hHj-T#yPK1@{*k9T=%_+^tP=T8{iZUuF_BIn~6U^SF5?}L?Q zl>cngJc*w@ zp7*q!Ax-{|)*5**dq(k$JXuw~KR*|R7@?y(?PUn8)%dszjvC8-0d~jHYLc}Bi0T^q z2iNx6PPd6udEq>-!i0Q);{k{6lTVx9hOJR${`a2YqLsM#<5)y-)~|01RA1JGrV}Ne zYhK2U4+t8UcSgBeL)OTp@q!DTib0m)*kw;;PCD4&Ug*Jl3=JRcB5W2}3 zT;aK+=&bSIelQm4#n>Kg1K1K!(5<*hx6vhYPa;b5XRbI_{i#U&Q=|dr=S2Fa&whpE z0MPVA_K+L4y@vzG%99Mw%%4%u&lUxDYNB9S`i5zNL`|Ldbr#-HVC`z1soLFv&)!7#SM?Jb5y*9T=&lvXO2869WG3^7_q79d^^TK zb*a*E;>q~j_mlA64nirdS&?}Tj0qCpnNt)ioG>Y$7ToPDD%;&T`LD1g#5)jp!(sl^ zRCWTLh@%e^cPdPvxXRJ zJM7&#P-H|n*Zd{rTC(2$%GoyWHIQ_@$qiEiOGcM(DW})*&fk#%HP)!6g2AxOH1E}(%r08 zZkPUEgTZhW-Nf=X#Ykd#85R^h$;Y{)U+!GF7a|hRqV~7Dy~qZx`07$a;{*Rr z^2B@A(PpqOsYj-hm#CNyx*uy@@iDn$f3OhzgWY=EWC|FxgjuX|9Rs~1%r+Cs)n-e` zugj^0r|af}!M2%}Qq+_qHMxX8)@vJE0r>&i0w#K~enX!X9@V1JR_@X0U)}%3M{5LX zxEf?Dk75@ry*TB+kceezpPT}eHa-&qEyqLYAD`)m6SOOJE$2Ed z#q^mxdBvh_wXip}P)V-{d+xj+Hqz%n1{hWZH0@R?Jm9?kVH@j1RjkCr5B}==L z_19U2(``M$e^;cmt>3)O9{8#Bl$>;XGMHm}MQU>o@uwX#zq=DSo7ayW6+mBq32D9MWJGZLLoOD>G*#TkN?JoD{2$y$=)eIIqog61jI<0m z>ZM+C8mF>d?`pGw_L^gy|7`=aJPVI4`1|0Vq8Q_qC2dB8PLYkq9--JhixLcJg|Fw( zja+gAwkyYL)TPMNdMT$xB5}#DM)fZ`%Td(NzPP8TE(Bg^qGMMmIU9baZN$L!uw!^7 z3tdxr;d!?vJPuYOk?vS&_`Q5bh}oY*BzX4o$8)aIa&OwrUaF}Uv;p~WPrJy-)+dhk zavnHCQvn8>*Fbsln?t{+@Y@-+w}2P-tV1IL=!HTsA+Hsy{d?Sca#D>Zu6AXct{Dt* zs+Z^uS|P}4FO)kOHTxz_Dob>`ao|y9XGEnM-^;(QZF!fiN%#Pd)K%4b{|%e)u(K!U zzGb`FF1IU-XT(LP$rQKSgP3&wtbNbr&zzL>{k0ibZQJsc!>u3RE5CH&FdMI{Js9hy zZWnRG=aLIN#-ro=JF@5Hi*IMM zwF{L8iGvk16J?eK!NF~L^ye%$f2Nw`HE}_c_&>KX|A|*h3BR81C|#THs8MH8ru=rRDQW`UWcxxT`03L@2R${On{XwaX2t?JBnp8E- zjx2e;`R-!w%=_*Nf}p!X;Yv_EHulP3b}Gx=PI}X_(Q?w{uBpWcG1yhhJTj>HczucM zj=bRj`5qG2s4Xx*;J_A5_jhY+)Y?hw?phmCs~@&ovwAI>Z}@vRJ;yLRi2U?U@fbjb z93QQLlL{bT*?gD;SHg$N!A{?r7DSg zO@pYtzsm1o0=Mx^obYN?J;KUp#C#y1pOa{2bH!x+rLo-QG~ST`8yk^A;nOX<){i)u zcnBwf>=zo^OlXsyrkt*m0b8@ahaRkT zcI*k+=7#2QCV%gDyk!aibwN~1Jbmp?9Kzk5qa)jqt*3a|P=3WohtVsge|hGzA+pVd zsU?a+2$?=Lr)T!}_h*(eycb^I7iC;df}+*MTP1r1862`Irq{)Ym+q9WNmy7&8LFQ+ zpO0QC2|qgoe6AsH=9%F4K`aQEF&D%8p2b-BzXu*-q7EK)d0Ht4b5ZthO?rUPD4jM7 ztCy4HUi?Tu;Y2Am)wCS9#Otfqzx~%QV2_uG7G$Wk3XEg%ynoq1CgSkdHQ;_H@>t}Q zaCQ)Rn8NumYc_Icr@5+y7JGYxF0|K^2f$tcF>PfXar5akZN_&L z{}x*S0Vvchb85JI1-t`(SMeKBqWxcg{rFb5Qarr5fzZ~r!yA(;<>J4$@OyaU#hNVw z0G*bUQko5Y5rZ_Jz~)u3Zj^_2)79aR-1FJA=3767&Z5whw|8V1LCumEJuV(!tF>nwX` zN=X=7tY1CHsK*Uwb#`qfJP(8m{G2Y}nVM?#owvC1h@8GH@N|nJU3>m~jfI@@dLY^Q z-LlTd<<3-7vs!crmGYH$VPh)}toO^pfMQMfb$6W3t8J<*JD}Itc{yV4(5@#lET^wy z3K(mv6dL7QT5@&?w~zrp8ZwsW;qg;b2B=99PIzaUPqtL-Yyp#8)7fH-?m2=xaB_nHww5xMT&_&w zZm&Mt*ni~N%k8NX46HT;ha)E@X4@>>lJ1L^)0VbBJ(02xsZG(psLB1pH9(nd`KkLt z>esT;;HEpfa$q{vc4_edgu)6(_3Dh&16NmPbB36=3~#yRimt_24!hqhDbk)fw<&7T zHQ^~KvvoqI?z%EY_4!}inp&W)6gCI#1%;n10OS;aFK`rmnws&z8D$07qTTr7I(X5X z2i+pGWvgFA9F3OGg9KTGGz<78mQ8vmX2awRmCB=fWU#?}CW(x5_HbFqyS%YA1ERE_ z#KYU{nA8SEGA0!Hb8h*{$;5ETUum^`BYd5kpeYCZ1!c({OR@H4(=x(K7`cZliub;2zxH4-<5+!v&+%)>gx>vqrWBslcLcwDIBPt8ZR;(x~+8YA>~12aQZczOxzhIJ$KPR~ zZsYHhqdwRUv>?qmaqK;U_e0_ht~lN-7xrk=^9cE&mv`9UC43WjdLR!h0hf&$mw=6Q zFU{1cbNKxP;zT8N66JUpv!buWObUZzkm~Kivo)e!#NnFA>FQpRvJtUa^2WO>_py11 zwCs?gq1Y3u#v9)OdzE2I)JYiuBF)<4M=zC&< z@UJ#>JP+@(y*@ol)ps+Lzee9KVUhRtPooE5B&l*G{lxj|z{` zBB$WtezWDwvam9yx2_Qp=E=7IS7J4ju=2QmCbS_mod$?uEQ^OFlr zEXL-X1SC?wUNh1sR18Y7ZhGpDVi_0I96;LGjkLSI3ZKF6@;S*wcG2yOf5beCoNifm zJ;6s|WW27PkM35Lb~1vQ1WC!f_XwWxNfNSMr> zv)lx?Oc*HE__R6877a&h|DHs4g+Kgx!n8a`^7z`Kx|+&#KKe-WhV&AzuyA4S$3$=_ zjQvxeaVVc8HbXBh;v5LzPC|^6GEBYd@n&V^@2SEJFaP*U)_23sNg9$y&4dzimDAww zaWlba>dkX>;2ZXLatj zGiCMo&kb!h{j_yfuFmGNJS`s2f#f4H`lq9v;JYzbstzAd1py9>Wv{Z8rMUt>Lem~B zcYao2?N5W9bEG%_&H#XOoa`r4Rs)oZ+e`ZnPo`?+`F%j3iyxYAcXJT7zHi*USfy`{ zpY-EPCuBO>Sg$>pnFrLuTSxKnZdsTSR;_pWfVeTHRXQ)rUkBE$39`0?-rvr1d&tO` zOE2edl^6{NlO}DaXKt62KOOuU-N`nsa%@fbIV{AA{L=lc5lH@Ogzlv0m|grjv{GBP z+zGXyOqQzxz9Y%Afz1ebHC`b>W;wr0X0P#HGQd37pzaa8n=gv~_@kpc*ACZLiQU8;OqT;+>FREf+(uW&saNf6 zOYjjj$d@)X8*#e3L8#{}Jz99n>SXVC8EkTP*@t7_LW818ni7%V98~j!{glnE!^2bp|`@{N2`h642s>SYIES^#|ds57k zbyNj9%%E-gwY2;Kyhzfed_Ejd+%=i_s6G=qZykte9ngL5(N6B^jOMe4;iZPO*kIo& z)&O|RtONw24|rXlv*+Kx(`4q>vK+DVPmw8If@XplW&=*Jra`H!p_vGjt@{A%$qK+4 zjpb;)brZ?~zkBNSCd07@#-T0c{PNeq_l=EGDXQ&^U^3wZs8SC-K8 zsmh7GXd3Gtkm(jJFPFITPC(nw;k%D(tHpL{ro&R*s{} z`2}!jVhLKB)BSyChA%JzaMlM5$s`T64c632+;A`X;-I63X{GcKBrdXtLZ%Mge-&U< z-ioMOA7n|WJ^nBO-aLDZNGsq%c}%$6#^-dP>o3SODY{)PVZ`Y0G4RkgEM+4~DqOOG zQ3$ehM zm7yH_$~)imOO=gRA1t%Rb~#y^BmSg{Ct&)?IHDM@_hsa#;W-0?D?H%s#0M;C*FGJ$tZ=uOx1)xHEjW$Z7c?Xn9CAF)z11h+B#!Wv^HOMeQndgC0Xk;G z4%b{~Cj?N5MS6rMRc&V-mW3zl|G}@0oTcEDC~3EJYqp(D$3v@g8bhBoj*TKs4ZU&& z173%rqB>JG;u!ZY>qez4f*EyE=lbn4sZ|PcvQV*aWRJ#|<%ujJowv$Wv?yqKr9il;E03EEO~rMclAK@AGL6F##Myj6#4t&%QPOBW6oW@O0nG^nlb0e0xs zgCNyHz<*V3vq7R8hJHj;Z(M9xb0=5tl#3PZRB%yL{_|l`>%pUf$M>v{m-{V$Cdbsf zme@3j+UpIP^Ks zsP#ntzX(gLgYw%I&zXqLxw|iPbjmYxun?TKJN}`maQxV~ld@)izisFgJA9>>+?Dp> z$>!Z&`74RiVshoVDv3?vIbDl$*c%Kf+H4*X#TtI$2lHsY`+ym`xKW6MNUHOkX~~P* z%Cb`z=clM>sEL$%=XW8~izk;~zFtf*{{Jk%XO`29x$zUdr&L@;S>E$0;?^nKpxcys z=PK$wlS?^?qAE==`|lyDgHF2A`_0b^%Es#?DIyVjzdcWvv;0xr#OFH8Q5c&Ilt;RA zTb^~j_!Ardn3Q+mYE@Klr&SMQazdcy;53790a&cH<9L#|NK=A4+>K$kkWn1mzeiFctZ~a z`;p}-44U(^1+IOh+4w>6>9fsYe0p@^pwqtUwvf*n`O7@!0un0I&h84fnTrd!ijU}CXmS(qP@pj>4BOV2H?pIkewN>_pdQpeyfM8 zTmMet|8qbaW|d4#QaO(Z9pe3cq&kvr(>Dvc(|M`L&v({o@+U)Ql(UGlR3H?(bJ?yr z_++i5{C3~rz|Xtv~bCc(u?MjS(qKi3K)iBNZ>l((_;EW@YGM zNqFncHTQ`6E2R#g6iwqBjmnQ}*#6*{^>a_>FH1?$4mYMA-bo|eDYx;&F>tRwR86&h zlkoZ-OIFfytAZi4u{i&;g*h;73R9`J>eFz0)W+FS;MrrFqklUuaYmH7!Ivw4bMw9r z+3V)q^S^@qY`(z({id60ub1A0##Il9FQApUiORf=tOFyfVY=y9hebXf0)A3_%j{pB z2il#ZuZg`RTYFOv5lCRAi@D!CF2Huw*PQJ1Hm;x1*V9#aurAn&WIgUzu~AwF4pO%r z)jr%1nTep0nU$_}(t=z2FL?L(PBo1`eGLjSV&$qzNScsisE!J5`$r8RYGS%+HTW*f zC3pQ;JPB|f{amWDwh?7~D~}??dmG?is^E4uWALlyzU@^KXMX9to(fP4a|wg~1>*pJ zuRx+LckSG&-|=4LnMge~*{>n;=c_x+VC)PtGo{_eZq4_vVLJo?8Vm}t>ygnqvCYV-dz2dT34v!DA{#wArLHJ?V zVaqGIXzaIrMd69ff4}D-S0zBzmaXD4#1n@mjilw>qxwzV;jc~j>n|eK+}foRV}|tA z3MMkd|I>V~GflhFe3Mr%Xex`W7Lwx~eq33e$Q2)xV{`p-wws_2Fd$A?j}O$F2gYx0 zHzcxbQiI`8{`?tg!IXxM2Kk4PZ z2?Y&6QqRB1r|Zv$?vbWH{9p&W^m8gexGwt8BEPPxJ}?vx<{-F9(^gh$85T2q2C2iO ziy(yfidh`DKyxs1uKY62KypD6RD~X1T?w`dTyS^oNUg&y_k(6al*}c>HBIBg z$hUo6V=8n#^W)5F?tG-@27~|^w-Zc_zA8vMF$Ho@$t~S#*~Dm;ima z+)>(BVHq!b{P#`Trn-9M!6D=VA0(#ME(Y)Xy_nD=n(wsu3e$g8ckl-t ziBw%6CgJ-ay{s4=r+Kwh)B8$;G&2vDl!>YNn{6`DI&O<%h>^0L8Mj^uK8dg`Orh2J zYaLfa?#6-1?d&96wZ18>bEWcD53$N?CdQgagmex;p(B07Rqtk!D z!fHWvH#R!P#8>b~f*M`kl5=N_4sS zEuB_zbdpLGX$_5hk)xa)qQeQ*kgei{s#fQfeGfi^{%A(y@UpzjvvnIC-9)K~(LE#I4x{6)o_Rd~8x53LyOQ8PnxEnQP0#Ip?lJ!8 z+?ybF^9zYd^Y@}np7)Ioj;7m8l8riP;$!ARDWw@iW9|zHpD@Z%(o#4assg{Fop{$2 z=V7I!+k9md-Mc(vO>w8={15S9vMyjuAC?0~RUiqWO4?lOINM4&;;N5>tMALoUKd<> zZ!GeS;EP}@)Q@|y_=;nl*~UtgQ8UR9*G&hPLg_uf{x%;x9)?o0mhCUTgjDWL$TMVdUQ0iK?P&Z}}VznXBRt$Ws_m4EV#FZ2i+>v8 z2ebLR(-F%3)MZ;A*?6LhkX~zW7;D;gFXQK_mq~!<>bIAQR4Fa2J`eQHzXe`quo%y| zxYN-hef2j; zUnUKa`zisOEq2Sng1rjpo7Ms7KYsVBM6;3M$IBLa+z_RQx=jJ&sTW?ua~bHFWW*#+ z$r<1TMsWKRGLQanj@c{pR+_`gD{=?93CXGh8c}Ra44$qM8m3%f_%z<+ktbb}kM?CU z8_)2?B>c`5?5wtJ)qyhpJw4(~DHQ(NA}&+wS^&m+vrIh5h-|qDP1a_;zzF@mA>t?+ zGjSXp(wJ?1-2#OJLYNtTtzeMohzZG;mx$Pa6g?w zptSgg27qDTr#JcH{u`6SBd>NR@7QPHIGx^W}G7=_mAeBN^9+xT&?(o$7~ z6(P4UGf}hXKN$vJa(VifCsEl}_I%uOL#R7%mmAhtqcOk_9j~4IsH+Jkx|IKXt_+K0 zH>OKHi05Jlr8)HC_B_bnKD}fySf9h=AJ5%dcgNS6^u}|FOn8_QLa-+3CjX?xT^Xf8 zrj)GU2$cd`)#>o#ZNH7#m~$nu3G{*wCJe;omFNZIqjO?TU+7SaM(+kbxX|~kVceXH z<Jwnp#WNx!FxD z1*ymL){*Kwu3V5~jjDia$F|>3;N-0bYbp8e4aKkoYHEr$+>O%ueZl*@wA_Uw4-;9V z1$ho{`LQa8OPHy)7+t;3Aql2)F6RwgdJs1+_zx0@m14r@d3t+qRpx@`iIUAIAXMDUixsFy+Pjx*F%a4B~{yEPB z@2ipB*C4G25(K3>2!ETvDsBm*xW#t%X3(Q$!RNlsT^YdYlBk zt;f?xu`EMM`um7Np+-d5;dph# z>Adu3C+-mSx3P?d{LS?ts_HyQj`$8^CPriPOvWg5otsN0%NczG2j=vLI|EbH0Y<<$R_U=G>;cvvzpD`^8YHwX#b)i~GAZ?>0H%mR7jU#WD z%P)k9?z`o_x~2Tq!+*A+HX&K**=6{*ubtC6#X&8rDS1}nyyg13&zRCp%%lUj)X?lRR5uzpVetum0;)Fk{G`J6L z>CZ5Ic+f#y-D*&7cliZuTgqE@>z=(iSc~-WlCU6R!!zz8>a1;Q^A}I4=$W-rA~5+* zH4U!xopexDhgSGWICb?x$vz;(q{XFzTqYhIFCbw*-n6?If%XrV`rM|!doh7Zy+si% z4s%j{^DOYK3d=o_!naw0A_@C;r%I85KSi1jNr$RZU!NWH*`3aJ#6K*3Dj}tBq;>0T z|Hv~wKVs))b*{=6bTZe)1kA`~%i4Tm#pS)yJ{Ph8L~&dPI{i?adr)`TU*8H;R2Pwx z1tj9SIZMg%>!nD&W=ZeA`kijyp()0~=u1c_qvO0ApU|rmzBO$|Axpdy@PwBvqOA}$ezi?y(#b@7>ZO=U@qV_bl%XsS z3Jbt`aMGPq9GY?gVuSQ^Qx1MpLc4^FAcl{)JOO&TIne}6=mv79=2p4dRj*<19?jNq zl9})P3`k}95;b$u0zf4aSf`Lril|Enp7wf23E z6~9j}%&&bUK!MY2>&-2G;m=-t${;TMOx4Hszp~^gABV4;2Rsn&`;6FV28irS^7&@3 z-^7RfbMy1w7jWI}q!%iUcnj19Zm2KBMkv)c-~%3QgS%R~Z=J&*HTKMQLflO-@c>^1 zLTF7|zofR49XLUETS0q-j#g(NSl;1KIvMH-`k2gNkP$6wua%yGz!QuutNpeArMvuc zhaD&nZK`|oceaxzF;OqlxJC>W+RHmc5B#~8JD=p`+DNYFRofUQL_W0?`$v<&eZbP6xkvw2RqDl64Rcr$yaZ^n^>EEoj=32^?l1Xb##(5Qq_BTX>4p1`dxyX;QrpMstgf*i}D=G80Xn` zhvS1FM-G2|xqCZr+qqnaACl=pqAR>(0$!r;{VO_Bw&RaZ#&UNb&vU>_=ZM7_%PuW# zZ8nrT(oU9L_|ER{qsR%$$w@Mc*2yqIt-z?SPITXcZr}Kyg;;AYohBwv;p7?2n4^N3$Z(#~8}{uM0`u-{gsppRF}FB#^zb>enO@+Y5&KHsl$J=#p;W7GLr?HH~L zE8~~p{`%t;30!P1sTl$a0xd zm^c_Q?R)Wrk3KIKpRyRbh{sw?Sx_7VxnJjvPjaP#C$O}d zj^DJ`g>rj@y3#T0&by1t8Ztn}*UFU+rVGP;U`Y0aSU&I&?TOD;UJ=wU(Cc-#%p<+# zJUxs-jWKrwZS8w^cWJPd2nR7Qz9WyY`W>CEcSu&+TsR+*tK_A;&g2`kw|Y?Tsex`$ z@^^$R#}h(*y^1FZO>|IS@m>4o-`=jK4NFz8?`8o1WCv_1jm>j*V&?6`mCeGpt*8H% zR%NTFu z;;XQIO()b8&w&lVnt;~Ggm~aN8Vv|!8qG}rOa8=QS6Ddo^#-~nEB~Rem?FGDGBCbl z)er410ucT!^o?L8F64ACQIRY>^u=2`v}|W;rfoFgcW{p`Sb9bE)xyi8j{4c~_SgmK zqz+9?fnho|U^v8bLzB)rF8y_x+!k7ZH4Wq2iy6*U@Mr#lzC49+K7NGuW{JRnjX~{m zDhn58{%pyM^`hGrGVrLu#(Lr2dye!HKYsM5wxi?2EKl}Vv(uX!?ldc}8?BU}H^Qud zcW?dC$@aWMeScpa8bAqk$>^>b(&-@5#kCHf9mwJXXCo&!N99Y%8JKo5f7H3o&x!;6 z=|L5Szym|M{dmwJ=eDjp@s<%Np)qM5WPS&7YpRZ9XehMaZSgwT%5z`HH>PTNnU}Qy z;c#C`0c1zo0EpkYAAH{jdjvZ1$FtenjK{q-Ritqi4%&rp$*w$`F$-_Yi!-sdl+&=w zJVEpR<}5TKAnE)N8RCK+3VZg0x26KJB@m3F_=@>6Ikm3-s$;0Xqw_M&1!zq57m+~i z!%WiC%5vDaITl}>l}@ZFw}OJ@@gp@5D4v`hdl}z8*;NUH9&|YX5hHjh=CLHaq{oL} zPw)6Rj4>+x>UAgN#p9-_CpKJ=PQ>{NKOe)A6dD`w*Z-|Gy1nVYqh(kkI!I-^b^U;`>#*;AN&W`90P5(odL6* zSln|K^1ylxI?(jj1u06?_@!SJEmr{duc1dc4wsRhZD=^4{S&Oq5oD<2wV{&Sp`4lS zED--E0Xiqm3upkk+CUQR#c?(ipkwZVyYil{DW}T6rIIEx(<)Lb=y{#H?0H<`*90yG zthN>}MqAGOl`K&(6W{epF?*@V<$0de>F(CBIgdkg%;$LN*T%!~S`SvNlxI^O4z*To zc=5%K$lsTFtkvS2*@fWiyr>mbMItb-iLPzoP!v}xf{QK1@OEP2FerRqav}TZ4v$CkO!UdM-1FpaVk)|UeL(AwQ^8XRUy66)t^KK)*d49b@_}?KsWLG zv{vcmT=~EUnhZ`7=CY;;;})Mg^Rne$tP2m8D$C-~T*qmH@Rl5I)F?w!o?<#iY z;z@1tt*4uyzoizDs?j&qE~F_#xxmu|B&!35QS8x)5nmwTbA?1&*v5S_AE+phh0PjV zjmas?m6N$DTkC-;{Q8wDkwI^05C;|R4vRS#vII7|@m zu5?l-3Cvo~Pu=6np-+7N-CkyS%Y9iN*YWcACp4;nVqwFr*KcJUx`{jIVW`RRI6@^g8%bMJOtCtqQF^wJX;w&guhILf5B92ZY?lU-)htvvB*_o0MJ zcq};0zU^V`^tjE&3e7rEj-4e|hbjus8lR?f-&-O2s7OWb)t{-BBBHd75?H}hY*=&U zN?&6jd1JTpN5a)w|8w`RX)-IAkGlZnJ@wY`y{h`eIhv|QLf`I7rCFkU<}7B$vHyj^Mfca;Q(DFr!&$TWK3~yQg=I2vpXU_RoaNEFZ<_BxTB9` zhUCts+9J8T@QO->UCyM}#p3TLLHw+_Yrv^z;H+9}koQ@IT?BsCaL7|5LIq%*IRM%P z9Iz-5%RkFn>Gd|_Nj4(8A6WF~#p#n}&KdSM>To+OdSQ|Xql7xN%XJt)&Ml6O+8I)Y z$jn`MXpmI#XBotD{^gvjLrS&5(Scv`{z|oNTMt~0OP{`zRMD6c+s`*;w;4`$A2iYH)phI@jJV?; zNHh6ocXlXcl;u)!yZFsl4ve}f?3X6K`$=}U!yiM|RkX${ZLZ}NVlz6I;Zm9}tZdP& z24s&qk@eJ7?&G9HKZfZ#uIHyOlJFHTb@UQ)9+f`+2u-Y77AIoch_7TRPL@^-WMs-2{H}`a*Z<>{$e$ zVX##zT(*<~B0#$0v;lWEL{>1WywlIB-U9D0hMn0U$Cr9vm)hiTRjk%ew>4=x-$4e4 zT_3$TVLgGTVv82}{_MQ_dGa@=s=VCV$5qQ!yqFX^j;$*Dq(m0c<7XX_*_}nhe%EZ9 z)G**|M40*GiURYx9GOaKz?`G}3j~6G`_@ep-23fttE9N|);Er{g+wOf^lZAaf98^Y z+R370B!k#c z+i7=pOc7B{scH#Sv&(d`>h|7W>r=|=bLmOQiO*jS9;w0wa-9$Vdoef};deWbYlMy| zt!k1`*7SEgJKHoQEM!uIqj0rUDGe0ot~35^Eer<*gXp=nsMz|7$33ZfFjB`uZN6p> z=K24l>D>RB{@*`7=c!>1WyxtHwcbv12qnZsjyYA%rzn>5`Ams9sl0#?+%VADA z%c&fuupy_ASbZR4i03`E-z5eA|P{>yxCpROj@}8^QC6%5nu4;k_v=Dmf=t1czrdvCYz{(mSZcD zA18MVD(P$d`uLLR-WcmOx_G|oH%dxS-RpMN7)4z!l-C-<50hF1sxEXPLe0GrB>a}J3n6Cyb{AjJ2`c=IDfdZ&k>9)|Y zE0Nx2^QTn6{(ql0k8VO6v!v%G;GENO$nO@i&Es}_?w4fGzo{;zS2tJ*R5{z&2J+xG z(=&eS;A{8vB$8I5D9gNt?e*t`(P|4IyCjIlQ0lcrEc)5pl-K>ywDXN*eFlWp(qWUh zwfwi_v_FVIj28JB@k3jKByvf$6qDJo05UAU`{Q8UtCpxcbmhG4dVnJ%f;@|IUuwn} zti(qKsI>vp#{h~p_ZlCsGNS#5ZxKKChE<(}D?}8np^*HIUgT1>s|LMT%pBH zyG6`NEfo?2N3k>z$mrF1T}JtwqetG3uTs12zmCe9QueUKx#~bBAi1B8do3R-TxL(cNBjyq*}6yK_6p#AEpx7XNxVU{CGSyhC(mk3uF3U# z(Q(`*^Fc#F{9>0hbQ54I_)y27Xr1LA!iawI8dvD1G?6ps4raajGj2sOslR#<^Uk|* zV5&3GK#HBv-^4l(>^UVo3;5h2t0o0M`D{V8qkXLGmrfsdT%o1-s?B~$;*_(lg$3gh{Frq5qrh_xLb7qU z&=2dVr__wf`HSASVu?^;cvM4-bhi1Qat{Tg9ge-CV<3vNM>a8-aCgT5o-obmH0dih z)^OB{+fSIQh*QQBG}ER2quS2|uTaX7CMM=Ff#&{uj9=xpHPMyeGQH{Fai5>?!uBhU zy0_6$QehF(IIq?O%fExN!Nkn3=8+uD$LdRya~V3Kt7yvo~4QZ zZC_KFWnXIfTyFCY7GVs}X>i$%`zTgFX`?}uQq9|E5H`ZS%3Qd69gQ{vwkvbht*hK| zRAwwN0($3JE&;`FYYGihG3gInUp%?Qn?BpnCa3FkDd!v=q7r1 zeaowypT{q{U!*IKd(+ziq@;+VdRV1x*Bk7m0s2|C%6bij+EsA%NAkgP_W0{-c_O->N46Cgk|vyVv%Kd9+Ri%8c2$dWF&KbSX10GE_A76Lod93_ zVPl()|9X*q&*?YOZ_3pXskCUBF*)G}pswrAwsK}p_Uc+M>A3n?OJ?}BJT{Hlx}Q+h zDNq-H!{u0_Ki@+zurT^5fEZZR=vB=6`V7% zE>pRwqI|ZIlRVtBIG*6ew>Woy&qPKG6mjOFVnd{bgCZwC`^&eH!hPHJXH;oR3Nz>^ zCB6CD{0+g4l8z+vLQ&aGXEk4yN=lQ2u0)YEic41ab((i-S}F|5S)!bHOcE&B$pKh} z_&nXLZWkD{vyqP|S9%&(>TZQ=aD<|;@#eR=<`oZ+LqmyZ)aA3pTf&_br&2tgIN|3Q zO@lh!PytrPnuag}x(|HBn1urZ^Cs|Jp%qq!%Z zaaY(fp~W={p;+m=OdEp2?G|g>fu{#6hXJiL$txFAMH|wp#i^dZdJ;Wsu7irwFedRr ztfo5b<@=*6Cr67N?$_DL!BSV~6gd|~HIN^EaL#oiOMI1W{pSyAq{x8tO26vtIrNdG zKsaoBg4a<_7}!|Sz=h!XBudUEVae+mYkk;({K8%PAJ zEH@7G;i%(H926%A48yRRL!vJ-Vc1E{p=_9V5jR&X5A#cq~IJu zdjegMatybBsA^5bm0gnVPoXG6j!EctOE--^>{Dl>y6DHxU!FE0vC(*Z(C_ph$GdQK z&-KQNbs$_PKeb+LrSsj~_yJ1*UomG~Qpq7Lwx?vi6yii$b!iDb**)2y#paH>D_Bcn zzIWv=HK?je;WV&91D>t<#V%=S1-vCoqG;@BTFDpT_6tS6Y#x3Lw``W2rXE2#$No*~ zJmh#4i1|4kjk~++{kLC36I^!jKVHz-GxNH%OmLk=j>RUQRi&shgo)qMPd4z-Gv9~( z4Fi6-oY%_~-PVX5V?O!o9g7dp|_A#QHv5>Je3t~Cy*zqq5(R~FnT z&Jhp-XE)k0Yu~uT!qVt3w{Tj;P_N!%cAP*E_)t0Zbv!ta*IBZGe`CY@yIz5FDw;>4 zasKdRFklAWKHL)M(`Z%vL7L*u@5rWk`CcXfHxkkc7{2E)9q@)<9ky!*oZM7_z({q) zYhyraEhs4XUE-;@X&X9}5Mo=&lD|fWHeE*nOtWGAMc7BrYf7=)vt>6K6OGDeT%#}v zrZ~*m?#lM)yd%jK`4SsrUq7`8yrQp&_9N7_om)Nwzd%=9LkQ4)E&DXUN&k1qDA1}L zTlL>8mG9etcK?G6Kf-`d{aU);tzjP=r(We8N-df|t96?qBc@5WQK92JlNdRjOLGmjjKz=wlgx~E`t&^53*VQS&kE**-SQ;<&{(XNIbVC7BD$&}uOKfBv7z`abt^CM+q@%&{PNk3&s@L)BnL2al;vt} zLqmt+LhgchL)vTh>Gs8$Kd-x_KTxkvC1>Ce4poJJ)`bfK z=Rp;ww(_=hIQ;2B=*elv{9&k9jUpeI?pw&iJ9pb&8|R+imavlan+k3{gc`rjtxT2b z?Cj*^j{&uhS+E57e8R6>ke=tcP*+MQbM&?{5)9yO5HfrMFd1IuW z!(b!sX)ZkKb}naI$0e05^~YQFO=q6u^=={%p`ri?=l&b|qqGEq#jP)yQ=v8=ll;^S z`Z!HcGw;((V@5F2e-Q2C8f!X`d&WAKqPzta-@0y{gkGQDojB{Ow4D}E2@h75ntJqI zI&nfJ^5qkD&Bx^udnN&nT(XYw5P@H>9Q#(T#x`8ZcukQRcHRm#_rG#s4t-FSpG4W2 zI}B}|i320z+RFj?CqdG3!M5H)_G*EbxL~Ph?Ui$H?0Np4Mr93 z(rvGHbwnKIpHX8ClMQ>8{eZbCJo1M1M0^|QSN7?@wTH7%2Z9S<1g-pGS>Ef!`5(a% z`?S%OYM^Sy{I7-169Ch3ZRQ`&P|T=o-xmEznl_w&h)!-0i!Sf4XRUvX|pA z;dE~RI6WlFO@}GGvi7@nST1Fgu%&uBXDR#NmDb>(3~#QvWr}zr>bJtUqR~L@iW&cf zyrsx#2pbxx6rKkPU;!7&A^-Oq%xtpMd_jmvJDy zSC=%gtfa(D$iO!hN?FJz-0=z{$aaEASn6b~s<^=Elm6pe_XyL3Q^IExV2gL`6@}>W z{b$4uTr`06Rq$|{^SrIMf28Ne>5){pzp`yo35A$V=Zm-Ry`!|Ux{)r^qgg{#VQ;8Q zn$>$)cTHAuZOPqwZ~#cxs7W-3n+DV+!er-2X!v|#;;F5rpVaS z#jYxFwQ6kM{-cz2&pld5e$>M8v;BsVB9&YOCXKP9vROQRA}x1EsMjCcxqo;Dar|P- z{aoN%3U=E<`_uIi35k=75`3Hnb=CBhEm1k5be#08Iuk_4vAWAI$9`F7#^eTyYd9;E z12t%88v67zODL_DJnwpC+wf(|yhTGKL*sFy`%lE-E+eXgHBwK#b^E7rkpY{E_pRrYX~0MV1PmEbo5y49lkhB30ARs{wI zmSNS`mseL;5g}z_cbC!U>FbYLpeobObcv=-)_FYLtwp}DtuIARK)l2B; z^9@T`mjuUNip+vDtyLdVKk=uYorQ~uF<&VwqZkjS{TM32<5k#^olry(KmT$vx_|OU zPVCCLN8EIsuwN5{j>;1b2rl}Pzf-0?3VFiv<-Ch#6u;<0VQF2&NMM}=19>632XE>9s{2#Jq?{_^iRrD6*cdI8(X;@S!{+{B-3i@-F=>$5ppbSSY*^ z^*I6bSMHTw2CnaI(5dbse7Rf|omz>P1W4@n@n7>Cd?oWQK{S&1`LlVzx8MGIoxSYh zR6Nu7k7~*tVKZxQF^4}mY)Wsm`7YZD%vd>mF0)7P+J6|!`IXnH&f5msJ%2&hOansq zOAD2Rr4E+d+icEh@V*nmi%3Kj!)|A=0R~Ez3Ei7eQH`fK0Yh@xez=ox0kKozqT!2h z%AUVX`th-b2b)?*EctSQJm*R~RxQKq=p$3y=qHMW=B}^gvA|*?y!sY56yB*TT&>l? zY40Y`=IsE2j@lKvVrwhhRCtX9x>LAqyM?jf`xECy&q-!=f!myaHL3*p`rxOy{>(LX z!!U1h6%W)XKdFO?kYpj!$zHxr1-El1x`G<}Enp3DoLv>vh_lvH zs$uxem}|aAPX9ny!H;?{d=9Gqv-)!2YLH!!Q6!esUwg8#4(=+q~F*W0)+oGoQu5% zKtxyTbU)ZhYlw*K zw0g7&cWLWIj(z6-uZ`jlZAWP?XsJZJVw|Sw5T%jnms{Q0 zKdG~whpoq?R$B7ae43zv;5jvPtw2c*?X=Fesi}di@2K`?P;oK0@s}L?vJ-8E<1AG6 zRprdgDNQPz_HSk0i@ztA!6zfn5v$jFK;1NsM|PFdzJ4V(eqN^D$n)4V#Ko22Tu%RW z4VDb6vho8qlNrE;zA>yqdsg>56m!Q){;8UvdA4!WYM2C-Iu)Rc9Ce13M2U3EF;>Ix zAo190k7?$(-(Pf@@9X&FaiEmm8k=d%YCXJ_e>EN0Lh4s6&h_ypG-ZJo;7e&jxi-q| zFFwNAOKQM)G1t`^sRC)n>t@zvEqy`!%(B_tKxx=K^|GyQzr+PH`!fcqDA&06HT{N^ zll6H{cBJrRkIE!oj!{^F5e0M+`s#l}DdW^|7&8N`dplNj`c{3n+q?bPjtMDSw)ra3 z=68!Gx8W#5pRl9dm8~Ojo@c=(xpzw@t)IU(QHusd$pQxF>5JjM`QwodvX!P@0fDnW8W9e&@0~{#p?5M` zDlp(ak|Xkp8O8w-53)Tuy|TSFYBA|_(E%YNl@QPOYifVf=NxEf_viTB-tJ0G3DVt6 zJi1D}+_w*23~g;jfL02Qc~?e4v^t@`mhH4Vg`Va_yE|G^?D5$wG7AwW`d!9iTk(ZOsTNBG$~ zPP9nww0oo@Tg9XPW}_%l_Z8{YY*{2s#Tdjby%qblB8zQaO|QsbHUaKl>;;nvbWCRD zRDW;Z3uxH;Ev9HI_gyvAS0*w46}=@wI&&sbF`3%(neVS36gx5t8pn33jg@C2p%Y}{ z@nYW_YiyJv_BvNL59EU%r>3ZMO)umcFHsqmi7P7N5nTAsKu6eFRNCl3+TV2BBfam9 z+rh2rWxZ>w4#r!h_@IM*u`+X)Fq>PPpNj|vdUOlMc+9zPV}(d*=H~;SNkA$E%vr4G zO4M{T_++Q8_u?&^NApP8!slCJR<%%=spH?T^t>1(JG*$`Y)beP+6#&^BWqFExUo%fpew; z)uGCHI!G*3BXsBQB%#Yt&^jS>GeN4=m{ZCp>jlS!8ty+r-fq^fH+uypre#rF@uBaZ zee3XIXuK9>X*KK3BT6>7Ji!FFp!c4rh(Z`cey*)}!36*Ht4X@a$X-48?NmR>icMjN7Mu!@jSbb$0we5<;`)-ZwjbwjA!=)%iIXaRLzj-F5|?{iX!PR^EZ|G zt8}G`y8nJ*rT70S>E0dsh3y3H&B-{9w@8TuL%jG{mQsB7B%0+f#h!msnovs&$uM4B zKPF60I)5+oR?KrnB1owQF#0PxsO%5O8z|ZHb5r`3Mr(+He@_w^v8^F+MY*`;_ z$gH$DY!m9;JOjJ}UX~c<QwW-e^_$@>LzP=b}`BMV+{T~ zwB}OUNTe{cWYO0LmKbDJX&_5}^S zfE>CzYiw+eddQfL6>;nC+-Bs2zK$D!=&Y`wdgdx92@Lg1me3SW`YHgJq}iK>uL}D; zcq(k(S+-$ZMH$j>RrNcVw@NI-e9GxRca=_74H%yvAg8CG#?&Vq5jHO}zU zjJ}$@R}$1hP@T5g?12j;Q;c;I=cqYTE`0pyH!J&<^ErA#+PD7wls5@H-XKi{Y-Rt%+k|r-)+@oCC#vo31U$Tp6!5cw;oh z7>zc{>E?twf=3noetN;Yb)tUT3rr2d6a!foFMp~l*xWFr7=yj|Vu3Wl)P7l5FPyPO zl}KLPo?ky~3U3nTuTO{%d9D6=OTZ-4QLJd=gsQi328vey<3C^swD!uh(r(#V9r7P@a# zlD3XW$7wMx+4MbPlOYN+h?|3y?Lg(>C*v)@ArXgfHdPy2&PBzfh5ou-3^-=-i9uVw z?P}uJ{o#QpD*mV%f(+V=)+%Qohlw)UvA5mFh^RmAX8C@VOWONQ z1>&NJ_17HLG05z4XYA3;^jM1;+%1NfhK$l2Muuk_5r`L~aE56`PNH8)!> zUD9*3GwVmCH~OQ85!7O9h$5b z!-i?e3l_1zvo_%|lebJ6q;~4zR{)IsA05LBPt9I$*Xn!NN+~VdV?i*D`zRAO6zI_q z-M8-+?6FFnYOGOUC=i&^e8nm=XOaDB?j_a<{h03W2n?;t`>lux)7I8$GgJTl;kis&tDGu?dZdm41o3fRzmVYN-+X^E=>Bf&E zQsc7CF}yvvl7EXZw)ey&bX3Dw@HR0uS^WNZo=OY6VBTd9j^2E2JPncosOKJJvP#$v z8cm0c)*UXUhOZ<?Mg-x37xu4 z8C>+TxFW=#6l2I8G=S$i)BaVuq+@(mXRDHlJvd0tL`w;r3;c0j6Aa>$^8J`lMGwkE z#k_a5eu{Ly8=2`7kD~XU#s09$Qeb5YY}2kpr9{&L=ZL0Erui%Tp5Ag|C~ZU@e3rb~Mvu)6M+h zg{%?A_s;ai93d_7V3yUzTgslJa<$i&8*Uce0%pp|?t4;sDwlh_YDnSKC1MJep(oHU zjQZ!W#-6{#1tSOiNC%#K^d5W#|y*w)hoy1*K)fJmu=-I2b6|y#m`1S9XaD^vG>IyW!z*Scr~?zCFp8!ncH?MBn4;~qwZ}9~AcjJ=Lc{&l=@cvX zim%S`bXG&#!cU9gSMPH9v_4~g0n^Zl%CtJS7TEv4D)JkCepHdGV5-_O1E%ga*j0@8 zQ}evt5q^uQILLfs0|;L<&AiH$K~0nLZxd4K2W9t&w`yEDP*%2^8ymwj+hd9IAJ@v4 z4FxZ?9Upf*{9mbey0^DsGY0a6#ikWtr%8h0N4%;-8fDE%CjTp+yB_Hr#^#^3&xN8r zmETp^C#V&3U6XUe`-_32z^O3MoM#?G>>6#uQ#@589t^^>au)&O0O>VE;3eR)9^3E_UN;&fq4yYmaG7RkvoN67 zy&I`D5B1@AF}pk_i}3t^TM#v$=uy;*TUDZU4sHa8J5u)~YM;2}^0qenu~O9E{Y~o$p)P5_e7x0V1p1@-^2C$el=X$Yxm0C6jab zik_hGodZ73Y&k|XVcCB85&&M$6S8wLrM7c7 zZeoLXuI1(;RPy4Jh`Fqf0&#HzawkTg3w6)vK!W5A8)68{_^@t9x+o}i)(Z+}l;ysV zAtHj{X44=WaC74)4SKkfL_`XqP<>OAM4STXd{ovaA~P=|oL%YiBe$^DcNF_H7HmA$c=Ajo#s{dJCJxV z9)8RVbn7Q7XY@uDAq*^e%UzHgIWE12FD_(2zl}ZN%xn5kw&9Ow`73LawCMR|+1gov zIa1rol0y&u&t3#xl@hNS2^MmH9V;pC%PDj*>NqX}a zI}fMMJ2+dPgf~4tLey5AGBv1;aC8X8M1dkB;Z*^Q3+k`6oOhN%Kd6yI44PL5@aIe`x>29cxo>CF9td#lBpbA?SXJq8?vdm*d z=U^rQM$fKP?&|*%wcYd?WQy^yc7WJl9vj%brSky2R`KlNyO^qqMR!TGbdo)cUYIUL zt3aQD0R-b`*DW7u45RF9XsI5O0cK0A5sxAoy|)=kAmPbua)Ea8jbQ>nT3#Ij7hHY` z)zHKHX)>KFYes%~HPJNz;uLf5tL)MlzS+ zp*{nwKN>Bt{F&Bczk>-4WW)JP2fmRuc=m^QWGE=>DTZ_yQ}p0&6WIe6R`w}MGL%`U zycEe2AGho$5R=KZ%pbG6{=)&3`S5qZ!NLmFzlO7|WMX2I17N=K``w}rc&X|Qd;>8c z>A#NEjmGfLtJg{b6v(dKz+55gP3%@+z?1j$&hcO%}MO9!fa8h~Z zBX_KNw&!tny4-p$I(gr+l!}OTN-)4^IEXQXX}_;c8%gtt4~*gL}+@&8-h`n8QG)l`CbQHRyJWD^M;8QzKS>7ASL zCYwrHvfKd7`ohYT+g^ z8C>yI;ZFk9|8~z)4uXKKrw*k#f_}O6(A+1LLv|0Z8ny%jOQV%G0_;6Vj!(IYEvDtJ=8XD9D9446IFfz`3l8FgjA%onf2B|;Jqjb1rT7q@|BQydnedPbyTjj+gS$cpp#q ze3>E8YAtptx1*QTro}Gldsh0bi0;lp4ZV**O*uEG#;gmU(CtQ-=Ebyhr@R|E$_ta0 z;BNvUlKA^3CLtlmE#s@x;9%%;k+u|Xm;X3Rv#$;|46VO7lVWB@a|*-`@T1N2%;;EO zHEj#9@BI@9sOnOTlfDJehA?=q%zY}e-vQ&*kW1V~y6 zIXo}oi6a~C9JoD~0e(kJd}q%3V>_4LnEHyr^N&=IN-eOxdboSNXe{0r8@1xVT*OhV zZp2CVqhEimUbtp5c+0|N6|<&P0=Tg4ZCp3aB$2qM zVh()tozNnTf*msg!arV%x3N4wFe)vMvDV!-*P0MiwEAT4N*@C*K3F1!mAY9!%-4*C zk(-(c&9_v-Ln*u4`Z^kJf6m<%W2RJ(TZK>P)pU$n0{DeRenA zly1tS4&Dt_UtjlB7Dxgz1J}Crw&4o~+YSAQ~9R_LT-^`HeMu5lJf z`L0=Gp^4EjwM3{r@5}R?^~VU?;&P52Eb57>#;V4nl8Bg%D-8{w4NT=U6%|yqp%3%iiEpG7B`>rejzX(&&|e4!4J;3X@4Q!A-cG)B#KN(6 zc;9tzyVhwI!njNZ08h}6k2J%wDU}?Of#+ewMz#6k27fwleE0T@_u+ufxvI*{ljafy zeA;1e%Gfo)@OXzr*6k^&3ft4Aa$=FcJ-eeIxwRSZKJVYb4+3}gZUxuLz98n*Izqmr zRabQJ)Lxdh+T7O<7L0)>GlnV-;l8JpEDz_MElt>-JUOGOwvd%i7kOKoRC61jwh24n z&VQfT;eY2v7-*H&rxADvTT&n9P$s83+?_G^xjCV19a;dW!gDRBCnX$i$K=M2_Pxo@!d zP=Yp^6^vHGWZBj%FxG@$w7Ed#ynN*#IdAkBuc1(Lc)%^G{!uO9bK^_@o7g9~wJ!8I zg1uU2@`otLgwdLwWF@|ZN?RS@|7pKdzUvSfM)$=1v!d_C5mB+eDA?y*XI=ta*)e(oO^`9d98<1 zdAH->g=sfN4+e7rW-L;crSh2BwFC1qoFs~GNcB6*Mn}fZhnYV#19X4hkmmi)xj;oB z4%xX*2!4-1sL>h?nE`)bI){qRDHovsT2WvZU*dD8&>q{7qIvUEYKZKZ0|b1~SEJRD zLY~Rr*f3Oj2~|hlF2bsnX$x9=e+lLMz_;6$W-O+DwYC1=v2x`+5avRsflG1~I;7d= z;d$(_vak(>DISrVynpDt&Uzl|+|kFB7Ed-R#(0~r1|g>gAL+2P@ys7Km8~X6Z1ru+ zmGnM5)(3ytO?sC}?`z)y*bKZoq0fCBzs+t0Zs6j4)iWp5J3F8PPhW(7`)}5Xa^G1U zD9K54!qh%Ujao z*D-8x^7KOH>-cxcYjO)b?IhCSVulBuJ>gO&YijXe??6C64>|1qi-AIpb`OL>sw>7? zqU2M7-d{5F(s}9Ag5Kb^Q|aScW<}s9L&U5D`V_{tfPgip8!y4gOqH=m(Nm~*>5W7| z`b~vEf-?QIPaI~Ny*{HGx&PwAWvRvkXiy;-~>S4m>EdaoUL=-13WnmM{o+8!iK z4Fc95_8t?A0P8+MA43Dw#UwemJk>BD0{pDRnq{#qO2ciiSwmxJmeYx zeEixesrWqD@`>UN>{J& zC@&c(sPnu9DMNnyAP2@+#KNE5RcCP&E-2dy03G}kKo=~fq9dQW>dexePkdaA@^r%` zj4a0f$9XNYHYOt?Fd-^TtZ!g;%cZ!e7Un1{RxscUyyvJToEqF};{)bLaK(Kh z1l8)E+XfyAZvm6u#-6{dK59#mE&hS4hgotMc~jkdigI-rNVc7g&b87uVe=OKGqjS3 zgGG-B)k6E$tffPq9|L2fXvo03yPb5Br5FD}AVMbB3q12tjde|>yyZ%*bcDpj8Xs>1LqAo!u&?h92wlM^9uww!v-C{$-@U6FiY=Ob7z7%(a zB3)wdXg@GtIvfoMD!pBl0&E09vjAgJK)~i1tup+94nZ|{sN`@n;(z#_y}Buvo5Rbf z67n(7p_(tJ?b|35ZoNyU>?F6Gy?Bxg6ny(VL5Hi<9DMqq9O4g$%GqP{jJiz^%X09I zCG69@_3H(WN%;{w&m^g*wI?+|8&dV`-)IEQWzZ5V@E@Q1ka?Et?l@v$0ksWI<>wVk!F^YMKPU& zvTC->EAe}q${MW|m9F~BJ}W8x8lKCG;Ex5`x5~r1@ljdD_CPCH0)-uRy&Wa+Ck z*!HY<0M4i$3*rLhE_LM;V`rNZig+He-Jaq35zt5mz+?fp^M>udC&qS+1nZ`jpzy@y zAg0Lm8~YW;9kLqxQWTg5HS+PPpQjsu{OfufUVP zOUlC@Gp%RrtkJtu1cIM+Fhyv{v&Jfx?&fN3MsZUVoo7y#otzw6qJNtRd%uw3OUFO|HFDk>+yDmm{*^c$ zu>j9_#RDt8tvk{~GiRrG#|R&TWy;A)!qxu9Azh_+!@woJ9TfV`=i+!pyPb96emb`_ zUQLi5s*5b4Ooxa>^E1HtK4l_4WHX}?J1oDAKC#g?zy9UE!J)X#A40SVB`CzX6_H4(uq3dt~V+%$gc6`G7IA5D$RMidRaGQxH2Ha=s2Mh&q5A3 z3Dg(-&Z$}!naP!sZR7cpM)ux zxO-S4AfVvpi|YM!1;nnCguY4BUeLhjrbt2#?W=?%C6y&d2PEPwyUEYepN*40dF_5%Soc&s`GPNjP}HFm~a^` z271S8j~UL$f`u1g4{p|3n1Jn^?dJZN`MrK1|Azcw3{cK7a3ITF!BHyTk%Wdxp`?i=uph#g)l_L8nKp5S@$G(aIk&;=9%L@RWO{He88)maH+4qj?zoSBm`PVHD3O z4n>EHxww0$_o4QXF9CFIn_)-vdO4OL%PZ$VRat@ma{`Aj#p>xI=h}0bI2b`MERIv& z=%N`|I1}jNO7}OW*tu63Itv26po@3L`w2N~_OhC4j}jKpyVe4hLeA-B+P(tqOw)zW z2b4tBot+s>8RS{V?iz} zKZbF3DA-}gY7IX|@L7iLA8Y$YMar;9Rn((-G7u}VXS!=v$ z&#Q+Pzk8#Gm~&YRGQh0{EN~K6*=KXsiCT@A)HM=uz}1iJ&(F*bZwU@L8_YRQGd4hV zgI(#6P?xp+x`0u+x77yr$M$zx4rm#p((D>TNEE^w=99N0-3i2_)FCBK*6EF(Unz!f zcTJp)&zzK>{mDN~h}iv@Pe1!`CX}K|lR8^l31#Q;nT4|%>sB%W21yjYV()zf^<)dy z?#yo;m*eOR(9m4+W||_-^1~1NfhCpS%lVzX8biRw$b_+X;>1Hjkj=!T!kb0=gP(&` zLdQL`E@)iiDlN#})uB7p>@95Iho0ryLFDW;%qutyE?WX~h)3RKs8`Kv>7pI2u6fur z2LoI(jx$-**~@z+J+zz2t1zdA2zmj*{w^ zOUfCH2G1-0tK;S*3nk~c3?MUC(oC@82-|SVjpezJeC3=C11Z~Pr$4I43ruJK9sL1t z;3unVPYm5}I9g=LU#+-cu$Jp1lTx=i(;7_K^R=j`*w?diJ)X;tATo{1NpsKn%d&NN zo|59RsN$>1`6s(tszi>MR}AZ0s3I|K%1r+cSWS$7@S;e|Y@PtA!5APT zh55r23nGsTtRMpu7nF58a+Fz;=8YL4ba?jN;>7o@)A$+QR!cL$vsZw?-nX`N{AUcV z8Gu}6f31L5@t6~DXb4fF|EgHr%zLn<{^ld6EGn{yr((|%v0v|Gu^Dmn$9#?EdGjrPx(^wfqM;@`;Wc5QiPnUDsa-;B0#Tnj+ZHQbKmGg2BER38 z{wT5gc7IqRI90Y9&g>2;jT-2mkW^43or-XyY9l1HaQ>J6|Iu{j@k~E{9G^3ZoaM;5 zN|7^ndL6`=8HqBUtxWGg6V7BKl>%F4FN%?+r4%4%(x^v`-K7$3jht%RO!6Gxm5OKx z%{&Y8p)_v!-xI15_%O!c-DEhg!!`NW*^7J4Mm`+B4Si-Z1TzhUl=;mx#Q*TV@F6T3 zWAiN%3Du*&UuB{FVRVg#G2JLFz1p}~BhNBwlL84b9oxC~gWl@#+e)dUMNuFJWj42} zq}0f^>IY{O3j@={%Rjt74a9N6t(t9Nx+2$lV!?OV3KZ&5hCR>UAO)|6IyJ;_yLc7O zn#tT7Oy#kCF7*nT`6kdi1*2Wj% zvP&_L&V}G?{e|O2fmG-lNdr-~;xwpxnqNmNTFg6Yh{MKegXm_g5Rhb_r4rdHW>zHS(5$MfDcuzs+@|Wz>p#+YjlNh4 z4GN5eqk|RAC3~m4hOEs*xg|9$79UBO7!f%Y3%2vJzoIv zo$;oI$x1a}_7WbAIv+o<^4J@n=3C(x=`FdGNzbLhIh*8vJlmkG5W|c5Q#6e&7Z;@C zH^~^!-sgpTV$;9=mkzsQq5gT?(@XZ44y5e)W0vueUB|TL4AGgn&2ynTH%^vQ|Es|G z57nIW8RL-LFu6iZ@;w|~KA*^AE9=q%8=h}Id$jlk|qeU`H=zK-WV?8|n; zf)0XpAx|Rlck|s{O~ixUaC_}(wNuF{-hrkv9Y@>!*!mXIFJy1C-=nP1q{Od%kJ3DeZC6!F5Qtcyl%jdC~ zL8Kyw;qq#ChDbNMSj2=az4rr`NCrt+oR*TgN)RA#*lwT&Y@b)k>PhT(=$i_iCTaiV`k z_MVU<3#5wp@7k3Hx}-2$p?p-&rSK|v{oa`uC(N`gz9Joc{IYW`n_7GD5DZx_#44qV zTz#omR)|!nwjYk?jkcQWexFnB!cRMd#6JJZy7_lw#@#Z%^lxn?cD$Ts!=8@E3@UiEMx_l6yk6}@wI={PKEMo$z>tU1FQ;cL;XQQNPCeuD#I~Hvz0sw zVlaf1;+wARFC+a3?uDS@t+P*S#E56#DtFqI*Tv&d78XIJuRpt{nyZXGd&GV1q0EJb zCl?w(-RUl8sMB+7-Fu1bEOCy~`qhuGq{E?&&DWI^Kc~V12m_i{z%jaFDPB0lcpS^| zx8Q!jty_w>T?vBilzoK}&KNba8eit}PA{L6gZ;C{8TLBGZcchJd}}MG-h`o^nt4d$ zM$4f3J+3M5KIkj7UuD^7+V-K6s3nO;+uHkg`i%$^T|}&~)hIpWek!%AMC>_O*?OYA z*Lks%Hz}9zC0XuYcDJ3)Dhq@{vkPJYfzJ6ocqts}YWW8}i?BBj_$d!k7=;$P-z$X{ zhe$$utzSm5a5b+8ANO5A$}PwSGcZ-V@SncdKKitur?oXmn{hhb9@0MivpXw%Z}MVW z8V;{wrgilW`E9k4gI|`_(a}_*r50^_X>Eeic09@^D;F5`m^n#%0vWx$*&Ptb4!ZRg zS)pu0sls!)b_e<~JO;P6>B3V|ilB=Om2F1u=(=&UHr(L*0m9L7D1evgTK7;zY#2FUW9jE*@2I1n>^! zWmc~-h-I!S$>7sTAqiTXAIp@YRyE}u$Obj&C>#)=3^y|n>$$Y~1o5j;G@BOD)IR6c zH>e=CqB`FS@UCis3ThyIJwto{BsnD&1X52pHgJOuR2a0j1bNCL_MjXV+o?b_-O4-C z5{rI$n}=H^+X`^!+MClL$gt|Lr{k2r%|`sym=CDT=E}Uvnuilq$QmcvFJq&0?Tp88 z1gn41kt>Wz0`xUEvCu9yex!26?Kpl01};#b!%bMbrxCqapY``G&3(Y8VTLbco(**C zQRvF=EhT(vVB*Xz1Ni&JyDiHIuOH@MuGGScHSgw?%XWlyp%$BX@lH({Xh0TU*%P5S z=#O{lfs}H5ES=5R_3NqkS|T&`+)%^H*1YKNG+MiHCvqi=)sQuaoD;Vdk* zDT^(dPAftBeEf4Ot3;;8Zsc|Bu%osDvpxP`y2n60!}_*HcEicS30%D;Lnq^>7Ej!vfH<=s1XLN=f7_SKYT%_=t5F{oks6qud5$){2mpt za$Jz|hF3^I<3(MLl9eLd>$e1W3*0Q+Y(Z2KZ)R8c`(F`!^pQ>KlxS8NFmxzhRHn(GRAMP!YUcSFE!2P>-pxGcL=md!OOX!^8q+e zltS#rWGE$Z<(=oeA$c-Xq#1-Dd%T0s@ap29WcYqx3ce$3S#te4K}iM$fB&YYH~(uquZJbO0hdr|_dC+j!F9CrTuz8z+qN)9ExO{{){8M4Hcs$}yg8 zP&3ezuQ;RKmP=G8hI}ab9qkM{j*qaTK{W-nCX$7Sooxw)7U*ut*xQg?94UsHc3mVQSeS-)}i;#^(f zrBsxO)prLz_WRaWmy~ldl*rGR=bE5TEH-j}S>veQjRIC>^X|E1f;if*!b5Y8k22jl73w+MK| zSQ1F;WVWYXyNBz&rg$7Y=e;3Z?U~nlTAV-wV$Y-uq{AY@29?UG@qt}Y45ehhweFhk zEH>7Kr&*Ty^S+SA~+CCy99--IklCt|Xmf%?9(>8_w6 zdVIFPoC5`-V4?T|(bfy$ z^ZPY!1js<%YZgxS&y?oNeg9%8#};1f4|B=>9okD!yX(`voNk5?m`sn+Tw>Qd&r5FP z(fhn|RaF=co#f#UU{fimOdkMkh*zU>h-%56tifE$*B&rDez11z-6C+*?ztF=P+4eS zYeO;1@8!CwSTRms4Bvbc1zQ3z&ilS|K7CuCDB=IjJX2l#Z;Gvjh-efz=C>Ne9UUAU zEm9)Sa&vOp*PQ0&+M3&P$XH6VDibHZ@bc$2qre%WT*uLo6D?EJxI!xrF)-n;H0nLs9~Py==h zHG|KN;Wi`KJCykvud-`ZoK)vJ>4$X8NQ;W6N}1msGg3%dlghN&1sxcS5#5zl*)E1G z>+@MD1#O(Gj!(gHUj=Xm&xG=a-y3%qtPv1AEJ*A6bayqi{ zhObw5Dt`<|_4myP)N>z@SRo27ctw0EmcyiF{Jkv~mxuX_4}0klJAJ)^+=M;(V#eTy zr+C5ck0!khU7n3X(b)}}SR1#!lE<|O0 z|Eqi%mej>W=A`4wZnA*PJr3*6N#+@N_Te(mJ3)ViH*3UB^u~t)<_)rgsVltTiwr)a z_&O{#E?y*l4!<%C6NTm8P^^FoGi0VqsZTV#cY@AdoUQ*8B8lLfP#S{zbt%vMCyT0t zReRm1%jD!NLb7=CgB4zPss)DgwV^h?H!=zG@8ov0Xat2z!ysNQGnMij*Wh(bGxf2a z6|xyZH7GNmH>)f<!3u; zbq(0A1%vL#!U6v;cL-0IJ`wtIHdtBaa4M0^J{g1x;KD@i9w}$GhlO8>*3Kt$M)VI; z&rY^F4&2YSE$2hGcglV8X}u*K!Q`z^9@!>ew3_WNr#=&NMt#@& zuUqWI{HV&it6@PJ8(TUK2RhT$6m5|s=VI;CmC*1Va>&t94xd77B5@^)qeOBkERP)W z$V9TMWzSR=HaaR${^zw5vk&7mc~wY$s2@2yHwA|m>HmL%w-vi-xYU$xNAM`fzpuC@#w$}iOp zl;OBE6zRTf3~yMv>p&f@JLeS4Q&P0g{-8hy2cIYul`A0XAn+MU3OwZ0db$uwv3Kw> z@W>{&v@Aw$?VkXgi;&QYPZfC(kBbTUz)k7Ehb!f{!n2$$rfT}|t`F%rh)6+d% zQ$;nD!8L+fQ9TQHJA#|?$ziDQnk%Y9j_vmzUsF+x=&MOdHiTpFkIc$cpand%nJ_Uim+awaDy3#wkV z5hlgl>}*AqvAVAo_K#gGISkH&N{xh)g%osQqV#oc%W#99`{wDR)7%d@V>Y}A$wOpG z_ZjbV1Pp3w{R^K{`$NAZ1^@1aTq~HUo+J~9!77G+3=YFzQ88Fh`;cf#2{Y_*opU6^v~Ah&R-|`k8?iwKB?>OYeGXVhV891qI%77M zoeW;`>+cjKj)cxnYbuw+xSnT|(-KM@o&nDDr@y!VCKZ(=Y1>VWI^G~2HT|Vy5w#%} zNqMb}NyRy(e9Vq(UG;J{NImKMxYd}#H3FaD{5H<~2MW0!JRduY|AJZe$imwwy=RTR z30wgGy74zZWTINn@JwbW*_83Y+}A{Ohy5x^n3)47qM##B0nC7vS&B7Q`(&kC`>;+s zhi~=wBu8$Lbvb6RjH7Ka3hf*v=IkoNOeeVXA-??bxnx$KYTArM)l&n5M9vLY-jVM@d+1VE7|!S34Tcw`2Qfi&b&9v&!;Om+T*i1u ziwv%{Z>XN1D~Fdwvkd604@^&g3`vQ&u!vjJr3;@Y!_5Qg1XO9efNSWoCQ-bv81oq^ znX&Mnjl*S0gYzSyKKJ$sbwQZ&B20`sNGxiBzpL28FYZFz7NBoAHw^{>B5 zqIms0h}3+Kk+hesE|enY*nYIoMwsh9lyA$kFj@|yI@!q{sqENvrCT@7tO$LOa*nO| zF6R21zc8r1HxsS2mh%TMT8pugef{-lrSoyNyJAy|c6+l%RM%2vmB_6ele@WO`&YtO ze<4T)lr|K!+&ZUty-me3d(b1&QO|eqIY?2Sg68zB>2{IOlYmGOy~=S=KW%URr{8w{ zv$c=?F5{1Bt9$=80dB>ogQi0MohdSJAHKJgLBdqZ${l-8K3h2YUA(^)b|U;N;QgHv zj3T2YmRDJqUc!H_OsX`P+;`Qs1L%8mO8^s(?i90K-#h8{QzM8K(OG*Y%5mjdOGL|* zy?0Rfy7uu-Ip-HmqS>8wmBq=cy0|CmFvRIar`nehp0K|mLPys>NSh2A&gTx1v0o8F zj;(WzDBpEq{`TX8t;Mw*Qiw@^cF%hFNn`#=v_Q*T+gaD5%EgYRDX+#B(XfNIkU^k` zHMeNL(I*QH^}pLjMv3>V&=$-4X9M}%ZWI!zhhwLkbBhFub_khT)p6QelAraGj#y?! zlE$mWb%%%#7oZfX1&c6aVq}xpmW_qGjYh(-Ti6DB@v(Gjyr+WTTQsagsOux!HLFWqtdpHc`pJ5K_KkRFoAP4&<>}aafp=sn?WnQz1=>PJ znh%8o24RFmp{*nzA?J73h3eLhwKArAxW!}lyq`V_fUvPhx|4q*`1{&#{OSHBFK29! z-R+lMVXY7|1Ef3$M^M^s7+m`x7$X`llPN1HYDtJ|dQ8r+PfedKJ|mVtKyJ8AW@KC4 zlXq2uQ5;Ov4;J*r5c<<>3?HptMXbbd3?8n03aYg6u#O#8sY0l`7X~aD$*PIs;F|?D z6*xwq93T6E!O23dW=(0(TsH=JoomzHjbD|9OeJe)9Ez+xU&-EsWT3?Na)=F-Pk144 z@nx^}qHC@>8_cODlKt=W*dVQsCFz@7H-&QN-?&M>0!4HD3epV)9OFxx66hBugL0lf zy*0Yv(Ct|a_50Sie{5Stk!@@-*RG!_T#9tLvIC<3D89fN<8yd^soy8>sTqz%s5w`gu2Fr3756@O@Nx1(z}uNb59!IDR3 zfnoOXhw{(2ZhvTLIhGnz_uiYK*uN#HPMGtw+OUBD6|9y>O7Y*U`UI0Fg$qKN*+}2Y zZ_d+pw?60@^(gH)@TiGZWamQ@D$tG>& zTgH>r>A1y~-o17M+1T;t7SJvHQrg$|PbRCsS{djJ5!KlLcTCZW*vWjW4OqM{$9{Ws zxopnGdEHfYM^Xlh-%kFjpsc*^)8=Vo>i_-&|L>}T5Hl8Zp%~0&nXzGoivdK=6y9yS zLC@v25c}?fK+CZ6cl+{zvLfrzkBRM9!lZuFAL~FSV?qNwvCD~x@)s3u(1GYRhXe*% zuOfDmkrl`V{uvduV2Sv`kIb$%IDYOsu~JcgguEK=YT%?KOx~>Uvz;$ZJk7nK3fv}G z2jB(E^Ae-<1N}b&w)`4%m%}tI3&$~Qh-BDhlzte=?3dLKUHw?O!}!}SP|glMK>VHki8mLoVOJ~6!JA_7x&VvsbPt5YF6XdEtl zkJG+Q0ZrpHFdu9ER6bkWZXh;xX^p7@HV&VlmbRJo_PGRa9qn3boys!$5((l^dWWi-Xn7!zTh1EKKK;fr%<>2^#H2xtRfm`F+PH?A!aD@4^Q^ zB3R!7zZ2wti_*Gx!?nqpk)?}?0{Kig#s2Kk_kXVI@!sJFE=+gC=@`@?6o*S&b1lPP z#OMSsmZdTZIkOZ9f0T-5W2`P(nh!r(?KmPunm>)CRnguUqwdVM4T^s}uLTmV?!B3u z8|gp7S4Xpr52-wrVeUZnK<1ic<5up1aM`H2&xL|KV(C<+rJsM_HqY+mRixS1<_+>> zI(j!RhKS#<%dQoCShjRp&8B~_&}Qi1i%YMIs<dx7k6 z_=h?~4ms_L2hcrPvd4>K>)UneODn>S_j$ftmr=hi@y~Tfs}{A$`PwJqC{#4^gvLSe z2J}HrVYJ=I)5g=4p@=PN{!!1pLTjEI zsvLD?Rn5piADp&Wia0sMjGU?^Ih?H=nLzGRYo!TPUiu3x7i!!;`eGz9`sLs7wK#mo zwkv}oD6>KP@iZDutAveZ(f1do+e}m-1qrcmW9PN#(@!H3U`IM9!Iteu>eIFb11QRXux}cwo=abPb!~Ps* z)}9886#GH!tEqt8P@az~UrY|3C(n!$p1YCp)7vd6X62P^1*14H!UhP{E}3ZDCy=tT z&<`LY)$e`+G-V2sjl0QtC97!BgrkV6hR zwaX5+^OFS9 zlEq!;39@$>n6HsH|4svGyYI?NQI5QrMOgsixgzy%gUi=~sX|;!r-!qPMWudYwCw*Z z0FZ@s<$>E?1|OgE!-RE}9BTcjR1PsXZ>yzkTa7*Ff&MOQONu_I@(h+s|3@ z(8rb3In~gBO96AMG40q@Ng{|dck#(L5U)PyqYJ8NQs3@dRX03;%3)M)y+cRU24n_8Ih1PlMmW2!%+`ZzvBM80PD_Ss6^Xp# zzEO=sFs|2K8p~;>Fm^L$wqj`Fr~4+CT?n6TW>_oFztq8>FQC&gpnEX!G;m_?l-U&l z8vpvWD-`x9y!>&uEDCEf~YXon6J^ z2OeHl7+%Xsy_+~yeIEbR1V)!`eQukMuJdSR&{Tjq9u0U2I*>7o_U4RVQ!hM@s%R5u z6#Z{}xvqzw;VL7gmCC%iy{Glz&Q9)r`=9A_p{6u`J%&4D^LP~xzetL(Mm!p8<5jCv z2uDidDT``5RZjD>v!a7!^}eWB$)$)D!S_UUXpDVA&}q`M x2mR7582v9{W9lN3she>hyC`535<q00=tPR~w_Di@zb@JGQk4R?m;9!2L_NLbpTDo-(Sp+o7%Pxc> zwP_CUn!!xIfh6E`Z_dN5VmT^{5K^2q3%NmqAtecD)~JmJKG-;=(n)_4(P5*K4$ny2 zBUoKJzwqy3N#tS4S>@W7!1cHA%T?SzhM6D=#8~;I+ZWAPm_4D4+#!}YAT+ywRf*vy z&)$f7pM5=%kEO=i*uXFShAQ8n0#9O8<%1M4*S~LsaZzF*-T8A5yn<%}yWAkX=Yr0W zOk^2QvC@TTlb-MiLyFzf2*i2AQv8e35a2z0!WX$+Vkt5Yu^fpR#Xb(-Svkt_iCDVJ zec$vAv4hK!{KhNGi^>zNe5%|orDsB5$HHX%oLy%T} zr%t)!x-18wZBge>#K|v1oJ6rlR`UuQ=O`4;srdu>`EXEKJ=ZcXH|XEkZ0>#mCDe7F zoFBFquT9$;^VZnwwv62A);^tx+?%Iyobg0$aJb6{hlRIYIfnmjQB~#3(aPBV#^*$q zNQQchuknYk{klTh@N0bCC7Mj8{i+x48(Q{>tGVh|vxb{gT9R7*Pn)BAc$c;taMqm? z>8pup-G90)r1-RqTjPu*8b12!X>{e{F!IuQh8N}dVWdw) zYsXWs;m4ugBHHTtS&mU(`BWg6noq8G)^ zjb&v|pBK9d;*8dhg5i1%TAoIa^P*173KK?u?tq%NwIm|y#wkpn^`p(4Uo!`aW5;Gv9SGg~l zztOF6CaH;+VWrtOw4(~v_xz1Q!q>_DmgmM3yHY%=pL&cWQ4)NlwEhutpiZ2N8 zqYuf;7#A*c`Tkp&Cltc26<8x{3Wx5scWCFuYwzw6Bo)W$_N=ts-cxZn9cpPcV|0lys9uFsxBVBa;SI613t|&V!=*_n2UD^}mEs;Q ztAF4wie7z}-hNy`QV!mm8-r(Hh|kuWuV+w|a zrrc3@=x5Pn@8pOXw4zQQ4d3T32MN&iBWISBk^Q_jZ1M7StNOT`pv+5L5{@tPIS@TI z*wXB$>~oE&QlCM7>t8l^Mu@D8)*(+d;mn&y*lg{5 z1>+3puQ6L!xgSVjUs-FO7|Mu$-THg?Ei_^D#~rV-Y^clc{{9P;#Wa8ISq|F5WGZT% zzZN7|qslY(leOiT=E`Cw1Q=vu0&r75SRuX{H`_pa{XKF*B*RgUZ%b~Fgw3G9}}4= zb`_0W$574xJ12fW73T0ylLybrIV~_Vz`a*ZDuwC%+WU9#KBZmTeAO2-Eq5yen|hvI zjC@l_l>{c&)xNg6{EsQ!hhI8Ho&h?dR*_Y^2**c?gZj(oL z$5#E1P7e@KxKXY%?=`q6!vo{dj)PS%c$z+AVtn^h#(=ES3o zU?XSRRuP|!!8)d(dys1}@gJiaOz5NF7r?JswXP8*^@=_y{|HdX0Ji-*;U!)-z3%l8 zr+OhW=jtR=O)3U{($nRnRgBG7S3*QY+@BrzcPl3sF#DB8j#$)l4DX>18#EzyA|)*&TJ^@ zeY(&p!Kx|!k?oBw0|*p_^AiL61D5L-eMuY&eY<1WH5*%`K@@m*X=BYY;&2t%|E|Wo zZ^jJ8d)z7KB?R7CfeY-9Y+!3!Ndj}37Jka*LA!?SB*WYuoa zriRW)Aq+N}#;Fp{_&)8OkwMJtu(1r@rVNTpV;i)>-N8-=xU>kTV>z+KhCX*Qa2Fjg zR^Hh-30Y(yeql-hjkbQ|cfBYOuC@#ha7;iIgGSUJl#aC;3f^^zY}6)eY9L^C>4270 ziR*84)sv>SNExWxdVGXXvv^!3((9IrvJ>)NYyn3S+Yh$?x-^s(xd5NiB@MnmwnOcY zYSqqZpZ(4lLy8`qZHb&>$Dw$+Kcqs1Xj+Cp?6b$f`PDT^T{{z0|Jl0Bu&R7_xt!<&&~`HMLnXZf^QcR9z? z{WI#>_P_T8Qiw#gY@CC(Ecr=f&;TrdPBURpgWOjs*A(_?2xTl9wz;#rF?$+(`?lD9 z^KN8*U=wKiKo3zVOtz$jgdzr?StnN0XYQ}H^6>VkeKaxnTu;ZOe=DGmE8ZX zs;a7`l5+HGbu8d=TgyBLty=p0dAWv}`Lnk9k{Q$7U^+s(b{@9|b1eTuYm}s^lmp+W^P^f+<%PVrVJwm#LIA6&tvT%o-fY3( zl@^Ht50<9v{uy>|(9iZcOKPk1>Te`EcYlyDS&(I20n75uW99DSEaWKsiwR1eegh#! z>EP~I%Bq27l^F!z2PK0ZXBXQB1uaev_4_qyHwc4MQOSC~UB|_@IAi#uS6?_bF3l`? z?+-2ll+AwbQ2WtQKM+*#yWB}R#Q`OqDGo{lFY>D{N?>>X?s}DXn{+MQ42Gw_(9AXC ztQ5k|xHL|8$jHj(Ka#)*y zo|*UO(+)cX`r0WPlwieV(eTaF6s@C8@$I-#&x@TM6u1-rVZRjE*gDSA*cUl%KeJ*vOOemTWCqSrY^Z3iDW~ry( zgXN2=b;Mz(XN@fz=~J(>#5F_wY31%iR)bBv5TWMu0>s)3PxX@<_1sP(Js?O?f{eTG z^^r{cp!=9^PV@4M`oL{ZQ%PiJ`rh5fXD^|iviOu#e%t3vKp?9CccyLye$)@R1Lx5# zARBKnUtj7>cC9Y<30-pocY0B$_xNS@SPXjAS21p`kkx2I@HOPC+N?4be$ab&DFK*W zz8mN!t10f!9rE4iKpH@0B!KDF_c{el9u08P>G`{|D_K+=x^HK+%t@WB=AZRyACn`u z+fv#m8o(_JTxQs)S|g85Z-v}t1LD5JO(gTEb2QQLKpy=HTCrgSuNYQh@S&V@-leO& zI(E5SClmYK@Q=lBLPt_rK~0zo_f0*P`0vu|b{C)zI#n}Ts7fC`H_vGT zJeoMUYqUp03p0ou4{*3};@Y!&bMf9KKAk`F7Sw~CIyo}ce_B-QplkogJaSs};Rj(E z$;ji4{x!qenT@wIm+4`2F;~OO6Y85stxYS7`;xOsh{hyb zbrFEU79>jABBt3=g+mP2jjXXqm?YR#7Q|VIO0LgZkMXQRAko6rviB&trD}>S;{G+L z!K==a`1bQC6;Hl@V;dWdLwRHG=9`+DTOxDQzag1rpmjHn503fbt#StgOk5GR4k_iY z7y@TjG;Lw>rqOKtZY%{?{e1Y*KO_p{n4e;$)osf<)*@ok`e~=uo?B?i{tcHqmfzI% z=y3--Ta|*Cj2D_REV0(IDpz1)MH|Bg6lfVB(#_d=!G!KY#QJ}fV4;@lFdar^!>=!~obNwiilzE7L*yrlf%-yNS#VRLFi4~%^zo}} zahD!JfjJs{d#4=ClPNHSx);lDuLvK7dsbj=hY|R*5Z6yBI&Ekwf|!wKhZKY`qbSIO8tEF%xH!AW`HHo3RDjlD8XTaX6pcI-lP= zaOfKlaQNpN52ag^C`w!D?%1l!XLmRY6+K3bh64lq~v3263>6_jqYP zQ@wJj4BWEen@#XgcXIG%f9$v%Vr<0U%9jf756PBo%t@TRo(hy0AK^NVxlzaV_MGBx zW-XOG zwXbW$GlFmD-dKLnGaxSry1yy%GCggW^DbF>KJQ=VWDCr@fCcoJS>2W}+9&Sio$VLC zb#(ggRLvZvy)ze23`7rpkb?Zc-ITaf@{^VJL(h?AD8B5Z(&}3*8a>7Tk~1bH$-EFL zg@`q~D9}oVuB~c@64-5`b%0s1Csg35AdTBCD5&wAB6;@RkFDT{lRsPO zjws1g{qs2=Z2UUQjV0;oNP2IMi{jp*cU^cG3WW-w5$nkN$KfpP2?HFeE_@n>(iYA9 zu59{6-CLW7i4$EY($zb_iaYix4m)}|jKyeRy-gLOpk`rO67}^Uy_N?Qu^p;yM*2An zvGn%N>v&;4;J~+EV&%K8$*>AdOxu>XEmnE7+N^dlhAM)###3HgQ|fHk=NPmdQ{lDs z{F=zEXJo2)$V3(v^Nw?|2#M4jgIiK>m-wSX1oT>edc)XXPq#S2JY~{9CKTCo?r6&7 zeFTKo{qNTj7X&(msJ#eHa}-xo`(%T_TVtY>xwXC#%ihj16wkYpGxN` z3&_7rJgT~CdP~Hc(+@so?Da`{JlH&N>I8#8X}n`Gx;XZTvIsaLYKIoWS?10Vz_pDSV&~3DlI

    mB@5Vi!UE|TokFA@1+&Wtw=XkZ**9nbW#w zB1yGItM|yut^S^_*^euKLC-#YMZARd{*{mP)yCr>Hi*(vnAQ--ix;KXyg^{&N4XR3 zOb`cG=E|#)t??Ir<=(JV>Go9wE4i{rrN{qZ|?s^4m*nHMs17taL`HY@aF zxm~DY>Gr;{{9)g1Kqh69?qK?d@kfJAs=eW#wp1Ri<4oYjkEYRD>U^nxg|5C0dI%XL z0WQ{k1-}RtS+YoF*wvne+1AHgtFCHhi2_PI);!~(mbm-n1Ex6qt4Z9dpz)lwQS78e zPC8rlAOFZmXG6Z0nlwuBv9U7GLO?+Q`->j7uJW^0~VkY z{Vw7b_n=fDAyPG!bZe^nMhF2W;PA22~ zy&`K~$Gt6I#%Wb^#6nnEzG}tty8)*>{{h)PwY?aDY`XWT!K{~+Bj<~xNSc<^&r+v= zsK-1{#6It^DsY+7Ld^4 z(0{S=z{qIK_6g##f1@^WZl(p#f6#P@yPbHKC9$hb)qB0Jv84(R=y}eIKa_m(+8CDW zYvGX`(&$v(YtHbwZ}8j=FiTn@6UEUn7k@=+V9xlvLAjrX!m!7Shd33D&xNS0cMtL}ic{c4Hx!hNmw7pK3L_qum?4`0w` zQyl#*gmNXCAi*^bsu|ye$m+5R2G>m0>GZDpyc!JZ3KI7hKl!_#-^kmy)^ZFl57O!j z*0ivA_z-S1e*Ovjr22g4tNoPYMJ2pfo>B=-*azrb_v1?S$uh(xw?WTk|uD5aE1xD5e$o(yZB^8w1X5 zkMi^L9WXw*D7XyvGcxLi>F}v_a>!RyiKb8*n{+_I>5hY7Fzu-js0MW#&rDtu2gXOm1+icxRaxA=V(oLTy$^lLC zx5<5WKSQ)B1}Fw??)O;o#y|NSq^WQ?u+!CC7X{nr{5q5}A1q1oY&lU*`{!JsLnFKb^Z=s>ihz3|B`p>GdC3hq#D4OS&7xGS z&W#Z%rCn>!gdDo(btonE@~p0S4p9sb<#EfDW=HFPY8sSgF=^(_{mAY2`KJqY#Q(;v zeoB`jrJ96O?c6?(zC&4DZ&cqC%7B_~{z&$O3Snp;%xWg+CD{;BcAr_t)GcP;NWgonN29`eS>E`iq6-_4l~{}l%bvte1as<_?vL0 zZXlF*!uc@b$_3BYnxoLJCZ=yp&6s6slr5;YH4i~{5Us#`~rr&ApE>rR=JBIFMVk*Baqc++v(SGm3&m1$sl&bzCz|E zjOg$9qxR2grU{HPWlS=Z1PhfwVw-gJtQ?lD6BVo~0w+tL&)QgrWNqW!o`c;)W3klA zGRdL`Vs-+3v1n5qa8A%Dc9yOeygTxmN6!rL5Lb)gu6&4o>-S@Kn4@5=O;m4UnaNF5 zWS`)XjJNih+Dl^aWOWW_Iq8wLs{#i9p4Sbd@?3~YWKc?roKwec!4;dUuV*Z&wApSN zQAUAdjVmkNL#nA%io2$o>Wz0yynwUuD}xz4UWu2Dt;+YMgxhgd=N7SZ>JaB5|Fao` z2Rwp?mSDcV5V8v!wOU?2k6FUlr9VZu&2w~DYYW-Bb%@w>gwl@49Vfe@jvWB@+~TNy z!`B22M(7qT|GgK+y`QhddD-f={Bm(>Wl6}a2d(yAh5Gf7`j7Wva6!su7cW~%;)_Po{nuhM_}#uIL8X3ZdH7ojSw@)bJZ{r9gVO!JS-uv zQsMKv;w&u<#76uFmKwe9=dC+}X-B80?SIg4V#1BwjHUn9tuXb=PhMA;FUGcAl~==a zaIv`r84cEPd;vR`DA92dq%AZROYE~8MDMt$m!$w9Tl`jjdhTlvSds~!Y{D^@Nz);c zPvL7D-CN72n;W{igM!iJtk@M|cf{;|O*)G~X6xp}D0TStKGeKiu&EdX{yz)AbLaW! z1CvMPch{FQP2Pkk@3>LyD8F19m3-{q^s?1Yw_am#U>D|+edF%Vp!jc(giw5@`tmD~(=t5JPS}zf&Iu>|jEO{}UGcJv%C;>9}-Y|=N_aQC* zY{5N}A{Y7QYd%n+e*gYE(E-HZ9tWkQq|AF;V=8Qk|D)-=|Ec`{KYq-PkaJK*<|#>; z>DVh&GV545*&>e2V`nAVQIb94&5^?)<55KwlV_75fAf|`njoG*FfNSDMv zM@v3)qzh%UQ5R&-1x6Wz^Nfr0$Es%=k8^^y<+@KJEjR+l&5x7z9=ytM(H7~H8|Xck z^qx{B$i13Nu3QPvvC7o*$ex?vgga#F=obZ#bEF!cEV>0B4gv4~lg-myG$A?d)dW4iM4ezmmlQ+F z&g|~S>y1m(bgxg4a4=Q03BrbqK-2qZlxsmjuGf%H%(5| zn9JkGH(k`xnxUVsK|$lR|Ctc$s#tBamu2|jl?hfV91idg^1#j7>GqSAc~gG4r!&r& zMEmKJ?H!?%%zyLk|1F(4CYY>MRuUcH3Ij3LShKs*BG1`i(uVDoGQPp*=!5IDiadpn zl7uxoKNBC3FhW-}z7>oh`~_^{!GoM9$w-sF=BWq}XO0R^Fit?r=k%)42#=q}nn*fqXK*ED#`3GV|`RztG$+ z^WC8_&Ilgr!J~TKaot1o3s18@`TU@rc=FHFySnatO;3*jit2}Lgl%_E`G@!(?))mA z&2amGJ)FvFqeYGkJ;4UYG^$a5o%bkR+}n^}-kHm9R?~cd>RwyA26_hxD>9ab3WnFn z9s*ywCAZ-7i>ax}i@nD=l>fGaSp)wJkk4zse^r~;%Dw_RGIFSS7M{+aQ~9_sGxfUo z5U4M<>ZHMhc?!aCUYtU33#_6@wR@-k$hOEOVneHB4Dm{EZc_Umis+F@9d9~nj zgp|p$7IPCX>;)dy!s@L3mqC6OQB`-o1fJ66sr(L(u0@Ka{0zq@r^2#PV$Rfeq&3vH zpQl#czG3ve6pi#wcYuqMOp3k1S3Vv@+KFFfu!qO>%hNbN3?aX$sy9mwIb7sONMPx1 z=d1FH4}Y!7&vH5$e6ga*TO>cm+lvBYlXYU*?K_5U6M$-_DD08aE8wnGOO)eP210-% zs_yk@6E^*eNg);smOe(rNcy&pCU(zMB?)od*Jz=5I1S5mC&k7XGSro_LXGUNn^tTdl=mJJNl zWbDWEq{@kZ8U(&y=Z@Vcgp?gQF_+g>fJ<&Iti<#k7zgwLtvPI~^S*NfAl+u5gO+f9 zZV=+*;nS}LeCW~I$4dv76^RqUpn>x`#A4iT3+C6%NlJiWM@c7rJ zcB4y)pb_7k&% z`gG8_{m+7{-_~=R6~?y;SKB8kF{k~#iPq`K#;SZ6yZM-sN7L^GU?Rztn*s1RF|VEL z61gaO{ZDBxoVd+v_+)*3WiS3+WM^Ag?ghCaJjlWR8)9@B7|QX2Zm73^Y;=Fav@!AwEZ{@c2_?95GQ{d}S9VeLPU z7QCge#M`exW-`40`@Vq4(u$KuT$}X(cWcl}>a8{0P=|kzx}qTfgZ0YuB>=8*GNEa` zUv_*m;C1(CIb+Zcz#Q6yFCirQ`@`v&kZMbVhpJ~=zKEZP6oIz>W6HUECdNJ*lWwS9 zN&MqqooOgmH-f^d(?*G;WJI?6NJsSZW1br^m-zEL;~XKGlCdT(C?LjCyh;Dur^dH# zc;|j7cSLsD==|+|-jq(y82^7Eci#S}b9{BcPBnCAExABllZY9+Qe~Xc9sjYMu8%or zTVrSL8&?MiEdss?!@!p(_!y0?Kvc6ak29~M2gz6K!z7#_&t+RAT_je zLezO@nLQ1Q-{!6#8$`ylUd0O!=ELp3!$RMtM@v%6uu7{j=Fa=jzMlM;d~2kCu#d+u zJ-MLH+fW;yJdzgQs~+CwCAR^UTHMIuAiFj3T9Xj3fnc;m6^F2*Nk@_xqV;Mv9-#p|mEo&9P*ewf4T)os# z`&?CV+-nMW!ki_y{i4&g<+E;cQsrVXhz7J65tr1~q4$d_st3gp9j_dCQ_Qjc9z*wYMdALE}3?96JmHfOM(Q=^4gkoW0gH{h(3FQeVuC970FfhzKQRxs?{t6ch z#%)@CDzqn$%jSD18K^=^1QWP_up97R1IayW%W1gF-OyVwjCkRU(Q5@UK|x{#Oy8_7 z;x&`dQqF5MV+M@U?`N1w(i#5auHsT*RS?D_+aHD5po?Zd-}wZ-u7g8uHZ%kT@7KQ3 zlvID7Y>yT4V~CFwkhiC{ZWHR zHAXZhO$H-KL@e48^o%)9vTK6wPCI^ zgl`54`$0O{{&;OOqe?XXQ&h>qWT2m)pO(iO&t;9imSPJK`@2WIb zg9(^?mFFs#l$W;k5uKoU!*S4Ew;4!0LU_s;-r8%EA2mtIX9{xvY9A6sRs!s9nJy2UD-@a+)+NX6 zOGC+K;ljJT0)E?#gXey?g#=p$Pcsd*-!nAWfp9`aT+o6l(ef@MOG}sYP(-#3e4Sq6}$mYMZk`>k7RE#VV-jR3F|_zIo+TdW)nDLN?_eHf zXf_UZ*nq%dU}~W`_PbZ^^%LVdRuZhT?;I*8nEBbXPwL%*|`{Ho{uw=5Qrn!$2c-r`HiPWB8(R?oO@ zipOE?oBg>?((ywe*H=`qbr@OBzvN$3K>d~K+gOFD;L$$H2(bSR|J&J-(~GPX6$_Cp z%oiO>Y`GIA53}>s|7b=9D%vmCCK-9&F$+)iSP3%r>Mx&b=#a;xR!}9|L#JKDCEju& znh4FpbGhr!&A}EXIN| z1iWb!FxLBG;g!hZO&{x0y$|Dob=CzV0WpNfw}8uX$a}6&o+h)GLkm#i##cQ{(I4uD z?V|Y;TF%|QaA zdGz{@JoV+i#kmB+#gJki3LFRYIZ*Y0jLqirkDUHY+%b4C&~0yl;nrNlf4A%U$etIq z&grW%w^s;*KGQ0D65@p za^x2wzWB(IH59a3_$pM^_iJY+1VTjgSei?3eP%TYM-{Nk6_ijvYsbOv>7h?#@m8OL_ir@d0?~de#+DKnP0paBRi(}c4>tR*^ zm?*hSh^t@T1M;8Ev->xkTKT<|y@)9fqKr3_wqm}KqP|saUSfi#mOqRz#u;RF-b$9F zMXLwR_>1WO2n$UEk3_goK_V@L6RCQj>Nt8Za@Oz1fK@48#b)_p54G{bzo(S}&6r6o z%&x>X&u%!428;4#92H`rG=i+3&>evY%7CG!fX!R&?4aeB8}&rFZ)>LfuFj-{oGktn z`;bhJYOKN@udT**`_Fyj>#2zc1R9;2b0+uGvl5?l*3En9*G0G#u_)wU!eNqH_gFp12iF!_|#Kkt8<7?hlhrA%{1_Mu&=u_Nkee)P|DKJ$Td*Z!6nH zmC$<$;PRP^D%>B>-PQC4YuN(Aj>(0KhbQ5&(Sz9S{p~6P7njGHhNPK?_^pJY`v#b+ z{vsva}dlF;EhRb41oRtl%io&7aWV{Dh5d2)l9FEA+cFZYvk8U?4M zQWx{0{=vXGaeS#56qt2`D$_InlsNu48SZt9=qoV$LE2AC9 zO|53paz_$M<;U^gL3ZnQh^;Z)E1qQCxc2a-mpJX=@%o|Emjo+I3?jVQETZXTMZWwS z5^MdVi4oRkIr1t)2y@z=*O##gsBur7ddNIF&$jJ(BD*J(5L~9b&}02n?w$vR&$gAJ zTxvVNy_>efz{O7MyPR+_%%VA@WSfxK+t5dc8{syjFYZ$dCucUy2VX_pk++wQEx;g> zQ&WuMyD95su2YS5l#R%oU?p?iZXnZOr5gZk)wj|M*~Qc5V)}a#EW=xfOa-o@MT-~uiC#MfSEe1 z_vjAxoA`L%3=CC?N;w-lxJH@?Ut!wb=AUY8R+)CqI?CN1oe!wAbS?r|D*Wm@7NhbQ z^Y!!daueQ@c#vlgVbV2Ps?&a@fh}D-tq|e7#UuX+XA-LrImHNJ4k`rW9#2~G+|n-c zX-&B-zeqw+wwAX3&H1cE#BL@>wO$gS*4zcKLE2<`_UR{?j8Ni8RhbwE#LU1 z{Rps3u368i8%+P0^nJ7TK?7TgZ5NvnB^;So=rO^N%`lj#LcIUVWto?LknNl%Bfq)4 zgedTZmCd(5X5}1MWfUb{+Z%tG6{Tifr-_4)w&{ldWcIU`ubqkb+8KP_8=`vB1Q*r& zV6dR5B_F-h=|lPVZ*FO}SYoU+ zQ0O}nJp+O$@7pT<$<7AD^_HZXnsH_!G@C7@|W;L}frp zh{0c|6;6+h_P+to_ifUL8Z@^T0vk{Idt+4_8vT98VO8eWQzR>?FbE??^d> z1fh9i(_*5K?SI~c8bbJ5WEm{zm$KHw$_!NEd>)0YQHDleX-ePl!O}spEi9;PwHM{Y zavCm=?+3u+VOK!cFZiM3G*e!Sbt9NOr;sZazU7mt$t2HLZ3Q(du%!=yB0 z=UKya{Qb69hA_CsaJ2kuAJ&N*uu!xZv|(auo4D~W@Uu?&=b7(yJHHeM`W$LI7CN$~ zZc9r8iA`h8*Dca;`#h)YEq-9(n8l_g!pmaFkx7DuXM3oAL9WkovP9PY^|~!rsv*wJ znYHY%-!0-Q+gK(3yszMn6mQA|_2+0PGLLa~2)tk*zAd+0pKt3@F}CtKib-Z!=^e1n zq zJ+kBD*~>+xYGgu;chou7r|_SIZJz1<1)P$6ONMH^pp>wn9o_yqfjMowiM@ib0Vl(^ zf{#jX6(3w5hNWa`Pw~cnO*0{J>r9o@r^bL4CGcb88I;FB3r+(bRmY0feV-b&vq;|T zJWfR`>+AfiGxEki{N1wn7dU^g49O~=Pu4co{t?yDr8|h6Ph3k-IrV#EG8N)iThDzx z)CiA)+g_Ps34%O;M-}O#VY5q_8hJJwUBT}CY%sRs?C;J}T_j1`ZDbISoq}#<8hv+v zU8eD-$XM45W&gkVrJdW|@~rCaN+s=+^EU9G!a0_@-Hl+HKazg(Ej|qc$tN~cfJIm^3aCG$XLL#u=fvwr&cMj9dV!U2*+OiB~z?M zn?QIBt(n}D?_STyAfkfG%|ibDid`RnqwY0_r5e`O%^;oxW?yWU1;6m*K5-?OtrAXp z9uHV5H-E!oyk+(Ld*al8Y`qWQ4A8Lm711?}7G z5v}EnO(8!1zgpNhGRW-fr-z3L2}1##+9JSuuy;fRE~FPe;XhiIMIg15;K3e49i z?XGa8OtKknv6qL z#~hpdos1=4;2zO_6TS?0#Hj_Uk3D0Q?HmerwRVV`2%L)=jF^vlZv23B$%>WQTBIHT zwyEoh@*DOSMC~}>v*&?qg-B77`pc=^OxynGXWgv@RjCoV>yf1)lqDHr5sL-&@CX|n zWEP{b}6Xy>L2 zYjT9D>pd2b0E$ihZ;5GC{>VQSsT3t*9o^wbX804G_}<^XxlSzMLF3_aKqM+I5oLZkuIkz zaz1W#_AlomHpDyF<9r^-B$FkYGUE+#U%=>otx#G*clThqZyzoF7p{&c`h`fw9yJKn z=KU~?&+>IY4km45$0v)(j0e}CNYgjb^5S(LE_Y3(U`34KLXRF8eGmM{m#t92M5`6E z##8Vx&2eQC5?CZNApe?UiFW zg>XD4llpQ*zx1pP60*DY`o=_+0lkCNwVR>=VP83yyTnbFwj%Bh*Uu%r)m19Mpy5mL)jkw#Mtv8 z%JiLad8BBF4WNr?(G4e+V2QmI9Y?b#nDzSNUa}jm7-PM;LazG!^fMn^H_b#SKen>6 zX`Nv;kiZrBHqB7nJuz$EP~v)eUBTol+S@=Eg~4g%B+(E!*Tzd^TL4*%KMda!o$rGB zL>GUzIqhn$+`Cn>pD!!@-GsK9(x~?sUDSGt81F9;rKQ)=CpU!85X6<_nUxr22UtMh zSV`;a;*`}dp4Vmzoiuvs3~xSXp%n3{z23CDc4aDhkTRc(4gRGyAz%USr+=)qxcx4Ei9kB#^8;N{?2%QelFfM{D{xOy%*rNxiVh;`oUSYH0Y<0 zS1{*U!^=1l-LAgAtrAHnx%^PqOYV7pXBKrIGjwd%-SVHDpKu9%!P+39eb*qq#7+XA zJfGAT*ODwxL^lzv`UiklxNFD+|C0Pw8i+7uklAjagdFHMp?sDWN+X$pSv^@=0wR3( z3|=>4FA!JL2S6*=f{b{&y`YA#!>CjOfW-!-3x zoVjBk?`p2*!`&}j6Dm9*yW?e+D$PpzQYk+ds9q|&j;yy{x>z5W);FBsAKGk(elnS^ z7ZThP%wHam$c!plH1G4`sYhs&E{BTQ>5x)m$=OkNcDssCH!sZ?%tntGR-L$MC ze2c1wYlz%lBa1o+sg1oH8W?nHjSbqda0gd$1>6GUiZ`g^bh57iv#`gCW{3au`~IFM z)1olIc$rWt-fa{3XLDTf&q`-;ZZRf-uv(MTtg26*t@UaxG{+~CHy2OG6&(y#g1yfG zU-i=R#c{|+$cjrBSmgSd;*Y1IECh z&`(hUDTZpSa0C}M8=!*d)W5+l`Ody5i$ee|O>KMcb-oEby$%Ywmx?8K=$hTlT9AKQ zOb^`-2Qhy)x{Ifm022$W^?ZJX0WTosni!qhFXAB;WFJIK=kq{!mv7?gdbe8se3fdj zU@?8QF6iaU@_4&|91jj5FP?U{54*-=;psP6?TtO=+I#w?H-&8u`itJ0JXF7SXAE+b zniStl>0GQd>YbgndG7XOHX53(I1u89y}qPamntE6uxH z_W?r{nikn~3AC;M2v@!xEr;1?aC?{HW}xrcUl>oL5;Ui2vGRhdr4QFct?6V72T2R4 zOWrP!ulr?$cGfXc)*Wh}k7ocfx@D$z{RLvt_-k*p*S;BO=OLPcwUE>;PRFQ@}pA@q91C^Sl!$CiOj0XBJ{0Dar4TD*2dRt8fqj127 z?DJx4JO1=I>6Ec5dTctPv_yj+#KnX!5PGWP5}Bk^WDv1>?YjA0PRJ+VZ||__ODt+? zYVdPz9`r-LGKzO{W`10C&8cr$$+uHer`vC2y8Br3?z9-%Y-u9=)IeIc1Qqp%t`Pr$ z6KA%ttNC3>+L`|wm!Ggh`8FMuXVKJ!JOIl$uD)B4TpvCY{a2B-+gNOQ(Y?6g`{mKh(q6{V5$9PU~a;k=*zrl&txS$^$#(0yUiS6Kv#W%~q&ydUb z;YvQTW`1X9$4~B&t#4*B@Li&CT6+w(mf?*UVXavS6rucU#=k!$@AxK@ixoUnYn&w(&1YYl2Dr-d=y5>ik>h zXnh>{nf61Nnj=H41&2(rQ~^-8(scqn7uYC96(vQ*i&kG1%6bUpqQM_c`PW(L!I>;% zIX!`ku-Q-;;?6V={)f<0oiJy6rcKwT6{zIoRBaFa za1h=2vENE~lrA}EmKQWJJq>&ji2*_W9(?nOs5<|^qm|>zenu$IvXdpoJTWciDSv9q za#aUHyn4QU>&QLTRO3&{8=K$N^m5bw(;cRCn?1y|FyEU9Y(Rv0EPCs8<2B(nrGvIy z8kjIOeb(V62jg}u&h#?9`ow!GxPm zjvbU$LkQZWK1OO`PyK=5tKeb?%d{c2-@iXDEro&Xj zVN<}ivG>(M=Fo@-w7L+zykFmQ)AGN(Jh`!d$?@TTx{S{ld-9n-P&Taz05Q~G3>{n(Hk02)IcG*-T^L# z`}q6eXECK^WX7i-avx?=oi{5lGrX%ysqoPx>{$VTDS>d^!QQBB^(#?hmxC*Ih3``r z7f3&uFd~+ihzZpo^apj0!1d=q2YZSdFF!)u@xv&+j8qo>?cX0kJS`&yj?S2o<;Mw;$B&1a^vK6v;IO+$oPXw=WY<`F+C2d|f@~#b zW{l_Cn}Bkbqc>+dHB@_|@s{+XBg9Xfh}-yNtcCoDJf%R!P_4t>Wm04M_+~*s4h3ct zGa=nPnCnoG;x}V5NlJ4E_i3U8HgNj^G(;S`i=Ltc9nWyX{mtoQcnzl&wI>fmg#KjM zWix(D**-b-+sKG?uJQh^d!ToaF}Jw0hnfR})WYuwDJa@FBW0p>P=wZ3E{nq^UTW_F zULM4Kozs&Esvag8s+qFG5^`8GBnpwOu1V^T^1JHX+eUj@3(!g1;N6fA-9*Bhs!)rw~sf_eL*U^kIlHkyyN z-Zo#{<_cphFU*hv;gE+VWzLiU3q5be4^rW->T4G_-PKxjT5VF~j;C%OHlx!l_TI<( z+CMFAlIPpwTQt&_X7vqaB5%*RI*v>eD@x=3 zym+vFK;c(ngS-2Bdw*!Nz*`l^gr?t6K=c3h{0OmA`+ClzsipzHVQt5%rsi&oy1eu# z=-kg~xK^)cbe4(cN~E1d^fr_bHX*bmBdWK5nYx?= z+Ngipx)gbfEqzQij6tbjI@+8|`T6t<(WNAn(+$!jMVh)?3kScYn)$EYCfH9Q^^J%a zW_F3RDS6WuJri;e8FDlvF~xc^KQuo&J;4y^#4~DMJulpE3$htm;=S>1;!v@*Pp@%! zsnprkAzn@QW}DyN#2b=g&MG_xq`rJSdoBWQJl;?cy!>gTn(H@2gPk=G={z)& z&f1nbw@DfqM&rhb`Abr_9H=@d!G!6}15-soOLVYOHpYh2R)M(efI=0F6eO9i-Di@z z4C0B8#m0*$E2&JHPnXE6Dos@8b4CD|jDz#pT?b!#oYczgj)m#TM(6YzyV|&375Ojc zYumxQs%JG9bEHku=yag&1N8<+ekynFOEy>>qX-ogg>&uiQ>KRWq*)Vtr_auohveRK zx|Nlws3;vcMbbcEl^reMQha}}EtY<#cUuL+9`4k`)$&PzD#M>NHiSMg_QhWx<_4A2 zL55rv^@iNDO*M5jAWOYmo30MshGzLUBCiWz*rUJA3q;FnSv$b3+gz*9+3|m^01-hl zVDiZrcSs+}BpRg-SBbl%-%>}SgV-WekIT-FRL?i3LnuVw(_#yzijsBJKuYZNQO~$w z4-v@!cb{?|I{>~OiRpb3mDJleEZh^XZ`mAgkcu@&>mq)<4GH(ud8K6;q7O_};4M?sDswTi&jNqKpk}fH4>w>$cp~eJM zy@Jy@Xj$W72TnjR2|e`tentwRn_v}q>Jlfabnm!99G47PL^V6DiLxRVAldrB8p-DN zEd*FShW5&*UtFnLH~O5}oq3YK&*m(Z zdi}O}#q+N$%%mzRPARCI?RO*-`(UKtdFwW%-!1s~GvFPu90@sm6|%b*2!_o=-f}So z;LSZtaqY@dTGm(k)NkU*LmykKtYQWuAGi*3OLwu4RP4Qj6?{{6y-dgDY^fOOK`bD> zH$x5q;x_M@gs3QY5xld0s@8MJQ=)=Gk==uUL%UM&3@YNv+gyV!D&VNoeW-V}W%)Q0 zEn}=M05h~0;jsg?z?WqP%2eM7^&N%TQHM4it)VF#@7zB0&EKyYi;;2g1i>}7e;@Q7 zRU0r zEMm4U94(%0p1i7`P+uyzo!8y6H8Sjs-$EBZd{K!Q?h_F_95yB}QJwx22itZaao29B z35tf|ztQQuC9vM07svaU>f~4!5kM6Jw_E7qKYXHtrfP9gohA|+6M`jd!Y*z%o{~l- zrj;}M&9tiLkNo5cAc#0Ot4Srk<%6Tw@tVJfPo$_pS}P#@YI?66(@fCa->VGEGj39?{8iL5457l!9z2!Dk#h*ke>KOqs(ONQ1@Q#|oN~5FD z5(xTfV!xutW@`c}`?zJKez?2kQ&a?Ja>JYsN;3rd>7D<2zJw!g-=JCNf+{Y$ghiz< zLk4;cW1^!va}s|-_m9z`Xceg`LCcJ`Z>k)wC|Ch(tJm9tLyJn`Q89||3`2fBa8vCQ(#CIje`C{rcb}+%4UQ5bc zh1!Ak8!pyxC!o2RKwz`ECFwE`v6~TE9vf~U;Y_l+z@bvwJxFZ&vD~9aUfv*sXDzxJ zgg4@Fx@&ES@!8rgNt-q1>#I6u&#)gvGM6isx^(NRklsXZp77{^y@zpm^h38s9JG>t zCotVMw2i(=u_H)wK}P-keGhjjr-%4t!A|xa_gWgU@M|~Hq(B71`AG?EROU)K7Oe(- zR^#w=zrvPESdB088SZh;tcA(&JI1fd;r zLADA!?|cE3dN(3U``2o-W~kK24KP9OS7wY0V%UeK&n8uMYfe41G%f=QRo&FQz{~p4 zf?rAud}5^NpqEOFq2Dz=F_afRDISj`L@p0GnUQ_BRbSWGsb=Ue+eg9r2%8Qo>qe25 zVzIQhwmcV{I1dzGpcf(O>c+xzrZuC$AvvgWI%P~{N|iLC9w!>s=UgNe0dzji(Jot( zOd*+cpY?FWvOA4B4GL zojzYRZQku1cj8u2QY!kpNrX$)rJ?NF#@8wJ;sXQS_GSm8rg#&F=jd#V+|397kj~-{ zGonqTAeffP^~s4k20gQ``)p9OTAqN7mPphv zwv(I9_s9T@a9-z5a3z1+kGvjYBl<7}|5QYu8nEwzheE3QW#S)HA$uKwA_C)xLCdMXeLhAHcm&COt*OEizWoB)8T zlU7Gy_A7zF)04`vHKgk(+|*^+-$x+%<4egQj2@oqHuSBvTV^txku8^m0SUATey?Mz zO(!*7&^<-p3{=U61ibIg8k&!9gQ_JgYZR@w550T)`Rr-fj}2HRP>l?8r8hxl3~)ia zJyJ1V3T12Hh=Fc@&cdeL&0_@bqP{M*BPa;5HAAil^sBv*D9CKpe6i(Qa~-rM`PY0c zy)yjc&1wYro8cx`^mALVNOco}>bZ6ECx z3TIHo@P=+g*&$+t%=1h9V}Vt3?=QjxXKQPNsZW84=FtY}yjVhoKVnr8sG80`|+_28K6VM8+4;hYeDamWQU}tN~YSRArKl% zMMS;x-oB*mQmnW~>kI$zU?kJoStEug;`TSB-d&K~pnoZhDHJ=#+yo#F<5!h6SR!+8 zR%IooPpc~P>USG#i{W8BS^~7`U4H1Gc2TJUV$~}Bo@-Wzj_g$DNUovT@SahHxdO|^ zhqoF2hOD>RwoE$oAz|Aee)-8|^-*A=4qlZbWA|^mJ7Tf8>NQN(1rAsD;&OSc z(8TKBebI#YqPjQ5?-ihblsnX7^fEF!wf@X_S%NKuYRmd;xZ5inTCmdKn`a z!CG!P3`G2oPP5TPkWX)%?sLU#S|F^3@6$2HL%^T_P7Q4v%l-#9g{VSPM1>{W;WbUP z&M1wS!dAtYACBL}#mefrXl|q<`#%ua878XeY&6lnXfgcaWt2ikOCRjdGBL=law$2~ zcCJZu?XhPZ)1O~l!$FCYP%FI`J*MOQ&+er-6riLBj5YG~mATbd==tCh_=BM#THpSU(w`wWYz8piJ550ZwMy}IIGRS|P0#Rp zjvNGbN#0^+Y$GVih8`r+1)&yPG=D*|(UPJ^b2zA<@IBWIPXWIKD4lv{-xzPCtyXYv zG~ajO;E%s<{+g1Ceg?k@`C6)X(rPq8H7OVlx#@LX-2CYE)GVWevSOTKBbNlr2uWAB z59emurxuok=qF>x0uIa#W#9SZ0Ky@ExW8^?`+mT6yUh|Iqm)J!N<3jrr%UYmjqS3tE+3e zCyai5S*quLe3UMzamyEdEhY=4-VyHQ;mY+k1-V?nvVkmBDU(m(hTTB81ZVehd5{V$?wrhkmWDYBZ0m|!y^qQ6;0u56$d*`iz%R%qdFc}eU3SL8M_X=N z>STnT`pqTa@KTv3Lktwdt#6riK#S`Hm2(^zc+^+MNt|}g3%@z3l<5DuY#x8F&3Qjh zay{vk-L4rg7IS@(JHP7>4maWSl69fG3kwWX`7p0`Q+cF=*|n?`^d0^`q~d7EKdXz` z@$ro1`QstO)lNpLsg@Edp9b30b>s*VXEf;|<2D^Apa0UN`Q)r}Y_CCd*}pOLJrtre z8o};EDCV?F5DHXKDiEy3RK8%k8K-Ie$J>qlKQDz>rkOr$K1CnW{v1t4cAM6m66GX+ zA-P#;1|>Ueq5$HIB49>iRHy%nNy&c*U+*FwC_f)P+j9R|*Kzy7(eA3h1pq~hQ%zL$ z_Py})_WtsFr}>=!Vs!spo3une+nw)TryQ)V0%YCw_045BtDxh~jCLok$i3;al#rd> zU4Ki@qJWE|K!yH!Im^xJapJ9lsBm=u%+5ijDeJ;Kr9C~CK=VNBEp4~cOQ7CFh!jS@ zAYaykJ&5|0`W&1)boig*Tc_fJ5ze&eiTe`FppzRvj0cvzIc;O^Njyx=K=un2fTHN* z!|`G;^%nV><#}}6|N5+x-2hqqf!;Pi0qLF(K6JKGFdlz+QnVC)xt1`7t)pp3qqp{i zF;Rc}^Qtl^_)*G0o@|XMEm$OCebT3SvSb;pU1YLp>!`U9zw+3~850B68JP^#h$&zi zCwgU@8rrq#S3bB0@)Cx<#%@J`qe?L&X_qxYu2aL@(g#$=64b*GBX4))zHM%?1tpE@h^T)~x+{Vhl7 zCL`IqIy8reBW}V<)*h^&K3^%M`$eN8izi&qJN(u!PWvf7dQt6mRNmMNVVf(I_E%Dd zY&O44GNh<-b7iR?5AyZh(8b{4#DWe8%3gX@Cr`K_DdN7sC+Erd-QpTm>z4PJ|IY&0 zFNItzhg2_-CZcDQ23)%)Zb*k5o$y}}LjLwmPphi%4mgW@uHJ!uO6$;74LMy}J+2d^ z7gYaN0Fo2LkKEK+P}7|LT(V<(0MY~trv6Pw`(6@MquK83o^;sYPIyLb(4Nkit6^nd z%PdvSpBX7_>bwxXw|nlMP39xola7rFpOHX3VVmWo6MxsQlZQ5Bh82>}0-vJ!5t$KhKPt@gLEqoj zTDc;9>vCKC|Iu`w;cWhIAC5h0#42qmG1~I0k=mmuX{$!n2&J}4D@GBsW?LmxjZ%BG zYDTRRD^_hKXozIL@8$!0#~8H!Eo%A>CjU^G_6@ftZi|2j)u zpwk{N`eVfGXD0Yr3E7a{&(BY+JZ9Hho3&1Hb?E9SjWK0p#h1N9Dbrs>y6 z<{bG|OUz02BM1bf8}F%KfMA3Daa>o-*sB^VpS~xmWalE;5r)=|UXr7p53ooJ;4e&7 zQEbXu`OGos609!C#;@g7I5^jc!~zyVzVR7HMx9%?LEKudNPLnG5<4rFl#4A39^whL zrmkGELVA*u93uO+YZ5bp;xAq7gp86gDSXcMTBdF*ztAZVCpnLCw_5&Os+HHh z1de1+VWzK1lcYXm>C|@3U_-9O%hC~myvpNfI0}m7{stx>$m|TVXnUPUmeyE0cJB-S z=84A{_u{|4DfvkXaE}->4}54!3Mifn@)unhbT7MD)}SnDoNcyH<}L<9$r@+m3y0Zq zJquK6y^e`Bsy9F6bw-AEVV2e^lTZ=C$NDkQTwLEBo;&iA?K0Mj{yK-pOhVS6J&44b zjCBCrw%NuxQvLS<3;K^^tf)#iC)7IJh+p-1ly77J{*1ISQsBw2nnGH> z;o!ISy+6r;R|#Vg4Xpsx6-(FGSqvN;A0G*xZ%Ic&nnHYVb8fMbA{>v~P4z7F7+yNK z=sNT@czXeSW3&f)AxNEFd)&1RAsh29s17GM4B8PS3Tn&>X0zSoP`*AWo?lWj^CD*k zmM|$dW|5ISK=PHPYK@F!fY0a;yURiobtJIKlK_fI&Y&>hcx8qnUpw;cDZjSP4ra1( z^{dd=Ks*mVW7MfsuS}5=wZM5nyW&)8%@z^k$avKP?&4NzS=_Y7vJ@X-zlP{2e9@P$ z0QY<128~#n2>%LX4ZRcfv|vRmO)~I*iyO~_$Z0bqx(tauJy(E@Vc)VHW?2$0)K+?4@!u1-i_@G7 z&-mTp@@8-XDL^Veh_dUUmfh+W^HsjYwckSpC=&!tVk+4^B9e67pog{dv*pOQh^`$- z`1PdACc=wO;^;dchuv|+lgh|$po^NyFDzI(S{Kb(#7$k~e&x=VF~-r0bvbtW)EyZft^E1EI9$a3a3T@)nUvJ{(q z2L|zQ!=~TwLe7p*iwKjkM)M&nR*QDhp_d-L1;~%E+nlsBMK!+Jl41|!OlI`|9pcY- zJbO2P37b<&D>5>W&4HmQD5f{>z`|IhU93({UXCs3w5gwAYx6nr>55Q_$Aj=@9TaHX zed))SdXYD{v4VMUxE42NyR(fg99*|#MMbM9BBkdj{9udhBl}V7c9I^~y&HU7Y1*y6>Le?Jd1O!*rEV+%U`afO3#~k5XQ%e&kZ)O2ZX;;qzVZ@xO=L z-H`#3?eWOr{movhHLz&i8^^f2Kg&dkv|1brF#6~3j{S>Hf>43D%)!#Xq#!Ah6)GSo zL}Jq`xG4_zQAExyChRX(L2JXp(R~)VdChLo-P2cCShIzDcnz_8XMnh0dM*zB+N|`! znA`7_K`G6mO6+;yEwB=Y5T^*_O&T>Pl*#Kt4tFOnr7FDV%>f2O$MHrn|Z_4!r;gh)Dxs8wB?aze`$h9Ea8y=U4Bg)<C2{MmP%di(tnlhDg7f3NzFf=0sjP!K(HmzSVwE^ zzlSK($b!plaY^5s-n>4hJ4n77Zc!Tglv8_TWYf4|*0vsNOwBQ{iZv66kYRfRzEZ>! z_}Z!qx_^Ah8(a7Wlbvi_GCLikUxZJm0bPGw?-GK3Ld_24AF!Zi*FIgDK{0ZQcQ@eB?qHn! z*D#QOyT4-PbHxj5`x5#gXA8#p`a`GxqMo48_rk{G724}2^wC~Qt3sYv3%7kq>!j@h zDNPx;qR-gUu`9;l*$Wyq!9fTEV%D|GU52;7oZ@EE6sk_hT}q8d&fTE-Ef;%sFC6SU z#wDxTx_#bIjff51XK1ON+Hv5Ab@ZoXrc7V@eMm42@ybleI6JV^E%woGk6%dft;yBgumBs`RGL-`gQw{#LSQD;;P$ZlD)GT(KOLxB!AFs-F%{{FH)Z8y9KLHh zMSgHoS4TYG$+~1x21e+@#_#_4?ozfCZ`0D?NeZwS%Y=VseBJpi{TWF}4n{pT?B#`? zf-bM@Tpq47+^c?$pla=2N_%9i|7h``nv$q-^6lb?l%t`R9kN=eVgHk)qQTEL*W5xh zf2Fb2uqx9P?r+Z#a-o}`hrf4AN2cmkb0B%+5YD~gT!bvOaQlcZBU4&wK?QEO`{zDS=^>-YCN#KW&Y*-nv3&fcZAPVen^ zuUKIQX-8}87K~z~HZ67U=A_^#-7QC?7W=P|d>kbbcyhN-0cU`-^<%!sal`6K35FX{ zqDOn@=k48rCV}Mh;FtxI#=lET!!j(|EXu1F+jFOLOG>QHGGy=)qRKODY5nwsfDci{ zuP%F9^l#5}tD;o@r?e_`9(R2J+sNIP3a=>0@H|=E1}emLwZSmS2g>||rErioL&XO= ziF}XjlvX}Q_WJC{eR2;pZ@cgyM2+PeZtKRsCkWlZV1rMO_}}JHJ$f4K#0h#y&@1ly zq`XUT7jBc6F8ByWmTEIY>1ekGk1yhC(j;l-Z@IGR$FRZlI~ZSdUGrIt|?WIWpK%UXFHVbTrFTpJ*!?WU3^H&WyjfOFk=tmhg;iEe-w_p>~ z1f;VgbI*5HRdojo(%k7;==o0j8T)lcj*r@tFPB?? z7pI*V4u!W_g`wf2(YO!cd~Hhlw!wSHFUr-Y^rzU|E^}y}F8j@$9ot@PpS3T!%SNRB zo22V_%!nlvbajMVS<*4wVEl96Y@TrmQDgu&U_|!bu@ic_LTWi1z91jVh59y$waJ$w zeDqyMr(ImG(t@9>zMtB>h5|m7yPrH;yBu3wq=}n+*U@?h%3AjAO?z3^w(!|>`UIhA z)wCTgn5ghWS=y(l^(q6Vt(|-`4-u`EFQs)Q3Jhc+?)L;&i_S#P4q|Y0G}LRG z2{bx5Wv8~+XH;1P>ezS{*bm>phmrs>#rNS>83%}qIi2`Z`oghv%|Fu3*k)`x&K z39&7!%fjSKq#re1XrnrAR^eL88Nc?;t&h%1k}23nw)Rw@3i5)8L-`YF&ws%mM>U=_ ztI6_mz+O0TsAuw`7~5QWU7Y*U;XJlOt1#1No0lSYa(AfQ051B*y+_i=Ah4sq3jf<7 zIW}!(<<*qSMRCWK-Tv=zG6`0T+*Cq6&}qtZHmzUx6uRu_;m0|oA*txul^>+0+} z&(_k^X){-b`ejrb%ZJaq?^qHDK$9QtUDgUNjpL(V+xcAl|u+7PFOA;;?}wK|KjNZt%Gnas6a05qZ1rEh}*Go!Z!4vlebn8Fh}^x zy3fu58{929V?H{2J9`0D6K5;H#c*)E%BBg!;eE4L3)=yk+nSH6a|aSgHxk=`cVT@_>Q)wo~L70 zF6_fDM2*?tvx8dY)iKJHdU0`<+?y@;+FC{Eug0=te^ZmoaxV#Lu|fXoV}JP7R>itx zSnly8J6ViPB4=&S;*I;-yp3+7-vO;4t$1nm&@%$>s{ztKd@Zn|i^I(lLnwu|)bmPt zc%}6EX!3tl@m^B>cVd^6V#tPu-NU^ssdTLT~t-%}IAKI*2jE&&oNSJkO;7XE1!tozJe@;81t4g z_sOva$Ce=T~&92#gmwlp-~Sd45Z zEiE`pE=%0kwC%IhU3b{w(`u2la4@;QxLsXraB42up#HO{J`KRcu6KJ>& zKSMe04DWfnm)Q}74yJXClU zY8YvYsuFa>XJ~5uEu{#y5C+`?IMHx{yv&i~*D+x|TtorBC4}Y@=Bc?9z z_@ol)WE0;gE**7dC~8ptDe4YeWi(u>s()38_pLhK-D{@&qd3q?Icwh4DIzLZrBZ@| zZN_F0ci`ZA9&qci#+FHrBho@V>11zVz45zk$X)~GXDhZltgCeiOldX3gMuwa?WaTP zT3qPstEDELF&_5+{ruoeiCjg4Q9^6$I!F(3s=U$HMi4)pN?fsu5){a8&_f6}-davM z+qjq2h|`*=N=vR{lRn5=y|uFX1QP9s$kDLfVOx+Z&xe!Cf({CFfzX`0Mu}K=*zK({ z9S@}ew&xM$>VeoPH;&zQhk&UT>Gq>Q^L5`pM(GF3c9~NutFs^P zKs=mpXbShllpd42%={8HCyg$13w)O^znjQcSEwxXN#XuYEng4Cwf?)!eBWDJBX1c5 zBDiGxGB54VLH3mH_>wE$1;Tyow=Ty5VmWE$-|XZY_mo&YQ9fB+-WR*6)N|9*Z!IiR zmV=_(3fsR9CPh6hy>y=u^bD?jiN68afhRn>P)YD9)h`@ZmCX>>YFPsMFM38kCUk@@ zSV{+#xd&~>;U~ri`iw8#$1Ql=pG(Jm`xgG2sv$U8zmym{{hceCQ7Aeob8dPzZ+FF8 z{jAXTG3UNv_R3=jGhOYsd`duwCLhkK6&HtcQOWzVf*h(x!6nP_)307BKpshL z``fs`s@VxqE9d89oRR)CTr$HaTIa}kkGj(P6QqC-R8f4LtH;n2D=C|5vMO(~R+eVY9+IPJ}@wap?&q7@zIc zUCu98Z;AEvD8yEa@xnM0&bhW!zdQJ*uMU;+OzIxn3z=VBCs$>IU0fm)2^eK_*(sJ@ zR^ylqXEppL9^ahU0yLyPil&ASzTqqz-sn((&f2mW-6bjxOor4{U2XFqWR!#tF6=79IcI zR~a{ouvr5@`=fd0*=Q%;rNm_bbGWd>!I6UP;Bzl4H%{7?yI)|o8D#Uer!eBWa9YII zi^KkS3uE2E!h@+ec121PZq+Kn9u!7W`_Q8l>v$DhTwU`$O&J{^j+Gxqphdmb?*cFi zcSREyW^|VNM0)Vy1_Hh3k;&s4eTO9h{Op@pIs0H?PGdkmLhyP{xnBlYJ7(d9ZE)rH zLX<|2;tPc)oHWy zN-`g5k|4ydHRPEIM0XtGja_8Lv=F}U`Idkmz8rQ#5VwQZE2Q)#?p!$*YsNJ+G++LO z{KFOSJJn=NyNs*ipUFPGHfp=C+p2_ zOuBZFj=$5tvaweE$IiAfcf37kw-`reFSRyk-%T8}t(^p~Z*Q8`|^`)z#0e8(TRjXX= z7=YZ6e!mhp@;yDC=Dsjf- zs|&^zisb+~lziE&?6`+oL1!BZj3s7FR8ssdEd2eRxLCR&X#p&6#qT62)9!u1 z|7MwvE0pB|JlVQZ`8EHhwzpB$=U!|ThSBot;F0b>Q?EoxhX?wtS>JmIHz(|X z?dt#5S3Zdk>%kOlSTl}M=~){JI-(&(6PC~7!6ICVRK6e$p~K}op9idd_D!_~GXV?e zLt~lrjPyiC;b4i(xmaxrUKTYgVx-U}KEyiN(#7Sq{X42A%_1;I2C{V7>&5(X2_bk_ zAmO;JbfcDwDs1!*R*r2TymWNb#>zSQp|irGHcfW# zKpkpQ2p>Zt)AbUE)qqK8_Tz{2IeqD47jdQJ*U7j01}MoBE2;gBHC8xhJPSRIHaPrN zPh$Cr%K?UwUi;0Lx7^&!61Tv#-L=I#m<^1JEGgA()bjPXg=9qu>G%Pm>E@tvU>cDU zOtKHX*qKo!+D{*O&Rgm73PAFc7%Rk2jmyGr3YeiGhpw%NI#G+{MQyY-e|IH1KeHqi zbsor$D^lp>OI1)XH8EZ>cJL6_`;7e3zqS=g+;FxbQ-CstIE`3~f4L@H`OKsg-i23+ zT_PM$6bd$Jh5_)WN88SsEAqVcfzuk##`ti4?CjEWL91D)t>)JUh|pB^kn?_M=)uMm zz@VJ*#pSF-w(q%CtvgtaiG5a)-dsBO@M$JJk4^#xFKm?}pyKpGF<@xE5ApZY+85H) z1>{EGq#}}xrRvS@h56uz8>eT~g^bp6(T_=QhqykWY%na=b4W*!&p;qipiX{umrBo* zKSHmPa^{I&?j;Xv4c$`F>i>}>BXEvI%YUGnHk{tXi|JPTaS*-4y zUxsJQ&vKXS75NmE{h8wlh1G_F5ffr+%@ix7z%q98WFOPgs8aH!t@XE&$9IhJ_2gp! zveP?U2z+4n;eUIin_D{A%Wvj`hHppnaYfE!OgSJojG*x1MFDxV?&mgrl3D<9;usQP z%G?^6`4SCDwyaRLU`^-k;7%CAhQ{)RvFx3koXSY*iwX;`+?96TuZ(=h&Cl^;lr{hR4t^|-)W`QW!NULTxn?7ExkYByalmizr!9UjORuolZt7UQzvhMM1|lEUy@@?d#+vQsufZldY+ne~3PK*ZWw zg@$|A07urOQT6|40isRaA)6MBsNadEk6fgX*4~lrTWU&xS`#>>B^KiNtcoSzQjR#! z%uAq`%^zd-~O66dr3dQx1%y(URhVt7#eM)Sk5yXj32W z;DF!0J;K0*P$ezd!xU3w!LA7#fI{FLD~a|gmWE}M-=}UeS=_CE`;g`=4 zVY9%h>-ot>uhJph&EP)VYB(*d*>)u(TFweVde&?RQ9GVsbCv(JnJ$NfZ>+m#1$j@UFSC>VsFNQ6~CZn22y@0z?BlVLlG!lZ0NaOHxnd zy9YqvN7$X3jAkO+@M(oc4Y-=D{8Dle1CAtT1oh{qT5K|#`d9#f5=rCcxKJ9GTe3DL zxhDH{>1nAy90LV&!eGB;g&?1@%%rE^&u51EXZ8!#a6Ku7AH$yh*THwfm;S_x+e)>J zabd(r?voN#nB!_zH`krACdrVs@BZh{%}erb!~3BOs{$rvJlv*)Ow6w6qx`7s$;m4m z0ijldz9Oot0%Hw&3#q=`VUM{>K-I-jKV=!89B7@+b3usgr(+ zV}& z(gW*umb&k-)qkt5;&xR0v)>)C;oQ4q7@`2!vyq?%tsb2$e*dtyw>RFoyEu{PY~v-V zQ#Zjfi%TLcPx#`U9&H{h*QdKFoXK>VlWRlCC36(8dca-~A46TRl78QkTB6$$+1AaEnb^Evuz^T=13hu`Qu>u~1MyH>{cmZG-UHb4^TTuX@FAbGHHTsq zNfeC$77E+7`5SqUub*uQ{FN#Q#*$!Z(~($0lCacuqkxG)KJkh;J zOYQm;Dhoj4#ZwODl8u{>4}G{K{JY~Q+K=i#zDXDl96LBuVv`gQE-gWC#i7i#8K=XB zp!6QrpYI6Vgl)fmZhXVx@4Q7PnxA@0@CD7Se3oFVG2!S^SZr3PABy)a<=9YT#;vP` z5;=FS0feQpZEUTrGeZyessyd#mpp&fW8RW?T&wW#bZy}jV7N_L!PO4t*qnFfoHi!y zugpwcqt!AgwlgbX3m!|(C3#(SyV6=MO0?qXgZtu)?!%XNc7}Y|m`(=BSt%H64?e?I z2E^g4`5TFX2-sFIt*GoR0zU;|`qbdBFyksfAOPnnt#PbzWS;AmQE-h75i)wMPb0VEUtN{8APi|fN7e3O+G zo~#k?!i&Cee|uwA3P|>Lm_Xt$2A?B%U*N2wsr&u&p!k2@$aLpeerA+vN+6)|yGH<=_Zt$p-sqNV#NInMD zIQ22Z^ZBAx(&L(y(9@nL`#(7_Ju~OKCo9=$td$rjPKus*M1iiJ1AMJQ@brg5-q@d9 z!Y>~`vV0!JC`*QNCX#1C>3vk|)t_G!80X>dWikS4Mp>)Qc)~Qse2~e6$RK09EWObgkP)Nue|aJOE54{IsJ-c1YxS9kdKtN z$rREyh#7IYshl>KhpI_C;ge-1#~tD5^y1}Q025thd%E=kc+`(bv9%nZjoGaQgE@rV zy@H5mJFX@!#{c;?RQ7=Ne)9#2wrGgL|23ofv7=H#UjpKg_ezThNzoNb?w5Werd+>1 zl*-4L0eG31G^7+AQ;81TgpT->@TGM2G2vC@I zMpU#gV-p(8>-6Z_(iCciRreC`NweS9nCTdHt0u!ESM8Y~E)mpQKQACF!ja<}RVdfs z%i2P;+2@|ShU3%g?Q+jHu{2NkbA!y-wx%Ik{~1ZU)x&L?w_-_I`{suca>$MUF#w=g zpP4v+%bmp$1$sYvArRKQUpT}~uLV>7+O#U*WVE&#>I&NQr|@>5{81~U+ckejc^})5 zvja5&%KVPt4tpHCbK1KqyiV{#^)I(pmsAv+D5I`dd$lOdS|nPB z{uYvL9Vl8BPrv6MUXL|VUDsxu^(?)gCsfU-1pSPtbD5syTZ*FBzfJE_46}N29|*wm z2A}`^1r=OzvgE8%m70*H6C6~?F#h%91}&fg38w7q029F{eMg6fQsMqJGY7#MhwbT{ zvMQ_mT*BX-*KuGPpy0h;5OoauPXc>reR|ZHcxFE9%6X|LG z%BP=09Ma;YE;eKG^t@>k5H9}$;f?Vt4y8Ol8|JmcGC!<2Hv_BWXvQ!It-L{fh<{Sa zJ(ht0LG5ujMa9}UaROgZ476eQ`V0D=r@C&&la_|ctBf+zF4mZ$6=U|u^+kv7n7&Ww zFP$B!y1eg9@8!<8%Ss0DQ9}5F&;xrp7yo#F*0)>`UbTcA<2}=*rG3?vXdh}?E-(0E z9@S*bDvO1!{Gj^w8q?}#O(GE7(*Yb8RfM}xZrP>HhRkgR%)f&^a{y0no9QNC#Io=~ z+Lm+C_H=Po+BP&Y?3{-Dj1qLZf3+3JcT=9poGlM(TmbMxWN-GaS8ZA>gW;5qH4M30 ze@QAI4v*FW+uqMgO`g187}4#VwL%-7;l@v2UQkNZ)noekuBN=VLCXJ-F(}Ya$af%6 zG?%$!{2%lC?`aekZv#R=At<)@Js2ky5i66K>KCTJb?ZTQUnccKUcQ94sNgX=q5v0H zzSZRKoy@@30c}^KisUOU;<$rGI-lHE5o8^n0)i|Tc;Z_!uF4uc<6b-EeU}<@OQbfn zLgFpsmQ3AHx4VYGD5v6P4!{k~e;5Yo=!`SI}0 z(1RDDT`=SPB!^tIX~y=YA<#G!d5uaKbO*J&;EJ1atNHl!Jvy$teJTSWq3nF{TuT*C z`O^j4RE9UJR_A+O50^?_v zbX**TugPzgV%B^u3^fpF*ip}IRD?Axh8^9VOaj0fi#z_{8pO>j`Oo*iSDA;6IU4xpC*+yQCXW6k%F+EA+)6J0dmY;h?rg zOgm$k*y_5{L~lEKE9)!R1zu#F^&-^hDYx#gb8d?CyE!3b9*&ZGdUA?ff=XiI1g~U1beh+|K!Pbxf^lB7 zu3OTx{Wp3>MH-Datarr;=xm$o7jFj|au*qY2B%iAR^{n_C2Mg43&YHE z7boZOZ^;mPq5#L&ub5@4p|G?xB`2!Zd2PLvmse{0?G285mz{Q-|DM!o+>u2&KPxto zq?^y;3f55Qx-3RT->TE2h{b7x9k4B7_0Hr(cbBtJMZs_Y+Y=kxX`b zOF7?{(ejElpaWg4Yr5~@4ZVZy(jN73+e}c8a89rC(+6UtLVbq{70EK%FF`*UK3^_; z7v75Zm=5}0Alb{7Fyv}+SynRtZ>HswYF&B4<_D63$WiYHpz%@mmOSN&3T%1BLJx;m z507W}+*gp-EP^9T9p~i#vT+hD;dCsG?Ds>SCva=Og#Ra0q~LV7*y7TVYtfUJ#R9qY zNqj+$*`t;?^;RbEdwBK8)o-NmNiBHP5U|!Xc^Qo^=D5lu6fsV|OO4k920wmxA+-sd z96>FgRE}T7TXrz0&M92558}KopyVtE=WG7XxBZi2C4JbY; zK?f^!BOGM3sk?8{N2s{duTIOAJ1{dsPPl^DKuqW%Fp_{TFeg}wb%lZSB=iP;Qq=I) zEMY@FmBdDgzg7`nU39C+{CB8n$h#hcj3@&@gHSE?oB*}X>TF&@s@yav0pAn%QYyG{ z)4&3K%Up~B0Q--10_~%aTZGmkvn=^StFiqdpP8Wp?K#&VWWiMB+`f@Pp>xBWpspmA z+r*w))Q(zsEmyDJRnb%Sus+F;Ofi_FGZe0wIxJg1#-uu=h4o}Ov{Pl#Y)a;uXMuE;m*0n`Kqn*%8RkF;4Ro@ zx*2gsX+PGv_R7h82TM;SJAmxw>r&2dIZCuWH_r(H-T;7ZNZW+S8kp>UP5O)0Vi9-N z0#zt*P6?(M%XhRw!litna^q%dbMh`t#KS-7UaCkZW-?Uc~dM8g#^x5$MZ`-=_y zM@QhdtwyJjuU*L-zQ5?;mul`1qNeX6H4=SY=v2s)JE5POg;mCdL7d?5EBVwAz9V^P|-Rn?D3j)FT3{|Ka%GN@FNX)xZ#YeP>Um@ZVx5X>+qr z{&Pu5NnEyCy^<4_s`g|TCTY^O zI2_!>h5dvYpo>>da8d5qI5RD`as#J<+5_DxALY>8LAxq_dbXZC#UwdyTcO63fnC z+Y;u8*dCTq>|1+5s8d=BmPnDP`A%oV9!ZEC;%;(Vqcf;~zhb3*g_?swu)*EV*Lo`z z0G=|&W;&KJsYO;2DSS-Dgmd&4j2qiVri&6A$h0ydQmgH904jGQc%KYPeLgRD*O(-(O*wp7DA=wsCDn1-DH=m6JB1YoM`Ac$!!!hH!#SwGvn3p&;jYQ1w z59-$C;{eKky5ikV1I026Ks7BdMy$`RPkc0a6~xOJKcs3#NcNskAa2_;L5gm4B#wLA zj9#`YJP}zY&YT7RT0Y+cyt<8~Zs+5v&}ZxH+O0AA<{w^o zWfIAGqtM5C%=kYJ{=&|)l*oXkB$0c(LA)ZKC=D(lfr4W~My+94HfYyAohW#i;kkx8 z0xEM5J>KKHS;=>x1nkr49tXCf-Z`omJigu7ax%oF3)#%yCtZbAp25V_P7kzLOC0aW z;-E_0z0MWCTI zGS+ZM7`$ZpjQQ^7kY6e5Kz(%pb(lhR?Nu}%r~D|qT}$r$qh|phm{lVulOH~DVV&iw zD!L=|=Brt+a~j($WnLRqw44-e3OiXlCRsWeIJamBY4rwV7a9YGRZj}l#qQy`yLBS! zITEP!|C{iRC{^_67cM;camhYZjh=|(gJH$n@S0R7&6j3H9Ev}qr+QSwpWKnF!=T*P z7!sm&gc}N2?7E#N1!Mbuphx&lZw}_TcH3`KOqoGSiy1h|c3sqLxwx_~ARL$W#WfR0 zyW88(hhi9J_sBdIm{|?=$-vEbE;Da2RA`;c_d1eDGwmS;>l^>xEwX?(Ts|jHjq3~0 z6FX&K5{0yD>JK3B9HTxsaE~j z$`=oNlxv&0Cp57|)S)t!J_A=Ye>w3tG{;%*;p&^81e6SVN#sQ zzgVi$k$)9)aqX=GSH{olikunM!{fc2Bfs>C`~1ACuI~M2B9%k&?!oLw>s!dUZmm}A zuLg`nGVmvU33C)=Eiz^N{i^FtZ@_BVz~Et|lL3!Dy3R?|QqB2Nlz2+RHO1h4Qp0y; z!PR=IQN7CUCH}h!BJvg{8@W?%Csi}^1AIEd`QDNHg)QO9Vh6z_)x@;zE-H{< z+^|fHixgjR+)QLVSiE=0{ne{vpRB@mJg(L-$7(ga{;zqtE!CguGKm8~p&P90Tsu+p z%R4iIZ(<}*t);>0kC)XC_L&e%(}SCWq5CPJhlTk_z(($==svam`HxD+K=tS+4mq4g$ z?}nkN+a?gegbCL?9_$xbUa$mKY~QUKwAm`$FOjyHo!)lba#(|XC!X*v4w2y@&ka*h z@`-D~KN<^6OM>=KAF(XhhmNyo&viT7T)#d>Im>3k%||WlRq%>uK&hW{K-&6d4i^_$ zq6ifj)^;V9rK+2TgEct522VbPrM1+H)t2*D7rO^zzzx-a_bujgCZmk6HOtNdq=fHQ zk}24AicW4wLMQyo@5Ev{21th$Qc4*40_VoErzAvB8&CF_Jgy9dcv=3w@pY8d}Rq&l9Zk9-hjbTl1`Yd;;+L5+Y zcwgJ5$a6W21rU#S_ELu@53*4Fcgr_jC9HQj&$jV1G*zgbMOQz-NPkdWgcR5q?{*tg zzA?CS;)?PKNzi42#I&#RhyL5@J@-F4>Lo;$uUA!unnu0hnBVhYnGJlXY$8sLK7eh@ zAk;O8*W7c>sH%)%ut8s%+WaPM8mnZr*t4peyo6nulyTPF(U`ID7#%?QXzfxO%&YY! zxpvu_FLJMUd0EL-q5WuoW5ad&F{!OXe0eVP_*0ZBQJ}s+Obp`ie5LskQX-d-C+3L$ z<;(w$T>4iLYlXZ-`ZqweSe*yhKT=K3<7=2e7wd{GA0drCZ=%#lo&enn4W*w0^9=t` z0k+f)cyStyL2zWS|FpUDt}5lse2#xLKl;2^8US^j9cYC5p26;4j9qNo8Vu)Qly5$W z`KgM4fqxf>nh|ONTllSBDM;wXq}ywv7To330`{mL^u+DMB^WVS z_fb^pBTPNH>jj5c&5er^tgrP81XkfPYc2O;C41kNg7zHw>_?e6uS4`-)-NCKHThUi z$1IuK1}`@Sp6o|CT8;u|2ExEwdM@$I%;xP70+MjsKeOj*1#`t-oxLMC%P8P#T z`|K2LDJ&DtaAjaL&+FOWCj*^|))DDNI||o`!P*i8%eiLU!7R2p_rrC4a-^g9d!~|? zQgl>J03q}{rZ_3{5@hD?&h}5s&zv+gnhBP=)}sVfcj-67^gPhdpS&K4`$1n59Xw!b znJ!WZ;Go^I1A2*#rX|5Soo{Kyx2jZG7p|i6Ki-}w9$iU)6>{GtC=cT=T&jput)A)W zJhm9PBk62mZn7&S>XLEsjHABrGV`O1rD~aC$WREe+)}pJ6 z1jEpsRS9E^X*IZ!UHx+|<~|3bK8&j4b~z_a-UrIX1w9GxXkIj%NNmwE$k}ng9P;0A*}p zlYpzEU>D^2N~V{@Crq2|=>(7jA^TeahLZ=ZEM{TlwoNy*iV4a)-)^2J7>%Bt8SpMi zWwxBIl#Cw?1Uv}xBPo=k^hT|c11^qINAoZ3*Zq~x7aRL9KDbk2PG)>+I1+(O!7Br;N6|z{xquP~*5y<7}C5TwlyzploixvW+-B zJjei&82_bm2rDCUmm1aT)dVAE!9=!hv6Khg0F6CDeMeyiv9>BkW87!e7#b7z}y%CWMtwaUDE-JK|yk|ZFj@*q6Pgytxa z8H2?rwkZz8O-NWgh4DlQ#acxm%(*dx|7fau-DECO zJ$CjON1@dZ9)k)qes@Vg(kgjV4H^Fm_aN=K2iCAc@1QLId1q3ZNdu}6R<9a}!8vHR zavxRzXHa0#?JJRSePM5JacgJebjuYtyr#_$tchO~zIyeFeRvP=_iC`V=@%kW|KBHM;!4#wiBGx{hfVin^~7a;vR-K2h_{UD;ZP;s|IIRD$M?E(KBx$O zpJl!p_Ym*_pgpY3L1^gTMwN$9+6RTy*=NIjB{^yre@Sr~)a~=9OAAMe7l#*!T)d1> z8{lV+N*&n`X?cNI4ccAU*a|XmHkg0{&34j2?enz&>#O=Rt?0-9ArP0bOO1^{^Wc2z z_+XjPInk-arbBKy-q-|Yjmf)~D7+ZZUP$uVS`<9{J*W|K?rJkibSDnhOc_5@_=p3z z&sh0wl+;<_yQ|GjO@{T;(;8}OYSn2uB!f^rq(ot(4{ZfTK7~1gwKVuDze?>?jJ8J6 zuiElCGMW6ZXlBRVqJADf&Ux2CapFd&cUOsbGN9#$3R@H?QFrnd5W*? zEQA{7PzDD~EWdt~%^rL5Cp=YuVw}bPO=o7Xgwz~2%ax&3`Z{yWbJ{91hxIHhJYS(x zt?|1iHa|rJ4)Mw1A*_jk%@L1{p(RAI9RDb{finyfQiy~y)sBUjFTQaYb zk-Df{t{LUt>^-iPag8#PJ)*d|TqM`tv$87OE3>j)BVGF%-`D4duYbS~uX~>7Jf4pQ z=kfSEsH*&`vvDFOyYZ%)qnlwii;HsS*d6)4qKt6AdwPD^#(%Ym=XnvF8h8U!PK@b6 zR+eJyc?dGd9aILd_qumi>h|p$y&s6ZKI=Mv2cdz859XfI`dV>s?%qq95(zn8m^qdb zb*TlI_gyY7T0@4m!Ci7qN_T*gr@7WZ4%Z-q)nod3?^N9-`;))!`dHX|P)lkthcXba zF!+&!IY;F~;dR!?1^)j&17VXp>u)jBjSyUkxv>`cdlAuL1Ao!{y_th+6${7oJYZM3 z!Wph-G=NO2rrdVQ`GgoUn(W`ArZ+|#E4+m@EWhAlVd?VE`5MEAIPL0|4y(G@xosY5 zC4WlA*Y+3QY7u2?YFPVskOzoWCv&HiR9_2|j_iw{8tyxzl|}KSyBpOj5LTPYUZFqr zk265+X+(zgr&oA@W$>awA{2xMob#rtT1tuNRi){A)}MD|F+}x3zya*R-%w6?74q*V zf!4r@^OjOlLw6Kn8=Y|q)wR$FfPl^sMei*8|b4{7w(Kks2Gh;n~nmYLoiM2)(S zeQiT&baXkF`H==-o-S`|s)Pjdvy?%7F@I`g1o>-I*?`|-#=vvGh)&aTaw_WmD_oPx zgxrJcj%cctK~ND-a;CYw9Bu>MBQn+6l0F0GX0rV{%GrEIt^r7{EhpFH7uKw?=hZga zEd{~+a;VM*aJ~`&-RHlUSZ*kKFJ+7(M!_KdOAib`U+KC|N$3oF@;9W)c0ni|l`PBZ zc75(*1RyP3KxV+BWd{rs#8{l}XwRm2&ca7wkBf*>aIQ{P&QS#rXKtc-I=L7&SU)vb zs!ig4m)IWEE3(3c`+M!I{qw>ff1Y`j*bcz@i#T9WTJAUca&DX^e&BU1?(xLUggBQ- z_~b>Gd#&ny3EzEHi-QzciAqeZN7tlk7tU4(ZUAmm`E$4g-5D;q9!Sx6w{N!Tt$Syf zkg509dwOh9~-ZJtcIW9%uSz_8%$zKtSPBodkW)2D88Es9)9bN76ZU+l$ z{Y5>$nid@gi~!ek8b71Ax7oqQ^LRj{MWFZhpVhJrd)hb#Zgii1UE&hP<>hSF505PE zGhu9DJ{C$7uP^*ro1iwXtvlsTBu|_Utrzs1%Wlj*3Ym%e=Hp@fQ&qF8Jnf*HI@6EM zGClRe5e>vUjlER8d+)T-rH>`h2OIV?e$tVhwQjky^mzJ!lR_u0v=7*D%`Ix~_mepd zKblwvcXa_r?>f-g&P)+@PC3iRiK$!3Vhlx-11N6zO(#Se{|OI8pS{yifPGy8f5e$-65P@`;PsCvThvUGWou)=?w>E)-L5ycj$GxfpT}st#rVwCm1+#mw&%6MIb)Lcd7)_7o<+D`Zg-^-DLk~Q5Fdq{WUdk)Cw&4 zhm_rBjEA>+L$~grsnncy$=i#~%=f=|c4&ZP=|5eAGN?WSPZt|^Bq4uP&f#Vh1I;-L zM*3GF;Vg*vYw7l268ClUIuAg@YcG|=oB3G(y#XnLQssHml&R9{2BgE8o`7DAX&KT3 z1jM|z20sdp)%PB8+UqL&ce(89KHIR z4}<=`@z45*C85Qf?DBC{Y7Kq^7Z(A}{uufJ$T#cM*ziS@BnXn`>|f-7W?=j0AR0=^ zVe!S&;(&qA-*cb$?9|Q7Ox_CifBoUY;#*#G9*|W194cJYn<+Wh3sK#VRX%7v=+nF< z;wM3MYr)Y=XO0RC?Cv1-%$cBDkxDuUS+mnBVgiCK{X(y?8B&F*H^O2ch7Iq+i<7Rcnjc!1`H zd-^r{-@z@my_Kp-5L-O4-|52Bko%D%PkZ?z=+X*}}CcnaQ*0q_-VdL%xBFp;S{bBv@J?{Hk0F4qkZ5mG32h@-T zuGbG8EtDNLE|nUbSv>v14vz*LCTS?V`)c+QAC^>P_Pm7dWK1p;sb+DpGbdIbn77;i z1ySB=Ax65tT_efu?e^GvPm`0j`A=~dTOq15{V#cyZktX`0(F+9SNIiZ6p+`U>81JSXjDURqg#dH|!uiU4;SMRXc zVIPgZWr2cAJW3k)$K47s`jai^bnLIN=(@=Leh+))ymZsNgj^k)!p)DO`r$-!F3XWp z^js`ndrj(@M7DE6;=oLxLa_@U%j3JI7tBVZ3m$#y?M#i2{PhLOY~f|B@N+bATfd0- z;qGXf@s;tWpFEurbAMk(^N z=BnUIc5I%FjdhL-kdErM0d!c)5zH~FLOa(_7evHnrlur~Xd&;xN%UZrHhzboGu3y) zQq7CPR;tQP%7=h%4@UXT2|y|d`EGM`%(byDye_f>poER}{|QmD=vfb4ImG23{01`O zcf?kGC+vhAsJlmhsiE8Hp~vwy!3Te$E~*Q^>dQJPKO+tKM3lsyYHMr+@CQoGHW`Ic z45Pf*k@MeZX{^6_&rn47uQXp~8ZRKgv_|Ny9UeYkV)N~fL?>k1Jv+~({NX}axKg!a zQ0_|y>Q@zc(~l{JUyD*#E-8B@5Ytf50!o9XH24DsODt}iBR-S1kH#rO{@G_)1PhEZugVSa|069bAAutq+j@R7ETeJgo&0 zg{S;UcQVufq~zCUm{Lwt`1rEpN zx?lob0MSq`7=8RAT}C62-Y(0DIBYM?Hqks-`jn`_A=bm+8*-oikgbI+t((86K&02s zn&P)1T+!FN6qE2L^&2GC0XdQsQ|-HIRU+LFtShix6D=nbyhPunRh!`Ut7xs!kIPgQ$#ry zZe{boV{5FV<;6CM=271yJw{|i7R5vD1W&0LH7MfLgaN(MjE1^o9}07pyI~~rI#8BS z^3cW58VDPIg)Son=x%z3dhGtigB~%CHq{w3f?CoN=_pH6dG>#uB8R`&W=^!F&VriU zT%0Te*cJxlS}Vl>Wb-{Jr(yqm`-3-matbo>ooqi(wk}+Ane7zqki=1AAdrikh{+Fk z$x6zC)s%=c;zs#2u~H(Ld{S^rwA^@+Ec9xT-jp{)SCHZBY)OpmFQ#YqW6JxgZl{U< z$YO%UM?zi=S1tVTnR+zSbhI+D5pBo&Q*w%=2ohhQtP(UCs?d0RWhMTygplLf@Gqp{ zm!h;k58e3w?ZSP5RSNl{JQtczLZGcG4QPd>%D74UHj>S19|&lbwp zFMFc{2HmAEe0H7~YA(~*Y`q)W8>#&S4FoHJWx?4cC;Q$il6`R?F(BG-P+q*F*chKh zp;yBD3FXkkFbD#=6d%=R3yK{N8M)K#H zdwnWWAf-0YvgA$9JjZvU=Ny_MTE;|5-a%E zwOu(d&!X`oyXb`P=y+H4=R}y~1Dzy(i7p5t=}Vv3okf@bwtcPI$46$38_NyhJ7^51 zD`HN}fmgf>vOhaCExGuKtnNLj$KJvEJ{lg)&jKY#nDnX1NcpgHN_=)zwz64glp6y3 zzMg^&`x|e8qLPZ~+vf6OaoUiAQKbr+>#83v#@1~^B>z<}p|ixoe}_M6oX3EY8O3?@;zn(|6nMS(y(;4NAz%%hh}7swGa!oDMTZ5K2z3G;Vv%56CWY z$=4CdESqm)QM%&j3L1UOq|ik{U1G>?F}0@!xB^u~Ej8SQnG_Tu;O9$RTrAjf*zpU! zNuzgG`4lYsksTnrg@kQs zs;isc@Pf;+5MG>Y@!9m#`}>Wyywxua@qjoTu6CGP?)>%}7X3j`kombQ--@%bvVMgN zRnOH;n);Tgn-A0vzczjrz}gsSt47A&TWx%!3w62G?Pf6J+561^H-Kv9!914ET2L{mPe ze(6nRnPaEvbh+La1g_}@Na4jUi23jJ&A5rO)Y#IH=@aVKIWE*JLo{nBL({ zmCSIz1T&w3B1)Pe{cf#HNwE^=vOPbshR|8R!4tN)@awntl@3wPx7yFX(0+SoEm&j} zJMP5hKqjr$Al0|LN(&(o0a}u<_tzE!GAY5k{$GpI#xX9&ino~}ieF|t{*1dI7`Ik` z3@Nr6Z%RdxmC%Nkl$6p_p7_n((8G5_8i)Rx)}mFFtI^4si;lO1hFZ|<->b?x1SjsC zm+rA!4caBtP}YS-j)!dy9X*D^YZiX$u^3xAzsbC04%KA|LuGGt9W&gf6;1tLA$^($ zP}gBf%$m=-->IFAy`qyHlIquk3X7hWe@&&RZQ_)R86= zVMyxk|70(&{EU|T#UcvFkgMv`6yZdmK43HPc#rGk*KWw(M1JW0=%zmmahr4Xy|nJ+ z`@`weE~H$7BN`|HyE@E%2ByOEJdY2?S)L?;&~kzm7RQBE>0RAB;bS2ZJH#T}5Tu99 zba_h-dx|GKTQTiBnXvxW1p_M#Q>8Zc>XHO>IK`UBY{JKH3;_PiXAeD9^RBv#M=j~D zw9xGFelf2Ja(gnqIG^(o{+Z_4ao|%Us8$?98pywrE|`8fyR%77GrR{M1nL~}4Zn~c z${K1TIbVg0bDV*Oep`@WzAqh>;WrB;>7NcW94u1u=Q=0Oo#t#|Sc1qfbS7sxyPR+1 zZ!a5t*#120;f&*=s-{M6^0ne`gwL=%RZO(p>CnqG-)~q}0hWRBDx=+DmyC>!_)!p^r)xvfnMgN8+oy)i-x+-DnwqkV z*`H44;O}wzi9_mJ7WbGC_Df@l=^9;n*<#3xS`}Tb2_5CKc3^f72QSy?yhj( zG_mt?Wr70!FKN{eo&BhZw}v4xO5`TRi`~#PF?~+^X|(A;(LokFh!KB@d%!TS_FU@o z`EvzX7azmdmSs<~!>`;q^6%_;@Za=2^e5`N_L$(Im_9_hC=M^nfO6r=v{rFxy9B1u z9m$UhqZdw{PENH4M<9w6?bAf%^e*^1w@eHjNj9|d+jC~07yIn|m4?!LPivg|*2_Qo zoSz%0mKrHOO8TsQjJGqDbIa%9&ro$WM2=tBg>=1n374>8b}+JTi-aI_s73tm9`_l2 zO^_4)C>Sgydn@L7r8`)R=`dO*T)aot8$I6Ujwkl8ypcD} zr#Z+UISRa-P1E!ocElZTHRfwzb8Hsh%Nj!>Z<&n_uXOVqRsQMn1?U# zijQE3!khZ_Wkqk5OwCxHInlCAlh8BU&L`V`enlf1MKJ`pm*ctC<=W$giCXPHyFF7$ z4a3WkLu@$BhAcP;xB-A9v5>lQ+S(N9y+*z~58;~9`;UpyLck!BJ(F}tq>4%DG(yxq z`CC6iT<`DOXsfua9tbAB|2@T13WGUYQ-19=K+O?m6YzcN1PD&xPP7DdHlPI;yth20 z;f9itW|Z^DuOVw^#5@rZ$p0Rg8qV^YkCw$o9=Q_Y0;F_jnnN}tEWWz=vyUs4*Ot?o z*2Zh1zLhzbDE4^M{~XvWH#O8Be=!LSQ85B2y+0l(6R!mbYck4EYGLp?Ybkc8<+K=g z$8UFO0K8GtZ%&*_5P-eXWdmuC^}ix`kp$Hw^ez-5sWL6c2idi5RP`CF^;7h*Uj9f( zS`oKSz7D6t0BtxR#P7sA>q7p18Y-QvfbAMP`;oG6PqO0twQp5(vmPxCt24@%L$`g@ zjHlcm7?OY=p$62Gv}Rum1RZ5GWK5>tjx;Q7v;z%0=b^AfrGa5ux{M95I?X>hkZF!} z{FYQ^L9e`8Yeuvn4ZH)~xU2$*G)Fi&%z{(SLqV3=#dyF>oJj}nIG|^ad&(|WO=&ta zTr~JeGk5IMLP}2_C|ixd#mNay`uIkP)HnP4vE@yf|779*M~LY&i4SOpiQ*6)GpwTy z?B5ed*aMO^<`-qZm{xi;#{+p)f?)+U=nu)hOGP{AbRf1Qcb_|M<`5Y^?_ z(S=ps85XFPG4_)c5Z&9NE3S3ki9I~iWcbGjGG$m{$R-4L;=MOFkexWw)G}!k>=(4_ zt=@1hvZnC9u~g4}Lkp}ciYXNoS)$l9xn1j5Zh92~6j|xa5JU?>oR;%nbwDZ=Sn#RJ zb{!OX{DRw4Uv|R&eZvPXMP);|`nCm>Y9jP4%ck^pMe}iI=w4#yw?v1T>OdV}ZHa#i z|HG=Y9n{9y8b}^ybs8XeM{=+@jT29ScwXs7NQHJlbI3|-2i5)m$%|>jN7)QW&I`5t zd;hNmfD4@Ry)}!WjW^^Ca6)uai!a>D?fiAicEx+}4q2lr=2JIN$~W=A+Il;$jyLn5 z%Lx*7%7dAu4W+nv@F%cta=X8(+{OBsos|3TdcN|7GGhN@b9zJZ;JdnvSVDj+N!9Oa zdIMlaA1qxAbuqp?@yxSQ^=|&~Yom-y;vi6n`*xNv6RH%vbeCXRRb~N3Vs4u7K-c_k z>Rcn22fUP%l?Q(8O=|=F!&Ux&Z4#Iuh%QbP7MBmIq+Ey5vq~{>1sgXNrAG0enP)@k zSqZaRku3{^)Fz9Tedn{7VgBI0n%!QT(P%IS27udB-@2DjxtKQ03j05zLPe=1mh)qc zQ%yHFvs%cVpRdn*^9&zketCM1RR4*JR}Oq&$}E4y(}&ruOMaZw2L^$!E;LaaN*X8^#VUEn#@$Q^r=}k_G@`b6${vry| zNxwf~g9|j0RrBzcLbIX^F;XF2Z=lc}4A>?geWY_DBCmy80Q+DAMN=3a&RyVzh+qK) zeqC&!q$05f{Wt?yc$A;RjG2VKLHquZi#f|Gvp|!Xp%wl>l6i(Y1d?x6rc5QCR>~(SV`1mdmyqH<*hAOn8!94c1s7+Vt?Es zOp7IgSQ3Y(vDk6Z^c1i4#%IMb!^;XlbqNqRf+{7@z14C--mUQtSHla=SY?f}CR;EamVeBVRc?A@>N|zX4VB`wU8e=kA{C5|>Hh6XMx4 zM~aR%IJm?yRg3#>WJX(C63Id}Cl94-_aCuHshB@d&If^Ck2cGa!usCI{C45=-)t(? z*+RQZBG6JfD=G3G0NtZAcG5Q+CoI_nZftHJ|9Bk^5w-NK>J>R@-`JHq{+WN$Jx1{0 zzx8u|*?(vLN_vwZ+nCN?Qqo!SL#cpe%(FooyEQx|dc6y+6 zD$5hG zPc-s*2?(@N5#`7AQ~cVHbKy)1&fcSJ{2392SBKjbD!^@@2is*85eI+)3&?;4bRHzc zdi1jo^o9lUNL*hT`TMq`z8sXtP+f?RP5;Jkm35@iB7L&kABfIba?he#l~>$`ej$tg zbJOAKv0GxeS}Zu{W!Be>S4Smj1m6mF_oAO1rMDg&^0hWiZs4!^qNSoBNuP}}KMH&x z`r*_o-YU}dFN3snOt$OC&N8OJ_(YT57{WUqW)#+lUx!6j%YoJW@xOnIp^Vpj>5a-V z6&is7xO!R?`*(a>+qSHeQ~d~GRyBQvU7H(UTkuNhwCUB?pTG5@1mzPQsD9u3DOTxL zvDf4*OR?rDmC`(`GBY+w*`<8M@ottdhR0J5eJy+k3{QHK<@KeWva`OvPPYm1!1?&7 z8)FA$$}2**j)q)C)(r>#wy+x@qP2BQCAtbW93b1=LR#jr4NhqX;qT+CJM>{kGXFEy$y9mjRxB@Nz16_7Pklhb~=i;FCC=Nv*b^`=chE~5h#AS z7)!6b1;?dEUQ>wJg^+s>Kp-cj7sciSaIb5UkrW>|ICt^qb=mmv`pc&v=H`eDk8`J$ zuD5RCsCRP?>{KtM`5YY$wTN7#G+iL+uIO-BkZP_IH4pbXPmcR4G(zYH12k%W@YeUu z;NzXOiP>dw?ZaEqq9(mSvCHm2ZEJw>kLZ;Ng$Eb|L`RnqI$azb4|&Vxrt3^xps^=k zTmne4pp!kz8Q`wyd!)IyHB6Y@Jl=FhrBTLjCy137)gz7Z4oNxYOy6wtZixB9t=8}C z;!7hIg$VpvnTmQ!n_GgviD#`G*fGVdW|;rH4I#C7a$n5RGSFG#?!P(c4sAW=kY z2kToWX@4)dCty!?BMCuh-O-~ABzM=!fv&h{v~x*%Iuw#6z+MoO1a|n zAW*7ksvn*yD=Q{@O19zD`EMq597We4XJ16}pI!RB`8=-C1I&FOy#;^I|F=6TT*@#& zb8&Ap{l8$uq`nCz%}~h{fufA^X@TgHk74S$Ph0mhpS@1W-^f zce=u4WeiY7NRDPhtH~pS^mi; zj|cyf=nu&d>q370?Vptf{DV}Y*;SFOmCoP(dFiPzp6O}Li(11q^Tk+G@*`!LuksrD zk%rFwC#e!5P$&gyru_F2Nv+~jMGR4EVqBl~eyQ5Yo%2HFE5aU57sR21MZ}ArIC1GC z!+ZnAiRan@0M2Tqn62&1s)eI6X>k^$rFo$Zn_KSvEi)8qIM?fHO_>dVv1kFLZJTHT z4JNNSo5KJ7JYtFPm7)MX)BB@Z!J$A}BGjhkKUQ{7o95p4UY)cbN_FB3Q{UqCU20M} ze*OG#H@w3u1<#Z=-jIq+kVD+od8V3Zo8|6 zZjUzl45000C92UfVQKMc7|fUtyvQv3mhb{qnd;_R9#hUZ*x6L5pfb?Z?wHO1>rcZJ z+=2}jo$iBvB&+BG7T`x}u{ielSb)XY&$I&)q5J=`-vXbt9IHB1s;uofm=OI82vm=N z6yEWyDcB$$)V+ljf>qDfj@XmJvoNJ3(Tx07oc89*F@|yn=%!?C;Rc#pX_vH8R=bI zLVapQYva+s?2YN^>C0mf2aX7U-wDnsZVSc*T#Te5u`VTs#D^G5ici);&ZkCgbxx!? z7Mo|f#8n`>5iJZg8UD90YMjvS6XGi8MXJ%)DpXu_X0G=ZMsMXgjiH!70cW2NSaEhg zvUy|GHc|~13{xB>ek*$Q7^EDMF#H1%ajHJBQi&NM!bH0;_X?E9(~Gcm8ho>B%i_e^ zIi6Kv0oJc{EL*f{-Cy5%njh+M@>g~}`e+pVTpXc;Ncqvm`zogX`r&k9=;4uxCbQ^J z6MZ8fK+c-;X!iGe;v>Gsf{jRtbYDQ~V1XSSDMFG*SXt34ZObo77c=^_aEe>vsiHS_ zj!M(1>FGeQ(#O=VtJjw*FXCexr0cUWd7nfMyj)$C}J_n=ZYb}8R^o9A-zWC;N_k&an7Vw@? zXPUR|)uJo=O-ZMXV&9Sln77e6Y0k>N|NDZC8i)XYb${?}7pbB#zucJS#qpuawoGZ{rhJ)HqXo{(x>bV;J+baObK0H{M|KEV0YOLLuE`mg=f>phY zBO|a1x*yD`R!o~K|NhOKG-@6_)jZfV2?d%;{c15;NKfs{VWTLD;>mPk$X^55aGutQe@kZp5U)5vrfeY8z#elZkJO~gN_yyX$jezxrCVB*{33*bs~4P{%W{N zJ6h1c?f$lSx}nF}GEuI-yQIF@o_m1)&+ArFf$IOrt*(zC)*~+ONoHW zzte5H1s4?b)K-_u^ZNO+*^al$;b3AYV}SMu=J`?Z$QS2Y{8n}mNm0Bh90yL%X_P*T z6ETGq6V)pA)nyp*xxfVZJ`e@(2El>ECz`nxD#+ns4e2W3B^0IxZJa$hEIua-t zsru^iymL=o1RV6y`tTdW!^0!nax8MpfoWq0eQi3wR=R=}#AQtpjy;gd)Kky!4-Gco zd{t~O*LE{L*%vva>}ue=>Su7r`^sQ%#?;iN|MmJX4C(YhdAaXw1|$`Xzzd;Twyodf zZC{`G&fKPJ*_;}_xb@#6mLmhf9YDV!*iMY)I73uV_ZKkbUsyYCc%@0oetTc zjME#n$3oP?9lWRf)`{1~B2HPkEhoVyfXeLbEEnnXGoe6x5*)fe+2-B%(Lb8!gPVIj zuMOnTeXyUjlI7)s!gzHgzKe;J=&@xD`L*jN4MVJE@hY2ra2}KZ(`&q3e#MQC@a2y` zM^UW$e4hlS#W1O#S!si44`h74+>idj0`3xgEX0&yk%7WK)54RhktovF&rYH+xDULT z;@zmq={sv1Mpk5>zFEBbFi8|&SLP_hXfZ+arIY8Zpx=i+;_@TAIZXjJqE}j8-ViJn z#{%1V7`fXMiTE~Yrj3r1yK=?C(}zp?x_Vx5Hm&bk2X`9E)BrJA?RxmU3nh35aF%D? z*mTZgWK7;jA*e=&j%++RmG3%pOWk<5sdXvC&VqtUl3Vvf67v>|k7oK%ayq%#Jf7o>SefdOan$>b zhGNv$2Eia^UC+cD1FcXVFv!G&?S0s1&4c4QK|mgw^+?C_?D-gkeqU8&(lKG?%f*JRBjpNL>0J@) zwRigeNyyLwvcTW(HUJaRsbw-Z%{C|u>TPr z2ZKXi*Zr&=d3cE(^DO(a@b8~=RHy_=!{9y^1JV5(r=5SNJn~5qF*AmkYUMk1-|)Zr zLux3)Pb|`7RpM(36%+L`+AetW4|lfgX*-LwZA}0ewX}?f{{6QwbF$nDSZ~(}`6q|& zYUQO_;{&5178GZT$>vOC1~phM|GcPAE|c1qBNjeyD62SE%o=ne!zNZdbTYwBoLU8Y}L zl1NIsE}729_m+YgeQ0he^^^ILDQB_9y|HQnqAQZDr2iLdhy@oChnq5fj?U}l|H$TY zb*1#R<`vI6Be9IB@>F89jwEd86gEF{A2EsF4A(B0ShQhh?!En1VJEJ8JR{f2AG0`_{P zOvKf4u9!O{;|wq$qEX~$@Gl0$&%$)4KqxBh@INGlH>sIu%d zh@tV)L9!bo{SEabuqg;JS8hm{U7qiw#iNz;7oD>f_JN^NUeOSchwa06an?X%kH5!* zn;x_{(o47ti9QdSmcL<`dr3hRO5DnP?(b;rm=e(S@UFGx@o2fouYE|WRXCLWmS`G( zbC2=OaPatQur)&r?2w=!o|g`bv`xZV8lDZGTrC9Ak-EZ=pSf(Qy@lUdMMyxnKdBgXG+7{2kdr;W&^GrFj zBTB9CZ*DA}Ol`xPoLY|<%{-26dQA)JYDmSCE93$JeB?Os;c&6^2#c(;lz1$LNa_YW zQ?HI>&rMaOI$GrFnwQ4uCnU$d8a6`U(vy^WKv1^u@vNGa5Iw(q%G13Hn~Q$`)xF7o z!D26N42OD_y!@~uIVU14`Whs9vgfC<6L>57*P{5$jqK|XA9y|UFvxWL{TM6)FMLb; zGpuT%svMBSrSP+Oo5a2z85|C-7uj)0H_TiZ?QeSLOhgaa9(%*NrLm=${+z=6yK3g8 z1Dv+-d4&qG&waGMazm{1qO&7Z%K(0Zk<15iQSOPCgN-Z5Y^-zj+fvjE#uGmfIl|yk zkO%V7 z{)W_G*J(2^X`o>VYtUs(qQ%$&x%uU$3FYUvWAkd~vy?({?({z@#$1UpkdE#7mJuC& z^2o6Bh2P_-^dHCeTW73CfJAvdk1q|9z$6c4aGfN1Ii0d&ks5E}AD7kvVu576+#8`9SjSOybcuF=lp{7j>iO zxNyUlud(lF{of}OjUf7gE&|vyW~3_?l`G-YbJj)j4#iGk(Hw@-1ZNGCzO4A&m;Jxi zrf?-|o}nKFdl|iiae>1B>?K$|9G}kktgk~C2*b|GTi~UUjsWY!xeNCE2Q4K#xP0WP zHvSi(!GK!GoAiXEz4;jt5XY6tLndh;O;>Ws0Bgmr@jLzZBC${yxy_a(q=GTsX zr_W4Ji`)a&?KJ@3?m|SN9L416{IG*DEJ2a zMJqaFY(pC4Veu&u+Qhu&uabt$sg^gs3W^VJW(VHQiaZ>0T?I6mo~ha4<=@MnCB?c@ z)u0~t!WeCkw}$Xa*?5z19Wb0VpHDDjSoZMSl3oJKIiO|~(4TZH2Ol4n0@-&{#&i}Z zG1;(fIQ|>zhHJ0@Ppq&GK)o#h3dq(VKVWo+u7@DxwJP}|(i>oh?E~@1I86Z{9=g_# zi*I&`m*0)v>}DwtChJ#12O_u%qx$gZ_mTKVjQHUIA_@B4Z^P9Ak2dHM5|4yL;ECUr zSjOViC&%*_27I+BMzoHO zYQ`a9U}e+B_D`Yb(JeGKwCO~{tT{oIas2DHB`hcXhKxmo$P*CM%tc67Q=gLs%zcra zQ|!va6OX#0S~u(s(^67u@xZ}7$j5l~9c>mb^NlAP(ZAF$U07v+^yQ+ax*gPEeKF^1G;ujaMtO3GPjw zE;0)|H@U+m4xV`U^HaEsP5niA(Dw&AOEnL*Z0#4L_H7Qpg9W!i6JHO@pkwbZPIKvO z8S^wqj~2V`x{v@qX-e?kP6akcgz} z8b=$o!f(dL^sHMjk|7+iiJatn4H55Yt9nz0UwX^dYA?nbwBQHzaK=Q#G~8eQ@6H)I z4Rgb*DjxrK3mx-wUV2^YLnY@ezQK>aRXh(R)I>oHiJ zEAjlODvueq$gs9rKi~xcpbU7MEW78V`(&ouCEOF2m3I<4uw`8&<0~r^rB{Y)z;NZ7l@3~JDWys3iPO-Ia|*66ejK+D^;+KYie3DB+Vv? z1Nux!9fbB1v z+f7UaPOx@e8iy@Bia#<*Cke0+2B1Rr*Zcy|yR&=W2eu(EYSJ>ORuDN^WwPoboDW)G z-(modV*$B~XHt2zb5cQlH--!c0VRo;K8Xk_mt|(T0xL#ZLgG9caYu-j+`A2Xe^&ls zLfP?d8^VSp2The?cQkc&**_>Wbk|=~=8V_}B?ZL~Bt`F%Fcx3oJTT9j@uvH_;zP76 zFq4Wqf6w;{;yIp0wi%gQ4*ooQ466Jo1ij@H#UG{0y1%g22qa|=%p9(nOg9BAzfwL2 z6Wg8|^K1M#u@-$sA%x!kKSlV~J8DG*aL>jSjh-AXhVD8l$*wOPVq zRrySwmym=_7RNEAE*8|*eMbI=pWliKHkz&}ldq*96JQgA%>Ht(q<788XP;p%ELRStcG?EOlEff)2#J6EUQFH^0Pm?r$6)r*E(w z817gJ`S<`zPGidzafu4`?`_4-fLO^sL97^(djrzN#oY3!>zWw2o;h!flK^M7$HQQt zjCcXt^q&8feAMZn&Ch-_v%~_CoF*}yRgxrgo%jb4pQDBJ6m8zi32WFiwJSGR6I?PN<%?eOJrBd2<*iIm3IWEx04 zc$|SLExMp3ZqN4x^hYIOhOzfL^r-jb&ue9o5O?~&si`9cDW{d>QJpy<5&*2r0fFAm zM(7T`b2HT*5%xL4wj))?-57rB(+b91>+j*E)=VZ4lX`~N(#?*Sho2ULgHC|mL{B-* zKB1*1$UULLChXqOm=k51-J2)Mt=4eRFVO^e!BmxZtU4%M5I$%zWUuA8+y%i%g$FDZ zzTOT4fp_`dK_y8GlrXq2G=uX2wE6zdVrNjM(+c>UTVBAU?e*i|3*DpHkCbOsWPzM= z%9VcH%o}97q6{rg!_4uY_s##;0*s5QgTv}aATK)0@)^PW;$sxtqBP(;C5zd^=huG& zf=_Mmz}DJY<442l@aZ=-@Y#iW?<#RN?qteH&G@etn*QX z>~O<~-^RW1=e6;0xs2^gy;?eBW_`C;+KVY8Sz?g0y5c*_wp$&#I=0jAvH0rm*5I?E zhya<2saKyS>R+g9{IJ2z6zDRt1Kku^Ez-_Is+~!ef4dndN9I;3 zn28F-hdsm03hu+gMByja1nanHu_wmxAsV2WI)o0yGZo{IqBrBeC zpX>NFT9KK@|*1q^U00 z%L}J&QvW2e{&-$_gW_l$+w%bQGRpo*>?H5G#eSpjFN~5wqWS@|bT;TGsLoiS zk2g+sLN6X1x1Jo9c6yW>r<2d=HnfbZ3U7uUKNUHNpJDuc!Pg8nHq;nWU0gV$&-}~@ zQ#sO*`n98e#M#2jnXeIOYrt>8GX!8g*BZsdkkS(Z9$w8Ra+9}m5A{tVJDL{CD3Nj! zV$s9Zk^sFR-J{XXA5nY3Kzh+xTEl(IPUKgUB;0qVsd=rzwRK{x=cAIFRCss*p(gc5 zw~7p1d8Qe+|EK%WOh}NI&zDGJvSGV6Pl))@-gY0Qdag>O0ZFSWSLM61YOgQ$o>yr4B!nZj#5+ZsYMLV7(m`;Z%MU zF!~BlCKK0wyQ}040uy93q*d^?JfkuHc&o3X)#v_~{ouTllbY$$-Zb&MJo3NS#RgU3 zNGy@uJ})0x-1H*Z9^; z=7(<1&z#H=S`X(5!dK2e6Ew*#!3=iezTLXozB`(ck{Jcj4BYOpaguu}SInz7`bk6m zB|mhE*6=WPP=w7CntU6Kwf2HvuPQ5LOhha*VhBSTp}YI(Tq3P4mwG-FM?cgvAQ>wn zkd+X|MUl%UrUr0PnB4Sqf8*2~&-n`DTa}j}s_qHDNzH^RHV8ywuQ6H+^b{8L(&k-yJ zW>OI8;x;Iw#K4F#D*>88`yFMhhoVXv+XMaU$n(By45#770cfu6KX{NS$qXe<|d=4eq7= zRiR&iOXE|qT79qB-_-TK5W_=00ksFWLsCzH`yGDy$5}Ccwv$J9SrH{WL zU~gA|)daDpXeZx>=VPfEpBwGEq;)^*aCLhp&Z=ySS+zb`TXYUZg-l3V6V6vNrLLAL zuLROUYjc?>k+d+89N~VT=hJL5RW)&RHGN2yRupZfE!w#Vr1soDqGf~ntP%xzJ9|sl zIvsOmWDb5=QmXPA8~!;sUCoMf$w38k`&9HS2g?W}L_cSsT{x&Q#mROH?y3%aK2y9r z$ewBHf*2brOTC%I3}ibvIWI1l5wAv3^RD+HGYM+Af@2Xg9xW#FQ^m(+X;_zeJbib^ zbzsE<1fLvqW+HHp6u%`wkuO)`k9VDd%mBQft)XFLFt>D!#T#jm2#D!HiZj_kcWQ<- zD)kPQ}vA919;0}4GvxRJha8^Sm+HbRsyce64KHEh%-ufTRv9eQpnFD#Pw z0ZmWLoLX~G#ZDrZUYXe&l?8cq@QGh$qElW!{$`Zlf5SeDvqu$eoHhHufyiA`qYQ9g z=fQR>5^3AU;O9=YA=M;5Kf$^|K6{FjTv$e~J%NdgrOl^rZw|A*o8^WN#sn^JE@PKZ z?!om!ABZ_i@QU(cb;3y71jd#tx7OqH1eWC^rIR7~A-5rHuu{*R`}7?KKNDuplrEbW zE;3us8a)ZgET1(bqa}z$ybJOZ{jQ(sNaC#?mdLnUhIw$i=L6Fq0~%uguVl)5ok7!s z+`DI47fv`jxa4SLwp`UG3k9K37PI%MaPsoP3Jujn7CV>I!zEh8Jg0|; z=eFV*u=4fXRz2SSZmP}+EXZTf}a z2PUTUC|X0HeS+NkAy0Xwxyf8<&E%wnQs}X=1D<70^>z#tUj=j=dU~j7MQUkDp*psf zM&zWTfga1L%C%siq-%oBI`nNPjBnzpd5QZ*wQ)nLh`(Z-vf+K=GHGk8y*li&i%sdQ zOSttaTVFB!z_m3q?CySjD42{^O{?Ca#2|BRCV+I@VSRSl!_)jS^yTH>twu-FdSj41 zc{KTR)P;P3SAD3t=@P1{8n7(HbwURG>hIm$C7co4&ifupaej$UHC6}Hl8f=OxQNEu zCej2cIzDM`CD7Zm;B3)wGwoS|J}6zs-1oMnh@p0S$agfQGS#-h<{8!ajJAst1cL4b zOze0fKA4>d)O;G4_wf^(0B}Qcw>YK`!v;E7ZHIlrd}fSU`nE#EpRUdxiFOgh%}uPo zCJdpEO-x6rDkk6YJNrdt^Qbx%(JjV76rDvtoQ8Xzqf>&=E>N}-kf>njW0oPO7K7T+ z4e09+U(H%yIxc#d?pAV6jv8KGh=XpAd zd~rp4L#b+K{M2lzXEY{Ud;ali?kHs%fj|!SW^M?#xTqeOcj6ZV^Se0BNRSN`UcBL= z?Zjt|zBv(wuKsOaC`dkp?^Mr!I)&_ng=R-b^#XUlEKT@4%=fKuB$464by>Gy&WD?E z`q1>|g)d`J1Z4$I#_+`48h3*-0ZApvfaqQf%KSbtp{x?OUZszf+M4^r<4QkXdz*4$ zj|@WA>ptA}kS-GaB_CF0B0zcL7G~WCQ6!m|l8%H`%1{-_e8i>O*d&q>5wXfT6*?Ze zZs>MYk>Jlno5z`Xuwcz9GPtO%+U%Wx3NJ_{!|vZrRGt%!Naw#YPkLU+%duo#Ly>D+ zlXq%v*cL%cn7@r)>s!1DtT`n$%2iGw!E)g47!hz)=4U~)I}^SWQHWmh6Uz68j)hAV zvXC!N(SPt$OaG(~;uT@H;SCVX7feL3=fNh{B>9jr!S`YNe;*rnuYj%hm`yRzXe|>B z42pw20He(o5q=gcJ(tsR!{W%4EYjq?fZ)5XhwfIA@id~v={3K04qIUHTG+|uFEwlD zOMimRP*B6NiKt!{d)~kZwuipW5zJF*>DL5UjVD=_8CywD;+M97X=$P9D1#Lw^28nc zbQe7~SE@WD2kAMGOM-|~uj$V~6oF5{a|r#G zO{OpL(r+f_Tp);UFWsC2wx`HGEd`&HS5rD_@iZgq$o76V(UZgby9M(__Uv}(B9S*W znVM79g)ACW#{4lZ>_cf98eyBuVsN5=2*E#_cs6~9Qj&u2@7C{0SaIj?G?izrgq_37 zrvW>sAzaZtC@UBwMc z>@O{C8H`&$d1pLfKFnet54*-~UyjXATirc*ru`&E06Sh&?%@d0aSyDm1w76}sEf-P zo=nq4ktDn{Sa(MLO(3eHWBGlVhUE{oQ1w}<$L#iVJF#oz_&N<$h(t7Ql9AZoSiCH+ ze|C}Orcmi7R2YZEuYaC5o5kNJk}lJcPo&q#g$!L&s%+dOu7q@T&Pc6=dix zgJ=pTYr0(Puuw5fNfd|bXG72hD<{{zopU3RDuV>-JBpz}=fC?ayG7yG;Y^G!>BQg& zUuh&>zQ7jR9gI;7zZeDRdWWJhN<3M_KV1ZZ{7z0%PvFi1#cvTXL*5U~*M9Y$C55RL zK9V176B}JDd}X+kglzBOzF>9?ngPJdJYFP6sK1MuP2;ffWX&t+;P>TOZs~qvC}X%it-N?UTzXS=jh%;=_ASgTZ8^`j->xM zG>Cz!^N?mniRF8!i{6s44moQ#ober$8-B@VBc5c6nK%!jHbel@y}n;7%ya~mpT z0W~)Ny7j}+)CVC{?w1Il@M0ipeo6(naUveLwdw;Nl7Nn^aA=rtO2bjRT;F=Hit8^; zvccYeHw}D#SDI)Ia7ODJ%94Eoki6ZHBJcf)oB558ueCj6 zfqmN?H^bQX>#St57F3#%V-BVtfql!1=wDu>JjMHLvo#(M;bDv9=22^my(R+ICEt)O z*Ge$N084YXxt|{{IVHz_Nd2b}VZxc?mv`k_(jHcdSE3!0)L-~Q&iU#UlP^177rd0XY%cskzESQJAjXEMlI(=@HqbjUc)O>s&cU=W-*}_3_ zo!ydNfi~>%vabyF4|78a9atzug}{dE@m)&}9cEOUoK%M#D+P$=>w7n_IMK{}mPUu= zRxsslxVivqqeW@&)W3fsetq%c3c3B_-I*OC;7wlsbX|%h1aE`iI~gw|th+5L(~M?m zt*Wt+z;!4G@DM~vWo%N7E_5l)bd;bukL(?PwZ!bMu}9u@D}QfjE{pIQAp8e|rF5-0 z8~a$@Uno<8qs-YHtZ&AyP1mHKB0Dm;$GO7W`Z%T*76PgCPrSlKU@-qe70ms;z z4LxeV%JRJR*7d0UnryIT=;;dQovZ2q?4QcGUMIEq?bpK`sf#B2gIp^w&F6R~=a_n1 z5s`-};a5Js3=4I#SIK>{hPkp>4OX)Bn;}(c=3*r~iI>aIL)vM>o(a||*a;U_s_aSW`*{?gQV@djAkr3%lh+!5nXtGc635P#yD?o1%*UN=DNIYqYD_8YTzr>Z{~yWc>ck+ zuW;O8h}bVrU%A6zPsfv!3zV}Hw!BS08VE*m2Y8!K39e4`r$EWPq092c0*m*kR2evr z8Z%^o>@$0DA;4~(8H_!@IwuSdr-jN3N1Q}lHUi`vNA}pZQ0dKqa@< z+j7@!wH@frejr6AA^ine|&1L2IAv1e4$(Tz1>2OOm_m`6}JDqysO82 z-aQ24=Jw8)75A=8XQarRFQ#oE1`vs6QH(^#jM!(cGS(mQtKaH0)}*u3x)4c)IDR6_ za*}EE4>xeDc}DQ7+sl$3eZH@XqpA1B06< z-!AvcYL$++Z}Siq6olOj5jaVgWoe`uywhMq7#RHj{0TPo#bQ%W{~e!)HtqKkz0ok~ z4Hr&0`KdNkA@c1nevY9^{uMz%SCae|F$10E-+WJ}q;LX5l1)Nf6A+&`4V9HF@gSOH z%I+@tn8x+quK-@(g9eEm$r!ETPIs;veaq}4p7eB)2e-)csJo~u{VR;$l0l|1Qz*uy z*5iF&RV~C5EzVf)nVlo4z`#IQXWEglDw^1T4HQm7DS=@@Ouu{5r(_Y`jhP+ct)6hV zq5OtSXTD*jSV&zBX6oKpRy^L!(7hB}bK{kHa6|Ve{STEId~o)>^pGkl=kwx~8``$q zJ;ChbZ42%Fj<#?^8qRbmy)nzDS=pLNMR|qHzaq)#W0^l4+B|XMqd*n<4L!M9MtYdn zj4HJn4N3f1>PWE4xDeZWxGY>0RF|PNk$YIw{ z_}FQms0;OkNel~LU8;^1 zdGi@A&g7R+0GS&YX8Z~Tw&q%WjHUNE)O*B_1?S=^RaFD;i$@Ag=^K7Q$`XoIBpyV?yChJ;-7Tm38`jJ+;wW~CL<<)~L7pAsFQoMK z?$E6e?Dr3IYl^EVa$oh-p-cy}}{}AFPYu8!jx|-uT%WrAh}2=1_5oO+l zA}QO7Y?Ucp;MlXs-KWovEMJ|)ldC!f$dpvds_w7ktzA!HNU0P1IdPpjYjvf##*HfU z1{vX+xf)GTd`wfjv7XSvejQ7Cdn6i_K53B^!DGL_i=fT{V5n3Sz709OX zE4OzF`u<1xB-`|z}-@g%ae!*ium$JyUqERfX0CHs?`yndWg zAx5Q=-nR7($dUxwrY3yguw@Q|?2K{wi&Ec# z)AA0})XQH$0 z6=&3&-yzOsUNqc5aU&?x5tF4_seL_zT^)MF0D&Okrj#AFoK_r2+pL z8_HSUc!Dj=8DbOgX_aJ#z4F!)yr1@h``E@zJ1z<%{z20L@nd;6>w2fMelakeKza~e z5D>6hrX5KwoUO3>QqmZYf{4LVJ4BZpvPbkFm-)fKqd*sEEYKPFWY9;*X*=5)H<1M> zMV%~J*Xm}uRMB|(gc&n4PPi!3t=D?yM^YbY>*bC;wt^O6h5eXZ{SC)HG!VDWo+>8# zg4?-X&fTd?ttr<~?}0Ih^4ejyE~`u?@F#nu;nvWr<8k$Fn3>dviozR7|2-=cA(?nC z#LY-2=0+T>T^@Sm2nd7+y`-W*%@uj8s~RUDz-mEf|CYWBw>C7&1TpgFi+)qGR1Xb~ zm>y<^XH9`YqLkMB#r=DKFSq4*S}*sOqCIhuZOHu7wTlk@@XLhZmgB!2c)XA4Q2*W~ zpb)f-3)EMi&8qEXAl?Zx3hb?z2($gV{{;++lh4k~NH@bn?Mn^@&rm(YV*HgZXS`i)TjJie%}H37y#i5>8e1ucNsp%Ln+?hNS|Wo3Q+G?wTj?`A&! z{M1*``@mtn)4#?0n=`8F%Fgh~q9}Ws6dB$pZn5THO7}PUhB1H0DVz_KYp2#ftExe8 zLtM1&zvdYRLU#W?N3qpZXasbqfd09%HjH$>&TP-f3%b_E#3j~U5k{x}+-dWMJi3&< z@w3s6mSv)*R+B4+fVLOacLj zd{!|NL?Hn?>+vG5ZsBgLh>~Qba^8#B>!sc8#j}KKm<#~X2QbBoAXbg-lLpA5HDw8p z+aITdW|`&<`{o?^fnY9ENzJ6(E#ZWVwe$B@Zf;^#!(RvQ9gvA@GYjlFFXa~VY)o^o z&tI0Sy&K2gzw=^#mTQvoR%aU-q~)Ww=Ng}$_ijMb3Vh69G4e4`+$F)xeX26%D9~8=hwZ z%^bQ{#$&LPbLTr+>p!bOpqr3K>MBN+!nf_FW3?_HkRNwG>$aWVSqtWzvdFT@^yT-- z8TiI{I%qRugaH5Tdb+Lr1l-~67 zw0`nw(BVc~LEKL5JW|#s3e?gk_kImdyX24QdHCUfIWP0e(u$K5^mW2-$e&AIR=A{ZNn!6dmaN$RA+OyRU|{F8Hv*|@tN8?CU;@rJKF%1ifXGK}r2>C^*G7C`qH$NEmm)pZ zma!D-$Mkg8J52F@G+=0i+$1mxcZ-0zE@@%gfh5A0{YS*$w1QwF-8M&)-dcZ-#nzeC}w)Yr2- zw#)gQ@9^5Y_(StEu)zx4!}`NL_!A2^$08Oy?uSkePuf^`&Tq{$`5YlcVMkNrubpD? zI-V~#wU`5Y)i;Xh6@{AaZG3ZZ(ZxK+Tg)`DIEBgz0qM*jdF;Z;_LhfIfhYq)Z@ZSJ z!f3-$%|`NdmU-EOx6y9JbG&0m+B`FB76AKYG(A5ze&)4Bh1|;B>J&WK3M# zhQ@3Z$HEx@lsge>Om*3DVadPw1*{TOHb+w2r6HgoBiNIpsD+mI2P45%lPf;;oJr0S zWn+^~>}`bp#xu4+>?1T&%A|#b%d-0;B0cE1W6w$X#o3q1&u=aM+kJy?yvs%=+BIDh zYFNqCtj;!SwOJ?6Fknj0(9HD2ni)OxvBm0vAvL}C_n{O4y`CfP0dUO<@A}zHz(%Og zZ%|q7VBONs>DyY?D5*l|QhfAD^kY&Fb+fDyd{5>0qkOz#xyc6uof6#2oSCD#3wF{# z+cqZh&J2XW!KZ8QQ~OK6%=K12%QEB^2x;H&fd3rmx?9$4Qi=44-`OablmsIvU2&E| z32|`fEpUpZ?19wPLUCb@Eg1IgQ%OlW^f}tWW~?B!)Go?0HX(ncR8|EcLXoFcED}j3 z=H2Q^IHHi`fJ9Isd!w2a)+buo_i1!UeWe*SPaB&tt_z9R&{~-~t@|g4N*(@AXdEq} z@iipfTg!SOc}AS-C}NYJiCSn7gHifdq>1!^rzH$uI1D;k>KN8;`t=BsSUp^$<|HNx zKT=X@i5IY(QnDhKzE!luc8do4qCq(!$>e8X$@<7!$+#s@2{Dn z-Rlz735`wK2R{o^1LUnkjh-yXeU%G^c1jkp1oXq$^Lv!m(W2Cr^(wI1c^8BfrGR2)9NaU&)v0Rk@ zIu%p{QMl>8T|64g$0-(qQ-4KLZ2$cb1u#KX)^PbVu z+sv6R*a^0WZiDxo?dTNM?bckl|5v2LqbT1Rb_8TFo1SQM8EmQ!W@*G+tt3V8x$bbk zEg1&dh6tuSagy%Wc*n%wzKvKh0FC%Y5WVY^Hiv;9tH9z6Tpj3Qa8C`fxHW^REMK8C zM+NK2F<0=kQMxzA0t?z+XRQ5M1JLsf zK!s`!(S;p=MH03K#oyqi=Qt0KYEhGZQo~2JQm6}t$f9691icF{!?slt_uj)Ws~HvX z=%!RCl#Eb0a)cm?n=nP}VtSK*NO!V?5#(Mo7;N(9XK3W^*2_pe`LNby$6NvjH2{5{ zK(MN;FqQP}RSAqh08-|J>!T;%n!>KUOvS{Kmj8t+%GvG`P>i`iiwX}wuC_kkx$0@X zoVwcJC+>vqy=2Ermu^rfQw*0wx<7^h#lR^#zdR!A2A4M#h`{jD?65y z2ge#4yZ>c*7?(2PH`vvodm+`h!<}Di`!q8~y3iK0b|F0kRJSi&%^!Vq{GSEu=zrw_ zQGdhn#7$SEQG$a+8f+D-doK{FLHtQNEc{z z!eU^-kQZ9p%1x%dur?7s7kIv&Rl$(-YYX7HmM9XXg1d6VhyxHlKtSyFMvDgj(N_nF zgVo}n7!fq6TWZ|U;k`0OoKpRg>gAbb)e-b1)M9}k+J=aLh24zw-iw^tzRHcZhTr61 zbq7+L-hP&;^bjaStytekCY5k%x-;2 zI{bFe8|eaNsHJ8g12_MR69tZ5VdFCc15)~8(=#@8+LB*CLp#-N9-EVVw>iAHzhua| zgGS}wv^U_qE3H%7@+4F!HTRYxJ<1ob57z$`ySr3Y9ca|O5kTtJEN*$83#;dqdFAP( zC!aGNj~PsO82zoCB1#TiymL3a#(Vwnh3Do2%HM4W0lNnecalTjF>utGYXdY$x>ESF zGGkZzn9&1pv!d@T+>b4H==J&p#nRJ(6HDICx1&)fKk9xaTS%|?JD@i~?l$8BMRY|- z8k(zr_)2s#g*UIVS8j+h1v$vR+id1fy0L7n%ETm&d=V0Tvj9qdbdnipn(ed|I1G|R z`Ok1$w0BnhWe%xMVUU8SpLVV3PvK- zRb6#asdM!lWbGrjCDSAVUoqt0!i6_4Cx=GfOz%!L01Gxu($UmEee%ZKFpU2$JTIZY zQny6vvlUN*Aa872=L%-jo&JUR%gDABn;WpsHe)lS?cM25%nO6P*e6|cbi>)N2|`6z z&-v7CiY`1PflaGLnf`;0wN*MQKt}|Z$H%XKq$R6*(`v-ZbWU2FoIS=cjp}I?(4RC(g!~2pH^f9{Z)V z3z*xRO6tu9<6RMj<7+>XytP1&wGW~_zn6Q|v*hL{(6Fcf`5@)pa1V#8T;^lCDGC|& z;0CL(G-<*LCRhBdAnRT3uD|OY2YEoCma~5jR4Ey4W8vD!Vv@_?uj;6bj5Q0pHki+w z>J@gV`U}fdIi7{4ld3g?e!(b?CrDs)dw}x)5RB=p6FqbTnIbgy9QwEjaH^wj|jNbtc2W3HSM(_)q$S=lM}y}L7}0Fic&yjPWglx zTIAZ>D{+hOlJrr5jR?w*{8NHj()zcU>UvM-zTI_7KJD)qpN$m2=un6`D0d1@D8~Wh zF>QAZ4Ww}a*|Yf0D8%kEiQ1t-2FRl+tXT{b``?jvF8g^3p-IGk6mhu&zubC~(0W`J zaTaku4RCXmDamlI5tk9k*Njrke7v*vI`H1?D4dZJJq4=6;}E-H@U!)#_6ksn08Hqo zni+L~f_>7lj3PPKHxmfc6%xVT5#}4U%+CTnX5fzSN-|$q!UvO?MRK4Fv-`vGxX@V0V{P)c~nxr55bHz7IV!XSV;woK=|2gEjk7W zHl_t!`tF!mm&BxD=c`*tN=huQ=#|ac#lBzDW?&t85K@TrKj2~7yJC}+$j)q3-8oKG8z3y?Dzb`|y zaCO_h?e$$Ql=wcW$5uLf7&wd7?MNq?`QFz>iR!v5|B#r1QRU(;yFHtzV!XBSS+TI| zzVV_(d763+*Oc`wKrxf2v_w-*SgcvAV<1TM8@b5K7jKT==ITVV81fydzD0CHEN{)X z3%6xnpgUusp30ZOj#5$%7@S>8+qkQi<%d& zK05tQ6i{N;QAL}ca{MEZZ=^It)dr6OWv6O*bong-v^%C1;E6S?m4k59hA!U}oeg+>exr5g=s znp@v){mUmCoDM$V%7IMGut4@VWRgx)W(f@gt|_UnV1XZ+(@sGqKYg5yD0o$E4%-w* z53w9$>eYX@wyNXKkVvv93Nizp$^=<8eT=03g@&p+>x7LIs;?Lkqj+a4fxT9Lk>hi% zB$d}|OJi0rT0|uH7?lP9%P{zh-45TJ;;OZP`f)v?*mI{SBUWT&iXpm?mOTFx9c4aC ziR86_G*(V3s;Z+MVf){+nNcYp=ichbZECVXuJ9aVAiqJGDiW+1+BnynmOHVLA5@d^>mBA*Ec-%I<;A5OCgjo(q|Z}50V%k%_`D|x`=`;XnqsCl27xLrmC z4=g@_{zt+0qh|DFwt8pObk+-!e#_*y)0ctnAhC?N#yNxG8AD31muVe`fwdvZWq^*G zI0|mcb6i6=xBe__ThsqJFfWmS-dNMs9nIpLHY>xyRq0e9K3E(pkSUD??BhFJIO=K{ zNfxzfeSC5dyCJqqL4H9YYYjno8KHrq_qdYQV~OE5cLTR znT^naj}-$dSc%c;u{IgVeedsTv&mzsGT;1J@lB|%fr%PY6-r`ES9cJ#m z5ifuyyFE!MDvJmBJaWLeAIxSLkJv8C{_^tFo>c|zy;@jJ0OXKj31Y`K>kEaA9%1Wv z*OK2!CzspXz!KSr zjBB!QbF=MjFXGI$hbQN_{CyqmcIMI^Sor?maO7@NIr`X7zBSzc>hEe8bJ)w56%+I~ z0~Z=#9U`3&PS5RIk2Fza>VCeT@~xawDEzU^6fvAn6s>Oh?h>gu7gIS^h-ZbS8$N%lJhZ9>|BrsZlm;%MRO>}sE9z9k}JdMot7B{syT zAqzkkA9|6_T1g?OizWQ9V%XI`@q(bhMjlkJJfw@@!Nc6c!hjm3#*M{Lq`e~(gx!X^ z;a9yCa`2=-;)BZ@Y)3;Jnw^j!ZA5Ikjz(KsJGg6r-W_0otO4|m)srAfybY7<5N`F| zlwhRzaEFH;`k7C5(F&pzpWfgk6_cvUJe*341FWGbm=6XO!9blZd@~>#JrF#~0BPmLqx+2e=Je;alcEYbhIshvca3ZN@^OTA8n!d;N4+8L4Lg_J; z&0pkp=16;>BJb($ZLe#en-)LQci(t|(jrTy9W0;x8y@OJ7_l_Y6z2nT)`)Yir{DN0 zXBV9y{*vIbwh!8TN87qJxRQAh9pyXeF1EjZ`Q1)1|GDM+zr6WZ;He?2C51}!(9j)i zIbrut4=K@d*K>xPBTzbk&mtp^1_0&pX-BEG!Ak{c4iBDrmgN~PN|;Dd{E2KJdzEw_ zLWY83v{^-|PpkSvGpb6y)SWz<();Pup`rE0m3bqGSlfbzL{2x_7+p)7FM@pZ_4eR< zCu-~dvVMi7L!Pnu2fE4S_G1m*Pv03EGVOQlKDEY&1@PtLY6NvBM14fQ8))dNR~w0Z z_g?g8WhJRz?Yig^RD09qm(z`T%O1#}e(pj+k$_TG;^bw8G2!Zzr`)$Er$xKu;6*gs zBG&%7V;>lYcu@t~!L* ztG2fy5xstBsyt0VF{zBxkcE7_>9HP*n`~-&%xYX_5OGlP1ub0{ zbthj9ng7@5Cj4=9F_8$^^bOciE;+Fz$H792@A+rX`9}{g-!-0okzHR5*EK6!u4$L( zjgtHIbsRW+qO69+HoxuZ?+P~c&{&1vjkqgJT3NWsq(1u%NN~syy{6yT#}5)E1fxW$ zegfK_4!9Fp|51X?*#GXzjDsDfsGT4k;h!R}z~$zyroAi;R@=WuOT&HjqUcHq`&sCf T!#s^F2>3kG&{MBawR!b_kGRh1 literal 0 HcmV?d00001 diff --git a/tests/test_postprocessing.py b/tests/test_postprocessing.py new file mode 100644 index 0000000..c304e8f --- /dev/null +++ b/tests/test_postprocessing.py @@ -0,0 +1,63 @@ +import cv2 +import numpy as np + +from xview.dataset import read_mask + +import matplotlib.pyplot as plt + +from xview.postprocessing import make_predictions_floodfill, make_predictions_dominant_v2 +from xview.utils.inference_image_output import make_rgb_image +import pytest + + +@pytest.mark.parametrize(["actual", "expected"], [ + ("hurricane-florence_00000115_post_disaster.npy", "hurricane-florence_00000115_post_disaster.png"), + ("hurricane-florence_00000475_post_disaster.npy", "hurricane-florence_00000475_post_disaster.png"), +]) +def test_watershed(actual, expected): + dmg = np.load(actual) + dmg_true = read_mask(expected) + + loc_cls, dmg_cls = make_predictions_dominant_v2(dmg) + + plt.figure() + plt.imshow(make_rgb_image(dmg_true)) + plt.show() + + plt.figure() + plt.imshow(make_rgb_image(np.argmax(dmg, axis=0))) + plt.show() + + plt.figure() + plt.imshow(make_rgb_image(loc_cls)) + plt.show() + + plt.figure() + plt.imshow(make_rgb_image(dmg_cls)) + plt.show() + + +def test_watershed_with_image(): + dmg = read_mask("test_damage_00121_prediction.png") + loc = read_mask("test_localization_00121_prediction.png") + img = cv2.imread("test_post_00121.png") + + # Fix mask + dmg[loc == 0] = 0 + + seed = dmg.copy() + seed[loc == 0] = 0 + markers = cv2.watershed(img, seed.astype(int)) + markers[markers == 0] = 1 + + plt.figure() + plt.imshow(dmg) + plt.show() + + plt.figure() + plt.imshow(loc) + plt.show() + + plt.figure() + plt.imshow(markers) + plt.show() diff --git a/tests/test_registration.py b/tests/test_registration.py new file mode 100644 index 0000000..2b3f4e1 --- /dev/null +++ b/tests/test_registration.py @@ -0,0 +1,105 @@ +import pytest +import cv2 +import numpy as np + +import matplotlib.pyplot as plt + +from xview.alignment import align_post_image_pyramid + + +def test_ecc(): + pre = cv2.imread("d:\\datasets\\xview2\\train\\images\\guatemala-volcano_00000002_pre_disaster.png") + post = cv2.imread("d:\\datasets\\xview2\\train\\images\\guatemala-volcano_00000002_post_disaster.png") + + warpMatrix = np.zeros((3, 3), dtype=np.float32) + warpMatrix[0, 0] = warpMatrix[1, 1] = warpMatrix[2, 2] = 1.0 + + stop_criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 200, 0.0001) + + retval = False + + try: + retval, warpMatrix = cv2.findTransformECC( + cv2.cvtColor(pre, cv2.COLOR_RGB2GRAY), + cv2.cvtColor(post, cv2.COLOR_RGB2GRAY), + warpMatrix, + cv2.MOTION_HOMOGRAPHY, + stop_criteria, + None, + 5, + ) + post_warped = cv2.warpPerspective(post, warpMatrix, dsize=(1024, 1024), flags=cv2.WARP_INVERSE_MAP) + except: + retval = False + post_warped = post.copy() + + plt.figure() + plt.imshow(pre) + plt.show() + + plt.figure() + plt.imshow(post) + plt.show() + + plt.figure() + plt.imshow(post_warped) + plt.show() + + + +def test_ecc_pyramid(): + pre = cv2.imread("c:\\datasets\\xview2\\train\\images\\guatemala-volcano_00000001_pre_disaster.png") + post = cv2.imread("c:\\datasets\\xview2\\train\\images\\guatemala-volcano_00000001_post_disaster.png") + post_warped = align_post_image_pyramid(pre, post) + + plt.figure() + plt.imshow(pre) + plt.show() + + plt.figure() + plt.imshow(post) + plt.show() + + plt.figure() + plt.imshow(post_warped) + plt.show() + + + +def test_ecc_simple(): + pre = cv2.imread("pre.png") + post = cv2.imread("post.png") + + warpMatrix = np.zeros((3, 3), dtype=np.float32) + warpMatrix[0, 0] = warpMatrix[1, 1] = warpMatrix[2, 2] = 1.0 + + stop_criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 20, 0.0001) + + retval = False + + try: + retval, warpMatrix = cv2.findTransformECC( + cv2.cvtColor(pre, cv2.COLOR_RGB2GRAY), + cv2.cvtColor(post, cv2.COLOR_RGB2GRAY), + warpMatrix, + cv2.MOTION_HOMOGRAPHY, + stop_criteria, + None, + 5, + ) + post_warped = cv2.warpPerspective(post, warpMatrix, dsize=(256, 256), flags=cv2.WARP_INVERSE_MAP) + except: + retval = False + post_warped = post.copy() + + plt.figure() + plt.imshow(pre) + plt.show() + + plt.figure() + plt.imshow(post) + plt.show() + + plt.figure() + plt.imshow(post_warped) + plt.show() diff --git a/train.csv b/train.csv new file mode 100644 index 0000000..6c971e8 --- /dev/null +++ b/train.csv @@ -0,0 +1,18337 @@ +destroyed_buildings,destroyed_pixels,event_name,event_type,folder,image_fname,image_id,light_damaged_buildings,light_damaged_pixels,mask_fname,medium_damaged_buildings,medium_damaged_pixels,non_damaged_buildings,non_damaged_pixels,sample_id +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000000_post_disaster.png,guatemala-volcano_00000000_post_disaster,0,0,train\masks\guatemala-volcano_00000000_post_disaster.png,0,0,9,15938,00000000 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000000_pre_disaster.png,guatemala-volcano_00000000_pre_disaster,0,0,train\masks\guatemala-volcano_00000000_pre_disaster.png,0,0,9,15965,00000000 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000001_post_disaster.png,guatemala-volcano_00000001_post_disaster,4,2560,train\masks\guatemala-volcano_00000001_post_disaster.png,0,0,0,0,00000001 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000001_pre_disaster.png,guatemala-volcano_00000001_pre_disaster,0,0,train\masks\guatemala-volcano_00000001_pre_disaster.png,0,0,4,2567,00000001 +1,2498,guatemala-volcano,post,train,train\images\guatemala-volcano_00000002_post_disaster.png,guatemala-volcano_00000002_post_disaster,0,0,train\masks\guatemala-volcano_00000002_post_disaster.png,0,0,0,0,00000002 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000002_pre_disaster.png,guatemala-volcano_00000002_pre_disaster,0,0,train\masks\guatemala-volcano_00000002_pre_disaster.png,0,0,1,2498,00000002 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000006_post_disaster.png,guatemala-volcano_00000006_post_disaster,0,0,train\masks\guatemala-volcano_00000006_post_disaster.png,0,0,96,46737,00000006 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000006_pre_disaster.png,guatemala-volcano_00000006_pre_disaster,0,0,train\masks\guatemala-volcano_00000006_pre_disaster.png,0,0,96,46737,00000006 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000007_post_disaster.png,guatemala-volcano_00000007_post_disaster,0,0,train\masks\guatemala-volcano_00000007_post_disaster.png,0,0,8,9728,00000007 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000007_pre_disaster.png,guatemala-volcano_00000007_pre_disaster,0,0,train\masks\guatemala-volcano_00000007_pre_disaster.png,0,0,8,9728,00000007 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000008_post_disaster.png,guatemala-volcano_00000008_post_disaster,0,0,train\masks\guatemala-volcano_00000008_post_disaster.png,0,0,0,0,00000008 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000008_pre_disaster.png,guatemala-volcano_00000008_pre_disaster,0,0,train\masks\guatemala-volcano_00000008_pre_disaster.png,0,0,0,0,00000008 +1,71,guatemala-volcano,post,train,train\images\guatemala-volcano_00000010_post_disaster.png,guatemala-volcano_00000010_post_disaster,0,0,train\masks\guatemala-volcano_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000010_pre_disaster.png,guatemala-volcano_00000010_pre_disaster,0,0,train\masks\guatemala-volcano_00000010_pre_disaster.png,0,0,1,71,00000010 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000013_post_disaster.png,guatemala-volcano_00000013_post_disaster,0,0,train\masks\guatemala-volcano_00000013_post_disaster.png,0,0,12,20235,00000013 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000013_pre_disaster.png,guatemala-volcano_00000013_pre_disaster,0,0,train\masks\guatemala-volcano_00000013_pre_disaster.png,0,0,12,20235,00000013 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000015_post_disaster.png,guatemala-volcano_00000015_post_disaster,0,0,train\masks\guatemala-volcano_00000015_post_disaster.png,0,0,97,61139,00000015 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000015_pre_disaster.png,guatemala-volcano_00000015_pre_disaster,0,0,train\masks\guatemala-volcano_00000015_pre_disaster.png,0,0,97,61134,00000015 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000016_post_disaster.png,guatemala-volcano_00000016_post_disaster,2,145,train\masks\guatemala-volcano_00000016_post_disaster.png,0,0,5,9945,00000016 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000016_pre_disaster.png,guatemala-volcano_00000016_pre_disaster,0,0,train\masks\guatemala-volcano_00000016_pre_disaster.png,0,0,7,10090,00000016 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000017_post_disaster.png,guatemala-volcano_00000017_post_disaster,0,0,train\masks\guatemala-volcano_00000017_post_disaster.png,0,0,47,20292,00000017 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000017_pre_disaster.png,guatemala-volcano_00000017_pre_disaster,0,0,train\masks\guatemala-volcano_00000017_pre_disaster.png,0,0,47,20308,00000017 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000018_post_disaster.png,guatemala-volcano_00000018_post_disaster,2,533,train\masks\guatemala-volcano_00000018_post_disaster.png,0,0,9,5913,00000018 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000018_pre_disaster.png,guatemala-volcano_00000018_pre_disaster,0,0,train\masks\guatemala-volcano_00000018_pre_disaster.png,0,0,11,6446,00000018 +1,1995,guatemala-volcano,post,train,train\images\guatemala-volcano_00000019_post_disaster.png,guatemala-volcano_00000019_post_disaster,1,2187,train\masks\guatemala-volcano_00000019_post_disaster.png,3,750,14,26855,00000019 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000019_pre_disaster.png,guatemala-volcano_00000019_pre_disaster,0,0,train\masks\guatemala-volcano_00000019_pre_disaster.png,0,0,19,31876,00000019 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000023_post_disaster.png,guatemala-volcano_00000023_post_disaster,0,0,train\masks\guatemala-volcano_00000023_post_disaster.png,0,0,116,59578,00000023 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000023_pre_disaster.png,guatemala-volcano_00000023_pre_disaster,0,0,train\masks\guatemala-volcano_00000023_pre_disaster.png,0,0,116,59576,00000023 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000024_post_disaster.png,guatemala-volcano_00000024_post_disaster,0,0,train\masks\guatemala-volcano_00000024_post_disaster.png,0,0,45,26652,00000024 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000024_pre_disaster.png,guatemala-volcano_00000024_pre_disaster,0,0,train\masks\guatemala-volcano_00000024_pre_disaster.png,0,0,45,26641,00000024 +14,6601,guatemala-volcano,post,train,train\images\guatemala-volcano_00000025_post_disaster.png,guatemala-volcano_00000025_post_disaster,0,0,train\masks\guatemala-volcano_00000025_post_disaster.png,5,2002,56,66756,00000025 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000025_pre_disaster.png,guatemala-volcano_00000025_pre_disaster,0,0,train\masks\guatemala-volcano_00000025_pre_disaster.png,0,0,70,75391,00000025 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000026_post_disaster.png,guatemala-volcano_00000026_post_disaster,0,0,train\masks\guatemala-volcano_00000026_post_disaster.png,0,0,23,7358,00000026 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000026_pre_disaster.png,guatemala-volcano_00000026_pre_disaster,0,0,train\masks\guatemala-volcano_00000026_pre_disaster.png,0,0,23,7358,00000026 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000027_post_disaster.png,guatemala-volcano_00000027_post_disaster,0,0,train\masks\guatemala-volcano_00000027_post_disaster.png,0,0,21,15526,00000027 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000027_pre_disaster.png,guatemala-volcano_00000027_pre_disaster,0,0,train\masks\guatemala-volcano_00000027_pre_disaster.png,0,0,21,15559,00000027 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000000_post_disaster.png,hurricane-florence_00000000_post_disaster,0,0,train\masks\hurricane-florence_00000000_post_disaster.png,0,0,103,138344,00000000 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000000_pre_disaster.png,hurricane-florence_00000000_pre_disaster,0,0,train\masks\hurricane-florence_00000000_pre_disaster.png,0,0,103,138506,00000000 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000001_post_disaster.png,hurricane-florence_00000001_post_disaster,2,2482,train\masks\hurricane-florence_00000001_post_disaster.png,0,0,87,98460,00000001 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000001_pre_disaster.png,hurricane-florence_00000001_pre_disaster,0,0,train\masks\hurricane-florence_00000001_pre_disaster.png,0,0,89,101009,00000001 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000002_post_disaster.png,hurricane-florence_00000002_post_disaster,0,0,train\masks\hurricane-florence_00000002_post_disaster.png,0,0,6,2839,00000002 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000002_pre_disaster.png,hurricane-florence_00000002_pre_disaster,0,0,train\masks\hurricane-florence_00000002_pre_disaster.png,0,0,6,2866,00000002 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000003_post_disaster.png,hurricane-florence_00000003_post_disaster,0,0,train\masks\hurricane-florence_00000003_post_disaster.png,0,0,60,119927,00000003 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000003_pre_disaster.png,hurricane-florence_00000003_pre_disaster,0,0,train\masks\hurricane-florence_00000003_pre_disaster.png,0,0,60,120023,00000003 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000008_post_disaster.png,hurricane-florence_00000008_post_disaster,0,0,train\masks\hurricane-florence_00000008_post_disaster.png,0,0,23,31008,00000008 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000008_pre_disaster.png,hurricane-florence_00000008_pre_disaster,0,0,train\masks\hurricane-florence_00000008_pre_disaster.png,0,0,23,31178,00000008 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000012_post_disaster.png,hurricane-florence_00000012_post_disaster,0,0,train\masks\hurricane-florence_00000012_post_disaster.png,0,0,34,82407,00000012 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000012_pre_disaster.png,hurricane-florence_00000012_pre_disaster,0,0,train\masks\hurricane-florence_00000012_pre_disaster.png,0,0,34,82559,00000012 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000015_post_disaster.png,hurricane-florence_00000015_post_disaster,0,0,train\masks\hurricane-florence_00000015_post_disaster.png,0,0,103,140477,00000015 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000015_pre_disaster.png,hurricane-florence_00000015_pre_disaster,0,0,train\masks\hurricane-florence_00000015_pre_disaster.png,0,0,103,140541,00000015 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000016_post_disaster.png,hurricane-florence_00000016_post_disaster,0,0,train\masks\hurricane-florence_00000016_post_disaster.png,0,0,63,81223,00000016 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000016_pre_disaster.png,hurricane-florence_00000016_pre_disaster,0,0,train\masks\hurricane-florence_00000016_pre_disaster.png,0,0,63,81223,00000016 +5,288,hurricane-florence,post,train,train\images\hurricane-florence_00000018_post_disaster.png,hurricane-florence_00000018_post_disaster,0,0,train\masks\hurricane-florence_00000018_post_disaster.png,37,26516,0,0,00000018 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000018_pre_disaster.png,hurricane-florence_00000018_pre_disaster,0,0,train\masks\hurricane-florence_00000018_pre_disaster.png,0,0,42,26804,00000018 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000020_post_disaster.png,hurricane-florence_00000020_post_disaster,0,0,train\masks\hurricane-florence_00000020_post_disaster.png,0,0,12,7774,00000020 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000020_pre_disaster.png,hurricane-florence_00000020_pre_disaster,0,0,train\masks\hurricane-florence_00000020_pre_disaster.png,0,0,12,7774,00000020 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000022_post_disaster.png,hurricane-florence_00000022_post_disaster,0,0,train\masks\hurricane-florence_00000022_post_disaster.png,4,3630,2,276,00000022 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000022_pre_disaster.png,hurricane-florence_00000022_pre_disaster,0,0,train\masks\hurricane-florence_00000022_pre_disaster.png,0,0,6,3937,00000022 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000023_post_disaster.png,hurricane-florence_00000023_post_disaster,0,0,train\masks\hurricane-florence_00000023_post_disaster.png,0,0,3,2245,00000023 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000023_pre_disaster.png,hurricane-florence_00000023_pre_disaster,0,0,train\masks\hurricane-florence_00000023_pre_disaster.png,0,0,3,2245,00000023 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000024_post_disaster.png,hurricane-florence_00000024_post_disaster,0,0,train\masks\hurricane-florence_00000024_post_disaster.png,0,0,13,8375,00000024 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000024_pre_disaster.png,hurricane-florence_00000024_pre_disaster,0,0,train\masks\hurricane-florence_00000024_pre_disaster.png,0,0,13,8375,00000024 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000026_post_disaster.png,hurricane-florence_00000026_post_disaster,0,0,train\masks\hurricane-florence_00000026_post_disaster.png,0,0,25,17047,00000026 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000026_pre_disaster.png,hurricane-florence_00000026_pre_disaster,0,0,train\masks\hurricane-florence_00000026_pre_disaster.png,0,0,25,17075,00000026 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000027_post_disaster.png,hurricane-florence_00000027_post_disaster,0,0,train\masks\hurricane-florence_00000027_post_disaster.png,0,0,1,632,00000027 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000027_pre_disaster.png,hurricane-florence_00000027_pre_disaster,0,0,train\masks\hurricane-florence_00000027_pre_disaster.png,0,0,1,632,00000027 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000028_post_disaster.png,hurricane-florence_00000028_post_disaster,0,0,train\masks\hurricane-florence_00000028_post_disaster.png,0,0,141,128871,00000028 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000028_pre_disaster.png,hurricane-florence_00000028_pre_disaster,0,0,train\masks\hurricane-florence_00000028_pre_disaster.png,0,0,141,129001,00000028 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000030_post_disaster.png,hurricane-florence_00000030_post_disaster,0,0,train\masks\hurricane-florence_00000030_post_disaster.png,0,0,7,4751,00000030 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000030_pre_disaster.png,hurricane-florence_00000030_pre_disaster,0,0,train\masks\hurricane-florence_00000030_pre_disaster.png,0,0,7,4778,00000030 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000031_post_disaster.png,hurricane-florence_00000031_post_disaster,0,0,train\masks\hurricane-florence_00000031_post_disaster.png,0,0,11,9432,00000031 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000031_pre_disaster.png,hurricane-florence_00000031_pre_disaster,0,0,train\masks\hurricane-florence_00000031_pre_disaster.png,0,0,11,9432,00000031 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000032_post_disaster.png,hurricane-florence_00000032_post_disaster,0,0,train\masks\hurricane-florence_00000032_post_disaster.png,0,0,18,12732,00000032 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000032_pre_disaster.png,hurricane-florence_00000032_pre_disaster,0,0,train\masks\hurricane-florence_00000032_pre_disaster.png,0,0,18,12738,00000032 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000036_post_disaster.png,hurricane-florence_00000036_post_disaster,0,0,train\masks\hurricane-florence_00000036_post_disaster.png,0,0,40,33607,00000036 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000036_pre_disaster.png,hurricane-florence_00000036_pre_disaster,0,0,train\masks\hurricane-florence_00000036_pre_disaster.png,0,0,40,33607,00000036 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000037_post_disaster.png,hurricane-florence_00000037_post_disaster,0,0,train\masks\hurricane-florence_00000037_post_disaster.png,0,0,13,8475,00000037 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000037_pre_disaster.png,hurricane-florence_00000037_pre_disaster,0,0,train\masks\hurricane-florence_00000037_pre_disaster.png,0,0,13,8475,00000037 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000042_post_disaster.png,hurricane-florence_00000042_post_disaster,0,0,train\masks\hurricane-florence_00000042_post_disaster.png,0,0,17,11786,00000042 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000042_pre_disaster.png,hurricane-florence_00000042_pre_disaster,0,0,train\masks\hurricane-florence_00000042_pre_disaster.png,0,0,17,11786,00000042 +1,1061,hurricane-florence,post,train,train\images\hurricane-florence_00000043_post_disaster.png,hurricane-florence_00000043_post_disaster,0,0,train\masks\hurricane-florence_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000043_pre_disaster.png,hurricane-florence_00000043_pre_disaster,0,0,train\masks\hurricane-florence_00000043_pre_disaster.png,0,0,1,1061,00000043 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000044_post_disaster.png,hurricane-florence_00000044_post_disaster,0,0,train\masks\hurricane-florence_00000044_post_disaster.png,0,0,6,2561,00000044 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000044_pre_disaster.png,hurricane-florence_00000044_pre_disaster,0,0,train\masks\hurricane-florence_00000044_pre_disaster.png,0,0,6,2561,00000044 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000045_post_disaster.png,hurricane-florence_00000045_post_disaster,0,0,train\masks\hurricane-florence_00000045_post_disaster.png,0,0,25,15363,00000045 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000045_pre_disaster.png,hurricane-florence_00000045_pre_disaster,0,0,train\masks\hurricane-florence_00000045_pre_disaster.png,0,0,25,15363,00000045 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000048_post_disaster.png,hurricane-florence_00000048_post_disaster,5,4405,train\masks\hurricane-florence_00000048_post_disaster.png,13,9933,5,2809,00000048 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000048_pre_disaster.png,hurricane-florence_00000048_pre_disaster,0,0,train\masks\hurricane-florence_00000048_pre_disaster.png,0,0,23,17201,00000048 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000049_post_disaster.png,hurricane-florence_00000049_post_disaster,0,0,train\masks\hurricane-florence_00000049_post_disaster.png,3,661,0,0,00000049 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000049_pre_disaster.png,hurricane-florence_00000049_pre_disaster,0,0,train\masks\hurricane-florence_00000049_pre_disaster.png,0,0,3,661,00000049 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000051_post_disaster.png,hurricane-florence_00000051_post_disaster,2,2247,train\masks\hurricane-florence_00000051_post_disaster.png,15,11296,1,586,00000051 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000051_pre_disaster.png,hurricane-florence_00000051_pre_disaster,0,0,train\masks\hurricane-florence_00000051_pre_disaster.png,0,0,18,14217,00000051 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000053_post_disaster.png,hurricane-florence_00000053_post_disaster,0,0,train\masks\hurricane-florence_00000053_post_disaster.png,0,0,6,8937,00000053 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000053_pre_disaster.png,hurricane-florence_00000053_pre_disaster,0,0,train\masks\hurricane-florence_00000053_pre_disaster.png,0,0,6,8937,00000053 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000054_post_disaster.png,hurricane-florence_00000054_post_disaster,0,0,train\masks\hurricane-florence_00000054_post_disaster.png,0,0,8,34525,00000054 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000054_pre_disaster.png,hurricane-florence_00000054_pre_disaster,0,0,train\masks\hurricane-florence_00000054_pre_disaster.png,0,0,8,34525,00000054 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000055_post_disaster.png,hurricane-florence_00000055_post_disaster,2,2126,train\masks\hurricane-florence_00000055_post_disaster.png,5,1695,2,1586,00000055 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000055_pre_disaster.png,hurricane-florence_00000055_pre_disaster,0,0,train\masks\hurricane-florence_00000055_pre_disaster.png,0,0,9,5475,00000055 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000057_post_disaster.png,hurricane-florence_00000057_post_disaster,0,0,train\masks\hurricane-florence_00000057_post_disaster.png,0,0,1,96,00000057 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000057_pre_disaster.png,hurricane-florence_00000057_pre_disaster,0,0,train\masks\hurricane-florence_00000057_pre_disaster.png,0,0,1,96,00000057 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000058_post_disaster.png,hurricane-florence_00000058_post_disaster,0,0,train\masks\hurricane-florence_00000058_post_disaster.png,0,0,0,0,00000058 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000058_pre_disaster.png,hurricane-florence_00000058_pre_disaster,0,0,train\masks\hurricane-florence_00000058_pre_disaster.png,0,0,0,0,00000058 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000059_post_disaster.png,hurricane-florence_00000059_post_disaster,0,0,train\masks\hurricane-florence_00000059_post_disaster.png,0,0,2,2764,00000059 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000059_pre_disaster.png,hurricane-florence_00000059_pre_disaster,0,0,train\masks\hurricane-florence_00000059_pre_disaster.png,0,0,2,2764,00000059 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000060_post_disaster.png,hurricane-florence_00000060_post_disaster,0,0,train\masks\hurricane-florence_00000060_post_disaster.png,0,0,9,7847,00000060 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000060_pre_disaster.png,hurricane-florence_00000060_pre_disaster,0,0,train\masks\hurricane-florence_00000060_pre_disaster.png,0,0,9,7847,00000060 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000061_post_disaster.png,hurricane-florence_00000061_post_disaster,0,0,train\masks\hurricane-florence_00000061_post_disaster.png,0,0,8,6147,00000061 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000061_pre_disaster.png,hurricane-florence_00000061_pre_disaster,0,0,train\masks\hurricane-florence_00000061_pre_disaster.png,0,0,8,6147,00000061 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000062_post_disaster.png,hurricane-florence_00000062_post_disaster,0,0,train\masks\hurricane-florence_00000062_post_disaster.png,1,888,6,3296,00000062 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000062_pre_disaster.png,hurricane-florence_00000062_pre_disaster,0,0,train\masks\hurricane-florence_00000062_pre_disaster.png,0,0,7,4184,00000062 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000063_post_disaster.png,hurricane-florence_00000063_post_disaster,0,0,train\masks\hurricane-florence_00000063_post_disaster.png,0,0,24,14059,00000063 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000063_pre_disaster.png,hurricane-florence_00000063_pre_disaster,0,0,train\masks\hurricane-florence_00000063_pre_disaster.png,0,0,24,14059,00000063 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000064_post_disaster.png,hurricane-florence_00000064_post_disaster,0,0,train\masks\hurricane-florence_00000064_post_disaster.png,0,0,31,21326,00000064 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000064_pre_disaster.png,hurricane-florence_00000064_pre_disaster,0,0,train\masks\hurricane-florence_00000064_pre_disaster.png,0,0,31,21326,00000064 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000065_post_disaster.png,hurricane-florence_00000065_post_disaster,0,0,train\masks\hurricane-florence_00000065_post_disaster.png,2,1757,0,0,00000065 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000065_pre_disaster.png,hurricane-florence_00000065_pre_disaster,0,0,train\masks\hurricane-florence_00000065_pre_disaster.png,0,0,2,1757,00000065 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000066_post_disaster.png,hurricane-florence_00000066_post_disaster,0,0,train\masks\hurricane-florence_00000066_post_disaster.png,0,0,19,15118,00000066 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000066_pre_disaster.png,hurricane-florence_00000066_pre_disaster,0,0,train\masks\hurricane-florence_00000066_pre_disaster.png,0,0,19,15155,00000066 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000067_post_disaster.png,hurricane-florence_00000067_post_disaster,0,0,train\masks\hurricane-florence_00000067_post_disaster.png,0,0,21,17311,00000067 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000067_pre_disaster.png,hurricane-florence_00000067_pre_disaster,0,0,train\masks\hurricane-florence_00000067_pre_disaster.png,0,0,21,17358,00000067 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000069_post_disaster.png,hurricane-florence_00000069_post_disaster,0,0,train\masks\hurricane-florence_00000069_post_disaster.png,0,0,9,7673,00000069 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000069_pre_disaster.png,hurricane-florence_00000069_pre_disaster,0,0,train\masks\hurricane-florence_00000069_pre_disaster.png,0,0,9,7673,00000069 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000070_post_disaster.png,hurricane-florence_00000070_post_disaster,1,2230,train\masks\hurricane-florence_00000070_post_disaster.png,13,11156,1,503,00000070 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000070_pre_disaster.png,hurricane-florence_00000070_pre_disaster,0,0,train\masks\hurricane-florence_00000070_pre_disaster.png,0,0,15,13914,00000070 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000072_post_disaster.png,hurricane-florence_00000072_post_disaster,0,0,train\masks\hurricane-florence_00000072_post_disaster.png,5,4860,0,0,00000072 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000072_pre_disaster.png,hurricane-florence_00000072_pre_disaster,0,0,train\masks\hurricane-florence_00000072_pre_disaster.png,0,0,5,4860,00000072 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000073_post_disaster.png,hurricane-florence_00000073_post_disaster,0,0,train\masks\hurricane-florence_00000073_post_disaster.png,0,0,2,2817,00000073 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000073_pre_disaster.png,hurricane-florence_00000073_pre_disaster,0,0,train\masks\hurricane-florence_00000073_pre_disaster.png,0,0,2,2817,00000073 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000075_post_disaster.png,hurricane-florence_00000075_post_disaster,0,0,train\masks\hurricane-florence_00000075_post_disaster.png,0,0,30,14767,00000075 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000075_pre_disaster.png,hurricane-florence_00000075_pre_disaster,0,0,train\masks\hurricane-florence_00000075_pre_disaster.png,0,0,30,14782,00000075 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000078_post_disaster.png,hurricane-florence_00000078_post_disaster,1,394,train\masks\hurricane-florence_00000078_post_disaster.png,2,2800,1,240,00000078 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000078_pre_disaster.png,hurricane-florence_00000078_pre_disaster,0,0,train\masks\hurricane-florence_00000078_pre_disaster.png,0,0,4,3434,00000078 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000079_post_disaster.png,hurricane-florence_00000079_post_disaster,1,777,train\masks\hurricane-florence_00000079_post_disaster.png,0,0,10,9532,00000079 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000079_pre_disaster.png,hurricane-florence_00000079_pre_disaster,0,0,train\masks\hurricane-florence_00000079_pre_disaster.png,0,0,11,10309,00000079 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000080_post_disaster.png,hurricane-florence_00000080_post_disaster,0,0,train\masks\hurricane-florence_00000080_post_disaster.png,5,4068,0,0,00000080 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000080_pre_disaster.png,hurricane-florence_00000080_pre_disaster,0,0,train\masks\hurricane-florence_00000080_pre_disaster.png,0,0,5,4068,00000080 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000083_post_disaster.png,hurricane-florence_00000083_post_disaster,0,0,train\masks\hurricane-florence_00000083_post_disaster.png,4,3399,4,946,00000083 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000083_pre_disaster.png,hurricane-florence_00000083_pre_disaster,0,0,train\masks\hurricane-florence_00000083_pre_disaster.png,0,0,8,4384,00000083 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000084_post_disaster.png,hurricane-florence_00000084_post_disaster,0,0,train\masks\hurricane-florence_00000084_post_disaster.png,0,0,46,43091,00000084 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000084_pre_disaster.png,hurricane-florence_00000084_pre_disaster,0,0,train\masks\hurricane-florence_00000084_pre_disaster.png,0,0,46,43220,00000084 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000085_post_disaster.png,hurricane-florence_00000085_post_disaster,0,0,train\masks\hurricane-florence_00000085_post_disaster.png,0,0,22,16031,00000085 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000085_pre_disaster.png,hurricane-florence_00000085_pre_disaster,0,0,train\masks\hurricane-florence_00000085_pre_disaster.png,0,0,22,16059,00000085 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000086_post_disaster.png,hurricane-florence_00000086_post_disaster,0,0,train\masks\hurricane-florence_00000086_post_disaster.png,6,3550,1,1385,00000086 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000086_pre_disaster.png,hurricane-florence_00000086_pre_disaster,0,0,train\masks\hurricane-florence_00000086_pre_disaster.png,0,0,7,4983,00000086 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000088_post_disaster.png,hurricane-florence_00000088_post_disaster,0,0,train\masks\hurricane-florence_00000088_post_disaster.png,1,442,0,0,00000088 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000088_pre_disaster.png,hurricane-florence_00000088_pre_disaster,0,0,train\masks\hurricane-florence_00000088_pre_disaster.png,0,0,1,442,00000088 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000091_post_disaster.png,hurricane-florence_00000091_post_disaster,0,0,train\masks\hurricane-florence_00000091_post_disaster.png,0,0,125,138251,00000091 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000091_pre_disaster.png,hurricane-florence_00000091_pre_disaster,0,0,train\masks\hurricane-florence_00000091_pre_disaster.png,0,0,125,138426,00000091 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000093_post_disaster.png,hurricane-florence_00000093_post_disaster,0,0,train\masks\hurricane-florence_00000093_post_disaster.png,0,0,0,0,00000093 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000093_pre_disaster.png,hurricane-florence_00000093_pre_disaster,0,0,train\masks\hurricane-florence_00000093_pre_disaster.png,0,0,0,0,00000093 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000094_post_disaster.png,hurricane-florence_00000094_post_disaster,0,0,train\masks\hurricane-florence_00000094_post_disaster.png,0,0,44,85487,00000094 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000094_pre_disaster.png,hurricane-florence_00000094_pre_disaster,0,0,train\masks\hurricane-florence_00000094_pre_disaster.png,0,0,44,85541,00000094 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000096_post_disaster.png,hurricane-florence_00000096_post_disaster,0,0,train\masks\hurricane-florence_00000096_post_disaster.png,0,0,109,201917,00000096 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000096_pre_disaster.png,hurricane-florence_00000096_pre_disaster,0,0,train\masks\hurricane-florence_00000096_pre_disaster.png,0,0,109,202282,00000096 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000099_post_disaster.png,hurricane-florence_00000099_post_disaster,0,0,train\masks\hurricane-florence_00000099_post_disaster.png,0,0,23,26900,00000099 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000099_pre_disaster.png,hurricane-florence_00000099_pre_disaster,0,0,train\masks\hurricane-florence_00000099_pre_disaster.png,0,0,23,26994,00000099 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000100_post_disaster.png,hurricane-florence_00000100_post_disaster,0,0,train\masks\hurricane-florence_00000100_post_disaster.png,5,2865,0,0,00000100 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000100_pre_disaster.png,hurricane-florence_00000100_pre_disaster,0,0,train\masks\hurricane-florence_00000100_pre_disaster.png,0,0,5,2875,00000100 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000101_post_disaster.png,hurricane-florence_00000101_post_disaster,0,0,train\masks\hurricane-florence_00000101_post_disaster.png,1,976,0,0,00000101 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000101_pre_disaster.png,hurricane-florence_00000101_pre_disaster,0,0,train\masks\hurricane-florence_00000101_pre_disaster.png,0,0,1,988,00000101 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000102_post_disaster.png,hurricane-florence_00000102_post_disaster,0,0,train\masks\hurricane-florence_00000102_post_disaster.png,10,5117,0,0,00000102 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000102_pre_disaster.png,hurricane-florence_00000102_pre_disaster,0,0,train\masks\hurricane-florence_00000102_pre_disaster.png,0,0,10,5117,00000102 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000103_post_disaster.png,hurricane-florence_00000103_post_disaster,0,0,train\masks\hurricane-florence_00000103_post_disaster.png,0,0,58,94201,00000103 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000103_pre_disaster.png,hurricane-florence_00000103_pre_disaster,0,0,train\masks\hurricane-florence_00000103_pre_disaster.png,0,0,58,94513,00000103 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000104_post_disaster.png,hurricane-florence_00000104_post_disaster,0,0,train\masks\hurricane-florence_00000104_post_disaster.png,1,12958,8,59289,00000104 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000104_pre_disaster.png,hurricane-florence_00000104_pre_disaster,0,0,train\masks\hurricane-florence_00000104_pre_disaster.png,0,0,9,72348,00000104 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000106_post_disaster.png,hurricane-florence_00000106_post_disaster,0,0,train\masks\hurricane-florence_00000106_post_disaster.png,12,12642,0,0,00000106 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000106_pre_disaster.png,hurricane-florence_00000106_pre_disaster,0,0,train\masks\hurricane-florence_00000106_pre_disaster.png,0,0,12,12642,00000106 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000110_post_disaster.png,hurricane-florence_00000110_post_disaster,0,0,train\masks\hurricane-florence_00000110_post_disaster.png,0,0,72,99749,00000110 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000110_pre_disaster.png,hurricane-florence_00000110_pre_disaster,0,0,train\masks\hurricane-florence_00000110_pre_disaster.png,0,0,72,99943,00000110 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000111_post_disaster.png,hurricane-florence_00000111_post_disaster,0,0,train\masks\hurricane-florence_00000111_post_disaster.png,4,1749,0,0,00000111 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000111_pre_disaster.png,hurricane-florence_00000111_pre_disaster,0,0,train\masks\hurricane-florence_00000111_pre_disaster.png,0,0,4,1749,00000111 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000114_post_disaster.png,hurricane-florence_00000114_post_disaster,0,0,train\masks\hurricane-florence_00000114_post_disaster.png,11,6425,0,0,00000114 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000114_pre_disaster.png,hurricane-florence_00000114_pre_disaster,0,0,train\masks\hurricane-florence_00000114_pre_disaster.png,0,0,11,6451,00000114 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000115_post_disaster.png,hurricane-florence_00000115_post_disaster,0,0,train\masks\hurricane-florence_00000115_post_disaster.png,0,0,37,66938,00000115 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000115_pre_disaster.png,hurricane-florence_00000115_pre_disaster,0,0,train\masks\hurricane-florence_00000115_pre_disaster.png,0,0,37,67000,00000115 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000118_post_disaster.png,hurricane-florence_00000118_post_disaster,0,0,train\masks\hurricane-florence_00000118_post_disaster.png,0,0,14,4054,00000118 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000118_pre_disaster.png,hurricane-florence_00000118_pre_disaster,0,0,train\masks\hurricane-florence_00000118_pre_disaster.png,0,0,14,4084,00000118 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000120_post_disaster.png,hurricane-florence_00000120_post_disaster,0,0,train\masks\hurricane-florence_00000120_post_disaster.png,22,15743,0,0,00000120 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000120_pre_disaster.png,hurricane-florence_00000120_pre_disaster,0,0,train\masks\hurricane-florence_00000120_pre_disaster.png,0,0,22,15806,00000120 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000122_post_disaster.png,hurricane-florence_00000122_post_disaster,2,184514,train\masks\hurricane-florence_00000122_post_disaster.png,0,0,1,867,00000122 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000122_pre_disaster.png,hurricane-florence_00000122_pre_disaster,0,0,train\masks\hurricane-florence_00000122_pre_disaster.png,0,0,3,185381,00000122 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000123_post_disaster.png,hurricane-florence_00000123_post_disaster,0,0,train\masks\hurricane-florence_00000123_post_disaster.png,6,9623,0,0,00000123 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000123_pre_disaster.png,hurricane-florence_00000123_pre_disaster,0,0,train\masks\hurricane-florence_00000123_pre_disaster.png,0,0,6,9662,00000123 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000126_post_disaster.png,hurricane-florence_00000126_post_disaster,1,20104,train\masks\hurricane-florence_00000126_post_disaster.png,0,0,0,0,00000126 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000126_pre_disaster.png,hurricane-florence_00000126_pre_disaster,0,0,train\masks\hurricane-florence_00000126_pre_disaster.png,0,0,1,20104,00000126 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000132_post_disaster.png,hurricane-florence_00000132_post_disaster,0,0,train\masks\hurricane-florence_00000132_post_disaster.png,6,5019,0,0,00000132 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000132_pre_disaster.png,hurricane-florence_00000132_pre_disaster,0,0,train\masks\hurricane-florence_00000132_pre_disaster.png,0,0,6,5019,00000132 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000136_post_disaster.png,hurricane-florence_00000136_post_disaster,0,0,train\masks\hurricane-florence_00000136_post_disaster.png,2,1275,0,0,00000136 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000136_pre_disaster.png,hurricane-florence_00000136_pre_disaster,0,0,train\masks\hurricane-florence_00000136_pre_disaster.png,0,0,2,1289,00000136 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000138_post_disaster.png,hurricane-florence_00000138_post_disaster,0,0,train\masks\hurricane-florence_00000138_post_disaster.png,0,0,1,68,00000138 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000138_pre_disaster.png,hurricane-florence_00000138_pre_disaster,0,0,train\masks\hurricane-florence_00000138_pre_disaster.png,0,0,1,68,00000138 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000139_post_disaster.png,hurricane-florence_00000139_post_disaster,0,0,train\masks\hurricane-florence_00000139_post_disaster.png,7,4087,0,0,00000139 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000139_pre_disaster.png,hurricane-florence_00000139_pre_disaster,0,0,train\masks\hurricane-florence_00000139_pre_disaster.png,0,0,7,4087,00000139 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000140_post_disaster.png,hurricane-florence_00000140_post_disaster,0,0,train\masks\hurricane-florence_00000140_post_disaster.png,1,101,0,0,00000140 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000140_pre_disaster.png,hurricane-florence_00000140_pre_disaster,0,0,train\masks\hurricane-florence_00000140_pre_disaster.png,0,0,1,101,00000140 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000142_post_disaster.png,hurricane-florence_00000142_post_disaster,0,0,train\masks\hurricane-florence_00000142_post_disaster.png,0,0,0,0,00000142 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000142_pre_disaster.png,hurricane-florence_00000142_pre_disaster,0,0,train\masks\hurricane-florence_00000142_pre_disaster.png,0,0,0,0,00000142 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000144_post_disaster.png,hurricane-florence_00000144_post_disaster,0,0,train\masks\hurricane-florence_00000144_post_disaster.png,1,201,2,1455,00000144 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000144_pre_disaster.png,hurricane-florence_00000144_pre_disaster,0,0,train\masks\hurricane-florence_00000144_pre_disaster.png,0,0,3,1691,00000144 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000146_post_disaster.png,hurricane-florence_00000146_post_disaster,0,0,train\masks\hurricane-florence_00000146_post_disaster.png,4,2082,0,0,00000146 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000146_pre_disaster.png,hurricane-florence_00000146_pre_disaster,0,0,train\masks\hurricane-florence_00000146_pre_disaster.png,0,0,4,2082,00000146 +4,3554,hurricane-florence,post,train,train\images\hurricane-florence_00000147_post_disaster.png,hurricane-florence_00000147_post_disaster,0,0,train\masks\hurricane-florence_00000147_post_disaster.png,0,0,0,0,00000147 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000147_pre_disaster.png,hurricane-florence_00000147_pre_disaster,0,0,train\masks\hurricane-florence_00000147_pre_disaster.png,0,0,4,3554,00000147 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000148_post_disaster.png,hurricane-florence_00000148_post_disaster,0,0,train\masks\hurricane-florence_00000148_post_disaster.png,6,3038,0,0,00000148 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000148_pre_disaster.png,hurricane-florence_00000148_pre_disaster,0,0,train\masks\hurricane-florence_00000148_pre_disaster.png,0,0,6,3065,00000148 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000149_post_disaster.png,hurricane-florence_00000149_post_disaster,0,0,train\masks\hurricane-florence_00000149_post_disaster.png,10,6493,0,0,00000149 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000149_pre_disaster.png,hurricane-florence_00000149_pre_disaster,0,0,train\masks\hurricane-florence_00000149_pre_disaster.png,0,0,10,6493,00000149 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000151_post_disaster.png,hurricane-florence_00000151_post_disaster,0,0,train\masks\hurricane-florence_00000151_post_disaster.png,7,6529,0,0,00000151 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000151_pre_disaster.png,hurricane-florence_00000151_pre_disaster,0,0,train\masks\hurricane-florence_00000151_pre_disaster.png,0,0,7,6529,00000151 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000153_post_disaster.png,hurricane-florence_00000153_post_disaster,3,3684,train\masks\hurricane-florence_00000153_post_disaster.png,12,10028,0,0,00000153 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000153_pre_disaster.png,hurricane-florence_00000153_pre_disaster,0,0,train\masks\hurricane-florence_00000153_pre_disaster.png,0,0,14,13712,00000153 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000156_post_disaster.png,hurricane-florence_00000156_post_disaster,0,0,train\masks\hurricane-florence_00000156_post_disaster.png,0,0,5,1898,00000156 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000156_pre_disaster.png,hurricane-florence_00000156_pre_disaster,0,0,train\masks\hurricane-florence_00000156_pre_disaster.png,0,0,5,1898,00000156 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000158_post_disaster.png,hurricane-florence_00000158_post_disaster,0,0,train\masks\hurricane-florence_00000158_post_disaster.png,4,2153,0,0,00000158 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000158_pre_disaster.png,hurricane-florence_00000158_pre_disaster,0,0,train\masks\hurricane-florence_00000158_pre_disaster.png,0,0,4,2153,00000158 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000159_post_disaster.png,hurricane-florence_00000159_post_disaster,0,0,train\masks\hurricane-florence_00000159_post_disaster.png,0,0,0,0,00000159 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000159_pre_disaster.png,hurricane-florence_00000159_pre_disaster,0,0,train\masks\hurricane-florence_00000159_pre_disaster.png,0,0,0,0,00000159 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000163_post_disaster.png,hurricane-florence_00000163_post_disaster,0,0,train\masks\hurricane-florence_00000163_post_disaster.png,1,184,0,0,00000163 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000163_pre_disaster.png,hurricane-florence_00000163_pre_disaster,0,0,train\masks\hurricane-florence_00000163_pre_disaster.png,0,0,1,184,00000163 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000164_post_disaster.png,hurricane-florence_00000164_post_disaster,0,0,train\masks\hurricane-florence_00000164_post_disaster.png,0,0,12,11327,00000164 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000164_pre_disaster.png,hurricane-florence_00000164_pre_disaster,0,0,train\masks\hurricane-florence_00000164_pre_disaster.png,0,0,12,11327,00000164 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000165_post_disaster.png,hurricane-florence_00000165_post_disaster,0,0,train\masks\hurricane-florence_00000165_post_disaster.png,0,0,36,25931,00000165 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000165_pre_disaster.png,hurricane-florence_00000165_pre_disaster,0,0,train\masks\hurricane-florence_00000165_pre_disaster.png,0,0,36,26044,00000165 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000166_post_disaster.png,hurricane-florence_00000166_post_disaster,0,0,train\masks\hurricane-florence_00000166_post_disaster.png,5,4079,0,0,00000166 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000166_pre_disaster.png,hurricane-florence_00000166_pre_disaster,0,0,train\masks\hurricane-florence_00000166_pre_disaster.png,0,0,5,4079,00000166 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000168_post_disaster.png,hurricane-florence_00000168_post_disaster,0,0,train\masks\hurricane-florence_00000168_post_disaster.png,0,0,0,0,00000168 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000168_pre_disaster.png,hurricane-florence_00000168_pre_disaster,0,0,train\masks\hurricane-florence_00000168_pre_disaster.png,0,0,0,0,00000168 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000174_post_disaster.png,hurricane-florence_00000174_post_disaster,0,0,train\masks\hurricane-florence_00000174_post_disaster.png,0,0,0,0,00000174 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000174_pre_disaster.png,hurricane-florence_00000174_pre_disaster,0,0,train\masks\hurricane-florence_00000174_pre_disaster.png,0,0,0,0,00000174 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000178_post_disaster.png,hurricane-florence_00000178_post_disaster,0,0,train\masks\hurricane-florence_00000178_post_disaster.png,14,8025,0,0,00000178 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000178_pre_disaster.png,hurricane-florence_00000178_pre_disaster,0,0,train\masks\hurricane-florence_00000178_pre_disaster.png,0,0,14,8025,00000178 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000180_post_disaster.png,hurricane-florence_00000180_post_disaster,0,0,train\masks\hurricane-florence_00000180_post_disaster.png,1,623,0,0,00000180 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000180_pre_disaster.png,hurricane-florence_00000180_pre_disaster,0,0,train\masks\hurricane-florence_00000180_pre_disaster.png,0,0,1,677,00000180 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000181_post_disaster.png,hurricane-florence_00000181_post_disaster,0,0,train\masks\hurricane-florence_00000181_post_disaster.png,10,8762,21,16147,00000181 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000181_pre_disaster.png,hurricane-florence_00000181_pre_disaster,0,0,train\masks\hurricane-florence_00000181_pre_disaster.png,0,0,31,24950,00000181 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000183_post_disaster.png,hurricane-florence_00000183_post_disaster,0,0,train\masks\hurricane-florence_00000183_post_disaster.png,8,5511,0,0,00000183 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000183_pre_disaster.png,hurricane-florence_00000183_pre_disaster,0,0,train\masks\hurricane-florence_00000183_pre_disaster.png,0,0,8,5511,00000183 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000185_post_disaster.png,hurricane-florence_00000185_post_disaster,0,0,train\masks\hurricane-florence_00000185_post_disaster.png,0,0,23,29996,00000185 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000185_pre_disaster.png,hurricane-florence_00000185_pre_disaster,0,0,train\masks\hurricane-florence_00000185_pre_disaster.png,0,0,23,30236,00000185 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000188_post_disaster.png,hurricane-florence_00000188_post_disaster,0,0,train\masks\hurricane-florence_00000188_post_disaster.png,10,6526,0,0,00000188 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000188_pre_disaster.png,hurricane-florence_00000188_pre_disaster,0,0,train\masks\hurricane-florence_00000188_pre_disaster.png,0,0,10,6609,00000188 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000189_post_disaster.png,hurricane-florence_00000189_post_disaster,1,1392,train\masks\hurricane-florence_00000189_post_disaster.png,3,2657,0,0,00000189 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000189_pre_disaster.png,hurricane-florence_00000189_pre_disaster,0,0,train\masks\hurricane-florence_00000189_pre_disaster.png,0,0,4,4086,00000189 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000190_post_disaster.png,hurricane-florence_00000190_post_disaster,0,0,train\masks\hurricane-florence_00000190_post_disaster.png,0,0,27,20213,00000190 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000190_pre_disaster.png,hurricane-florence_00000190_pre_disaster,0,0,train\masks\hurricane-florence_00000190_pre_disaster.png,0,0,27,20213,00000190 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000191_post_disaster.png,hurricane-florence_00000191_post_disaster,0,0,train\masks\hurricane-florence_00000191_post_disaster.png,0,0,82,126456,00000191 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000191_pre_disaster.png,hurricane-florence_00000191_pre_disaster,0,0,train\masks\hurricane-florence_00000191_pre_disaster.png,0,0,82,126853,00000191 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000192_post_disaster.png,hurricane-florence_00000192_post_disaster,0,0,train\masks\hurricane-florence_00000192_post_disaster.png,3,1837,0,0,00000192 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000192_pre_disaster.png,hurricane-florence_00000192_pre_disaster,0,0,train\masks\hurricane-florence_00000192_pre_disaster.png,0,0,3,1837,00000192 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000193_post_disaster.png,hurricane-florence_00000193_post_disaster,0,0,train\masks\hurricane-florence_00000193_post_disaster.png,5,3040,5,2800,00000193 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000193_pre_disaster.png,hurricane-florence_00000193_pre_disaster,0,0,train\masks\hurricane-florence_00000193_pre_disaster.png,0,0,10,5840,00000193 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000194_post_disaster.png,hurricane-florence_00000194_post_disaster,0,0,train\masks\hurricane-florence_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000194_pre_disaster.png,hurricane-florence_00000194_pre_disaster,0,0,train\masks\hurricane-florence_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000195_post_disaster.png,hurricane-florence_00000195_post_disaster,0,0,train\masks\hurricane-florence_00000195_post_disaster.png,7,4745,1,193,00000195 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000195_pre_disaster.png,hurricane-florence_00000195_pre_disaster,0,0,train\masks\hurricane-florence_00000195_pre_disaster.png,0,0,8,4976,00000195 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000199_post_disaster.png,hurricane-florence_00000199_post_disaster,2,1375,train\masks\hurricane-florence_00000199_post_disaster.png,0,0,87,76534,00000199 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000199_pre_disaster.png,hurricane-florence_00000199_pre_disaster,0,0,train\masks\hurricane-florence_00000199_pre_disaster.png,0,0,89,77967,00000199 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000203_post_disaster.png,hurricane-florence_00000203_post_disaster,0,0,train\masks\hurricane-florence_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000203_pre_disaster.png,hurricane-florence_00000203_pre_disaster,0,0,train\masks\hurricane-florence_00000203_pre_disaster.png,0,0,0,0,00000203 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000210_post_disaster.png,hurricane-florence_00000210_post_disaster,0,0,train\masks\hurricane-florence_00000210_post_disaster.png,3,1508,0,0,00000210 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000210_pre_disaster.png,hurricane-florence_00000210_pre_disaster,0,0,train\masks\hurricane-florence_00000210_pre_disaster.png,0,0,3,1508,00000210 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000212_post_disaster.png,hurricane-florence_00000212_post_disaster,0,0,train\masks\hurricane-florence_00000212_post_disaster.png,0,0,23,13604,00000212 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000212_pre_disaster.png,hurricane-florence_00000212_pre_disaster,0,0,train\masks\hurricane-florence_00000212_pre_disaster.png,0,0,23,13624,00000212 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000216_post_disaster.png,hurricane-florence_00000216_post_disaster,0,0,train\masks\hurricane-florence_00000216_post_disaster.png,20,13362,0,0,00000216 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000216_pre_disaster.png,hurricane-florence_00000216_pre_disaster,0,0,train\masks\hurricane-florence_00000216_pre_disaster.png,0,0,20,13383,00000216 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000217_post_disaster.png,hurricane-florence_00000217_post_disaster,0,0,train\masks\hurricane-florence_00000217_post_disaster.png,0,0,84,112577,00000217 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000217_pre_disaster.png,hurricane-florence_00000217_pre_disaster,0,0,train\masks\hurricane-florence_00000217_pre_disaster.png,0,0,84,112616,00000217 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000218_post_disaster.png,hurricane-florence_00000218_post_disaster,0,0,train\masks\hurricane-florence_00000218_post_disaster.png,0,0,0,0,00000218 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000218_pre_disaster.png,hurricane-florence_00000218_pre_disaster,0,0,train\masks\hurricane-florence_00000218_pre_disaster.png,0,0,0,0,00000218 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000219_post_disaster.png,hurricane-florence_00000219_post_disaster,0,0,train\masks\hurricane-florence_00000219_post_disaster.png,4,1304,0,0,00000219 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000219_pre_disaster.png,hurricane-florence_00000219_pre_disaster,0,0,train\masks\hurricane-florence_00000219_pre_disaster.png,0,0,4,1304,00000219 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000221_post_disaster.png,hurricane-florence_00000221_post_disaster,0,0,train\masks\hurricane-florence_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000221_pre_disaster.png,hurricane-florence_00000221_pre_disaster,0,0,train\masks\hurricane-florence_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000222_post_disaster.png,hurricane-florence_00000222_post_disaster,0,0,train\masks\hurricane-florence_00000222_post_disaster.png,0,0,0,0,00000222 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000222_pre_disaster.png,hurricane-florence_00000222_pre_disaster,0,0,train\masks\hurricane-florence_00000222_pre_disaster.png,0,0,0,0,00000222 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000224_post_disaster.png,hurricane-florence_00000224_post_disaster,0,0,train\masks\hurricane-florence_00000224_post_disaster.png,0,0,27,17553,00000224 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000224_pre_disaster.png,hurricane-florence_00000224_pre_disaster,0,0,train\masks\hurricane-florence_00000224_pre_disaster.png,0,0,27,17553,00000224 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000226_post_disaster.png,hurricane-florence_00000226_post_disaster,0,0,train\masks\hurricane-florence_00000226_post_disaster.png,0,0,18,12664,00000226 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000226_pre_disaster.png,hurricane-florence_00000226_pre_disaster,0,0,train\masks\hurricane-florence_00000226_pre_disaster.png,0,0,18,12682,00000226 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000229_post_disaster.png,hurricane-florence_00000229_post_disaster,0,0,train\masks\hurricane-florence_00000229_post_disaster.png,0,0,19,16705,00000229 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000229_pre_disaster.png,hurricane-florence_00000229_pre_disaster,0,0,train\masks\hurricane-florence_00000229_pre_disaster.png,0,0,19,16797,00000229 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000231_post_disaster.png,hurricane-florence_00000231_post_disaster,0,0,train\masks\hurricane-florence_00000231_post_disaster.png,0,0,9,6229,00000231 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000231_pre_disaster.png,hurricane-florence_00000231_pre_disaster,0,0,train\masks\hurricane-florence_00000231_pre_disaster.png,0,0,9,6247,00000231 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000232_post_disaster.png,hurricane-florence_00000232_post_disaster,0,0,train\masks\hurricane-florence_00000232_post_disaster.png,0,0,39,23766,00000232 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000232_pre_disaster.png,hurricane-florence_00000232_pre_disaster,0,0,train\masks\hurricane-florence_00000232_pre_disaster.png,0,0,39,23802,00000232 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000233_post_disaster.png,hurricane-florence_00000233_post_disaster,0,0,train\masks\hurricane-florence_00000233_post_disaster.png,0,0,8,2522,00000233 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000233_pre_disaster.png,hurricane-florence_00000233_pre_disaster,0,0,train\masks\hurricane-florence_00000233_pre_disaster.png,0,0,8,2547,00000233 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000237_post_disaster.png,hurricane-florence_00000237_post_disaster,0,0,train\masks\hurricane-florence_00000237_post_disaster.png,0,0,23,33504,00000237 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000237_pre_disaster.png,hurricane-florence_00000237_pre_disaster,0,0,train\masks\hurricane-florence_00000237_pre_disaster.png,0,0,23,33552,00000237 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000242_post_disaster.png,hurricane-florence_00000242_post_disaster,0,0,train\masks\hurricane-florence_00000242_post_disaster.png,0,0,10,7634,00000242 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000242_pre_disaster.png,hurricane-florence_00000242_pre_disaster,0,0,train\masks\hurricane-florence_00000242_pre_disaster.png,0,0,10,7657,00000242 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000244_post_disaster.png,hurricane-florence_00000244_post_disaster,0,0,train\masks\hurricane-florence_00000244_post_disaster.png,0,0,6,8138,00000244 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000244_pre_disaster.png,hurricane-florence_00000244_pre_disaster,0,0,train\masks\hurricane-florence_00000244_pre_disaster.png,0,0,6,8138,00000244 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000245_post_disaster.png,hurricane-florence_00000245_post_disaster,3,4116,train\masks\hurricane-florence_00000245_post_disaster.png,0,0,1,555,00000245 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000245_pre_disaster.png,hurricane-florence_00000245_pre_disaster,0,0,train\masks\hurricane-florence_00000245_pre_disaster.png,0,0,4,4671,00000245 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000247_post_disaster.png,hurricane-florence_00000247_post_disaster,0,0,train\masks\hurricane-florence_00000247_post_disaster.png,0,0,7,4179,00000247 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000247_pre_disaster.png,hurricane-florence_00000247_pre_disaster,0,0,train\masks\hurricane-florence_00000247_pre_disaster.png,0,0,7,4179,00000247 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000251_post_disaster.png,hurricane-florence_00000251_post_disaster,0,0,train\masks\hurricane-florence_00000251_post_disaster.png,0,0,23,16606,00000251 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000251_pre_disaster.png,hurricane-florence_00000251_pre_disaster,0,0,train\masks\hurricane-florence_00000251_pre_disaster.png,0,0,23,16606,00000251 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000252_post_disaster.png,hurricane-florence_00000252_post_disaster,0,0,train\masks\hurricane-florence_00000252_post_disaster.png,1,1039,0,0,00000252 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000252_pre_disaster.png,hurricane-florence_00000252_pre_disaster,0,0,train\masks\hurricane-florence_00000252_pre_disaster.png,0,0,1,1039,00000252 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000255_post_disaster.png,hurricane-florence_00000255_post_disaster,0,0,train\masks\hurricane-florence_00000255_post_disaster.png,2,1128,0,0,00000255 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000255_pre_disaster.png,hurricane-florence_00000255_pre_disaster,0,0,train\masks\hurricane-florence_00000255_pre_disaster.png,0,0,2,1128,00000255 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000256_post_disaster.png,hurricane-florence_00000256_post_disaster,0,0,train\masks\hurricane-florence_00000256_post_disaster.png,0,0,11,8555,00000256 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000256_pre_disaster.png,hurricane-florence_00000256_pre_disaster,0,0,train\masks\hurricane-florence_00000256_pre_disaster.png,0,0,11,8599,00000256 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000259_post_disaster.png,hurricane-florence_00000259_post_disaster,0,0,train\masks\hurricane-florence_00000259_post_disaster.png,9,6594,0,0,00000259 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000259_pre_disaster.png,hurricane-florence_00000259_pre_disaster,0,0,train\masks\hurricane-florence_00000259_pre_disaster.png,0,0,9,6609,00000259 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000260_post_disaster.png,hurricane-florence_00000260_post_disaster,0,0,train\masks\hurricane-florence_00000260_post_disaster.png,1,1155,25,21915,00000260 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000260_pre_disaster.png,hurricane-florence_00000260_pre_disaster,0,0,train\masks\hurricane-florence_00000260_pre_disaster.png,0,0,26,23070,00000260 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000263_post_disaster.png,hurricane-florence_00000263_post_disaster,0,0,train\masks\hurricane-florence_00000263_post_disaster.png,1,715,0,0,00000263 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000263_pre_disaster.png,hurricane-florence_00000263_pre_disaster,0,0,train\masks\hurricane-florence_00000263_pre_disaster.png,0,0,1,715,00000263 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000264_post_disaster.png,hurricane-florence_00000264_post_disaster,1,847,train\masks\hurricane-florence_00000264_post_disaster.png,0,0,4,3147,00000264 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000264_pre_disaster.png,hurricane-florence_00000264_pre_disaster,0,0,train\masks\hurricane-florence_00000264_pre_disaster.png,0,0,5,3996,00000264 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000266_post_disaster.png,hurricane-florence_00000266_post_disaster,0,0,train\masks\hurricane-florence_00000266_post_disaster.png,2,1157,0,0,00000266 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000266_pre_disaster.png,hurricane-florence_00000266_pre_disaster,0,0,train\masks\hurricane-florence_00000266_pre_disaster.png,0,0,2,1188,00000266 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000269_post_disaster.png,hurricane-florence_00000269_post_disaster,0,0,train\masks\hurricane-florence_00000269_post_disaster.png,4,1190,0,0,00000269 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000269_pre_disaster.png,hurricane-florence_00000269_pre_disaster,0,0,train\masks\hurricane-florence_00000269_pre_disaster.png,0,0,4,1190,00000269 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000272_post_disaster.png,hurricane-florence_00000272_post_disaster,0,0,train\masks\hurricane-florence_00000272_post_disaster.png,0,0,24,18239,00000272 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000272_pre_disaster.png,hurricane-florence_00000272_pre_disaster,0,0,train\masks\hurricane-florence_00000272_pre_disaster.png,0,0,24,18239,00000272 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000273_post_disaster.png,hurricane-florence_00000273_post_disaster,4,1234,train\masks\hurricane-florence_00000273_post_disaster.png,0,0,18,17912,00000273 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000273_pre_disaster.png,hurricane-florence_00000273_pre_disaster,0,0,train\masks\hurricane-florence_00000273_pre_disaster.png,0,0,22,19146,00000273 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000274_post_disaster.png,hurricane-florence_00000274_post_disaster,0,0,train\masks\hurricane-florence_00000274_post_disaster.png,0,0,9,6792,00000274 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000274_pre_disaster.png,hurricane-florence_00000274_pre_disaster,0,0,train\masks\hurricane-florence_00000274_pre_disaster.png,0,0,9,6792,00000274 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000275_post_disaster.png,hurricane-florence_00000275_post_disaster,0,0,train\masks\hurricane-florence_00000275_post_disaster.png,0,0,1,798,00000275 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000275_pre_disaster.png,hurricane-florence_00000275_pre_disaster,0,0,train\masks\hurricane-florence_00000275_pre_disaster.png,0,0,1,798,00000275 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000277_post_disaster.png,hurricane-florence_00000277_post_disaster,0,0,train\masks\hurricane-florence_00000277_post_disaster.png,0,0,14,7474,00000277 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000277_pre_disaster.png,hurricane-florence_00000277_pre_disaster,0,0,train\masks\hurricane-florence_00000277_pre_disaster.png,0,0,14,7474,00000277 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000278_post_disaster.png,hurricane-florence_00000278_post_disaster,0,0,train\masks\hurricane-florence_00000278_post_disaster.png,0,0,29,21016,00000278 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000278_pre_disaster.png,hurricane-florence_00000278_pre_disaster,0,0,train\masks\hurricane-florence_00000278_pre_disaster.png,0,0,29,21038,00000278 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000279_post_disaster.png,hurricane-florence_00000279_post_disaster,0,0,train\masks\hurricane-florence_00000279_post_disaster.png,0,0,11,14554,00000279 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000279_pre_disaster.png,hurricane-florence_00000279_pre_disaster,0,0,train\masks\hurricane-florence_00000279_pre_disaster.png,0,0,11,14554,00000279 +1,3369,hurricane-florence,post,train,train\images\hurricane-florence_00000282_post_disaster.png,hurricane-florence_00000282_post_disaster,0,0,train\masks\hurricane-florence_00000282_post_disaster.png,0,0,3,2291,00000282 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000282_pre_disaster.png,hurricane-florence_00000282_pre_disaster,0,0,train\masks\hurricane-florence_00000282_pre_disaster.png,0,0,4,5681,00000282 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000284_post_disaster.png,hurricane-florence_00000284_post_disaster,0,0,train\masks\hurricane-florence_00000284_post_disaster.png,0,0,17,9600,00000284 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000284_pre_disaster.png,hurricane-florence_00000284_pre_disaster,0,0,train\masks\hurricane-florence_00000284_pre_disaster.png,0,0,17,9600,00000284 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000285_post_disaster.png,hurricane-florence_00000285_post_disaster,0,0,train\masks\hurricane-florence_00000285_post_disaster.png,0,0,9,5542,00000285 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000285_pre_disaster.png,hurricane-florence_00000285_pre_disaster,0,0,train\masks\hurricane-florence_00000285_pre_disaster.png,0,0,9,5571,00000285 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000289_post_disaster.png,hurricane-florence_00000289_post_disaster,0,0,train\masks\hurricane-florence_00000289_post_disaster.png,0,0,10,5677,00000289 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000289_pre_disaster.png,hurricane-florence_00000289_pre_disaster,0,0,train\masks\hurricane-florence_00000289_pre_disaster.png,0,0,10,5752,00000289 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000290_post_disaster.png,hurricane-florence_00000290_post_disaster,0,0,train\masks\hurricane-florence_00000290_post_disaster.png,0,0,42,28846,00000290 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000290_pre_disaster.png,hurricane-florence_00000290_pre_disaster,0,0,train\masks\hurricane-florence_00000290_pre_disaster.png,0,0,42,28855,00000290 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000293_post_disaster.png,hurricane-florence_00000293_post_disaster,0,0,train\masks\hurricane-florence_00000293_post_disaster.png,0,0,45,35004,00000293 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000293_pre_disaster.png,hurricane-florence_00000293_pre_disaster,0,0,train\masks\hurricane-florence_00000293_pre_disaster.png,0,0,45,35003,00000293 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000296_post_disaster.png,hurricane-florence_00000296_post_disaster,0,0,train\masks\hurricane-florence_00000296_post_disaster.png,0,0,38,30390,00000296 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000296_pre_disaster.png,hurricane-florence_00000296_pre_disaster,0,0,train\masks\hurricane-florence_00000296_pre_disaster.png,0,0,38,30389,00000296 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000297_post_disaster.png,hurricane-florence_00000297_post_disaster,0,0,train\masks\hurricane-florence_00000297_post_disaster.png,0,0,15,10055,00000297 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000297_pre_disaster.png,hurricane-florence_00000297_pre_disaster,0,0,train\masks\hurricane-florence_00000297_pre_disaster.png,0,0,15,10040,00000297 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000298_post_disaster.png,hurricane-florence_00000298_post_disaster,0,0,train\masks\hurricane-florence_00000298_post_disaster.png,0,0,26,15501,00000298 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000298_pre_disaster.png,hurricane-florence_00000298_pre_disaster,0,0,train\masks\hurricane-florence_00000298_pre_disaster.png,0,0,26,15501,00000298 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000300_post_disaster.png,hurricane-florence_00000300_post_disaster,0,0,train\masks\hurricane-florence_00000300_post_disaster.png,0,0,19,10277,00000300 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000300_pre_disaster.png,hurricane-florence_00000300_pre_disaster,0,0,train\masks\hurricane-florence_00000300_pre_disaster.png,0,0,19,10333,00000300 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000302_post_disaster.png,hurricane-florence_00000302_post_disaster,0,0,train\masks\hurricane-florence_00000302_post_disaster.png,0,0,11,9495,00000302 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000302_pre_disaster.png,hurricane-florence_00000302_pre_disaster,0,0,train\masks\hurricane-florence_00000302_pre_disaster.png,0,0,11,9553,00000302 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000303_post_disaster.png,hurricane-florence_00000303_post_disaster,0,0,train\masks\hurricane-florence_00000303_post_disaster.png,0,0,10,5374,00000303 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000303_pre_disaster.png,hurricane-florence_00000303_pre_disaster,0,0,train\masks\hurricane-florence_00000303_pre_disaster.png,0,0,10,5374,00000303 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000304_post_disaster.png,hurricane-florence_00000304_post_disaster,0,0,train\masks\hurricane-florence_00000304_post_disaster.png,0,0,11,12517,00000304 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000304_pre_disaster.png,hurricane-florence_00000304_pre_disaster,0,0,train\masks\hurricane-florence_00000304_pre_disaster.png,0,0,11,12517,00000304 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000306_post_disaster.png,hurricane-florence_00000306_post_disaster,1,1137,train\masks\hurricane-florence_00000306_post_disaster.png,0,0,32,26312,00000306 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000306_pre_disaster.png,hurricane-florence_00000306_pre_disaster,0,0,train\masks\hurricane-florence_00000306_pre_disaster.png,0,0,33,27493,00000306 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000308_post_disaster.png,hurricane-florence_00000308_post_disaster,2,1277,train\masks\hurricane-florence_00000308_post_disaster.png,0,0,10,13597,00000308 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000308_pre_disaster.png,hurricane-florence_00000308_pre_disaster,0,0,train\masks\hurricane-florence_00000308_pre_disaster.png,0,0,12,14874,00000308 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000309_post_disaster.png,hurricane-florence_00000309_post_disaster,0,0,train\masks\hurricane-florence_00000309_post_disaster.png,0,0,23,14527,00000309 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000309_pre_disaster.png,hurricane-florence_00000309_pre_disaster,0,0,train\masks\hurricane-florence_00000309_pre_disaster.png,0,0,23,14546,00000309 +1,845,hurricane-florence,post,train,train\images\hurricane-florence_00000310_post_disaster.png,hurricane-florence_00000310_post_disaster,0,0,train\masks\hurricane-florence_00000310_post_disaster.png,0,0,17,12613,00000310 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000310_pre_disaster.png,hurricane-florence_00000310_pre_disaster,0,0,train\masks\hurricane-florence_00000310_pre_disaster.png,0,0,18,13483,00000310 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000312_post_disaster.png,hurricane-florence_00000312_post_disaster,0,0,train\masks\hurricane-florence_00000312_post_disaster.png,0,0,11,6188,00000312 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000312_pre_disaster.png,hurricane-florence_00000312_pre_disaster,0,0,train\masks\hurricane-florence_00000312_pre_disaster.png,0,0,11,6188,00000312 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000313_post_disaster.png,hurricane-florence_00000313_post_disaster,0,0,train\masks\hurricane-florence_00000313_post_disaster.png,1,1643,22,20599,00000313 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000313_pre_disaster.png,hurricane-florence_00000313_pre_disaster,0,0,train\masks\hurricane-florence_00000313_pre_disaster.png,0,0,23,22338,00000313 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000314_post_disaster.png,hurricane-florence_00000314_post_disaster,0,0,train\masks\hurricane-florence_00000314_post_disaster.png,0,0,4,1268,00000314 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000314_pre_disaster.png,hurricane-florence_00000314_pre_disaster,0,0,train\masks\hurricane-florence_00000314_pre_disaster.png,0,0,4,1280,00000314 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000315_post_disaster.png,hurricane-florence_00000315_post_disaster,0,0,train\masks\hurricane-florence_00000315_post_disaster.png,0,0,3,1407,00000315 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000315_pre_disaster.png,hurricane-florence_00000315_pre_disaster,0,0,train\masks\hurricane-florence_00000315_pre_disaster.png,0,0,3,1407,00000315 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000316_post_disaster.png,hurricane-florence_00000316_post_disaster,0,0,train\masks\hurricane-florence_00000316_post_disaster.png,0,0,24,19890,00000316 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000316_pre_disaster.png,hurricane-florence_00000316_pre_disaster,0,0,train\masks\hurricane-florence_00000316_pre_disaster.png,0,0,24,19926,00000316 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000319_post_disaster.png,hurricane-florence_00000319_post_disaster,2,999,train\masks\hurricane-florence_00000319_post_disaster.png,1,209,0,0,00000319 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000319_pre_disaster.png,hurricane-florence_00000319_pre_disaster,0,0,train\masks\hurricane-florence_00000319_pre_disaster.png,0,0,3,1208,00000319 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000320_post_disaster.png,hurricane-florence_00000320_post_disaster,1,2211,train\masks\hurricane-florence_00000320_post_disaster.png,0,0,10,6147,00000320 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000320_pre_disaster.png,hurricane-florence_00000320_pre_disaster,0,0,train\masks\hurricane-florence_00000320_pre_disaster.png,0,0,11,8358,00000320 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000324_post_disaster.png,hurricane-florence_00000324_post_disaster,1,911,train\masks\hurricane-florence_00000324_post_disaster.png,0,0,1,204,00000324 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000324_pre_disaster.png,hurricane-florence_00000324_pre_disaster,0,0,train\masks\hurricane-florence_00000324_pre_disaster.png,0,0,2,1115,00000324 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000325_post_disaster.png,hurricane-florence_00000325_post_disaster,1,1214,train\masks\hurricane-florence_00000325_post_disaster.png,6,3309,27,25478,00000325 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000325_pre_disaster.png,hurricane-florence_00000325_pre_disaster,0,0,train\masks\hurricane-florence_00000325_pre_disaster.png,0,0,34,30006,00000325 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000328_post_disaster.png,hurricane-florence_00000328_post_disaster,0,0,train\masks\hurricane-florence_00000328_post_disaster.png,0,0,15,23356,00000328 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000328_pre_disaster.png,hurricane-florence_00000328_pre_disaster,0,0,train\masks\hurricane-florence_00000328_pre_disaster.png,0,0,15,23356,00000328 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000329_post_disaster.png,hurricane-florence_00000329_post_disaster,0,0,train\masks\hurricane-florence_00000329_post_disaster.png,5,4811,0,0,00000329 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000329_pre_disaster.png,hurricane-florence_00000329_pre_disaster,0,0,train\masks\hurricane-florence_00000329_pre_disaster.png,0,0,5,4811,00000329 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000330_post_disaster.png,hurricane-florence_00000330_post_disaster,0,0,train\masks\hurricane-florence_00000330_post_disaster.png,0,0,16,10104,00000330 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000330_pre_disaster.png,hurricane-florence_00000330_pre_disaster,0,0,train\masks\hurricane-florence_00000330_pre_disaster.png,0,0,16,10104,00000330 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000331_post_disaster.png,hurricane-florence_00000331_post_disaster,0,0,train\masks\hurricane-florence_00000331_post_disaster.png,0,0,32,25508,00000331 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000331_pre_disaster.png,hurricane-florence_00000331_pre_disaster,0,0,train\masks\hurricane-florence_00000331_pre_disaster.png,0,0,32,25553,00000331 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000332_post_disaster.png,hurricane-florence_00000332_post_disaster,0,0,train\masks\hurricane-florence_00000332_post_disaster.png,0,0,0,0,00000332 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000332_pre_disaster.png,hurricane-florence_00000332_pre_disaster,0,0,train\masks\hurricane-florence_00000332_pre_disaster.png,0,0,0,0,00000332 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000333_post_disaster.png,hurricane-florence_00000333_post_disaster,0,0,train\masks\hurricane-florence_00000333_post_disaster.png,0,0,1,1323,00000333 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000333_pre_disaster.png,hurricane-florence_00000333_pre_disaster,0,0,train\masks\hurricane-florence_00000333_pre_disaster.png,0,0,1,1323,00000333 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000334_post_disaster.png,hurricane-florence_00000334_post_disaster,7,4105,train\masks\hurricane-florence_00000334_post_disaster.png,0,0,4,2386,00000334 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000334_pre_disaster.png,hurricane-florence_00000334_pre_disaster,0,0,train\masks\hurricane-florence_00000334_pre_disaster.png,0,0,11,6491,00000334 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000335_post_disaster.png,hurricane-florence_00000335_post_disaster,0,0,train\masks\hurricane-florence_00000335_post_disaster.png,0,0,20,57514,00000335 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000335_pre_disaster.png,hurricane-florence_00000335_pre_disaster,0,0,train\masks\hurricane-florence_00000335_pre_disaster.png,0,0,20,57513,00000335 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000336_post_disaster.png,hurricane-florence_00000336_post_disaster,0,0,train\masks\hurricane-florence_00000336_post_disaster.png,0,0,11,7500,00000336 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000336_pre_disaster.png,hurricane-florence_00000336_pre_disaster,0,0,train\masks\hurricane-florence_00000336_pre_disaster.png,0,0,11,7500,00000336 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000337_post_disaster.png,hurricane-florence_00000337_post_disaster,0,0,train\masks\hurricane-florence_00000337_post_disaster.png,0,0,13,10256,00000337 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000337_pre_disaster.png,hurricane-florence_00000337_pre_disaster,0,0,train\masks\hurricane-florence_00000337_pre_disaster.png,0,0,13,10256,00000337 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000338_post_disaster.png,hurricane-florence_00000338_post_disaster,0,0,train\masks\hurricane-florence_00000338_post_disaster.png,0,0,11,5402,00000338 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000338_pre_disaster.png,hurricane-florence_00000338_pre_disaster,0,0,train\masks\hurricane-florence_00000338_pre_disaster.png,0,0,11,5402,00000338 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000340_post_disaster.png,hurricane-florence_00000340_post_disaster,0,0,train\masks\hurricane-florence_00000340_post_disaster.png,0,0,22,17728,00000340 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000340_pre_disaster.png,hurricane-florence_00000340_pre_disaster,0,0,train\masks\hurricane-florence_00000340_pre_disaster.png,0,0,22,17728,00000340 +1,7483,hurricane-florence,post,train,train\images\hurricane-florence_00000341_post_disaster.png,hurricane-florence_00000341_post_disaster,2,15923,train\masks\hurricane-florence_00000341_post_disaster.png,0,0,2,976,00000341 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000341_pre_disaster.png,hurricane-florence_00000341_pre_disaster,0,0,train\masks\hurricane-florence_00000341_pre_disaster.png,0,0,4,24382,00000341 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000344_post_disaster.png,hurricane-florence_00000344_post_disaster,4,3275,train\masks\hurricane-florence_00000344_post_disaster.png,1,448,4,2703,00000344 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000344_pre_disaster.png,hurricane-florence_00000344_pre_disaster,0,0,train\masks\hurricane-florence_00000344_pre_disaster.png,0,0,9,6426,00000344 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000345_post_disaster.png,hurricane-florence_00000345_post_disaster,0,0,train\masks\hurricane-florence_00000345_post_disaster.png,0,0,3,5826,00000345 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000345_pre_disaster.png,hurricane-florence_00000345_pre_disaster,0,0,train\masks\hurricane-florence_00000345_pre_disaster.png,0,0,3,5880,00000345 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000346_post_disaster.png,hurricane-florence_00000346_post_disaster,0,0,train\masks\hurricane-florence_00000346_post_disaster.png,0,0,105,116444,00000346 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000346_pre_disaster.png,hurricane-florence_00000346_pre_disaster,0,0,train\masks\hurricane-florence_00000346_pre_disaster.png,0,0,105,116538,00000346 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000347_post_disaster.png,hurricane-florence_00000347_post_disaster,0,0,train\masks\hurricane-florence_00000347_post_disaster.png,0,0,10,62165,00000347 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000347_pre_disaster.png,hurricane-florence_00000347_pre_disaster,0,0,train\masks\hurricane-florence_00000347_pre_disaster.png,0,0,10,62169,00000347 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000349_post_disaster.png,hurricane-florence_00000349_post_disaster,0,0,train\masks\hurricane-florence_00000349_post_disaster.png,0,0,59,69573,00000349 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000349_pre_disaster.png,hurricane-florence_00000349_pre_disaster,0,0,train\masks\hurricane-florence_00000349_pre_disaster.png,0,0,59,69573,00000349 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000350_post_disaster.png,hurricane-florence_00000350_post_disaster,0,0,train\masks\hurricane-florence_00000350_post_disaster.png,0,0,42,54746,00000350 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000350_pre_disaster.png,hurricane-florence_00000350_pre_disaster,0,0,train\masks\hurricane-florence_00000350_pre_disaster.png,0,0,42,54840,00000350 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000353_post_disaster.png,hurricane-florence_00000353_post_disaster,1,1244,train\masks\hurricane-florence_00000353_post_disaster.png,0,0,11,29982,00000353 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000353_pre_disaster.png,hurricane-florence_00000353_pre_disaster,0,0,train\masks\hurricane-florence_00000353_pre_disaster.png,0,0,12,31226,00000353 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000355_post_disaster.png,hurricane-florence_00000355_post_disaster,0,0,train\masks\hurricane-florence_00000355_post_disaster.png,0,0,32,24240,00000355 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000355_pre_disaster.png,hurricane-florence_00000355_pre_disaster,0,0,train\masks\hurricane-florence_00000355_pre_disaster.png,0,0,32,24286,00000355 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000356_post_disaster.png,hurricane-florence_00000356_post_disaster,0,0,train\masks\hurricane-florence_00000356_post_disaster.png,0,0,5,5043,00000356 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000356_pre_disaster.png,hurricane-florence_00000356_pre_disaster,0,0,train\masks\hurricane-florence_00000356_pre_disaster.png,0,0,5,5044,00000356 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000357_post_disaster.png,hurricane-florence_00000357_post_disaster,0,0,train\masks\hurricane-florence_00000357_post_disaster.png,0,0,28,16025,00000357 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000357_pre_disaster.png,hurricane-florence_00000357_pre_disaster,0,0,train\masks\hurricane-florence_00000357_pre_disaster.png,0,0,28,16075,00000357 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000359_post_disaster.png,hurricane-florence_00000359_post_disaster,1,1039,train\masks\hurricane-florence_00000359_post_disaster.png,4,3018,23,14796,00000359 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000359_pre_disaster.png,hurricane-florence_00000359_pre_disaster,0,0,train\masks\hurricane-florence_00000359_pre_disaster.png,0,0,28,18852,00000359 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000360_post_disaster.png,hurricane-florence_00000360_post_disaster,0,0,train\masks\hurricane-florence_00000360_post_disaster.png,0,0,108,96211,00000360 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000360_pre_disaster.png,hurricane-florence_00000360_pre_disaster,0,0,train\masks\hurricane-florence_00000360_pre_disaster.png,0,0,108,96239,00000360 +1,133,hurricane-florence,post,train,train\images\hurricane-florence_00000361_post_disaster.png,hurricane-florence_00000361_post_disaster,2,3314,train\masks\hurricane-florence_00000361_post_disaster.png,1,1976,1,3162,00000361 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000361_pre_disaster.png,hurricane-florence_00000361_pre_disaster,0,0,train\masks\hurricane-florence_00000361_pre_disaster.png,0,0,5,8585,00000361 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000362_post_disaster.png,hurricane-florence_00000362_post_disaster,0,0,train\masks\hurricane-florence_00000362_post_disaster.png,0,0,5,5812,00000362 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000362_pre_disaster.png,hurricane-florence_00000362_pre_disaster,0,0,train\masks\hurricane-florence_00000362_pre_disaster.png,0,0,5,5812,00000362 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000365_post_disaster.png,hurricane-florence_00000365_post_disaster,1,587,train\masks\hurricane-florence_00000365_post_disaster.png,0,0,6,4944,00000365 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000365_pre_disaster.png,hurricane-florence_00000365_pre_disaster,0,0,train\masks\hurricane-florence_00000365_pre_disaster.png,0,0,7,5560,00000365 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000366_post_disaster.png,hurricane-florence_00000366_post_disaster,1,753,train\masks\hurricane-florence_00000366_post_disaster.png,7,6372,0,0,00000366 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000366_pre_disaster.png,hurricane-florence_00000366_pre_disaster,0,0,train\masks\hurricane-florence_00000366_pre_disaster.png,0,0,8,7125,00000366 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000368_post_disaster.png,hurricane-florence_00000368_post_disaster,2,1174,train\masks\hurricane-florence_00000368_post_disaster.png,0,0,7,6165,00000368 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000368_pre_disaster.png,hurricane-florence_00000368_pre_disaster,0,0,train\masks\hurricane-florence_00000368_pre_disaster.png,0,0,9,7381,00000368 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000369_post_disaster.png,hurricane-florence_00000369_post_disaster,0,0,train\masks\hurricane-florence_00000369_post_disaster.png,3,1743,0,0,00000369 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000369_pre_disaster.png,hurricane-florence_00000369_pre_disaster,0,0,train\masks\hurricane-florence_00000369_pre_disaster.png,0,0,3,1743,00000369 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000370_post_disaster.png,hurricane-florence_00000370_post_disaster,0,0,train\masks\hurricane-florence_00000370_post_disaster.png,0,0,12,10122,00000370 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000370_pre_disaster.png,hurricane-florence_00000370_pre_disaster,0,0,train\masks\hurricane-florence_00000370_pre_disaster.png,0,0,12,10122,00000370 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000371_post_disaster.png,hurricane-florence_00000371_post_disaster,0,0,train\masks\hurricane-florence_00000371_post_disaster.png,0,0,11,52308,00000371 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000371_pre_disaster.png,hurricane-florence_00000371_pre_disaster,0,0,train\masks\hurricane-florence_00000371_pre_disaster.png,0,0,11,52308,00000371 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000372_post_disaster.png,hurricane-florence_00000372_post_disaster,0,0,train\masks\hurricane-florence_00000372_post_disaster.png,0,0,32,19056,00000372 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000372_pre_disaster.png,hurricane-florence_00000372_pre_disaster,0,0,train\masks\hurricane-florence_00000372_pre_disaster.png,0,0,32,19056,00000372 +1,8063,hurricane-florence,post,train,train\images\hurricane-florence_00000374_post_disaster.png,hurricane-florence_00000374_post_disaster,2,9418,train\masks\hurricane-florence_00000374_post_disaster.png,0,0,80,265573,00000374 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000374_pre_disaster.png,hurricane-florence_00000374_pre_disaster,0,0,train\masks\hurricane-florence_00000374_pre_disaster.png,0,0,81,283452,00000374 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000376_post_disaster.png,hurricane-florence_00000376_post_disaster,0,0,train\masks\hurricane-florence_00000376_post_disaster.png,0,0,20,17112,00000376 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000376_pre_disaster.png,hurricane-florence_00000376_pre_disaster,0,0,train\masks\hurricane-florence_00000376_pre_disaster.png,0,0,20,17125,00000376 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000379_post_disaster.png,hurricane-florence_00000379_post_disaster,0,0,train\masks\hurricane-florence_00000379_post_disaster.png,3,2864,1,1344,00000379 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000379_pre_disaster.png,hurricane-florence_00000379_pre_disaster,0,0,train\masks\hurricane-florence_00000379_pre_disaster.png,0,0,4,4208,00000379 +2,3508,hurricane-florence,post,train,train\images\hurricane-florence_00000380_post_disaster.png,hurricane-florence_00000380_post_disaster,5,4462,train\masks\hurricane-florence_00000380_post_disaster.png,0,0,19,12976,00000380 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000380_pre_disaster.png,hurricane-florence_00000380_pre_disaster,0,0,train\masks\hurricane-florence_00000380_pre_disaster.png,0,0,25,20977,00000380 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000381_post_disaster.png,hurricane-florence_00000381_post_disaster,1,156,train\masks\hurricane-florence_00000381_post_disaster.png,6,4865,0,0,00000381 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000381_pre_disaster.png,hurricane-florence_00000381_pre_disaster,0,0,train\masks\hurricane-florence_00000381_pre_disaster.png,0,0,7,5049,00000381 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000382_post_disaster.png,hurricane-florence_00000382_post_disaster,0,0,train\masks\hurricane-florence_00000382_post_disaster.png,18,17951,0,0,00000382 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000382_pre_disaster.png,hurricane-florence_00000382_pre_disaster,0,0,train\masks\hurricane-florence_00000382_pre_disaster.png,0,0,18,17951,00000382 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000387_post_disaster.png,hurricane-florence_00000387_post_disaster,0,0,train\masks\hurricane-florence_00000387_post_disaster.png,0,0,57,61200,00000387 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000387_pre_disaster.png,hurricane-florence_00000387_pre_disaster,0,0,train\masks\hurricane-florence_00000387_pre_disaster.png,0,0,57,61198,00000387 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000388_post_disaster.png,hurricane-florence_00000388_post_disaster,0,0,train\masks\hurricane-florence_00000388_post_disaster.png,4,21621,0,0,00000388 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000388_pre_disaster.png,hurricane-florence_00000388_pre_disaster,0,0,train\masks\hurricane-florence_00000388_pre_disaster.png,0,0,4,21661,00000388 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000389_post_disaster.png,hurricane-florence_00000389_post_disaster,0,0,train\masks\hurricane-florence_00000389_post_disaster.png,26,17203,14,10927,00000389 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000389_pre_disaster.png,hurricane-florence_00000389_pre_disaster,0,0,train\masks\hurricane-florence_00000389_pre_disaster.png,0,0,40,28162,00000389 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000390_post_disaster.png,hurricane-florence_00000390_post_disaster,1,810,train\masks\hurricane-florence_00000390_post_disaster.png,5,1165,0,0,00000390 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000390_pre_disaster.png,hurricane-florence_00000390_pre_disaster,0,0,train\masks\hurricane-florence_00000390_pre_disaster.png,0,0,6,1975,00000390 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000392_post_disaster.png,hurricane-florence_00000392_post_disaster,0,0,train\masks\hurricane-florence_00000392_post_disaster.png,0,0,7,8590,00000392 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000392_pre_disaster.png,hurricane-florence_00000392_pre_disaster,0,0,train\masks\hurricane-florence_00000392_pre_disaster.png,0,0,7,8623,00000392 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000393_post_disaster.png,hurricane-florence_00000393_post_disaster,0,0,train\masks\hurricane-florence_00000393_post_disaster.png,0,0,8,4427,00000393 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000393_pre_disaster.png,hurricane-florence_00000393_pre_disaster,0,0,train\masks\hurricane-florence_00000393_pre_disaster.png,0,0,8,4427,00000393 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000394_post_disaster.png,hurricane-florence_00000394_post_disaster,0,0,train\masks\hurricane-florence_00000394_post_disaster.png,5,1575,0,0,00000394 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000394_pre_disaster.png,hurricane-florence_00000394_pre_disaster,0,0,train\masks\hurricane-florence_00000394_pre_disaster.png,0,0,5,1575,00000394 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000395_post_disaster.png,hurricane-florence_00000395_post_disaster,0,0,train\masks\hurricane-florence_00000395_post_disaster.png,19,17479,0,0,00000395 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000395_pre_disaster.png,hurricane-florence_00000395_pre_disaster,0,0,train\masks\hurricane-florence_00000395_pre_disaster.png,0,0,19,17479,00000395 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000397_post_disaster.png,hurricane-florence_00000397_post_disaster,0,0,train\masks\hurricane-florence_00000397_post_disaster.png,0,0,27,46751,00000397 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000397_pre_disaster.png,hurricane-florence_00000397_pre_disaster,0,0,train\masks\hurricane-florence_00000397_pre_disaster.png,0,0,27,46841,00000397 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000398_post_disaster.png,hurricane-florence_00000398_post_disaster,0,0,train\masks\hurricane-florence_00000398_post_disaster.png,0,0,25,36813,00000398 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000398_pre_disaster.png,hurricane-florence_00000398_pre_disaster,0,0,train\masks\hurricane-florence_00000398_pre_disaster.png,0,0,25,36868,00000398 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000399_post_disaster.png,hurricane-florence_00000399_post_disaster,0,0,train\masks\hurricane-florence_00000399_post_disaster.png,0,0,32,41758,00000399 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000399_pre_disaster.png,hurricane-florence_00000399_pre_disaster,0,0,train\masks\hurricane-florence_00000399_pre_disaster.png,0,0,32,41758,00000399 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000401_post_disaster.png,hurricane-florence_00000401_post_disaster,0,0,train\masks\hurricane-florence_00000401_post_disaster.png,6,3351,0,0,00000401 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000401_pre_disaster.png,hurricane-florence_00000401_pre_disaster,0,0,train\masks\hurricane-florence_00000401_pre_disaster.png,0,0,6,3351,00000401 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000403_post_disaster.png,hurricane-florence_00000403_post_disaster,0,0,train\masks\hurricane-florence_00000403_post_disaster.png,0,0,3,1906,00000403 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000403_pre_disaster.png,hurricane-florence_00000403_pre_disaster,0,0,train\masks\hurricane-florence_00000403_pre_disaster.png,0,0,3,1906,00000403 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000404_post_disaster.png,hurricane-florence_00000404_post_disaster,2,485,train\masks\hurricane-florence_00000404_post_disaster.png,0,0,15,62037,00000404 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000404_pre_disaster.png,hurricane-florence_00000404_pre_disaster,0,0,train\masks\hurricane-florence_00000404_pre_disaster.png,0,0,17,62602,00000404 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000405_post_disaster.png,hurricane-florence_00000405_post_disaster,0,0,train\masks\hurricane-florence_00000405_post_disaster.png,0,0,31,54797,00000405 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000405_pre_disaster.png,hurricane-florence_00000405_pre_disaster,0,0,train\masks\hurricane-florence_00000405_pre_disaster.png,0,0,31,55060,00000405 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000406_post_disaster.png,hurricane-florence_00000406_post_disaster,0,0,train\masks\hurricane-florence_00000406_post_disaster.png,0,0,30,21913,00000406 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000406_pre_disaster.png,hurricane-florence_00000406_pre_disaster,0,0,train\masks\hurricane-florence_00000406_pre_disaster.png,0,0,30,21995,00000406 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000407_post_disaster.png,hurricane-florence_00000407_post_disaster,5,24849,train\masks\hurricane-florence_00000407_post_disaster.png,10,15572,0,0,00000407 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000407_pre_disaster.png,hurricane-florence_00000407_pre_disaster,0,0,train\masks\hurricane-florence_00000407_pre_disaster.png,0,0,15,40533,00000407 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000408_post_disaster.png,hurricane-florence_00000408_post_disaster,1,2455,train\masks\hurricane-florence_00000408_post_disaster.png,8,7142,56,44652,00000408 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000408_pre_disaster.png,hurricane-florence_00000408_pre_disaster,0,0,train\masks\hurricane-florence_00000408_pre_disaster.png,0,0,65,54441,00000408 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000409_post_disaster.png,hurricane-florence_00000409_post_disaster,3,6992,train\masks\hurricane-florence_00000409_post_disaster.png,20,39099,8,11437,00000409 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000409_pre_disaster.png,hurricane-florence_00000409_pre_disaster,0,0,train\masks\hurricane-florence_00000409_pre_disaster.png,0,0,31,57715,00000409 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000410_post_disaster.png,hurricane-florence_00000410_post_disaster,0,0,train\masks\hurricane-florence_00000410_post_disaster.png,19,37080,0,0,00000410 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000410_pre_disaster.png,hurricane-florence_00000410_pre_disaster,0,0,train\masks\hurricane-florence_00000410_pre_disaster.png,0,0,19,37136,00000410 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000411_post_disaster.png,hurricane-florence_00000411_post_disaster,0,0,train\masks\hurricane-florence_00000411_post_disaster.png,19,11207,13,8043,00000411 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000411_pre_disaster.png,hurricane-florence_00000411_pre_disaster,0,0,train\masks\hurricane-florence_00000411_pre_disaster.png,0,0,32,19251,00000411 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000414_post_disaster.png,hurricane-florence_00000414_post_disaster,0,0,train\masks\hurricane-florence_00000414_post_disaster.png,3,3801,0,0,00000414 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000414_pre_disaster.png,hurricane-florence_00000414_pre_disaster,0,0,train\masks\hurricane-florence_00000414_pre_disaster.png,0,0,3,3801,00000414 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000416_post_disaster.png,hurricane-florence_00000416_post_disaster,1,1882,train\masks\hurricane-florence_00000416_post_disaster.png,0,0,53,38052,00000416 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000416_pre_disaster.png,hurricane-florence_00000416_pre_disaster,0,0,train\masks\hurricane-florence_00000416_pre_disaster.png,0,0,54,39927,00000416 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000418_post_disaster.png,hurricane-florence_00000418_post_disaster,0,0,train\masks\hurricane-florence_00000418_post_disaster.png,0,0,103,91294,00000418 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000418_pre_disaster.png,hurricane-florence_00000418_pre_disaster,0,0,train\masks\hurricane-florence_00000418_pre_disaster.png,0,0,103,91282,00000418 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000419_post_disaster.png,hurricane-florence_00000419_post_disaster,0,0,train\masks\hurricane-florence_00000419_post_disaster.png,6,3326,0,0,00000419 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000419_pre_disaster.png,hurricane-florence_00000419_pre_disaster,0,0,train\masks\hurricane-florence_00000419_pre_disaster.png,0,0,6,3326,00000419 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000420_post_disaster.png,hurricane-florence_00000420_post_disaster,0,0,train\masks\hurricane-florence_00000420_post_disaster.png,2,3855,6,3810,00000420 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000420_pre_disaster.png,hurricane-florence_00000420_pre_disaster,0,0,train\masks\hurricane-florence_00000420_pre_disaster.png,0,0,8,7665,00000420 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000423_post_disaster.png,hurricane-florence_00000423_post_disaster,0,0,train\masks\hurricane-florence_00000423_post_disaster.png,2,420,0,0,00000423 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000423_pre_disaster.png,hurricane-florence_00000423_pre_disaster,0,0,train\masks\hurricane-florence_00000423_pre_disaster.png,0,0,2,420,00000423 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000424_post_disaster.png,hurricane-florence_00000424_post_disaster,0,0,train\masks\hurricane-florence_00000424_post_disaster.png,0,0,5,1797,00000424 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000424_pre_disaster.png,hurricane-florence_00000424_pre_disaster,0,0,train\masks\hurricane-florence_00000424_pre_disaster.png,0,0,5,1797,00000424 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000425_post_disaster.png,hurricane-florence_00000425_post_disaster,0,0,train\masks\hurricane-florence_00000425_post_disaster.png,2,7441,15,9744,00000425 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000425_pre_disaster.png,hurricane-florence_00000425_pre_disaster,0,0,train\masks\hurricane-florence_00000425_pre_disaster.png,0,0,17,17371,00000425 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000426_post_disaster.png,hurricane-florence_00000426_post_disaster,0,0,train\masks\hurricane-florence_00000426_post_disaster.png,0,0,80,102059,00000426 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000426_pre_disaster.png,hurricane-florence_00000426_pre_disaster,0,0,train\masks\hurricane-florence_00000426_pre_disaster.png,0,0,80,102151,00000426 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000427_post_disaster.png,hurricane-florence_00000427_post_disaster,0,0,train\masks\hurricane-florence_00000427_post_disaster.png,1,1860,0,0,00000427 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000427_pre_disaster.png,hurricane-florence_00000427_pre_disaster,0,0,train\masks\hurricane-florence_00000427_pre_disaster.png,0,0,1,1860,00000427 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000428_post_disaster.png,hurricane-florence_00000428_post_disaster,0,0,train\masks\hurricane-florence_00000428_post_disaster.png,37,38602,0,0,00000428 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000428_pre_disaster.png,hurricane-florence_00000428_pre_disaster,0,0,train\masks\hurricane-florence_00000428_pre_disaster.png,0,0,37,38631,00000428 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000431_post_disaster.png,hurricane-florence_00000431_post_disaster,0,0,train\masks\hurricane-florence_00000431_post_disaster.png,1,197,0,0,00000431 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000431_pre_disaster.png,hurricane-florence_00000431_pre_disaster,0,0,train\masks\hurricane-florence_00000431_pre_disaster.png,0,0,1,197,00000431 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000433_post_disaster.png,hurricane-florence_00000433_post_disaster,0,0,train\masks\hurricane-florence_00000433_post_disaster.png,54,34454,0,0,00000433 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000433_pre_disaster.png,hurricane-florence_00000433_pre_disaster,0,0,train\masks\hurricane-florence_00000433_pre_disaster.png,0,0,54,34514,00000433 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000435_post_disaster.png,hurricane-florence_00000435_post_disaster,1,1047,train\masks\hurricane-florence_00000435_post_disaster.png,0,0,9,4530,00000435 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000435_pre_disaster.png,hurricane-florence_00000435_pre_disaster,0,0,train\masks\hurricane-florence_00000435_pre_disaster.png,0,0,10,5577,00000435 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000436_post_disaster.png,hurricane-florence_00000436_post_disaster,0,0,train\masks\hurricane-florence_00000436_post_disaster.png,11,47167,0,0,00000436 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000436_pre_disaster.png,hurricane-florence_00000436_pre_disaster,0,0,train\masks\hurricane-florence_00000436_pre_disaster.png,0,0,11,47167,00000436 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000437_post_disaster.png,hurricane-florence_00000437_post_disaster,0,0,train\masks\hurricane-florence_00000437_post_disaster.png,11,4952,0,0,00000437 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000437_pre_disaster.png,hurricane-florence_00000437_pre_disaster,0,0,train\masks\hurricane-florence_00000437_pre_disaster.png,0,0,11,4952,00000437 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000438_post_disaster.png,hurricane-florence_00000438_post_disaster,0,0,train\masks\hurricane-florence_00000438_post_disaster.png,7,45438,0,0,00000438 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000438_pre_disaster.png,hurricane-florence_00000438_pre_disaster,0,0,train\masks\hurricane-florence_00000438_pre_disaster.png,0,0,7,45438,00000438 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000441_post_disaster.png,hurricane-florence_00000441_post_disaster,1,1036,train\masks\hurricane-florence_00000441_post_disaster.png,0,0,10,5111,00000441 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000441_pre_disaster.png,hurricane-florence_00000441_pre_disaster,0,0,train\masks\hurricane-florence_00000441_pre_disaster.png,0,0,11,6147,00000441 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000442_post_disaster.png,hurricane-florence_00000442_post_disaster,2,1939,train\masks\hurricane-florence_00000442_post_disaster.png,57,37285,0,0,00000442 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000442_pre_disaster.png,hurricane-florence_00000442_pre_disaster,0,0,train\masks\hurricane-florence_00000442_pre_disaster.png,0,0,59,39254,00000442 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000443_post_disaster.png,hurricane-florence_00000443_post_disaster,10,13338,train\masks\hurricane-florence_00000443_post_disaster.png,0,0,1,1462,00000443 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000443_pre_disaster.png,hurricane-florence_00000443_pre_disaster,0,0,train\masks\hurricane-florence_00000443_pre_disaster.png,0,0,11,14873,00000443 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000444_post_disaster.png,hurricane-florence_00000444_post_disaster,0,0,train\masks\hurricane-florence_00000444_post_disaster.png,1,418,14,16990,00000444 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000444_pre_disaster.png,hurricane-florence_00000444_pre_disaster,0,0,train\masks\hurricane-florence_00000444_pre_disaster.png,0,0,15,17586,00000444 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000445_post_disaster.png,hurricane-florence_00000445_post_disaster,0,0,train\masks\hurricane-florence_00000445_post_disaster.png,8,5609,0,0,00000445 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000445_pre_disaster.png,hurricane-florence_00000445_pre_disaster,0,0,train\masks\hurricane-florence_00000445_pre_disaster.png,0,0,8,5609,00000445 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000446_post_disaster.png,hurricane-florence_00000446_post_disaster,1,978,train\masks\hurricane-florence_00000446_post_disaster.png,5,2535,2,2267,00000446 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000446_pre_disaster.png,hurricane-florence_00000446_pre_disaster,0,0,train\masks\hurricane-florence_00000446_pre_disaster.png,0,0,8,5802,00000446 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000449_post_disaster.png,hurricane-florence_00000449_post_disaster,4,6062,train\masks\hurricane-florence_00000449_post_disaster.png,16,11341,4,2436,00000449 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000449_pre_disaster.png,hurricane-florence_00000449_pre_disaster,0,0,train\masks\hurricane-florence_00000449_pre_disaster.png,0,0,24,19881,00000449 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000450_post_disaster.png,hurricane-florence_00000450_post_disaster,0,0,train\masks\hurricane-florence_00000450_post_disaster.png,23,12572,0,0,00000450 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000450_pre_disaster.png,hurricane-florence_00000450_pre_disaster,0,0,train\masks\hurricane-florence_00000450_pre_disaster.png,0,0,23,12572,00000450 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000451_post_disaster.png,hurricane-florence_00000451_post_disaster,2,1553,train\masks\hurricane-florence_00000451_post_disaster.png,7,3745,8,10081,00000451 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000451_pre_disaster.png,hurricane-florence_00000451_pre_disaster,0,0,train\masks\hurricane-florence_00000451_pre_disaster.png,0,0,17,15417,00000451 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000452_post_disaster.png,hurricane-florence_00000452_post_disaster,0,0,train\masks\hurricane-florence_00000452_post_disaster.png,15,8071,2,940,00000452 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000452_pre_disaster.png,hurricane-florence_00000452_pre_disaster,0,0,train\masks\hurricane-florence_00000452_pre_disaster.png,0,0,17,9088,00000452 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000453_post_disaster.png,hurricane-florence_00000453_post_disaster,0,0,train\masks\hurricane-florence_00000453_post_disaster.png,8,3853,0,0,00000453 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000453_pre_disaster.png,hurricane-florence_00000453_pre_disaster,0,0,train\masks\hurricane-florence_00000453_pre_disaster.png,0,0,8,3853,00000453 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000454_post_disaster.png,hurricane-florence_00000454_post_disaster,2,2496,train\masks\hurricane-florence_00000454_post_disaster.png,17,9800,0,0,00000454 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000454_pre_disaster.png,hurricane-florence_00000454_pre_disaster,0,0,train\masks\hurricane-florence_00000454_pre_disaster.png,0,0,19,12316,00000454 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000455_post_disaster.png,hurricane-florence_00000455_post_disaster,0,0,train\masks\hurricane-florence_00000455_post_disaster.png,0,0,21,16182,00000455 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000455_pre_disaster.png,hurricane-florence_00000455_pre_disaster,0,0,train\masks\hurricane-florence_00000455_pre_disaster.png,0,0,21,16186,00000455 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000457_post_disaster.png,hurricane-florence_00000457_post_disaster,0,0,train\masks\hurricane-florence_00000457_post_disaster.png,4,10293,0,0,00000457 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000457_pre_disaster.png,hurricane-florence_00000457_pre_disaster,0,0,train\masks\hurricane-florence_00000457_pre_disaster.png,0,0,4,10316,00000457 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000459_post_disaster.png,hurricane-florence_00000459_post_disaster,3,3589,train\masks\hurricane-florence_00000459_post_disaster.png,52,73097,1,219,00000459 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000459_pre_disaster.png,hurricane-florence_00000459_pre_disaster,0,0,train\masks\hurricane-florence_00000459_pre_disaster.png,0,0,56,77081,00000459 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000460_post_disaster.png,hurricane-florence_00000460_post_disaster,0,0,train\masks\hurricane-florence_00000460_post_disaster.png,6,11549,3,3915,00000460 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000460_pre_disaster.png,hurricane-florence_00000460_pre_disaster,0,0,train\masks\hurricane-florence_00000460_pre_disaster.png,0,0,9,15513,00000460 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000461_post_disaster.png,hurricane-florence_00000461_post_disaster,0,0,train\masks\hurricane-florence_00000461_post_disaster.png,12,13577,0,0,00000461 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000461_pre_disaster.png,hurricane-florence_00000461_pre_disaster,0,0,train\masks\hurricane-florence_00000461_pre_disaster.png,0,0,12,13670,00000461 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000462_post_disaster.png,hurricane-florence_00000462_post_disaster,0,0,train\masks\hurricane-florence_00000462_post_disaster.png,26,44917,0,0,00000462 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000462_pre_disaster.png,hurricane-florence_00000462_pre_disaster,0,0,train\masks\hurricane-florence_00000462_pre_disaster.png,0,0,26,44986,00000462 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000464_post_disaster.png,hurricane-florence_00000464_post_disaster,0,0,train\masks\hurricane-florence_00000464_post_disaster.png,8,6466,0,0,00000464 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000464_pre_disaster.png,hurricane-florence_00000464_pre_disaster,0,0,train\masks\hurricane-florence_00000464_pre_disaster.png,0,0,8,6476,00000464 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000467_post_disaster.png,hurricane-florence_00000467_post_disaster,0,0,train\masks\hurricane-florence_00000467_post_disaster.png,0,0,65,33559,00000467 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000467_pre_disaster.png,hurricane-florence_00000467_pre_disaster,0,0,train\masks\hurricane-florence_00000467_pre_disaster.png,0,0,65,33578,00000467 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000469_post_disaster.png,hurricane-florence_00000469_post_disaster,0,0,train\masks\hurricane-florence_00000469_post_disaster.png,1,2561,0,0,00000469 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000469_pre_disaster.png,hurricane-florence_00000469_pre_disaster,0,0,train\masks\hurricane-florence_00000469_pre_disaster.png,0,0,1,2561,00000469 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000470_post_disaster.png,hurricane-florence_00000470_post_disaster,0,0,train\masks\hurricane-florence_00000470_post_disaster.png,18,14090,0,0,00000470 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000470_pre_disaster.png,hurricane-florence_00000470_pre_disaster,0,0,train\masks\hurricane-florence_00000470_pre_disaster.png,0,0,18,14090,00000470 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000472_post_disaster.png,hurricane-florence_00000472_post_disaster,5,10316,train\masks\hurricane-florence_00000472_post_disaster.png,6,12463,19,35208,00000472 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000472_pre_disaster.png,hurricane-florence_00000472_pre_disaster,0,0,train\masks\hurricane-florence_00000472_pre_disaster.png,0,0,30,58073,00000472 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000473_post_disaster.png,hurricane-florence_00000473_post_disaster,1,1279,train\masks\hurricane-florence_00000473_post_disaster.png,5,2503,26,21904,00000473 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000473_pre_disaster.png,hurricane-florence_00000473_pre_disaster,0,0,train\masks\hurricane-florence_00000473_pre_disaster.png,0,0,32,25719,00000473 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000474_post_disaster.png,hurricane-florence_00000474_post_disaster,0,0,train\masks\hurricane-florence_00000474_post_disaster.png,0,0,6,3391,00000474 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000474_pre_disaster.png,hurricane-florence_00000474_pre_disaster,0,0,train\masks\hurricane-florence_00000474_pre_disaster.png,0,0,6,3391,00000474 +28,20464,hurricane-florence,post,train,train\images\hurricane-florence_00000475_post_disaster.png,hurricane-florence_00000475_post_disaster,0,0,train\masks\hurricane-florence_00000475_post_disaster.png,0,0,5,4778,00000475 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000475_pre_disaster.png,hurricane-florence_00000475_pre_disaster,0,0,train\masks\hurricane-florence_00000475_pre_disaster.png,0,0,33,25277,00000475 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000476_post_disaster.png,hurricane-florence_00000476_post_disaster,0,0,train\masks\hurricane-florence_00000476_post_disaster.png,8,12906,0,0,00000476 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000476_pre_disaster.png,hurricane-florence_00000476_pre_disaster,0,0,train\masks\hurricane-florence_00000476_pre_disaster.png,0,0,8,12906,00000476 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000477_post_disaster.png,hurricane-florence_00000477_post_disaster,1,1300,train\masks\hurricane-florence_00000477_post_disaster.png,0,0,11,7195,00000477 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000477_pre_disaster.png,hurricane-florence_00000477_pre_disaster,0,0,train\masks\hurricane-florence_00000477_pre_disaster.png,0,0,12,8495,00000477 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000478_post_disaster.png,hurricane-florence_00000478_post_disaster,0,0,train\masks\hurricane-florence_00000478_post_disaster.png,2,1174,29,15620,00000478 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000478_pre_disaster.png,hurricane-florence_00000478_pre_disaster,0,0,train\masks\hurricane-florence_00000478_pre_disaster.png,0,0,31,16794,00000478 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000481_post_disaster.png,hurricane-florence_00000481_post_disaster,0,0,train\masks\hurricane-florence_00000481_post_disaster.png,15,10785,0,0,00000481 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000481_pre_disaster.png,hurricane-florence_00000481_pre_disaster,0,0,train\masks\hurricane-florence_00000481_pre_disaster.png,0,0,15,10785,00000481 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000482_post_disaster.png,hurricane-florence_00000482_post_disaster,0,0,train\masks\hurricane-florence_00000482_post_disaster.png,4,855,1,122,00000482 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000482_pre_disaster.png,hurricane-florence_00000482_pre_disaster,0,0,train\masks\hurricane-florence_00000482_pre_disaster.png,0,0,5,977,00000482 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000484_post_disaster.png,hurricane-florence_00000484_post_disaster,0,0,train\masks\hurricane-florence_00000484_post_disaster.png,8,3978,0,0,00000484 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000484_pre_disaster.png,hurricane-florence_00000484_pre_disaster,0,0,train\masks\hurricane-florence_00000484_pre_disaster.png,0,0,8,3987,00000484 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000485_post_disaster.png,hurricane-florence_00000485_post_disaster,0,0,train\masks\hurricane-florence_00000485_post_disaster.png,59,57561,0,0,00000485 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000485_pre_disaster.png,hurricane-florence_00000485_pre_disaster,0,0,train\masks\hurricane-florence_00000485_pre_disaster.png,0,0,59,57554,00000485 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000486_post_disaster.png,hurricane-florence_00000486_post_disaster,1,2830,train\masks\hurricane-florence_00000486_post_disaster.png,0,0,0,0,00000486 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000486_pre_disaster.png,hurricane-florence_00000486_pre_disaster,0,0,train\masks\hurricane-florence_00000486_pre_disaster.png,0,0,1,2830,00000486 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000490_post_disaster.png,hurricane-florence_00000490_post_disaster,0,0,train\masks\hurricane-florence_00000490_post_disaster.png,6,11735,15,31249,00000490 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000490_pre_disaster.png,hurricane-florence_00000490_pre_disaster,0,0,train\masks\hurricane-florence_00000490_pre_disaster.png,0,0,21,43056,00000490 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000492_post_disaster.png,hurricane-florence_00000492_post_disaster,0,0,train\masks\hurricane-florence_00000492_post_disaster.png,4,8600,0,0,00000492 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000492_pre_disaster.png,hurricane-florence_00000492_pre_disaster,0,0,train\masks\hurricane-florence_00000492_pre_disaster.png,0,0,4,8600,00000492 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000493_post_disaster.png,hurricane-florence_00000493_post_disaster,0,0,train\masks\hurricane-florence_00000493_post_disaster.png,3,530,0,0,00000493 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000493_pre_disaster.png,hurricane-florence_00000493_pre_disaster,0,0,train\masks\hurricane-florence_00000493_pre_disaster.png,0,0,3,530,00000493 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000494_post_disaster.png,hurricane-florence_00000494_post_disaster,5,9960,train\masks\hurricane-florence_00000494_post_disaster.png,12,21764,1,1530,00000494 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000494_pre_disaster.png,hurricane-florence_00000494_pre_disaster,0,0,train\masks\hurricane-florence_00000494_pre_disaster.png,0,0,18,33254,00000494 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000496_post_disaster.png,hurricane-florence_00000496_post_disaster,0,0,train\masks\hurricane-florence_00000496_post_disaster.png,1,773,0,0,00000496 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000496_pre_disaster.png,hurricane-florence_00000496_pre_disaster,0,0,train\masks\hurricane-florence_00000496_pre_disaster.png,0,0,1,773,00000496 +4,2826,hurricane-florence,post,train,train\images\hurricane-florence_00000497_post_disaster.png,hurricane-florence_00000497_post_disaster,0,0,train\masks\hurricane-florence_00000497_post_disaster.png,0,0,0,0,00000497 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000497_pre_disaster.png,hurricane-florence_00000497_pre_disaster,0,0,train\masks\hurricane-florence_00000497_pre_disaster.png,0,0,4,2853,00000497 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000498_post_disaster.png,hurricane-florence_00000498_post_disaster,0,0,train\masks\hurricane-florence_00000498_post_disaster.png,19,8171,1,450,00000498 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000498_pre_disaster.png,hurricane-florence_00000498_pre_disaster,0,0,train\masks\hurricane-florence_00000498_pre_disaster.png,0,0,20,8665,00000498 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000500_post_disaster.png,hurricane-florence_00000500_post_disaster,0,0,train\masks\hurricane-florence_00000500_post_disaster.png,7,8710,1,170,00000500 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000500_pre_disaster.png,hurricane-florence_00000500_pre_disaster,0,0,train\masks\hurricane-florence_00000500_pre_disaster.png,0,0,8,8907,00000500 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000501_post_disaster.png,hurricane-florence_00000501_post_disaster,0,0,train\masks\hurricane-florence_00000501_post_disaster.png,3,1616,0,0,00000501 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000501_pre_disaster.png,hurricane-florence_00000501_pre_disaster,0,0,train\masks\hurricane-florence_00000501_pre_disaster.png,0,0,3,1616,00000501 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000503_post_disaster.png,hurricane-florence_00000503_post_disaster,0,0,train\masks\hurricane-florence_00000503_post_disaster.png,1,1592,0,0,00000503 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000503_pre_disaster.png,hurricane-florence_00000503_pre_disaster,0,0,train\masks\hurricane-florence_00000503_pre_disaster.png,0,0,1,1592,00000503 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000504_post_disaster.png,hurricane-florence_00000504_post_disaster,0,0,train\masks\hurricane-florence_00000504_post_disaster.png,1,1781,0,0,00000504 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000504_pre_disaster.png,hurricane-florence_00000504_pre_disaster,0,0,train\masks\hurricane-florence_00000504_pre_disaster.png,0,0,1,1781,00000504 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000506_post_disaster.png,hurricane-florence_00000506_post_disaster,0,0,train\masks\hurricane-florence_00000506_post_disaster.png,7,10970,1,140,00000506 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000506_pre_disaster.png,hurricane-florence_00000506_pre_disaster,0,0,train\masks\hurricane-florence_00000506_pre_disaster.png,0,0,8,11168,00000506 +1,277,hurricane-florence,post,train,train\images\hurricane-florence_00000508_post_disaster.png,hurricane-florence_00000508_post_disaster,0,0,train\masks\hurricane-florence_00000508_post_disaster.png,10,66560,1,373,00000508 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000508_pre_disaster.png,hurricane-florence_00000508_pre_disaster,0,0,train\masks\hurricane-florence_00000508_pre_disaster.png,0,0,12,67230,00000508 +1,193,hurricane-florence,post,train,train\images\hurricane-florence_00000510_post_disaster.png,hurricane-florence_00000510_post_disaster,0,0,train\masks\hurricane-florence_00000510_post_disaster.png,0,0,27,19286,00000510 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000510_pre_disaster.png,hurricane-florence_00000510_pre_disaster,0,0,train\masks\hurricane-florence_00000510_pre_disaster.png,0,0,28,19479,00000510 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000512_post_disaster.png,hurricane-florence_00000512_post_disaster,0,0,train\masks\hurricane-florence_00000512_post_disaster.png,0,0,6,4326,00000512 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000512_pre_disaster.png,hurricane-florence_00000512_pre_disaster,0,0,train\masks\hurricane-florence_00000512_pre_disaster.png,0,0,6,4326,00000512 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000513_post_disaster.png,hurricane-florence_00000513_post_disaster,0,0,train\masks\hurricane-florence_00000513_post_disaster.png,4,4304,0,0,00000513 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000513_pre_disaster.png,hurricane-florence_00000513_pre_disaster,0,0,train\masks\hurricane-florence_00000513_pre_disaster.png,0,0,4,4368,00000513 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000514_post_disaster.png,hurricane-florence_00000514_post_disaster,0,0,train\masks\hurricane-florence_00000514_post_disaster.png,3,1903,0,0,00000514 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000514_pre_disaster.png,hurricane-florence_00000514_pre_disaster,0,0,train\masks\hurricane-florence_00000514_pre_disaster.png,0,0,3,1903,00000514 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000515_post_disaster.png,hurricane-florence_00000515_post_disaster,0,0,train\masks\hurricane-florence_00000515_post_disaster.png,0,0,10,19662,00000515 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000515_pre_disaster.png,hurricane-florence_00000515_pre_disaster,0,0,train\masks\hurricane-florence_00000515_pre_disaster.png,0,0,10,19983,00000515 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000516_post_disaster.png,hurricane-florence_00000516_post_disaster,0,0,train\masks\hurricane-florence_00000516_post_disaster.png,0,0,20,7247,00000516 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000516_pre_disaster.png,hurricane-florence_00000516_pre_disaster,0,0,train\masks\hurricane-florence_00000516_pre_disaster.png,0,0,20,7289,00000516 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000517_post_disaster.png,hurricane-florence_00000517_post_disaster,0,0,train\masks\hurricane-florence_00000517_post_disaster.png,2,6963,15,18311,00000517 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000517_pre_disaster.png,hurricane-florence_00000517_pre_disaster,0,0,train\masks\hurricane-florence_00000517_pre_disaster.png,0,0,17,25274,00000517 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000522_post_disaster.png,hurricane-florence_00000522_post_disaster,0,0,train\masks\hurricane-florence_00000522_post_disaster.png,2,4703,16,21332,00000522 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000522_pre_disaster.png,hurricane-florence_00000522_pre_disaster,0,0,train\masks\hurricane-florence_00000522_pre_disaster.png,0,0,18,26071,00000522 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000523_post_disaster.png,hurricane-florence_00000523_post_disaster,1,10604,train\masks\hurricane-florence_00000523_post_disaster.png,0,0,0,0,00000523 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000523_pre_disaster.png,hurricane-florence_00000523_pre_disaster,0,0,train\masks\hurricane-florence_00000523_pre_disaster.png,0,0,1,10604,00000523 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000526_post_disaster.png,hurricane-florence_00000526_post_disaster,1,2170,train\masks\hurricane-florence_00000526_post_disaster.png,0,0,0,0,00000526 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000526_pre_disaster.png,hurricane-florence_00000526_pre_disaster,0,0,train\masks\hurricane-florence_00000526_pre_disaster.png,0,0,1,2170,00000526 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000527_post_disaster.png,hurricane-florence_00000527_post_disaster,0,0,train\masks\hurricane-florence_00000527_post_disaster.png,1,1313,12,13315,00000527 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000527_pre_disaster.png,hurricane-florence_00000527_pre_disaster,0,0,train\masks\hurricane-florence_00000527_pre_disaster.png,0,0,12,14628,00000527 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000529_post_disaster.png,hurricane-florence_00000529_post_disaster,0,0,train\masks\hurricane-florence_00000529_post_disaster.png,1,3646,18,14058,00000529 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000529_pre_disaster.png,hurricane-florence_00000529_pre_disaster,0,0,train\masks\hurricane-florence_00000529_pre_disaster.png,0,0,19,17704,00000529 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000531_post_disaster.png,hurricane-florence_00000531_post_disaster,0,0,train\masks\hurricane-florence_00000531_post_disaster.png,1,1062,1,3137,00000531 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000531_pre_disaster.png,hurricane-florence_00000531_pre_disaster,0,0,train\masks\hurricane-florence_00000531_pre_disaster.png,0,0,2,4199,00000531 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000533_post_disaster.png,hurricane-florence_00000533_post_disaster,0,0,train\masks\hurricane-florence_00000533_post_disaster.png,0,0,2,1327,00000533 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000533_pre_disaster.png,hurricane-florence_00000533_pre_disaster,0,0,train\masks\hurricane-florence_00000533_pre_disaster.png,0,0,2,1327,00000533 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000536_post_disaster.png,hurricane-florence_00000536_post_disaster,4,11853,train\masks\hurricane-florence_00000536_post_disaster.png,0,0,0,0,00000536 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000536_pre_disaster.png,hurricane-florence_00000536_pre_disaster,0,0,train\masks\hurricane-florence_00000536_pre_disaster.png,0,0,4,11991,00000536 +1,2997,hurricane-florence,post,train,train\images\hurricane-florence_00000537_post_disaster.png,hurricane-florence_00000537_post_disaster,0,0,train\masks\hurricane-florence_00000537_post_disaster.png,0,0,19,14160,00000537 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000537_pre_disaster.png,hurricane-florence_00000537_pre_disaster,0,0,train\masks\hurricane-florence_00000537_pre_disaster.png,0,0,20,17213,00000537 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000538_post_disaster.png,hurricane-florence_00000538_post_disaster,1,83,train\masks\hurricane-florence_00000538_post_disaster.png,0,0,2,233,00000538 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000538_pre_disaster.png,hurricane-florence_00000538_pre_disaster,0,0,train\masks\hurricane-florence_00000538_pre_disaster.png,0,0,3,316,00000538 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000540_post_disaster.png,hurricane-florence_00000540_post_disaster,0,0,train\masks\hurricane-florence_00000540_post_disaster.png,0,0,1,1046,00000540 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000540_pre_disaster.png,hurricane-florence_00000540_pre_disaster,0,0,train\masks\hurricane-florence_00000540_pre_disaster.png,0,0,1,1046,00000540 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000542_post_disaster.png,hurricane-florence_00000542_post_disaster,0,0,train\masks\hurricane-florence_00000542_post_disaster.png,0,0,0,0,00000542 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000542_pre_disaster.png,hurricane-florence_00000542_pre_disaster,0,0,train\masks\hurricane-florence_00000542_pre_disaster.png,0,0,0,0,00000542 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000545_post_disaster.png,hurricane-florence_00000545_post_disaster,0,0,train\masks\hurricane-florence_00000545_post_disaster.png,0,0,22,17869,00000545 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000545_pre_disaster.png,hurricane-florence_00000545_pre_disaster,0,0,train\masks\hurricane-florence_00000545_pre_disaster.png,0,0,22,17908,00000545 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000000_post_disaster.png,hurricane-harvey_00000000_post_disaster,21,39325,train\masks\hurricane-harvey_00000000_post_disaster.png,7,10806,0,0,00000000 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000000_pre_disaster.png,hurricane-harvey_00000000_pre_disaster,0,0,train\masks\hurricane-harvey_00000000_pre_disaster.png,0,0,28,50402,00000000 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000001_post_disaster.png,hurricane-harvey_00000001_post_disaster,28,93393,train\masks\hurricane-harvey_00000001_post_disaster.png,7,17088,39,101807,00000001 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000001_pre_disaster.png,hurricane-harvey_00000001_pre_disaster,0,0,train\masks\hurricane-harvey_00000001_pre_disaster.png,0,0,71,212774,00000001 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000002_post_disaster.png,hurricane-harvey_00000002_post_disaster,3,28398,train\masks\hurricane-harvey_00000002_post_disaster.png,1,15242,61,431808,00000002 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000002_pre_disaster.png,hurricane-harvey_00000002_pre_disaster,0,0,train\masks\hurricane-harvey_00000002_pre_disaster.png,0,0,64,476149,00000002 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000006_post_disaster.png,hurricane-harvey_00000006_post_disaster,29,61673,train\masks\hurricane-harvey_00000006_post_disaster.png,0,0,12,18757,00000006 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000006_pre_disaster.png,hurricane-harvey_00000006_pre_disaster,0,0,train\masks\hurricane-harvey_00000006_pre_disaster.png,0,0,41,80528,00000006 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000007_post_disaster.png,hurricane-harvey_00000007_post_disaster,20,52692,train\masks\hurricane-harvey_00000007_post_disaster.png,4,17320,9,17514,00000007 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000007_pre_disaster.png,hurricane-harvey_00000007_pre_disaster,0,0,train\masks\hurricane-harvey_00000007_pre_disaster.png,0,0,33,87749,00000007 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000008_post_disaster.png,hurricane-harvey_00000008_post_disaster,0,0,train\masks\hurricane-harvey_00000008_post_disaster.png,0,0,32,343832,00000008 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000008_pre_disaster.png,hurricane-harvey_00000008_pre_disaster,0,0,train\masks\hurricane-harvey_00000008_pre_disaster.png,0,0,32,344200,00000008 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000009_post_disaster.png,hurricane-harvey_00000009_post_disaster,0,0,train\masks\hurricane-harvey_00000009_post_disaster.png,0,0,50,270505,00000009 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000009_pre_disaster.png,hurricane-harvey_00000009_pre_disaster,0,0,train\masks\hurricane-harvey_00000009_pre_disaster.png,0,0,49,271300,00000009 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000010_post_disaster.png,hurricane-harvey_00000010_post_disaster,0,0,train\masks\hurricane-harvey_00000010_post_disaster.png,0,0,47,241754,00000010 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000010_pre_disaster.png,hurricane-harvey_00000010_pre_disaster,0,0,train\masks\hurricane-harvey_00000010_pre_disaster.png,0,0,47,242386,00000010 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000012_post_disaster.png,hurricane-harvey_00000012_post_disaster,0,0,train\masks\hurricane-harvey_00000012_post_disaster.png,0,0,76,372448,00000012 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000012_pre_disaster.png,hurricane-harvey_00000012_pre_disaster,0,0,train\masks\hurricane-harvey_00000012_pre_disaster.png,0,0,76,372737,00000012 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000015_post_disaster.png,hurricane-harvey_00000015_post_disaster,1,33348,train\masks\hurricane-harvey_00000015_post_disaster.png,8,62447,56,291569,00000015 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000015_pre_disaster.png,hurricane-harvey_00000015_pre_disaster,0,0,train\masks\hurricane-harvey_00000015_pre_disaster.png,0,0,64,388089,00000015 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000016_post_disaster.png,hurricane-harvey_00000016_post_disaster,0,0,train\masks\hurricane-harvey_00000016_post_disaster.png,0,0,19,151256,00000016 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000016_pre_disaster.png,hurricane-harvey_00000016_pre_disaster,0,0,train\masks\hurricane-harvey_00000016_pre_disaster.png,0,0,19,151256,00000016 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000017_post_disaster.png,hurricane-harvey_00000017_post_disaster,0,0,train\masks\hurricane-harvey_00000017_post_disaster.png,0,0,21,323543,00000017 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000017_pre_disaster.png,hurricane-harvey_00000017_pre_disaster,0,0,train\masks\hurricane-harvey_00000017_pre_disaster.png,0,0,21,323969,00000017 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000019_post_disaster.png,hurricane-harvey_00000019_post_disaster,0,0,train\masks\hurricane-harvey_00000019_post_disaster.png,16,41077,0,0,00000019 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000019_pre_disaster.png,hurricane-harvey_00000019_pre_disaster,0,0,train\masks\hurricane-harvey_00000019_pre_disaster.png,0,0,16,41156,00000019 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000020_post_disaster.png,hurricane-harvey_00000020_post_disaster,11,20636,train\masks\hurricane-harvey_00000020_post_disaster.png,1,3074,0,0,00000020 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000020_pre_disaster.png,hurricane-harvey_00000020_pre_disaster,0,0,train\masks\hurricane-harvey_00000020_pre_disaster.png,0,0,12,23775,00000020 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000022_post_disaster.png,hurricane-harvey_00000022_post_disaster,8,38244,train\masks\hurricane-harvey_00000022_post_disaster.png,7,21304,19,79448,00000022 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000022_pre_disaster.png,hurricane-harvey_00000022_pre_disaster,0,0,train\masks\hurricane-harvey_00000022_pre_disaster.png,0,0,33,139377,00000022 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000024_post_disaster.png,hurricane-harvey_00000024_post_disaster,0,0,train\masks\hurricane-harvey_00000024_post_disaster.png,0,0,22,351401,00000024 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000024_pre_disaster.png,hurricane-harvey_00000024_pre_disaster,0,0,train\masks\hurricane-harvey_00000024_pre_disaster.png,0,0,22,352032,00000024 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000025_post_disaster.png,hurricane-harvey_00000025_post_disaster,0,0,train\masks\hurricane-harvey_00000025_post_disaster.png,0,0,142,230308,00000025 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000025_pre_disaster.png,hurricane-harvey_00000025_pre_disaster,0,0,train\masks\hurricane-harvey_00000025_pre_disaster.png,0,0,142,230794,00000025 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000026_post_disaster.png,hurricane-harvey_00000026_post_disaster,10,6053,train\masks\hurricane-harvey_00000026_post_disaster.png,14,19578,0,0,00000026 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000026_pre_disaster.png,hurricane-harvey_00000026_pre_disaster,0,0,train\masks\hurricane-harvey_00000026_pre_disaster.png,0,0,24,25733,00000026 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000028_post_disaster.png,hurricane-harvey_00000028_post_disaster,0,0,train\masks\hurricane-harvey_00000028_post_disaster.png,0,0,46,57414,00000028 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000028_pre_disaster.png,hurricane-harvey_00000028_pre_disaster,0,0,train\masks\hurricane-harvey_00000028_pre_disaster.png,0,0,46,57414,00000028 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000029_post_disaster.png,hurricane-harvey_00000029_post_disaster,15,14300,train\masks\hurricane-harvey_00000029_post_disaster.png,12,24902,60,54465,00000029 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000029_pre_disaster.png,hurricane-harvey_00000029_pre_disaster,0,0,train\masks\hurricane-harvey_00000029_pre_disaster.png,0,0,87,93743,00000029 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000030_post_disaster.png,hurricane-harvey_00000030_post_disaster,46,67433,train\masks\hurricane-harvey_00000030_post_disaster.png,20,25276,17,25918,00000030 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000030_pre_disaster.png,hurricane-harvey_00000030_pre_disaster,0,0,train\masks\hurricane-harvey_00000030_pre_disaster.png,0,0,83,118634,00000030 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000035_post_disaster.png,hurricane-harvey_00000035_post_disaster,0,0,train\masks\hurricane-harvey_00000035_post_disaster.png,4,3849,0,0,00000035 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000035_pre_disaster.png,hurricane-harvey_00000035_pre_disaster,0,0,train\masks\hurricane-harvey_00000035_pre_disaster.png,0,0,4,3849,00000035 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000039_post_disaster.png,hurricane-harvey_00000039_post_disaster,3,3910,train\masks\hurricane-harvey_00000039_post_disaster.png,5,5088,6,2862,00000039 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000039_pre_disaster.png,hurricane-harvey_00000039_pre_disaster,0,0,train\masks\hurricane-harvey_00000039_pre_disaster.png,0,0,14,11928,00000039 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000040_post_disaster.png,hurricane-harvey_00000040_post_disaster,3,5966,train\masks\hurricane-harvey_00000040_post_disaster.png,11,17261,0,0,00000040 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000040_pre_disaster.png,hurricane-harvey_00000040_pre_disaster,0,0,train\masks\hurricane-harvey_00000040_pre_disaster.png,0,0,14,23227,00000040 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000041_post_disaster.png,hurricane-harvey_00000041_post_disaster,0,0,train\masks\hurricane-harvey_00000041_post_disaster.png,3,6852,0,0,00000041 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000041_pre_disaster.png,hurricane-harvey_00000041_pre_disaster,0,0,train\masks\hurricane-harvey_00000041_pre_disaster.png,0,0,3,6852,00000041 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000042_post_disaster.png,hurricane-harvey_00000042_post_disaster,3,9586,train\masks\hurricane-harvey_00000042_post_disaster.png,2,911,2,3115,00000042 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000042_pre_disaster.png,hurricane-harvey_00000042_pre_disaster,0,0,train\masks\hurricane-harvey_00000042_pre_disaster.png,0,0,7,13612,00000042 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000043_post_disaster.png,hurricane-harvey_00000043_post_disaster,0,0,train\masks\hurricane-harvey_00000043_post_disaster.png,1,1101,0,0,00000043 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000043_pre_disaster.png,hurricane-harvey_00000043_pre_disaster,0,0,train\masks\hurricane-harvey_00000043_pre_disaster.png,0,0,1,1101,00000043 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000045_post_disaster.png,hurricane-harvey_00000045_post_disaster,0,0,train\masks\hurricane-harvey_00000045_post_disaster.png,3,2153,1,298,00000045 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000045_pre_disaster.png,hurricane-harvey_00000045_pre_disaster,0,0,train\masks\hurricane-harvey_00000045_pre_disaster.png,0,0,4,2451,00000045 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000046_post_disaster.png,hurricane-harvey_00000046_post_disaster,0,0,train\masks\hurricane-harvey_00000046_post_disaster.png,0,0,0,0,00000046 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000046_pre_disaster.png,hurricane-harvey_00000046_pre_disaster,0,0,train\masks\hurricane-harvey_00000046_pre_disaster.png,0,0,0,0,00000046 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000047_post_disaster.png,hurricane-harvey_00000047_post_disaster,1,536,train\masks\hurricane-harvey_00000047_post_disaster.png,17,14913,0,0,00000047 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000047_pre_disaster.png,hurricane-harvey_00000047_pre_disaster,0,0,train\masks\hurricane-harvey_00000047_pre_disaster.png,0,0,18,15449,00000047 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000048_post_disaster.png,hurricane-harvey_00000048_post_disaster,0,0,train\masks\hurricane-harvey_00000048_post_disaster.png,0,0,1,219,00000048 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000048_pre_disaster.png,hurricane-harvey_00000048_pre_disaster,0,0,train\masks\hurricane-harvey_00000048_pre_disaster.png,0,0,1,224,00000048 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000049_post_disaster.png,hurricane-harvey_00000049_post_disaster,0,0,train\masks\hurricane-harvey_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000049_pre_disaster.png,hurricane-harvey_00000049_pre_disaster,0,0,train\masks\hurricane-harvey_00000049_pre_disaster.png,0,0,0,0,00000049 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000051_post_disaster.png,hurricane-harvey_00000051_post_disaster,0,0,train\masks\hurricane-harvey_00000051_post_disaster.png,1,1564,0,0,00000051 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000051_pre_disaster.png,hurricane-harvey_00000051_pre_disaster,0,0,train\masks\hurricane-harvey_00000051_pre_disaster.png,0,0,1,1673,00000051 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000052_post_disaster.png,hurricane-harvey_00000052_post_disaster,0,0,train\masks\hurricane-harvey_00000052_post_disaster.png,0,0,0,0,00000052 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000052_pre_disaster.png,hurricane-harvey_00000052_pre_disaster,0,0,train\masks\hurricane-harvey_00000052_pre_disaster.png,0,0,0,0,00000052 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000053_post_disaster.png,hurricane-harvey_00000053_post_disaster,0,0,train\masks\hurricane-harvey_00000053_post_disaster.png,0,0,0,0,00000053 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000053_pre_disaster.png,hurricane-harvey_00000053_pre_disaster,0,0,train\masks\hurricane-harvey_00000053_pre_disaster.png,0,0,0,0,00000053 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000054_post_disaster.png,hurricane-harvey_00000054_post_disaster,0,0,train\masks\hurricane-harvey_00000054_post_disaster.png,2,1152,0,0,00000054 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000054_pre_disaster.png,hurricane-harvey_00000054_pre_disaster,0,0,train\masks\hurricane-harvey_00000054_pre_disaster.png,0,0,2,1152,00000054 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000055_post_disaster.png,hurricane-harvey_00000055_post_disaster,0,0,train\masks\hurricane-harvey_00000055_post_disaster.png,1,523,0,0,00000055 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000055_pre_disaster.png,hurricane-harvey_00000055_pre_disaster,0,0,train\masks\hurricane-harvey_00000055_pre_disaster.png,0,0,1,523,00000055 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000056_post_disaster.png,hurricane-harvey_00000056_post_disaster,0,0,train\masks\hurricane-harvey_00000056_post_disaster.png,0,0,154,273492,00000056 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000056_pre_disaster.png,hurricane-harvey_00000056_pre_disaster,0,0,train\masks\hurricane-harvey_00000056_pre_disaster.png,0,0,154,273864,00000056 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000057_post_disaster.png,hurricane-harvey_00000057_post_disaster,0,0,train\masks\hurricane-harvey_00000057_post_disaster.png,0,0,138,264633,00000057 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000057_pre_disaster.png,hurricane-harvey_00000057_pre_disaster,0,0,train\masks\hurricane-harvey_00000057_pre_disaster.png,0,0,138,265047,00000057 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000059_post_disaster.png,hurricane-harvey_00000059_post_disaster,0,0,train\masks\hurricane-harvey_00000059_post_disaster.png,0,0,28,95793,00000059 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000059_pre_disaster.png,hurricane-harvey_00000059_pre_disaster,0,0,train\masks\hurricane-harvey_00000059_pre_disaster.png,0,0,28,96084,00000059 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000060_post_disaster.png,hurricane-harvey_00000060_post_disaster,1,4753,train\masks\hurricane-harvey_00000060_post_disaster.png,1,291,0,0,00000060 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000060_pre_disaster.png,hurricane-harvey_00000060_pre_disaster,0,0,train\masks\hurricane-harvey_00000060_pre_disaster.png,0,0,2,5048,00000060 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000061_post_disaster.png,hurricane-harvey_00000061_post_disaster,0,0,train\masks\hurricane-harvey_00000061_post_disaster.png,0,0,5,15924,00000061 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000061_pre_disaster.png,hurricane-harvey_00000061_pre_disaster,0,0,train\masks\hurricane-harvey_00000061_pre_disaster.png,0,0,5,16055,00000061 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000066_post_disaster.png,hurricane-harvey_00000066_post_disaster,7,10897,train\masks\hurricane-harvey_00000066_post_disaster.png,2,3147,5,8351,00000066 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000066_pre_disaster.png,hurricane-harvey_00000066_pre_disaster,0,0,train\masks\hurricane-harvey_00000066_pre_disaster.png,0,0,14,22673,00000066 +2,1163,hurricane-harvey,post,train,train\images\hurricane-harvey_00000069_post_disaster.png,hurricane-harvey_00000069_post_disaster,0,0,train\masks\hurricane-harvey_00000069_post_disaster.png,12,9328,0,0,00000069 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000069_pre_disaster.png,hurricane-harvey_00000069_pre_disaster,0,0,train\masks\hurricane-harvey_00000069_pre_disaster.png,0,0,14,10491,00000069 +1,565,hurricane-harvey,post,train,train\images\hurricane-harvey_00000070_post_disaster.png,hurricane-harvey_00000070_post_disaster,0,0,train\masks\hurricane-harvey_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000070_pre_disaster.png,hurricane-harvey_00000070_pre_disaster,0,0,train\masks\hurricane-harvey_00000070_pre_disaster.png,0,0,1,565,00000070 +2,322,hurricane-harvey,post,train,train\images\hurricane-harvey_00000071_post_disaster.png,hurricane-harvey_00000071_post_disaster,0,0,train\masks\hurricane-harvey_00000071_post_disaster.png,13,11473,0,0,00000071 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000071_pre_disaster.png,hurricane-harvey_00000071_pre_disaster,0,0,train\masks\hurricane-harvey_00000071_pre_disaster.png,0,0,15,11795,00000071 +1,119,hurricane-harvey,post,train,train\images\hurricane-harvey_00000072_post_disaster.png,hurricane-harvey_00000072_post_disaster,2,486,train\masks\hurricane-harvey_00000072_post_disaster.png,6,1809,0,0,00000072 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000072_pre_disaster.png,hurricane-harvey_00000072_pre_disaster,0,0,train\masks\hurricane-harvey_00000072_pre_disaster.png,0,0,9,2414,00000072 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000073_post_disaster.png,hurricane-harvey_00000073_post_disaster,0,0,train\masks\hurricane-harvey_00000073_post_disaster.png,0,0,9,14106,00000073 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000073_pre_disaster.png,hurricane-harvey_00000073_pre_disaster,0,0,train\masks\hurricane-harvey_00000073_pre_disaster.png,0,0,9,14219,00000073 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000075_post_disaster.png,hurricane-harvey_00000075_post_disaster,0,0,train\masks\hurricane-harvey_00000075_post_disaster.png,0,0,113,125956,00000075 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000075_pre_disaster.png,hurricane-harvey_00000075_pre_disaster,0,0,train\masks\hurricane-harvey_00000075_pre_disaster.png,0,0,113,126111,00000075 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000076_post_disaster.png,hurricane-harvey_00000076_post_disaster,0,0,train\masks\hurricane-harvey_00000076_post_disaster.png,0,0,86,93132,00000076 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000076_pre_disaster.png,hurricane-harvey_00000076_pre_disaster,0,0,train\masks\hurricane-harvey_00000076_pre_disaster.png,0,0,86,93405,00000076 +1,139,hurricane-harvey,post,train,train\images\hurricane-harvey_00000077_post_disaster.png,hurricane-harvey_00000077_post_disaster,6,6384,train\masks\hurricane-harvey_00000077_post_disaster.png,4,2768,2,1254,00000077 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000077_pre_disaster.png,hurricane-harvey_00000077_pre_disaster,0,0,train\masks\hurricane-harvey_00000077_pre_disaster.png,0,0,13,10545,00000077 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000079_post_disaster.png,hurricane-harvey_00000079_post_disaster,1,3452,train\masks\hurricane-harvey_00000079_post_disaster.png,0,0,164,197315,00000079 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000079_pre_disaster.png,hurricane-harvey_00000079_pre_disaster,0,0,train\masks\hurricane-harvey_00000079_pre_disaster.png,0,0,165,200977,00000079 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000080_post_disaster.png,hurricane-harvey_00000080_post_disaster,0,0,train\masks\hurricane-harvey_00000080_post_disaster.png,0,0,70,111388,00000080 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000080_pre_disaster.png,hurricane-harvey_00000080_pre_disaster,0,0,train\masks\hurricane-harvey_00000080_pre_disaster.png,0,0,70,111652,00000080 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000081_post_disaster.png,hurricane-harvey_00000081_post_disaster,4,4439,train\masks\hurricane-harvey_00000081_post_disaster.png,23,25696,6,4503,00000081 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000081_pre_disaster.png,hurricane-harvey_00000081_pre_disaster,0,0,train\masks\hurricane-harvey_00000081_pre_disaster.png,0,0,32,34692,00000081 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000082_post_disaster.png,hurricane-harvey_00000082_post_disaster,0,0,train\masks\hurricane-harvey_00000082_post_disaster.png,12,13862,0,0,00000082 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000082_pre_disaster.png,hurricane-harvey_00000082_pre_disaster,0,0,train\masks\hurricane-harvey_00000082_pre_disaster.png,0,0,12,13862,00000082 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000084_post_disaster.png,hurricane-harvey_00000084_post_disaster,0,0,train\masks\hurricane-harvey_00000084_post_disaster.png,0,0,20,92145,00000084 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000084_pre_disaster.png,hurricane-harvey_00000084_pre_disaster,0,0,train\masks\hurricane-harvey_00000084_pre_disaster.png,0,0,20,92807,00000084 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000085_post_disaster.png,hurricane-harvey_00000085_post_disaster,0,0,train\masks\hurricane-harvey_00000085_post_disaster.png,0,0,17,56613,00000085 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000085_pre_disaster.png,hurricane-harvey_00000085_pre_disaster,0,0,train\masks\hurricane-harvey_00000085_pre_disaster.png,0,0,17,56648,00000085 +2,1355,hurricane-harvey,post,train,train\images\hurricane-harvey_00000088_post_disaster.png,hurricane-harvey_00000088_post_disaster,0,0,train\masks\hurricane-harvey_00000088_post_disaster.png,77,89466,0,0,00000088 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000088_pre_disaster.png,hurricane-harvey_00000088_pre_disaster,0,0,train\masks\hurricane-harvey_00000088_pre_disaster.png,0,0,79,90821,00000088 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000089_post_disaster.png,hurricane-harvey_00000089_post_disaster,97,134987,train\masks\hurricane-harvey_00000089_post_disaster.png,128,188239,3,3978,00000089 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000089_pre_disaster.png,hurricane-harvey_00000089_pre_disaster,0,0,train\masks\hurricane-harvey_00000089_pre_disaster.png,0,0,228,327417,00000089 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000090_post_disaster.png,hurricane-harvey_00000090_post_disaster,0,0,train\masks\hurricane-harvey_00000090_post_disaster.png,0,0,0,0,00000090 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000090_pre_disaster.png,hurricane-harvey_00000090_pre_disaster,0,0,train\masks\hurricane-harvey_00000090_pre_disaster.png,0,0,0,0,00000090 +3,7458,hurricane-harvey,post,train,train\images\hurricane-harvey_00000091_post_disaster.png,hurricane-harvey_00000091_post_disaster,0,0,train\masks\hurricane-harvey_00000091_post_disaster.png,5,17694,0,0,00000091 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000091_pre_disaster.png,hurricane-harvey_00000091_pre_disaster,0,0,train\masks\hurricane-harvey_00000091_pre_disaster.png,0,0,8,25152,00000091 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000092_post_disaster.png,hurricane-harvey_00000092_post_disaster,85,138412,train\masks\hurricane-harvey_00000092_post_disaster.png,56,177246,0,0,00000092 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000092_pre_disaster.png,hurricane-harvey_00000092_pre_disaster,0,0,train\masks\hurricane-harvey_00000092_pre_disaster.png,0,0,140,316010,00000092 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000094_post_disaster.png,hurricane-harvey_00000094_post_disaster,0,0,train\masks\hurricane-harvey_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000094_pre_disaster.png,hurricane-harvey_00000094_pre_disaster,0,0,train\masks\hurricane-harvey_00000094_pre_disaster.png,0,0,0,0,00000094 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000098_post_disaster.png,hurricane-harvey_00000098_post_disaster,2,2406,train\masks\hurricane-harvey_00000098_post_disaster.png,0,0,117,220653,00000098 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000098_pre_disaster.png,hurricane-harvey_00000098_pre_disaster,0,0,train\masks\hurricane-harvey_00000098_pre_disaster.png,0,0,118,223717,00000098 +18,18043,hurricane-harvey,post,train,train\images\hurricane-harvey_00000099_post_disaster.png,hurricane-harvey_00000099_post_disaster,0,0,train\masks\hurricane-harvey_00000099_post_disaster.png,166,198999,0,0,00000099 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000099_pre_disaster.png,hurricane-harvey_00000099_pre_disaster,0,0,train\masks\hurricane-harvey_00000099_pre_disaster.png,0,0,184,217153,00000099 +1,2570,hurricane-harvey,post,train,train\images\hurricane-harvey_00000100_post_disaster.png,hurricane-harvey_00000100_post_disaster,0,0,train\masks\hurricane-harvey_00000100_post_disaster.png,2,979,0,0,00000100 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000100_pre_disaster.png,hurricane-harvey_00000100_pre_disaster,0,0,train\masks\hurricane-harvey_00000100_pre_disaster.png,0,0,3,3549,00000100 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000101_post_disaster.png,hurricane-harvey_00000101_post_disaster,52,61143,train\masks\hurricane-harvey_00000101_post_disaster.png,39,56418,116,169636,00000101 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000101_pre_disaster.png,hurricane-harvey_00000101_pre_disaster,0,0,train\masks\hurricane-harvey_00000101_pre_disaster.png,0,0,206,287901,00000101 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000104_post_disaster.png,hurricane-harvey_00000104_post_disaster,65,86244,train\masks\hurricane-harvey_00000104_post_disaster.png,203,251446,0,0,00000104 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000104_pre_disaster.png,hurricane-harvey_00000104_pre_disaster,0,0,train\masks\hurricane-harvey_00000104_pre_disaster.png,0,0,267,339081,00000104 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000107_post_disaster.png,hurricane-harvey_00000107_post_disaster,0,0,train\masks\hurricane-harvey_00000107_post_disaster.png,11,61323,0,0,00000107 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000107_pre_disaster.png,hurricane-harvey_00000107_pre_disaster,0,0,train\masks\hurricane-harvey_00000107_pre_disaster.png,0,0,11,61413,00000107 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000108_post_disaster.png,hurricane-harvey_00000108_post_disaster,9,29654,train\masks\hurricane-harvey_00000108_post_disaster.png,0,0,77,136545,00000108 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000108_pre_disaster.png,hurricane-harvey_00000108_pre_disaster,0,0,train\masks\hurricane-harvey_00000108_pre_disaster.png,0,0,86,166533,00000108 +8,9042,hurricane-harvey,post,train,train\images\hurricane-harvey_00000109_post_disaster.png,hurricane-harvey_00000109_post_disaster,0,0,train\masks\hurricane-harvey_00000109_post_disaster.png,74,132020,0,0,00000109 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000109_pre_disaster.png,hurricane-harvey_00000109_pre_disaster,0,0,train\masks\hurricane-harvey_00000109_pre_disaster.png,0,0,80,141199,00000109 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000111_post_disaster.png,hurricane-harvey_00000111_post_disaster,0,0,train\masks\hurricane-harvey_00000111_post_disaster.png,15,86503,0,0,00000111 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000111_pre_disaster.png,hurricane-harvey_00000111_pre_disaster,0,0,train\masks\hurricane-harvey_00000111_pre_disaster.png,0,0,15,86696,00000111 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000113_post_disaster.png,hurricane-harvey_00000113_post_disaster,2,382,train\masks\hurricane-harvey_00000113_post_disaster.png,1,430,0,0,00000113 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000113_pre_disaster.png,hurricane-harvey_00000113_pre_disaster,0,0,train\masks\hurricane-harvey_00000113_pre_disaster.png,0,0,3,836,00000113 +2,603,hurricane-harvey,post,train,train\images\hurricane-harvey_00000114_post_disaster.png,hurricane-harvey_00000114_post_disaster,0,0,train\masks\hurricane-harvey_00000114_post_disaster.png,64,163072,0,0,00000114 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000114_pre_disaster.png,hurricane-harvey_00000114_pre_disaster,0,0,train\masks\hurricane-harvey_00000114_pre_disaster.png,0,0,66,163756,00000114 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000115_post_disaster.png,hurricane-harvey_00000115_post_disaster,20,18319,train\masks\hurricane-harvey_00000115_post_disaster.png,13,17756,182,217633,00000115 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000115_pre_disaster.png,hurricane-harvey_00000115_pre_disaster,0,0,train\masks\hurricane-harvey_00000115_pre_disaster.png,0,0,215,254183,00000115 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000116_post_disaster.png,hurricane-harvey_00000116_post_disaster,0,0,train\masks\hurricane-harvey_00000116_post_disaster.png,0,0,121,181043,00000116 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000116_pre_disaster.png,hurricane-harvey_00000116_pre_disaster,0,0,train\masks\hurricane-harvey_00000116_pre_disaster.png,0,0,121,181974,00000116 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000118_post_disaster.png,hurricane-harvey_00000118_post_disaster,0,0,train\masks\hurricane-harvey_00000118_post_disaster.png,0,0,0,0,00000118 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000118_pre_disaster.png,hurricane-harvey_00000118_pre_disaster,0,0,train\masks\hurricane-harvey_00000118_pre_disaster.png,0,0,0,0,00000118 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000119_post_disaster.png,hurricane-harvey_00000119_post_disaster,0,0,train\masks\hurricane-harvey_00000119_post_disaster.png,0,0,209,299378,00000119 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000119_pre_disaster.png,hurricane-harvey_00000119_pre_disaster,0,0,train\masks\hurricane-harvey_00000119_pre_disaster.png,0,0,209,299867,00000119 +3,6308,hurricane-harvey,post,train,train\images\hurricane-harvey_00000123_post_disaster.png,hurricane-harvey_00000123_post_disaster,0,0,train\masks\hurricane-harvey_00000123_post_disaster.png,67,149748,0,0,00000123 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000123_pre_disaster.png,hurricane-harvey_00000123_pre_disaster,0,0,train\masks\hurricane-harvey_00000123_pre_disaster.png,0,0,70,156461,00000123 +3,3169,hurricane-harvey,post,train,train\images\hurricane-harvey_00000126_post_disaster.png,hurricane-harvey_00000126_post_disaster,0,0,train\masks\hurricane-harvey_00000126_post_disaster.png,8,92277,0,0,00000126 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000126_pre_disaster.png,hurricane-harvey_00000126_pre_disaster,0,0,train\masks\hurricane-harvey_00000126_pre_disaster.png,0,0,11,95527,00000126 +1,81,hurricane-harvey,post,train,train\images\hurricane-harvey_00000128_post_disaster.png,hurricane-harvey_00000128_post_disaster,0,0,train\masks\hurricane-harvey_00000128_post_disaster.png,1,609,0,0,00000128 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000128_pre_disaster.png,hurricane-harvey_00000128_pre_disaster,0,0,train\masks\hurricane-harvey_00000128_pre_disaster.png,0,0,2,690,00000128 +1,650,hurricane-harvey,post,train,train\images\hurricane-harvey_00000129_post_disaster.png,hurricane-harvey_00000129_post_disaster,0,0,train\masks\hurricane-harvey_00000129_post_disaster.png,2,1249,0,0,00000129 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000129_pre_disaster.png,hurricane-harvey_00000129_pre_disaster,0,0,train\masks\hurricane-harvey_00000129_pre_disaster.png,0,0,3,1899,00000129 +4,2283,hurricane-harvey,post,train,train\images\hurricane-harvey_00000130_post_disaster.png,hurricane-harvey_00000130_post_disaster,0,0,train\masks\hurricane-harvey_00000130_post_disaster.png,2,1261,0,0,00000130 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000130_pre_disaster.png,hurricane-harvey_00000130_pre_disaster,0,0,train\masks\hurricane-harvey_00000130_pre_disaster.png,0,0,6,3544,00000130 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000132_post_disaster.png,hurricane-harvey_00000132_post_disaster,29,40020,train\masks\hurricane-harvey_00000132_post_disaster.png,188,291769,0,0,00000132 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000132_pre_disaster.png,hurricane-harvey_00000132_pre_disaster,0,0,train\masks\hurricane-harvey_00000132_pre_disaster.png,0,0,215,332333,00000132 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000134_post_disaster.png,hurricane-harvey_00000134_post_disaster,16,18686,train\masks\hurricane-harvey_00000134_post_disaster.png,0,0,132,276744,00000134 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000134_pre_disaster.png,hurricane-harvey_00000134_pre_disaster,0,0,train\masks\hurricane-harvey_00000134_pre_disaster.png,0,0,146,295678,00000134 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000136_post_disaster.png,hurricane-harvey_00000136_post_disaster,0,0,train\masks\hurricane-harvey_00000136_post_disaster.png,6,4600,0,0,00000136 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000136_pre_disaster.png,hurricane-harvey_00000136_pre_disaster,0,0,train\masks\hurricane-harvey_00000136_pre_disaster.png,0,0,6,4662,00000136 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000137_post_disaster.png,hurricane-harvey_00000137_post_disaster,17,46330,train\masks\hurricane-harvey_00000137_post_disaster.png,165,271361,0,0,00000137 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000137_pre_disaster.png,hurricane-harvey_00000137_pre_disaster,0,0,train\masks\hurricane-harvey_00000137_pre_disaster.png,0,0,181,318198,00000137 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000138_post_disaster.png,hurricane-harvey_00000138_post_disaster,26,167217,train\masks\hurricane-harvey_00000138_post_disaster.png,3,22053,0,0,00000138 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000138_pre_disaster.png,hurricane-harvey_00000138_pre_disaster,0,0,train\masks\hurricane-harvey_00000138_pre_disaster.png,0,0,28,192597,00000138 +1,284,hurricane-harvey,post,train,train\images\hurricane-harvey_00000141_post_disaster.png,hurricane-harvey_00000141_post_disaster,0,0,train\masks\hurricane-harvey_00000141_post_disaster.png,11,16878,0,0,00000141 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000141_pre_disaster.png,hurricane-harvey_00000141_pre_disaster,0,0,train\masks\hurricane-harvey_00000141_pre_disaster.png,0,0,12,17168,00000141 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000142_post_disaster.png,hurricane-harvey_00000142_post_disaster,17,43064,train\masks\hurricane-harvey_00000142_post_disaster.png,203,245919,0,0,00000142 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000142_pre_disaster.png,hurricane-harvey_00000142_pre_disaster,0,0,train\masks\hurricane-harvey_00000142_pre_disaster.png,0,0,219,289399,00000142 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000144_post_disaster.png,hurricane-harvey_00000144_post_disaster,6,14099,train\masks\hurricane-harvey_00000144_post_disaster.png,5,43989,0,0,00000144 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000144_pre_disaster.png,hurricane-harvey_00000144_pre_disaster,0,0,train\masks\hurricane-harvey_00000144_pre_disaster.png,0,0,11,58729,00000144 +1,126,hurricane-harvey,post,train,train\images\hurricane-harvey_00000145_post_disaster.png,hurricane-harvey_00000145_post_disaster,82,128232,train\masks\hurricane-harvey_00000145_post_disaster.png,76,118336,0,0,00000145 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000145_pre_disaster.png,hurricane-harvey_00000145_pre_disaster,0,0,train\masks\hurricane-harvey_00000145_pre_disaster.png,0,0,157,247411,00000145 +3,4646,hurricane-harvey,post,train,train\images\hurricane-harvey_00000146_post_disaster.png,hurricane-harvey_00000146_post_disaster,0,0,train\masks\hurricane-harvey_00000146_post_disaster.png,177,298651,0,0,00000146 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000146_pre_disaster.png,hurricane-harvey_00000146_pre_disaster,0,0,train\masks\hurricane-harvey_00000146_pre_disaster.png,0,0,179,303774,00000146 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000147_post_disaster.png,hurricane-harvey_00000147_post_disaster,10,51443,train\masks\hurricane-harvey_00000147_post_disaster.png,28,93473,8,12738,00000147 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000147_pre_disaster.png,hurricane-harvey_00000147_pre_disaster,0,0,train\masks\hurricane-harvey_00000147_pre_disaster.png,0,0,46,157654,00000147 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000151_post_disaster.png,hurricane-harvey_00000151_post_disaster,27,26673,train\masks\hurricane-harvey_00000151_post_disaster.png,0,0,0,0,00000151 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000151_pre_disaster.png,hurricane-harvey_00000151_pre_disaster,0,0,train\masks\hurricane-harvey_00000151_pre_disaster.png,0,0,27,26831,00000151 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000152_post_disaster.png,hurricane-harvey_00000152_post_disaster,0,0,train\masks\hurricane-harvey_00000152_post_disaster.png,5,30408,0,0,00000152 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000152_pre_disaster.png,hurricane-harvey_00000152_pre_disaster,0,0,train\masks\hurricane-harvey_00000152_pre_disaster.png,0,0,5,30488,00000152 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000153_post_disaster.png,hurricane-harvey_00000153_post_disaster,1,6038,train\masks\hurricane-harvey_00000153_post_disaster.png,0,0,52,161506,00000153 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000153_pre_disaster.png,hurricane-harvey_00000153_pre_disaster,0,0,train\masks\hurricane-harvey_00000153_pre_disaster.png,0,0,53,167689,00000153 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000154_post_disaster.png,hurricane-harvey_00000154_post_disaster,0,0,train\masks\hurricane-harvey_00000154_post_disaster.png,27,84904,0,0,00000154 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000154_pre_disaster.png,hurricane-harvey_00000154_pre_disaster,0,0,train\masks\hurricane-harvey_00000154_pre_disaster.png,0,0,27,85199,00000154 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000156_post_disaster.png,hurricane-harvey_00000156_post_disaster,0,0,train\masks\hurricane-harvey_00000156_post_disaster.png,0,0,126,211434,00000156 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000156_pre_disaster.png,hurricane-harvey_00000156_pre_disaster,0,0,train\masks\hurricane-harvey_00000156_pre_disaster.png,0,0,126,211906,00000156 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000157_post_disaster.png,hurricane-harvey_00000157_post_disaster,0,0,train\masks\hurricane-harvey_00000157_post_disaster.png,1,262,0,0,00000157 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000157_pre_disaster.png,hurricane-harvey_00000157_pre_disaster,0,0,train\masks\hurricane-harvey_00000157_pre_disaster.png,0,0,1,262,00000157 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000158_post_disaster.png,hurricane-harvey_00000158_post_disaster,0,0,train\masks\hurricane-harvey_00000158_post_disaster.png,0,0,68,260032,00000158 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000158_pre_disaster.png,hurricane-harvey_00000158_pre_disaster,0,0,train\masks\hurricane-harvey_00000158_pre_disaster.png,0,0,68,260624,00000158 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000159_post_disaster.png,hurricane-harvey_00000159_post_disaster,24,216348,train\masks\hurricane-harvey_00000159_post_disaster.png,20,81918,47,73643,00000159 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000159_pre_disaster.png,hurricane-harvey_00000159_pre_disaster,0,0,train\masks\hurricane-harvey_00000159_pre_disaster.png,0,0,91,372702,00000159 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000160_post_disaster.png,hurricane-harvey_00000160_post_disaster,1,44769,train\masks\hurricane-harvey_00000160_post_disaster.png,0,0,73,131407,00000160 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000160_pre_disaster.png,hurricane-harvey_00000160_pre_disaster,0,0,train\masks\hurricane-harvey_00000160_pre_disaster.png,0,0,74,176506,00000160 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000165_post_disaster.png,hurricane-harvey_00000165_post_disaster,0,0,train\masks\hurricane-harvey_00000165_post_disaster.png,3,41713,0,0,00000165 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000165_pre_disaster.png,hurricane-harvey_00000165_pre_disaster,0,0,train\masks\hurricane-harvey_00000165_pre_disaster.png,0,0,3,41751,00000165 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000167_post_disaster.png,hurricane-harvey_00000167_post_disaster,0,0,train\masks\hurricane-harvey_00000167_post_disaster.png,0,0,0,0,00000167 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000167_pre_disaster.png,hurricane-harvey_00000167_pre_disaster,0,0,train\masks\hurricane-harvey_00000167_pre_disaster.png,0,0,0,0,00000167 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000168_post_disaster.png,hurricane-harvey_00000168_post_disaster,0,0,train\masks\hurricane-harvey_00000168_post_disaster.png,153,262035,0,0,00000168 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000168_pre_disaster.png,hurricane-harvey_00000168_pre_disaster,0,0,train\masks\hurricane-harvey_00000168_pre_disaster.png,0,0,153,262376,00000168 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000169_post_disaster.png,hurricane-harvey_00000169_post_disaster,0,0,train\masks\hurricane-harvey_00000169_post_disaster.png,0,0,139,157127,00000169 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000169_pre_disaster.png,hurricane-harvey_00000169_pre_disaster,0,0,train\masks\hurricane-harvey_00000169_pre_disaster.png,0,0,139,157467,00000169 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000170_post_disaster.png,hurricane-harvey_00000170_post_disaster,0,0,train\masks\hurricane-harvey_00000170_post_disaster.png,0,0,194,247502,00000170 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000170_pre_disaster.png,hurricane-harvey_00000170_pre_disaster,0,0,train\masks\hurricane-harvey_00000170_pre_disaster.png,0,0,194,248174,00000170 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000171_post_disaster.png,hurricane-harvey_00000171_post_disaster,9,16680,train\masks\hurricane-harvey_00000171_post_disaster.png,0,0,64,109093,00000171 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000171_pre_disaster.png,hurricane-harvey_00000171_pre_disaster,0,0,train\masks\hurricane-harvey_00000171_pre_disaster.png,0,0,73,125849,00000171 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000172_post_disaster.png,hurricane-harvey_00000172_post_disaster,0,0,train\masks\hurricane-harvey_00000172_post_disaster.png,0,0,135,317306,00000172 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000172_pre_disaster.png,hurricane-harvey_00000172_pre_disaster,0,0,train\masks\hurricane-harvey_00000172_pre_disaster.png,0,0,135,317981,00000172 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000174_post_disaster.png,hurricane-harvey_00000174_post_disaster,1,150,train\masks\hurricane-harvey_00000174_post_disaster.png,0,0,0,0,00000174 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000174_pre_disaster.png,hurricane-harvey_00000174_pre_disaster,0,0,train\masks\hurricane-harvey_00000174_pre_disaster.png,0,0,1,150,00000174 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000176_post_disaster.png,hurricane-harvey_00000176_post_disaster,0,0,train\masks\hurricane-harvey_00000176_post_disaster.png,0,0,94,287053,00000176 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000176_pre_disaster.png,hurricane-harvey_00000176_pre_disaster,0,0,train\masks\hurricane-harvey_00000176_pre_disaster.png,0,0,94,287396,00000176 +6,7057,hurricane-harvey,post,train,train\images\hurricane-harvey_00000177_post_disaster.png,hurricane-harvey_00000177_post_disaster,22,43641,train\masks\hurricane-harvey_00000177_post_disaster.png,27,82100,4,23450,00000177 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000177_pre_disaster.png,hurricane-harvey_00000177_pre_disaster,0,0,train\masks\hurricane-harvey_00000177_pre_disaster.png,0,0,57,156518,00000177 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000178_post_disaster.png,hurricane-harvey_00000178_post_disaster,0,0,train\masks\hurricane-harvey_00000178_post_disaster.png,0,0,150,246606,00000178 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000178_pre_disaster.png,hurricane-harvey_00000178_pre_disaster,0,0,train\masks\hurricane-harvey_00000178_pre_disaster.png,0,0,150,247090,00000178 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000180_post_disaster.png,hurricane-harvey_00000180_post_disaster,0,0,train\masks\hurricane-harvey_00000180_post_disaster.png,0,0,193,249760,00000180 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000180_pre_disaster.png,hurricane-harvey_00000180_pre_disaster,0,0,train\masks\hurricane-harvey_00000180_pre_disaster.png,0,0,193,249993,00000180 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000187_post_disaster.png,hurricane-harvey_00000187_post_disaster,0,0,train\masks\hurricane-harvey_00000187_post_disaster.png,0,0,16,55217,00000187 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000187_pre_disaster.png,hurricane-harvey_00000187_pre_disaster,0,0,train\masks\hurricane-harvey_00000187_pre_disaster.png,0,0,16,55766,00000187 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000189_post_disaster.png,hurricane-harvey_00000189_post_disaster,0,0,train\masks\hurricane-harvey_00000189_post_disaster.png,0,0,0,0,00000189 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000189_pre_disaster.png,hurricane-harvey_00000189_pre_disaster,0,0,train\masks\hurricane-harvey_00000189_pre_disaster.png,0,0,0,0,00000189 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000194_post_disaster.png,hurricane-harvey_00000194_post_disaster,0,0,train\masks\hurricane-harvey_00000194_post_disaster.png,0,0,2,4272,00000194 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000194_pre_disaster.png,hurricane-harvey_00000194_pre_disaster,0,0,train\masks\hurricane-harvey_00000194_pre_disaster.png,0,0,2,4516,00000194 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000195_post_disaster.png,hurricane-harvey_00000195_post_disaster,0,0,train\masks\hurricane-harvey_00000195_post_disaster.png,0,0,71,235711,00000195 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000195_pre_disaster.png,hurricane-harvey_00000195_pre_disaster,0,0,train\masks\hurricane-harvey_00000195_pre_disaster.png,0,0,71,235990,00000195 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000196_post_disaster.png,hurricane-harvey_00000196_post_disaster,1,821,train\masks\hurricane-harvey_00000196_post_disaster.png,0,0,2,838,00000196 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000196_pre_disaster.png,hurricane-harvey_00000196_pre_disaster,0,0,train\masks\hurricane-harvey_00000196_pre_disaster.png,0,0,3,1696,00000196 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000197_post_disaster.png,hurricane-harvey_00000197_post_disaster,4,22360,train\masks\hurricane-harvey_00000197_post_disaster.png,84,253085,1,581,00000197 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000197_pre_disaster.png,hurricane-harvey_00000197_pre_disaster,0,0,train\masks\hurricane-harvey_00000197_pre_disaster.png,0,0,89,276466,00000197 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000200_post_disaster.png,hurricane-harvey_00000200_post_disaster,0,0,train\masks\hurricane-harvey_00000200_post_disaster.png,6,2871,0,0,00000200 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000200_pre_disaster.png,hurricane-harvey_00000200_pre_disaster,0,0,train\masks\hurricane-harvey_00000200_pre_disaster.png,0,0,6,2871,00000200 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000203_post_disaster.png,hurricane-harvey_00000203_post_disaster,0,0,train\masks\hurricane-harvey_00000203_post_disaster.png,5,3790,2,1165,00000203 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000203_pre_disaster.png,hurricane-harvey_00000203_pre_disaster,0,0,train\masks\hurricane-harvey_00000203_pre_disaster.png,0,0,7,4955,00000203 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000204_post_disaster.png,hurricane-harvey_00000204_post_disaster,0,0,train\masks\hurricane-harvey_00000204_post_disaster.png,0,0,34,39770,00000204 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000204_pre_disaster.png,hurricane-harvey_00000204_pre_disaster,0,0,train\masks\hurricane-harvey_00000204_pre_disaster.png,0,0,34,39770,00000204 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000205_post_disaster.png,hurricane-harvey_00000205_post_disaster,10,16320,train\masks\hurricane-harvey_00000205_post_disaster.png,70,138387,0,0,00000205 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000205_pre_disaster.png,hurricane-harvey_00000205_pre_disaster,0,0,train\masks\hurricane-harvey_00000205_pre_disaster.png,0,0,80,155301,00000205 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000206_post_disaster.png,hurricane-harvey_00000206_post_disaster,3,9281,train\masks\hurricane-harvey_00000206_post_disaster.png,0,0,161,254673,00000206 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000206_pre_disaster.png,hurricane-harvey_00000206_pre_disaster,0,0,train\masks\hurricane-harvey_00000206_pre_disaster.png,0,0,164,264252,00000206 +4,2342,hurricane-harvey,post,train,train\images\hurricane-harvey_00000207_post_disaster.png,hurricane-harvey_00000207_post_disaster,2,4672,train\masks\hurricane-harvey_00000207_post_disaster.png,0,0,6,38451,00000207 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000207_pre_disaster.png,hurricane-harvey_00000207_pre_disaster,0,0,train\masks\hurricane-harvey_00000207_pre_disaster.png,0,0,12,45465,00000207 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000208_post_disaster.png,hurricane-harvey_00000208_post_disaster,0,0,train\masks\hurricane-harvey_00000208_post_disaster.png,0,0,0,0,00000208 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000208_pre_disaster.png,hurricane-harvey_00000208_pre_disaster,0,0,train\masks\hurricane-harvey_00000208_pre_disaster.png,0,0,0,0,00000208 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000210_post_disaster.png,hurricane-harvey_00000210_post_disaster,0,0,train\masks\hurricane-harvey_00000210_post_disaster.png,0,0,84,381645,00000210 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000210_pre_disaster.png,hurricane-harvey_00000210_pre_disaster,0,0,train\masks\hurricane-harvey_00000210_pre_disaster.png,0,0,83,382674,00000210 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000212_post_disaster.png,hurricane-harvey_00000212_post_disaster,0,0,train\masks\hurricane-harvey_00000212_post_disaster.png,12,21679,0,0,00000212 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000212_pre_disaster.png,hurricane-harvey_00000212_pre_disaster,0,0,train\masks\hurricane-harvey_00000212_pre_disaster.png,0,0,12,21679,00000212 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000213_post_disaster.png,hurricane-harvey_00000213_post_disaster,0,0,train\masks\hurricane-harvey_00000213_post_disaster.png,0,0,160,219921,00000213 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000213_pre_disaster.png,hurricane-harvey_00000213_pre_disaster,0,0,train\masks\hurricane-harvey_00000213_pre_disaster.png,0,0,160,220166,00000213 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000214_post_disaster.png,hurricane-harvey_00000214_post_disaster,0,0,train\masks\hurricane-harvey_00000214_post_disaster.png,0,0,85,291824,00000214 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000214_pre_disaster.png,hurricane-harvey_00000214_pre_disaster,0,0,train\masks\hurricane-harvey_00000214_pre_disaster.png,0,0,85,292081,00000214 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000216_post_disaster.png,hurricane-harvey_00000216_post_disaster,0,0,train\masks\hurricane-harvey_00000216_post_disaster.png,0,0,106,330907,00000216 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000216_pre_disaster.png,hurricane-harvey_00000216_pre_disaster,0,0,train\masks\hurricane-harvey_00000216_pre_disaster.png,0,0,106,331425,00000216 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000217_post_disaster.png,hurricane-harvey_00000217_post_disaster,0,0,train\masks\hurricane-harvey_00000217_post_disaster.png,0,0,0,0,00000217 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000217_pre_disaster.png,hurricane-harvey_00000217_pre_disaster,0,0,train\masks\hurricane-harvey_00000217_pre_disaster.png,0,0,0,0,00000217 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000218_post_disaster.png,hurricane-harvey_00000218_post_disaster,6,4829,train\masks\hurricane-harvey_00000218_post_disaster.png,0,0,3,5101,00000218 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000218_pre_disaster.png,hurricane-harvey_00000218_pre_disaster,0,0,train\masks\hurricane-harvey_00000218_pre_disaster.png,0,0,9,9966,00000218 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000220_post_disaster.png,hurricane-harvey_00000220_post_disaster,0,0,train\masks\hurricane-harvey_00000220_post_disaster.png,0,0,84,342904,00000220 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000220_pre_disaster.png,hurricane-harvey_00000220_pre_disaster,0,0,train\masks\hurricane-harvey_00000220_pre_disaster.png,0,0,84,343880,00000220 +4,1173,hurricane-harvey,post,train,train\images\hurricane-harvey_00000221_post_disaster.png,hurricane-harvey_00000221_post_disaster,0,0,train\masks\hurricane-harvey_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000221_pre_disaster.png,hurricane-harvey_00000221_pre_disaster,0,0,train\masks\hurricane-harvey_00000221_pre_disaster.png,0,0,4,1166,00000221 +1,54,hurricane-harvey,post,train,train\images\hurricane-harvey_00000222_post_disaster.png,hurricane-harvey_00000222_post_disaster,0,0,train\masks\hurricane-harvey_00000222_post_disaster.png,2,204,0,0,00000222 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000222_pre_disaster.png,hurricane-harvey_00000222_pre_disaster,0,0,train\masks\hurricane-harvey_00000222_pre_disaster.png,0,0,3,258,00000222 +3,447,hurricane-harvey,post,train,train\images\hurricane-harvey_00000224_post_disaster.png,hurricane-harvey_00000224_post_disaster,1,1146,train\masks\hurricane-harvey_00000224_post_disaster.png,10,7379,2,762,00000224 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000224_pre_disaster.png,hurricane-harvey_00000224_pre_disaster,0,0,train\masks\hurricane-harvey_00000224_pre_disaster.png,0,0,16,9734,00000224 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000226_post_disaster.png,hurricane-harvey_00000226_post_disaster,0,0,train\masks\hurricane-harvey_00000226_post_disaster.png,1,1409,0,0,00000226 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000226_pre_disaster.png,hurricane-harvey_00000226_pre_disaster,0,0,train\masks\hurricane-harvey_00000226_pre_disaster.png,0,0,1,1409,00000226 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000228_post_disaster.png,hurricane-harvey_00000228_post_disaster,0,0,train\masks\hurricane-harvey_00000228_post_disaster.png,2,700,1,2671,00000228 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000228_pre_disaster.png,hurricane-harvey_00000228_pre_disaster,0,0,train\masks\hurricane-harvey_00000228_pre_disaster.png,0,0,3,3371,00000228 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000231_post_disaster.png,hurricane-harvey_00000231_post_disaster,0,0,train\masks\hurricane-harvey_00000231_post_disaster.png,0,0,64,255330,00000231 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000231_pre_disaster.png,hurricane-harvey_00000231_pre_disaster,0,0,train\masks\hurricane-harvey_00000231_pre_disaster.png,0,0,64,255565,00000231 +2,1688,hurricane-harvey,post,train,train\images\hurricane-harvey_00000232_post_disaster.png,hurricane-harvey_00000232_post_disaster,0,0,train\masks\hurricane-harvey_00000232_post_disaster.png,0,0,0,0,00000232 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000232_pre_disaster.png,hurricane-harvey_00000232_pre_disaster,0,0,train\masks\hurricane-harvey_00000232_pre_disaster.png,0,0,2,1688,00000232 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000233_post_disaster.png,hurricane-harvey_00000233_post_disaster,0,0,train\masks\hurricane-harvey_00000233_post_disaster.png,0,0,175,193982,00000233 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000233_pre_disaster.png,hurricane-harvey_00000233_pre_disaster,0,0,train\masks\hurricane-harvey_00000233_pre_disaster.png,0,0,175,194247,00000233 +2,85,hurricane-harvey,post,train,train\images\hurricane-harvey_00000235_post_disaster.png,hurricane-harvey_00000235_post_disaster,0,0,train\masks\hurricane-harvey_00000235_post_disaster.png,3,2121,3,1223,00000235 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000235_pre_disaster.png,hurricane-harvey_00000235_pre_disaster,0,0,train\masks\hurricane-harvey_00000235_pre_disaster.png,0,0,7,3429,00000235 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000237_post_disaster.png,hurricane-harvey_00000237_post_disaster,0,0,train\masks\hurricane-harvey_00000237_post_disaster.png,0,0,114,380371,00000237 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000237_pre_disaster.png,hurricane-harvey_00000237_pre_disaster,0,0,train\masks\hurricane-harvey_00000237_pre_disaster.png,0,0,114,381180,00000237 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000238_post_disaster.png,hurricane-harvey_00000238_post_disaster,4,6163,train\masks\hurricane-harvey_00000238_post_disaster.png,7,10394,24,30565,00000238 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000238_pre_disaster.png,hurricane-harvey_00000238_pre_disaster,0,0,train\masks\hurricane-harvey_00000238_pre_disaster.png,0,0,34,47204,00000238 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000239_post_disaster.png,hurricane-harvey_00000239_post_disaster,11,19113,train\masks\hurricane-harvey_00000239_post_disaster.png,8,15710,3,1932,00000239 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000239_pre_disaster.png,hurricane-harvey_00000239_pre_disaster,0,0,train\masks\hurricane-harvey_00000239_pre_disaster.png,0,0,22,37424,00000239 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000241_post_disaster.png,hurricane-harvey_00000241_post_disaster,0,0,train\masks\hurricane-harvey_00000241_post_disaster.png,4,918,0,0,00000241 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000241_pre_disaster.png,hurricane-harvey_00000241_pre_disaster,0,0,train\masks\hurricane-harvey_00000241_pre_disaster.png,0,0,4,918,00000241 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000242_post_disaster.png,hurricane-harvey_00000242_post_disaster,0,0,train\masks\hurricane-harvey_00000242_post_disaster.png,0,0,221,379094,00000242 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000242_pre_disaster.png,hurricane-harvey_00000242_pre_disaster,0,0,train\masks\hurricane-harvey_00000242_pre_disaster.png,0,0,221,379540,00000242 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000243_post_disaster.png,hurricane-harvey_00000243_post_disaster,0,0,train\masks\hurricane-harvey_00000243_post_disaster.png,6,5896,0,0,00000243 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000243_pre_disaster.png,hurricane-harvey_00000243_pre_disaster,0,0,train\masks\hurricane-harvey_00000243_pre_disaster.png,0,0,6,5906,00000243 +7,633,hurricane-harvey,post,train,train\images\hurricane-harvey_00000244_post_disaster.png,hurricane-harvey_00000244_post_disaster,2,5942,train\masks\hurricane-harvey_00000244_post_disaster.png,0,0,4,1437,00000244 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000244_pre_disaster.png,hurricane-harvey_00000244_pre_disaster,0,0,train\masks\hurricane-harvey_00000244_pre_disaster.png,0,0,10,8012,00000244 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000245_post_disaster.png,hurricane-harvey_00000245_post_disaster,0,0,train\masks\hurricane-harvey_00000245_post_disaster.png,0,0,61,75448,00000245 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000245_pre_disaster.png,hurricane-harvey_00000245_pre_disaster,0,0,train\masks\hurricane-harvey_00000245_pre_disaster.png,0,0,61,75877,00000245 +7,1153,hurricane-harvey,post,train,train\images\hurricane-harvey_00000248_post_disaster.png,hurricane-harvey_00000248_post_disaster,1,372,train\masks\hurricane-harvey_00000248_post_disaster.png,35,19387,1,700,00000248 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000248_pre_disaster.png,hurricane-harvey_00000248_pre_disaster,0,0,train\masks\hurricane-harvey_00000248_pre_disaster.png,0,0,44,21612,00000248 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000249_post_disaster.png,hurricane-harvey_00000249_post_disaster,0,0,train\masks\hurricane-harvey_00000249_post_disaster.png,0,0,79,131928,00000249 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000249_pre_disaster.png,hurricane-harvey_00000249_pre_disaster,0,0,train\masks\hurricane-harvey_00000249_pre_disaster.png,0,0,79,132436,00000249 +1,127,hurricane-harvey,post,train,train\images\hurricane-harvey_00000251_post_disaster.png,hurricane-harvey_00000251_post_disaster,0,0,train\masks\hurricane-harvey_00000251_post_disaster.png,1,179,0,0,00000251 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000251_pre_disaster.png,hurricane-harvey_00000251_pre_disaster,0,0,train\masks\hurricane-harvey_00000251_pre_disaster.png,0,0,2,306,00000251 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000255_post_disaster.png,hurricane-harvey_00000255_post_disaster,0,0,train\masks\hurricane-harvey_00000255_post_disaster.png,10,16185,0,0,00000255 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000255_pre_disaster.png,hurricane-harvey_00000255_pre_disaster,0,0,train\masks\hurricane-harvey_00000255_pre_disaster.png,0,0,10,16185,00000255 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000257_post_disaster.png,hurricane-harvey_00000257_post_disaster,0,0,train\masks\hurricane-harvey_00000257_post_disaster.png,9,9804,0,0,00000257 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000257_pre_disaster.png,hurricane-harvey_00000257_pre_disaster,0,0,train\masks\hurricane-harvey_00000257_pre_disaster.png,0,0,9,9804,00000257 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000258_post_disaster.png,hurricane-harvey_00000258_post_disaster,0,0,train\masks\hurricane-harvey_00000258_post_disaster.png,2,1350,0,0,00000258 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000258_pre_disaster.png,hurricane-harvey_00000258_pre_disaster,0,0,train\masks\hurricane-harvey_00000258_pre_disaster.png,0,0,2,1350,00000258 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000260_post_disaster.png,hurricane-harvey_00000260_post_disaster,0,0,train\masks\hurricane-harvey_00000260_post_disaster.png,0,0,0,0,00000260 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000260_pre_disaster.png,hurricane-harvey_00000260_pre_disaster,0,0,train\masks\hurricane-harvey_00000260_pre_disaster.png,0,0,0,0,00000260 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000261_post_disaster.png,hurricane-harvey_00000261_post_disaster,0,0,train\masks\hurricane-harvey_00000261_post_disaster.png,6,5737,0,0,00000261 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000261_pre_disaster.png,hurricane-harvey_00000261_pre_disaster,0,0,train\masks\hurricane-harvey_00000261_pre_disaster.png,0,0,6,5825,00000261 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000262_post_disaster.png,hurricane-harvey_00000262_post_disaster,0,0,train\masks\hurricane-harvey_00000262_post_disaster.png,0,0,0,0,00000262 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000262_pre_disaster.png,hurricane-harvey_00000262_pre_disaster,0,0,train\masks\hurricane-harvey_00000262_pre_disaster.png,0,0,0,0,00000262 +4,2832,hurricane-harvey,post,train,train\images\hurricane-harvey_00000264_post_disaster.png,hurricane-harvey_00000264_post_disaster,0,0,train\masks\hurricane-harvey_00000264_post_disaster.png,6,1182,0,0,00000264 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000264_pre_disaster.png,hurricane-harvey_00000264_pre_disaster,0,0,train\masks\hurricane-harvey_00000264_pre_disaster.png,0,0,10,4015,00000264 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000265_post_disaster.png,hurricane-harvey_00000265_post_disaster,0,0,train\masks\hurricane-harvey_00000265_post_disaster.png,37,26955,0,0,00000265 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000265_pre_disaster.png,hurricane-harvey_00000265_pre_disaster,0,0,train\masks\hurricane-harvey_00000265_pre_disaster.png,0,0,37,26964,00000265 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000266_post_disaster.png,hurricane-harvey_00000266_post_disaster,0,0,train\masks\hurricane-harvey_00000266_post_disaster.png,1,1796,1,443,00000266 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000266_pre_disaster.png,hurricane-harvey_00000266_pre_disaster,0,0,train\masks\hurricane-harvey_00000266_pre_disaster.png,0,0,2,2258,00000266 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000267_post_disaster.png,hurricane-harvey_00000267_post_disaster,0,0,train\masks\hurricane-harvey_00000267_post_disaster.png,0,0,76,137999,00000267 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000267_pre_disaster.png,hurricane-harvey_00000267_pre_disaster,0,0,train\masks\hurricane-harvey_00000267_pre_disaster.png,0,0,76,138364,00000267 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000268_post_disaster.png,hurricane-harvey_00000268_post_disaster,1,107,train\masks\hurricane-harvey_00000268_post_disaster.png,9,8991,3,1072,00000268 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000268_pre_disaster.png,hurricane-harvey_00000268_pre_disaster,0,0,train\masks\hurricane-harvey_00000268_pre_disaster.png,0,0,13,10170,00000268 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000269_post_disaster.png,hurricane-harvey_00000269_post_disaster,0,0,train\masks\hurricane-harvey_00000269_post_disaster.png,15,7135,0,0,00000269 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000269_pre_disaster.png,hurricane-harvey_00000269_pre_disaster,0,0,train\masks\hurricane-harvey_00000269_pre_disaster.png,0,0,15,7135,00000269 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000270_post_disaster.png,hurricane-harvey_00000270_post_disaster,1,1399,train\masks\hurricane-harvey_00000270_post_disaster.png,0,0,0,0,00000270 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000270_pre_disaster.png,hurricane-harvey_00000270_pre_disaster,0,0,train\masks\hurricane-harvey_00000270_pre_disaster.png,0,0,1,1399,00000270 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000271_post_disaster.png,hurricane-harvey_00000271_post_disaster,1,645,train\masks\hurricane-harvey_00000271_post_disaster.png,5,6585,0,0,00000271 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000271_pre_disaster.png,hurricane-harvey_00000271_pre_disaster,0,0,train\masks\hurricane-harvey_00000271_pre_disaster.png,0,0,6,7230,00000271 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000272_post_disaster.png,hurricane-harvey_00000272_post_disaster,1,2947,train\masks\hurricane-harvey_00000272_post_disaster.png,3,1787,0,0,00000272 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000272_pre_disaster.png,hurricane-harvey_00000272_pre_disaster,0,0,train\masks\hurricane-harvey_00000272_pre_disaster.png,0,0,4,4734,00000272 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000273_post_disaster.png,hurricane-harvey_00000273_post_disaster,0,0,train\masks\hurricane-harvey_00000273_post_disaster.png,0,0,0,0,00000273 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000273_pre_disaster.png,hurricane-harvey_00000273_pre_disaster,0,0,train\masks\hurricane-harvey_00000273_pre_disaster.png,0,0,0,0,00000273 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000274_post_disaster.png,hurricane-harvey_00000274_post_disaster,0,0,train\masks\hurricane-harvey_00000274_post_disaster.png,0,0,1,714,00000274 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000274_pre_disaster.png,hurricane-harvey_00000274_pre_disaster,0,0,train\masks\hurricane-harvey_00000274_pre_disaster.png,0,0,1,714,00000274 +3,314,hurricane-harvey,post,train,train\images\hurricane-harvey_00000275_post_disaster.png,hurricane-harvey_00000275_post_disaster,0,0,train\masks\hurricane-harvey_00000275_post_disaster.png,5,6348,0,0,00000275 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000275_pre_disaster.png,hurricane-harvey_00000275_pre_disaster,0,0,train\masks\hurricane-harvey_00000275_pre_disaster.png,0,0,8,6662,00000275 +1,247,hurricane-harvey,post,train,train\images\hurricane-harvey_00000277_post_disaster.png,hurricane-harvey_00000277_post_disaster,2,2270,train\masks\hurricane-harvey_00000277_post_disaster.png,6,3358,6,2967,00000277 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000277_pre_disaster.png,hurricane-harvey_00000277_pre_disaster,0,0,train\masks\hurricane-harvey_00000277_pre_disaster.png,0,0,15,8886,00000277 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000278_post_disaster.png,hurricane-harvey_00000278_post_disaster,0,0,train\masks\hurricane-harvey_00000278_post_disaster.png,0,0,16,11708,00000278 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000278_pre_disaster.png,hurricane-harvey_00000278_pre_disaster,0,0,train\masks\hurricane-harvey_00000278_pre_disaster.png,0,0,16,11806,00000278 +2,198,hurricane-harvey,post,train,train\images\hurricane-harvey_00000280_post_disaster.png,hurricane-harvey_00000280_post_disaster,3,4251,train\masks\hurricane-harvey_00000280_post_disaster.png,6,2178,6,2040,00000280 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000280_pre_disaster.png,hurricane-harvey_00000280_pre_disaster,0,0,train\masks\hurricane-harvey_00000280_pre_disaster.png,0,0,17,8667,00000280 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000281_post_disaster.png,hurricane-harvey_00000281_post_disaster,0,0,train\masks\hurricane-harvey_00000281_post_disaster.png,0,0,0,0,00000281 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000281_pre_disaster.png,hurricane-harvey_00000281_pre_disaster,0,0,train\masks\hurricane-harvey_00000281_pre_disaster.png,0,0,0,0,00000281 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000284_post_disaster.png,hurricane-harvey_00000284_post_disaster,28,36487,train\masks\hurricane-harvey_00000284_post_disaster.png,0,0,48,96540,00000284 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000284_pre_disaster.png,hurricane-harvey_00000284_pre_disaster,0,0,train\masks\hurricane-harvey_00000284_pre_disaster.png,0,0,76,133300,00000284 +1,618,hurricane-harvey,post,train,train\images\hurricane-harvey_00000285_post_disaster.png,hurricane-harvey_00000285_post_disaster,1,5734,train\masks\hurricane-harvey_00000285_post_disaster.png,1,174,3,7049,00000285 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000285_pre_disaster.png,hurricane-harvey_00000285_pre_disaster,0,0,train\masks\hurricane-harvey_00000285_pre_disaster.png,0,0,6,13687,00000285 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000286_post_disaster.png,hurricane-harvey_00000286_post_disaster,0,0,train\masks\hurricane-harvey_00000286_post_disaster.png,0,0,0,0,00000286 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000286_pre_disaster.png,hurricane-harvey_00000286_pre_disaster,0,0,train\masks\hurricane-harvey_00000286_pre_disaster.png,0,0,0,0,00000286 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000288_post_disaster.png,hurricane-harvey_00000288_post_disaster,0,0,train\masks\hurricane-harvey_00000288_post_disaster.png,0,0,2,360,00000288 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000288_pre_disaster.png,hurricane-harvey_00000288_pre_disaster,0,0,train\masks\hurricane-harvey_00000288_pre_disaster.png,0,0,2,396,00000288 +27,8474,hurricane-harvey,post,train,train\images\hurricane-harvey_00000289_post_disaster.png,hurricane-harvey_00000289_post_disaster,1,4461,train\masks\hurricane-harvey_00000289_post_disaster.png,6,2610,5,636,00000289 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000289_pre_disaster.png,hurricane-harvey_00000289_pre_disaster,0,0,train\masks\hurricane-harvey_00000289_pre_disaster.png,0,0,38,16181,00000289 +5,1905,hurricane-harvey,post,train,train\images\hurricane-harvey_00000291_post_disaster.png,hurricane-harvey_00000291_post_disaster,0,0,train\masks\hurricane-harvey_00000291_post_disaster.png,0,0,0,0,00000291 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000291_pre_disaster.png,hurricane-harvey_00000291_pre_disaster,0,0,train\masks\hurricane-harvey_00000291_pre_disaster.png,0,0,5,1905,00000291 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000292_post_disaster.png,hurricane-harvey_00000292_post_disaster,0,0,train\masks\hurricane-harvey_00000292_post_disaster.png,0,0,60,134939,00000292 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000292_pre_disaster.png,hurricane-harvey_00000292_pre_disaster,0,0,train\masks\hurricane-harvey_00000292_pre_disaster.png,0,0,60,135255,00000292 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000299_post_disaster.png,hurricane-harvey_00000299_post_disaster,0,0,train\masks\hurricane-harvey_00000299_post_disaster.png,1,141,0,0,00000299 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000299_pre_disaster.png,hurricane-harvey_00000299_pre_disaster,0,0,train\masks\hurricane-harvey_00000299_pre_disaster.png,0,0,1,141,00000299 +1,98,hurricane-harvey,post,train,train\images\hurricane-harvey_00000300_post_disaster.png,hurricane-harvey_00000300_post_disaster,0,0,train\masks\hurricane-harvey_00000300_post_disaster.png,5,3287,0,0,00000300 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000300_pre_disaster.png,hurricane-harvey_00000300_pre_disaster,0,0,train\masks\hurricane-harvey_00000300_pre_disaster.png,0,0,6,3385,00000300 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000302_post_disaster.png,hurricane-harvey_00000302_post_disaster,0,0,train\masks\hurricane-harvey_00000302_post_disaster.png,0,0,23,52202,00000302 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000302_pre_disaster.png,hurricane-harvey_00000302_pre_disaster,0,0,train\masks\hurricane-harvey_00000302_pre_disaster.png,0,0,24,52310,00000302 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000307_post_disaster.png,hurricane-harvey_00000307_post_disaster,0,0,train\masks\hurricane-harvey_00000307_post_disaster.png,0,0,15,21576,00000307 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000307_pre_disaster.png,hurricane-harvey_00000307_pre_disaster,0,0,train\masks\hurricane-harvey_00000307_pre_disaster.png,0,0,15,21576,00000307 +5,1107,hurricane-harvey,post,train,train\images\hurricane-harvey_00000309_post_disaster.png,hurricane-harvey_00000309_post_disaster,0,0,train\masks\hurricane-harvey_00000309_post_disaster.png,0,0,0,0,00000309 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000309_pre_disaster.png,hurricane-harvey_00000309_pre_disaster,0,0,train\masks\hurricane-harvey_00000309_pre_disaster.png,0,0,5,1107,00000309 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000312_post_disaster.png,hurricane-harvey_00000312_post_disaster,3,8284,train\masks\hurricane-harvey_00000312_post_disaster.png,28,27426,5,1281,00000312 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000312_pre_disaster.png,hurricane-harvey_00000312_pre_disaster,0,0,train\masks\hurricane-harvey_00000312_pre_disaster.png,0,0,36,36991,00000312 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000313_post_disaster.png,hurricane-harvey_00000313_post_disaster,0,0,train\masks\hurricane-harvey_00000313_post_disaster.png,0,0,0,0,00000313 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000313_pre_disaster.png,hurricane-harvey_00000313_pre_disaster,0,0,train\masks\hurricane-harvey_00000313_pre_disaster.png,0,0,0,0,00000313 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000315_post_disaster.png,hurricane-harvey_00000315_post_disaster,0,0,train\masks\hurricane-harvey_00000315_post_disaster.png,3,1765,0,0,00000315 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000315_pre_disaster.png,hurricane-harvey_00000315_pre_disaster,0,0,train\masks\hurricane-harvey_00000315_pre_disaster.png,0,0,3,1765,00000315 +1,61,hurricane-harvey,post,train,train\images\hurricane-harvey_00000316_post_disaster.png,hurricane-harvey_00000316_post_disaster,4,4301,train\masks\hurricane-harvey_00000316_post_disaster.png,9,5415,3,2241,00000316 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000316_pre_disaster.png,hurricane-harvey_00000316_pre_disaster,0,0,train\masks\hurricane-harvey_00000316_pre_disaster.png,0,0,17,12061,00000316 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000317_post_disaster.png,hurricane-harvey_00000317_post_disaster,8,8332,train\masks\hurricane-harvey_00000317_post_disaster.png,32,22735,1,1343,00000317 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000317_pre_disaster.png,hurricane-harvey_00000317_pre_disaster,0,0,train\masks\hurricane-harvey_00000317_pre_disaster.png,0,0,41,32425,00000317 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000318_post_disaster.png,hurricane-harvey_00000318_post_disaster,0,0,train\masks\hurricane-harvey_00000318_post_disaster.png,0,0,0,0,00000318 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000318_pre_disaster.png,hurricane-harvey_00000318_pre_disaster,0,0,train\masks\hurricane-harvey_00000318_pre_disaster.png,0,0,0,0,00000318 +1,198,hurricane-harvey,post,train,train\images\hurricane-harvey_00000319_post_disaster.png,hurricane-harvey_00000319_post_disaster,3,1094,train\masks\hurricane-harvey_00000319_post_disaster.png,4,2930,6,4133,00000319 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000319_pre_disaster.png,hurricane-harvey_00000319_pre_disaster,0,0,train\masks\hurricane-harvey_00000319_pre_disaster.png,0,0,14,8355,00000319 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000320_post_disaster.png,hurricane-harvey_00000320_post_disaster,0,0,train\masks\hurricane-harvey_00000320_post_disaster.png,7,1310,0,0,00000320 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000320_pre_disaster.png,hurricane-harvey_00000320_pre_disaster,0,0,train\masks\hurricane-harvey_00000320_pre_disaster.png,0,0,7,1310,00000320 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000323_post_disaster.png,hurricane-harvey_00000323_post_disaster,0,0,train\masks\hurricane-harvey_00000323_post_disaster.png,1,394,0,0,00000323 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000323_pre_disaster.png,hurricane-harvey_00000323_pre_disaster,0,0,train\masks\hurricane-harvey_00000323_pre_disaster.png,0,0,1,394,00000323 +1,411,hurricane-harvey,post,train,train\images\hurricane-harvey_00000325_post_disaster.png,hurricane-harvey_00000325_post_disaster,0,0,train\masks\hurricane-harvey_00000325_post_disaster.png,9,8308,1,770,00000325 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000325_pre_disaster.png,hurricane-harvey_00000325_pre_disaster,0,0,train\masks\hurricane-harvey_00000325_pre_disaster.png,0,0,11,9521,00000325 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000327_post_disaster.png,hurricane-harvey_00000327_post_disaster,0,0,train\masks\hurricane-harvey_00000327_post_disaster.png,1,645,0,0,00000327 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000327_pre_disaster.png,hurricane-harvey_00000327_pre_disaster,0,0,train\masks\hurricane-harvey_00000327_pre_disaster.png,0,0,1,645,00000327 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000329_post_disaster.png,hurricane-harvey_00000329_post_disaster,0,0,train\masks\hurricane-harvey_00000329_post_disaster.png,14,3988,0,0,00000329 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000329_pre_disaster.png,hurricane-harvey_00000329_pre_disaster,0,0,train\masks\hurricane-harvey_00000329_pre_disaster.png,0,0,14,3988,00000329 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000330_post_disaster.png,hurricane-harvey_00000330_post_disaster,0,0,train\masks\hurricane-harvey_00000330_post_disaster.png,0,0,0,0,00000330 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000330_pre_disaster.png,hurricane-harvey_00000330_pre_disaster,0,0,train\masks\hurricane-harvey_00000330_pre_disaster.png,0,0,0,0,00000330 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000332_post_disaster.png,hurricane-harvey_00000332_post_disaster,0,0,train\masks\hurricane-harvey_00000332_post_disaster.png,5,582,0,0,00000332 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000332_pre_disaster.png,hurricane-harvey_00000332_pre_disaster,0,0,train\masks\hurricane-harvey_00000332_pre_disaster.png,0,0,5,582,00000332 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000333_post_disaster.png,hurricane-harvey_00000333_post_disaster,5,9743,train\masks\hurricane-harvey_00000333_post_disaster.png,52,95431,0,0,00000333 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000333_pre_disaster.png,hurricane-harvey_00000333_pre_disaster,0,0,train\masks\hurricane-harvey_00000333_pre_disaster.png,0,0,57,105337,00000333 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000335_post_disaster.png,hurricane-harvey_00000335_post_disaster,6,15011,train\masks\hurricane-harvey_00000335_post_disaster.png,2,2049,1,28,00000335 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000335_pre_disaster.png,hurricane-harvey_00000335_pre_disaster,0,0,train\masks\hurricane-harvey_00000335_pre_disaster.png,0,0,9,17088,00000335 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000336_post_disaster.png,hurricane-harvey_00000336_post_disaster,22,45904,train\masks\hurricane-harvey_00000336_post_disaster.png,28,67073,3,5642,00000336 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000336_pre_disaster.png,hurricane-harvey_00000336_pre_disaster,0,0,train\masks\hurricane-harvey_00000336_pre_disaster.png,0,0,53,118985,00000336 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000337_post_disaster.png,hurricane-harvey_00000337_post_disaster,0,0,train\masks\hurricane-harvey_00000337_post_disaster.png,7,1497,0,0,00000337 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000337_pre_disaster.png,hurricane-harvey_00000337_pre_disaster,0,0,train\masks\hurricane-harvey_00000337_pre_disaster.png,0,0,7,1497,00000337 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000338_post_disaster.png,hurricane-harvey_00000338_post_disaster,0,0,train\masks\hurricane-harvey_00000338_post_disaster.png,14,7780,26,45828,00000338 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000338_pre_disaster.png,hurricane-harvey_00000338_pre_disaster,0,0,train\masks\hurricane-harvey_00000338_pre_disaster.png,0,0,40,53705,00000338 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000344_post_disaster.png,hurricane-harvey_00000344_post_disaster,5,14869,train\masks\hurricane-harvey_00000344_post_disaster.png,0,0,12,28582,00000344 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000344_pre_disaster.png,hurricane-harvey_00000344_pre_disaster,0,0,train\masks\hurricane-harvey_00000344_pre_disaster.png,0,0,17,43617,00000344 +8,807,hurricane-harvey,post,train,train\images\hurricane-harvey_00000345_post_disaster.png,hurricane-harvey_00000345_post_disaster,0,0,train\masks\hurricane-harvey_00000345_post_disaster.png,1,821,2,2743,00000345 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000345_pre_disaster.png,hurricane-harvey_00000345_pre_disaster,0,0,train\masks\hurricane-harvey_00000345_pre_disaster.png,0,0,11,4371,00000345 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000346_post_disaster.png,hurricane-harvey_00000346_post_disaster,5,15658,train\masks\hurricane-harvey_00000346_post_disaster.png,16,7705,30,29656,00000346 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000346_pre_disaster.png,hurricane-harvey_00000346_pre_disaster,0,0,train\masks\hurricane-harvey_00000346_pre_disaster.png,0,0,51,53049,00000346 +3,2630,hurricane-harvey,post,train,train\images\hurricane-harvey_00000347_post_disaster.png,hurricane-harvey_00000347_post_disaster,4,9806,train\masks\hurricane-harvey_00000347_post_disaster.png,160,272610,5,4268,00000347 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000347_pre_disaster.png,hurricane-harvey_00000347_pre_disaster,0,0,train\masks\hurricane-harvey_00000347_pre_disaster.png,0,0,171,289502,00000347 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000348_post_disaster.png,hurricane-harvey_00000348_post_disaster,0,0,train\masks\hurricane-harvey_00000348_post_disaster.png,0,0,4,91764,00000348 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000348_pre_disaster.png,hurricane-harvey_00000348_pre_disaster,0,0,train\masks\hurricane-harvey_00000348_pre_disaster.png,0,0,4,91764,00000348 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000351_post_disaster.png,hurricane-harvey_00000351_post_disaster,43,68737,train\masks\hurricane-harvey_00000351_post_disaster.png,56,87350,3,1196,00000351 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000351_pre_disaster.png,hurricane-harvey_00000351_pre_disaster,0,0,train\masks\hurricane-harvey_00000351_pre_disaster.png,0,0,99,157406,00000351 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000354_post_disaster.png,hurricane-harvey_00000354_post_disaster,0,0,train\masks\hurricane-harvey_00000354_post_disaster.png,18,30219,0,0,00000354 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000354_pre_disaster.png,hurricane-harvey_00000354_pre_disaster,0,0,train\masks\hurricane-harvey_00000354_pre_disaster.png,0,0,19,30590,00000354 +2,2567,hurricane-harvey,post,train,train\images\hurricane-harvey_00000356_post_disaster.png,hurricane-harvey_00000356_post_disaster,58,178923,train\masks\hurricane-harvey_00000356_post_disaster.png,28,37425,26,79525,00000356 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000356_pre_disaster.png,hurricane-harvey_00000356_pre_disaster,0,0,train\masks\hurricane-harvey_00000356_pre_disaster.png,0,0,110,299136,00000356 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000357_post_disaster.png,hurricane-harvey_00000357_post_disaster,31,47587,train\masks\hurricane-harvey_00000357_post_disaster.png,85,116384,38,58449,00000357 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000357_pre_disaster.png,hurricane-harvey_00000357_pre_disaster,0,0,train\masks\hurricane-harvey_00000357_pre_disaster.png,0,0,154,222481,00000357 +3,2235,hurricane-harvey,post,train,train\images\hurricane-harvey_00000358_post_disaster.png,hurricane-harvey_00000358_post_disaster,0,0,train\masks\hurricane-harvey_00000358_post_disaster.png,126,316581,0,0,00000358 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000358_pre_disaster.png,hurricane-harvey_00000358_pre_disaster,0,0,train\masks\hurricane-harvey_00000358_pre_disaster.png,0,0,129,319389,00000358 +7,8752,hurricane-harvey,post,train,train\images\hurricane-harvey_00000361_post_disaster.png,hurricane-harvey_00000361_post_disaster,0,0,train\masks\hurricane-harvey_00000361_post_disaster.png,82,123329,5,4305,00000361 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000361_pre_disaster.png,hurricane-harvey_00000361_pre_disaster,0,0,train\masks\hurricane-harvey_00000361_pre_disaster.png,0,0,94,136751,00000361 +10,10919,hurricane-harvey,post,train,train\images\hurricane-harvey_00000365_post_disaster.png,hurricane-harvey_00000365_post_disaster,0,0,train\masks\hurricane-harvey_00000365_post_disaster.png,117,246551,0,0,00000365 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000365_pre_disaster.png,hurricane-harvey_00000365_pre_disaster,0,0,train\masks\hurricane-harvey_00000365_pre_disaster.png,0,0,126,258064,00000365 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000366_post_disaster.png,hurricane-harvey_00000366_post_disaster,0,0,train\masks\hurricane-harvey_00000366_post_disaster.png,0,0,138,278130,00000366 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000366_pre_disaster.png,hurricane-harvey_00000366_pre_disaster,0,0,train\masks\hurricane-harvey_00000366_pre_disaster.png,0,0,138,278774,00000366 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000367_post_disaster.png,hurricane-harvey_00000367_post_disaster,0,0,train\masks\hurricane-harvey_00000367_post_disaster.png,0,0,61,226503,00000367 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000367_pre_disaster.png,hurricane-harvey_00000367_pre_disaster,0,0,train\masks\hurricane-harvey_00000367_pre_disaster.png,0,0,61,227220,00000367 +4,8188,hurricane-harvey,post,train,train\images\hurricane-harvey_00000369_post_disaster.png,hurricane-harvey_00000369_post_disaster,6,14212,train\masks\hurricane-harvey_00000369_post_disaster.png,76,209480,3,2352,00000369 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000369_pre_disaster.png,hurricane-harvey_00000369_pre_disaster,0,0,train\masks\hurricane-harvey_00000369_pre_disaster.png,0,0,89,234377,00000369 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000373_post_disaster.png,hurricane-harvey_00000373_post_disaster,7,14681,train\masks\hurricane-harvey_00000373_post_disaster.png,8,14133,4,10029,00000373 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000373_pre_disaster.png,hurricane-harvey_00000373_pre_disaster,0,0,train\masks\hurricane-harvey_00000373_pre_disaster.png,0,0,19,38942,00000373 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000374_post_disaster.png,hurricane-harvey_00000374_post_disaster,0,0,train\masks\hurricane-harvey_00000374_post_disaster.png,0,0,38,63759,00000374 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000374_pre_disaster.png,hurricane-harvey_00000374_pre_disaster,0,0,train\masks\hurricane-harvey_00000374_pre_disaster.png,0,0,38,63943,00000374 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000375_post_disaster.png,hurricane-harvey_00000375_post_disaster,2,34505,train\masks\hurricane-harvey_00000375_post_disaster.png,0,0,49,190274,00000375 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000375_pre_disaster.png,hurricane-harvey_00000375_pre_disaster,0,0,train\masks\hurricane-harvey_00000375_pre_disaster.png,0,0,50,225090,00000375 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000379_post_disaster.png,hurricane-harvey_00000379_post_disaster,0,0,train\masks\hurricane-harvey_00000379_post_disaster.png,0,0,132,233415,00000379 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000379_pre_disaster.png,hurricane-harvey_00000379_pre_disaster,0,0,train\masks\hurricane-harvey_00000379_pre_disaster.png,0,0,132,233948,00000379 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000380_post_disaster.png,hurricane-harvey_00000380_post_disaster,0,0,train\masks\hurricane-harvey_00000380_post_disaster.png,0,0,42,201560,00000380 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000380_pre_disaster.png,hurricane-harvey_00000380_pre_disaster,0,0,train\masks\hurricane-harvey_00000380_pre_disaster.png,0,0,42,202667,00000380 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000381_post_disaster.png,hurricane-harvey_00000381_post_disaster,2,5273,train\masks\hurricane-harvey_00000381_post_disaster.png,0,0,110,223871,00000381 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000381_pre_disaster.png,hurricane-harvey_00000381_pre_disaster,0,0,train\masks\hurricane-harvey_00000381_pre_disaster.png,0,0,110,229535,00000381 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000382_post_disaster.png,hurricane-harvey_00000382_post_disaster,0,0,train\masks\hurricane-harvey_00000382_post_disaster.png,0,0,118,310215,00000382 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000382_pre_disaster.png,hurricane-harvey_00000382_pre_disaster,0,0,train\masks\hurricane-harvey_00000382_pre_disaster.png,0,0,118,310804,00000382 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000384_post_disaster.png,hurricane-harvey_00000384_post_disaster,0,0,train\masks\hurricane-harvey_00000384_post_disaster.png,0,0,254,375716,00000384 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000384_pre_disaster.png,hurricane-harvey_00000384_pre_disaster,0,0,train\masks\hurricane-harvey_00000384_pre_disaster.png,0,0,254,376066,00000384 +2,3408,hurricane-harvey,post,train,train\images\hurricane-harvey_00000387_post_disaster.png,hurricane-harvey_00000387_post_disaster,23,33122,train\masks\hurricane-harvey_00000387_post_disaster.png,100,153115,11,14167,00000387 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000387_pre_disaster.png,hurricane-harvey_00000387_pre_disaster,0,0,train\masks\hurricane-harvey_00000387_pre_disaster.png,0,0,136,204062,00000387 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000388_post_disaster.png,hurricane-harvey_00000388_post_disaster,3,2132,train\masks\hurricane-harvey_00000388_post_disaster.png,4,55119,0,0,00000388 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000388_pre_disaster.png,hurricane-harvey_00000388_pre_disaster,0,0,train\masks\hurricane-harvey_00000388_pre_disaster.png,0,0,7,57274,00000388 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000389_post_disaster.png,hurricane-harvey_00000389_post_disaster,0,0,train\masks\hurricane-harvey_00000389_post_disaster.png,0,0,54,227060,00000389 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000389_pre_disaster.png,hurricane-harvey_00000389_pre_disaster,0,0,train\masks\hurricane-harvey_00000389_pre_disaster.png,0,0,54,227211,00000389 +23,13081,hurricane-harvey,post,train,train\images\hurricane-harvey_00000391_post_disaster.png,hurricane-harvey_00000391_post_disaster,26,13302,train\masks\hurricane-harvey_00000391_post_disaster.png,82,112321,7,4191,00000391 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000391_pre_disaster.png,hurricane-harvey_00000391_pre_disaster,0,0,train\masks\hurricane-harvey_00000391_pre_disaster.png,0,0,138,143204,00000391 +1,343,hurricane-harvey,post,train,train\images\hurricane-harvey_00000392_post_disaster.png,hurricane-harvey_00000392_post_disaster,0,0,train\masks\hurricane-harvey_00000392_post_disaster.png,36,136570,0,0,00000392 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000392_pre_disaster.png,hurricane-harvey_00000392_pre_disaster,0,0,train\masks\hurricane-harvey_00000392_pre_disaster.png,0,0,37,137155,00000392 +9,6140,hurricane-harvey,post,train,train\images\hurricane-harvey_00000393_post_disaster.png,hurricane-harvey_00000393_post_disaster,0,0,train\masks\hurricane-harvey_00000393_post_disaster.png,2,1561,0,0,00000393 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000393_pre_disaster.png,hurricane-harvey_00000393_pre_disaster,0,0,train\masks\hurricane-harvey_00000393_pre_disaster.png,0,0,11,7701,00000393 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000396_post_disaster.png,hurricane-harvey_00000396_post_disaster,0,0,train\masks\hurricane-harvey_00000396_post_disaster.png,0,0,59,169739,00000396 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000396_pre_disaster.png,hurricane-harvey_00000396_pre_disaster,0,0,train\masks\hurricane-harvey_00000396_pre_disaster.png,0,0,59,170160,00000396 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000397_post_disaster.png,hurricane-harvey_00000397_post_disaster,0,0,train\masks\hurricane-harvey_00000397_post_disaster.png,0,0,80,289204,00000397 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000397_pre_disaster.png,hurricane-harvey_00000397_pre_disaster,0,0,train\masks\hurricane-harvey_00000397_pre_disaster.png,0,0,80,289724,00000397 +4,1346,hurricane-harvey,post,train,train\images\hurricane-harvey_00000398_post_disaster.png,hurricane-harvey_00000398_post_disaster,1,652,train\masks\hurricane-harvey_00000398_post_disaster.png,36,93214,0,0,00000398 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000398_pre_disaster.png,hurricane-harvey_00000398_pre_disaster,0,0,train\masks\hurricane-harvey_00000398_pre_disaster.png,0,0,41,95858,00000398 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000400_post_disaster.png,hurricane-harvey_00000400_post_disaster,0,0,train\masks\hurricane-harvey_00000400_post_disaster.png,0,0,48,263786,00000400 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000400_pre_disaster.png,hurricane-harvey_00000400_pre_disaster,0,0,train\masks\hurricane-harvey_00000400_pre_disaster.png,0,0,48,264180,00000400 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000402_post_disaster.png,hurricane-harvey_00000402_post_disaster,0,0,train\masks\hurricane-harvey_00000402_post_disaster.png,0,0,107,395643,00000402 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000402_pre_disaster.png,hurricane-harvey_00000402_pre_disaster,0,0,train\masks\hurricane-harvey_00000402_pre_disaster.png,0,0,107,396502,00000402 +36,37043,hurricane-harvey,post,train,train\images\hurricane-harvey_00000406_post_disaster.png,hurricane-harvey_00000406_post_disaster,0,0,train\masks\hurricane-harvey_00000406_post_disaster.png,34,54931,9,8675,00000406 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000406_pre_disaster.png,hurricane-harvey_00000406_pre_disaster,0,0,train\masks\hurricane-harvey_00000406_pre_disaster.png,0,0,79,100718,00000406 +1,1272,hurricane-harvey,post,train,train\images\hurricane-harvey_00000408_post_disaster.png,hurricane-harvey_00000408_post_disaster,14,15842,train\masks\hurricane-harvey_00000408_post_disaster.png,24,64863,0,0,00000408 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000408_pre_disaster.png,hurricane-harvey_00000408_pre_disaster,0,0,train\masks\hurricane-harvey_00000408_pre_disaster.png,0,0,39,82380,00000408 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000410_post_disaster.png,hurricane-harvey_00000410_post_disaster,23,77891,train\masks\hurricane-harvey_00000410_post_disaster.png,26,74581,17,64410,00000410 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000410_pre_disaster.png,hurricane-harvey_00000410_pre_disaster,0,0,train\masks\hurricane-harvey_00000410_pre_disaster.png,0,0,65,217179,00000410 +2,4453,hurricane-harvey,post,train,train\images\hurricane-harvey_00000411_post_disaster.png,hurricane-harvey_00000411_post_disaster,0,0,train\masks\hurricane-harvey_00000411_post_disaster.png,4,30726,0,0,00000411 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000411_pre_disaster.png,hurricane-harvey_00000411_pre_disaster,0,0,train\masks\hurricane-harvey_00000411_pre_disaster.png,0,0,6,35298,00000411 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000412_post_disaster.png,hurricane-harvey_00000412_post_disaster,0,0,train\masks\hurricane-harvey_00000412_post_disaster.png,0,0,54,264401,00000412 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000412_pre_disaster.png,hurricane-harvey_00000412_pre_disaster,0,0,train\masks\hurricane-harvey_00000412_pre_disaster.png,0,0,54,265051,00000412 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000413_post_disaster.png,hurricane-harvey_00000413_post_disaster,0,0,train\masks\hurricane-harvey_00000413_post_disaster.png,0,0,94,298062,00000413 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000413_pre_disaster.png,hurricane-harvey_00000413_pre_disaster,0,0,train\masks\hurricane-harvey_00000413_pre_disaster.png,0,0,94,298242,00000413 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000418_post_disaster.png,hurricane-harvey_00000418_post_disaster,0,0,train\masks\hurricane-harvey_00000418_post_disaster.png,0,0,80,359998,00000418 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000418_pre_disaster.png,hurricane-harvey_00000418_pre_disaster,0,0,train\masks\hurricane-harvey_00000418_pre_disaster.png,0,0,80,360420,00000418 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000419_post_disaster.png,hurricane-harvey_00000419_post_disaster,6,7727,train\masks\hurricane-harvey_00000419_post_disaster.png,197,281547,1,298,00000419 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000419_pre_disaster.png,hurricane-harvey_00000419_pre_disaster,0,0,train\masks\hurricane-harvey_00000419_pre_disaster.png,0,0,203,290085,00000419 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000422_post_disaster.png,hurricane-harvey_00000422_post_disaster,21,32124,train\masks\hurricane-harvey_00000422_post_disaster.png,0,0,155,318413,00000422 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000422_pre_disaster.png,hurricane-harvey_00000422_pre_disaster,0,0,train\masks\hurricane-harvey_00000422_pre_disaster.png,0,0,174,350887,00000422 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000423_post_disaster.png,hurricane-harvey_00000423_post_disaster,0,0,train\masks\hurricane-harvey_00000423_post_disaster.png,0,0,51,244219,00000423 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000423_pre_disaster.png,hurricane-harvey_00000423_pre_disaster,0,0,train\masks\hurricane-harvey_00000423_pre_disaster.png,0,0,51,244633,00000423 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000425_post_disaster.png,hurricane-harvey_00000425_post_disaster,0,0,train\masks\hurricane-harvey_00000425_post_disaster.png,0,0,119,134443,00000425 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000425_pre_disaster.png,hurricane-harvey_00000425_pre_disaster,0,0,train\masks\hurricane-harvey_00000425_pre_disaster.png,0,0,119,134583,00000425 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000426_post_disaster.png,hurricane-harvey_00000426_post_disaster,1,4596,train\masks\hurricane-harvey_00000426_post_disaster.png,124,333332,0,0,00000426 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000426_pre_disaster.png,hurricane-harvey_00000426_pre_disaster,0,0,train\masks\hurricane-harvey_00000426_pre_disaster.png,0,0,125,338288,00000426 +9,13324,hurricane-harvey,post,train,train\images\hurricane-harvey_00000427_post_disaster.png,hurricane-harvey_00000427_post_disaster,0,0,train\masks\hurricane-harvey_00000427_post_disaster.png,30,73699,1,1030,00000427 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000427_pre_disaster.png,hurricane-harvey_00000427_pre_disaster,0,0,train\masks\hurricane-harvey_00000427_pre_disaster.png,0,0,39,88493,00000427 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000429_post_disaster.png,hurricane-harvey_00000429_post_disaster,9,15258,train\masks\hurricane-harvey_00000429_post_disaster.png,153,261303,1,1552,00000429 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000429_pre_disaster.png,hurricane-harvey_00000429_pre_disaster,0,0,train\masks\hurricane-harvey_00000429_pre_disaster.png,0,0,163,278544,00000429 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000430_post_disaster.png,hurricane-harvey_00000430_post_disaster,0,0,train\masks\hurricane-harvey_00000430_post_disaster.png,0,0,78,204257,00000430 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000430_pre_disaster.png,hurricane-harvey_00000430_pre_disaster,0,0,train\masks\hurricane-harvey_00000430_pre_disaster.png,0,0,78,204670,00000430 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000431_post_disaster.png,hurricane-harvey_00000431_post_disaster,0,0,train\masks\hurricane-harvey_00000431_post_disaster.png,0,0,180,303126,00000431 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000431_pre_disaster.png,hurricane-harvey_00000431_pre_disaster,0,0,train\masks\hurricane-harvey_00000431_pre_disaster.png,0,0,179,303886,00000431 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000432_post_disaster.png,hurricane-harvey_00000432_post_disaster,0,0,train\masks\hurricane-harvey_00000432_post_disaster.png,0,0,159,229759,00000432 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000432_pre_disaster.png,hurricane-harvey_00000432_pre_disaster,0,0,train\masks\hurricane-harvey_00000432_pre_disaster.png,0,0,159,230316,00000432 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000433_post_disaster.png,hurricane-harvey_00000433_post_disaster,108,247712,train\masks\hurricane-harvey_00000433_post_disaster.png,1,306,8,12005,00000433 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000433_pre_disaster.png,hurricane-harvey_00000433_pre_disaster,0,0,train\masks\hurricane-harvey_00000433_pre_disaster.png,0,0,117,260501,00000433 +3,9946,hurricane-harvey,post,train,train\images\hurricane-harvey_00000434_post_disaster.png,hurricane-harvey_00000434_post_disaster,0,0,train\masks\hurricane-harvey_00000434_post_disaster.png,101,338228,2,4725,00000434 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000434_pre_disaster.png,hurricane-harvey_00000434_pre_disaster,0,0,train\masks\hurricane-harvey_00000434_pre_disaster.png,0,0,105,353359,00000434 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000435_post_disaster.png,hurricane-harvey_00000435_post_disaster,12,60317,train\masks\hurricane-harvey_00000435_post_disaster.png,116,222971,0,0,00000435 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000435_pre_disaster.png,hurricane-harvey_00000435_pre_disaster,0,0,train\masks\hurricane-harvey_00000435_pre_disaster.png,0,0,128,283926,00000435 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000436_post_disaster.png,hurricane-harvey_00000436_post_disaster,0,0,train\masks\hurricane-harvey_00000436_post_disaster.png,0,0,88,233550,00000436 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000436_pre_disaster.png,hurricane-harvey_00000436_pre_disaster,0,0,train\masks\hurricane-harvey_00000436_pre_disaster.png,0,0,88,233642,00000436 +7,9289,hurricane-harvey,post,train,train\images\hurricane-harvey_00000437_post_disaster.png,hurricane-harvey_00000437_post_disaster,0,0,train\masks\hurricane-harvey_00000437_post_disaster.png,195,272531,0,0,00000437 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000437_pre_disaster.png,hurricane-harvey_00000437_pre_disaster,0,0,train\masks\hurricane-harvey_00000437_pre_disaster.png,0,0,202,282222,00000437 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000438_post_disaster.png,hurricane-harvey_00000438_post_disaster,16,47081,train\masks\hurricane-harvey_00000438_post_disaster.png,29,127358,9,56451,00000438 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000438_pre_disaster.png,hurricane-harvey_00000438_pre_disaster,0,0,train\masks\hurricane-harvey_00000438_pre_disaster.png,0,0,54,231661,00000438 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000439_post_disaster.png,hurricane-harvey_00000439_post_disaster,41,88533,train\masks\hurricane-harvey_00000439_post_disaster.png,140,217836,4,7201,00000439 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000439_pre_disaster.png,hurricane-harvey_00000439_pre_disaster,0,0,train\masks\hurricane-harvey_00000439_pre_disaster.png,0,0,185,313996,00000439 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000440_post_disaster.png,hurricane-harvey_00000440_post_disaster,15,24893,train\masks\hurricane-harvey_00000440_post_disaster.png,38,96943,28,70947,00000440 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000440_pre_disaster.png,hurricane-harvey_00000440_pre_disaster,0,0,train\masks\hurricane-harvey_00000440_pre_disaster.png,0,0,81,192973,00000440 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000442_post_disaster.png,hurricane-harvey_00000442_post_disaster,48,65551,train\masks\hurricane-harvey_00000442_post_disaster.png,51,65534,71,76484,00000442 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000442_pre_disaster.png,hurricane-harvey_00000442_pre_disaster,0,0,train\masks\hurricane-harvey_00000442_pre_disaster.png,0,0,169,207857,00000442 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000443_post_disaster.png,hurricane-harvey_00000443_post_disaster,2,116021,train\masks\hurricane-harvey_00000443_post_disaster.png,0,0,75,251702,00000443 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000443_pre_disaster.png,hurricane-harvey_00000443_pre_disaster,0,0,train\masks\hurricane-harvey_00000443_pre_disaster.png,0,0,77,367930,00000443 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000444_post_disaster.png,hurricane-harvey_00000444_post_disaster,2,114281,train\masks\hurricane-harvey_00000444_post_disaster.png,0,0,32,245137,00000444 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000444_pre_disaster.png,hurricane-harvey_00000444_pre_disaster,0,0,train\masks\hurricane-harvey_00000444_pre_disaster.png,0,0,33,360078,00000444 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000446_post_disaster.png,hurricane-harvey_00000446_post_disaster,0,0,train\masks\hurricane-harvey_00000446_post_disaster.png,0,0,141,257024,00000446 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000446_pre_disaster.png,hurricane-harvey_00000446_pre_disaster,0,0,train\masks\hurricane-harvey_00000446_pre_disaster.png,0,0,141,257719,00000446 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000448_post_disaster.png,hurricane-harvey_00000448_post_disaster,0,0,train\masks\hurricane-harvey_00000448_post_disaster.png,0,0,5,661415,00000448 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000448_pre_disaster.png,hurricane-harvey_00000448_pre_disaster,0,0,train\masks\hurricane-harvey_00000448_pre_disaster.png,0,0,5,662183,00000448 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000451_post_disaster.png,hurricane-harvey_00000451_post_disaster,38,64135,train\masks\hurricane-harvey_00000451_post_disaster.png,125,188040,24,43344,00000451 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000451_pre_disaster.png,hurricane-harvey_00000451_pre_disaster,0,0,train\masks\hurricane-harvey_00000451_pre_disaster.png,0,0,186,296019,00000451 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000452_post_disaster.png,hurricane-harvey_00000452_post_disaster,0,0,train\masks\hurricane-harvey_00000452_post_disaster.png,0,0,132,304368,00000452 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000452_pre_disaster.png,hurricane-harvey_00000452_pre_disaster,0,0,train\masks\hurricane-harvey_00000452_pre_disaster.png,0,0,132,305350,00000452 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000454_post_disaster.png,hurricane-harvey_00000454_post_disaster,0,0,train\masks\hurricane-harvey_00000454_post_disaster.png,0,0,148,379501,00000454 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000454_pre_disaster.png,hurricane-harvey_00000454_pre_disaster,0,0,train\masks\hurricane-harvey_00000454_pre_disaster.png,0,0,148,380263,00000454 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000455_post_disaster.png,hurricane-harvey_00000455_post_disaster,7,28949,train\masks\hurricane-harvey_00000455_post_disaster.png,11,81141,28,73858,00000455 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000455_pre_disaster.png,hurricane-harvey_00000455_pre_disaster,0,0,train\masks\hurricane-harvey_00000455_pre_disaster.png,0,0,46,184437,00000455 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000461_post_disaster.png,hurricane-harvey_00000461_post_disaster,40,83133,train\masks\hurricane-harvey_00000461_post_disaster.png,0,0,97,163695,00000461 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000461_pre_disaster.png,hurricane-harvey_00000461_pre_disaster,0,0,train\masks\hurricane-harvey_00000461_pre_disaster.png,0,0,135,247613,00000461 +8,9746,hurricane-harvey,post,train,train\images\hurricane-harvey_00000462_post_disaster.png,hurricane-harvey_00000462_post_disaster,0,0,train\masks\hurricane-harvey_00000462_post_disaster.png,46,85183,0,0,00000462 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000462_pre_disaster.png,hurricane-harvey_00000462_pre_disaster,0,0,train\masks\hurricane-harvey_00000462_pre_disaster.png,0,0,54,95126,00000462 +4,2354,hurricane-harvey,post,train,train\images\hurricane-harvey_00000463_post_disaster.png,hurricane-harvey_00000463_post_disaster,0,0,train\masks\hurricane-harvey_00000463_post_disaster.png,92,124473,0,0,00000463 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000463_pre_disaster.png,hurricane-harvey_00000463_pre_disaster,0,0,train\masks\hurricane-harvey_00000463_pre_disaster.png,0,0,95,127166,00000463 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000467_post_disaster.png,hurricane-harvey_00000467_post_disaster,79,102015,train\masks\hurricane-harvey_00000467_post_disaster.png,74,102972,45,93407,00000467 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000467_pre_disaster.png,hurricane-harvey_00000467_pre_disaster,0,0,train\masks\hurricane-harvey_00000467_pre_disaster.png,0,0,196,298967,00000467 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000469_post_disaster.png,hurricane-harvey_00000469_post_disaster,0,0,train\masks\hurricane-harvey_00000469_post_disaster.png,0,0,19,103365,00000469 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000469_pre_disaster.png,hurricane-harvey_00000469_pre_disaster,0,0,train\masks\hurricane-harvey_00000469_pre_disaster.png,0,0,19,104171,00000469 +1,913,hurricane-harvey,post,train,train\images\hurricane-harvey_00000470_post_disaster.png,hurricane-harvey_00000470_post_disaster,3,6194,train\masks\hurricane-harvey_00000470_post_disaster.png,23,245591,0,0,00000470 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000470_pre_disaster.png,hurricane-harvey_00000470_pre_disaster,0,0,train\masks\hurricane-harvey_00000470_pre_disaster.png,0,0,27,253271,00000470 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000471_post_disaster.png,hurricane-harvey_00000471_post_disaster,6,15045,train\masks\hurricane-harvey_00000471_post_disaster.png,87,182858,0,0,00000471 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000471_pre_disaster.png,hurricane-harvey_00000471_pre_disaster,0,0,train\masks\hurricane-harvey_00000471_pre_disaster.png,0,0,93,198111,00000471 +14,14369,hurricane-harvey,post,train,train\images\hurricane-harvey_00000472_post_disaster.png,hurricane-harvey_00000472_post_disaster,0,0,train\masks\hurricane-harvey_00000472_post_disaster.png,84,109775,0,0,00000472 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000472_pre_disaster.png,hurricane-harvey_00000472_pre_disaster,0,0,train\masks\hurricane-harvey_00000472_pre_disaster.png,0,0,98,124560,00000472 +5,928,hurricane-harvey,post,train,train\images\hurricane-harvey_00000473_post_disaster.png,hurricane-harvey_00000473_post_disaster,0,0,train\masks\hurricane-harvey_00000473_post_disaster.png,114,129271,0,0,00000473 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000473_pre_disaster.png,hurricane-harvey_00000473_pre_disaster,0,0,train\masks\hurricane-harvey_00000473_pre_disaster.png,0,0,118,130464,00000473 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000474_post_disaster.png,hurricane-harvey_00000474_post_disaster,7,14406,train\masks\hurricane-harvey_00000474_post_disaster.png,86,169571,4,8229,00000474 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000474_pre_disaster.png,hurricane-harvey_00000474_pre_disaster,0,0,train\masks\hurricane-harvey_00000474_pre_disaster.png,0,0,97,192571,00000474 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000477_post_disaster.png,hurricane-harvey_00000477_post_disaster,49,83097,train\masks\hurricane-harvey_00000477_post_disaster.png,115,214875,22,32214,00000477 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000477_pre_disaster.png,hurricane-harvey_00000477_pre_disaster,0,0,train\masks\hurricane-harvey_00000477_pre_disaster.png,0,0,187,330588,00000477 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000478_post_disaster.png,hurricane-harvey_00000478_post_disaster,16,27011,train\masks\hurricane-harvey_00000478_post_disaster.png,0,0,3,31926,00000478 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000478_pre_disaster.png,hurricane-harvey_00000478_pre_disaster,0,0,train\masks\hurricane-harvey_00000478_pre_disaster.png,0,0,19,58933,00000478 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000480_post_disaster.png,hurricane-harvey_00000480_post_disaster,34,88057,train\masks\hurricane-harvey_00000480_post_disaster.png,49,106973,1,402,00000480 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000480_pre_disaster.png,hurricane-harvey_00000480_pre_disaster,0,0,train\masks\hurricane-harvey_00000480_pre_disaster.png,0,0,83,195490,00000480 +8,4488,hurricane-harvey,post,train,train\images\hurricane-harvey_00000481_post_disaster.png,hurricane-harvey_00000481_post_disaster,0,0,train\masks\hurricane-harvey_00000481_post_disaster.png,0,0,0,0,00000481 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000481_pre_disaster.png,hurricane-harvey_00000481_pre_disaster,0,0,train\masks\hurricane-harvey_00000481_pre_disaster.png,0,0,8,4488,00000481 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000482_post_disaster.png,hurricane-harvey_00000482_post_disaster,29,88503,train\masks\hurricane-harvey_00000482_post_disaster.png,23,59011,0,0,00000482 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000482_pre_disaster.png,hurricane-harvey_00000482_pre_disaster,0,0,train\masks\hurricane-harvey_00000482_pre_disaster.png,0,0,52,147514,00000482 +4,10573,hurricane-harvey,post,train,train\images\hurricane-harvey_00000484_post_disaster.png,hurricane-harvey_00000484_post_disaster,21,43862,train\masks\hurricane-harvey_00000484_post_disaster.png,66,141894,9,7866,00000484 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000484_pre_disaster.png,hurricane-harvey_00000484_pre_disaster,0,0,train\masks\hurricane-harvey_00000484_pre_disaster.png,0,0,99,204370,00000484 +2,597,hurricane-harvey,post,train,train\images\hurricane-harvey_00000486_post_disaster.png,hurricane-harvey_00000486_post_disaster,7,15987,train\masks\hurricane-harvey_00000486_post_disaster.png,24,48349,8,21674,00000486 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000486_pre_disaster.png,hurricane-harvey_00000486_pre_disaster,0,0,train\masks\hurricane-harvey_00000486_pre_disaster.png,0,0,41,86661,00000486 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000488_post_disaster.png,hurricane-harvey_00000488_post_disaster,18,74458,train\masks\hurricane-harvey_00000488_post_disaster.png,6,21840,84,153034,00000488 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000488_pre_disaster.png,hurricane-harvey_00000488_pre_disaster,0,0,train\masks\hurricane-harvey_00000488_pre_disaster.png,0,0,107,249666,00000488 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000489_post_disaster.png,hurricane-harvey_00000489_post_disaster,10,28354,train\masks\hurricane-harvey_00000489_post_disaster.png,26,52074,9,18395,00000489 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000489_pre_disaster.png,hurricane-harvey_00000489_pre_disaster,0,0,train\masks\hurricane-harvey_00000489_pre_disaster.png,0,0,45,99037,00000489 +1,214,hurricane-harvey,post,train,train\images\hurricane-harvey_00000491_post_disaster.png,hurricane-harvey_00000491_post_disaster,22,86038,train\masks\hurricane-harvey_00000491_post_disaster.png,61,185141,1,6243,00000491 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000491_pre_disaster.png,hurricane-harvey_00000491_pre_disaster,0,0,train\masks\hurricane-harvey_00000491_pre_disaster.png,0,0,80,278070,00000491 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000492_post_disaster.png,hurricane-harvey_00000492_post_disaster,5,55323,train\masks\hurricane-harvey_00000492_post_disaster.png,5,28462,80,191054,00000492 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000492_pre_disaster.png,hurricane-harvey_00000492_pre_disaster,0,0,train\masks\hurricane-harvey_00000492_pre_disaster.png,0,0,89,275552,00000492 +29,13288,hurricane-harvey,post,train,train\images\hurricane-harvey_00000493_post_disaster.png,hurricane-harvey_00000493_post_disaster,0,0,train\masks\hurricane-harvey_00000493_post_disaster.png,7,11915,0,0,00000493 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000493_pre_disaster.png,hurricane-harvey_00000493_pre_disaster,0,0,train\masks\hurricane-harvey_00000493_pre_disaster.png,0,0,36,25203,00000493 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000494_post_disaster.png,hurricane-harvey_00000494_post_disaster,0,0,train\masks\hurricane-harvey_00000494_post_disaster.png,0,0,45,184159,00000494 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000494_pre_disaster.png,hurricane-harvey_00000494_pre_disaster,0,0,train\masks\hurricane-harvey_00000494_pre_disaster.png,0,0,45,185218,00000494 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000495_post_disaster.png,hurricane-harvey_00000495_post_disaster,5,13286,train\masks\hurricane-harvey_00000495_post_disaster.png,2,1344,51,351505,00000495 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000495_pre_disaster.png,hurricane-harvey_00000495_pre_disaster,0,0,train\masks\hurricane-harvey_00000495_pre_disaster.png,0,0,57,366510,00000495 +2,238,hurricane-harvey,post,train,train\images\hurricane-harvey_00000496_post_disaster.png,hurricane-harvey_00000496_post_disaster,3,2140,train\masks\hurricane-harvey_00000496_post_disaster.png,16,10967,0,0,00000496 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000496_pre_disaster.png,hurricane-harvey_00000496_pre_disaster,0,0,train\masks\hurricane-harvey_00000496_pre_disaster.png,0,0,21,13345,00000496 +5,3785,hurricane-harvey,post,train,train\images\hurricane-harvey_00000499_post_disaster.png,hurricane-harvey_00000499_post_disaster,3,3495,train\masks\hurricane-harvey_00000499_post_disaster.png,41,76519,0,0,00000499 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000499_pre_disaster.png,hurricane-harvey_00000499_pre_disaster,0,0,train\masks\hurricane-harvey_00000499_pre_disaster.png,0,0,48,83988,00000499 +1,392,hurricane-harvey,post,train,train\images\hurricane-harvey_00000500_post_disaster.png,hurricane-harvey_00000500_post_disaster,8,20778,train\masks\hurricane-harvey_00000500_post_disaster.png,77,164418,0,0,00000500 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000500_pre_disaster.png,hurricane-harvey_00000500_pre_disaster,0,0,train\masks\hurricane-harvey_00000500_pre_disaster.png,0,0,86,185838,00000500 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000501_post_disaster.png,hurricane-harvey_00000501_post_disaster,15,84915,train\masks\hurricane-harvey_00000501_post_disaster.png,19,51583,0,0,00000501 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000501_pre_disaster.png,hurricane-harvey_00000501_pre_disaster,0,0,train\masks\hurricane-harvey_00000501_pre_disaster.png,0,0,34,136658,00000501 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000502_post_disaster.png,hurricane-harvey_00000502_post_disaster,0,0,train\masks\hurricane-harvey_00000502_post_disaster.png,189,221970,0,0,00000502 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000502_pre_disaster.png,hurricane-harvey_00000502_pre_disaster,0,0,train\masks\hurricane-harvey_00000502_pre_disaster.png,0,0,189,222159,00000502 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000505_post_disaster.png,hurricane-harvey_00000505_post_disaster,33,64846,train\masks\hurricane-harvey_00000505_post_disaster.png,4,9591,15,28438,00000505 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000505_pre_disaster.png,hurricane-harvey_00000505_pre_disaster,0,0,train\masks\hurricane-harvey_00000505_pre_disaster.png,0,0,50,103116,00000505 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000506_post_disaster.png,hurricane-harvey_00000506_post_disaster,0,0,train\masks\hurricane-harvey_00000506_post_disaster.png,81,102723,0,0,00000506 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000506_pre_disaster.png,hurricane-harvey_00000506_pre_disaster,0,0,train\masks\hurricane-harvey_00000506_pre_disaster.png,0,0,81,103303,00000506 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000507_post_disaster.png,hurricane-harvey_00000507_post_disaster,52,115119,train\masks\hurricane-harvey_00000507_post_disaster.png,67,138907,0,0,00000507 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000507_pre_disaster.png,hurricane-harvey_00000507_pre_disaster,0,0,train\masks\hurricane-harvey_00000507_pre_disaster.png,0,0,118,254251,00000507 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000508_post_disaster.png,hurricane-harvey_00000508_post_disaster,57,79540,train\masks\hurricane-harvey_00000508_post_disaster.png,88,105307,37,60614,00000508 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000508_pre_disaster.png,hurricane-harvey_00000508_pre_disaster,0,0,train\masks\hurricane-harvey_00000508_pre_disaster.png,0,0,182,245679,00000508 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000509_post_disaster.png,hurricane-harvey_00000509_post_disaster,130,216577,train\masks\hurricane-harvey_00000509_post_disaster.png,0,0,15,16711,00000509 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000509_pre_disaster.png,hurricane-harvey_00000509_pre_disaster,0,0,train\masks\hurricane-harvey_00000509_pre_disaster.png,0,0,145,233928,00000509 +8,4482,hurricane-harvey,post,train,train\images\hurricane-harvey_00000511_post_disaster.png,hurricane-harvey_00000511_post_disaster,0,0,train\masks\hurricane-harvey_00000511_post_disaster.png,5,4005,1,156,00000511 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000511_pre_disaster.png,hurricane-harvey_00000511_pre_disaster,0,0,train\masks\hurricane-harvey_00000511_pre_disaster.png,0,0,14,8717,00000511 +2,1598,hurricane-harvey,post,train,train\images\hurricane-harvey_00000512_post_disaster.png,hurricane-harvey_00000512_post_disaster,6,5126,train\masks\hurricane-harvey_00000512_post_disaster.png,1,2241,1,74411,00000512 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000512_pre_disaster.png,hurricane-harvey_00000512_pre_disaster,0,0,train\masks\hurricane-harvey_00000512_pre_disaster.png,0,0,10,84156,00000512 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000514_post_disaster.png,hurricane-harvey_00000514_post_disaster,0,0,train\masks\hurricane-harvey_00000514_post_disaster.png,0,0,29,84541,00000514 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000514_pre_disaster.png,hurricane-harvey_00000514_pre_disaster,0,0,train\masks\hurricane-harvey_00000514_pre_disaster.png,0,0,29,84541,00000514 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000515_post_disaster.png,hurricane-harvey_00000515_post_disaster,0,0,train\masks\hurricane-harvey_00000515_post_disaster.png,0,0,29,70553,00000515 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000515_pre_disaster.png,hurricane-harvey_00000515_pre_disaster,0,0,train\masks\hurricane-harvey_00000515_pre_disaster.png,0,0,29,70939,00000515 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000517_post_disaster.png,hurricane-harvey_00000517_post_disaster,0,0,train\masks\hurricane-harvey_00000517_post_disaster.png,6,13805,0,0,00000517 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000517_pre_disaster.png,hurricane-harvey_00000517_pre_disaster,0,0,train\masks\hurricane-harvey_00000517_pre_disaster.png,0,0,6,13805,00000517 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000519_post_disaster.png,hurricane-harvey_00000519_post_disaster,1,3547,train\masks\hurricane-harvey_00000519_post_disaster.png,1,871,8,155139,00000519 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000519_pre_disaster.png,hurricane-harvey_00000519_pre_disaster,0,0,train\masks\hurricane-harvey_00000519_pre_disaster.png,0,0,10,159593,00000519 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000520_post_disaster.png,hurricane-harvey_00000520_post_disaster,0,0,train\masks\hurricane-harvey_00000520_post_disaster.png,1,1395,0,0,00000520 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000520_pre_disaster.png,hurricane-harvey_00000520_pre_disaster,0,0,train\masks\hurricane-harvey_00000520_pre_disaster.png,0,0,1,1395,00000520 +1,641,hurricane-harvey,post,train,train\images\hurricane-harvey_00000521_post_disaster.png,hurricane-harvey_00000521_post_disaster,5,11822,train\masks\hurricane-harvey_00000521_post_disaster.png,16,8992,0,0,00000521 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000521_pre_disaster.png,hurricane-harvey_00000521_pre_disaster,0,0,train\masks\hurricane-harvey_00000521_pre_disaster.png,0,0,22,21455,00000521 +3,562,hurricane-matthew,post,train,train\images\hurricane-matthew_00000000_post_disaster.png,hurricane-matthew_00000000_post_disaster,15,26569,train\masks\hurricane-matthew_00000000_post_disaster.png,2,608,3,756,00000000 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000000_pre_disaster.png,hurricane-matthew_00000000_pre_disaster,0,0,train\masks\hurricane-matthew_00000000_pre_disaster.png,0,0,20,28818,00000000 +1,56,hurricane-matthew,post,train,train\images\hurricane-matthew_00000001_post_disaster.png,hurricane-matthew_00000001_post_disaster,1,452,train\masks\hurricane-matthew_00000001_post_disaster.png,0,0,0,0,00000001 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000001_pre_disaster.png,hurricane-matthew_00000001_pre_disaster,0,0,train\masks\hurricane-matthew_00000001_pre_disaster.png,0,0,2,508,00000001 +1,141,hurricane-matthew,post,train,train\images\hurricane-matthew_00000002_post_disaster.png,hurricane-matthew_00000002_post_disaster,18,5809,train\masks\hurricane-matthew_00000002_post_disaster.png,4,534,4,1031,00000002 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000002_pre_disaster.png,hurricane-matthew_00000002_pre_disaster,0,0,train\masks\hurricane-matthew_00000002_pre_disaster.png,0,0,25,7515,00000002 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000003_post_disaster.png,hurricane-matthew_00000003_post_disaster,88,28411,train\masks\hurricane-matthew_00000003_post_disaster.png,0,0,13,3968,00000003 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000003_pre_disaster.png,hurricane-matthew_00000003_pre_disaster,0,0,train\masks\hurricane-matthew_00000003_pre_disaster.png,0,0,97,32379,00000003 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000004_post_disaster.png,hurricane-matthew_00000004_post_disaster,0,0,train\masks\hurricane-matthew_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000004_pre_disaster.png,hurricane-matthew_00000004_pre_disaster,0,0,train\masks\hurricane-matthew_00000004_pre_disaster.png,0,0,0,0,00000004 +1,425,hurricane-matthew,post,train,train\images\hurricane-matthew_00000005_post_disaster.png,hurricane-matthew_00000005_post_disaster,39,10341,train\masks\hurricane-matthew_00000005_post_disaster.png,14,3411,6,2110,00000005 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000005_pre_disaster.png,hurricane-matthew_00000005_pre_disaster,0,0,train\masks\hurricane-matthew_00000005_pre_disaster.png,0,0,60,16287,00000005 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000006_post_disaster.png,hurricane-matthew_00000006_post_disaster,0,0,train\masks\hurricane-matthew_00000006_post_disaster.png,0,0,0,0,00000006 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000006_pre_disaster.png,hurricane-matthew_00000006_pre_disaster,0,0,train\masks\hurricane-matthew_00000006_pre_disaster.png,0,0,0,0,00000006 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000007_post_disaster.png,hurricane-matthew_00000007_post_disaster,12,3348,train\masks\hurricane-matthew_00000007_post_disaster.png,0,0,18,5236,00000007 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000007_pre_disaster.png,hurricane-matthew_00000007_pre_disaster,0,0,train\masks\hurricane-matthew_00000007_pre_disaster.png,0,0,29,8617,00000007 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000008_post_disaster.png,hurricane-matthew_00000008_post_disaster,2,407,train\masks\hurricane-matthew_00000008_post_disaster.png,0,0,0,0,00000008 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000008_pre_disaster.png,hurricane-matthew_00000008_pre_disaster,0,0,train\masks\hurricane-matthew_00000008_pre_disaster.png,0,0,2,407,00000008 +1,166,hurricane-matthew,post,train,train\images\hurricane-matthew_00000009_post_disaster.png,hurricane-matthew_00000009_post_disaster,14,4433,train\masks\hurricane-matthew_00000009_post_disaster.png,0,0,13,3561,00000009 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000009_pre_disaster.png,hurricane-matthew_00000009_pre_disaster,0,0,train\masks\hurricane-matthew_00000009_pre_disaster.png,0,0,28,8188,00000009 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000013_post_disaster.png,hurricane-matthew_00000013_post_disaster,0,0,train\masks\hurricane-matthew_00000013_post_disaster.png,0,0,0,0,00000013 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000013_pre_disaster.png,hurricane-matthew_00000013_pre_disaster,0,0,train\masks\hurricane-matthew_00000013_pre_disaster.png,0,0,0,0,00000013 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000014_post_disaster.png,hurricane-matthew_00000014_post_disaster,0,0,train\masks\hurricane-matthew_00000014_post_disaster.png,0,0,0,0,00000014 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000014_pre_disaster.png,hurricane-matthew_00000014_pre_disaster,0,0,train\masks\hurricane-matthew_00000014_pre_disaster.png,0,0,0,0,00000014 +1,190,hurricane-matthew,post,train,train\images\hurricane-matthew_00000016_post_disaster.png,hurricane-matthew_00000016_post_disaster,7,2553,train\masks\hurricane-matthew_00000016_post_disaster.png,3,1207,36,10045,00000016 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000016_pre_disaster.png,hurricane-matthew_00000016_pre_disaster,0,0,train\masks\hurricane-matthew_00000016_pre_disaster.png,0,0,47,14037,00000016 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000017_post_disaster.png,hurricane-matthew_00000017_post_disaster,8,4545,train\masks\hurricane-matthew_00000017_post_disaster.png,1,357,39,10773,00000017 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000017_pre_disaster.png,hurricane-matthew_00000017_pre_disaster,0,0,train\masks\hurricane-matthew_00000017_pre_disaster.png,0,0,48,15666,00000017 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000021_post_disaster.png,hurricane-matthew_00000021_post_disaster,9,3556,train\masks\hurricane-matthew_00000021_post_disaster.png,0,0,18,11423,00000021 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000021_pre_disaster.png,hurricane-matthew_00000021_pre_disaster,0,0,train\masks\hurricane-matthew_00000021_pre_disaster.png,0,0,25,15072,00000021 +2,1094,hurricane-matthew,post,train,train\images\hurricane-matthew_00000023_post_disaster.png,hurricane-matthew_00000023_post_disaster,43,21016,train\masks\hurricane-matthew_00000023_post_disaster.png,7,6901,31,19704,00000023 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000023_pre_disaster.png,hurricane-matthew_00000023_pre_disaster,0,0,train\masks\hurricane-matthew_00000023_pre_disaster.png,0,0,78,48727,00000023 +1,1090,hurricane-matthew,post,train,train\images\hurricane-matthew_00000030_post_disaster.png,hurricane-matthew_00000030_post_disaster,11,17118,train\masks\hurricane-matthew_00000030_post_disaster.png,9,21183,106,127500,00000030 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000030_pre_disaster.png,hurricane-matthew_00000030_pre_disaster,0,0,train\masks\hurricane-matthew_00000030_pre_disaster.png,0,0,127,166929,00000030 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000031_post_disaster.png,hurricane-matthew_00000031_post_disaster,13,7381,train\masks\hurricane-matthew_00000031_post_disaster.png,0,0,3,2675,00000031 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000031_pre_disaster.png,hurricane-matthew_00000031_pre_disaster,0,0,train\masks\hurricane-matthew_00000031_pre_disaster.png,0,0,16,10061,00000031 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000034_post_disaster.png,hurricane-matthew_00000034_post_disaster,8,6205,train\masks\hurricane-matthew_00000034_post_disaster.png,4,2636,3,1465,00000034 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000034_pre_disaster.png,hurricane-matthew_00000034_pre_disaster,0,0,train\masks\hurricane-matthew_00000034_pre_disaster.png,0,0,15,10306,00000034 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000035_post_disaster.png,hurricane-matthew_00000035_post_disaster,29,15330,train\masks\hurricane-matthew_00000035_post_disaster.png,3,1283,26,11359,00000035 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000035_pre_disaster.png,hurricane-matthew_00000035_pre_disaster,0,0,train\masks\hurricane-matthew_00000035_pre_disaster.png,0,0,52,28053,00000035 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000039_post_disaster.png,hurricane-matthew_00000039_post_disaster,16,11605,train\masks\hurricane-matthew_00000039_post_disaster.png,6,5208,64,37082,00000039 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000039_pre_disaster.png,hurricane-matthew_00000039_pre_disaster,0,0,train\masks\hurricane-matthew_00000039_pre_disaster.png,0,0,83,53926,00000039 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000040_post_disaster.png,hurricane-matthew_00000040_post_disaster,24,13849,train\masks\hurricane-matthew_00000040_post_disaster.png,2,2471,16,5358,00000040 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000040_pre_disaster.png,hurricane-matthew_00000040_pre_disaster,0,0,train\masks\hurricane-matthew_00000040_pre_disaster.png,0,0,39,21734,00000040 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000041_post_disaster.png,hurricane-matthew_00000041_post_disaster,26,11130,train\masks\hurricane-matthew_00000041_post_disaster.png,1,408,11,3334,00000041 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000041_pre_disaster.png,hurricane-matthew_00000041_pre_disaster,0,0,train\masks\hurricane-matthew_00000041_pre_disaster.png,0,0,38,14929,00000041 +2,350,hurricane-matthew,post,train,train\images\hurricane-matthew_00000043_post_disaster.png,hurricane-matthew_00000043_post_disaster,29,22968,train\masks\hurricane-matthew_00000043_post_disaster.png,2,1255,142,77874,00000043 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000043_pre_disaster.png,hurricane-matthew_00000043_pre_disaster,0,0,train\masks\hurricane-matthew_00000043_pre_disaster.png,0,0,169,102451,00000043 +5,1216,hurricane-matthew,post,train,train\images\hurricane-matthew_00000044_post_disaster.png,hurricane-matthew_00000044_post_disaster,61,83186,train\masks\hurricane-matthew_00000044_post_disaster.png,19,24495,90,84159,00000044 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000044_pre_disaster.png,hurricane-matthew_00000044_pre_disaster,0,0,train\masks\hurricane-matthew_00000044_pre_disaster.png,0,0,133,193287,00000044 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000045_post_disaster.png,hurricane-matthew_00000045_post_disaster,78,70829,train\masks\hurricane-matthew_00000045_post_disaster.png,2,1624,10,6646,00000045 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000045_pre_disaster.png,hurricane-matthew_00000045_pre_disaster,0,0,train\masks\hurricane-matthew_00000045_pre_disaster.png,0,0,86,79149,00000045 +1,155,hurricane-matthew,post,train,train\images\hurricane-matthew_00000048_post_disaster.png,hurricane-matthew_00000048_post_disaster,38,10176,train\masks\hurricane-matthew_00000048_post_disaster.png,8,2531,7,1311,00000048 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000048_pre_disaster.png,hurricane-matthew_00000048_pre_disaster,0,0,train\masks\hurricane-matthew_00000048_pre_disaster.png,0,0,51,14184,00000048 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000049_post_disaster.png,hurricane-matthew_00000049_post_disaster,25,14992,train\masks\hurricane-matthew_00000049_post_disaster.png,4,2321,15,5337,00000049 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000049_pre_disaster.png,hurricane-matthew_00000049_pre_disaster,0,0,train\masks\hurricane-matthew_00000049_pre_disaster.png,0,0,43,22650,00000049 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000050_post_disaster.png,hurricane-matthew_00000050_post_disaster,0,0,train\masks\hurricane-matthew_00000050_post_disaster.png,0,0,3,521,00000050 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000050_pre_disaster.png,hurricane-matthew_00000050_pre_disaster,0,0,train\masks\hurricane-matthew_00000050_pre_disaster.png,0,0,3,525,00000050 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000051_post_disaster.png,hurricane-matthew_00000051_post_disaster,40,11421,train\masks\hurricane-matthew_00000051_post_disaster.png,0,0,19,5784,00000051 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000051_pre_disaster.png,hurricane-matthew_00000051_pre_disaster,0,0,train\masks\hurricane-matthew_00000051_pre_disaster.png,0,0,58,17205,00000051 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000052_post_disaster.png,hurricane-matthew_00000052_post_disaster,11,2876,train\masks\hurricane-matthew_00000052_post_disaster.png,0,0,13,3907,00000052 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000052_pre_disaster.png,hurricane-matthew_00000052_pre_disaster,0,0,train\masks\hurricane-matthew_00000052_pre_disaster.png,0,0,24,6782,00000052 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000053_post_disaster.png,hurricane-matthew_00000053_post_disaster,0,0,train\masks\hurricane-matthew_00000053_post_disaster.png,0,0,5,922,00000053 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000053_pre_disaster.png,hurricane-matthew_00000053_pre_disaster,0,0,train\masks\hurricane-matthew_00000053_pre_disaster.png,0,0,5,927,00000053 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000054_post_disaster.png,hurricane-matthew_00000054_post_disaster,23,6667,train\masks\hurricane-matthew_00000054_post_disaster.png,0,0,17,4220,00000054 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000054_pre_disaster.png,hurricane-matthew_00000054_pre_disaster,0,0,train\masks\hurricane-matthew_00000054_pre_disaster.png,0,0,38,10887,00000054 +1,95,hurricane-matthew,post,train,train\images\hurricane-matthew_00000056_post_disaster.png,hurricane-matthew_00000056_post_disaster,4,429,train\masks\hurricane-matthew_00000056_post_disaster.png,0,0,7,1506,00000056 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000056_pre_disaster.png,hurricane-matthew_00000056_pre_disaster,0,0,train\masks\hurricane-matthew_00000056_pre_disaster.png,0,0,11,2030,00000056 +22,4624,hurricane-matthew,post,train,train\images\hurricane-matthew_00000060_post_disaster.png,hurricane-matthew_00000060_post_disaster,25,16394,train\masks\hurricane-matthew_00000060_post_disaster.png,12,5068,15,10425,00000060 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000060_pre_disaster.png,hurricane-matthew_00000060_pre_disaster,0,0,train\masks\hurricane-matthew_00000060_pre_disaster.png,0,0,69,36552,00000060 +2,632,hurricane-matthew,post,train,train\images\hurricane-matthew_00000062_post_disaster.png,hurricane-matthew_00000062_post_disaster,17,6960,train\masks\hurricane-matthew_00000062_post_disaster.png,0,0,13,4587,00000062 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000062_pre_disaster.png,hurricane-matthew_00000062_pre_disaster,0,0,train\masks\hurricane-matthew_00000062_pre_disaster.png,0,0,31,12201,00000062 +3,1566,hurricane-matthew,post,train,train\images\hurricane-matthew_00000063_post_disaster.png,hurricane-matthew_00000063_post_disaster,8,5900,train\masks\hurricane-matthew_00000063_post_disaster.png,2,907,0,0,00000063 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000063_pre_disaster.png,hurricane-matthew_00000063_pre_disaster,0,0,train\masks\hurricane-matthew_00000063_pre_disaster.png,0,0,12,8373,00000063 +2,1177,hurricane-matthew,post,train,train\images\hurricane-matthew_00000064_post_disaster.png,hurricane-matthew_00000064_post_disaster,6,1315,train\masks\hurricane-matthew_00000064_post_disaster.png,1,164,12,2269,00000064 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000064_pre_disaster.png,hurricane-matthew_00000064_pre_disaster,0,0,train\masks\hurricane-matthew_00000064_pre_disaster.png,0,0,20,4925,00000064 +8,3937,hurricane-matthew,post,train,train\images\hurricane-matthew_00000065_post_disaster.png,hurricane-matthew_00000065_post_disaster,83,69468,train\masks\hurricane-matthew_00000065_post_disaster.png,29,23222,10,7197,00000065 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000065_pre_disaster.png,hurricane-matthew_00000065_pre_disaster,0,0,train\masks\hurricane-matthew_00000065_pre_disaster.png,0,0,118,103938,00000065 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000066_post_disaster.png,hurricane-matthew_00000066_post_disaster,123,67670,train\masks\hurricane-matthew_00000066_post_disaster.png,2,738,32,14683,00000066 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000066_pre_disaster.png,hurricane-matthew_00000066_pre_disaster,0,0,train\masks\hurricane-matthew_00000066_pre_disaster.png,0,0,145,83203,00000066 +1,269,hurricane-matthew,post,train,train\images\hurricane-matthew_00000067_post_disaster.png,hurricane-matthew_00000067_post_disaster,24,14533,train\masks\hurricane-matthew_00000067_post_disaster.png,6,4586,25,9153,00000067 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000067_pre_disaster.png,hurricane-matthew_00000067_pre_disaster,0,0,train\masks\hurricane-matthew_00000067_pre_disaster.png,0,0,54,28547,00000067 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000069_post_disaster.png,hurricane-matthew_00000069_post_disaster,0,0,train\masks\hurricane-matthew_00000069_post_disaster.png,0,0,6,3591,00000069 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000069_pre_disaster.png,hurricane-matthew_00000069_pre_disaster,0,0,train\masks\hurricane-matthew_00000069_pre_disaster.png,0,0,6,3591,00000069 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000070_post_disaster.png,hurricane-matthew_00000070_post_disaster,1,311,train\masks\hurricane-matthew_00000070_post_disaster.png,0,0,2,418,00000070 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000070_pre_disaster.png,hurricane-matthew_00000070_pre_disaster,0,0,train\masks\hurricane-matthew_00000070_pre_disaster.png,0,0,3,729,00000070 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000071_post_disaster.png,hurricane-matthew_00000071_post_disaster,83,28510,train\masks\hurricane-matthew_00000071_post_disaster.png,1,162,41,5342,00000071 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000071_pre_disaster.png,hurricane-matthew_00000071_pre_disaster,0,0,train\masks\hurricane-matthew_00000071_pre_disaster.png,0,0,125,34025,00000071 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000072_post_disaster.png,hurricane-matthew_00000072_post_disaster,48,32306,train\masks\hurricane-matthew_00000072_post_disaster.png,6,3741,0,0,00000072 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000072_pre_disaster.png,hurricane-matthew_00000072_pre_disaster,0,0,train\masks\hurricane-matthew_00000072_pre_disaster.png,0,0,52,36077,00000072 +5,2781,hurricane-matthew,post,train,train\images\hurricane-matthew_00000075_post_disaster.png,hurricane-matthew_00000075_post_disaster,113,84322,train\masks\hurricane-matthew_00000075_post_disaster.png,3,1286,12,12316,00000075 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000075_pre_disaster.png,hurricane-matthew_00000075_pre_disaster,0,0,train\masks\hurricane-matthew_00000075_pre_disaster.png,0,0,132,100724,00000075 +1,596,hurricane-matthew,post,train,train\images\hurricane-matthew_00000077_post_disaster.png,hurricane-matthew_00000077_post_disaster,26,17544,train\masks\hurricane-matthew_00000077_post_disaster.png,2,565,22,8162,00000077 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000077_pre_disaster.png,hurricane-matthew_00000077_pre_disaster,0,0,train\masks\hurricane-matthew_00000077_pre_disaster.png,0,0,45,26930,00000077 +5,768,hurricane-matthew,post,train,train\images\hurricane-matthew_00000078_post_disaster.png,hurricane-matthew_00000078_post_disaster,23,11379,train\masks\hurricane-matthew_00000078_post_disaster.png,8,4982,0,0,00000078 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000078_pre_disaster.png,hurricane-matthew_00000078_pre_disaster,0,0,train\masks\hurricane-matthew_00000078_pre_disaster.png,0,0,35,17129,00000078 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000079_post_disaster.png,hurricane-matthew_00000079_post_disaster,10,7275,train\masks\hurricane-matthew_00000079_post_disaster.png,1,207,7,2433,00000079 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000079_pre_disaster.png,hurricane-matthew_00000079_pre_disaster,0,0,train\masks\hurricane-matthew_00000079_pre_disaster.png,0,0,16,9969,00000079 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000080_post_disaster.png,hurricane-matthew_00000080_post_disaster,68,42764,train\masks\hurricane-matthew_00000080_post_disaster.png,0,0,35,29732,00000080 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000080_pre_disaster.png,hurricane-matthew_00000080_pre_disaster,0,0,train\masks\hurricane-matthew_00000080_pre_disaster.png,0,0,102,72583,00000080 +10,3108,hurricane-matthew,post,train,train\images\hurricane-matthew_00000082_post_disaster.png,hurricane-matthew_00000082_post_disaster,45,24980,train\masks\hurricane-matthew_00000082_post_disaster.png,27,12129,0,0,00000082 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000082_pre_disaster.png,hurricane-matthew_00000082_pre_disaster,0,0,train\masks\hurricane-matthew_00000082_pre_disaster.png,0,0,81,40270,00000082 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000083_post_disaster.png,hurricane-matthew_00000083_post_disaster,1,821,train\masks\hurricane-matthew_00000083_post_disaster.png,0,0,57,39909,00000083 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000083_pre_disaster.png,hurricane-matthew_00000083_pre_disaster,0,0,train\masks\hurricane-matthew_00000083_pre_disaster.png,0,0,58,40727,00000083 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000084_post_disaster.png,hurricane-matthew_00000084_post_disaster,42,26815,train\masks\hurricane-matthew_00000084_post_disaster.png,2,2126,0,0,00000084 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000084_pre_disaster.png,hurricane-matthew_00000084_pre_disaster,0,0,train\masks\hurricane-matthew_00000084_pre_disaster.png,0,0,41,28932,00000084 +6,2396,hurricane-matthew,post,train,train\images\hurricane-matthew_00000085_post_disaster.png,hurricane-matthew_00000085_post_disaster,1,2225,train\masks\hurricane-matthew_00000085_post_disaster.png,1,249,1,139,00000085 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000085_pre_disaster.png,hurricane-matthew_00000085_pre_disaster,0,0,train\masks\hurricane-matthew_00000085_pre_disaster.png,0,0,8,5016,00000085 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000086_post_disaster.png,hurricane-matthew_00000086_post_disaster,33,10533,train\masks\hurricane-matthew_00000086_post_disaster.png,0,0,17,4226,00000086 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000086_pre_disaster.png,hurricane-matthew_00000086_pre_disaster,0,0,train\masks\hurricane-matthew_00000086_pre_disaster.png,0,0,50,14778,00000086 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000089_post_disaster.png,hurricane-matthew_00000089_post_disaster,225,326891,train\masks\hurricane-matthew_00000089_post_disaster.png,0,0,7,12603,00000089 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000089_pre_disaster.png,hurricane-matthew_00000089_pre_disaster,0,0,train\masks\hurricane-matthew_00000089_pre_disaster.png,0,0,229,339885,00000089 +4,959,hurricane-matthew,post,train,train\images\hurricane-matthew_00000090_post_disaster.png,hurricane-matthew_00000090_post_disaster,38,16326,train\masks\hurricane-matthew_00000090_post_disaster.png,6,4184,0,0,00000090 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000090_pre_disaster.png,hurricane-matthew_00000090_pre_disaster,0,0,train\masks\hurricane-matthew_00000090_pre_disaster.png,0,0,47,21472,00000090 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000092_post_disaster.png,hurricane-matthew_00000092_post_disaster,154,229515,train\masks\hurricane-matthew_00000092_post_disaster.png,0,0,16,11356,00000092 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000092_pre_disaster.png,hurricane-matthew_00000092_pre_disaster,0,0,train\masks\hurricane-matthew_00000092_pre_disaster.png,0,0,165,241153,00000092 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000093_post_disaster.png,hurricane-matthew_00000093_post_disaster,2,958,train\masks\hurricane-matthew_00000093_post_disaster.png,0,0,2,406,00000093 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000093_pre_disaster.png,hurricane-matthew_00000093_pre_disaster,0,0,train\masks\hurricane-matthew_00000093_pre_disaster.png,0,0,3,1364,00000093 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000094_post_disaster.png,hurricane-matthew_00000094_post_disaster,40,21962,train\masks\hurricane-matthew_00000094_post_disaster.png,7,3512,3,518,00000094 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000094_pre_disaster.png,hurricane-matthew_00000094_pre_disaster,0,0,train\masks\hurricane-matthew_00000094_pre_disaster.png,0,0,50,26033,00000094 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000095_post_disaster.png,hurricane-matthew_00000095_post_disaster,18,21717,train\masks\hurricane-matthew_00000095_post_disaster.png,0,0,105,76952,00000095 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000095_pre_disaster.png,hurricane-matthew_00000095_pre_disaster,0,0,train\masks\hurricane-matthew_00000095_pre_disaster.png,0,0,121,98740,00000095 +6,733,hurricane-matthew,post,train,train\images\hurricane-matthew_00000097_post_disaster.png,hurricane-matthew_00000097_post_disaster,66,19126,train\masks\hurricane-matthew_00000097_post_disaster.png,5,2034,1,120,00000097 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000097_pre_disaster.png,hurricane-matthew_00000097_pre_disaster,0,0,train\masks\hurricane-matthew_00000097_pre_disaster.png,0,0,77,22013,00000097 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000099_post_disaster.png,hurricane-matthew_00000099_post_disaster,60,28508,train\masks\hurricane-matthew_00000099_post_disaster.png,3,1606,7,2538,00000099 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000099_pre_disaster.png,hurricane-matthew_00000099_pre_disaster,0,0,train\masks\hurricane-matthew_00000099_pre_disaster.png,0,0,68,32748,00000099 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000100_post_disaster.png,hurricane-matthew_00000100_post_disaster,0,0,train\masks\hurricane-matthew_00000100_post_disaster.png,0,0,1,553,00000100 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000100_pre_disaster.png,hurricane-matthew_00000100_pre_disaster,0,0,train\masks\hurricane-matthew_00000100_pre_disaster.png,0,0,1,553,00000100 +1,212,hurricane-matthew,post,train,train\images\hurricane-matthew_00000102_post_disaster.png,hurricane-matthew_00000102_post_disaster,32,10256,train\masks\hurricane-matthew_00000102_post_disaster.png,6,1947,9,1895,00000102 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000102_pre_disaster.png,hurricane-matthew_00000102_pre_disaster,0,0,train\masks\hurricane-matthew_00000102_pre_disaster.png,0,0,48,14310,00000102 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000103_post_disaster.png,hurricane-matthew_00000103_post_disaster,60,39851,train\masks\hurricane-matthew_00000103_post_disaster.png,3,1817,1,190,00000103 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000103_pre_disaster.png,hurricane-matthew_00000103_pre_disaster,0,0,train\masks\hurricane-matthew_00000103_pre_disaster.png,0,0,62,41858,00000103 +2,343,hurricane-matthew,post,train,train\images\hurricane-matthew_00000104_post_disaster.png,hurricane-matthew_00000104_post_disaster,158,172857,train\masks\hurricane-matthew_00000104_post_disaster.png,35,34607,0,0,00000104 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000104_pre_disaster.png,hurricane-matthew_00000104_pre_disaster,0,0,train\masks\hurricane-matthew_00000104_pre_disaster.png,0,0,183,208099,00000104 +10,2117,hurricane-matthew,post,train,train\images\hurricane-matthew_00000110_post_disaster.png,hurricane-matthew_00000110_post_disaster,1,160,train\masks\hurricane-matthew_00000110_post_disaster.png,4,1068,0,0,00000110 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000110_pre_disaster.png,hurricane-matthew_00000110_pre_disaster,0,0,train\masks\hurricane-matthew_00000110_pre_disaster.png,0,0,15,3345,00000110 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000116_post_disaster.png,hurricane-matthew_00000116_post_disaster,0,0,train\masks\hurricane-matthew_00000116_post_disaster.png,2,457,0,0,00000116 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000116_pre_disaster.png,hurricane-matthew_00000116_pre_disaster,0,0,train\masks\hurricane-matthew_00000116_pre_disaster.png,0,0,2,457,00000116 +1,239,hurricane-matthew,post,train,train\images\hurricane-matthew_00000119_post_disaster.png,hurricane-matthew_00000119_post_disaster,0,0,train\masks\hurricane-matthew_00000119_post_disaster.png,0,0,5,785,00000119 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000119_pre_disaster.png,hurricane-matthew_00000119_pre_disaster,0,0,train\masks\hurricane-matthew_00000119_pre_disaster.png,0,0,6,1024,00000119 +5,780,hurricane-matthew,post,train,train\images\hurricane-matthew_00000120_post_disaster.png,hurricane-matthew_00000120_post_disaster,31,17200,train\masks\hurricane-matthew_00000120_post_disaster.png,13,6866,34,22156,00000120 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000120_pre_disaster.png,hurricane-matthew_00000120_pre_disaster,0,0,train\masks\hurricane-matthew_00000120_pre_disaster.png,0,0,74,47094,00000120 +31,9394,hurricane-matthew,post,train,train\images\hurricane-matthew_00000125_post_disaster.png,hurricane-matthew_00000125_post_disaster,13,8112,train\masks\hurricane-matthew_00000125_post_disaster.png,15,8528,35,24110,00000125 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000125_pre_disaster.png,hurricane-matthew_00000125_pre_disaster,0,0,train\masks\hurricane-matthew_00000125_pre_disaster.png,0,0,80,50165,00000125 +94,13584,hurricane-matthew,post,train,train\images\hurricane-matthew_00000126_post_disaster.png,hurricane-matthew_00000126_post_disaster,88,44213,train\masks\hurricane-matthew_00000126_post_disaster.png,67,28402,13,1745,00000126 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000126_pre_disaster.png,hurricane-matthew_00000126_pre_disaster,0,0,train\masks\hurricane-matthew_00000126_pre_disaster.png,0,0,246,87968,00000126 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000128_post_disaster.png,hurricane-matthew_00000128_post_disaster,0,0,train\masks\hurricane-matthew_00000128_post_disaster.png,0,0,2,487,00000128 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000128_pre_disaster.png,hurricane-matthew_00000128_pre_disaster,0,0,train\masks\hurricane-matthew_00000128_pre_disaster.png,0,0,2,487,00000128 +1,427,hurricane-matthew,post,train,train\images\hurricane-matthew_00000129_post_disaster.png,hurricane-matthew_00000129_post_disaster,27,14699,train\masks\hurricane-matthew_00000129_post_disaster.png,4,1980,37,15705,00000129 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000129_pre_disaster.png,hurricane-matthew_00000129_pre_disaster,0,0,train\masks\hurricane-matthew_00000129_pre_disaster.png,0,0,63,33003,00000129 +7,1610,hurricane-matthew,post,train,train\images\hurricane-matthew_00000130_post_disaster.png,hurricane-matthew_00000130_post_disaster,10,5020,train\masks\hurricane-matthew_00000130_post_disaster.png,7,5239,49,29389,00000130 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000130_pre_disaster.png,hurricane-matthew_00000130_pre_disaster,0,0,train\masks\hurricane-matthew_00000130_pre_disaster.png,0,0,72,41252,00000130 +10,1765,hurricane-matthew,post,train,train\images\hurricane-matthew_00000132_post_disaster.png,hurricane-matthew_00000132_post_disaster,2,441,train\masks\hurricane-matthew_00000132_post_disaster.png,0,0,4,608,00000132 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000132_pre_disaster.png,hurricane-matthew_00000132_pre_disaster,0,0,train\masks\hurricane-matthew_00000132_pre_disaster.png,0,0,16,2814,00000132 +29,8119,hurricane-matthew,post,train,train\images\hurricane-matthew_00000133_post_disaster.png,hurricane-matthew_00000133_post_disaster,5,1904,train\masks\hurricane-matthew_00000133_post_disaster.png,12,4522,0,0,00000133 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000133_pre_disaster.png,hurricane-matthew_00000133_pre_disaster,0,0,train\masks\hurricane-matthew_00000133_pre_disaster.png,0,0,46,14568,00000133 +1,198,hurricane-matthew,post,train,train\images\hurricane-matthew_00000134_post_disaster.png,hurricane-matthew_00000134_post_disaster,15,10654,train\masks\hurricane-matthew_00000134_post_disaster.png,1,2896,13,7906,00000134 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000134_pre_disaster.png,hurricane-matthew_00000134_pre_disaster,0,0,train\masks\hurricane-matthew_00000134_pre_disaster.png,0,0,29,21696,00000134 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000136_post_disaster.png,hurricane-matthew_00000136_post_disaster,0,0,train\masks\hurricane-matthew_00000136_post_disaster.png,0,0,4,3248,00000136 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000136_pre_disaster.png,hurricane-matthew_00000136_pre_disaster,0,0,train\masks\hurricane-matthew_00000136_pre_disaster.png,0,0,4,3248,00000136 +3,406,hurricane-matthew,post,train,train\images\hurricane-matthew_00000137_post_disaster.png,hurricane-matthew_00000137_post_disaster,0,0,train\masks\hurricane-matthew_00000137_post_disaster.png,1,289,0,0,00000137 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000137_pre_disaster.png,hurricane-matthew_00000137_pre_disaster,0,0,train\masks\hurricane-matthew_00000137_pre_disaster.png,0,0,4,695,00000137 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000139_post_disaster.png,hurricane-matthew_00000139_post_disaster,0,0,train\masks\hurricane-matthew_00000139_post_disaster.png,0,0,5,1774,00000139 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000139_pre_disaster.png,hurricane-matthew_00000139_pre_disaster,0,0,train\masks\hurricane-matthew_00000139_pre_disaster.png,0,0,5,1771,00000139 +24,7340,hurricane-matthew,post,train,train\images\hurricane-matthew_00000140_post_disaster.png,hurricane-matthew_00000140_post_disaster,13,9859,train\masks\hurricane-matthew_00000140_post_disaster.png,4,2786,7,4572,00000140 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000140_pre_disaster.png,hurricane-matthew_00000140_pre_disaster,0,0,train\masks\hurricane-matthew_00000140_pre_disaster.png,0,0,45,24549,00000140 +4,2529,hurricane-matthew,post,train,train\images\hurricane-matthew_00000143_post_disaster.png,hurricane-matthew_00000143_post_disaster,34,40485,train\masks\hurricane-matthew_00000143_post_disaster.png,3,2875,55,27140,00000143 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000143_pre_disaster.png,hurricane-matthew_00000143_pre_disaster,0,0,train\masks\hurricane-matthew_00000143_pre_disaster.png,0,0,95,73063,00000143 +11,6126,hurricane-matthew,post,train,train\images\hurricane-matthew_00000145_post_disaster.png,hurricane-matthew_00000145_post_disaster,0,0,train\masks\hurricane-matthew_00000145_post_disaster.png,10,6115,3,581,00000145 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000145_pre_disaster.png,hurricane-matthew_00000145_pre_disaster,0,0,train\masks\hurricane-matthew_00000145_pre_disaster.png,0,0,22,12822,00000145 +16,4757,hurricane-matthew,post,train,train\images\hurricane-matthew_00000149_post_disaster.png,hurricane-matthew_00000149_post_disaster,2,438,train\masks\hurricane-matthew_00000149_post_disaster.png,3,618,2,515,00000149 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000149_pre_disaster.png,hurricane-matthew_00000149_pre_disaster,0,0,train\masks\hurricane-matthew_00000149_pre_disaster.png,0,0,23,6340,00000149 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000152_post_disaster.png,hurricane-matthew_00000152_post_disaster,142,268166,train\masks\hurricane-matthew_00000152_post_disaster.png,1,1145,38,22128,00000152 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000152_pre_disaster.png,hurricane-matthew_00000152_pre_disaster,0,0,train\masks\hurricane-matthew_00000152_pre_disaster.png,0,0,165,291898,00000152 +23,4418,hurricane-matthew,post,train,train\images\hurricane-matthew_00000153_post_disaster.png,hurricane-matthew_00000153_post_disaster,7,1221,train\masks\hurricane-matthew_00000153_post_disaster.png,6,2044,5,505,00000153 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000153_pre_disaster.png,hurricane-matthew_00000153_pre_disaster,0,0,train\masks\hurricane-matthew_00000153_pre_disaster.png,0,0,41,8188,00000153 +8,2098,hurricane-matthew,post,train,train\images\hurricane-matthew_00000154_post_disaster.png,hurricane-matthew_00000154_post_disaster,3,703,train\masks\hurricane-matthew_00000154_post_disaster.png,2,1059,0,0,00000154 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000154_pre_disaster.png,hurricane-matthew_00000154_pre_disaster,0,0,train\masks\hurricane-matthew_00000154_pre_disaster.png,0,0,13,3860,00000154 +13,5074,hurricane-matthew,post,train,train\images\hurricane-matthew_00000155_post_disaster.png,hurricane-matthew_00000155_post_disaster,0,0,train\masks\hurricane-matthew_00000155_post_disaster.png,0,0,1,231,00000155 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000155_pre_disaster.png,hurricane-matthew_00000155_pre_disaster,0,0,train\masks\hurricane-matthew_00000155_pre_disaster.png,0,0,14,5305,00000155 +88,37361,hurricane-matthew,post,train,train\images\hurricane-matthew_00000156_post_disaster.png,hurricane-matthew_00000156_post_disaster,83,69131,train\masks\hurricane-matthew_00000156_post_disaster.png,115,96881,13,3395,00000156 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000156_pre_disaster.png,hurricane-matthew_00000156_pre_disaster,0,0,train\masks\hurricane-matthew_00000156_pre_disaster.png,0,0,175,206810,00000156 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000158_post_disaster.png,hurricane-matthew_00000158_post_disaster,38,87745,train\masks\hurricane-matthew_00000158_post_disaster.png,93,269312,0,0,00000158 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000158_pre_disaster.png,hurricane-matthew_00000158_pre_disaster,0,0,train\masks\hurricane-matthew_00000158_pre_disaster.png,0,0,83,357538,00000158 +7,1198,hurricane-matthew,post,train,train\images\hurricane-matthew_00000159_post_disaster.png,hurricane-matthew_00000159_post_disaster,11,2599,train\masks\hurricane-matthew_00000159_post_disaster.png,25,6511,2,138,00000159 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000159_pre_disaster.png,hurricane-matthew_00000159_pre_disaster,0,0,train\masks\hurricane-matthew_00000159_pre_disaster.png,0,0,45,10469,00000159 +23,6686,hurricane-matthew,post,train,train\images\hurricane-matthew_00000162_post_disaster.png,hurricane-matthew_00000162_post_disaster,0,0,train\masks\hurricane-matthew_00000162_post_disaster.png,5,2320,4,882,00000162 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000162_pre_disaster.png,hurricane-matthew_00000162_pre_disaster,0,0,train\masks\hurricane-matthew_00000162_pre_disaster.png,0,0,32,9898,00000162 +7,1613,hurricane-matthew,post,train,train\images\hurricane-matthew_00000164_post_disaster.png,hurricane-matthew_00000164_post_disaster,6,1647,train\masks\hurricane-matthew_00000164_post_disaster.png,4,804,9,1936,00000164 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000164_pre_disaster.png,hurricane-matthew_00000164_pre_disaster,0,0,train\masks\hurricane-matthew_00000164_pre_disaster.png,0,0,26,6000,00000164 +12,1858,hurricane-matthew,post,train,train\images\hurricane-matthew_00000166_post_disaster.png,hurricane-matthew_00000166_post_disaster,3,573,train\masks\hurricane-matthew_00000166_post_disaster.png,0,0,3,530,00000166 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000166_pre_disaster.png,hurricane-matthew_00000166_pre_disaster,0,0,train\masks\hurricane-matthew_00000166_pre_disaster.png,0,0,18,2961,00000166 +14,3269,hurricane-matthew,post,train,train\images\hurricane-matthew_00000167_post_disaster.png,hurricane-matthew_00000167_post_disaster,0,0,train\masks\hurricane-matthew_00000167_post_disaster.png,1,249,9,1489,00000167 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000167_pre_disaster.png,hurricane-matthew_00000167_pre_disaster,0,0,train\masks\hurricane-matthew_00000167_pre_disaster.png,0,0,24,5025,00000167 +5,1472,hurricane-matthew,post,train,train\images\hurricane-matthew_00000168_post_disaster.png,hurricane-matthew_00000168_post_disaster,3,533,train\masks\hurricane-matthew_00000168_post_disaster.png,1,342,2,315,00000168 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000168_pre_disaster.png,hurricane-matthew_00000168_pre_disaster,0,0,train\masks\hurricane-matthew_00000168_pre_disaster.png,0,0,11,2656,00000168 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000169_post_disaster.png,hurricane-matthew_00000169_post_disaster,0,0,train\masks\hurricane-matthew_00000169_post_disaster.png,0,0,0,0,00000169 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000169_pre_disaster.png,hurricane-matthew_00000169_pre_disaster,0,0,train\masks\hurricane-matthew_00000169_pre_disaster.png,0,0,0,0,00000169 +22,4177,hurricane-matthew,post,train,train\images\hurricane-matthew_00000170_post_disaster.png,hurricane-matthew_00000170_post_disaster,1,256,train\masks\hurricane-matthew_00000170_post_disaster.png,1,163,0,0,00000170 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000170_pre_disaster.png,hurricane-matthew_00000170_pre_disaster,0,0,train\masks\hurricane-matthew_00000170_pre_disaster.png,0,0,24,4596,00000170 +23,3452,hurricane-matthew,post,train,train\images\hurricane-matthew_00000171_post_disaster.png,hurricane-matthew_00000171_post_disaster,1,208,train\masks\hurricane-matthew_00000171_post_disaster.png,7,2116,0,0,00000171 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000171_pre_disaster.png,hurricane-matthew_00000171_pre_disaster,0,0,train\masks\hurricane-matthew_00000171_pre_disaster.png,0,0,31,5776,00000171 +3,968,hurricane-matthew,post,train,train\images\hurricane-matthew_00000172_post_disaster.png,hurricane-matthew_00000172_post_disaster,0,0,train\masks\hurricane-matthew_00000172_post_disaster.png,0,0,0,0,00000172 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000172_pre_disaster.png,hurricane-matthew_00000172_pre_disaster,0,0,train\masks\hurricane-matthew_00000172_pre_disaster.png,0,0,3,968,00000172 +6,868,hurricane-matthew,post,train,train\images\hurricane-matthew_00000173_post_disaster.png,hurricane-matthew_00000173_post_disaster,0,0,train\masks\hurricane-matthew_00000173_post_disaster.png,3,491,0,0,00000173 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000173_pre_disaster.png,hurricane-matthew_00000173_pre_disaster,0,0,train\masks\hurricane-matthew_00000173_pre_disaster.png,0,0,9,1359,00000173 +24,6132,hurricane-matthew,post,train,train\images\hurricane-matthew_00000174_post_disaster.png,hurricane-matthew_00000174_post_disaster,2,525,train\masks\hurricane-matthew_00000174_post_disaster.png,3,1272,0,0,00000174 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000174_pre_disaster.png,hurricane-matthew_00000174_pre_disaster,0,0,train\masks\hurricane-matthew_00000174_pre_disaster.png,0,0,28,7929,00000174 +24,6252,hurricane-matthew,post,train,train\images\hurricane-matthew_00000175_post_disaster.png,hurricane-matthew_00000175_post_disaster,5,4216,train\masks\hurricane-matthew_00000175_post_disaster.png,3,1434,0,0,00000175 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000175_pre_disaster.png,hurricane-matthew_00000175_pre_disaster,0,0,train\masks\hurricane-matthew_00000175_pre_disaster.png,0,0,32,11928,00000175 +12,2830,hurricane-matthew,post,train,train\images\hurricane-matthew_00000176_post_disaster.png,hurricane-matthew_00000176_post_disaster,4,918,train\masks\hurricane-matthew_00000176_post_disaster.png,3,756,1,255,00000176 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000176_pre_disaster.png,hurricane-matthew_00000176_pre_disaster,0,0,train\masks\hurricane-matthew_00000176_pre_disaster.png,0,0,20,4753,00000176 +13,2390,hurricane-matthew,post,train,train\images\hurricane-matthew_00000178_post_disaster.png,hurricane-matthew_00000178_post_disaster,3,544,train\masks\hurricane-matthew_00000178_post_disaster.png,3,672,5,777,00000178 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000178_pre_disaster.png,hurricane-matthew_00000178_pre_disaster,0,0,train\masks\hurricane-matthew_00000178_pre_disaster.png,0,0,23,4383,00000178 +11,1991,hurricane-matthew,post,train,train\images\hurricane-matthew_00000179_post_disaster.png,hurricane-matthew_00000179_post_disaster,0,0,train\masks\hurricane-matthew_00000179_post_disaster.png,1,250,0,0,00000179 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000179_pre_disaster.png,hurricane-matthew_00000179_pre_disaster,0,0,train\masks\hurricane-matthew_00000179_pre_disaster.png,0,0,12,2241,00000179 +7,1329,hurricane-matthew,post,train,train\images\hurricane-matthew_00000180_post_disaster.png,hurricane-matthew_00000180_post_disaster,0,0,train\masks\hurricane-matthew_00000180_post_disaster.png,4,669,2,133,00000180 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000180_pre_disaster.png,hurricane-matthew_00000180_pre_disaster,0,0,train\masks\hurricane-matthew_00000180_pre_disaster.png,0,0,13,2131,00000180 +13,2301,hurricane-matthew,post,train,train\images\hurricane-matthew_00000181_post_disaster.png,hurricane-matthew_00000181_post_disaster,1,213,train\masks\hurricane-matthew_00000181_post_disaster.png,2,396,3,590,00000181 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000181_pre_disaster.png,hurricane-matthew_00000181_pre_disaster,0,0,train\masks\hurricane-matthew_00000181_pre_disaster.png,0,0,19,3500,00000181 +11,2033,hurricane-matthew,post,train,train\images\hurricane-matthew_00000182_post_disaster.png,hurricane-matthew_00000182_post_disaster,1,310,train\masks\hurricane-matthew_00000182_post_disaster.png,9,3139,3,542,00000182 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000182_pre_disaster.png,hurricane-matthew_00000182_pre_disaster,0,0,train\masks\hurricane-matthew_00000182_pre_disaster.png,0,0,22,6024,00000182 +7,906,hurricane-matthew,post,train,train\images\hurricane-matthew_00000185_post_disaster.png,hurricane-matthew_00000185_post_disaster,10,1993,train\masks\hurricane-matthew_00000185_post_disaster.png,8,3062,21,3469,00000185 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000185_pre_disaster.png,hurricane-matthew_00000185_pre_disaster,0,0,train\masks\hurricane-matthew_00000185_pre_disaster.png,0,0,46,9430,00000185 +16,1937,hurricane-matthew,post,train,train\images\hurricane-matthew_00000186_post_disaster.png,hurricane-matthew_00000186_post_disaster,7,1650,train\masks\hurricane-matthew_00000186_post_disaster.png,9,2596,4,452,00000186 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000186_pre_disaster.png,hurricane-matthew_00000186_pre_disaster,0,0,train\masks\hurricane-matthew_00000186_pre_disaster.png,0,0,36,6635,00000186 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000187_post_disaster.png,hurricane-matthew_00000187_post_disaster,0,0,train\masks\hurricane-matthew_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000187_pre_disaster.png,hurricane-matthew_00000187_pre_disaster,0,0,train\masks\hurricane-matthew_00000187_pre_disaster.png,0,0,0,0,00000187 +2,378,hurricane-matthew,post,train,train\images\hurricane-matthew_00000188_post_disaster.png,hurricane-matthew_00000188_post_disaster,5,1118,train\masks\hurricane-matthew_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000188_pre_disaster.png,hurricane-matthew_00000188_pre_disaster,0,0,train\masks\hurricane-matthew_00000188_pre_disaster.png,0,0,7,1490,00000188 +5,838,hurricane-matthew,post,train,train\images\hurricane-matthew_00000190_post_disaster.png,hurricane-matthew_00000190_post_disaster,4,1178,train\masks\hurricane-matthew_00000190_post_disaster.png,0,0,1,153,00000190 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000190_pre_disaster.png,hurricane-matthew_00000190_pre_disaster,0,0,train\masks\hurricane-matthew_00000190_pre_disaster.png,0,0,10,2169,00000190 +6,1030,hurricane-matthew,post,train,train\images\hurricane-matthew_00000192_post_disaster.png,hurricane-matthew_00000192_post_disaster,0,0,train\masks\hurricane-matthew_00000192_post_disaster.png,0,0,1,80,00000192 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000192_pre_disaster.png,hurricane-matthew_00000192_pre_disaster,0,0,train\masks\hurricane-matthew_00000192_pre_disaster.png,0,0,7,1110,00000192 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000193_post_disaster.png,hurricane-matthew_00000193_post_disaster,0,0,train\masks\hurricane-matthew_00000193_post_disaster.png,0,0,2,504,00000193 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000193_pre_disaster.png,hurricane-matthew_00000193_pre_disaster,0,0,train\masks\hurricane-matthew_00000193_pre_disaster.png,0,0,2,504,00000193 +4,338,hurricane-matthew,post,train,train\images\hurricane-matthew_00000195_post_disaster.png,hurricane-matthew_00000195_post_disaster,3,530,train\masks\hurricane-matthew_00000195_post_disaster.png,0,0,6,940,00000195 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000195_pre_disaster.png,hurricane-matthew_00000195_pre_disaster,0,0,train\masks\hurricane-matthew_00000195_pre_disaster.png,0,0,13,1808,00000195 +15,3961,hurricane-matthew,post,train,train\images\hurricane-matthew_00000197_post_disaster.png,hurricane-matthew_00000197_post_disaster,4,870,train\masks\hurricane-matthew_00000197_post_disaster.png,8,2174,1,258,00000197 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000197_pre_disaster.png,hurricane-matthew_00000197_pre_disaster,0,0,train\masks\hurricane-matthew_00000197_pre_disaster.png,0,0,27,7263,00000197 +16,3651,hurricane-matthew,post,train,train\images\hurricane-matthew_00000198_post_disaster.png,hurricane-matthew_00000198_post_disaster,5,1739,train\masks\hurricane-matthew_00000198_post_disaster.png,8,4271,5,777,00000198 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000198_pre_disaster.png,hurricane-matthew_00000198_pre_disaster,0,0,train\masks\hurricane-matthew_00000198_pre_disaster.png,0,0,34,10452,00000198 +15,2580,hurricane-matthew,post,train,train\images\hurricane-matthew_00000200_post_disaster.png,hurricane-matthew_00000200_post_disaster,1,141,train\masks\hurricane-matthew_00000200_post_disaster.png,2,374,2,170,00000200 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000200_pre_disaster.png,hurricane-matthew_00000200_pre_disaster,0,0,train\masks\hurricane-matthew_00000200_pre_disaster.png,0,0,20,3273,00000200 +5,2633,hurricane-matthew,post,train,train\images\hurricane-matthew_00000202_post_disaster.png,hurricane-matthew_00000202_post_disaster,2,396,train\masks\hurricane-matthew_00000202_post_disaster.png,5,1335,6,1097,00000202 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000202_pre_disaster.png,hurricane-matthew_00000202_pre_disaster,0,0,train\masks\hurricane-matthew_00000202_pre_disaster.png,0,0,18,5534,00000202 +13,2532,hurricane-matthew,post,train,train\images\hurricane-matthew_00000204_post_disaster.png,hurricane-matthew_00000204_post_disaster,0,0,train\masks\hurricane-matthew_00000204_post_disaster.png,5,1598,2,313,00000204 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000204_pre_disaster.png,hurricane-matthew_00000204_pre_disaster,0,0,train\masks\hurricane-matthew_00000204_pre_disaster.png,0,0,20,4443,00000204 +17,2695,hurricane-matthew,post,train,train\images\hurricane-matthew_00000205_post_disaster.png,hurricane-matthew_00000205_post_disaster,0,0,train\masks\hurricane-matthew_00000205_post_disaster.png,6,1475,1,99,00000205 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000205_pre_disaster.png,hurricane-matthew_00000205_pre_disaster,0,0,train\masks\hurricane-matthew_00000205_pre_disaster.png,0,0,24,4269,00000205 +15,2233,hurricane-matthew,post,train,train\images\hurricane-matthew_00000206_post_disaster.png,hurricane-matthew_00000206_post_disaster,0,0,train\masks\hurricane-matthew_00000206_post_disaster.png,4,743,0,0,00000206 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000206_pre_disaster.png,hurricane-matthew_00000206_pre_disaster,0,0,train\masks\hurricane-matthew_00000206_pre_disaster.png,0,0,19,2984,00000206 +26,6462,hurricane-matthew,post,train,train\images\hurricane-matthew_00000207_post_disaster.png,hurricane-matthew_00000207_post_disaster,3,694,train\masks\hurricane-matthew_00000207_post_disaster.png,9,3632,2,343,00000207 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000207_pre_disaster.png,hurricane-matthew_00000207_pre_disaster,0,0,train\masks\hurricane-matthew_00000207_pre_disaster.png,0,0,39,11174,00000207 +2,357,hurricane-matthew,post,train,train\images\hurricane-matthew_00000208_post_disaster.png,hurricane-matthew_00000208_post_disaster,0,0,train\masks\hurricane-matthew_00000208_post_disaster.png,0,0,5,346,00000208 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000208_pre_disaster.png,hurricane-matthew_00000208_pre_disaster,0,0,train\masks\hurricane-matthew_00000208_pre_disaster.png,0,0,7,703,00000208 +1,359,hurricane-matthew,post,train,train\images\hurricane-matthew_00000209_post_disaster.png,hurricane-matthew_00000209_post_disaster,1,202,train\masks\hurricane-matthew_00000209_post_disaster.png,1,212,8,2346,00000209 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000209_pre_disaster.png,hurricane-matthew_00000209_pre_disaster,0,0,train\masks\hurricane-matthew_00000209_pre_disaster.png,0,0,11,3119,00000209 +22,3736,hurricane-matthew,post,train,train\images\hurricane-matthew_00000211_post_disaster.png,hurricane-matthew_00000211_post_disaster,5,1567,train\masks\hurricane-matthew_00000211_post_disaster.png,3,798,0,0,00000211 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000211_pre_disaster.png,hurricane-matthew_00000211_pre_disaster,0,0,train\masks\hurricane-matthew_00000211_pre_disaster.png,0,0,30,6107,00000211 +19,4936,hurricane-matthew,post,train,train\images\hurricane-matthew_00000212_post_disaster.png,hurricane-matthew_00000212_post_disaster,4,911,train\masks\hurricane-matthew_00000212_post_disaster.png,3,827,0,0,00000212 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000212_pre_disaster.png,hurricane-matthew_00000212_pre_disaster,0,0,train\masks\hurricane-matthew_00000212_pre_disaster.png,0,0,25,6674,00000212 +4,758,hurricane-matthew,post,train,train\images\hurricane-matthew_00000213_post_disaster.png,hurricane-matthew_00000213_post_disaster,1,178,train\masks\hurricane-matthew_00000213_post_disaster.png,0,0,2,394,00000213 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000213_pre_disaster.png,hurricane-matthew_00000213_pre_disaster,0,0,train\masks\hurricane-matthew_00000213_pre_disaster.png,0,0,7,1333,00000213 +7,1931,hurricane-matthew,post,train,train\images\hurricane-matthew_00000215_post_disaster.png,hurricane-matthew_00000215_post_disaster,4,1080,train\masks\hurricane-matthew_00000215_post_disaster.png,4,3012,4,868,00000215 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000215_pre_disaster.png,hurricane-matthew_00000215_pre_disaster,0,0,train\masks\hurricane-matthew_00000215_pre_disaster.png,0,0,18,6916,00000215 +4,500,hurricane-matthew,post,train,train\images\hurricane-matthew_00000219_post_disaster.png,hurricane-matthew_00000219_post_disaster,2,545,train\masks\hurricane-matthew_00000219_post_disaster.png,0,0,0,0,00000219 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000219_pre_disaster.png,hurricane-matthew_00000219_pre_disaster,0,0,train\masks\hurricane-matthew_00000219_pre_disaster.png,0,0,6,1045,00000219 +10,1612,hurricane-matthew,post,train,train\images\hurricane-matthew_00000221_post_disaster.png,hurricane-matthew_00000221_post_disaster,4,830,train\masks\hurricane-matthew_00000221_post_disaster.png,7,2418,1,157,00000221 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000221_pre_disaster.png,hurricane-matthew_00000221_pre_disaster,0,0,train\masks\hurricane-matthew_00000221_pre_disaster.png,0,0,22,5017,00000221 +10,1815,hurricane-matthew,post,train,train\images\hurricane-matthew_00000222_post_disaster.png,hurricane-matthew_00000222_post_disaster,3,584,train\masks\hurricane-matthew_00000222_post_disaster.png,2,409,3,319,00000222 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000222_pre_disaster.png,hurricane-matthew_00000222_pre_disaster,0,0,train\masks\hurricane-matthew_00000222_pre_disaster.png,0,0,18,3127,00000222 +11,1968,hurricane-matthew,post,train,train\images\hurricane-matthew_00000223_post_disaster.png,hurricane-matthew_00000223_post_disaster,15,4616,train\masks\hurricane-matthew_00000223_post_disaster.png,5,1756,2,202,00000223 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000223_pre_disaster.png,hurricane-matthew_00000223_pre_disaster,0,0,train\masks\hurricane-matthew_00000223_pre_disaster.png,0,0,31,8558,00000223 +6,1170,hurricane-matthew,post,train,train\images\hurricane-matthew_00000226_post_disaster.png,hurricane-matthew_00000226_post_disaster,2,372,train\masks\hurricane-matthew_00000226_post_disaster.png,0,0,4,419,00000226 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000226_pre_disaster.png,hurricane-matthew_00000226_pre_disaster,0,0,train\masks\hurricane-matthew_00000226_pre_disaster.png,0,0,12,1961,00000226 +8,1671,hurricane-matthew,post,train,train\images\hurricane-matthew_00000228_post_disaster.png,hurricane-matthew_00000228_post_disaster,3,785,train\masks\hurricane-matthew_00000228_post_disaster.png,2,630,2,455,00000228 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000228_pre_disaster.png,hurricane-matthew_00000228_pre_disaster,0,0,train\masks\hurricane-matthew_00000228_pre_disaster.png,0,0,15,3536,00000228 +17,2852,hurricane-matthew,post,train,train\images\hurricane-matthew_00000231_post_disaster.png,hurricane-matthew_00000231_post_disaster,8,1037,train\masks\hurricane-matthew_00000231_post_disaster.png,6,1935,2,722,00000231 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000231_pre_disaster.png,hurricane-matthew_00000231_pre_disaster,0,0,train\masks\hurricane-matthew_00000231_pre_disaster.png,0,0,32,6546,00000231 +1,251,hurricane-matthew,post,train,train\images\hurricane-matthew_00000232_post_disaster.png,hurricane-matthew_00000232_post_disaster,1,176,train\masks\hurricane-matthew_00000232_post_disaster.png,1,252,1,177,00000232 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000232_pre_disaster.png,hurricane-matthew_00000232_pre_disaster,0,0,train\masks\hurricane-matthew_00000232_pre_disaster.png,0,0,4,856,00000232 +6,1590,hurricane-matthew,post,train,train\images\hurricane-matthew_00000233_post_disaster.png,hurricane-matthew_00000233_post_disaster,6,1539,train\masks\hurricane-matthew_00000233_post_disaster.png,0,0,0,0,00000233 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000233_pre_disaster.png,hurricane-matthew_00000233_pre_disaster,0,0,train\masks\hurricane-matthew_00000233_pre_disaster.png,0,0,12,3129,00000233 +11,2078,hurricane-matthew,post,train,train\images\hurricane-matthew_00000234_post_disaster.png,hurricane-matthew_00000234_post_disaster,0,0,train\masks\hurricane-matthew_00000234_post_disaster.png,2,685,0,0,00000234 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000234_pre_disaster.png,hurricane-matthew_00000234_pre_disaster,0,0,train\masks\hurricane-matthew_00000234_pre_disaster.png,0,0,13,2761,00000234 +14,3457,hurricane-matthew,post,train,train\images\hurricane-matthew_00000237_post_disaster.png,hurricane-matthew_00000237_post_disaster,10,2253,train\masks\hurricane-matthew_00000237_post_disaster.png,4,1877,2,583,00000237 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000237_pre_disaster.png,hurricane-matthew_00000237_pre_disaster,0,0,train\masks\hurricane-matthew_00000237_pre_disaster.png,0,0,29,8170,00000237 +4,659,hurricane-matthew,post,train,train\images\hurricane-matthew_00000238_post_disaster.png,hurricane-matthew_00000238_post_disaster,1,384,train\masks\hurricane-matthew_00000238_post_disaster.png,0,0,0,0,00000238 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000238_pre_disaster.png,hurricane-matthew_00000238_pre_disaster,0,0,train\masks\hurricane-matthew_00000238_pre_disaster.png,0,0,5,1044,00000238 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000239_post_disaster.png,hurricane-matthew_00000239_post_disaster,0,0,train\masks\hurricane-matthew_00000239_post_disaster.png,0,0,0,0,00000239 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000239_pre_disaster.png,hurricane-matthew_00000239_pre_disaster,0,0,train\masks\hurricane-matthew_00000239_pre_disaster.png,0,0,0,0,00000239 +3,401,hurricane-matthew,post,train,train\images\hurricane-matthew_00000241_post_disaster.png,hurricane-matthew_00000241_post_disaster,2,511,train\masks\hurricane-matthew_00000241_post_disaster.png,4,1256,1,94,00000241 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000241_pre_disaster.png,hurricane-matthew_00000241_pre_disaster,0,0,train\masks\hurricane-matthew_00000241_pre_disaster.png,0,0,10,2262,00000241 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000242_post_disaster.png,hurricane-matthew_00000242_post_disaster,0,0,train\masks\hurricane-matthew_00000242_post_disaster.png,0,0,0,0,00000242 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000242_pre_disaster.png,hurricane-matthew_00000242_pre_disaster,0,0,train\masks\hurricane-matthew_00000242_pre_disaster.png,0,0,0,0,00000242 +11,2803,hurricane-matthew,post,train,train\images\hurricane-matthew_00000243_post_disaster.png,hurricane-matthew_00000243_post_disaster,9,4482,train\masks\hurricane-matthew_00000243_post_disaster.png,9,2470,17,5016,00000243 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000243_pre_disaster.png,hurricane-matthew_00000243_pre_disaster,0,0,train\masks\hurricane-matthew_00000243_pre_disaster.png,0,0,46,14771,00000243 +26,4276,hurricane-matthew,post,train,train\images\hurricane-matthew_00000244_post_disaster.png,hurricane-matthew_00000244_post_disaster,5,772,train\masks\hurricane-matthew_00000244_post_disaster.png,1,354,2,453,00000244 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000244_pre_disaster.png,hurricane-matthew_00000244_pre_disaster,0,0,train\masks\hurricane-matthew_00000244_pre_disaster.png,0,0,34,5855,00000244 +16,2683,hurricane-matthew,post,train,train\images\hurricane-matthew_00000245_post_disaster.png,hurricane-matthew_00000245_post_disaster,8,1359,train\masks\hurricane-matthew_00000245_post_disaster.png,1,188,2,377,00000245 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000245_pre_disaster.png,hurricane-matthew_00000245_pre_disaster,0,0,train\masks\hurricane-matthew_00000245_pre_disaster.png,0,0,27,4602,00000245 +9,1549,hurricane-matthew,post,train,train\images\hurricane-matthew_00000248_post_disaster.png,hurricane-matthew_00000248_post_disaster,8,1552,train\masks\hurricane-matthew_00000248_post_disaster.png,0,0,14,3111,00000248 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000248_pre_disaster.png,hurricane-matthew_00000248_pre_disaster,0,0,train\masks\hurricane-matthew_00000248_pre_disaster.png,0,0,30,6226,00000248 +9,1858,hurricane-matthew,post,train,train\images\hurricane-matthew_00000249_post_disaster.png,hurricane-matthew_00000249_post_disaster,3,572,train\masks\hurricane-matthew_00000249_post_disaster.png,0,0,3,681,00000249 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000249_pre_disaster.png,hurricane-matthew_00000249_pre_disaster,0,0,train\masks\hurricane-matthew_00000249_pre_disaster.png,0,0,15,3111,00000249 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000250_post_disaster.png,hurricane-matthew_00000250_post_disaster,0,0,train\masks\hurricane-matthew_00000250_post_disaster.png,0,0,14,2804,00000250 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000250_pre_disaster.png,hurricane-matthew_00000250_pre_disaster,0,0,train\masks\hurricane-matthew_00000250_pre_disaster.png,0,0,14,2804,00000250 +3,1786,hurricane-matthew,post,train,train\images\hurricane-matthew_00000251_post_disaster.png,hurricane-matthew_00000251_post_disaster,7,2388,train\masks\hurricane-matthew_00000251_post_disaster.png,19,15650,1,150,00000251 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000251_pre_disaster.png,hurricane-matthew_00000251_pre_disaster,0,0,train\masks\hurricane-matthew_00000251_pre_disaster.png,0,0,28,19974,00000251 +7,1611,hurricane-matthew,post,train,train\images\hurricane-matthew_00000252_post_disaster.png,hurricane-matthew_00000252_post_disaster,0,0,train\masks\hurricane-matthew_00000252_post_disaster.png,3,794,5,1135,00000252 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000252_pre_disaster.png,hurricane-matthew_00000252_pre_disaster,0,0,train\masks\hurricane-matthew_00000252_pre_disaster.png,0,0,15,3540,00000252 +8,1753,hurricane-matthew,post,train,train\images\hurricane-matthew_00000256_post_disaster.png,hurricane-matthew_00000256_post_disaster,6,1477,train\masks\hurricane-matthew_00000256_post_disaster.png,2,907,6,1673,00000256 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000256_pre_disaster.png,hurricane-matthew_00000256_pre_disaster,0,0,train\masks\hurricane-matthew_00000256_pre_disaster.png,0,0,22,5810,00000256 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000259_post_disaster.png,hurricane-matthew_00000259_post_disaster,0,0,train\masks\hurricane-matthew_00000259_post_disaster.png,0,0,4,852,00000259 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000259_pre_disaster.png,hurricane-matthew_00000259_pre_disaster,0,0,train\masks\hurricane-matthew_00000259_pre_disaster.png,0,0,4,852,00000259 +43,19249,hurricane-matthew,post,train,train\images\hurricane-matthew_00000260_post_disaster.png,hurricane-matthew_00000260_post_disaster,12,6758,train\masks\hurricane-matthew_00000260_post_disaster.png,13,10010,8,4083,00000260 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000260_pre_disaster.png,hurricane-matthew_00000260_pre_disaster,0,0,train\masks\hurricane-matthew_00000260_pre_disaster.png,0,0,76,40187,00000260 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000261_post_disaster.png,hurricane-matthew_00000261_post_disaster,5,936,train\masks\hurricane-matthew_00000261_post_disaster.png,1,271,6,1233,00000261 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000261_pre_disaster.png,hurricane-matthew_00000261_pre_disaster,0,0,train\masks\hurricane-matthew_00000261_pre_disaster.png,0,0,12,2440,00000261 +24,4048,hurricane-matthew,post,train,train\images\hurricane-matthew_00000263_post_disaster.png,hurricane-matthew_00000263_post_disaster,4,451,train\masks\hurricane-matthew_00000263_post_disaster.png,1,136,0,0,00000263 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000263_pre_disaster.png,hurricane-matthew_00000263_pre_disaster,0,0,train\masks\hurricane-matthew_00000263_pre_disaster.png,0,0,29,4635,00000263 +1,275,hurricane-matthew,post,train,train\images\hurricane-matthew_00000264_post_disaster.png,hurricane-matthew_00000264_post_disaster,0,0,train\masks\hurricane-matthew_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000264_pre_disaster.png,hurricane-matthew_00000264_pre_disaster,0,0,train\masks\hurricane-matthew_00000264_pre_disaster.png,0,0,1,275,00000264 +20,3063,hurricane-matthew,post,train,train\images\hurricane-matthew_00000265_post_disaster.png,hurricane-matthew_00000265_post_disaster,13,2955,train\masks\hurricane-matthew_00000265_post_disaster.png,2,399,3,758,00000265 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000265_pre_disaster.png,hurricane-matthew_00000265_pre_disaster,0,0,train\masks\hurricane-matthew_00000265_pre_disaster.png,0,0,38,7175,00000265 +2,629,hurricane-matthew,post,train,train\images\hurricane-matthew_00000268_post_disaster.png,hurricane-matthew_00000268_post_disaster,5,1180,train\masks\hurricane-matthew_00000268_post_disaster.png,0,0,3,339,00000268 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000268_pre_disaster.png,hurricane-matthew_00000268_pre_disaster,0,0,train\masks\hurricane-matthew_00000268_pre_disaster.png,0,0,10,2148,00000268 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000269_post_disaster.png,hurricane-matthew_00000269_post_disaster,0,0,train\masks\hurricane-matthew_00000269_post_disaster.png,0,0,0,0,00000269 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000269_pre_disaster.png,hurricane-matthew_00000269_pre_disaster,0,0,train\masks\hurricane-matthew_00000269_pre_disaster.png,0,0,0,0,00000269 +3,1117,hurricane-matthew,post,train,train\images\hurricane-matthew_00000271_post_disaster.png,hurricane-matthew_00000271_post_disaster,0,0,train\masks\hurricane-matthew_00000271_post_disaster.png,0,0,2,176,00000271 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000271_pre_disaster.png,hurricane-matthew_00000271_pre_disaster,0,0,train\masks\hurricane-matthew_00000271_pre_disaster.png,0,0,5,1317,00000271 +11,1866,hurricane-matthew,post,train,train\images\hurricane-matthew_00000275_post_disaster.png,hurricane-matthew_00000275_post_disaster,0,0,train\masks\hurricane-matthew_00000275_post_disaster.png,0,0,0,0,00000275 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000275_pre_disaster.png,hurricane-matthew_00000275_pre_disaster,0,0,train\masks\hurricane-matthew_00000275_pre_disaster.png,0,0,11,1866,00000275 +2,527,hurricane-matthew,post,train,train\images\hurricane-matthew_00000276_post_disaster.png,hurricane-matthew_00000276_post_disaster,2,308,train\masks\hurricane-matthew_00000276_post_disaster.png,0,0,5,459,00000276 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000276_pre_disaster.png,hurricane-matthew_00000276_pre_disaster,0,0,train\masks\hurricane-matthew_00000276_pre_disaster.png,0,0,9,1314,00000276 +3,793,hurricane-matthew,post,train,train\images\hurricane-matthew_00000278_post_disaster.png,hurricane-matthew_00000278_post_disaster,55,42010,train\masks\hurricane-matthew_00000278_post_disaster.png,10,5245,17,7477,00000278 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000278_pre_disaster.png,hurricane-matthew_00000278_pre_disaster,0,0,train\masks\hurricane-matthew_00000278_pre_disaster.png,0,0,84,55607,00000278 +18,2634,hurricane-matthew,post,train,train\images\hurricane-matthew_00000279_post_disaster.png,hurricane-matthew_00000279_post_disaster,4,659,train\masks\hurricane-matthew_00000279_post_disaster.png,2,324,0,0,00000279 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000279_pre_disaster.png,hurricane-matthew_00000279_pre_disaster,0,0,train\masks\hurricane-matthew_00000279_pre_disaster.png,0,0,24,3645,00000279 +11,1766,hurricane-matthew,post,train,train\images\hurricane-matthew_00000281_post_disaster.png,hurricane-matthew_00000281_post_disaster,1,70,train\masks\hurricane-matthew_00000281_post_disaster.png,1,130,0,0,00000281 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000281_pre_disaster.png,hurricane-matthew_00000281_pre_disaster,0,0,train\masks\hurricane-matthew_00000281_pre_disaster.png,0,0,13,1966,00000281 +9,1404,hurricane-matthew,post,train,train\images\hurricane-matthew_00000283_post_disaster.png,hurricane-matthew_00000283_post_disaster,4,929,train\masks\hurricane-matthew_00000283_post_disaster.png,1,156,0,0,00000283 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000283_pre_disaster.png,hurricane-matthew_00000283_pre_disaster,0,0,train\masks\hurricane-matthew_00000283_pre_disaster.png,0,0,13,2489,00000283 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000284_post_disaster.png,hurricane-matthew_00000284_post_disaster,2,613,train\masks\hurricane-matthew_00000284_post_disaster.png,0,0,1,150,00000284 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000284_pre_disaster.png,hurricane-matthew_00000284_pre_disaster,0,0,train\masks\hurricane-matthew_00000284_pre_disaster.png,0,0,3,801,00000284 +2,248,hurricane-matthew,post,train,train\images\hurricane-matthew_00000285_post_disaster.png,hurricane-matthew_00000285_post_disaster,0,0,train\masks\hurricane-matthew_00000285_post_disaster.png,2,547,5,814,00000285 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000285_pre_disaster.png,hurricane-matthew_00000285_pre_disaster,0,0,train\masks\hurricane-matthew_00000285_pre_disaster.png,0,0,9,1609,00000285 +1,228,hurricane-matthew,post,train,train\images\hurricane-matthew_00000287_post_disaster.png,hurricane-matthew_00000287_post_disaster,1,154,train\masks\hurricane-matthew_00000287_post_disaster.png,0,0,5,672,00000287 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000287_pre_disaster.png,hurricane-matthew_00000287_pre_disaster,0,0,train\masks\hurricane-matthew_00000287_pre_disaster.png,0,0,7,1054,00000287 +3,464,hurricane-matthew,post,train,train\images\hurricane-matthew_00000289_post_disaster.png,hurricane-matthew_00000289_post_disaster,7,1522,train\masks\hurricane-matthew_00000289_post_disaster.png,1,236,6,769,00000289 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000289_pre_disaster.png,hurricane-matthew_00000289_pre_disaster,0,0,train\masks\hurricane-matthew_00000289_pre_disaster.png,0,0,17,3028,00000289 +11,2070,hurricane-matthew,post,train,train\images\hurricane-matthew_00000293_post_disaster.png,hurricane-matthew_00000293_post_disaster,21,8463,train\masks\hurricane-matthew_00000293_post_disaster.png,7,1875,24,5104,00000293 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000293_pre_disaster.png,hurricane-matthew_00000293_pre_disaster,0,0,train\masks\hurricane-matthew_00000293_pre_disaster.png,0,0,59,17555,00000293 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000295_post_disaster.png,hurricane-matthew_00000295_post_disaster,0,0,train\masks\hurricane-matthew_00000295_post_disaster.png,0,0,6,1308,00000295 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000295_pre_disaster.png,hurricane-matthew_00000295_pre_disaster,0,0,train\masks\hurricane-matthew_00000295_pre_disaster.png,0,0,6,1308,00000295 +20,4904,hurricane-matthew,post,train,train\images\hurricane-matthew_00000296_post_disaster.png,hurricane-matthew_00000296_post_disaster,215,99432,train\masks\hurricane-matthew_00000296_post_disaster.png,35,22167,18,9978,00000296 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000296_pre_disaster.png,hurricane-matthew_00000296_pre_disaster,0,0,train\masks\hurricane-matthew_00000296_pre_disaster.png,0,0,278,136570,00000296 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000301_post_disaster.png,hurricane-matthew_00000301_post_disaster,2,549,train\masks\hurricane-matthew_00000301_post_disaster.png,0,0,1,269,00000301 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000301_pre_disaster.png,hurricane-matthew_00000301_pre_disaster,0,0,train\masks\hurricane-matthew_00000301_pre_disaster.png,0,0,3,818,00000301 +7,1737,hurricane-matthew,post,train,train\images\hurricane-matthew_00000302_post_disaster.png,hurricane-matthew_00000302_post_disaster,50,26147,train\masks\hurricane-matthew_00000302_post_disaster.png,45,24579,119,46882,00000302 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000302_pre_disaster.png,hurricane-matthew_00000302_pre_disaster,0,0,train\masks\hurricane-matthew_00000302_pre_disaster.png,0,0,190,99351,00000302 +1,249,hurricane-matthew,post,train,train\images\hurricane-matthew_00000303_post_disaster.png,hurricane-matthew_00000303_post_disaster,1,261,train\masks\hurricane-matthew_00000303_post_disaster.png,0,0,0,0,00000303 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000303_pre_disaster.png,hurricane-matthew_00000303_pre_disaster,0,0,train\masks\hurricane-matthew_00000303_pre_disaster.png,0,0,2,515,00000303 +7,1468,hurricane-matthew,post,train,train\images\hurricane-matthew_00000305_post_disaster.png,hurricane-matthew_00000305_post_disaster,14,3095,train\masks\hurricane-matthew_00000305_post_disaster.png,7,1486,8,1098,00000305 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000305_pre_disaster.png,hurricane-matthew_00000305_pre_disaster,0,0,train\masks\hurricane-matthew_00000305_pre_disaster.png,0,0,36,7147,00000305 +4,1757,hurricane-matthew,post,train,train\images\hurricane-matthew_00000306_post_disaster.png,hurricane-matthew_00000306_post_disaster,20,14288,train\masks\hurricane-matthew_00000306_post_disaster.png,14,6705,106,41505,00000306 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000306_pre_disaster.png,hurricane-matthew_00000306_pre_disaster,0,0,train\masks\hurricane-matthew_00000306_pre_disaster.png,0,0,129,64270,00000306 +9,2268,hurricane-matthew,post,train,train\images\hurricane-matthew_00000307_post_disaster.png,hurricane-matthew_00000307_post_disaster,12,2473,train\masks\hurricane-matthew_00000307_post_disaster.png,3,789,2,360,00000307 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000307_pre_disaster.png,hurricane-matthew_00000307_pre_disaster,0,0,train\masks\hurricane-matthew_00000307_pre_disaster.png,0,0,26,5890,00000307 +5,2105,hurricane-matthew,post,train,train\images\hurricane-matthew_00000310_post_disaster.png,hurricane-matthew_00000310_post_disaster,0,0,train\masks\hurricane-matthew_00000310_post_disaster.png,0,0,0,0,00000310 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000310_pre_disaster.png,hurricane-matthew_00000310_pre_disaster,0,0,train\masks\hurricane-matthew_00000310_pre_disaster.png,0,0,5,2172,00000310 +1,144,hurricane-matthew,post,train,train\images\hurricane-matthew_00000311_post_disaster.png,hurricane-matthew_00000311_post_disaster,2,2246,train\masks\hurricane-matthew_00000311_post_disaster.png,1,1108,136,51073,00000311 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000311_pre_disaster.png,hurricane-matthew_00000311_pre_disaster,0,0,train\masks\hurricane-matthew_00000311_pre_disaster.png,0,0,140,54638,00000311 +10,1567,hurricane-matthew,post,train,train\images\hurricane-matthew_00000312_post_disaster.png,hurricane-matthew_00000312_post_disaster,0,0,train\masks\hurricane-matthew_00000312_post_disaster.png,0,0,1,223,00000312 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000312_pre_disaster.png,hurricane-matthew_00000312_pre_disaster,0,0,train\masks\hurricane-matthew_00000312_pre_disaster.png,0,0,11,1806,00000312 +7,1167,hurricane-matthew,post,train,train\images\hurricane-matthew_00000314_post_disaster.png,hurricane-matthew_00000314_post_disaster,2,282,train\masks\hurricane-matthew_00000314_post_disaster.png,4,1167,0,0,00000314 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000314_pre_disaster.png,hurricane-matthew_00000314_pre_disaster,0,0,train\masks\hurricane-matthew_00000314_pre_disaster.png,0,0,13,2616,00000314 +13,4488,hurricane-matthew,post,train,train\images\hurricane-matthew_00000316_post_disaster.png,hurricane-matthew_00000316_post_disaster,14,2909,train\masks\hurricane-matthew_00000316_post_disaster.png,13,4687,18,3616,00000316 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000316_pre_disaster.png,hurricane-matthew_00000316_pre_disaster,0,0,train\masks\hurricane-matthew_00000316_pre_disaster.png,0,0,57,15700,00000316 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000319_post_disaster.png,hurricane-matthew_00000319_post_disaster,0,0,train\masks\hurricane-matthew_00000319_post_disaster.png,0,0,3,535,00000319 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000319_pre_disaster.png,hurricane-matthew_00000319_pre_disaster,0,0,train\masks\hurricane-matthew_00000319_pre_disaster.png,0,0,3,535,00000319 +1,186,hurricane-matthew,post,train,train\images\hurricane-matthew_00000321_post_disaster.png,hurricane-matthew_00000321_post_disaster,2,581,train\masks\hurricane-matthew_00000321_post_disaster.png,0,0,3,484,00000321 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000321_pre_disaster.png,hurricane-matthew_00000321_pre_disaster,0,0,train\masks\hurricane-matthew_00000321_pre_disaster.png,0,0,6,1251,00000321 +13,2573,hurricane-matthew,post,train,train\images\hurricane-matthew_00000322_post_disaster.png,hurricane-matthew_00000322_post_disaster,11,2603,train\masks\hurricane-matthew_00000322_post_disaster.png,3,874,0,0,00000322 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000322_pre_disaster.png,hurricane-matthew_00000322_pre_disaster,0,0,train\masks\hurricane-matthew_00000322_pre_disaster.png,0,0,27,6068,00000322 +20,3811,hurricane-matthew,post,train,train\images\hurricane-matthew_00000328_post_disaster.png,hurricane-matthew_00000328_post_disaster,1,180,train\masks\hurricane-matthew_00000328_post_disaster.png,6,2193,2,344,00000328 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000328_pre_disaster.png,hurricane-matthew_00000328_pre_disaster,0,0,train\masks\hurricane-matthew_00000328_pre_disaster.png,0,0,28,6528,00000328 +4,657,hurricane-matthew,post,train,train\images\hurricane-matthew_00000329_post_disaster.png,hurricane-matthew_00000329_post_disaster,14,5374,train\masks\hurricane-matthew_00000329_post_disaster.png,7,3461,6,1608,00000329 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000329_pre_disaster.png,hurricane-matthew_00000329_pre_disaster,0,0,train\masks\hurricane-matthew_00000329_pre_disaster.png,0,0,31,11100,00000329 +2,218,hurricane-matthew,post,train,train\images\hurricane-matthew_00000331_post_disaster.png,hurricane-matthew_00000331_post_disaster,4,1201,train\masks\hurricane-matthew_00000331_post_disaster.png,1,138,1,315,00000331 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000331_pre_disaster.png,hurricane-matthew_00000331_pre_disaster,0,0,train\masks\hurricane-matthew_00000331_pre_disaster.png,0,0,8,1872,00000331 +3,489,hurricane-matthew,post,train,train\images\hurricane-matthew_00000332_post_disaster.png,hurricane-matthew_00000332_post_disaster,1,182,train\masks\hurricane-matthew_00000332_post_disaster.png,0,0,0,0,00000332 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000332_pre_disaster.png,hurricane-matthew_00000332_pre_disaster,0,0,train\masks\hurricane-matthew_00000332_pre_disaster.png,0,0,4,671,00000332 +2,361,hurricane-matthew,post,train,train\images\hurricane-matthew_00000334_post_disaster.png,hurricane-matthew_00000334_post_disaster,1,356,train\masks\hurricane-matthew_00000334_post_disaster.png,0,0,0,0,00000334 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000334_pre_disaster.png,hurricane-matthew_00000334_pre_disaster,0,0,train\masks\hurricane-matthew_00000334_pre_disaster.png,0,0,3,717,00000334 +2,624,hurricane-matthew,post,train,train\images\hurricane-matthew_00000335_post_disaster.png,hurricane-matthew_00000335_post_disaster,15,9977,train\masks\hurricane-matthew_00000335_post_disaster.png,0,0,37,18410,00000335 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000335_pre_disaster.png,hurricane-matthew_00000335_pre_disaster,0,0,train\masks\hurricane-matthew_00000335_pre_disaster.png,0,0,54,29013,00000335 +13,3310,hurricane-matthew,post,train,train\images\hurricane-matthew_00000336_post_disaster.png,hurricane-matthew_00000336_post_disaster,0,0,train\masks\hurricane-matthew_00000336_post_disaster.png,0,0,5,782,00000336 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000336_pre_disaster.png,hurricane-matthew_00000336_pre_disaster,0,0,train\masks\hurricane-matthew_00000336_pre_disaster.png,0,0,18,4092,00000336 +6,1366,hurricane-matthew,post,train,train\images\hurricane-matthew_00000338_post_disaster.png,hurricane-matthew_00000338_post_disaster,43,11326,train\masks\hurricane-matthew_00000338_post_disaster.png,0,0,105,42353,00000338 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000338_pre_disaster.png,hurricane-matthew_00000338_pre_disaster,0,0,train\masks\hurricane-matthew_00000338_pre_disaster.png,0,0,154,55060,00000338 +7,1154,hurricane-matthew,post,train,train\images\hurricane-matthew_00000341_post_disaster.png,hurricane-matthew_00000341_post_disaster,7,1496,train\masks\hurricane-matthew_00000341_post_disaster.png,2,954,1,252,00000341 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000341_pre_disaster.png,hurricane-matthew_00000341_pre_disaster,0,0,train\masks\hurricane-matthew_00000341_pre_disaster.png,0,0,17,3889,00000341 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000343_post_disaster.png,hurricane-matthew_00000343_post_disaster,8,3500,train\masks\hurricane-matthew_00000343_post_disaster.png,1,824,2,486,00000343 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000343_pre_disaster.png,hurricane-matthew_00000343_pre_disaster,0,0,train\masks\hurricane-matthew_00000343_pre_disaster.png,0,0,10,4807,00000343 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000346_post_disaster.png,hurricane-matthew_00000346_post_disaster,279,102818,train\masks\hurricane-matthew_00000346_post_disaster.png,0,0,4,2729,00000346 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000346_pre_disaster.png,hurricane-matthew_00000346_pre_disaster,0,0,train\masks\hurricane-matthew_00000346_pre_disaster.png,0,0,283,105671,00000346 +6,1505,hurricane-matthew,post,train,train\images\hurricane-matthew_00000347_post_disaster.png,hurricane-matthew_00000347_post_disaster,18,9980,train\masks\hurricane-matthew_00000347_post_disaster.png,3,2595,10,3960,00000347 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000347_pre_disaster.png,hurricane-matthew_00000347_pre_disaster,0,0,train\masks\hurricane-matthew_00000347_pre_disaster.png,0,0,37,18118,00000347 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000350_post_disaster.png,hurricane-matthew_00000350_post_disaster,0,0,train\masks\hurricane-matthew_00000350_post_disaster.png,0,0,1,114,00000350 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000350_pre_disaster.png,hurricane-matthew_00000350_pre_disaster,0,0,train\masks\hurricane-matthew_00000350_pre_disaster.png,0,0,1,111,00000350 +1,289,hurricane-matthew,post,train,train\images\hurricane-matthew_00000353_post_disaster.png,hurricane-matthew_00000353_post_disaster,5,1162,train\masks\hurricane-matthew_00000353_post_disaster.png,1,137,61,12621,00000353 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000353_pre_disaster.png,hurricane-matthew_00000353_pre_disaster,0,0,train\masks\hurricane-matthew_00000353_pre_disaster.png,0,0,67,14209,00000353 +2,192,hurricane-matthew,post,train,train\images\hurricane-matthew_00000354_post_disaster.png,hurricane-matthew_00000354_post_disaster,4,918,train\masks\hurricane-matthew_00000354_post_disaster.png,2,327,3,916,00000354 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000354_pre_disaster.png,hurricane-matthew_00000354_pre_disaster,0,0,train\masks\hurricane-matthew_00000354_pre_disaster.png,0,0,11,2353,00000354 +4,1686,hurricane-matthew,post,train,train\images\hurricane-matthew_00000355_post_disaster.png,hurricane-matthew_00000355_post_disaster,60,35052,train\masks\hurricane-matthew_00000355_post_disaster.png,62,29625,5,1057,00000355 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000355_pre_disaster.png,hurricane-matthew_00000355_pre_disaster,0,0,train\masks\hurricane-matthew_00000355_pre_disaster.png,0,0,123,67420,00000355 +5,660,hurricane-matthew,post,train,train\images\hurricane-matthew_00000360_post_disaster.png,hurricane-matthew_00000360_post_disaster,1,184,train\masks\hurricane-matthew_00000360_post_disaster.png,2,615,108,34285,00000360 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000360_pre_disaster.png,hurricane-matthew_00000360_pre_disaster,0,0,train\masks\hurricane-matthew_00000360_pre_disaster.png,0,0,116,35753,00000360 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000362_post_disaster.png,hurricane-matthew_00000362_post_disaster,0,0,train\masks\hurricane-matthew_00000362_post_disaster.png,0,0,0,0,00000362 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000362_pre_disaster.png,hurricane-matthew_00000362_pre_disaster,0,0,train\masks\hurricane-matthew_00000362_pre_disaster.png,0,0,0,0,00000362 +2,395,hurricane-matthew,post,train,train\images\hurricane-matthew_00000363_post_disaster.png,hurricane-matthew_00000363_post_disaster,0,0,train\masks\hurricane-matthew_00000363_post_disaster.png,2,379,2,149,00000363 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000363_pre_disaster.png,hurricane-matthew_00000363_pre_disaster,0,0,train\masks\hurricane-matthew_00000363_pre_disaster.png,0,0,6,923,00000363 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000364_post_disaster.png,hurricane-matthew_00000364_post_disaster,6,14678,train\masks\hurricane-matthew_00000364_post_disaster.png,3,2411,23,10498,00000364 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000364_pre_disaster.png,hurricane-matthew_00000364_pre_disaster,0,0,train\masks\hurricane-matthew_00000364_pre_disaster.png,0,0,30,27609,00000364 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000365_post_disaster.png,hurricane-matthew_00000365_post_disaster,2,489,train\masks\hurricane-matthew_00000365_post_disaster.png,0,0,5,791,00000365 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000365_pre_disaster.png,hurricane-matthew_00000365_pre_disaster,0,0,train\masks\hurricane-matthew_00000365_pre_disaster.png,0,0,7,1296,00000365 +10,1669,hurricane-matthew,post,train,train\images\hurricane-matthew_00000366_post_disaster.png,hurricane-matthew_00000366_post_disaster,1,492,train\masks\hurricane-matthew_00000366_post_disaster.png,2,364,0,0,00000366 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000366_pre_disaster.png,hurricane-matthew_00000366_pre_disaster,0,0,train\masks\hurricane-matthew_00000366_pre_disaster.png,0,0,13,2525,00000366 +2,761,hurricane-matthew,post,train,train\images\hurricane-matthew_00000367_post_disaster.png,hurricane-matthew_00000367_post_disaster,7,2923,train\masks\hurricane-matthew_00000367_post_disaster.png,6,4388,119,49716,00000367 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000367_pre_disaster.png,hurricane-matthew_00000367_pre_disaster,0,0,train\masks\hurricane-matthew_00000367_pre_disaster.png,0,0,130,57788,00000367 +20,6829,hurricane-matthew,post,train,train\images\hurricane-matthew_00000368_post_disaster.png,hurricane-matthew_00000368_post_disaster,222,158518,train\masks\hurricane-matthew_00000368_post_disaster.png,39,22739,11,4000,00000368 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000368_pre_disaster.png,hurricane-matthew_00000368_pre_disaster,0,0,train\masks\hurricane-matthew_00000368_pre_disaster.png,0,0,283,192240,00000368 +4,1304,hurricane-matthew,post,train,train\images\hurricane-matthew_00000369_post_disaster.png,hurricane-matthew_00000369_post_disaster,6,1071,train\masks\hurricane-matthew_00000369_post_disaster.png,4,1323,2,220,00000369 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000369_pre_disaster.png,hurricane-matthew_00000369_pre_disaster,0,0,train\masks\hurricane-matthew_00000369_pre_disaster.png,0,0,16,3918,00000369 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000370_post_disaster.png,hurricane-matthew_00000370_post_disaster,0,0,train\masks\hurricane-matthew_00000370_post_disaster.png,0,0,0,0,00000370 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000370_pre_disaster.png,hurricane-matthew_00000370_pre_disaster,0,0,train\masks\hurricane-matthew_00000370_pre_disaster.png,0,0,0,0,00000370 +14,4087,hurricane-matthew,post,train,train\images\hurricane-matthew_00000372_post_disaster.png,hurricane-matthew_00000372_post_disaster,156,86062,train\masks\hurricane-matthew_00000372_post_disaster.png,29,23830,5,1367,00000372 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000372_pre_disaster.png,hurricane-matthew_00000372_pre_disaster,0,0,train\masks\hurricane-matthew_00000372_pre_disaster.png,0,0,188,115528,00000372 +1,319,hurricane-matthew,post,train,train\images\hurricane-matthew_00000373_post_disaster.png,hurricane-matthew_00000373_post_disaster,46,16269,train\masks\hurricane-matthew_00000373_post_disaster.png,13,5389,67,22499,00000373 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000373_pre_disaster.png,hurricane-matthew_00000373_pre_disaster,0,0,train\masks\hurricane-matthew_00000373_pre_disaster.png,0,0,110,44490,00000373 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000375_post_disaster.png,hurricane-matthew_00000375_post_disaster,0,0,train\masks\hurricane-matthew_00000375_post_disaster.png,0,0,1,151,00000375 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000375_pre_disaster.png,hurricane-matthew_00000375_pre_disaster,0,0,train\masks\hurricane-matthew_00000375_pre_disaster.png,0,0,1,151,00000375 +21,3777,hurricane-matthew,post,train,train\images\hurricane-matthew_00000376_post_disaster.png,hurricane-matthew_00000376_post_disaster,1,286,train\masks\hurricane-matthew_00000376_post_disaster.png,6,1770,0,0,00000376 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000376_pre_disaster.png,hurricane-matthew_00000376_pre_disaster,0,0,train\masks\hurricane-matthew_00000376_pre_disaster.png,0,0,28,5842,00000376 +4,767,hurricane-matthew,post,train,train\images\hurricane-matthew_00000379_post_disaster.png,hurricane-matthew_00000379_post_disaster,0,0,train\masks\hurricane-matthew_00000379_post_disaster.png,3,1796,1,78,00000379 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000379_pre_disaster.png,hurricane-matthew_00000379_pre_disaster,0,0,train\masks\hurricane-matthew_00000379_pre_disaster.png,0,0,8,2641,00000379 +46,15091,hurricane-matthew,post,train,train\images\hurricane-matthew_00000380_post_disaster.png,hurricane-matthew_00000380_post_disaster,0,0,train\masks\hurricane-matthew_00000380_post_disaster.png,10,4160,0,0,00000380 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000380_pre_disaster.png,hurricane-matthew_00000380_pre_disaster,0,0,train\masks\hurricane-matthew_00000380_pre_disaster.png,0,0,55,19241,00000380 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000381_post_disaster.png,hurricane-matthew_00000381_post_disaster,0,0,train\masks\hurricane-matthew_00000381_post_disaster.png,0,0,0,0,00000381 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000381_pre_disaster.png,hurricane-matthew_00000381_pre_disaster,0,0,train\masks\hurricane-matthew_00000381_pre_disaster.png,0,0,0,0,00000381 +11,2689,hurricane-matthew,post,train,train\images\hurricane-matthew_00000384_post_disaster.png,hurricane-matthew_00000384_post_disaster,0,0,train\masks\hurricane-matthew_00000384_post_disaster.png,1,344,0,0,00000384 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000384_pre_disaster.png,hurricane-matthew_00000384_pre_disaster,0,0,train\masks\hurricane-matthew_00000384_pre_disaster.png,0,0,12,3033,00000384 +76,42417,hurricane-matthew,post,train,train\images\hurricane-matthew_00000385_post_disaster.png,hurricane-matthew_00000385_post_disaster,2,889,train\masks\hurricane-matthew_00000385_post_disaster.png,14,9917,0,0,00000385 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000385_pre_disaster.png,hurricane-matthew_00000385_pre_disaster,0,0,train\masks\hurricane-matthew_00000385_pre_disaster.png,0,0,85,53287,00000385 +37,9626,hurricane-matthew,post,train,train\images\hurricane-matthew_00000387_post_disaster.png,hurricane-matthew_00000387_post_disaster,0,0,train\masks\hurricane-matthew_00000387_post_disaster.png,5,1805,2,831,00000387 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000387_pre_disaster.png,hurricane-matthew_00000387_pre_disaster,0,0,train\masks\hurricane-matthew_00000387_pre_disaster.png,0,0,44,12321,00000387 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000388_post_disaster.png,hurricane-matthew_00000388_post_disaster,0,0,train\masks\hurricane-matthew_00000388_post_disaster.png,0,0,0,0,00000388 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000388_pre_disaster.png,hurricane-matthew_00000388_pre_disaster,0,0,train\masks\hurricane-matthew_00000388_pre_disaster.png,0,0,0,0,00000388 +24,5395,hurricane-matthew,post,train,train\images\hurricane-matthew_00000390_post_disaster.png,hurricane-matthew_00000390_post_disaster,0,0,train\masks\hurricane-matthew_00000390_post_disaster.png,1,346,0,0,00000390 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000390_pre_disaster.png,hurricane-matthew_00000390_pre_disaster,0,0,train\masks\hurricane-matthew_00000390_pre_disaster.png,0,0,24,5741,00000390 +35,10837,hurricane-matthew,post,train,train\images\hurricane-matthew_00000392_post_disaster.png,hurricane-matthew_00000392_post_disaster,1,262,train\masks\hurricane-matthew_00000392_post_disaster.png,6,1226,0,0,00000392 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000392_pre_disaster.png,hurricane-matthew_00000392_pre_disaster,0,0,train\masks\hurricane-matthew_00000392_pre_disaster.png,0,0,42,12325,00000392 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000393_post_disaster.png,hurricane-matthew_00000393_post_disaster,0,0,train\masks\hurricane-matthew_00000393_post_disaster.png,0,0,0,0,00000393 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000393_pre_disaster.png,hurricane-matthew_00000393_pre_disaster,0,0,train\masks\hurricane-matthew_00000393_pre_disaster.png,0,0,0,0,00000393 +18,5253,hurricane-matthew,post,train,train\images\hurricane-matthew_00000398_post_disaster.png,hurricane-matthew_00000398_post_disaster,5,2152,train\masks\hurricane-matthew_00000398_post_disaster.png,14,4833,0,0,00000398 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000398_pre_disaster.png,hurricane-matthew_00000398_pre_disaster,0,0,train\masks\hurricane-matthew_00000398_pre_disaster.png,0,0,35,12238,00000398 +51,19195,hurricane-matthew,post,train,train\images\hurricane-matthew_00000399_post_disaster.png,hurricane-matthew_00000399_post_disaster,2,330,train\masks\hurricane-matthew_00000399_post_disaster.png,6,3527,3,544,00000399 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000399_pre_disaster.png,hurricane-matthew_00000399_pre_disaster,0,0,train\masks\hurricane-matthew_00000399_pre_disaster.png,0,0,61,23617,00000399 +45,16398,hurricane-matthew,post,train,train\images\hurricane-matthew_00000400_post_disaster.png,hurricane-matthew_00000400_post_disaster,0,0,train\masks\hurricane-matthew_00000400_post_disaster.png,14,5480,1,376,00000400 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000400_pre_disaster.png,hurricane-matthew_00000400_pre_disaster,0,0,train\masks\hurricane-matthew_00000400_pre_disaster.png,0,0,53,22254,00000400 +68,20413,hurricane-matthew,post,train,train\images\hurricane-matthew_00000401_post_disaster.png,hurricane-matthew_00000401_post_disaster,0,0,train\masks\hurricane-matthew_00000401_post_disaster.png,7,2075,0,0,00000401 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000401_pre_disaster.png,hurricane-matthew_00000401_pre_disaster,0,0,train\masks\hurricane-matthew_00000401_pre_disaster.png,0,0,74,22506,00000401 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000402_post_disaster.png,hurricane-matthew_00000402_post_disaster,0,0,train\masks\hurricane-matthew_00000402_post_disaster.png,0,0,0,0,00000402 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000402_pre_disaster.png,hurricane-matthew_00000402_pre_disaster,0,0,train\masks\hurricane-matthew_00000402_pre_disaster.png,0,0,0,0,00000402 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000000_post_disaster.png,hurricane-michael_00000000_post_disaster,10,13721,train\masks\hurricane-michael_00000000_post_disaster.png,0,0,43,49196,00000000 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000000_pre_disaster.png,hurricane-michael_00000000_pre_disaster,0,0,train\masks\hurricane-michael_00000000_pre_disaster.png,0,0,53,63024,00000000 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000001_post_disaster.png,hurricane-michael_00000001_post_disaster,43,71364,train\masks\hurricane-michael_00000001_post_disaster.png,0,0,50,82434,00000001 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000001_pre_disaster.png,hurricane-michael_00000001_pre_disaster,0,0,train\masks\hurricane-michael_00000001_pre_disaster.png,0,0,93,153860,00000001 +1,324,hurricane-michael,post,train,train\images\hurricane-michael_00000003_post_disaster.png,hurricane-michael_00000003_post_disaster,31,51991,train\masks\hurricane-michael_00000003_post_disaster.png,3,3453,0,0,00000003 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000003_pre_disaster.png,hurricane-michael_00000003_pre_disaster,0,0,train\masks\hurricane-michael_00000003_pre_disaster.png,0,0,35,55852,00000003 +1,853,hurricane-michael,post,train,train\images\hurricane-michael_00000004_post_disaster.png,hurricane-michael_00000004_post_disaster,2,2004,train\masks\hurricane-michael_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000004_pre_disaster.png,hurricane-michael_00000004_pre_disaster,0,0,train\masks\hurricane-michael_00000004_pre_disaster.png,0,0,3,2843,00000004 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000005_post_disaster.png,hurricane-michael_00000005_post_disaster,0,0,train\masks\hurricane-michael_00000005_post_disaster.png,0,0,2,1013,00000005 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000005_pre_disaster.png,hurricane-michael_00000005_pre_disaster,0,0,train\masks\hurricane-michael_00000005_pre_disaster.png,0,0,2,1013,00000005 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000008_post_disaster.png,hurricane-michael_00000008_post_disaster,6,22065,train\masks\hurricane-michael_00000008_post_disaster.png,0,0,20,35977,00000008 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000008_pre_disaster.png,hurricane-michael_00000008_pre_disaster,0,0,train\masks\hurricane-michael_00000008_pre_disaster.png,0,0,26,58062,00000008 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000009_post_disaster.png,hurricane-michael_00000009_post_disaster,4,4174,train\masks\hurricane-michael_00000009_post_disaster.png,1,994,12,8869,00000009 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000009_pre_disaster.png,hurricane-michael_00000009_pre_disaster,0,0,train\masks\hurricane-michael_00000009_pre_disaster.png,0,0,17,14041,00000009 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000010_post_disaster.png,hurricane-michael_00000010_post_disaster,2,2599,train\masks\hurricane-michael_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000010_pre_disaster.png,hurricane-michael_00000010_pre_disaster,0,0,train\masks\hurricane-michael_00000010_pre_disaster.png,0,0,2,2599,00000010 +2,474,hurricane-michael,post,train,train\images\hurricane-michael_00000011_post_disaster.png,hurricane-michael_00000011_post_disaster,6,9428,train\masks\hurricane-michael_00000011_post_disaster.png,0,0,49,61275,00000011 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000011_pre_disaster.png,hurricane-michael_00000011_pre_disaster,0,0,train\masks\hurricane-michael_00000011_pre_disaster.png,0,0,57,71236,00000011 +6,1543,hurricane-michael,post,train,train\images\hurricane-michael_00000012_post_disaster.png,hurricane-michael_00000012_post_disaster,12,16078,train\masks\hurricane-michael_00000012_post_disaster.png,5,10878,38,41458,00000012 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000012_pre_disaster.png,hurricane-michael_00000012_pre_disaster,0,0,train\masks\hurricane-michael_00000012_pre_disaster.png,0,0,61,69962,00000012 +3,409,hurricane-michael,post,train,train\images\hurricane-michael_00000013_post_disaster.png,hurricane-michael_00000013_post_disaster,0,0,train\masks\hurricane-michael_00000013_post_disaster.png,0,0,0,0,00000013 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000013_pre_disaster.png,hurricane-michael_00000013_pre_disaster,0,0,train\masks\hurricane-michael_00000013_pre_disaster.png,0,0,3,409,00000013 +2,1002,hurricane-michael,post,train,train\images\hurricane-michael_00000014_post_disaster.png,hurricane-michael_00000014_post_disaster,17,28478,train\masks\hurricane-michael_00000014_post_disaster.png,4,4150,78,87726,00000014 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000014_pre_disaster.png,hurricane-michael_00000014_pre_disaster,0,0,train\masks\hurricane-michael_00000014_pre_disaster.png,0,0,99,121545,00000014 +1,250,hurricane-michael,post,train,train\images\hurricane-michael_00000016_post_disaster.png,hurricane-michael_00000016_post_disaster,20,24869,train\masks\hurricane-michael_00000016_post_disaster.png,3,2892,77,82106,00000016 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000016_pre_disaster.png,hurricane-michael_00000016_pre_disaster,0,0,train\masks\hurricane-michael_00000016_pre_disaster.png,0,0,101,110117,00000016 +5,2767,hurricane-michael,post,train,train\images\hurricane-michael_00000017_post_disaster.png,hurricane-michael_00000017_post_disaster,3,5454,train\masks\hurricane-michael_00000017_post_disaster.png,2,672,0,0,00000017 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000017_pre_disaster.png,hurricane-michael_00000017_pre_disaster,0,0,train\masks\hurricane-michael_00000017_pre_disaster.png,0,0,10,8930,00000017 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000020_post_disaster.png,hurricane-michael_00000020_post_disaster,0,0,train\masks\hurricane-michael_00000020_post_disaster.png,0,0,2,299,00000020 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000020_pre_disaster.png,hurricane-michael_00000020_pre_disaster,0,0,train\masks\hurricane-michael_00000020_pre_disaster.png,0,0,2,299,00000020 +2,1390,hurricane-michael,post,train,train\images\hurricane-michael_00000021_post_disaster.png,hurricane-michael_00000021_post_disaster,56,50164,train\masks\hurricane-michael_00000021_post_disaster.png,3,2240,30,37454,00000021 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000021_pre_disaster.png,hurricane-michael_00000021_pre_disaster,0,0,train\masks\hurricane-michael_00000021_pre_disaster.png,0,0,91,91349,00000021 +3,572,hurricane-michael,post,train,train\images\hurricane-michael_00000024_post_disaster.png,hurricane-michael_00000024_post_disaster,0,0,train\masks\hurricane-michael_00000024_post_disaster.png,0,0,3,1913,00000024 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000024_pre_disaster.png,hurricane-michael_00000024_pre_disaster,0,0,train\masks\hurricane-michael_00000024_pre_disaster.png,0,0,5,2485,00000024 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000025_post_disaster.png,hurricane-michael_00000025_post_disaster,0,0,train\masks\hurricane-michael_00000025_post_disaster.png,0,0,0,0,00000025 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000025_pre_disaster.png,hurricane-michael_00000025_pre_disaster,0,0,train\masks\hurricane-michael_00000025_pre_disaster.png,0,0,0,0,00000025 +1,635,hurricane-michael,post,train,train\images\hurricane-michael_00000028_post_disaster.png,hurricane-michael_00000028_post_disaster,2,1751,train\masks\hurricane-michael_00000028_post_disaster.png,2,1024,3,1104,00000028 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000028_pre_disaster.png,hurricane-michael_00000028_pre_disaster,0,0,train\masks\hurricane-michael_00000028_pre_disaster.png,0,0,8,4502,00000028 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000029_post_disaster.png,hurricane-michael_00000029_post_disaster,0,0,train\masks\hurricane-michael_00000029_post_disaster.png,0,0,0,0,00000029 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000029_pre_disaster.png,hurricane-michael_00000029_pre_disaster,0,0,train\masks\hurricane-michael_00000029_pre_disaster.png,0,0,0,0,00000029 +1,1456,hurricane-michael,post,train,train\images\hurricane-michael_00000034_post_disaster.png,hurricane-michael_00000034_post_disaster,18,33299,train\masks\hurricane-michael_00000034_post_disaster.png,4,15842,13,22763,00000034 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000034_pre_disaster.png,hurricane-michael_00000034_pre_disaster,0,0,train\masks\hurricane-michael_00000034_pre_disaster.png,0,0,36,73465,00000034 +3,1836,hurricane-michael,post,train,train\images\hurricane-michael_00000035_post_disaster.png,hurricane-michael_00000035_post_disaster,10,51468,train\masks\hurricane-michael_00000035_post_disaster.png,5,5769,35,52984,00000035 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000035_pre_disaster.png,hurricane-michael_00000035_pre_disaster,0,0,train\masks\hurricane-michael_00000035_pre_disaster.png,0,0,53,112136,00000035 +1,1101,hurricane-michael,post,train,train\images\hurricane-michael_00000036_post_disaster.png,hurricane-michael_00000036_post_disaster,17,21335,train\masks\hurricane-michael_00000036_post_disaster.png,4,6134,8,10388,00000036 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000036_pre_disaster.png,hurricane-michael_00000036_pre_disaster,0,0,train\masks\hurricane-michael_00000036_pre_disaster.png,0,0,30,39017,00000036 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000038_post_disaster.png,hurricane-michael_00000038_post_disaster,0,0,train\masks\hurricane-michael_00000038_post_disaster.png,0,0,0,0,00000038 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000038_pre_disaster.png,hurricane-michael_00000038_pre_disaster,0,0,train\masks\hurricane-michael_00000038_pre_disaster.png,0,0,0,0,00000038 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000039_post_disaster.png,hurricane-michael_00000039_post_disaster,8,38489,train\masks\hurricane-michael_00000039_post_disaster.png,0,0,16,25828,00000039 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000039_pre_disaster.png,hurricane-michael_00000039_pre_disaster,0,0,train\masks\hurricane-michael_00000039_pre_disaster.png,0,0,24,64464,00000039 +1,413,hurricane-michael,post,train,train\images\hurricane-michael_00000040_post_disaster.png,hurricane-michael_00000040_post_disaster,7,59500,train\masks\hurricane-michael_00000040_post_disaster.png,3,5135,16,46322,00000040 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000040_pre_disaster.png,hurricane-michael_00000040_pre_disaster,0,0,train\masks\hurricane-michael_00000040_pre_disaster.png,0,0,27,111370,00000040 +1,1210,hurricane-michael,post,train,train\images\hurricane-michael_00000041_post_disaster.png,hurricane-michael_00000041_post_disaster,18,22735,train\masks\hurricane-michael_00000041_post_disaster.png,0,0,106,120733,00000041 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000041_pre_disaster.png,hurricane-michael_00000041_pre_disaster,0,0,train\masks\hurricane-michael_00000041_pre_disaster.png,0,0,123,144912,00000041 +1,944,hurricane-michael,post,train,train\images\hurricane-michael_00000043_post_disaster.png,hurricane-michael_00000043_post_disaster,52,88831,train\masks\hurricane-michael_00000043_post_disaster.png,1,1359,37,52203,00000043 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000043_pre_disaster.png,hurricane-michael_00000043_pre_disaster,0,0,train\masks\hurricane-michael_00000043_pre_disaster.png,0,0,87,143402,00000043 +2,1747,hurricane-michael,post,train,train\images\hurricane-michael_00000044_post_disaster.png,hurricane-michael_00000044_post_disaster,8,15821,train\masks\hurricane-michael_00000044_post_disaster.png,4,4367,5,6364,00000044 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000044_pre_disaster.png,hurricane-michael_00000044_pre_disaster,0,0,train\masks\hurricane-michael_00000044_pre_disaster.png,0,0,19,28451,00000044 +11,2774,hurricane-michael,post,train,train\images\hurricane-michael_00000045_post_disaster.png,hurricane-michael_00000045_post_disaster,23,38158,train\masks\hurricane-michael_00000045_post_disaster.png,0,0,6,12684,00000045 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000045_pre_disaster.png,hurricane-michael_00000045_pre_disaster,0,0,train\masks\hurricane-michael_00000045_pre_disaster.png,0,0,40,53750,00000045 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000046_post_disaster.png,hurricane-michael_00000046_post_disaster,33,59609,train\masks\hurricane-michael_00000046_post_disaster.png,1,1540,23,38013,00000046 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000046_pre_disaster.png,hurricane-michael_00000046_pre_disaster,0,0,train\masks\hurricane-michael_00000046_pre_disaster.png,0,0,57,99166,00000046 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000047_post_disaster.png,hurricane-michael_00000047_post_disaster,2,3579,train\masks\hurricane-michael_00000047_post_disaster.png,2,5476,5,5873,00000047 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000047_pre_disaster.png,hurricane-michael_00000047_pre_disaster,0,0,train\masks\hurricane-michael_00000047_pre_disaster.png,0,0,8,14928,00000047 +1,1146,hurricane-michael,post,train,train\images\hurricane-michael_00000048_post_disaster.png,hurricane-michael_00000048_post_disaster,13,52859,train\masks\hurricane-michael_00000048_post_disaster.png,1,682,10,12144,00000048 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000048_pre_disaster.png,hurricane-michael_00000048_pre_disaster,0,0,train\masks\hurricane-michael_00000048_pre_disaster.png,0,0,25,66841,00000048 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000049_post_disaster.png,hurricane-michael_00000049_post_disaster,26,30703,train\masks\hurricane-michael_00000049_post_disaster.png,9,12714,82,85705,00000049 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000049_pre_disaster.png,hurricane-michael_00000049_pre_disaster,0,0,train\masks\hurricane-michael_00000049_pre_disaster.png,0,0,117,129214,00000049 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000050_post_disaster.png,hurricane-michael_00000050_post_disaster,6,28540,train\masks\hurricane-michael_00000050_post_disaster.png,0,0,11,23203,00000050 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000050_pre_disaster.png,hurricane-michael_00000050_pre_disaster,0,0,train\masks\hurricane-michael_00000050_pre_disaster.png,0,0,17,51786,00000050 +2,355,hurricane-michael,post,train,train\images\hurricane-michael_00000051_post_disaster.png,hurricane-michael_00000051_post_disaster,32,49204,train\masks\hurricane-michael_00000051_post_disaster.png,10,35770,52,70430,00000051 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000051_pre_disaster.png,hurricane-michael_00000051_pre_disaster,0,0,train\masks\hurricane-michael_00000051_pre_disaster.png,0,0,95,155792,00000051 +11,2488,hurricane-michael,post,train,train\images\hurricane-michael_00000052_post_disaster.png,hurricane-michael_00000052_post_disaster,2,2340,train\masks\hurricane-michael_00000052_post_disaster.png,1,535,7,6941,00000052 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000052_pre_disaster.png,hurricane-michael_00000052_pre_disaster,0,0,train\masks\hurricane-michael_00000052_pre_disaster.png,0,0,21,12304,00000052 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000053_post_disaster.png,hurricane-michael_00000053_post_disaster,0,0,train\masks\hurricane-michael_00000053_post_disaster.png,0,0,0,0,00000053 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000053_pre_disaster.png,hurricane-michael_00000053_pre_disaster,0,0,train\masks\hurricane-michael_00000053_pre_disaster.png,0,0,0,0,00000053 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000056_post_disaster.png,hurricane-michael_00000056_post_disaster,9,16328,train\masks\hurricane-michael_00000056_post_disaster.png,4,6461,44,52460,00000056 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000056_pre_disaster.png,hurricane-michael_00000056_pre_disaster,0,0,train\masks\hurricane-michael_00000056_pre_disaster.png,0,0,57,75305,00000056 +4,2703,hurricane-michael,post,train,train\images\hurricane-michael_00000058_post_disaster.png,hurricane-michael_00000058_post_disaster,9,11625,train\masks\hurricane-michael_00000058_post_disaster.png,6,5603,48,74753,00000058 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000058_pre_disaster.png,hurricane-michael_00000058_pre_disaster,0,0,train\masks\hurricane-michael_00000058_pre_disaster.png,0,0,63,94835,00000058 +3,28287,hurricane-michael,post,train,train\images\hurricane-michael_00000059_post_disaster.png,hurricane-michael_00000059_post_disaster,8,4387,train\masks\hurricane-michael_00000059_post_disaster.png,5,9516,40,103647,00000059 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000059_pre_disaster.png,hurricane-michael_00000059_pre_disaster,0,0,train\masks\hurricane-michael_00000059_pre_disaster.png,0,0,56,146053,00000059 +1,1513,hurricane-michael,post,train,train\images\hurricane-michael_00000060_post_disaster.png,hurricane-michael_00000060_post_disaster,14,26188,train\masks\hurricane-michael_00000060_post_disaster.png,5,7449,90,102116,00000060 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000060_pre_disaster.png,hurricane-michael_00000060_pre_disaster,0,0,train\masks\hurricane-michael_00000060_pre_disaster.png,0,0,109,137270,00000060 +8,4587,hurricane-michael,post,train,train\images\hurricane-michael_00000061_post_disaster.png,hurricane-michael_00000061_post_disaster,12,16364,train\masks\hurricane-michael_00000061_post_disaster.png,1,641,31,31478,00000061 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000061_pre_disaster.png,hurricane-michael_00000061_pre_disaster,0,0,train\masks\hurricane-michael_00000061_pre_disaster.png,0,0,52,53070,00000061 +2,628,hurricane-michael,post,train,train\images\hurricane-michael_00000066_post_disaster.png,hurricane-michael_00000066_post_disaster,1,12429,train\masks\hurricane-michael_00000066_post_disaster.png,0,0,3,28911,00000066 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000066_pre_disaster.png,hurricane-michael_00000066_pre_disaster,0,0,train\masks\hurricane-michael_00000066_pre_disaster.png,0,0,4,41968,00000066 +2,4536,hurricane-michael,post,train,train\images\hurricane-michael_00000067_post_disaster.png,hurricane-michael_00000067_post_disaster,3,2730,train\masks\hurricane-michael_00000067_post_disaster.png,2,1219,73,99855,00000067 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000067_pre_disaster.png,hurricane-michael_00000067_pre_disaster,0,0,train\masks\hurricane-michael_00000067_pre_disaster.png,0,0,79,108324,00000067 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000068_post_disaster.png,hurricane-michael_00000068_post_disaster,6,26305,train\masks\hurricane-michael_00000068_post_disaster.png,2,8657,36,88379,00000068 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000068_pre_disaster.png,hurricane-michael_00000068_pre_disaster,0,0,train\masks\hurricane-michael_00000068_pre_disaster.png,0,0,44,123356,00000068 +1,164,hurricane-michael,post,train,train\images\hurricane-michael_00000072_post_disaster.png,hurricane-michael_00000072_post_disaster,18,26249,train\masks\hurricane-michael_00000072_post_disaster.png,4,2872,66,52908,00000072 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000072_pre_disaster.png,hurricane-michael_00000072_pre_disaster,0,0,train\masks\hurricane-michael_00000072_pre_disaster.png,0,0,89,82262,00000072 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000075_post_disaster.png,hurricane-michael_00000075_post_disaster,10,15991,train\masks\hurricane-michael_00000075_post_disaster.png,0,0,38,99809,00000075 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000075_pre_disaster.png,hurricane-michael_00000075_pre_disaster,0,0,train\masks\hurricane-michael_00000075_pre_disaster.png,0,0,48,116116,00000075 +4,6842,hurricane-michael,post,train,train\images\hurricane-michael_00000076_post_disaster.png,hurricane-michael_00000076_post_disaster,12,10400,train\masks\hurricane-michael_00000076_post_disaster.png,4,6195,32,41873,00000076 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000076_pre_disaster.png,hurricane-michael_00000076_pre_disaster,0,0,train\masks\hurricane-michael_00000076_pre_disaster.png,0,0,52,65320,00000076 +3,716,hurricane-michael,post,train,train\images\hurricane-michael_00000077_post_disaster.png,hurricane-michael_00000077_post_disaster,29,34233,train\masks\hurricane-michael_00000077_post_disaster.png,1,2488,66,59640,00000077 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000077_pre_disaster.png,hurricane-michael_00000077_pre_disaster,0,0,train\masks\hurricane-michael_00000077_pre_disaster.png,0,0,99,97579,00000077 +16,6047,hurricane-michael,post,train,train\images\hurricane-michael_00000078_post_disaster.png,hurricane-michael_00000078_post_disaster,22,15790,train\masks\hurricane-michael_00000078_post_disaster.png,29,19238,20,13694,00000078 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000078_pre_disaster.png,hurricane-michael_00000078_pre_disaster,0,0,train\masks\hurricane-michael_00000078_pre_disaster.png,0,0,87,54769,00000078 +4,4479,hurricane-michael,post,train,train\images\hurricane-michael_00000081_post_disaster.png,hurricane-michael_00000081_post_disaster,1,2106,train\masks\hurricane-michael_00000081_post_disaster.png,1,3005,12,16663,00000081 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000081_pre_disaster.png,hurricane-michael_00000081_pre_disaster,0,0,train\masks\hurricane-michael_00000081_pre_disaster.png,0,0,18,26253,00000081 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000083_post_disaster.png,hurricane-michael_00000083_post_disaster,26,28348,train\masks\hurricane-michael_00000083_post_disaster.png,1,1398,68,73937,00000083 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000083_pre_disaster.png,hurricane-michael_00000083_pre_disaster,0,0,train\masks\hurricane-michael_00000083_pre_disaster.png,0,0,95,103834,00000083 +6,1836,hurricane-michael,post,train,train\images\hurricane-michael_00000085_post_disaster.png,hurricane-michael_00000085_post_disaster,16,26786,train\masks\hurricane-michael_00000085_post_disaster.png,4,6145,81,78596,00000085 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000085_pre_disaster.png,hurricane-michael_00000085_pre_disaster,0,0,train\masks\hurricane-michael_00000085_pre_disaster.png,0,0,107,113416,00000085 +2,697,hurricane-michael,post,train,train\images\hurricane-michael_00000087_post_disaster.png,hurricane-michael_00000087_post_disaster,25,33832,train\masks\hurricane-michael_00000087_post_disaster.png,7,7706,41,56987,00000087 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000087_pre_disaster.png,hurricane-michael_00000087_pre_disaster,0,0,train\masks\hurricane-michael_00000087_pre_disaster.png,0,0,74,99268,00000087 +1,51,hurricane-michael,post,train,train\images\hurricane-michael_00000088_post_disaster.png,hurricane-michael_00000088_post_disaster,1,184,train\masks\hurricane-michael_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000088_pre_disaster.png,hurricane-michael_00000088_pre_disaster,0,0,train\masks\hurricane-michael_00000088_pre_disaster.png,0,0,2,235,00000088 +1,253,hurricane-michael,post,train,train\images\hurricane-michael_00000090_post_disaster.png,hurricane-michael_00000090_post_disaster,20,29547,train\masks\hurricane-michael_00000090_post_disaster.png,10,16779,93,125959,00000090 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000090_pre_disaster.png,hurricane-michael_00000090_pre_disaster,0,0,train\masks\hurricane-michael_00000090_pre_disaster.png,0,0,123,172610,00000090 +7,7700,hurricane-michael,post,train,train\images\hurricane-michael_00000092_post_disaster.png,hurricane-michael_00000092_post_disaster,12,13802,train\masks\hurricane-michael_00000092_post_disaster.png,20,31832,43,43340,00000092 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000092_pre_disaster.png,hurricane-michael_00000092_pre_disaster,0,0,train\masks\hurricane-michael_00000092_pre_disaster.png,0,0,82,96893,00000092 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000093_post_disaster.png,hurricane-michael_00000093_post_disaster,0,0,train\masks\hurricane-michael_00000093_post_disaster.png,0,0,0,0,00000093 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000093_pre_disaster.png,hurricane-michael_00000093_pre_disaster,0,0,train\masks\hurricane-michael_00000093_pre_disaster.png,0,0,0,0,00000093 +1,2073,hurricane-michael,post,train,train\images\hurricane-michael_00000094_post_disaster.png,hurricane-michael_00000094_post_disaster,1,2340,train\masks\hurricane-michael_00000094_post_disaster.png,0,0,32,47041,00000094 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000094_pre_disaster.png,hurricane-michael_00000094_pre_disaster,0,0,train\masks\hurricane-michael_00000094_pre_disaster.png,0,0,34,51562,00000094 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000096_post_disaster.png,hurricane-michael_00000096_post_disaster,1,3411,train\masks\hurricane-michael_00000096_post_disaster.png,0,0,8,10013,00000096 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000096_pre_disaster.png,hurricane-michael_00000096_pre_disaster,0,0,train\masks\hurricane-michael_00000096_pre_disaster.png,0,0,9,13440,00000096 +2,1734,hurricane-michael,post,train,train\images\hurricane-michael_00000097_post_disaster.png,hurricane-michael_00000097_post_disaster,3,1324,train\masks\hurricane-michael_00000097_post_disaster.png,2,5673,15,10477,00000097 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000097_pre_disaster.png,hurricane-michael_00000097_pre_disaster,0,0,train\masks\hurricane-michael_00000097_pre_disaster.png,0,0,18,19263,00000097 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000098_post_disaster.png,hurricane-michael_00000098_post_disaster,10,13806,train\masks\hurricane-michael_00000098_post_disaster.png,0,0,15,18122,00000098 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000098_pre_disaster.png,hurricane-michael_00000098_pre_disaster,0,0,train\masks\hurricane-michael_00000098_pre_disaster.png,0,0,25,32005,00000098 +6,2160,hurricane-michael,post,train,train\images\hurricane-michael_00000099_post_disaster.png,hurricane-michael_00000099_post_disaster,24,19932,train\masks\hurricane-michael_00000099_post_disaster.png,30,32948,59,44808,00000099 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000099_pre_disaster.png,hurricane-michael_00000099_pre_disaster,0,0,train\masks\hurricane-michael_00000099_pre_disaster.png,0,0,118,99848,00000099 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000100_post_disaster.png,hurricane-michael_00000100_post_disaster,7,8663,train\masks\hurricane-michael_00000100_post_disaster.png,2,5925,6,7976,00000100 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000100_pre_disaster.png,hurricane-michael_00000100_pre_disaster,0,0,train\masks\hurricane-michael_00000100_pre_disaster.png,0,0,15,22596,00000100 +3,795,hurricane-michael,post,train,train\images\hurricane-michael_00000101_post_disaster.png,hurricane-michael_00000101_post_disaster,10,11095,train\masks\hurricane-michael_00000101_post_disaster.png,2,690,6,12730,00000101 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000101_pre_disaster.png,hurricane-michael_00000101_pre_disaster,0,0,train\masks\hurricane-michael_00000101_pre_disaster.png,0,0,21,25310,00000101 +2,2844,hurricane-michael,post,train,train\images\hurricane-michael_00000102_post_disaster.png,hurricane-michael_00000102_post_disaster,36,39232,train\masks\hurricane-michael_00000102_post_disaster.png,14,15647,69,95064,00000102 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000102_pre_disaster.png,hurricane-michael_00000102_pre_disaster,0,0,train\masks\hurricane-michael_00000102_pre_disaster.png,0,0,121,153006,00000102 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000103_post_disaster.png,hurricane-michael_00000103_post_disaster,2,1518,train\masks\hurricane-michael_00000103_post_disaster.png,2,1750,1,1868,00000103 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000103_pre_disaster.png,hurricane-michael_00000103_pre_disaster,0,0,train\masks\hurricane-michael_00000103_pre_disaster.png,0,0,5,5176,00000103 +1,654,hurricane-michael,post,train,train\images\hurricane-michael_00000104_post_disaster.png,hurricane-michael_00000104_post_disaster,7,8264,train\masks\hurricane-michael_00000104_post_disaster.png,3,3948,22,29063,00000104 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000104_pre_disaster.png,hurricane-michael_00000104_pre_disaster,0,0,train\masks\hurricane-michael_00000104_pre_disaster.png,0,0,33,41910,00000104 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000109_post_disaster.png,hurricane-michael_00000109_post_disaster,10,15401,train\masks\hurricane-michael_00000109_post_disaster.png,0,0,50,78741,00000109 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000109_pre_disaster.png,hurricane-michael_00000109_pre_disaster,0,0,train\masks\hurricane-michael_00000109_pre_disaster.png,0,0,60,94324,00000109 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000110_post_disaster.png,hurricane-michael_00000110_post_disaster,22,30583,train\masks\hurricane-michael_00000110_post_disaster.png,0,0,29,49655,00000110 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000110_pre_disaster.png,hurricane-michael_00000110_pre_disaster,0,0,train\masks\hurricane-michael_00000110_pre_disaster.png,0,0,51,80307,00000110 +3,3795,hurricane-michael,post,train,train\images\hurricane-michael_00000112_post_disaster.png,hurricane-michael_00000112_post_disaster,18,25767,train\masks\hurricane-michael_00000112_post_disaster.png,9,9945,42,42355,00000112 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000112_pre_disaster.png,hurricane-michael_00000112_pre_disaster,0,0,train\masks\hurricane-michael_00000112_pre_disaster.png,0,0,72,82045,00000112 +1,812,hurricane-michael,post,train,train\images\hurricane-michael_00000118_post_disaster.png,hurricane-michael_00000118_post_disaster,8,9094,train\masks\hurricane-michael_00000118_post_disaster.png,6,13501,9,10910,00000118 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000118_pre_disaster.png,hurricane-michael_00000118_pre_disaster,0,0,train\masks\hurricane-michael_00000118_pre_disaster.png,0,0,24,34364,00000118 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000119_post_disaster.png,hurricane-michael_00000119_post_disaster,9,12130,train\masks\hurricane-michael_00000119_post_disaster.png,9,11755,32,37694,00000119 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000119_pre_disaster.png,hurricane-michael_00000119_pre_disaster,0,0,train\masks\hurricane-michael_00000119_pre_disaster.png,0,0,50,61585,00000119 +3,1163,hurricane-michael,post,train,train\images\hurricane-michael_00000120_post_disaster.png,hurricane-michael_00000120_post_disaster,4,16280,train\masks\hurricane-michael_00000120_post_disaster.png,18,124132,28,23894,00000120 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000120_pre_disaster.png,hurricane-michael_00000120_pre_disaster,0,0,train\masks\hurricane-michael_00000120_pre_disaster.png,0,0,49,165469,00000120 +1,995,hurricane-michael,post,train,train\images\hurricane-michael_00000122_post_disaster.png,hurricane-michael_00000122_post_disaster,0,0,train\masks\hurricane-michael_00000122_post_disaster.png,0,0,4,1286,00000122 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000122_pre_disaster.png,hurricane-michael_00000122_pre_disaster,0,0,train\masks\hurricane-michael_00000122_pre_disaster.png,0,0,5,2281,00000122 +1,1171,hurricane-michael,post,train,train\images\hurricane-michael_00000124_post_disaster.png,hurricane-michael_00000124_post_disaster,4,28040,train\masks\hurricane-michael_00000124_post_disaster.png,6,19624,2,5356,00000124 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000124_pre_disaster.png,hurricane-michael_00000124_pre_disaster,0,0,train\masks\hurricane-michael_00000124_pre_disaster.png,0,0,13,54195,00000124 +2,1244,hurricane-michael,post,train,train\images\hurricane-michael_00000125_post_disaster.png,hurricane-michael_00000125_post_disaster,24,36328,train\masks\hurricane-michael_00000125_post_disaster.png,17,27001,90,105448,00000125 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000125_pre_disaster.png,hurricane-michael_00000125_pre_disaster,0,0,train\masks\hurricane-michael_00000125_pre_disaster.png,0,0,131,170126,00000125 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000130_post_disaster.png,hurricane-michael_00000130_post_disaster,7,9754,train\masks\hurricane-michael_00000130_post_disaster.png,0,0,1,1083,00000130 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000130_pre_disaster.png,hurricane-michael_00000130_pre_disaster,0,0,train\masks\hurricane-michael_00000130_pre_disaster.png,0,0,8,10852,00000130 +11,5691,hurricane-michael,post,train,train\images\hurricane-michael_00000133_post_disaster.png,hurricane-michael_00000133_post_disaster,98,84027,train\masks\hurricane-michael_00000133_post_disaster.png,19,18843,96,89173,00000133 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000133_pre_disaster.png,hurricane-michael_00000133_pre_disaster,0,0,train\masks\hurricane-michael_00000133_pre_disaster.png,0,0,224,197732,00000133 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000134_post_disaster.png,hurricane-michael_00000134_post_disaster,1,1836,train\masks\hurricane-michael_00000134_post_disaster.png,1,856,2,2956,00000134 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000134_pre_disaster.png,hurricane-michael_00000134_pre_disaster,0,0,train\masks\hurricane-michael_00000134_pre_disaster.png,0,0,4,5695,00000134 +2,2462,hurricane-michael,post,train,train\images\hurricane-michael_00000135_post_disaster.png,hurricane-michael_00000135_post_disaster,6,16599,train\masks\hurricane-michael_00000135_post_disaster.png,10,34463,40,85392,00000135 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000135_pre_disaster.png,hurricane-michael_00000135_pre_disaster,0,0,train\masks\hurricane-michael_00000135_pre_disaster.png,0,0,58,139132,00000135 +5,6261,hurricane-michael,post,train,train\images\hurricane-michael_00000136_post_disaster.png,hurricane-michael_00000136_post_disaster,6,6783,train\masks\hurricane-michael_00000136_post_disaster.png,6,7732,2,569,00000136 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000136_pre_disaster.png,hurricane-michael_00000136_pre_disaster,0,0,train\masks\hurricane-michael_00000136_pre_disaster.png,0,0,19,21341,00000136 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000137_post_disaster.png,hurricane-michael_00000137_post_disaster,16,20270,train\masks\hurricane-michael_00000137_post_disaster.png,8,11132,45,55044,00000137 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000137_pre_disaster.png,hurricane-michael_00000137_pre_disaster,0,0,train\masks\hurricane-michael_00000137_pre_disaster.png,0,0,69,86591,00000137 +1,1455,hurricane-michael,post,train,train\images\hurricane-michael_00000141_post_disaster.png,hurricane-michael_00000141_post_disaster,31,86418,train\masks\hurricane-michael_00000141_post_disaster.png,2,5278,47,99423,00000141 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000141_pre_disaster.png,hurricane-michael_00000141_pre_disaster,0,0,train\masks\hurricane-michael_00000141_pre_disaster.png,0,0,80,192649,00000141 +1,239,hurricane-michael,post,train,train\images\hurricane-michael_00000142_post_disaster.png,hurricane-michael_00000142_post_disaster,14,16730,train\masks\hurricane-michael_00000142_post_disaster.png,6,7077,53,61482,00000142 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000142_pre_disaster.png,hurricane-michael_00000142_pre_disaster,0,0,train\masks\hurricane-michael_00000142_pre_disaster.png,0,0,73,85528,00000142 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000143_post_disaster.png,hurricane-michael_00000143_post_disaster,47,47106,train\masks\hurricane-michael_00000143_post_disaster.png,0,0,2,1773,00000143 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000143_pre_disaster.png,hurricane-michael_00000143_pre_disaster,0,0,train\masks\hurricane-michael_00000143_pre_disaster.png,0,0,49,48975,00000143 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000144_post_disaster.png,hurricane-michael_00000144_post_disaster,23,40632,train\masks\hurricane-michael_00000144_post_disaster.png,13,24065,0,0,00000144 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000144_pre_disaster.png,hurricane-michael_00000144_pre_disaster,0,0,train\masks\hurricane-michael_00000144_pre_disaster.png,0,0,36,64710,00000144 +1,137,hurricane-michael,post,train,train\images\hurricane-michael_00000145_post_disaster.png,hurricane-michael_00000145_post_disaster,26,67874,train\masks\hurricane-michael_00000145_post_disaster.png,3,5671,31,55052,00000145 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000145_pre_disaster.png,hurricane-michael_00000145_pre_disaster,0,0,train\masks\hurricane-michael_00000145_pre_disaster.png,0,0,61,129072,00000145 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000146_post_disaster.png,hurricane-michael_00000146_post_disaster,20,33896,train\masks\hurricane-michael_00000146_post_disaster.png,10,51145,59,93785,00000146 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000146_pre_disaster.png,hurricane-michael_00000146_pre_disaster,0,0,train\masks\hurricane-michael_00000146_pre_disaster.png,0,0,85,178720,00000146 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000147_post_disaster.png,hurricane-michael_00000147_post_disaster,11,17867,train\masks\hurricane-michael_00000147_post_disaster.png,1,1816,67,95474,00000147 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000147_pre_disaster.png,hurricane-michael_00000147_pre_disaster,0,0,train\masks\hurricane-michael_00000147_pre_disaster.png,0,0,79,115397,00000147 +1,210,hurricane-michael,post,train,train\images\hurricane-michael_00000150_post_disaster.png,hurricane-michael_00000150_post_disaster,14,61269,train\masks\hurricane-michael_00000150_post_disaster.png,5,15727,30,40169,00000150 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000150_pre_disaster.png,hurricane-michael_00000150_pre_disaster,0,0,train\masks\hurricane-michael_00000150_pre_disaster.png,0,0,50,117394,00000150 +2,1496,hurricane-michael,post,train,train\images\hurricane-michael_00000151_post_disaster.png,hurricane-michael_00000151_post_disaster,6,7764,train\masks\hurricane-michael_00000151_post_disaster.png,5,9402,2,1655,00000151 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000151_pre_disaster.png,hurricane-michael_00000151_pre_disaster,0,0,train\masks\hurricane-michael_00000151_pre_disaster.png,0,0,15,20322,00000151 +3,1761,hurricane-michael,post,train,train\images\hurricane-michael_00000152_post_disaster.png,hurricane-michael_00000152_post_disaster,15,15052,train\masks\hurricane-michael_00000152_post_disaster.png,11,13733,59,50445,00000152 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000152_pre_disaster.png,hurricane-michael_00000152_pre_disaster,0,0,train\masks\hurricane-michael_00000152_pre_disaster.png,0,0,88,81175,00000152 +1,1417,hurricane-michael,post,train,train\images\hurricane-michael_00000153_post_disaster.png,hurricane-michael_00000153_post_disaster,12,16201,train\masks\hurricane-michael_00000153_post_disaster.png,3,85815,25,27038,00000153 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000153_pre_disaster.png,hurricane-michael_00000153_pre_disaster,0,0,train\masks\hurricane-michael_00000153_pre_disaster.png,0,0,41,130447,00000153 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000154_post_disaster.png,hurricane-michael_00000154_post_disaster,10,18387,train\masks\hurricane-michael_00000154_post_disaster.png,4,7717,11,12687,00000154 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000154_pre_disaster.png,hurricane-michael_00000154_pre_disaster,0,0,train\masks\hurricane-michael_00000154_pre_disaster.png,0,0,25,38826,00000154 +7,12992,hurricane-michael,post,train,train\images\hurricane-michael_00000156_post_disaster.png,hurricane-michael_00000156_post_disaster,5,13692,train\masks\hurricane-michael_00000156_post_disaster.png,2,1664,29,25404,00000156 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000156_pre_disaster.png,hurricane-michael_00000156_pre_disaster,0,0,train\masks\hurricane-michael_00000156_pre_disaster.png,0,0,43,53867,00000156 +1,848,hurricane-michael,post,train,train\images\hurricane-michael_00000157_post_disaster.png,hurricane-michael_00000157_post_disaster,14,89512,train\masks\hurricane-michael_00000157_post_disaster.png,4,41567,11,10964,00000157 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000157_pre_disaster.png,hurricane-michael_00000157_pre_disaster,0,0,train\masks\hurricane-michael_00000157_pre_disaster.png,0,0,29,142891,00000157 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000158_post_disaster.png,hurricane-michael_00000158_post_disaster,27,32758,train\masks\hurricane-michael_00000158_post_disaster.png,6,7719,59,78224,00000158 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000158_pre_disaster.png,hurricane-michael_00000158_pre_disaster,0,0,train\masks\hurricane-michael_00000158_pre_disaster.png,0,0,85,118697,00000158 +7,4117,hurricane-michael,post,train,train\images\hurricane-michael_00000159_post_disaster.png,hurricane-michael_00000159_post_disaster,32,25596,train\masks\hurricane-michael_00000159_post_disaster.png,26,33520,33,62708,00000159 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000159_pre_disaster.png,hurricane-michael_00000159_pre_disaster,0,0,train\masks\hurricane-michael_00000159_pre_disaster.png,0,0,96,125897,00000159 +11,4222,hurricane-michael,post,train,train\images\hurricane-michael_00000162_post_disaster.png,hurricane-michael_00000162_post_disaster,17,15102,train\masks\hurricane-michael_00000162_post_disaster.png,20,35128,47,37084,00000162 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000162_pre_disaster.png,hurricane-michael_00000162_pre_disaster,0,0,train\masks\hurricane-michael_00000162_pre_disaster.png,0,0,94,91515,00000162 +21,12923,hurricane-michael,post,train,train\images\hurricane-michael_00000165_post_disaster.png,hurricane-michael_00000165_post_disaster,21,18477,train\masks\hurricane-michael_00000165_post_disaster.png,10,39254,12,27485,00000165 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000165_pre_disaster.png,hurricane-michael_00000165_pre_disaster,0,0,train\masks\hurricane-michael_00000165_pre_disaster.png,0,0,62,98172,00000165 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000166_post_disaster.png,hurricane-michael_00000166_post_disaster,1,926,train\masks\hurricane-michael_00000166_post_disaster.png,4,2741,4,12079,00000166 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000166_pre_disaster.png,hurricane-michael_00000166_pre_disaster,0,0,train\masks\hurricane-michael_00000166_pre_disaster.png,0,0,9,15746,00000166 +5,3452,hurricane-michael,post,train,train\images\hurricane-michael_00000167_post_disaster.png,hurricane-michael_00000167_post_disaster,16,21192,train\masks\hurricane-michael_00000167_post_disaster.png,3,8771,39,124293,00000167 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000167_pre_disaster.png,hurricane-michael_00000167_pre_disaster,0,0,train\masks\hurricane-michael_00000167_pre_disaster.png,0,0,58,157860,00000167 +5,2814,hurricane-michael,post,train,train\images\hurricane-michael_00000170_post_disaster.png,hurricane-michael_00000170_post_disaster,12,7949,train\masks\hurricane-michael_00000170_post_disaster.png,5,4095,17,16567,00000170 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000170_pre_disaster.png,hurricane-michael_00000170_pre_disaster,0,0,train\masks\hurricane-michael_00000170_pre_disaster.png,0,0,37,31425,00000170 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000172_post_disaster.png,hurricane-michael_00000172_post_disaster,37,44506,train\masks\hurricane-michael_00000172_post_disaster.png,5,5559,75,97504,00000172 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000172_pre_disaster.png,hurricane-michael_00000172_pre_disaster,0,0,train\masks\hurricane-michael_00000172_pre_disaster.png,0,0,116,147631,00000172 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000174_post_disaster.png,hurricane-michael_00000174_post_disaster,3,3937,train\masks\hurricane-michael_00000174_post_disaster.png,3,2274,10,8235,00000174 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000174_pre_disaster.png,hurricane-michael_00000174_pre_disaster,0,0,train\masks\hurricane-michael_00000174_pre_disaster.png,0,0,16,14482,00000174 +1,2115,hurricane-michael,post,train,train\images\hurricane-michael_00000175_post_disaster.png,hurricane-michael_00000175_post_disaster,2,2807,train\masks\hurricane-michael_00000175_post_disaster.png,9,29475,21,95706,00000175 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000175_pre_disaster.png,hurricane-michael_00000175_pre_disaster,0,0,train\masks\hurricane-michael_00000175_pre_disaster.png,0,0,33,130622,00000175 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000177_post_disaster.png,hurricane-michael_00000177_post_disaster,8,8205,train\masks\hurricane-michael_00000177_post_disaster.png,0,0,16,16009,00000177 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000177_pre_disaster.png,hurricane-michael_00000177_pre_disaster,0,0,train\masks\hurricane-michael_00000177_pre_disaster.png,0,0,24,24214,00000177 +6,2581,hurricane-michael,post,train,train\images\hurricane-michael_00000180_post_disaster.png,hurricane-michael_00000180_post_disaster,64,84704,train\masks\hurricane-michael_00000180_post_disaster.png,27,34912,102,113686,00000180 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000180_pre_disaster.png,hurricane-michael_00000180_pre_disaster,0,0,train\masks\hurricane-michael_00000180_pre_disaster.png,0,0,193,236034,00000180 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000181_post_disaster.png,hurricane-michael_00000181_post_disaster,33,89378,train\masks\hurricane-michael_00000181_post_disaster.png,6,3391,61,80812,00000181 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000181_pre_disaster.png,hurricane-michael_00000181_pre_disaster,0,0,train\masks\hurricane-michael_00000181_pre_disaster.png,0,0,100,173614,00000181 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000183_post_disaster.png,hurricane-michael_00000183_post_disaster,2,1100,train\masks\hurricane-michael_00000183_post_disaster.png,2,87776,19,37534,00000183 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000183_pre_disaster.png,hurricane-michael_00000183_pre_disaster,0,0,train\masks\hurricane-michael_00000183_pre_disaster.png,0,0,23,126429,00000183 +4,2356,hurricane-michael,post,train,train\images\hurricane-michael_00000184_post_disaster.png,hurricane-michael_00000184_post_disaster,22,29159,train\masks\hurricane-michael_00000184_post_disaster.png,12,19038,54,65932,00000184 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000184_pre_disaster.png,hurricane-michael_00000184_pre_disaster,0,0,train\masks\hurricane-michael_00000184_pre_disaster.png,0,0,91,116556,00000184 +9,6639,hurricane-michael,post,train,train\images\hurricane-michael_00000187_post_disaster.png,hurricane-michael_00000187_post_disaster,58,50273,train\masks\hurricane-michael_00000187_post_disaster.png,7,13404,16,19744,00000187 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000187_pre_disaster.png,hurricane-michael_00000187_pre_disaster,0,0,train\masks\hurricane-michael_00000187_pre_disaster.png,0,0,88,90060,00000187 +1,214,hurricane-michael,post,train,train\images\hurricane-michael_00000188_post_disaster.png,hurricane-michael_00000188_post_disaster,29,31971,train\masks\hurricane-michael_00000188_post_disaster.png,8,16849,2,1699,00000188 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000188_pre_disaster.png,hurricane-michael_00000188_pre_disaster,0,0,train\masks\hurricane-michael_00000188_pre_disaster.png,0,0,39,50784,00000188 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000189_post_disaster.png,hurricane-michael_00000189_post_disaster,22,32275,train\masks\hurricane-michael_00000189_post_disaster.png,0,0,86,113848,00000189 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000189_pre_disaster.png,hurricane-michael_00000189_pre_disaster,0,0,train\masks\hurricane-michael_00000189_pre_disaster.png,0,0,108,146287,00000189 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000192_post_disaster.png,hurricane-michael_00000192_post_disaster,15,19923,train\masks\hurricane-michael_00000192_post_disaster.png,0,0,97,128579,00000192 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000192_pre_disaster.png,hurricane-michael_00000192_pre_disaster,0,0,train\masks\hurricane-michael_00000192_pre_disaster.png,0,0,110,148490,00000192 +4,1523,hurricane-michael,post,train,train\images\hurricane-michael_00000195_post_disaster.png,hurricane-michael_00000195_post_disaster,119,102219,train\masks\hurricane-michael_00000195_post_disaster.png,5,6080,17,21554,00000195 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000195_pre_disaster.png,hurricane-michael_00000195_pre_disaster,0,0,train\masks\hurricane-michael_00000195_pre_disaster.png,0,0,145,131378,00000195 +9,4566,hurricane-michael,post,train,train\images\hurricane-michael_00000196_post_disaster.png,hurricane-michael_00000196_post_disaster,27,29532,train\masks\hurricane-michael_00000196_post_disaster.png,21,20624,50,46721,00000196 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000196_pre_disaster.png,hurricane-michael_00000196_pre_disaster,0,0,train\masks\hurricane-michael_00000196_pre_disaster.png,0,0,106,101464,00000196 +3,625,hurricane-michael,post,train,train\images\hurricane-michael_00000199_post_disaster.png,hurricane-michael_00000199_post_disaster,29,50267,train\masks\hurricane-michael_00000199_post_disaster.png,7,14368,35,66413,00000199 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000199_pre_disaster.png,hurricane-michael_00000199_pre_disaster,0,0,train\masks\hurricane-michael_00000199_pre_disaster.png,0,0,74,131744,00000199 +4,3649,hurricane-michael,post,train,train\images\hurricane-michael_00000200_post_disaster.png,hurricane-michael_00000200_post_disaster,14,16123,train\masks\hurricane-michael_00000200_post_disaster.png,7,7405,1,1213,00000200 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000200_pre_disaster.png,hurricane-michael_00000200_pre_disaster,0,0,train\masks\hurricane-michael_00000200_pre_disaster.png,0,0,26,28429,00000200 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000202_post_disaster.png,hurricane-michael_00000202_post_disaster,33,54703,train\masks\hurricane-michael_00000202_post_disaster.png,4,15476,59,58000,00000202 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000202_pre_disaster.png,hurricane-michael_00000202_pre_disaster,0,0,train\masks\hurricane-michael_00000202_pre_disaster.png,0,0,93,128342,00000202 +8,3305,hurricane-michael,post,train,train\images\hurricane-michael_00000204_post_disaster.png,hurricane-michael_00000204_post_disaster,61,66593,train\masks\hurricane-michael_00000204_post_disaster.png,5,8721,10,9476,00000204 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000204_pre_disaster.png,hurricane-michael_00000204_pre_disaster,0,0,train\masks\hurricane-michael_00000204_pre_disaster.png,0,0,82,88098,00000204 +13,5480,hurricane-michael,post,train,train\images\hurricane-michael_00000205_post_disaster.png,hurricane-michael_00000205_post_disaster,44,40901,train\masks\hurricane-michael_00000205_post_disaster.png,7,9215,10,13594,00000205 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000205_pre_disaster.png,hurricane-michael_00000205_pre_disaster,0,0,train\masks\hurricane-michael_00000205_pre_disaster.png,0,0,68,69226,00000205 +8,7751,hurricane-michael,post,train,train\images\hurricane-michael_00000206_post_disaster.png,hurricane-michael_00000206_post_disaster,41,39179,train\masks\hurricane-michael_00000206_post_disaster.png,27,58649,108,98873,00000206 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000206_pre_disaster.png,hurricane-michael_00000206_pre_disaster,0,0,train\masks\hurricane-michael_00000206_pre_disaster.png,0,0,179,204414,00000206 +4,1614,hurricane-michael,post,train,train\images\hurricane-michael_00000207_post_disaster.png,hurricane-michael_00000207_post_disaster,16,23790,train\masks\hurricane-michael_00000207_post_disaster.png,7,17243,32,32176,00000207 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000207_pre_disaster.png,hurricane-michael_00000207_pre_disaster,0,0,train\masks\hurricane-michael_00000207_pre_disaster.png,0,0,59,74953,00000207 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000208_post_disaster.png,hurricane-michael_00000208_post_disaster,3,5258,train\masks\hurricane-michael_00000208_post_disaster.png,1,766,7,11838,00000208 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000208_pre_disaster.png,hurricane-michael_00000208_pre_disaster,0,0,train\masks\hurricane-michael_00000208_pre_disaster.png,0,0,10,17862,00000208 +12,4892,hurricane-michael,post,train,train\images\hurricane-michael_00000210_post_disaster.png,hurricane-michael_00000210_post_disaster,15,14813,train\masks\hurricane-michael_00000210_post_disaster.png,10,12886,31,25319,00000210 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000210_pre_disaster.png,hurricane-michael_00000210_pre_disaster,0,0,train\masks\hurricane-michael_00000210_pre_disaster.png,0,0,68,57910,00000210 +17,11702,hurricane-michael,post,train,train\images\hurricane-michael_00000211_post_disaster.png,hurricane-michael_00000211_post_disaster,49,80610,train\masks\hurricane-michael_00000211_post_disaster.png,5,15680,13,26848,00000211 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000211_pre_disaster.png,hurricane-michael_00000211_pre_disaster,0,0,train\masks\hurricane-michael_00000211_pre_disaster.png,0,0,80,134978,00000211 +14,18997,hurricane-michael,post,train,train\images\hurricane-michael_00000212_post_disaster.png,hurricane-michael_00000212_post_disaster,20,23915,train\masks\hurricane-michael_00000212_post_disaster.png,11,32133,4,8575,00000212 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000212_pre_disaster.png,hurricane-michael_00000212_pre_disaster,0,0,train\masks\hurricane-michael_00000212_pre_disaster.png,0,0,48,83714,00000212 +1,283,hurricane-michael,post,train,train\images\hurricane-michael_00000214_post_disaster.png,hurricane-michael_00000214_post_disaster,25,30862,train\masks\hurricane-michael_00000214_post_disaster.png,1,661,106,113465,00000214 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000214_pre_disaster.png,hurricane-michael_00000214_pre_disaster,0,0,train\masks\hurricane-michael_00000214_pre_disaster.png,0,0,131,145276,00000214 +1,6837,hurricane-michael,post,train,train\images\hurricane-michael_00000216_post_disaster.png,hurricane-michael_00000216_post_disaster,5,4469,train\masks\hurricane-michael_00000216_post_disaster.png,3,101514,18,67424,00000216 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000216_pre_disaster.png,hurricane-michael_00000216_pre_disaster,0,0,train\masks\hurricane-michael_00000216_pre_disaster.png,0,0,27,180414,00000216 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000217_post_disaster.png,hurricane-michael_00000217_post_disaster,12,20820,train\masks\hurricane-michael_00000217_post_disaster.png,0,0,66,122640,00000217 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000217_pre_disaster.png,hurricane-michael_00000217_pre_disaster,0,0,train\masks\hurricane-michael_00000217_pre_disaster.png,0,0,78,143532,00000217 +3,2285,hurricane-michael,post,train,train\images\hurricane-michael_00000219_post_disaster.png,hurricane-michael_00000219_post_disaster,26,40405,train\masks\hurricane-michael_00000219_post_disaster.png,1,1459,80,97181,00000219 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000219_pre_disaster.png,hurricane-michael_00000219_pre_disaster,0,0,train\masks\hurricane-michael_00000219_pre_disaster.png,0,0,109,141508,00000219 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000220_post_disaster.png,hurricane-michael_00000220_post_disaster,14,36424,train\masks\hurricane-michael_00000220_post_disaster.png,4,9790,51,103674,00000220 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000220_pre_disaster.png,hurricane-michael_00000220_pre_disaster,0,0,train\masks\hurricane-michael_00000220_pre_disaster.png,0,0,65,149978,00000220 +7,1201,hurricane-michael,post,train,train\images\hurricane-michael_00000222_post_disaster.png,hurricane-michael_00000222_post_disaster,46,35782,train\masks\hurricane-michael_00000222_post_disaster.png,10,10751,72,64932,00000222 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000222_pre_disaster.png,hurricane-michael_00000222_pre_disaster,0,0,train\masks\hurricane-michael_00000222_pre_disaster.png,0,0,133,112741,00000222 +3,3611,hurricane-michael,post,train,train\images\hurricane-michael_00000224_post_disaster.png,hurricane-michael_00000224_post_disaster,6,12465,train\masks\hurricane-michael_00000224_post_disaster.png,6,6682,16,11274,00000224 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000224_pre_disaster.png,hurricane-michael_00000224_pre_disaster,0,0,train\masks\hurricane-michael_00000224_pre_disaster.png,0,0,30,34099,00000224 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000225_post_disaster.png,hurricane-michael_00000225_post_disaster,17,15351,train\masks\hurricane-michael_00000225_post_disaster.png,4,68589,20,14480,00000225 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000225_pre_disaster.png,hurricane-michael_00000225_pre_disaster,0,0,train\masks\hurricane-michael_00000225_pre_disaster.png,0,0,41,98420,00000225 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000228_post_disaster.png,hurricane-michael_00000228_post_disaster,17,25716,train\masks\hurricane-michael_00000228_post_disaster.png,0,0,20,29516,00000228 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000228_pre_disaster.png,hurricane-michael_00000228_pre_disaster,0,0,train\masks\hurricane-michael_00000228_pre_disaster.png,0,0,35,55232,00000228 +1,304,hurricane-michael,post,train,train\images\hurricane-michael_00000230_post_disaster.png,hurricane-michael_00000230_post_disaster,24,25170,train\masks\hurricane-michael_00000230_post_disaster.png,6,4859,42,63462,00000230 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000230_pre_disaster.png,hurricane-michael_00000230_pre_disaster,0,0,train\masks\hurricane-michael_00000230_pre_disaster.png,0,0,73,93802,00000230 +5,911,hurricane-michael,post,train,train\images\hurricane-michael_00000231_post_disaster.png,hurricane-michael_00000231_post_disaster,17,109620,train\masks\hurricane-michael_00000231_post_disaster.png,5,17776,16,63243,00000231 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000231_pre_disaster.png,hurricane-michael_00000231_pre_disaster,0,0,train\masks\hurricane-michael_00000231_pre_disaster.png,0,0,43,192319,00000231 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000233_post_disaster.png,hurricane-michael_00000233_post_disaster,0,0,train\masks\hurricane-michael_00000233_post_disaster.png,0,0,4,5537,00000233 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000233_pre_disaster.png,hurricane-michael_00000233_pre_disaster,0,0,train\masks\hurricane-michael_00000233_pre_disaster.png,0,0,4,5537,00000233 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000234_post_disaster.png,hurricane-michael_00000234_post_disaster,4,6352,train\masks\hurricane-michael_00000234_post_disaster.png,1,8912,18,49479,00000234 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000234_pre_disaster.png,hurricane-michael_00000234_pre_disaster,0,0,train\masks\hurricane-michael_00000234_pre_disaster.png,0,0,21,64756,00000234 +6,9930,hurricane-michael,post,train,train\images\hurricane-michael_00000236_post_disaster.png,hurricane-michael_00000236_post_disaster,39,44454,train\masks\hurricane-michael_00000236_post_disaster.png,6,8882,43,42232,00000236 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000236_pre_disaster.png,hurricane-michael_00000236_pre_disaster,0,0,train\masks\hurricane-michael_00000236_pre_disaster.png,0,0,93,105558,00000236 +3,772,hurricane-michael,post,train,train\images\hurricane-michael_00000238_post_disaster.png,hurricane-michael_00000238_post_disaster,34,50933,train\masks\hurricane-michael_00000238_post_disaster.png,17,21839,93,106181,00000238 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000238_pre_disaster.png,hurricane-michael_00000238_pre_disaster,0,0,train\masks\hurricane-michael_00000238_pre_disaster.png,0,0,146,179857,00000238 +14,6430,hurricane-michael,post,train,train\images\hurricane-michael_00000239_post_disaster.png,hurricane-michael_00000239_post_disaster,25,19500,train\masks\hurricane-michael_00000239_post_disaster.png,22,12105,75,72951,00000239 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000239_pre_disaster.png,hurricane-michael_00000239_pre_disaster,0,0,train\masks\hurricane-michael_00000239_pre_disaster.png,0,0,134,111023,00000239 +2,1876,hurricane-michael,post,train,train\images\hurricane-michael_00000240_post_disaster.png,hurricane-michael_00000240_post_disaster,25,34265,train\masks\hurricane-michael_00000240_post_disaster.png,14,23724,23,44215,00000240 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000240_pre_disaster.png,hurricane-michael_00000240_pre_disaster,0,0,train\masks\hurricane-michael_00000240_pre_disaster.png,0,0,63,104244,00000240 +3,1831,hurricane-michael,post,train,train\images\hurricane-michael_00000241_post_disaster.png,hurricane-michael_00000241_post_disaster,8,29869,train\masks\hurricane-michael_00000241_post_disaster.png,14,48709,22,48276,00000241 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000241_pre_disaster.png,hurricane-michael_00000241_pre_disaster,0,0,train\masks\hurricane-michael_00000241_pre_disaster.png,0,0,47,128834,00000241 +3,1618,hurricane-michael,post,train,train\images\hurricane-michael_00000243_post_disaster.png,hurricane-michael_00000243_post_disaster,36,27377,train\masks\hurricane-michael_00000243_post_disaster.png,15,17234,56,39242,00000243 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000243_pre_disaster.png,hurricane-michael_00000243_pre_disaster,0,0,train\masks\hurricane-michael_00000243_pre_disaster.png,0,0,108,85528,00000243 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000244_post_disaster.png,hurricane-michael_00000244_post_disaster,0,0,train\masks\hurricane-michael_00000244_post_disaster.png,0,0,0,0,00000244 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000244_pre_disaster.png,hurricane-michael_00000244_pre_disaster,0,0,train\masks\hurricane-michael_00000244_pre_disaster.png,0,0,0,0,00000244 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000246_post_disaster.png,hurricane-michael_00000246_post_disaster,44,67723,train\masks\hurricane-michael_00000246_post_disaster.png,19,29788,75,89245,00000246 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000246_pre_disaster.png,hurricane-michael_00000246_pre_disaster,0,0,train\masks\hurricane-michael_00000246_pre_disaster.png,0,0,129,186893,00000246 +20,12741,hurricane-michael,post,train,train\images\hurricane-michael_00000247_post_disaster.png,hurricane-michael_00000247_post_disaster,58,34521,train\masks\hurricane-michael_00000247_post_disaster.png,44,30074,51,33182,00000247 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000247_pre_disaster.png,hurricane-michael_00000247_pre_disaster,0,0,train\masks\hurricane-michael_00000247_pre_disaster.png,0,0,172,110551,00000247 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000248_post_disaster.png,hurricane-michael_00000248_post_disaster,8,37434,train\masks\hurricane-michael_00000248_post_disaster.png,7,72899,15,67847,00000248 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000248_pre_disaster.png,hurricane-michael_00000248_pre_disaster,0,0,train\masks\hurricane-michael_00000248_pre_disaster.png,0,0,30,178731,00000248 +3,3998,hurricane-michael,post,train,train\images\hurricane-michael_00000249_post_disaster.png,hurricane-michael_00000249_post_disaster,18,25041,train\masks\hurricane-michael_00000249_post_disaster.png,13,21094,26,57368,00000249 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000249_pre_disaster.png,hurricane-michael_00000249_pre_disaster,0,0,train\masks\hurricane-michael_00000249_pre_disaster.png,0,0,57,107501,00000249 +7,42153,hurricane-michael,post,train,train\images\hurricane-michael_00000250_post_disaster.png,hurricane-michael_00000250_post_disaster,2,2613,train\masks\hurricane-michael_00000250_post_disaster.png,4,21844,5,2576,00000250 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000250_pre_disaster.png,hurricane-michael_00000250_pre_disaster,0,0,train\masks\hurricane-michael_00000250_pre_disaster.png,0,0,17,69224,00000250 +9,4520,hurricane-michael,post,train,train\images\hurricane-michael_00000251_post_disaster.png,hurricane-michael_00000251_post_disaster,33,28731,train\masks\hurricane-michael_00000251_post_disaster.png,16,11684,28,21286,00000251 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000251_pre_disaster.png,hurricane-michael_00000251_pre_disaster,0,0,train\masks\hurricane-michael_00000251_pre_disaster.png,0,0,86,66415,00000251 +16,7056,hurricane-michael,post,train,train\images\hurricane-michael_00000252_post_disaster.png,hurricane-michael_00000252_post_disaster,32,37148,train\masks\hurricane-michael_00000252_post_disaster.png,26,38074,79,68212,00000252 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000252_pre_disaster.png,hurricane-michael_00000252_pre_disaster,0,0,train\masks\hurricane-michael_00000252_pre_disaster.png,0,0,151,150729,00000252 +6,3671,hurricane-michael,post,train,train\images\hurricane-michael_00000253_post_disaster.png,hurricane-michael_00000253_post_disaster,23,24610,train\masks\hurricane-michael_00000253_post_disaster.png,7,12070,51,34922,00000253 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000253_pre_disaster.png,hurricane-michael_00000253_pre_disaster,0,0,train\masks\hurricane-michael_00000253_pre_disaster.png,0,0,87,75272,00000253 +2,770,hurricane-michael,post,train,train\images\hurricane-michael_00000257_post_disaster.png,hurricane-michael_00000257_post_disaster,9,8738,train\masks\hurricane-michael_00000257_post_disaster.png,9,26475,29,37182,00000257 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000257_pre_disaster.png,hurricane-michael_00000257_pre_disaster,0,0,train\masks\hurricane-michael_00000257_pre_disaster.png,0,0,49,73228,00000257 +1,2213,hurricane-michael,post,train,train\images\hurricane-michael_00000258_post_disaster.png,hurricane-michael_00000258_post_disaster,0,0,train\masks\hurricane-michael_00000258_post_disaster.png,4,18094,9,4617,00000258 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000258_pre_disaster.png,hurricane-michael_00000258_pre_disaster,0,0,train\masks\hurricane-michael_00000258_pre_disaster.png,0,0,14,24924,00000258 +3,565,hurricane-michael,post,train,train\images\hurricane-michael_00000260_post_disaster.png,hurricane-michael_00000260_post_disaster,10,7366,train\masks\hurricane-michael_00000260_post_disaster.png,4,3729,15,14729,00000260 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000260_pre_disaster.png,hurricane-michael_00000260_pre_disaster,0,0,train\masks\hurricane-michael_00000260_pre_disaster.png,0,0,31,26389,00000260 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000261_post_disaster.png,hurricane-michael_00000261_post_disaster,4,8121,train\masks\hurricane-michael_00000261_post_disaster.png,3,123430,12,99683,00000261 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000261_pre_disaster.png,hurricane-michael_00000261_pre_disaster,0,0,train\masks\hurricane-michael_00000261_pre_disaster.png,0,0,20,232098,00000261 +3,9526,hurricane-michael,post,train,train\images\hurricane-michael_00000263_post_disaster.png,hurricane-michael_00000263_post_disaster,5,5293,train\masks\hurricane-michael_00000263_post_disaster.png,5,3306,2,1783,00000263 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000263_pre_disaster.png,hurricane-michael_00000263_pre_disaster,0,0,train\masks\hurricane-michael_00000263_pre_disaster.png,0,0,15,20043,00000263 +2,1151,hurricane-michael,post,train,train\images\hurricane-michael_00000265_post_disaster.png,hurricane-michael_00000265_post_disaster,13,26732,train\masks\hurricane-michael_00000265_post_disaster.png,4,17536,5,5445,00000265 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000265_pre_disaster.png,hurricane-michael_00000265_pre_disaster,0,0,train\masks\hurricane-michael_00000265_pre_disaster.png,0,0,24,50847,00000265 +4,2635,hurricane-michael,post,train,train\images\hurricane-michael_00000266_post_disaster.png,hurricane-michael_00000266_post_disaster,54,49546,train\masks\hurricane-michael_00000266_post_disaster.png,5,7006,62,71075,00000266 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000266_pre_disaster.png,hurricane-michael_00000266_pre_disaster,0,0,train\masks\hurricane-michael_00000266_pre_disaster.png,0,0,122,130349,00000266 +4,4115,hurricane-michael,post,train,train\images\hurricane-michael_00000267_post_disaster.png,hurricane-michael_00000267_post_disaster,15,19041,train\masks\hurricane-michael_00000267_post_disaster.png,18,23750,42,36659,00000267 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000267_pre_disaster.png,hurricane-michael_00000267_pre_disaster,0,0,train\masks\hurricane-michael_00000267_pre_disaster.png,0,0,78,83764,00000267 +1,366,hurricane-michael,post,train,train\images\hurricane-michael_00000268_post_disaster.png,hurricane-michael_00000268_post_disaster,11,13300,train\masks\hurricane-michael_00000268_post_disaster.png,9,20621,51,78798,00000268 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000268_pre_disaster.png,hurricane-michael_00000268_pre_disaster,0,0,train\masks\hurricane-michael_00000268_pre_disaster.png,0,0,71,113260,00000268 +2,4934,hurricane-michael,post,train,train\images\hurricane-michael_00000269_post_disaster.png,hurricane-michael_00000269_post_disaster,6,6916,train\masks\hurricane-michael_00000269_post_disaster.png,4,5862,13,28063,00000269 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000269_pre_disaster.png,hurricane-michael_00000269_pre_disaster,0,0,train\masks\hurricane-michael_00000269_pre_disaster.png,0,0,25,45814,00000269 +4,1274,hurricane-michael,post,train,train\images\hurricane-michael_00000271_post_disaster.png,hurricane-michael_00000271_post_disaster,17,13808,train\masks\hurricane-michael_00000271_post_disaster.png,12,16673,17,51293,00000271 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000271_pre_disaster.png,hurricane-michael_00000271_pre_disaster,0,0,train\masks\hurricane-michael_00000271_pre_disaster.png,0,0,48,83238,00000271 +4,5783,hurricane-michael,post,train,train\images\hurricane-michael_00000272_post_disaster.png,hurricane-michael_00000272_post_disaster,5,14034,train\masks\hurricane-michael_00000272_post_disaster.png,14,103466,30,59801,00000272 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000272_pre_disaster.png,hurricane-michael_00000272_pre_disaster,0,0,train\masks\hurricane-michael_00000272_pre_disaster.png,0,0,52,183214,00000272 +1,1888,hurricane-michael,post,train,train\images\hurricane-michael_00000273_post_disaster.png,hurricane-michael_00000273_post_disaster,9,11491,train\masks\hurricane-michael_00000273_post_disaster.png,8,8926,41,39705,00000273 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000273_pre_disaster.png,hurricane-michael_00000273_pre_disaster,0,0,train\masks\hurricane-michael_00000273_pre_disaster.png,0,0,58,62127,00000273 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000275_post_disaster.png,hurricane-michael_00000275_post_disaster,2,3424,train\masks\hurricane-michael_00000275_post_disaster.png,1,4173,13,42427,00000275 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000275_pre_disaster.png,hurricane-michael_00000275_pre_disaster,0,0,train\masks\hurricane-michael_00000275_pre_disaster.png,0,0,16,50026,00000275 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000276_post_disaster.png,hurricane-michael_00000276_post_disaster,11,33388,train\masks\hurricane-michael_00000276_post_disaster.png,3,17273,52,44596,00000276 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000276_pre_disaster.png,hurricane-michael_00000276_pre_disaster,0,0,train\masks\hurricane-michael_00000276_pre_disaster.png,0,0,66,95808,00000276 +3,10646,hurricane-michael,post,train,train\images\hurricane-michael_00000281_post_disaster.png,hurricane-michael_00000281_post_disaster,21,30274,train\masks\hurricane-michael_00000281_post_disaster.png,16,62602,79,74874,00000281 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000281_pre_disaster.png,hurricane-michael_00000281_pre_disaster,0,0,train\masks\hurricane-michael_00000281_pre_disaster.png,0,0,113,178522,00000281 +19,6681,hurricane-michael,post,train,train\images\hurricane-michael_00000283_post_disaster.png,hurricane-michael_00000283_post_disaster,32,22490,train\masks\hurricane-michael_00000283_post_disaster.png,20,15661,62,36685,00000283 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000283_pre_disaster.png,hurricane-michael_00000283_pre_disaster,0,0,train\masks\hurricane-michael_00000283_pre_disaster.png,0,0,132,81610,00000283 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000284_post_disaster.png,hurricane-michael_00000284_post_disaster,26,38939,train\masks\hurricane-michael_00000284_post_disaster.png,9,33025,30,48758,00000284 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000284_pre_disaster.png,hurricane-michael_00000284_pre_disaster,0,0,train\masks\hurricane-michael_00000284_pre_disaster.png,0,0,61,120861,00000284 +1,423,hurricane-michael,post,train,train\images\hurricane-michael_00000285_post_disaster.png,hurricane-michael_00000285_post_disaster,0,0,train\masks\hurricane-michael_00000285_post_disaster.png,2,6792,2,9990,00000285 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000285_pre_disaster.png,hurricane-michael_00000285_pre_disaster,0,0,train\masks\hurricane-michael_00000285_pre_disaster.png,0,0,5,17213,00000285 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000286_post_disaster.png,hurricane-michael_00000286_post_disaster,35,60673,train\masks\hurricane-michael_00000286_post_disaster.png,11,41695,77,87504,00000286 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000286_pre_disaster.png,hurricane-michael_00000286_pre_disaster,0,0,train\masks\hurricane-michael_00000286_pre_disaster.png,0,0,121,190103,00000286 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000287_post_disaster.png,hurricane-michael_00000287_post_disaster,30,35305,train\masks\hurricane-michael_00000287_post_disaster.png,26,43933,49,40683,00000287 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000287_pre_disaster.png,hurricane-michael_00000287_pre_disaster,0,0,train\masks\hurricane-michael_00000287_pre_disaster.png,0,0,104,120024,00000287 +3,637,hurricane-michael,post,train,train\images\hurricane-michael_00000289_post_disaster.png,hurricane-michael_00000289_post_disaster,22,20616,train\masks\hurricane-michael_00000289_post_disaster.png,6,7822,104,85878,00000289 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000289_pre_disaster.png,hurricane-michael_00000289_pre_disaster,0,0,train\masks\hurricane-michael_00000289_pre_disaster.png,0,0,132,114996,00000289 +3,1259,hurricane-michael,post,train,train\images\hurricane-michael_00000290_post_disaster.png,hurricane-michael_00000290_post_disaster,26,48469,train\masks\hurricane-michael_00000290_post_disaster.png,7,5281,16,10301,00000290 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000290_pre_disaster.png,hurricane-michael_00000290_pre_disaster,0,0,train\masks\hurricane-michael_00000290_pre_disaster.png,0,0,52,65310,00000290 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000292_post_disaster.png,hurricane-michael_00000292_post_disaster,30,27617,train\masks\hurricane-michael_00000292_post_disaster.png,22,53886,62,57387,00000292 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000292_pre_disaster.png,hurricane-michael_00000292_pre_disaster,0,0,train\masks\hurricane-michael_00000292_pre_disaster.png,0,0,113,138910,00000292 +2,1221,hurricane-michael,post,train,train\images\hurricane-michael_00000293_post_disaster.png,hurricane-michael_00000293_post_disaster,7,3620,train\masks\hurricane-michael_00000293_post_disaster.png,11,9528,7,5440,00000293 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000293_pre_disaster.png,hurricane-michael_00000293_pre_disaster,0,0,train\masks\hurricane-michael_00000293_pre_disaster.png,0,0,27,19809,00000293 +1,1315,hurricane-michael,post,train,train\images\hurricane-michael_00000294_post_disaster.png,hurricane-michael_00000294_post_disaster,30,22736,train\masks\hurricane-michael_00000294_post_disaster.png,26,36264,49,31455,00000294 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000294_pre_disaster.png,hurricane-michael_00000294_pre_disaster,0,0,train\masks\hurricane-michael_00000294_pre_disaster.png,0,0,106,92003,00000294 +9,27730,hurricane-michael,post,train,train\images\hurricane-michael_00000295_post_disaster.png,hurricane-michael_00000295_post_disaster,1,1559,train\masks\hurricane-michael_00000295_post_disaster.png,1,2381,8,14032,00000295 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000295_pre_disaster.png,hurricane-michael_00000295_pre_disaster,0,0,train\masks\hurricane-michael_00000295_pre_disaster.png,0,0,17,45730,00000295 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000296_post_disaster.png,hurricane-michael_00000296_post_disaster,3,11430,train\masks\hurricane-michael_00000296_post_disaster.png,0,0,6,9597,00000296 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000296_pre_disaster.png,hurricane-michael_00000296_pre_disaster,0,0,train\masks\hurricane-michael_00000296_pre_disaster.png,0,0,9,21030,00000296 +9,2091,hurricane-michael,post,train,train\images\hurricane-michael_00000299_post_disaster.png,hurricane-michael_00000299_post_disaster,53,33678,train\masks\hurricane-michael_00000299_post_disaster.png,31,28874,102,53861,00000299 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000299_pre_disaster.png,hurricane-michael_00000299_pre_disaster,0,0,train\masks\hurricane-michael_00000299_pre_disaster.png,0,0,194,118692,00000299 +4,10097,hurricane-michael,post,train,train\images\hurricane-michael_00000300_post_disaster.png,hurricane-michael_00000300_post_disaster,8,7809,train\masks\hurricane-michael_00000300_post_disaster.png,4,21937,13,6647,00000300 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000300_pre_disaster.png,hurricane-michael_00000300_pre_disaster,0,0,train\masks\hurricane-michael_00000300_pre_disaster.png,0,0,29,46530,00000300 +6,3621,hurricane-michael,post,train,train\images\hurricane-michael_00000301_post_disaster.png,hurricane-michael_00000301_post_disaster,13,11415,train\masks\hurricane-michael_00000301_post_disaster.png,6,10739,61,66074,00000301 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000301_pre_disaster.png,hurricane-michael_00000301_pre_disaster,0,0,train\masks\hurricane-michael_00000301_pre_disaster.png,0,0,83,91907,00000301 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000302_post_disaster.png,hurricane-michael_00000302_post_disaster,12,9902,train\masks\hurricane-michael_00000302_post_disaster.png,2,1437,58,72621,00000302 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000302_pre_disaster.png,hurricane-michael_00000302_pre_disaster,0,0,train\masks\hurricane-michael_00000302_pre_disaster.png,0,0,72,83997,00000302 +24,18684,hurricane-michael,post,train,train\images\hurricane-michael_00000303_post_disaster.png,hurricane-michael_00000303_post_disaster,25,29267,train\masks\hurricane-michael_00000303_post_disaster.png,18,18884,58,55626,00000303 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000303_pre_disaster.png,hurricane-michael_00000303_pre_disaster,0,0,train\masks\hurricane-michael_00000303_pre_disaster.png,0,0,125,122763,00000303 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000304_post_disaster.png,hurricane-michael_00000304_post_disaster,59,42942,train\masks\hurricane-michael_00000304_post_disaster.png,28,23439,68,45871,00000304 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000304_pre_disaster.png,hurricane-michael_00000304_pre_disaster,0,0,train\masks\hurricane-michael_00000304_pre_disaster.png,0,0,153,112365,00000304 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000305_post_disaster.png,hurricane-michael_00000305_post_disaster,0,0,train\masks\hurricane-michael_00000305_post_disaster.png,0,0,2,1353,00000305 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000305_pre_disaster.png,hurricane-michael_00000305_pre_disaster,0,0,train\masks\hurricane-michael_00000305_pre_disaster.png,0,0,2,1353,00000305 +6,6746,hurricane-michael,post,train,train\images\hurricane-michael_00000306_post_disaster.png,hurricane-michael_00000306_post_disaster,61,58668,train\masks\hurricane-michael_00000306_post_disaster.png,8,7509,68,46358,00000306 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000306_pre_disaster.png,hurricane-michael_00000306_pre_disaster,0,0,train\masks\hurricane-michael_00000306_pre_disaster.png,0,0,142,119329,00000306 +7,3036,hurricane-michael,post,train,train\images\hurricane-michael_00000307_post_disaster.png,hurricane-michael_00000307_post_disaster,38,30822,train\masks\hurricane-michael_00000307_post_disaster.png,30,27173,34,27754,00000307 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000307_pre_disaster.png,hurricane-michael_00000307_pre_disaster,0,0,train\masks\hurricane-michael_00000307_pre_disaster.png,0,0,105,88792,00000307 +4,437,hurricane-michael,post,train,train\images\hurricane-michael_00000308_post_disaster.png,hurricane-michael_00000308_post_disaster,11,8054,train\masks\hurricane-michael_00000308_post_disaster.png,3,1628,28,13524,00000308 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000308_pre_disaster.png,hurricane-michael_00000308_pre_disaster,0,0,train\masks\hurricane-michael_00000308_pre_disaster.png,0,0,46,23668,00000308 +6,2759,hurricane-michael,post,train,train\images\hurricane-michael_00000309_post_disaster.png,hurricane-michael_00000309_post_disaster,33,23807,train\masks\hurricane-michael_00000309_post_disaster.png,33,50545,65,45374,00000309 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000309_pre_disaster.png,hurricane-michael_00000309_pre_disaster,0,0,train\masks\hurricane-michael_00000309_pre_disaster.png,0,0,134,122653,00000309 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000310_post_disaster.png,hurricane-michael_00000310_post_disaster,2,1380,train\masks\hurricane-michael_00000310_post_disaster.png,0,0,7,15614,00000310 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000310_pre_disaster.png,hurricane-michael_00000310_pre_disaster,0,0,train\masks\hurricane-michael_00000310_pre_disaster.png,0,0,9,16994,00000310 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000311_post_disaster.png,hurricane-michael_00000311_post_disaster,21,20274,train\masks\hurricane-michael_00000311_post_disaster.png,6,9090,54,43015,00000311 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000311_pre_disaster.png,hurricane-michael_00000311_pre_disaster,0,0,train\masks\hurricane-michael_00000311_pre_disaster.png,0,0,81,72382,00000311 +2,1298,hurricane-michael,post,train,train\images\hurricane-michael_00000312_post_disaster.png,hurricane-michael_00000312_post_disaster,2,1397,train\masks\hurricane-michael_00000312_post_disaster.png,0,0,20,11745,00000312 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000312_pre_disaster.png,hurricane-michael_00000312_pre_disaster,0,0,train\masks\hurricane-michael_00000312_pre_disaster.png,0,0,24,14440,00000312 +16,45549,hurricane-michael,post,train,train\images\hurricane-michael_00000313_post_disaster.png,hurricane-michael_00000313_post_disaster,47,36326,train\masks\hurricane-michael_00000313_post_disaster.png,22,40645,40,24499,00000313 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000313_pre_disaster.png,hurricane-michael_00000313_pre_disaster,0,0,train\masks\hurricane-michael_00000313_pre_disaster.png,0,0,125,147146,00000313 +5,2455,hurricane-michael,post,train,train\images\hurricane-michael_00000315_post_disaster.png,hurricane-michael_00000315_post_disaster,36,26707,train\masks\hurricane-michael_00000315_post_disaster.png,16,19950,73,62255,00000315 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000315_pre_disaster.png,hurricane-michael_00000315_pre_disaster,0,0,train\masks\hurricane-michael_00000315_pre_disaster.png,0,0,129,111560,00000315 +1,2126,hurricane-michael,post,train,train\images\hurricane-michael_00000319_post_disaster.png,hurricane-michael_00000319_post_disaster,5,4037,train\masks\hurricane-michael_00000319_post_disaster.png,0,0,38,33502,00000319 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000319_pre_disaster.png,hurricane-michael_00000319_pre_disaster,0,0,train\masks\hurricane-michael_00000319_pre_disaster.png,0,0,43,39665,00000319 +1,565,hurricane-michael,post,train,train\images\hurricane-michael_00000322_post_disaster.png,hurricane-michael_00000322_post_disaster,12,16226,train\masks\hurricane-michael_00000322_post_disaster.png,2,2272,50,39825,00000322 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000322_pre_disaster.png,hurricane-michael_00000322_pre_disaster,0,0,train\masks\hurricane-michael_00000322_pre_disaster.png,0,0,64,58919,00000322 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000323_post_disaster.png,hurricane-michael_00000323_post_disaster,1,1576,train\masks\hurricane-michael_00000323_post_disaster.png,4,6733,20,48123,00000323 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000323_pre_disaster.png,hurricane-michael_00000323_pre_disaster,0,0,train\masks\hurricane-michael_00000323_pre_disaster.png,0,0,25,56432,00000323 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000324_post_disaster.png,hurricane-michael_00000324_post_disaster,1,805,train\masks\hurricane-michael_00000324_post_disaster.png,0,0,31,31022,00000324 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000324_pre_disaster.png,hurricane-michael_00000324_pre_disaster,0,0,train\masks\hurricane-michael_00000324_pre_disaster.png,0,0,32,31876,00000324 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000325_post_disaster.png,hurricane-michael_00000325_post_disaster,0,0,train\masks\hurricane-michael_00000325_post_disaster.png,0,0,2,1801,00000325 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000325_pre_disaster.png,hurricane-michael_00000325_pre_disaster,0,0,train\masks\hurricane-michael_00000325_pre_disaster.png,0,0,2,1801,00000325 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000326_post_disaster.png,hurricane-michael_00000326_post_disaster,9,22130,train\masks\hurricane-michael_00000326_post_disaster.png,1,3831,32,29344,00000326 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000326_pre_disaster.png,hurricane-michael_00000326_pre_disaster,0,0,train\masks\hurricane-michael_00000326_pre_disaster.png,0,0,42,55410,00000326 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000328_post_disaster.png,hurricane-michael_00000328_post_disaster,4,3547,train\masks\hurricane-michael_00000328_post_disaster.png,4,1119,8,12150,00000328 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000328_pre_disaster.png,hurricane-michael_00000328_pre_disaster,0,0,train\masks\hurricane-michael_00000328_pre_disaster.png,0,0,16,16816,00000328 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000329_post_disaster.png,hurricane-michael_00000329_post_disaster,14,18227,train\masks\hurricane-michael_00000329_post_disaster.png,0,0,29,28776,00000329 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000329_pre_disaster.png,hurricane-michael_00000329_pre_disaster,0,0,train\masks\hurricane-michael_00000329_pre_disaster.png,0,0,42,47022,00000329 +2,4333,hurricane-michael,post,train,train\images\hurricane-michael_00000330_post_disaster.png,hurricane-michael_00000330_post_disaster,3,3588,train\masks\hurricane-michael_00000330_post_disaster.png,0,0,12,10063,00000330 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000330_pre_disaster.png,hurricane-michael_00000330_pre_disaster,0,0,train\masks\hurricane-michael_00000330_pre_disaster.png,0,0,17,17984,00000330 +1,688,hurricane-michael,post,train,train\images\hurricane-michael_00000331_post_disaster.png,hurricane-michael_00000331_post_disaster,8,10057,train\masks\hurricane-michael_00000331_post_disaster.png,7,7075,62,28383,00000331 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000331_pre_disaster.png,hurricane-michael_00000331_pre_disaster,0,0,train\masks\hurricane-michael_00000331_pre_disaster.png,0,0,78,46315,00000331 +1,226,hurricane-michael,post,train,train\images\hurricane-michael_00000333_post_disaster.png,hurricane-michael_00000333_post_disaster,9,8857,train\masks\hurricane-michael_00000333_post_disaster.png,1,421,38,20977,00000333 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000333_pre_disaster.png,hurricane-michael_00000333_pre_disaster,0,0,train\masks\hurricane-michael_00000333_pre_disaster.png,0,0,49,30518,00000333 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000334_post_disaster.png,hurricane-michael_00000334_post_disaster,11,13648,train\masks\hurricane-michael_00000334_post_disaster.png,2,3227,24,34402,00000334 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000334_pre_disaster.png,hurricane-michael_00000334_pre_disaster,0,0,train\masks\hurricane-michael_00000334_pre_disaster.png,0,0,37,51310,00000334 +2,524,hurricane-michael,post,train,train\images\hurricane-michael_00000337_post_disaster.png,hurricane-michael_00000337_post_disaster,3,4603,train\masks\hurricane-michael_00000337_post_disaster.png,0,0,18,15180,00000337 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000337_pre_disaster.png,hurricane-michael_00000337_pre_disaster,0,0,train\masks\hurricane-michael_00000337_pre_disaster.png,0,0,23,20307,00000337 +4,3828,hurricane-michael,post,train,train\images\hurricane-michael_00000338_post_disaster.png,hurricane-michael_00000338_post_disaster,4,3180,train\masks\hurricane-michael_00000338_post_disaster.png,5,3486,19,15032,00000338 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000338_pre_disaster.png,hurricane-michael_00000338_pre_disaster,0,0,train\masks\hurricane-michael_00000338_pre_disaster.png,0,0,31,25526,00000338 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000339_post_disaster.png,hurricane-michael_00000339_post_disaster,4,2117,train\masks\hurricane-michael_00000339_post_disaster.png,2,2874,25,18755,00000339 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000339_pre_disaster.png,hurricane-michael_00000339_pre_disaster,0,0,train\masks\hurricane-michael_00000339_pre_disaster.png,0,0,31,23871,00000339 +4,3269,hurricane-michael,post,train,train\images\hurricane-michael_00000340_post_disaster.png,hurricane-michael_00000340_post_disaster,12,16807,train\masks\hurricane-michael_00000340_post_disaster.png,8,7345,49,41525,00000340 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000340_pre_disaster.png,hurricane-michael_00000340_pre_disaster,0,0,train\masks\hurricane-michael_00000340_pre_disaster.png,0,0,72,69015,00000340 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000341_post_disaster.png,hurricane-michael_00000341_post_disaster,3,2380,train\masks\hurricane-michael_00000341_post_disaster.png,1,1012,12,10802,00000341 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000341_pre_disaster.png,hurricane-michael_00000341_pre_disaster,0,0,train\masks\hurricane-michael_00000341_pre_disaster.png,0,0,16,14194,00000341 +4,1268,hurricane-michael,post,train,train\images\hurricane-michael_00000343_post_disaster.png,hurricane-michael_00000343_post_disaster,10,9229,train\masks\hurricane-michael_00000343_post_disaster.png,5,4596,11,10487,00000343 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000343_pre_disaster.png,hurricane-michael_00000343_pre_disaster,0,0,train\masks\hurricane-michael_00000343_pre_disaster.png,0,0,30,25879,00000343 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000344_post_disaster.png,hurricane-michael_00000344_post_disaster,3,6651,train\masks\hurricane-michael_00000344_post_disaster.png,1,2299,10,12936,00000344 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000344_pre_disaster.png,hurricane-michael_00000344_pre_disaster,0,0,train\masks\hurricane-michael_00000344_pre_disaster.png,0,0,14,21886,00000344 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000345_post_disaster.png,hurricane-michael_00000345_post_disaster,4,3675,train\masks\hurricane-michael_00000345_post_disaster.png,1,1360,18,13397,00000345 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000345_pre_disaster.png,hurricane-michael_00000345_pre_disaster,0,0,train\masks\hurricane-michael_00000345_pre_disaster.png,0,0,22,18432,00000345 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000347_post_disaster.png,hurricane-michael_00000347_post_disaster,23,20331,train\masks\hurricane-michael_00000347_post_disaster.png,3,2747,50,38072,00000347 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000347_pre_disaster.png,hurricane-michael_00000347_pre_disaster,0,0,train\masks\hurricane-michael_00000347_pre_disaster.png,0,0,75,61150,00000347 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000348_post_disaster.png,hurricane-michael_00000348_post_disaster,5,4860,train\masks\hurricane-michael_00000348_post_disaster.png,0,0,30,26821,00000348 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000348_pre_disaster.png,hurricane-michael_00000348_pre_disaster,0,0,train\masks\hurricane-michael_00000348_pre_disaster.png,0,0,34,31681,00000348 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000349_post_disaster.png,hurricane-michael_00000349_post_disaster,2,1963,train\masks\hurricane-michael_00000349_post_disaster.png,0,0,1,127,00000349 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000349_pre_disaster.png,hurricane-michael_00000349_pre_disaster,0,0,train\masks\hurricane-michael_00000349_pre_disaster.png,0,0,2,2090,00000349 +1,1110,hurricane-michael,post,train,train\images\hurricane-michael_00000351_post_disaster.png,hurricane-michael_00000351_post_disaster,7,10129,train\masks\hurricane-michael_00000351_post_disaster.png,0,0,39,46599,00000351 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000351_pre_disaster.png,hurricane-michael_00000351_pre_disaster,0,0,train\masks\hurricane-michael_00000351_pre_disaster.png,0,0,45,58028,00000351 +1,2515,hurricane-michael,post,train,train\images\hurricane-michael_00000353_post_disaster.png,hurricane-michael_00000353_post_disaster,0,0,train\masks\hurricane-michael_00000353_post_disaster.png,1,2532,1,861,00000353 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000353_pre_disaster.png,hurricane-michael_00000353_pre_disaster,0,0,train\masks\hurricane-michael_00000353_pre_disaster.png,0,0,3,6035,00000353 +1,234,hurricane-michael,post,train,train\images\hurricane-michael_00000355_post_disaster.png,hurricane-michael_00000355_post_disaster,24,51597,train\masks\hurricane-michael_00000355_post_disaster.png,0,0,44,58720,00000355 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000355_pre_disaster.png,hurricane-michael_00000355_pre_disaster,0,0,train\masks\hurricane-michael_00000355_pre_disaster.png,0,0,67,110551,00000355 +1,519,hurricane-michael,post,train,train\images\hurricane-michael_00000356_post_disaster.png,hurricane-michael_00000356_post_disaster,10,7825,train\masks\hurricane-michael_00000356_post_disaster.png,2,717,37,25345,00000356 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000356_pre_disaster.png,hurricane-michael_00000356_pre_disaster,0,0,train\masks\hurricane-michael_00000356_pre_disaster.png,0,0,49,34406,00000356 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000357_post_disaster.png,hurricane-michael_00000357_post_disaster,24,34030,train\masks\hurricane-michael_00000357_post_disaster.png,1,1785,90,94548,00000357 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000357_pre_disaster.png,hurricane-michael_00000357_pre_disaster,0,0,train\masks\hurricane-michael_00000357_pre_disaster.png,0,0,114,130597,00000357 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000358_post_disaster.png,hurricane-michael_00000358_post_disaster,7,6476,train\masks\hurricane-michael_00000358_post_disaster.png,1,3881,42,35355,00000358 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000358_pre_disaster.png,hurricane-michael_00000358_pre_disaster,0,0,train\masks\hurricane-michael_00000358_pre_disaster.png,0,0,50,45760,00000358 +3,1166,hurricane-michael,post,train,train\images\hurricane-michael_00000359_post_disaster.png,hurricane-michael_00000359_post_disaster,9,18543,train\masks\hurricane-michael_00000359_post_disaster.png,1,388,91,99477,00000359 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000359_pre_disaster.png,hurricane-michael_00000359_pre_disaster,0,0,train\masks\hurricane-michael_00000359_pre_disaster.png,0,0,104,119628,00000359 +3,1027,hurricane-michael,post,train,train\images\hurricane-michael_00000360_post_disaster.png,hurricane-michael_00000360_post_disaster,6,7538,train\masks\hurricane-michael_00000360_post_disaster.png,3,2273,40,34087,00000360 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000360_pre_disaster.png,hurricane-michael_00000360_pre_disaster,0,0,train\masks\hurricane-michael_00000360_pre_disaster.png,0,0,51,44939,00000360 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000361_post_disaster.png,hurricane-michael_00000361_post_disaster,9,16756,train\masks\hurricane-michael_00000361_post_disaster.png,0,0,44,74569,00000361 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000361_pre_disaster.png,hurricane-michael_00000361_pre_disaster,0,0,train\masks\hurricane-michael_00000361_pre_disaster.png,0,0,53,91456,00000361 +2,1251,hurricane-michael,post,train,train\images\hurricane-michael_00000362_post_disaster.png,hurricane-michael_00000362_post_disaster,3,3340,train\masks\hurricane-michael_00000362_post_disaster.png,1,695,15,8033,00000362 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000362_pre_disaster.png,hurricane-michael_00000362_pre_disaster,0,0,train\masks\hurricane-michael_00000362_pre_disaster.png,0,0,20,13358,00000362 +2,1372,hurricane-michael,post,train,train\images\hurricane-michael_00000365_post_disaster.png,hurricane-michael_00000365_post_disaster,10,10608,train\masks\hurricane-michael_00000365_post_disaster.png,1,776,34,35903,00000365 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000365_pre_disaster.png,hurricane-michael_00000365_pre_disaster,0,0,train\masks\hurricane-michael_00000365_pre_disaster.png,0,0,47,48723,00000365 +1,631,hurricane-michael,post,train,train\images\hurricane-michael_00000367_post_disaster.png,hurricane-michael_00000367_post_disaster,6,5663,train\masks\hurricane-michael_00000367_post_disaster.png,2,1886,25,29057,00000367 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000367_pre_disaster.png,hurricane-michael_00000367_pre_disaster,0,0,train\masks\hurricane-michael_00000367_pre_disaster.png,0,0,34,37237,00000367 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000369_post_disaster.png,hurricane-michael_00000369_post_disaster,0,0,train\masks\hurricane-michael_00000369_post_disaster.png,0,0,0,0,00000369 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000369_pre_disaster.png,hurricane-michael_00000369_pre_disaster,0,0,train\masks\hurricane-michael_00000369_pre_disaster.png,0,0,0,0,00000369 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000371_post_disaster.png,hurricane-michael_00000371_post_disaster,1,1014,train\masks\hurricane-michael_00000371_post_disaster.png,0,0,10,6224,00000371 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000371_pre_disaster.png,hurricane-michael_00000371_pre_disaster,0,0,train\masks\hurricane-michael_00000371_pre_disaster.png,0,0,11,7238,00000371 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000377_post_disaster.png,hurricane-michael_00000377_post_disaster,17,17443,train\masks\hurricane-michael_00000377_post_disaster.png,3,3378,98,87841,00000377 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000377_pre_disaster.png,hurricane-michael_00000377_pre_disaster,0,0,train\masks\hurricane-michael_00000377_pre_disaster.png,0,0,118,108905,00000377 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000379_post_disaster.png,hurricane-michael_00000379_post_disaster,0,0,train\masks\hurricane-michael_00000379_post_disaster.png,0,0,0,0,00000379 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000379_pre_disaster.png,hurricane-michael_00000379_pre_disaster,0,0,train\masks\hurricane-michael_00000379_pre_disaster.png,0,0,0,0,00000379 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000380_post_disaster.png,hurricane-michael_00000380_post_disaster,0,0,train\masks\hurricane-michael_00000380_post_disaster.png,0,0,0,0,00000380 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000380_pre_disaster.png,hurricane-michael_00000380_pre_disaster,0,0,train\masks\hurricane-michael_00000380_pre_disaster.png,0,0,0,0,00000380 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000386_post_disaster.png,hurricane-michael_00000386_post_disaster,15,18411,train\masks\hurricane-michael_00000386_post_disaster.png,6,7273,75,80971,00000386 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000386_pre_disaster.png,hurricane-michael_00000386_pre_disaster,0,0,train\masks\hurricane-michael_00000386_pre_disaster.png,0,0,96,106792,00000386 +2,399,hurricane-michael,post,train,train\images\hurricane-michael_00000387_post_disaster.png,hurricane-michael_00000387_post_disaster,4,2983,train\masks\hurricane-michael_00000387_post_disaster.png,4,2735,22,12309,00000387 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000387_pre_disaster.png,hurricane-michael_00000387_pre_disaster,0,0,train\masks\hurricane-michael_00000387_pre_disaster.png,0,0,32,18426,00000387 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000388_post_disaster.png,hurricane-michael_00000388_post_disaster,24,48081,train\masks\hurricane-michael_00000388_post_disaster.png,2,3945,54,81328,00000388 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000388_pre_disaster.png,hurricane-michael_00000388_pre_disaster,0,0,train\masks\hurricane-michael_00000388_pre_disaster.png,0,0,80,133500,00000388 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000389_post_disaster.png,hurricane-michael_00000389_post_disaster,3,4589,train\masks\hurricane-michael_00000389_post_disaster.png,1,1881,4,8716,00000389 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000389_pre_disaster.png,hurricane-michael_00000389_pre_disaster,0,0,train\masks\hurricane-michael_00000389_pre_disaster.png,0,0,8,15235,00000389 +3,2999,hurricane-michael,post,train,train\images\hurricane-michael_00000391_post_disaster.png,hurricane-michael_00000391_post_disaster,2,2895,train\masks\hurricane-michael_00000391_post_disaster.png,2,4709,6,4804,00000391 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000391_pre_disaster.png,hurricane-michael_00000391_pre_disaster,0,0,train\masks\hurricane-michael_00000391_pre_disaster.png,0,0,13,15421,00000391 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000392_post_disaster.png,hurricane-michael_00000392_post_disaster,3,5274,train\masks\hurricane-michael_00000392_post_disaster.png,0,0,3,2969,00000392 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000392_pre_disaster.png,hurricane-michael_00000392_pre_disaster,0,0,train\masks\hurricane-michael_00000392_pre_disaster.png,0,0,6,8243,00000392 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000393_post_disaster.png,hurricane-michael_00000393_post_disaster,0,0,train\masks\hurricane-michael_00000393_post_disaster.png,1,544,0,0,00000393 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000393_pre_disaster.png,hurricane-michael_00000393_pre_disaster,0,0,train\masks\hurricane-michael_00000393_pre_disaster.png,0,0,1,529,00000393 +1,2585,hurricane-michael,post,train,train\images\hurricane-michael_00000402_post_disaster.png,hurricane-michael_00000402_post_disaster,9,21648,train\masks\hurricane-michael_00000402_post_disaster.png,3,7506,50,61628,00000402 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000402_pre_disaster.png,hurricane-michael_00000402_pre_disaster,0,0,train\masks\hurricane-michael_00000402_pre_disaster.png,0,0,62,93423,00000402 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000403_post_disaster.png,hurricane-michael_00000403_post_disaster,10,44280,train\masks\hurricane-michael_00000403_post_disaster.png,0,0,12,36265,00000403 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000403_pre_disaster.png,hurricane-michael_00000403_pre_disaster,0,0,train\masks\hurricane-michael_00000403_pre_disaster.png,0,0,22,80600,00000403 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000404_post_disaster.png,hurricane-michael_00000404_post_disaster,7,19208,train\masks\hurricane-michael_00000404_post_disaster.png,8,147799,30,57249,00000404 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000404_pre_disaster.png,hurricane-michael_00000404_pre_disaster,0,0,train\masks\hurricane-michael_00000404_pre_disaster.png,0,0,41,223633,00000404 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000405_post_disaster.png,hurricane-michael_00000405_post_disaster,17,46760,train\masks\hurricane-michael_00000405_post_disaster.png,18,34538,33,47029,00000405 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000405_pre_disaster.png,hurricane-michael_00000405_pre_disaster,0,0,train\masks\hurricane-michael_00000405_pre_disaster.png,0,0,68,128661,00000405 +1,1871,hurricane-michael,post,train,train\images\hurricane-michael_00000406_post_disaster.png,hurricane-michael_00000406_post_disaster,32,59866,train\masks\hurricane-michael_00000406_post_disaster.png,20,38403,59,115097,00000406 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000406_pre_disaster.png,hurricane-michael_00000406_pre_disaster,0,0,train\masks\hurricane-michael_00000406_pre_disaster.png,0,0,91,215291,00000406 +7,4256,hurricane-michael,post,train,train\images\hurricane-michael_00000408_post_disaster.png,hurricane-michael_00000408_post_disaster,5,4386,train\masks\hurricane-michael_00000408_post_disaster.png,6,10071,18,11617,00000408 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000408_pre_disaster.png,hurricane-michael_00000408_pre_disaster,0,0,train\masks\hurricane-michael_00000408_pre_disaster.png,0,0,36,30346,00000408 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000409_post_disaster.png,hurricane-michael_00000409_post_disaster,8,14594,train\masks\hurricane-michael_00000409_post_disaster.png,7,15710,68,70366,00000409 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000409_pre_disaster.png,hurricane-michael_00000409_pre_disaster,0,0,train\masks\hurricane-michael_00000409_pre_disaster.png,0,0,83,100844,00000409 +2,2023,hurricane-michael,post,train,train\images\hurricane-michael_00000410_post_disaster.png,hurricane-michael_00000410_post_disaster,0,0,train\masks\hurricane-michael_00000410_post_disaster.png,1,2424,1,9692,00000410 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000410_pre_disaster.png,hurricane-michael_00000410_pre_disaster,0,0,train\masks\hurricane-michael_00000410_pre_disaster.png,0,0,4,14065,00000410 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000411_post_disaster.png,hurricane-michael_00000411_post_disaster,12,9451,train\masks\hurricane-michael_00000411_post_disaster.png,3,5079,34,39839,00000411 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000411_pre_disaster.png,hurricane-michael_00000411_pre_disaster,0,0,train\masks\hurricane-michael_00000411_pre_disaster.png,0,0,49,54238,00000411 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000412_post_disaster.png,hurricane-michael_00000412_post_disaster,7,9252,train\masks\hurricane-michael_00000412_post_disaster.png,1,1141,14,11371,00000412 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000412_pre_disaster.png,hurricane-michael_00000412_pre_disaster,0,0,train\masks\hurricane-michael_00000412_pre_disaster.png,0,0,22,21888,00000412 +13,3794,hurricane-michael,post,train,train\images\hurricane-michael_00000413_post_disaster.png,hurricane-michael_00000413_post_disaster,38,42974,train\masks\hurricane-michael_00000413_post_disaster.png,22,24604,63,49592,00000413 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000413_pre_disaster.png,hurricane-michael_00000413_pre_disaster,0,0,train\masks\hurricane-michael_00000413_pre_disaster.png,0,0,133,121191,00000413 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000415_post_disaster.png,hurricane-michael_00000415_post_disaster,6,9799,train\masks\hurricane-michael_00000415_post_disaster.png,6,8341,19,24095,00000415 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000415_pre_disaster.png,hurricane-michael_00000415_pre_disaster,0,0,train\masks\hurricane-michael_00000415_pre_disaster.png,0,0,31,42206,00000415 +1,968,hurricane-michael,post,train,train\images\hurricane-michael_00000416_post_disaster.png,hurricane-michael_00000416_post_disaster,9,11282,train\masks\hurricane-michael_00000416_post_disaster.png,1,1049,85,80294,00000416 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000416_pre_disaster.png,hurricane-michael_00000416_pre_disaster,0,0,train\masks\hurricane-michael_00000416_pre_disaster.png,0,0,95,93743,00000416 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000417_post_disaster.png,hurricane-michael_00000417_post_disaster,17,20166,train\masks\hurricane-michael_00000417_post_disaster.png,1,21023,116,96693,00000417 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000417_pre_disaster.png,hurricane-michael_00000417_pre_disaster,0,0,train\masks\hurricane-michael_00000417_pre_disaster.png,0,0,134,137874,00000417 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000419_post_disaster.png,hurricane-michael_00000419_post_disaster,8,10911,train\masks\hurricane-michael_00000419_post_disaster.png,4,6743,14,21392,00000419 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000419_pre_disaster.png,hurricane-michael_00000419_pre_disaster,0,0,train\masks\hurricane-michael_00000419_pre_disaster.png,0,0,24,39111,00000419 +1,1824,hurricane-michael,post,train,train\images\hurricane-michael_00000421_post_disaster.png,hurricane-michael_00000421_post_disaster,30,36900,train\masks\hurricane-michael_00000421_post_disaster.png,13,22526,92,90847,00000421 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000421_pre_disaster.png,hurricane-michael_00000421_pre_disaster,0,0,train\masks\hurricane-michael_00000421_pre_disaster.png,0,0,137,152072,00000421 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000422_post_disaster.png,hurricane-michael_00000422_post_disaster,10,12964,train\masks\hurricane-michael_00000422_post_disaster.png,2,1436,96,119671,00000422 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000422_pre_disaster.png,hurricane-michael_00000422_pre_disaster,0,0,train\masks\hurricane-michael_00000422_pre_disaster.png,0,0,105,134224,00000422 +1,5334,hurricane-michael,post,train,train\images\hurricane-michael_00000424_post_disaster.png,hurricane-michael_00000424_post_disaster,7,9791,train\masks\hurricane-michael_00000424_post_disaster.png,4,5966,100,169792,00000424 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000424_pre_disaster.png,hurricane-michael_00000424_pre_disaster,0,0,train\masks\hurricane-michael_00000424_pre_disaster.png,0,0,112,190987,00000424 +1,498,hurricane-michael,post,train,train\images\hurricane-michael_00000427_post_disaster.png,hurricane-michael_00000427_post_disaster,12,24574,train\masks\hurricane-michael_00000427_post_disaster.png,8,21644,24,40164,00000427 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000427_pre_disaster.png,hurricane-michael_00000427_pre_disaster,0,0,train\masks\hurricane-michael_00000427_pre_disaster.png,0,0,45,86826,00000427 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000430_post_disaster.png,hurricane-michael_00000430_post_disaster,1,3771,train\masks\hurricane-michael_00000430_post_disaster.png,3,55621,4,8347,00000430 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000430_pre_disaster.png,hurricane-michael_00000430_pre_disaster,0,0,train\masks\hurricane-michael_00000430_pre_disaster.png,0,0,7,67791,00000430 +3,2545,hurricane-michael,post,train,train\images\hurricane-michael_00000435_post_disaster.png,hurricane-michael_00000435_post_disaster,5,56259,train\masks\hurricane-michael_00000435_post_disaster.png,5,80626,20,40993,00000435 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000435_pre_disaster.png,hurricane-michael_00000435_pre_disaster,0,0,train\masks\hurricane-michael_00000435_pre_disaster.png,0,0,28,180571,00000435 +2,1597,hurricane-michael,post,train,train\images\hurricane-michael_00000439_post_disaster.png,hurricane-michael_00000439_post_disaster,6,13878,train\masks\hurricane-michael_00000439_post_disaster.png,9,15294,26,71929,00000439 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000439_pre_disaster.png,hurricane-michael_00000439_pre_disaster,0,0,train\masks\hurricane-michael_00000439_pre_disaster.png,0,0,41,102756,00000439 +9,3796,hurricane-michael,post,train,train\images\hurricane-michael_00000440_post_disaster.png,hurricane-michael_00000440_post_disaster,48,46387,train\masks\hurricane-michael_00000440_post_disaster.png,33,39119,75,61639,00000440 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000440_pre_disaster.png,hurricane-michael_00000440_pre_disaster,0,0,train\masks\hurricane-michael_00000440_pre_disaster.png,0,0,160,150531,00000440 +1,314,hurricane-michael,post,train,train\images\hurricane-michael_00000441_post_disaster.png,hurricane-michael_00000441_post_disaster,15,13348,train\masks\hurricane-michael_00000441_post_disaster.png,4,6305,56,69676,00000441 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000441_pre_disaster.png,hurricane-michael_00000441_pre_disaster,0,0,train\masks\hurricane-michael_00000441_pre_disaster.png,0,0,75,89697,00000441 +2,535,hurricane-michael,post,train,train\images\hurricane-michael_00000442_post_disaster.png,hurricane-michael_00000442_post_disaster,1,549,train\masks\hurricane-michael_00000442_post_disaster.png,2,10061,19,11802,00000442 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000442_pre_disaster.png,hurricane-michael_00000442_pre_disaster,0,0,train\masks\hurricane-michael_00000442_pre_disaster.png,0,0,24,23149,00000442 +1,640,hurricane-michael,post,train,train\images\hurricane-michael_00000443_post_disaster.png,hurricane-michael_00000443_post_disaster,29,34401,train\masks\hurricane-michael_00000443_post_disaster.png,5,6006,99,115793,00000443 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000443_pre_disaster.png,hurricane-michael_00000443_pre_disaster,0,0,train\masks\hurricane-michael_00000443_pre_disaster.png,0,0,134,156857,00000443 +2,4186,hurricane-michael,post,train,train\images\hurricane-michael_00000444_post_disaster.png,hurricane-michael_00000444_post_disaster,28,53551,train\masks\hurricane-michael_00000444_post_disaster.png,9,31870,30,37000,00000444 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000444_pre_disaster.png,hurricane-michael_00000444_pre_disaster,0,0,train\masks\hurricane-michael_00000444_pre_disaster.png,0,0,68,126268,00000444 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000446_post_disaster.png,hurricane-michael_00000446_post_disaster,11,18388,train\masks\hurricane-michael_00000446_post_disaster.png,7,19682,70,70063,00000446 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000446_pre_disaster.png,hurricane-michael_00000446_pre_disaster,0,0,train\masks\hurricane-michael_00000446_pre_disaster.png,0,0,85,108282,00000446 +5,2369,hurricane-michael,post,train,train\images\hurricane-michael_00000451_post_disaster.png,hurricane-michael_00000451_post_disaster,45,48753,train\masks\hurricane-michael_00000451_post_disaster.png,20,23294,87,77509,00000451 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000451_pre_disaster.png,hurricane-michael_00000451_pre_disaster,0,0,train\masks\hurricane-michael_00000451_pre_disaster.png,0,0,152,151547,00000451 +1,828,hurricane-michael,post,train,train\images\hurricane-michael_00000452_post_disaster.png,hurricane-michael_00000452_post_disaster,14,24809,train\masks\hurricane-michael_00000452_post_disaster.png,3,3981,33,48193,00000452 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000452_pre_disaster.png,hurricane-michael_00000452_pre_disaster,0,0,train\masks\hurricane-michael_00000452_pre_disaster.png,0,0,51,77879,00000452 +1,225,hurricane-michael,post,train,train\images\hurricane-michael_00000454_post_disaster.png,hurricane-michael_00000454_post_disaster,11,19374,train\masks\hurricane-michael_00000454_post_disaster.png,2,2700,35,49948,00000454 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000454_pre_disaster.png,hurricane-michael_00000454_pre_disaster,0,0,train\masks\hurricane-michael_00000454_pre_disaster.png,0,0,49,72254,00000454 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000455_post_disaster.png,hurricane-michael_00000455_post_disaster,22,43795,train\masks\hurricane-michael_00000455_post_disaster.png,0,0,45,71806,00000455 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000455_pre_disaster.png,hurricane-michael_00000455_pre_disaster,0,0,train\masks\hurricane-michael_00000455_pre_disaster.png,0,0,65,115601,00000455 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000458_post_disaster.png,hurricane-michael_00000458_post_disaster,12,13955,train\masks\hurricane-michael_00000458_post_disaster.png,0,0,58,78564,00000458 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000458_pre_disaster.png,hurricane-michael_00000458_pre_disaster,0,0,train\masks\hurricane-michael_00000458_pre_disaster.png,0,0,69,92695,00000458 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000460_post_disaster.png,hurricane-michael_00000460_post_disaster,5,13702,train\masks\hurricane-michael_00000460_post_disaster.png,0,0,188,169572,00000460 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000460_pre_disaster.png,hurricane-michael_00000460_pre_disaster,0,0,train\masks\hurricane-michael_00000460_pre_disaster.png,0,0,188,183469,00000460 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000461_post_disaster.png,hurricane-michael_00000461_post_disaster,14,15586,train\masks\hurricane-michael_00000461_post_disaster.png,9,16773,53,57894,00000461 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000461_pre_disaster.png,hurricane-michael_00000461_pre_disaster,0,0,train\masks\hurricane-michael_00000461_pre_disaster.png,0,0,75,90400,00000461 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000462_post_disaster.png,hurricane-michael_00000462_post_disaster,24,25382,train\masks\hurricane-michael_00000462_post_disaster.png,1,500,152,128378,00000462 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000462_pre_disaster.png,hurricane-michael_00000462_pre_disaster,0,0,train\masks\hurricane-michael_00000462_pre_disaster.png,0,0,177,154352,00000462 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000463_post_disaster.png,hurricane-michael_00000463_post_disaster,1,3527,train\masks\hurricane-michael_00000463_post_disaster.png,0,0,136,176069,00000463 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000463_pre_disaster.png,hurricane-michael_00000463_pre_disaster,0,0,train\masks\hurricane-michael_00000463_pre_disaster.png,0,0,136,179892,00000463 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000465_post_disaster.png,hurricane-michael_00000465_post_disaster,33,22705,train\masks\hurricane-michael_00000465_post_disaster.png,6,5874,126,105236,00000465 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000465_pre_disaster.png,hurricane-michael_00000465_pre_disaster,0,0,train\masks\hurricane-michael_00000465_pre_disaster.png,0,0,165,133838,00000465 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000466_post_disaster.png,hurricane-michael_00000466_post_disaster,7,5847,train\masks\hurricane-michael_00000466_post_disaster.png,1,1130,25,20904,00000466 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000466_pre_disaster.png,hurricane-michael_00000466_pre_disaster,0,0,train\masks\hurricane-michael_00000466_pre_disaster.png,0,0,33,27945,00000466 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000467_post_disaster.png,hurricane-michael_00000467_post_disaster,13,19172,train\masks\hurricane-michael_00000467_post_disaster.png,0,0,159,221350,00000467 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000467_pre_disaster.png,hurricane-michael_00000467_pre_disaster,0,0,train\masks\hurricane-michael_00000467_pre_disaster.png,0,0,172,240731,00000467 +1,1631,hurricane-michael,post,train,train\images\hurricane-michael_00000472_post_disaster.png,hurricane-michael_00000472_post_disaster,7,9859,train\masks\hurricane-michael_00000472_post_disaster.png,2,1072,8,6397,00000472 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000472_pre_disaster.png,hurricane-michael_00000472_pre_disaster,0,0,train\masks\hurricane-michael_00000472_pre_disaster.png,0,0,18,18962,00000472 +1,181,hurricane-michael,post,train,train\images\hurricane-michael_00000473_post_disaster.png,hurricane-michael_00000473_post_disaster,12,17969,train\masks\hurricane-michael_00000473_post_disaster.png,4,25359,74,96877,00000473 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000473_pre_disaster.png,hurricane-michael_00000473_pre_disaster,0,0,train\masks\hurricane-michael_00000473_pre_disaster.png,0,0,88,140468,00000473 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000474_post_disaster.png,hurricane-michael_00000474_post_disaster,23,22029,train\masks\hurricane-michael_00000474_post_disaster.png,4,2906,117,125784,00000474 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000474_pre_disaster.png,hurricane-michael_00000474_pre_disaster,0,0,train\masks\hurricane-michael_00000474_pre_disaster.png,0,0,144,150836,00000474 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000475_post_disaster.png,hurricane-michael_00000475_post_disaster,12,21557,train\masks\hurricane-michael_00000475_post_disaster.png,4,26529,59,98604,00000475 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000475_pre_disaster.png,hurricane-michael_00000475_pre_disaster,0,0,train\masks\hurricane-michael_00000475_pre_disaster.png,0,0,75,146870,00000475 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000476_post_disaster.png,hurricane-michael_00000476_post_disaster,2,2383,train\masks\hurricane-michael_00000476_post_disaster.png,0,0,125,118026,00000476 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000476_pre_disaster.png,hurricane-michael_00000476_pre_disaster,0,0,train\masks\hurricane-michael_00000476_pre_disaster.png,0,0,127,120590,00000476 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000479_post_disaster.png,hurricane-michael_00000479_post_disaster,5,5472,train\masks\hurricane-michael_00000479_post_disaster.png,0,0,94,116544,00000479 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000479_pre_disaster.png,hurricane-michael_00000479_pre_disaster,0,0,train\masks\hurricane-michael_00000479_pre_disaster.png,0,0,99,122143,00000479 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000480_post_disaster.png,hurricane-michael_00000480_post_disaster,12,15272,train\masks\hurricane-michael_00000480_post_disaster.png,1,129,79,110193,00000480 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000480_pre_disaster.png,hurricane-michael_00000480_pre_disaster,0,0,train\masks\hurricane-michael_00000480_pre_disaster.png,0,0,92,125699,00000480 +2,1648,hurricane-michael,post,train,train\images\hurricane-michael_00000482_post_disaster.png,hurricane-michael_00000482_post_disaster,14,20069,train\masks\hurricane-michael_00000482_post_disaster.png,2,1540,89,107892,00000482 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000482_pre_disaster.png,hurricane-michael_00000482_pre_disaster,0,0,train\masks\hurricane-michael_00000482_pre_disaster.png,0,0,106,131313,00000482 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000484_post_disaster.png,hurricane-michael_00000484_post_disaster,9,15570,train\masks\hurricane-michael_00000484_post_disaster.png,3,9425,62,133899,00000484 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000484_pre_disaster.png,hurricane-michael_00000484_pre_disaster,0,0,train\masks\hurricane-michael_00000484_pre_disaster.png,0,0,73,158920,00000484 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000485_post_disaster.png,hurricane-michael_00000485_post_disaster,2,3445,train\masks\hurricane-michael_00000485_post_disaster.png,0,0,38,75547,00000485 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000485_pre_disaster.png,hurricane-michael_00000485_pre_disaster,0,0,train\masks\hurricane-michael_00000485_pre_disaster.png,0,0,40,78995,00000485 +1,1994,hurricane-michael,post,train,train\images\hurricane-michael_00000486_post_disaster.png,hurricane-michael_00000486_post_disaster,3,5211,train\masks\hurricane-michael_00000486_post_disaster.png,3,6648,7,5531,00000486 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000486_pre_disaster.png,hurricane-michael_00000486_pre_disaster,0,0,train\masks\hurricane-michael_00000486_pre_disaster.png,0,0,14,19501,00000486 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000487_post_disaster.png,hurricane-michael_00000487_post_disaster,5,34631,train\masks\hurricane-michael_00000487_post_disaster.png,1,598,38,110128,00000487 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000487_pre_disaster.png,hurricane-michael_00000487_pre_disaster,0,0,train\masks\hurricane-michael_00000487_pre_disaster.png,0,0,41,145399,00000487 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000489_post_disaster.png,hurricane-michael_00000489_post_disaster,7,11130,train\masks\hurricane-michael_00000489_post_disaster.png,1,2793,28,38747,00000489 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000489_pre_disaster.png,hurricane-michael_00000489_pre_disaster,0,0,train\masks\hurricane-michael_00000489_pre_disaster.png,0,0,35,52669,00000489 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000490_post_disaster.png,hurricane-michael_00000490_post_disaster,4,31008,train\masks\hurricane-michael_00000490_post_disaster.png,3,15522,31,82157,00000490 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000490_pre_disaster.png,hurricane-michael_00000490_pre_disaster,0,0,train\masks\hurricane-michael_00000490_pre_disaster.png,0,0,37,128956,00000490 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000492_post_disaster.png,hurricane-michael_00000492_post_disaster,13,14442,train\masks\hurricane-michael_00000492_post_disaster.png,0,0,39,49989,00000492 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000492_pre_disaster.png,hurricane-michael_00000492_pre_disaster,0,0,train\masks\hurricane-michael_00000492_pre_disaster.png,0,0,52,64424,00000492 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000494_post_disaster.png,hurricane-michael_00000494_post_disaster,40,34327,train\masks\hurricane-michael_00000494_post_disaster.png,8,7354,61,74583,00000494 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000494_pre_disaster.png,hurricane-michael_00000494_pre_disaster,0,0,train\masks\hurricane-michael_00000494_pre_disaster.png,0,0,109,116360,00000494 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000496_post_disaster.png,hurricane-michael_00000496_post_disaster,12,21341,train\masks\hurricane-michael_00000496_post_disaster.png,1,1490,110,143231,00000496 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000496_pre_disaster.png,hurricane-michael_00000496_pre_disaster,0,0,train\masks\hurricane-michael_00000496_pre_disaster.png,0,0,122,166340,00000496 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000497_post_disaster.png,hurricane-michael_00000497_post_disaster,2,5149,train\masks\hurricane-michael_00000497_post_disaster.png,0,0,26,65055,00000497 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000497_pre_disaster.png,hurricane-michael_00000497_pre_disaster,0,0,train\masks\hurricane-michael_00000497_pre_disaster.png,0,0,28,70266,00000497 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000498_post_disaster.png,hurricane-michael_00000498_post_disaster,1,1681,train\masks\hurricane-michael_00000498_post_disaster.png,0,0,17,24005,00000498 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000498_pre_disaster.png,hurricane-michael_00000498_pre_disaster,0,0,train\masks\hurricane-michael_00000498_pre_disaster.png,0,0,18,25686,00000498 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000499_post_disaster.png,hurricane-michael_00000499_post_disaster,19,24765,train\masks\hurricane-michael_00000499_post_disaster.png,8,10113,84,113906,00000499 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000499_pre_disaster.png,hurricane-michael_00000499_pre_disaster,0,0,train\masks\hurricane-michael_00000499_pre_disaster.png,0,0,110,148934,00000499 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000500_post_disaster.png,hurricane-michael_00000500_post_disaster,9,8040,train\masks\hurricane-michael_00000500_post_disaster.png,5,3674,51,36870,00000500 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000500_pre_disaster.png,hurricane-michael_00000500_pre_disaster,0,0,train\masks\hurricane-michael_00000500_pre_disaster.png,0,0,65,48607,00000500 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000501_post_disaster.png,hurricane-michael_00000501_post_disaster,61,34100,train\masks\hurricane-michael_00000501_post_disaster.png,0,0,38,29397,00000501 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000501_pre_disaster.png,hurricane-michael_00000501_pre_disaster,0,0,train\masks\hurricane-michael_00000501_pre_disaster.png,0,0,95,63497,00000501 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000502_post_disaster.png,hurricane-michael_00000502_post_disaster,0,0,train\masks\hurricane-michael_00000502_post_disaster.png,2,95099,6,79821,00000502 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000502_pre_disaster.png,hurricane-michael_00000502_pre_disaster,0,0,train\masks\hurricane-michael_00000502_pre_disaster.png,0,0,8,174945,00000502 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000504_post_disaster.png,hurricane-michael_00000504_post_disaster,3,20681,train\masks\hurricane-michael_00000504_post_disaster.png,2,38045,10,54041,00000504 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000504_pre_disaster.png,hurricane-michael_00000504_pre_disaster,0,0,train\masks\hurricane-michael_00000504_pre_disaster.png,0,0,14,112772,00000504 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000505_post_disaster.png,hurricane-michael_00000505_post_disaster,12,19308,train\masks\hurricane-michael_00000505_post_disaster.png,8,51209,47,80978,00000505 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000505_pre_disaster.png,hurricane-michael_00000505_pre_disaster,0,0,train\masks\hurricane-michael_00000505_pre_disaster.png,0,0,66,151537,00000505 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000509_post_disaster.png,hurricane-michael_00000509_post_disaster,6,4973,train\masks\hurricane-michael_00000509_post_disaster.png,6,4420,109,71424,00000509 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000509_pre_disaster.png,hurricane-michael_00000509_pre_disaster,0,0,train\masks\hurricane-michael_00000509_pre_disaster.png,0,0,121,80817,00000509 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000511_post_disaster.png,hurricane-michael_00000511_post_disaster,20,24054,train\masks\hurricane-michael_00000511_post_disaster.png,4,10825,134,101948,00000511 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000511_pre_disaster.png,hurricane-michael_00000511_pre_disaster,0,0,train\masks\hurricane-michael_00000511_pre_disaster.png,0,0,155,136999,00000511 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000512_post_disaster.png,hurricane-michael_00000512_post_disaster,4,4677,train\masks\hurricane-michael_00000512_post_disaster.png,0,0,123,109208,00000512 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000512_pre_disaster.png,hurricane-michael_00000512_pre_disaster,0,0,train\masks\hurricane-michael_00000512_pre_disaster.png,0,0,127,114141,00000512 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000514_post_disaster.png,hurricane-michael_00000514_post_disaster,1,1280,train\masks\hurricane-michael_00000514_post_disaster.png,1,3842,27,30213,00000514 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000514_pre_disaster.png,hurricane-michael_00000514_pre_disaster,0,0,train\masks\hurricane-michael_00000514_pre_disaster.png,0,0,29,35535,00000514 +3,319,hurricane-michael,post,train,train\images\hurricane-michael_00000515_post_disaster.png,hurricane-michael_00000515_post_disaster,29,23928,train\masks\hurricane-michael_00000515_post_disaster.png,15,8890,109,123418,00000515 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000515_pre_disaster.png,hurricane-michael_00000515_pre_disaster,0,0,train\masks\hurricane-michael_00000515_pre_disaster.png,0,0,155,156590,00000515 +3,1942,hurricane-michael,post,train,train\images\hurricane-michael_00000516_post_disaster.png,hurricane-michael_00000516_post_disaster,13,17754,train\masks\hurricane-michael_00000516_post_disaster.png,1,4761,64,118130,00000516 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000516_pre_disaster.png,hurricane-michael_00000516_pre_disaster,0,0,train\masks\hurricane-michael_00000516_pre_disaster.png,0,0,80,142589,00000516 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000517_post_disaster.png,hurricane-michael_00000517_post_disaster,4,6012,train\masks\hurricane-michael_00000517_post_disaster.png,0,0,153,171418,00000517 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000517_pre_disaster.png,hurricane-michael_00000517_pre_disaster,0,0,train\masks\hurricane-michael_00000517_pre_disaster.png,0,0,156,177602,00000517 +4,3582,hurricane-michael,post,train,train\images\hurricane-michael_00000519_post_disaster.png,hurricane-michael_00000519_post_disaster,21,19118,train\masks\hurricane-michael_00000519_post_disaster.png,9,10388,128,115235,00000519 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000519_pre_disaster.png,hurricane-michael_00000519_pre_disaster,0,0,train\masks\hurricane-michael_00000519_pre_disaster.png,0,0,161,148364,00000519 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000521_post_disaster.png,hurricane-michael_00000521_post_disaster,15,14764,train\masks\hurricane-michael_00000521_post_disaster.png,6,4225,175,236925,00000521 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000521_pre_disaster.png,hurricane-michael_00000521_pre_disaster,0,0,train\masks\hurricane-michael_00000521_pre_disaster.png,0,0,196,256192,00000521 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000522_post_disaster.png,hurricane-michael_00000522_post_disaster,2,5862,train\masks\hurricane-michael_00000522_post_disaster.png,0,0,10,20944,00000522 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000522_pre_disaster.png,hurricane-michael_00000522_pre_disaster,0,0,train\masks\hurricane-michael_00000522_pre_disaster.png,0,0,12,26967,00000522 +5,1830,hurricane-michael,post,train,train\images\hurricane-michael_00000523_post_disaster.png,hurricane-michael_00000523_post_disaster,32,27519,train\masks\hurricane-michael_00000523_post_disaster.png,21,16389,140,103228,00000523 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000523_pre_disaster.png,hurricane-michael_00000523_pre_disaster,0,0,train\masks\hurricane-michael_00000523_pre_disaster.png,0,0,196,149071,00000523 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000524_post_disaster.png,hurricane-michael_00000524_post_disaster,1,1252,train\masks\hurricane-michael_00000524_post_disaster.png,0,0,160,166103,00000524 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000524_pre_disaster.png,hurricane-michael_00000524_pre_disaster,0,0,train\masks\hurricane-michael_00000524_pre_disaster.png,0,0,161,168027,00000524 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000527_post_disaster.png,hurricane-michael_00000527_post_disaster,0,0,train\masks\hurricane-michael_00000527_post_disaster.png,0,0,155,228755,00000527 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000527_pre_disaster.png,hurricane-michael_00000527_pre_disaster,0,0,train\masks\hurricane-michael_00000527_pre_disaster.png,0,0,155,228986,00000527 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000528_post_disaster.png,hurricane-michael_00000528_post_disaster,11,16999,train\masks\hurricane-michael_00000528_post_disaster.png,2,2888,106,156443,00000528 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000528_pre_disaster.png,hurricane-michael_00000528_pre_disaster,0,0,train\masks\hurricane-michael_00000528_pre_disaster.png,0,0,119,176515,00000528 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000529_post_disaster.png,hurricane-michael_00000529_post_disaster,0,0,train\masks\hurricane-michael_00000529_post_disaster.png,0,0,45,66230,00000529 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000529_pre_disaster.png,hurricane-michael_00000529_pre_disaster,0,0,train\masks\hurricane-michael_00000529_pre_disaster.png,0,0,45,66369,00000529 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000530_post_disaster.png,hurricane-michael_00000530_post_disaster,0,0,train\masks\hurricane-michael_00000530_post_disaster.png,1,16423,0,0,00000530 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000530_pre_disaster.png,hurricane-michael_00000530_pre_disaster,0,0,train\masks\hurricane-michael_00000530_pre_disaster.png,0,0,1,16423,00000530 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000535_post_disaster.png,hurricane-michael_00000535_post_disaster,3,4159,train\masks\hurricane-michael_00000535_post_disaster.png,2,2267,26,94656,00000535 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000535_pre_disaster.png,hurricane-michael_00000535_pre_disaster,0,0,train\masks\hurricane-michael_00000535_pre_disaster.png,0,0,30,101060,00000535 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000536_post_disaster.png,hurricane-michael_00000536_post_disaster,1,1054,train\masks\hurricane-michael_00000536_post_disaster.png,0,0,72,183556,00000536 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000536_pre_disaster.png,hurricane-michael_00000536_pre_disaster,0,0,train\masks\hurricane-michael_00000536_pre_disaster.png,0,0,73,184625,00000536 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000537_post_disaster.png,hurricane-michael_00000537_post_disaster,0,0,train\masks\hurricane-michael_00000537_post_disaster.png,0,0,62,58399,00000537 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000537_pre_disaster.png,hurricane-michael_00000537_pre_disaster,0,0,train\masks\hurricane-michael_00000537_pre_disaster.png,0,0,62,58399,00000537 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000538_post_disaster.png,hurricane-michael_00000538_post_disaster,1,7270,train\masks\hurricane-michael_00000538_post_disaster.png,0,0,2,3533,00000538 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000538_pre_disaster.png,hurricane-michael_00000538_pre_disaster,0,0,train\masks\hurricane-michael_00000538_pre_disaster.png,0,0,3,10803,00000538 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000539_post_disaster.png,hurricane-michael_00000539_post_disaster,0,0,train\masks\hurricane-michael_00000539_post_disaster.png,1,2657,29,73375,00000539 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000539_pre_disaster.png,hurricane-michael_00000539_pre_disaster,0,0,train\masks\hurricane-michael_00000539_pre_disaster.png,0,0,30,76201,00000539 +1,730,hurricane-michael,post,train,train\images\hurricane-michael_00000540_post_disaster.png,hurricane-michael_00000540_post_disaster,6,6305,train\masks\hurricane-michael_00000540_post_disaster.png,0,0,61,74557,00000540 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000540_pre_disaster.png,hurricane-michael_00000540_pre_disaster,0,0,train\masks\hurricane-michael_00000540_pre_disaster.png,0,0,69,81686,00000540 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000541_post_disaster.png,hurricane-michael_00000541_post_disaster,1,3047,train\masks\hurricane-michael_00000541_post_disaster.png,1,3460,5,10826,00000541 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000541_pre_disaster.png,hurricane-michael_00000541_pre_disaster,0,0,train\masks\hurricane-michael_00000541_pre_disaster.png,0,0,7,17382,00000541 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000542_post_disaster.png,hurricane-michael_00000542_post_disaster,0,0,train\masks\hurricane-michael_00000542_post_disaster.png,0,0,39,35753,00000542 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000542_pre_disaster.png,hurricane-michael_00000542_pre_disaster,0,0,train\masks\hurricane-michael_00000542_pre_disaster.png,0,0,39,35753,00000542 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000543_post_disaster.png,hurricane-michael_00000543_post_disaster,2,2477,train\masks\hurricane-michael_00000543_post_disaster.png,0,0,60,72836,00000543 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000543_pre_disaster.png,hurricane-michael_00000543_pre_disaster,0,0,train\masks\hurricane-michael_00000543_pre_disaster.png,0,0,62,75305,00000543 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000546_post_disaster.png,hurricane-michael_00000546_post_disaster,2,1749,train\masks\hurricane-michael_00000546_post_disaster.png,0,0,71,111823,00000546 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000546_pre_disaster.png,hurricane-michael_00000546_pre_disaster,0,0,train\masks\hurricane-michael_00000546_pre_disaster.png,0,0,72,113610,00000546 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000547_post_disaster.png,hurricane-michael_00000547_post_disaster,5,5367,train\masks\hurricane-michael_00000547_post_disaster.png,1,138,14,12671,00000547 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000547_pre_disaster.png,hurricane-michael_00000547_pre_disaster,0,0,train\masks\hurricane-michael_00000547_pre_disaster.png,0,0,19,18318,00000547 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000548_post_disaster.png,hurricane-michael_00000548_post_disaster,3,14259,train\masks\hurricane-michael_00000548_post_disaster.png,1,99133,9,68481,00000548 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000548_pre_disaster.png,hurricane-michael_00000548_pre_disaster,0,0,train\masks\hurricane-michael_00000548_pre_disaster.png,0,0,13,182208,00000548 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000549_post_disaster.png,hurricane-michael_00000549_post_disaster,4,6603,train\masks\hurricane-michael_00000549_post_disaster.png,3,9200,31,67006,00000549 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000549_pre_disaster.png,hurricane-michael_00000549_pre_disaster,0,0,train\masks\hurricane-michael_00000549_pre_disaster.png,0,0,38,82851,00000549 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000000_post_disaster.png,mexico-earthquake_00000000_post_disaster,2,7004,train\masks\mexico-earthquake_00000000_post_disaster.png,0,0,194,440600,00000000 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000000_pre_disaster.png,mexico-earthquake_00000000_pre_disaster,0,0,train\masks\mexico-earthquake_00000000_pre_disaster.png,0,0,196,448161,00000000 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000001_post_disaster.png,mexico-earthquake_00000001_post_disaster,0,0,train\masks\mexico-earthquake_00000001_post_disaster.png,0,0,97,211394,00000001 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000001_pre_disaster.png,mexico-earthquake_00000001_pre_disaster,0,0,train\masks\mexico-earthquake_00000001_pre_disaster.png,0,0,97,211678,00000001 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000002_post_disaster.png,mexico-earthquake_00000002_post_disaster,0,0,train\masks\mexico-earthquake_00000002_post_disaster.png,0,0,168,356266,00000002 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000002_pre_disaster.png,mexico-earthquake_00000002_pre_disaster,0,0,train\masks\mexico-earthquake_00000002_pre_disaster.png,0,0,168,357119,00000002 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000003_post_disaster.png,mexico-earthquake_00000003_post_disaster,9,7027,train\masks\mexico-earthquake_00000003_post_disaster.png,0,0,318,503456,00000003 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000003_pre_disaster.png,mexico-earthquake_00000003_pre_disaster,0,0,train\masks\mexico-earthquake_00000003_pre_disaster.png,0,0,326,511566,00000003 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000004_post_disaster.png,mexico-earthquake_00000004_post_disaster,0,0,train\masks\mexico-earthquake_00000004_post_disaster.png,0,0,112,286359,00000004 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000004_pre_disaster.png,mexico-earthquake_00000004_pre_disaster,0,0,train\masks\mexico-earthquake_00000004_pre_disaster.png,0,0,112,286852,00000004 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000007_post_disaster.png,mexico-earthquake_00000007_post_disaster,0,0,train\masks\mexico-earthquake_00000007_post_disaster.png,0,0,159,258043,00000007 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000007_pre_disaster.png,mexico-earthquake_00000007_pre_disaster,0,0,train\masks\mexico-earthquake_00000007_pre_disaster.png,0,0,159,258349,00000007 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000008_post_disaster.png,mexico-earthquake_00000008_post_disaster,1,1394,train\masks\mexico-earthquake_00000008_post_disaster.png,0,0,144,325460,00000008 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000008_pre_disaster.png,mexico-earthquake_00000008_pre_disaster,0,0,train\masks\mexico-earthquake_00000008_pre_disaster.png,0,0,144,327456,00000008 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000009_post_disaster.png,mexico-earthquake_00000009_post_disaster,0,0,train\masks\mexico-earthquake_00000009_post_disaster.png,0,0,156,323572,00000009 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000009_pre_disaster.png,mexico-earthquake_00000009_pre_disaster,0,0,train\masks\mexico-earthquake_00000009_pre_disaster.png,0,0,156,324450,00000009 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000011_post_disaster.png,mexico-earthquake_00000011_post_disaster,0,0,train\masks\mexico-earthquake_00000011_post_disaster.png,0,0,67,184522,00000011 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000011_pre_disaster.png,mexico-earthquake_00000011_pre_disaster,0,0,train\masks\mexico-earthquake_00000011_pre_disaster.png,0,0,67,185021,00000011 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000013_post_disaster.png,mexico-earthquake_00000013_post_disaster,0,0,train\masks\mexico-earthquake_00000013_post_disaster.png,0,0,147,382264,00000013 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000013_pre_disaster.png,mexico-earthquake_00000013_pre_disaster,0,0,train\masks\mexico-earthquake_00000013_pre_disaster.png,0,0,145,383446,00000013 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000015_post_disaster.png,mexico-earthquake_00000015_post_disaster,0,0,train\masks\mexico-earthquake_00000015_post_disaster.png,0,0,44,303989,00000015 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000015_pre_disaster.png,mexico-earthquake_00000015_pre_disaster,0,0,train\masks\mexico-earthquake_00000015_pre_disaster.png,0,0,44,304666,00000015 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000017_post_disaster.png,mexico-earthquake_00000017_post_disaster,0,0,train\masks\mexico-earthquake_00000017_post_disaster.png,0,0,175,421324,00000017 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000017_pre_disaster.png,mexico-earthquake_00000017_pre_disaster,0,0,train\masks\mexico-earthquake_00000017_pre_disaster.png,0,0,175,422079,00000017 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000018_post_disaster.png,mexico-earthquake_00000018_post_disaster,0,0,train\masks\mexico-earthquake_00000018_post_disaster.png,0,0,92,288364,00000018 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000018_pre_disaster.png,mexico-earthquake_00000018_pre_disaster,0,0,train\masks\mexico-earthquake_00000018_pre_disaster.png,0,0,92,289362,00000018 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000019_post_disaster.png,mexico-earthquake_00000019_post_disaster,0,0,train\masks\mexico-earthquake_00000019_post_disaster.png,0,0,115,295091,00000019 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000019_pre_disaster.png,mexico-earthquake_00000019_pre_disaster,0,0,train\masks\mexico-earthquake_00000019_pre_disaster.png,0,0,115,295467,00000019 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000020_post_disaster.png,mexico-earthquake_00000020_post_disaster,0,0,train\masks\mexico-earthquake_00000020_post_disaster.png,0,0,65,266743,00000020 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000020_pre_disaster.png,mexico-earthquake_00000020_pre_disaster,0,0,train\masks\mexico-earthquake_00000020_pre_disaster.png,0,0,65,266974,00000020 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000021_post_disaster.png,mexico-earthquake_00000021_post_disaster,0,0,train\masks\mexico-earthquake_00000021_post_disaster.png,0,0,176,343206,00000021 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000021_pre_disaster.png,mexico-earthquake_00000021_pre_disaster,0,0,train\masks\mexico-earthquake_00000021_pre_disaster.png,0,0,176,343754,00000021 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000023_post_disaster.png,mexico-earthquake_00000023_post_disaster,0,0,train\masks\mexico-earthquake_00000023_post_disaster.png,0,0,113,417291,00000023 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000023_pre_disaster.png,mexico-earthquake_00000023_pre_disaster,0,0,train\masks\mexico-earthquake_00000023_pre_disaster.png,0,0,113,417963,00000023 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000024_post_disaster.png,mexico-earthquake_00000024_post_disaster,0,0,train\masks\mexico-earthquake_00000024_post_disaster.png,0,0,133,431151,00000024 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000024_pre_disaster.png,mexico-earthquake_00000024_pre_disaster,0,0,train\masks\mexico-earthquake_00000024_pre_disaster.png,0,0,133,432129,00000024 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000027_post_disaster.png,mexico-earthquake_00000027_post_disaster,0,0,train\masks\mexico-earthquake_00000027_post_disaster.png,0,0,121,433228,00000027 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000027_pre_disaster.png,mexico-earthquake_00000027_pre_disaster,0,0,train\masks\mexico-earthquake_00000027_pre_disaster.png,0,0,121,433981,00000027 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000029_post_disaster.png,mexico-earthquake_00000029_post_disaster,0,0,train\masks\mexico-earthquake_00000029_post_disaster.png,0,0,161,405399,00000029 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000029_pre_disaster.png,mexico-earthquake_00000029_pre_disaster,0,0,train\masks\mexico-earthquake_00000029_pre_disaster.png,0,0,160,406315,00000029 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000030_post_disaster.png,mexico-earthquake_00000030_post_disaster,0,0,train\masks\mexico-earthquake_00000030_post_disaster.png,0,0,70,329874,00000030 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000030_pre_disaster.png,mexico-earthquake_00000030_pre_disaster,0,0,train\masks\mexico-earthquake_00000030_pre_disaster.png,0,0,70,331426,00000030 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000031_post_disaster.png,mexico-earthquake_00000031_post_disaster,0,0,train\masks\mexico-earthquake_00000031_post_disaster.png,0,0,5,7367,00000031 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000031_pre_disaster.png,mexico-earthquake_00000031_pre_disaster,0,0,train\masks\mexico-earthquake_00000031_pre_disaster.png,0,0,5,7439,00000031 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000032_post_disaster.png,mexico-earthquake_00000032_post_disaster,0,0,train\masks\mexico-earthquake_00000032_post_disaster.png,0,0,23,59374,00000032 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000032_pre_disaster.png,mexico-earthquake_00000032_pre_disaster,0,0,train\masks\mexico-earthquake_00000032_pre_disaster.png,0,0,23,59636,00000032 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000033_post_disaster.png,mexico-earthquake_00000033_post_disaster,0,0,train\masks\mexico-earthquake_00000033_post_disaster.png,0,0,62,139278,00000033 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000033_pre_disaster.png,mexico-earthquake_00000033_pre_disaster,0,0,train\masks\mexico-earthquake_00000033_pre_disaster.png,0,0,62,139462,00000033 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000034_post_disaster.png,mexico-earthquake_00000034_post_disaster,0,0,train\masks\mexico-earthquake_00000034_post_disaster.png,0,0,35,114257,00000034 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000034_pre_disaster.png,mexico-earthquake_00000034_pre_disaster,0,0,train\masks\mexico-earthquake_00000034_pre_disaster.png,0,0,35,114614,00000034 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000035_post_disaster.png,mexico-earthquake_00000035_post_disaster,0,0,train\masks\mexico-earthquake_00000035_post_disaster.png,0,0,72,221866,00000035 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000035_pre_disaster.png,mexico-earthquake_00000035_pre_disaster,0,0,train\masks\mexico-earthquake_00000035_pre_disaster.png,0,0,72,222159,00000035 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000037_post_disaster.png,mexico-earthquake_00000037_post_disaster,0,0,train\masks\mexico-earthquake_00000037_post_disaster.png,0,0,109,426505,00000037 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000037_pre_disaster.png,mexico-earthquake_00000037_pre_disaster,0,0,train\masks\mexico-earthquake_00000037_pre_disaster.png,0,0,110,427482,00000037 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000039_post_disaster.png,mexico-earthquake_00000039_post_disaster,1,3211,train\masks\mexico-earthquake_00000039_post_disaster.png,0,0,60,278062,00000039 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000039_pre_disaster.png,mexico-earthquake_00000039_pre_disaster,0,0,train\masks\mexico-earthquake_00000039_pre_disaster.png,0,0,59,282200,00000039 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000040_post_disaster.png,mexico-earthquake_00000040_post_disaster,0,0,train\masks\mexico-earthquake_00000040_post_disaster.png,0,0,162,377918,00000040 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000040_pre_disaster.png,mexico-earthquake_00000040_pre_disaster,0,0,train\masks\mexico-earthquake_00000040_pre_disaster.png,0,0,163,378819,00000040 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000041_post_disaster.png,mexico-earthquake_00000041_post_disaster,0,0,train\masks\mexico-earthquake_00000041_post_disaster.png,0,0,65,294467,00000041 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000041_pre_disaster.png,mexico-earthquake_00000041_pre_disaster,0,0,train\masks\mexico-earthquake_00000041_pre_disaster.png,0,0,65,294745,00000041 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000042_post_disaster.png,mexico-earthquake_00000042_post_disaster,0,0,train\masks\mexico-earthquake_00000042_post_disaster.png,0,0,109,349910,00000042 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000042_pre_disaster.png,mexico-earthquake_00000042_pre_disaster,0,0,train\masks\mexico-earthquake_00000042_pre_disaster.png,0,0,111,350768,00000042 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000043_post_disaster.png,mexico-earthquake_00000043_post_disaster,0,0,train\masks\mexico-earthquake_00000043_post_disaster.png,0,0,179,522962,00000043 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000043_pre_disaster.png,mexico-earthquake_00000043_pre_disaster,0,0,train\masks\mexico-earthquake_00000043_pre_disaster.png,0,0,180,523760,00000043 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000044_post_disaster.png,mexico-earthquake_00000044_post_disaster,0,0,train\masks\mexico-earthquake_00000044_post_disaster.png,0,0,83,424430,00000044 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000044_pre_disaster.png,mexico-earthquake_00000044_pre_disaster,0,0,train\masks\mexico-earthquake_00000044_pre_disaster.png,0,0,83,425140,00000044 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000046_post_disaster.png,mexico-earthquake_00000046_post_disaster,0,0,train\masks\mexico-earthquake_00000046_post_disaster.png,0,0,52,105374,00000046 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000046_pre_disaster.png,mexico-earthquake_00000046_pre_disaster,0,0,train\masks\mexico-earthquake_00000046_pre_disaster.png,0,0,52,105420,00000046 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000047_post_disaster.png,mexico-earthquake_00000047_post_disaster,0,0,train\masks\mexico-earthquake_00000047_post_disaster.png,0,0,97,271121,00000047 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000047_pre_disaster.png,mexico-earthquake_00000047_pre_disaster,0,0,train\masks\mexico-earthquake_00000047_pre_disaster.png,0,0,98,271424,00000047 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000048_post_disaster.png,mexico-earthquake_00000048_post_disaster,3,6214,train\masks\mexico-earthquake_00000048_post_disaster.png,0,0,265,422290,00000048 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000048_pre_disaster.png,mexico-earthquake_00000048_pre_disaster,0,0,train\masks\mexico-earthquake_00000048_pre_disaster.png,0,0,265,429337,00000048 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000049_post_disaster.png,mexico-earthquake_00000049_post_disaster,1,1152,train\masks\mexico-earthquake_00000049_post_disaster.png,1,1377,91,240738,00000049 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000049_pre_disaster.png,mexico-earthquake_00000049_pre_disaster,0,0,train\masks\mexico-earthquake_00000049_pre_disaster.png,0,0,90,243713,00000049 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000052_post_disaster.png,mexico-earthquake_00000052_post_disaster,2,7710,train\masks\mexico-earthquake_00000052_post_disaster.png,4,3727,363,413058,00000052 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000052_pre_disaster.png,mexico-earthquake_00000052_pre_disaster,0,0,train\masks\mexico-earthquake_00000052_pre_disaster.png,0,0,366,425186,00000052 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000053_post_disaster.png,mexico-earthquake_00000053_post_disaster,4,19724,train\masks\mexico-earthquake_00000053_post_disaster.png,0,0,93,257337,00000053 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000053_pre_disaster.png,mexico-earthquake_00000053_pre_disaster,0,0,train\masks\mexico-earthquake_00000053_pre_disaster.png,0,0,91,278187,00000053 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000055_post_disaster.png,mexico-earthquake_00000055_post_disaster,6,7571,train\masks\mexico-earthquake_00000055_post_disaster.png,0,0,123,195879,00000055 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000055_pre_disaster.png,mexico-earthquake_00000055_pre_disaster,0,0,train\masks\mexico-earthquake_00000055_pre_disaster.png,0,0,123,204132,00000055 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000057_post_disaster.png,mexico-earthquake_00000057_post_disaster,1,2091,train\masks\mexico-earthquake_00000057_post_disaster.png,0,0,153,390751,00000057 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000057_pre_disaster.png,mexico-earthquake_00000057_pre_disaster,0,0,train\masks\mexico-earthquake_00000057_pre_disaster.png,0,0,153,393632,00000057 +1,3558,mexico-earthquake,post,train,train\images\mexico-earthquake_00000059_post_disaster.png,mexico-earthquake_00000059_post_disaster,0,0,train\masks\mexico-earthquake_00000059_post_disaster.png,2,6389,133,338325,00000059 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000059_pre_disaster.png,mexico-earthquake_00000059_pre_disaster,0,0,train\masks\mexico-earthquake_00000059_pre_disaster.png,0,0,133,349098,00000059 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000064_post_disaster.png,mexico-earthquake_00000064_post_disaster,0,0,train\masks\mexico-earthquake_00000064_post_disaster.png,0,0,182,395022,00000064 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000064_pre_disaster.png,mexico-earthquake_00000064_pre_disaster,0,0,train\masks\mexico-earthquake_00000064_pre_disaster.png,0,0,182,396117,00000064 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000066_post_disaster.png,mexico-earthquake_00000066_post_disaster,0,0,train\masks\mexico-earthquake_00000066_post_disaster.png,0,0,24,35777,00000066 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000066_pre_disaster.png,mexico-earthquake_00000066_pre_disaster,0,0,train\masks\mexico-earthquake_00000066_pre_disaster.png,0,0,24,36284,00000066 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000067_post_disaster.png,mexico-earthquake_00000067_post_disaster,0,0,train\masks\mexico-earthquake_00000067_post_disaster.png,0,0,147,419805,00000067 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000067_pre_disaster.png,mexico-earthquake_00000067_pre_disaster,0,0,train\masks\mexico-earthquake_00000067_pre_disaster.png,0,0,147,420482,00000067 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000068_post_disaster.png,mexico-earthquake_00000068_post_disaster,0,0,train\masks\mexico-earthquake_00000068_post_disaster.png,0,0,73,314353,00000068 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000068_pre_disaster.png,mexico-earthquake_00000068_pre_disaster,0,0,train\masks\mexico-earthquake_00000068_pre_disaster.png,0,0,73,314796,00000068 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000070_post_disaster.png,mexico-earthquake_00000070_post_disaster,0,0,train\masks\mexico-earthquake_00000070_post_disaster.png,0,0,45,378303,00000070 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000070_pre_disaster.png,mexico-earthquake_00000070_pre_disaster,0,0,train\masks\mexico-earthquake_00000070_pre_disaster.png,0,0,46,378963,00000070 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000072_post_disaster.png,mexico-earthquake_00000072_post_disaster,0,0,train\masks\mexico-earthquake_00000072_post_disaster.png,0,0,24,65010,00000072 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000072_pre_disaster.png,mexico-earthquake_00000072_pre_disaster,0,0,train\masks\mexico-earthquake_00000072_pre_disaster.png,0,0,24,65303,00000072 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000074_post_disaster.png,mexico-earthquake_00000074_post_disaster,7,8008,train\masks\mexico-earthquake_00000074_post_disaster.png,0,0,184,392835,00000074 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000074_pre_disaster.png,mexico-earthquake_00000074_pre_disaster,0,0,train\masks\mexico-earthquake_00000074_pre_disaster.png,0,0,189,401528,00000074 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000075_post_disaster.png,mexico-earthquake_00000075_post_disaster,2,1995,train\masks\mexico-earthquake_00000075_post_disaster.png,0,0,31,218795,00000075 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000075_pre_disaster.png,mexico-earthquake_00000075_pre_disaster,0,0,train\masks\mexico-earthquake_00000075_pre_disaster.png,0,0,33,221258,00000075 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000078_post_disaster.png,mexico-earthquake_00000078_post_disaster,0,0,train\masks\mexico-earthquake_00000078_post_disaster.png,0,0,76,343738,00000078 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000078_pre_disaster.png,mexico-earthquake_00000078_pre_disaster,0,0,train\masks\mexico-earthquake_00000078_pre_disaster.png,0,0,76,345160,00000078 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000079_post_disaster.png,mexico-earthquake_00000079_post_disaster,0,0,train\masks\mexico-earthquake_00000079_post_disaster.png,0,0,103,462010,00000079 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000079_pre_disaster.png,mexico-earthquake_00000079_pre_disaster,0,0,train\masks\mexico-earthquake_00000079_pre_disaster.png,0,0,103,462416,00000079 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000082_post_disaster.png,mexico-earthquake_00000082_post_disaster,4,4859,train\masks\mexico-earthquake_00000082_post_disaster.png,0,0,138,365966,00000082 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000082_pre_disaster.png,mexico-earthquake_00000082_pre_disaster,0,0,train\masks\mexico-earthquake_00000082_pre_disaster.png,0,0,140,371485,00000082 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000083_post_disaster.png,mexico-earthquake_00000083_post_disaster,0,0,train\masks\mexico-earthquake_00000083_post_disaster.png,0,0,334,401718,00000083 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000083_pre_disaster.png,mexico-earthquake_00000083_pre_disaster,0,0,train\masks\mexico-earthquake_00000083_pre_disaster.png,0,0,335,402378,00000083 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000084_post_disaster.png,mexico-earthquake_00000084_post_disaster,3,4202,train\masks\mexico-earthquake_00000084_post_disaster.png,1,441,139,148766,00000084 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000084_pre_disaster.png,mexico-earthquake_00000084_pre_disaster,0,0,train\masks\mexico-earthquake_00000084_pre_disaster.png,0,0,141,153792,00000084 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000085_post_disaster.png,mexico-earthquake_00000085_post_disaster,1,2628,train\masks\mexico-earthquake_00000085_post_disaster.png,2,10357,143,382638,00000085 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000085_pre_disaster.png,mexico-earthquake_00000085_pre_disaster,0,0,train\masks\mexico-earthquake_00000085_pre_disaster.png,0,0,143,396606,00000085 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000086_post_disaster.png,mexico-earthquake_00000086_post_disaster,1,4122,train\masks\mexico-earthquake_00000086_post_disaster.png,0,0,156,373163,00000086 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000086_pre_disaster.png,mexico-earthquake_00000086_pre_disaster,0,0,train\masks\mexico-earthquake_00000086_pre_disaster.png,0,0,156,378134,00000086 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000087_post_disaster.png,mexico-earthquake_00000087_post_disaster,0,0,train\masks\mexico-earthquake_00000087_post_disaster.png,0,0,41,206074,00000087 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000087_pre_disaster.png,mexico-earthquake_00000087_pre_disaster,0,0,train\masks\mexico-earthquake_00000087_pre_disaster.png,0,0,40,206405,00000087 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000088_post_disaster.png,mexico-earthquake_00000088_post_disaster,1,839,train\masks\mexico-earthquake_00000088_post_disaster.png,1,1180,157,331648,00000088 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000088_pre_disaster.png,mexico-earthquake_00000088_pre_disaster,0,0,train\masks\mexico-earthquake_00000088_pre_disaster.png,0,0,156,333978,00000088 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000089_post_disaster.png,mexico-earthquake_00000089_post_disaster,0,0,train\masks\mexico-earthquake_00000089_post_disaster.png,0,0,204,373231,00000089 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000089_pre_disaster.png,mexico-earthquake_00000089_pre_disaster,0,0,train\masks\mexico-earthquake_00000089_pre_disaster.png,0,0,203,374009,00000089 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000092_post_disaster.png,mexico-earthquake_00000092_post_disaster,9,11662,train\masks\mexico-earthquake_00000092_post_disaster.png,0,0,92,264528,00000092 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000092_pre_disaster.png,mexico-earthquake_00000092_pre_disaster,0,0,train\masks\mexico-earthquake_00000092_pre_disaster.png,0,0,93,276548,00000092 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000093_post_disaster.png,mexico-earthquake_00000093_post_disaster,0,0,train\masks\mexico-earthquake_00000093_post_disaster.png,0,0,71,102104,00000093 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000093_pre_disaster.png,mexico-earthquake_00000093_pre_disaster,0,0,train\masks\mexico-earthquake_00000093_pre_disaster.png,0,0,71,102104,00000093 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000096_post_disaster.png,mexico-earthquake_00000096_post_disaster,0,0,train\masks\mexico-earthquake_00000096_post_disaster.png,0,0,3,5636,00000096 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000096_pre_disaster.png,mexico-earthquake_00000096_pre_disaster,0,0,train\masks\mexico-earthquake_00000096_pre_disaster.png,0,0,3,5660,00000096 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000098_post_disaster.png,mexico-earthquake_00000098_post_disaster,0,0,train\masks\mexico-earthquake_00000098_post_disaster.png,0,0,80,495343,00000098 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000098_pre_disaster.png,mexico-earthquake_00000098_pre_disaster,0,0,train\masks\mexico-earthquake_00000098_pre_disaster.png,0,0,80,496079,00000098 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000100_post_disaster.png,mexico-earthquake_00000100_post_disaster,0,0,train\masks\mexico-earthquake_00000100_post_disaster.png,0,0,235,394150,00000100 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000100_pre_disaster.png,mexico-earthquake_00000100_pre_disaster,0,0,train\masks\mexico-earthquake_00000100_pre_disaster.png,0,0,235,395075,00000100 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000101_post_disaster.png,mexico-earthquake_00000101_post_disaster,0,0,train\masks\mexico-earthquake_00000101_post_disaster.png,0,0,79,187570,00000101 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000101_pre_disaster.png,mexico-earthquake_00000101_pre_disaster,0,0,train\masks\mexico-earthquake_00000101_pre_disaster.png,0,0,79,187691,00000101 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000102_post_disaster.png,mexico-earthquake_00000102_post_disaster,0,0,train\masks\mexico-earthquake_00000102_post_disaster.png,0,0,53,340840,00000102 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000102_pre_disaster.png,mexico-earthquake_00000102_pre_disaster,0,0,train\masks\mexico-earthquake_00000102_pre_disaster.png,0,0,53,341429,00000102 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000103_post_disaster.png,mexico-earthquake_00000103_post_disaster,0,0,train\masks\mexico-earthquake_00000103_post_disaster.png,0,0,54,179937,00000103 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000103_pre_disaster.png,mexico-earthquake_00000103_pre_disaster,0,0,train\masks\mexico-earthquake_00000103_pre_disaster.png,0,0,55,180040,00000103 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000104_post_disaster.png,mexico-earthquake_00000104_post_disaster,0,0,train\masks\mexico-earthquake_00000104_post_disaster.png,0,0,31,137680,00000104 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000104_pre_disaster.png,mexico-earthquake_00000104_pre_disaster,0,0,train\masks\mexico-earthquake_00000104_pre_disaster.png,0,0,31,138166,00000104 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000105_post_disaster.png,mexico-earthquake_00000105_post_disaster,0,0,train\masks\mexico-earthquake_00000105_post_disaster.png,0,0,80,274182,00000105 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000105_pre_disaster.png,mexico-earthquake_00000105_pre_disaster,0,0,train\masks\mexico-earthquake_00000105_pre_disaster.png,0,0,80,274909,00000105 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000107_post_disaster.png,mexico-earthquake_00000107_post_disaster,0,0,train\masks\mexico-earthquake_00000107_post_disaster.png,0,0,147,448706,00000107 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000107_pre_disaster.png,mexico-earthquake_00000107_pre_disaster,0,0,train\masks\mexico-earthquake_00000107_pre_disaster.png,0,0,147,449380,00000107 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000108_post_disaster.png,mexico-earthquake_00000108_post_disaster,4,1681,train\masks\mexico-earthquake_00000108_post_disaster.png,1,136,69,53975,00000108 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000108_pre_disaster.png,mexico-earthquake_00000108_pre_disaster,0,0,train\masks\mexico-earthquake_00000108_pre_disaster.png,0,0,69,56170,00000108 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000110_post_disaster.png,mexico-earthquake_00000110_post_disaster,0,0,train\masks\mexico-earthquake_00000110_post_disaster.png,0,0,30,61303,00000110 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000110_pre_disaster.png,mexico-earthquake_00000110_pre_disaster,0,0,train\masks\mexico-earthquake_00000110_pre_disaster.png,0,0,30,61649,00000110 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000111_post_disaster.png,mexico-earthquake_00000111_post_disaster,0,0,train\masks\mexico-earthquake_00000111_post_disaster.png,0,0,87,192000,00000111 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000111_pre_disaster.png,mexico-earthquake_00000111_pre_disaster,0,0,train\masks\mexico-earthquake_00000111_pre_disaster.png,0,0,87,192161,00000111 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000112_post_disaster.png,mexico-earthquake_00000112_post_disaster,0,0,train\masks\mexico-earthquake_00000112_post_disaster.png,0,0,143,546606,00000112 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000112_pre_disaster.png,mexico-earthquake_00000112_pre_disaster,0,0,train\masks\mexico-earthquake_00000112_pre_disaster.png,0,0,143,547681,00000112 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000114_post_disaster.png,mexico-earthquake_00000114_post_disaster,0,0,train\masks\mexico-earthquake_00000114_post_disaster.png,0,0,22,138930,00000114 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000114_pre_disaster.png,mexico-earthquake_00000114_pre_disaster,0,0,train\masks\mexico-earthquake_00000114_pre_disaster.png,0,0,22,139255,00000114 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000115_post_disaster.png,mexico-earthquake_00000115_post_disaster,0,0,train\masks\mexico-earthquake_00000115_post_disaster.png,0,0,107,379864,00000115 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000115_pre_disaster.png,mexico-earthquake_00000115_pre_disaster,0,0,train\masks\mexico-earthquake_00000115_pre_disaster.png,0,0,107,380535,00000115 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000118_post_disaster.png,mexico-earthquake_00000118_post_disaster,0,0,train\masks\mexico-earthquake_00000118_post_disaster.png,0,0,38,561788,00000118 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000118_pre_disaster.png,mexico-earthquake_00000118_pre_disaster,0,0,train\masks\mexico-earthquake_00000118_pre_disaster.png,0,0,38,562362,00000118 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000119_post_disaster.png,mexico-earthquake_00000119_post_disaster,1,348,train\masks\mexico-earthquake_00000119_post_disaster.png,0,0,16,12254,00000119 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000119_pre_disaster.png,mexico-earthquake_00000119_pre_disaster,0,0,train\masks\mexico-earthquake_00000119_pre_disaster.png,0,0,16,12603,00000119 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000120_post_disaster.png,mexico-earthquake_00000120_post_disaster,0,0,train\masks\mexico-earthquake_00000120_post_disaster.png,0,0,49,606029,00000120 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000120_pre_disaster.png,mexico-earthquake_00000120_pre_disaster,0,0,train\masks\mexico-earthquake_00000120_pre_disaster.png,0,0,49,606705,00000120 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000122_post_disaster.png,mexico-earthquake_00000122_post_disaster,0,0,train\masks\mexico-earthquake_00000122_post_disaster.png,0,0,227,410294,00000122 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000122_pre_disaster.png,mexico-earthquake_00000122_pre_disaster,0,0,train\masks\mexico-earthquake_00000122_pre_disaster.png,0,0,227,411070,00000122 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000125_post_disaster.png,mexico-earthquake_00000125_post_disaster,0,0,train\masks\mexico-earthquake_00000125_post_disaster.png,0,0,153,377024,00000125 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000125_pre_disaster.png,mexico-earthquake_00000125_pre_disaster,0,0,train\masks\mexico-earthquake_00000125_pre_disaster.png,0,0,153,377411,00000125 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000126_post_disaster.png,mexico-earthquake_00000126_post_disaster,0,0,train\masks\mexico-earthquake_00000126_post_disaster.png,0,0,147,348516,00000126 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000126_pre_disaster.png,mexico-earthquake_00000126_pre_disaster,0,0,train\masks\mexico-earthquake_00000126_pre_disaster.png,0,0,147,349280,00000126 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000127_post_disaster.png,mexico-earthquake_00000127_post_disaster,0,0,train\masks\mexico-earthquake_00000127_post_disaster.png,0,0,95,228924,00000127 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000127_pre_disaster.png,mexico-earthquake_00000127_pre_disaster,0,0,train\masks\mexico-earthquake_00000127_pre_disaster.png,0,0,97,229652,00000127 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000128_post_disaster.png,mexico-earthquake_00000128_post_disaster,2,5700,train\masks\mexico-earthquake_00000128_post_disaster.png,0,0,124,322670,00000128 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000128_pre_disaster.png,mexico-earthquake_00000128_pre_disaster,0,0,train\masks\mexico-earthquake_00000128_pre_disaster.png,0,0,123,329259,00000128 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000129_post_disaster.png,mexico-earthquake_00000129_post_disaster,0,0,train\masks\mexico-earthquake_00000129_post_disaster.png,0,0,113,504001,00000129 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000129_pre_disaster.png,mexico-earthquake_00000129_pre_disaster,0,0,train\masks\mexico-earthquake_00000129_pre_disaster.png,0,0,111,504937,00000129 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000132_post_disaster.png,mexico-earthquake_00000132_post_disaster,0,0,train\masks\mexico-earthquake_00000132_post_disaster.png,0,0,40,147324,00000132 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000132_pre_disaster.png,mexico-earthquake_00000132_pre_disaster,0,0,train\masks\mexico-earthquake_00000132_pre_disaster.png,0,0,40,147935,00000132 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000136_post_disaster.png,mexico-earthquake_00000136_post_disaster,0,0,train\masks\mexico-earthquake_00000136_post_disaster.png,0,0,30,578985,00000136 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000136_pre_disaster.png,mexico-earthquake_00000136_pre_disaster,0,0,train\masks\mexico-earthquake_00000136_pre_disaster.png,0,0,30,579738,00000136 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000138_post_disaster.png,mexico-earthquake_00000138_post_disaster,0,0,train\masks\mexico-earthquake_00000138_post_disaster.png,0,0,211,489841,00000138 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000138_pre_disaster.png,mexico-earthquake_00000138_pre_disaster,0,0,train\masks\mexico-earthquake_00000138_pre_disaster.png,0,0,211,490488,00000138 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000140_post_disaster.png,mexico-earthquake_00000140_post_disaster,0,0,train\masks\mexico-earthquake_00000140_post_disaster.png,0,0,93,468823,00000140 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000140_pre_disaster.png,mexico-earthquake_00000140_pre_disaster,0,0,train\masks\mexico-earthquake_00000140_pre_disaster.png,0,0,91,469730,00000140 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000141_post_disaster.png,mexico-earthquake_00000141_post_disaster,0,0,train\masks\mexico-earthquake_00000141_post_disaster.png,0,0,38,29839,00000141 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000141_pre_disaster.png,mexico-earthquake_00000141_pre_disaster,0,0,train\masks\mexico-earthquake_00000141_pre_disaster.png,0,0,38,29839,00000141 +1,297,mexico-earthquake,post,train,train\images\mexico-earthquake_00000142_post_disaster.png,mexico-earthquake_00000142_post_disaster,1,1355,train\masks\mexico-earthquake_00000142_post_disaster.png,1,756,80,196018,00000142 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000142_pre_disaster.png,mexico-earthquake_00000142_pre_disaster,0,0,train\masks\mexico-earthquake_00000142_pre_disaster.png,0,0,82,198770,00000142 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000143_post_disaster.png,mexico-earthquake_00000143_post_disaster,0,0,train\masks\mexico-earthquake_00000143_post_disaster.png,0,0,108,506591,00000143 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000143_pre_disaster.png,mexico-earthquake_00000143_pre_disaster,0,0,train\masks\mexico-earthquake_00000143_pre_disaster.png,0,0,109,507538,00000143 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000144_post_disaster.png,mexico-earthquake_00000144_post_disaster,0,0,train\masks\mexico-earthquake_00000144_post_disaster.png,0,0,49,478377,00000144 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000144_pre_disaster.png,mexico-earthquake_00000144_pre_disaster,0,0,train\masks\mexico-earthquake_00000144_pre_disaster.png,0,0,49,479154,00000144 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000146_post_disaster.png,mexico-earthquake_00000146_post_disaster,2,9894,train\masks\mexico-earthquake_00000146_post_disaster.png,1,1936,121,275720,00000146 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000146_pre_disaster.png,mexico-earthquake_00000146_pre_disaster,0,0,train\masks\mexico-earthquake_00000146_pre_disaster.png,0,0,120,288333,00000146 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000148_post_disaster.png,mexico-earthquake_00000148_post_disaster,0,0,train\masks\mexico-earthquake_00000148_post_disaster.png,0,0,11,2835,00000148 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000148_pre_disaster.png,mexico-earthquake_00000148_pre_disaster,0,0,train\masks\mexico-earthquake_00000148_pre_disaster.png,0,0,11,2850,00000148 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000150_post_disaster.png,mexico-earthquake_00000150_post_disaster,0,0,train\masks\mexico-earthquake_00000150_post_disaster.png,0,0,19,170855,00000150 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000150_pre_disaster.png,mexico-earthquake_00000150_pre_disaster,0,0,train\masks\mexico-earthquake_00000150_pre_disaster.png,0,0,19,171108,00000150 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000151_post_disaster.png,mexico-earthquake_00000151_post_disaster,4,10315,train\masks\mexico-earthquake_00000151_post_disaster.png,0,0,188,388905,00000151 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000151_pre_disaster.png,mexico-earthquake_00000151_pre_disaster,0,0,train\masks\mexico-earthquake_00000151_pre_disaster.png,0,0,192,399915,00000151 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000152_post_disaster.png,mexico-earthquake_00000152_post_disaster,0,0,train\masks\mexico-earthquake_00000152_post_disaster.png,0,0,11,26546,00000152 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000152_pre_disaster.png,mexico-earthquake_00000152_pre_disaster,0,0,train\masks\mexico-earthquake_00000152_pre_disaster.png,0,0,11,26612,00000152 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000153_post_disaster.png,mexico-earthquake_00000153_post_disaster,0,0,train\masks\mexico-earthquake_00000153_post_disaster.png,0,0,96,240576,00000153 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000153_pre_disaster.png,mexico-earthquake_00000153_pre_disaster,0,0,train\masks\mexico-earthquake_00000153_pre_disaster.png,0,0,96,241006,00000153 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000154_post_disaster.png,mexico-earthquake_00000154_post_disaster,0,0,train\masks\mexico-earthquake_00000154_post_disaster.png,0,0,207,373398,00000154 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000154_pre_disaster.png,mexico-earthquake_00000154_pre_disaster,0,0,train\masks\mexico-earthquake_00000154_pre_disaster.png,0,0,209,374127,00000154 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000155_post_disaster.png,mexico-earthquake_00000155_post_disaster,0,0,train\masks\mexico-earthquake_00000155_post_disaster.png,0,0,2,2316,00000155 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000155_pre_disaster.png,mexico-earthquake_00000155_pre_disaster,0,0,train\masks\mexico-earthquake_00000155_pre_disaster.png,0,0,2,2316,00000155 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000158_post_disaster.png,mexico-earthquake_00000158_post_disaster,0,0,train\masks\mexico-earthquake_00000158_post_disaster.png,0,0,171,193466,00000158 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000158_pre_disaster.png,mexico-earthquake_00000158_pre_disaster,0,0,train\masks\mexico-earthquake_00000158_pre_disaster.png,0,0,171,193788,00000158 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000159_post_disaster.png,mexico-earthquake_00000159_post_disaster,0,0,train\masks\mexico-earthquake_00000159_post_disaster.png,0,0,70,160753,00000159 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000159_pre_disaster.png,mexico-earthquake_00000159_pre_disaster,0,0,train\masks\mexico-earthquake_00000159_pre_disaster.png,0,0,70,160895,00000159 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000160_post_disaster.png,mexico-earthquake_00000160_post_disaster,0,0,train\masks\mexico-earthquake_00000160_post_disaster.png,0,0,102,228721,00000160 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000160_pre_disaster.png,mexico-earthquake_00000160_pre_disaster,0,0,train\masks\mexico-earthquake_00000160_pre_disaster.png,0,0,102,229109,00000160 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000164_post_disaster.png,mexico-earthquake_00000164_post_disaster,0,0,train\masks\mexico-earthquake_00000164_post_disaster.png,0,0,21,14091,00000164 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000164_pre_disaster.png,mexico-earthquake_00000164_pre_disaster,0,0,train\masks\mexico-earthquake_00000164_pre_disaster.png,0,0,21,14167,00000164 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000166_post_disaster.png,mexico-earthquake_00000166_post_disaster,0,0,train\masks\mexico-earthquake_00000166_post_disaster.png,0,0,3,70534,00000166 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000166_pre_disaster.png,mexico-earthquake_00000166_pre_disaster,0,0,train\masks\mexico-earthquake_00000166_pre_disaster.png,0,0,3,70534,00000166 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000168_post_disaster.png,mexico-earthquake_00000168_post_disaster,0,0,train\masks\mexico-earthquake_00000168_post_disaster.png,0,0,26,141179,00000168 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000168_pre_disaster.png,mexico-earthquake_00000168_pre_disaster,0,0,train\masks\mexico-earthquake_00000168_pre_disaster.png,0,0,26,141391,00000168 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000171_post_disaster.png,mexico-earthquake_00000171_post_disaster,0,0,train\masks\mexico-earthquake_00000171_post_disaster.png,0,0,168,336200,00000171 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000171_pre_disaster.png,mexico-earthquake_00000171_pre_disaster,0,0,train\masks\mexico-earthquake_00000171_pre_disaster.png,0,0,168,336687,00000171 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000172_post_disaster.png,mexico-earthquake_00000172_post_disaster,0,0,train\masks\mexico-earthquake_00000172_post_disaster.png,0,0,11,3216,00000172 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000172_pre_disaster.png,mexico-earthquake_00000172_pre_disaster,0,0,train\masks\mexico-earthquake_00000172_pre_disaster.png,0,0,11,3216,00000172 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000173_post_disaster.png,mexico-earthquake_00000173_post_disaster,0,0,train\masks\mexico-earthquake_00000173_post_disaster.png,0,0,87,400344,00000173 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000173_pre_disaster.png,mexico-earthquake_00000173_pre_disaster,0,0,train\masks\mexico-earthquake_00000173_pre_disaster.png,0,0,87,401157,00000173 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000176_post_disaster.png,mexico-earthquake_00000176_post_disaster,0,0,train\masks\mexico-earthquake_00000176_post_disaster.png,0,0,17,17081,00000176 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000176_pre_disaster.png,mexico-earthquake_00000176_pre_disaster,0,0,train\masks\mexico-earthquake_00000176_pre_disaster.png,0,0,17,17081,00000176 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000177_post_disaster.png,mexico-earthquake_00000177_post_disaster,0,0,train\masks\mexico-earthquake_00000177_post_disaster.png,0,0,113,192353,00000177 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000177_pre_disaster.png,mexico-earthquake_00000177_pre_disaster,0,0,train\masks\mexico-earthquake_00000177_pre_disaster.png,0,0,113,192958,00000177 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000179_post_disaster.png,mexico-earthquake_00000179_post_disaster,0,0,train\masks\mexico-earthquake_00000179_post_disaster.png,0,0,29,31598,00000179 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000179_pre_disaster.png,mexico-earthquake_00000179_pre_disaster,0,0,train\masks\mexico-earthquake_00000179_pre_disaster.png,0,0,29,31698,00000179 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000181_post_disaster.png,mexico-earthquake_00000181_post_disaster,3,42771,train\masks\mexico-earthquake_00000181_post_disaster.png,0,0,190,292665,00000181 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000181_pre_disaster.png,mexico-earthquake_00000181_pre_disaster,0,0,train\masks\mexico-earthquake_00000181_pre_disaster.png,0,0,192,336100,00000181 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000182_post_disaster.png,mexico-earthquake_00000182_post_disaster,0,0,train\masks\mexico-earthquake_00000182_post_disaster.png,0,0,173,219397,00000182 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000182_pre_disaster.png,mexico-earthquake_00000182_pre_disaster,0,0,train\masks\mexico-earthquake_00000182_pre_disaster.png,0,0,173,219755,00000182 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000184_post_disaster.png,mexico-earthquake_00000184_post_disaster,0,0,train\masks\mexico-earthquake_00000184_post_disaster.png,0,0,198,207418,00000184 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000184_pre_disaster.png,mexico-earthquake_00000184_pre_disaster,0,0,train\masks\mexico-earthquake_00000184_pre_disaster.png,0,0,198,207865,00000184 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000185_post_disaster.png,mexico-earthquake_00000185_post_disaster,0,0,train\masks\mexico-earthquake_00000185_post_disaster.png,0,0,351,305709,00000185 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000185_pre_disaster.png,mexico-earthquake_00000185_pre_disaster,0,0,train\masks\mexico-earthquake_00000185_pre_disaster.png,0,0,351,306386,00000185 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000186_post_disaster.png,mexico-earthquake_00000186_post_disaster,0,0,train\masks\mexico-earthquake_00000186_post_disaster.png,0,0,177,258244,00000186 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000186_pre_disaster.png,mexico-earthquake_00000186_pre_disaster,0,0,train\masks\mexico-earthquake_00000186_pre_disaster.png,0,0,177,258569,00000186 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000191_post_disaster.png,mexico-earthquake_00000191_post_disaster,0,0,train\masks\mexico-earthquake_00000191_post_disaster.png,0,0,140,255827,00000191 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000191_pre_disaster.png,mexico-earthquake_00000191_pre_disaster,0,0,train\masks\mexico-earthquake_00000191_pre_disaster.png,0,0,140,256134,00000191 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000192_post_disaster.png,mexico-earthquake_00000192_post_disaster,0,0,train\masks\mexico-earthquake_00000192_post_disaster.png,0,0,4,1783,00000192 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000192_pre_disaster.png,mexico-earthquake_00000192_pre_disaster,0,0,train\masks\mexico-earthquake_00000192_pre_disaster.png,0,0,4,1783,00000192 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000001_post_disaster.png,midwest-flooding_00000001_post_disaster,0,0,train\masks\midwest-flooding_00000001_post_disaster.png,0,0,131,139766,00000001 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000001_pre_disaster.png,midwest-flooding_00000001_pre_disaster,0,0,train\masks\midwest-flooding_00000001_pre_disaster.png,0,0,131,139978,00000001 +4,2081,midwest-flooding,post,train,train\images\midwest-flooding_00000002_post_disaster.png,midwest-flooding_00000002_post_disaster,0,0,train\masks\midwest-flooding_00000002_post_disaster.png,1,240,6,14210,00000002 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000002_pre_disaster.png,midwest-flooding_00000002_pre_disaster,0,0,train\masks\midwest-flooding_00000002_pre_disaster.png,0,0,11,16531,00000002 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000003_post_disaster.png,midwest-flooding_00000003_post_disaster,2,3069,train\masks\midwest-flooding_00000003_post_disaster.png,0,0,180,263483,00000003 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000003_pre_disaster.png,midwest-flooding_00000003_pre_disaster,0,0,train\masks\midwest-flooding_00000003_pre_disaster.png,0,0,179,267026,00000003 +3,868,midwest-flooding,post,train,train\images\midwest-flooding_00000005_post_disaster.png,midwest-flooding_00000005_post_disaster,0,0,train\masks\midwest-flooding_00000005_post_disaster.png,0,0,0,0,00000005 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000005_pre_disaster.png,midwest-flooding_00000005_pre_disaster,0,0,train\masks\midwest-flooding_00000005_pre_disaster.png,0,0,3,868,00000005 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000007_post_disaster.png,midwest-flooding_00000007_post_disaster,2,5076,train\masks\midwest-flooding_00000007_post_disaster.png,0,0,48,91680,00000007 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000007_pre_disaster.png,midwest-flooding_00000007_pre_disaster,0,0,train\masks\midwest-flooding_00000007_pre_disaster.png,0,0,50,96812,00000007 +2,1142,midwest-flooding,post,train,train\images\midwest-flooding_00000010_post_disaster.png,midwest-flooding_00000010_post_disaster,0,0,train\masks\midwest-flooding_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000010_pre_disaster.png,midwest-flooding_00000010_pre_disaster,0,0,train\masks\midwest-flooding_00000010_pre_disaster.png,0,0,2,1142,00000010 +2,539,midwest-flooding,post,train,train\images\midwest-flooding_00000012_post_disaster.png,midwest-flooding_00000012_post_disaster,0,0,train\masks\midwest-flooding_00000012_post_disaster.png,0,0,1,269,00000012 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000012_pre_disaster.png,midwest-flooding_00000012_pre_disaster,0,0,train\masks\midwest-flooding_00000012_pre_disaster.png,0,0,3,808,00000012 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000013_post_disaster.png,midwest-flooding_00000013_post_disaster,0,0,train\masks\midwest-flooding_00000013_post_disaster.png,0,0,116,215803,00000013 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000013_pre_disaster.png,midwest-flooding_00000013_pre_disaster,0,0,train\masks\midwest-flooding_00000013_pre_disaster.png,0,0,116,216083,00000013 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000018_post_disaster.png,midwest-flooding_00000018_post_disaster,4,5530,train\masks\midwest-flooding_00000018_post_disaster.png,0,0,168,182040,00000018 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000018_pre_disaster.png,midwest-flooding_00000018_pre_disaster,0,0,train\masks\midwest-flooding_00000018_pre_disaster.png,0,0,172,187926,00000018 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000019_post_disaster.png,midwest-flooding_00000019_post_disaster,0,0,train\masks\midwest-flooding_00000019_post_disaster.png,0,0,46,76188,00000019 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000019_pre_disaster.png,midwest-flooding_00000019_pre_disaster,0,0,train\masks\midwest-flooding_00000019_pre_disaster.png,0,0,46,76299,00000019 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000020_post_disaster.png,midwest-flooding_00000020_post_disaster,2,3159,train\masks\midwest-flooding_00000020_post_disaster.png,0,0,141,190987,00000020 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000020_pre_disaster.png,midwest-flooding_00000020_pre_disaster,0,0,train\masks\midwest-flooding_00000020_pre_disaster.png,0,0,143,194569,00000020 +1,99,midwest-flooding,post,train,train\images\midwest-flooding_00000021_post_disaster.png,midwest-flooding_00000021_post_disaster,2,774,train\masks\midwest-flooding_00000021_post_disaster.png,1,209,2,2836,00000021 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000021_pre_disaster.png,midwest-flooding_00000021_pre_disaster,0,0,train\masks\midwest-flooding_00000021_pre_disaster.png,0,0,6,3918,00000021 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000022_post_disaster.png,midwest-flooding_00000022_post_disaster,0,0,train\masks\midwest-flooding_00000022_post_disaster.png,0,0,252,228172,00000022 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000022_pre_disaster.png,midwest-flooding_00000022_pre_disaster,0,0,train\masks\midwest-flooding_00000022_pre_disaster.png,0,0,252,228504,00000022 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000023_post_disaster.png,midwest-flooding_00000023_post_disaster,5,16029,train\masks\midwest-flooding_00000023_post_disaster.png,0,0,137,163495,00000023 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000023_pre_disaster.png,midwest-flooding_00000023_pre_disaster,0,0,train\masks\midwest-flooding_00000023_pre_disaster.png,0,0,140,179794,00000023 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000024_post_disaster.png,midwest-flooding_00000024_post_disaster,0,0,train\masks\midwest-flooding_00000024_post_disaster.png,0,0,263,291432,00000024 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000024_pre_disaster.png,midwest-flooding_00000024_pre_disaster,0,0,train\masks\midwest-flooding_00000024_pre_disaster.png,0,0,263,291913,00000024 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000025_post_disaster.png,midwest-flooding_00000025_post_disaster,0,0,train\masks\midwest-flooding_00000025_post_disaster.png,0,0,60,77134,00000025 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000025_pre_disaster.png,midwest-flooding_00000025_pre_disaster,0,0,train\masks\midwest-flooding_00000025_pre_disaster.png,0,0,60,77134,00000025 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000027_post_disaster.png,midwest-flooding_00000027_post_disaster,0,0,train\masks\midwest-flooding_00000027_post_disaster.png,0,0,56,100326,00000027 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000027_pre_disaster.png,midwest-flooding_00000027_pre_disaster,0,0,train\masks\midwest-flooding_00000027_pre_disaster.png,0,0,56,100791,00000027 +2,891,midwest-flooding,post,train,train\images\midwest-flooding_00000028_post_disaster.png,midwest-flooding_00000028_post_disaster,0,0,train\masks\midwest-flooding_00000028_post_disaster.png,0,0,0,0,00000028 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000028_pre_disaster.png,midwest-flooding_00000028_pre_disaster,0,0,train\masks\midwest-flooding_00000028_pre_disaster.png,0,0,2,891,00000028 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000029_post_disaster.png,midwest-flooding_00000029_post_disaster,0,0,train\masks\midwest-flooding_00000029_post_disaster.png,0,0,242,265697,00000029 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000029_pre_disaster.png,midwest-flooding_00000029_pre_disaster,0,0,train\masks\midwest-flooding_00000029_pre_disaster.png,0,0,241,266330,00000029 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000030_post_disaster.png,midwest-flooding_00000030_post_disaster,1,1192,train\masks\midwest-flooding_00000030_post_disaster.png,0,0,1,16105,00000030 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000030_pre_disaster.png,midwest-flooding_00000030_pre_disaster,0,0,train\masks\midwest-flooding_00000030_pre_disaster.png,0,0,2,17297,00000030 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000031_post_disaster.png,midwest-flooding_00000031_post_disaster,0,0,train\masks\midwest-flooding_00000031_post_disaster.png,0,0,174,272173,00000031 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000031_pre_disaster.png,midwest-flooding_00000031_pre_disaster,0,0,train\masks\midwest-flooding_00000031_pre_disaster.png,0,0,174,272884,00000031 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000032_post_disaster.png,midwest-flooding_00000032_post_disaster,0,0,train\masks\midwest-flooding_00000032_post_disaster.png,0,0,0,0,00000032 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000032_pre_disaster.png,midwest-flooding_00000032_pre_disaster,0,0,train\masks\midwest-flooding_00000032_pre_disaster.png,0,0,0,0,00000032 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000033_post_disaster.png,midwest-flooding_00000033_post_disaster,0,0,train\masks\midwest-flooding_00000033_post_disaster.png,0,0,73,148134,00000033 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000033_pre_disaster.png,midwest-flooding_00000033_pre_disaster,0,0,train\masks\midwest-flooding_00000033_pre_disaster.png,0,0,73,148295,00000033 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000035_post_disaster.png,midwest-flooding_00000035_post_disaster,0,0,train\masks\midwest-flooding_00000035_post_disaster.png,0,0,0,0,00000035 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000035_pre_disaster.png,midwest-flooding_00000035_pre_disaster,0,0,train\masks\midwest-flooding_00000035_pre_disaster.png,0,0,0,0,00000035 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000036_post_disaster.png,midwest-flooding_00000036_post_disaster,0,0,train\masks\midwest-flooding_00000036_post_disaster.png,0,0,58,188703,00000036 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000036_pre_disaster.png,midwest-flooding_00000036_pre_disaster,0,0,train\masks\midwest-flooding_00000036_pre_disaster.png,0,0,58,189122,00000036 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000038_post_disaster.png,midwest-flooding_00000038_post_disaster,0,0,train\masks\midwest-flooding_00000038_post_disaster.png,1,81,1,104,00000038 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000038_pre_disaster.png,midwest-flooding_00000038_pre_disaster,0,0,train\masks\midwest-flooding_00000038_pre_disaster.png,0,0,2,185,00000038 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000039_post_disaster.png,midwest-flooding_00000039_post_disaster,0,0,train\masks\midwest-flooding_00000039_post_disaster.png,0,0,41,85339,00000039 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000039_pre_disaster.png,midwest-flooding_00000039_pre_disaster,0,0,train\masks\midwest-flooding_00000039_pre_disaster.png,0,0,41,85924,00000039 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000040_post_disaster.png,midwest-flooding_00000040_post_disaster,0,0,train\masks\midwest-flooding_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000040_pre_disaster.png,midwest-flooding_00000040_pre_disaster,0,0,train\masks\midwest-flooding_00000040_pre_disaster.png,0,0,0,0,00000040 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000041_post_disaster.png,midwest-flooding_00000041_post_disaster,0,0,train\masks\midwest-flooding_00000041_post_disaster.png,0,0,108,171604,00000041 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000041_pre_disaster.png,midwest-flooding_00000041_pre_disaster,0,0,train\masks\midwest-flooding_00000041_pre_disaster.png,0,0,108,171990,00000041 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000043_post_disaster.png,midwest-flooding_00000043_post_disaster,0,0,train\masks\midwest-flooding_00000043_post_disaster.png,0,0,57,109362,00000043 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000043_pre_disaster.png,midwest-flooding_00000043_pre_disaster,0,0,train\masks\midwest-flooding_00000043_pre_disaster.png,0,0,57,109535,00000043 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000044_post_disaster.png,midwest-flooding_00000044_post_disaster,0,0,train\masks\midwest-flooding_00000044_post_disaster.png,0,0,96,264028,00000044 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000044_pre_disaster.png,midwest-flooding_00000044_pre_disaster,0,0,train\masks\midwest-flooding_00000044_pre_disaster.png,0,0,96,264786,00000044 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000047_post_disaster.png,midwest-flooding_00000047_post_disaster,1,1509,train\masks\midwest-flooding_00000047_post_disaster.png,0,0,114,169847,00000047 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000047_pre_disaster.png,midwest-flooding_00000047_pre_disaster,0,0,train\masks\midwest-flooding_00000047_pre_disaster.png,0,0,114,171864,00000047 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000049_post_disaster.png,midwest-flooding_00000049_post_disaster,0,0,train\masks\midwest-flooding_00000049_post_disaster.png,0,0,188,210733,00000049 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000049_pre_disaster.png,midwest-flooding_00000049_pre_disaster,0,0,train\masks\midwest-flooding_00000049_pre_disaster.png,0,0,188,211023,00000049 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000054_post_disaster.png,midwest-flooding_00000054_post_disaster,0,0,train\masks\midwest-flooding_00000054_post_disaster.png,0,0,98,277094,00000054 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000054_pre_disaster.png,midwest-flooding_00000054_pre_disaster,0,0,train\masks\midwest-flooding_00000054_pre_disaster.png,0,0,98,277473,00000054 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000058_post_disaster.png,midwest-flooding_00000058_post_disaster,0,0,train\masks\midwest-flooding_00000058_post_disaster.png,0,0,77,163365,00000058 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000058_pre_disaster.png,midwest-flooding_00000058_pre_disaster,0,0,train\masks\midwest-flooding_00000058_pre_disaster.png,0,0,77,163831,00000058 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000059_post_disaster.png,midwest-flooding_00000059_post_disaster,0,0,train\masks\midwest-flooding_00000059_post_disaster.png,0,0,206,204899,00000059 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000059_pre_disaster.png,midwest-flooding_00000059_pre_disaster,0,0,train\masks\midwest-flooding_00000059_pre_disaster.png,0,0,206,205352,00000059 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000060_post_disaster.png,midwest-flooding_00000060_post_disaster,0,0,train\masks\midwest-flooding_00000060_post_disaster.png,0,0,230,185696,00000060 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000060_pre_disaster.png,midwest-flooding_00000060_pre_disaster,0,0,train\masks\midwest-flooding_00000060_pre_disaster.png,0,0,230,185758,00000060 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000061_post_disaster.png,midwest-flooding_00000061_post_disaster,0,0,train\masks\midwest-flooding_00000061_post_disaster.png,0,0,40,168965,00000061 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000061_pre_disaster.png,midwest-flooding_00000061_pre_disaster,0,0,train\masks\midwest-flooding_00000061_pre_disaster.png,0,0,40,169029,00000061 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000062_post_disaster.png,midwest-flooding_00000062_post_disaster,0,0,train\masks\midwest-flooding_00000062_post_disaster.png,0,0,177,149159,00000062 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000062_pre_disaster.png,midwest-flooding_00000062_pre_disaster,0,0,train\masks\midwest-flooding_00000062_pre_disaster.png,0,0,177,149242,00000062 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000063_post_disaster.png,midwest-flooding_00000063_post_disaster,0,0,train\masks\midwest-flooding_00000063_post_disaster.png,0,0,172,176637,00000063 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000063_pre_disaster.png,midwest-flooding_00000063_pre_disaster,0,0,train\masks\midwest-flooding_00000063_pre_disaster.png,0,0,172,177093,00000063 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000064_post_disaster.png,midwest-flooding_00000064_post_disaster,0,0,train\masks\midwest-flooding_00000064_post_disaster.png,0,0,206,162402,00000064 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000064_pre_disaster.png,midwest-flooding_00000064_pre_disaster,0,0,train\masks\midwest-flooding_00000064_pre_disaster.png,0,0,206,162814,00000064 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000065_post_disaster.png,midwest-flooding_00000065_post_disaster,0,0,train\masks\midwest-flooding_00000065_post_disaster.png,0,0,21,264824,00000065 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000065_pre_disaster.png,midwest-flooding_00000065_pre_disaster,0,0,train\masks\midwest-flooding_00000065_pre_disaster.png,0,0,21,265253,00000065 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000066_post_disaster.png,midwest-flooding_00000066_post_disaster,0,0,train\masks\midwest-flooding_00000066_post_disaster.png,0,0,253,212503,00000066 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000066_pre_disaster.png,midwest-flooding_00000066_pre_disaster,0,0,train\masks\midwest-flooding_00000066_pre_disaster.png,0,0,253,212773,00000066 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000067_post_disaster.png,midwest-flooding_00000067_post_disaster,0,0,train\masks\midwest-flooding_00000067_post_disaster.png,0,0,84,249486,00000067 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000067_pre_disaster.png,midwest-flooding_00000067_pre_disaster,0,0,train\masks\midwest-flooding_00000067_pre_disaster.png,0,0,84,249839,00000067 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000068_post_disaster.png,midwest-flooding_00000068_post_disaster,0,0,train\masks\midwest-flooding_00000068_post_disaster.png,0,0,294,214639,00000068 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000068_pre_disaster.png,midwest-flooding_00000068_pre_disaster,0,0,train\masks\midwest-flooding_00000068_pre_disaster.png,0,0,294,215275,00000068 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000070_post_disaster.png,midwest-flooding_00000070_post_disaster,0,0,train\masks\midwest-flooding_00000070_post_disaster.png,0,0,55,88465,00000070 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000070_pre_disaster.png,midwest-flooding_00000070_pre_disaster,0,0,train\masks\midwest-flooding_00000070_pre_disaster.png,0,0,55,88553,00000070 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000073_post_disaster.png,midwest-flooding_00000073_post_disaster,0,0,train\masks\midwest-flooding_00000073_post_disaster.png,0,0,0,0,00000073 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000073_pre_disaster.png,midwest-flooding_00000073_pre_disaster,0,0,train\masks\midwest-flooding_00000073_pre_disaster.png,0,0,0,0,00000073 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000074_post_disaster.png,midwest-flooding_00000074_post_disaster,0,0,train\masks\midwest-flooding_00000074_post_disaster.png,0,0,0,0,00000074 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000074_pre_disaster.png,midwest-flooding_00000074_pre_disaster,0,0,train\masks\midwest-flooding_00000074_pre_disaster.png,0,0,0,0,00000074 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000075_post_disaster.png,midwest-flooding_00000075_post_disaster,0,0,train\masks\midwest-flooding_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000075_pre_disaster.png,midwest-flooding_00000075_pre_disaster,0,0,train\masks\midwest-flooding_00000075_pre_disaster.png,0,0,0,0,00000075 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000076_post_disaster.png,midwest-flooding_00000076_post_disaster,1,291,train\masks\midwest-flooding_00000076_post_disaster.png,0,0,4,1157,00000076 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000076_pre_disaster.png,midwest-flooding_00000076_pre_disaster,0,0,train\masks\midwest-flooding_00000076_pre_disaster.png,0,0,5,1448,00000076 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000077_post_disaster.png,midwest-flooding_00000077_post_disaster,0,0,train\masks\midwest-flooding_00000077_post_disaster.png,0,0,15,9317,00000077 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000077_pre_disaster.png,midwest-flooding_00000077_pre_disaster,0,0,train\masks\midwest-flooding_00000077_pre_disaster.png,0,0,15,9317,00000077 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000078_post_disaster.png,midwest-flooding_00000078_post_disaster,0,0,train\masks\midwest-flooding_00000078_post_disaster.png,0,0,0,0,00000078 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000078_pre_disaster.png,midwest-flooding_00000078_pre_disaster,0,0,train\masks\midwest-flooding_00000078_pre_disaster.png,0,0,0,0,00000078 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000079_post_disaster.png,midwest-flooding_00000079_post_disaster,0,0,train\masks\midwest-flooding_00000079_post_disaster.png,0,0,1,701,00000079 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000079_pre_disaster.png,midwest-flooding_00000079_pre_disaster,0,0,train\masks\midwest-flooding_00000079_pre_disaster.png,0,0,1,701,00000079 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000081_post_disaster.png,midwest-flooding_00000081_post_disaster,0,0,train\masks\midwest-flooding_00000081_post_disaster.png,2,331,0,0,00000081 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000081_pre_disaster.png,midwest-flooding_00000081_pre_disaster,0,0,train\masks\midwest-flooding_00000081_pre_disaster.png,0,0,2,331,00000081 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000082_post_disaster.png,midwest-flooding_00000082_post_disaster,0,0,train\masks\midwest-flooding_00000082_post_disaster.png,0,0,0,0,00000082 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000082_pre_disaster.png,midwest-flooding_00000082_pre_disaster,0,0,train\masks\midwest-flooding_00000082_pre_disaster.png,0,0,0,0,00000082 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000083_post_disaster.png,midwest-flooding_00000083_post_disaster,0,0,train\masks\midwest-flooding_00000083_post_disaster.png,0,0,4,2563,00000083 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000083_pre_disaster.png,midwest-flooding_00000083_pre_disaster,0,0,train\masks\midwest-flooding_00000083_pre_disaster.png,0,0,4,2563,00000083 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000084_post_disaster.png,midwest-flooding_00000084_post_disaster,1,1043,train\masks\midwest-flooding_00000084_post_disaster.png,0,0,4,1961,00000084 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000084_pre_disaster.png,midwest-flooding_00000084_pre_disaster,0,0,train\masks\midwest-flooding_00000084_pre_disaster.png,0,0,5,3004,00000084 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000085_post_disaster.png,midwest-flooding_00000085_post_disaster,1,77,train\masks\midwest-flooding_00000085_post_disaster.png,0,0,2,153,00000085 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000085_pre_disaster.png,midwest-flooding_00000085_pre_disaster,0,0,train\masks\midwest-flooding_00000085_pre_disaster.png,0,0,3,230,00000085 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000086_post_disaster.png,midwest-flooding_00000086_post_disaster,0,0,train\masks\midwest-flooding_00000086_post_disaster.png,0,0,1,36,00000086 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000086_pre_disaster.png,midwest-flooding_00000086_pre_disaster,0,0,train\masks\midwest-flooding_00000086_pre_disaster.png,0,0,1,30,00000086 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000087_post_disaster.png,midwest-flooding_00000087_post_disaster,0,0,train\masks\midwest-flooding_00000087_post_disaster.png,0,0,0,0,00000087 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000087_pre_disaster.png,midwest-flooding_00000087_pre_disaster,0,0,train\masks\midwest-flooding_00000087_pre_disaster.png,0,0,0,0,00000087 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000093_post_disaster.png,midwest-flooding_00000093_post_disaster,0,0,train\masks\midwest-flooding_00000093_post_disaster.png,0,0,0,0,00000093 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000093_pre_disaster.png,midwest-flooding_00000093_pre_disaster,0,0,train\masks\midwest-flooding_00000093_pre_disaster.png,0,0,0,0,00000093 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000095_post_disaster.png,midwest-flooding_00000095_post_disaster,1,462,train\masks\midwest-flooding_00000095_post_disaster.png,0,0,19,9487,00000095 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000095_pre_disaster.png,midwest-flooding_00000095_pre_disaster,0,0,train\masks\midwest-flooding_00000095_pre_disaster.png,0,0,20,9949,00000095 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000096_post_disaster.png,midwest-flooding_00000096_post_disaster,1,2014,train\masks\midwest-flooding_00000096_post_disaster.png,0,0,3,1704,00000096 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000096_pre_disaster.png,midwest-flooding_00000096_pre_disaster,0,0,train\masks\midwest-flooding_00000096_pre_disaster.png,0,0,4,3718,00000096 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000099_post_disaster.png,midwest-flooding_00000099_post_disaster,0,0,train\masks\midwest-flooding_00000099_post_disaster.png,0,0,4,3320,00000099 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000099_pre_disaster.png,midwest-flooding_00000099_pre_disaster,0,0,train\masks\midwest-flooding_00000099_pre_disaster.png,0,0,4,3320,00000099 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000100_post_disaster.png,midwest-flooding_00000100_post_disaster,0,0,train\masks\midwest-flooding_00000100_post_disaster.png,0,0,18,8893,00000100 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000100_pre_disaster.png,midwest-flooding_00000100_pre_disaster,0,0,train\masks\midwest-flooding_00000100_pre_disaster.png,0,0,18,8896,00000100 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000102_post_disaster.png,midwest-flooding_00000102_post_disaster,0,0,train\masks\midwest-flooding_00000102_post_disaster.png,0,0,0,0,00000102 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000102_pre_disaster.png,midwest-flooding_00000102_pre_disaster,0,0,train\masks\midwest-flooding_00000102_pre_disaster.png,0,0,0,0,00000102 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000103_post_disaster.png,midwest-flooding_00000103_post_disaster,1,76,train\masks\midwest-flooding_00000103_post_disaster.png,0,0,12,8338,00000103 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000103_pre_disaster.png,midwest-flooding_00000103_pre_disaster,0,0,train\masks\midwest-flooding_00000103_pre_disaster.png,0,0,13,8414,00000103 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000107_post_disaster.png,midwest-flooding_00000107_post_disaster,0,0,train\masks\midwest-flooding_00000107_post_disaster.png,0,0,3,971,00000107 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000107_pre_disaster.png,midwest-flooding_00000107_pre_disaster,0,0,train\masks\midwest-flooding_00000107_pre_disaster.png,0,0,3,971,00000107 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000108_post_disaster.png,midwest-flooding_00000108_post_disaster,0,0,train\masks\midwest-flooding_00000108_post_disaster.png,0,0,16,8592,00000108 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000108_pre_disaster.png,midwest-flooding_00000108_pre_disaster,0,0,train\masks\midwest-flooding_00000108_pre_disaster.png,0,0,16,8587,00000108 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000109_post_disaster.png,midwest-flooding_00000109_post_disaster,0,0,train\masks\midwest-flooding_00000109_post_disaster.png,0,0,18,15584,00000109 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000109_pre_disaster.png,midwest-flooding_00000109_pre_disaster,0,0,train\masks\midwest-flooding_00000109_pre_disaster.png,0,0,18,15619,00000109 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000110_post_disaster.png,midwest-flooding_00000110_post_disaster,0,0,train\masks\midwest-flooding_00000110_post_disaster.png,0,0,0,0,00000110 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000110_pre_disaster.png,midwest-flooding_00000110_pre_disaster,0,0,train\masks\midwest-flooding_00000110_pre_disaster.png,0,0,0,0,00000110 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000113_post_disaster.png,midwest-flooding_00000113_post_disaster,0,0,train\masks\midwest-flooding_00000113_post_disaster.png,0,0,27,20990,00000113 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000113_pre_disaster.png,midwest-flooding_00000113_pre_disaster,0,0,train\masks\midwest-flooding_00000113_pre_disaster.png,0,0,27,20990,00000113 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000114_post_disaster.png,midwest-flooding_00000114_post_disaster,0,0,train\masks\midwest-flooding_00000114_post_disaster.png,0,0,20,14059,00000114 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000114_pre_disaster.png,midwest-flooding_00000114_pre_disaster,0,0,train\masks\midwest-flooding_00000114_pre_disaster.png,0,0,20,14063,00000114 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000115_post_disaster.png,midwest-flooding_00000115_post_disaster,0,0,train\masks\midwest-flooding_00000115_post_disaster.png,0,0,0,0,00000115 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000115_pre_disaster.png,midwest-flooding_00000115_pre_disaster,0,0,train\masks\midwest-flooding_00000115_pre_disaster.png,0,0,0,0,00000115 +1,167,midwest-flooding,post,train,train\images\midwest-flooding_00000117_post_disaster.png,midwest-flooding_00000117_post_disaster,1,184,train\masks\midwest-flooding_00000117_post_disaster.png,2,2750,9,3097,00000117 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000117_pre_disaster.png,midwest-flooding_00000117_pre_disaster,0,0,train\masks\midwest-flooding_00000117_pre_disaster.png,0,0,13,6198,00000117 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000119_post_disaster.png,midwest-flooding_00000119_post_disaster,0,0,train\masks\midwest-flooding_00000119_post_disaster.png,0,0,0,0,00000119 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000119_pre_disaster.png,midwest-flooding_00000119_pre_disaster,0,0,train\masks\midwest-flooding_00000119_pre_disaster.png,0,0,0,0,00000119 +1,539,midwest-flooding,post,train,train\images\midwest-flooding_00000120_post_disaster.png,midwest-flooding_00000120_post_disaster,0,0,train\masks\midwest-flooding_00000120_post_disaster.png,0,0,0,0,00000120 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000120_pre_disaster.png,midwest-flooding_00000120_pre_disaster,0,0,train\masks\midwest-flooding_00000120_pre_disaster.png,0,0,1,539,00000120 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000121_post_disaster.png,midwest-flooding_00000121_post_disaster,0,0,train\masks\midwest-flooding_00000121_post_disaster.png,0,0,1,97,00000121 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000121_pre_disaster.png,midwest-flooding_00000121_pre_disaster,0,0,train\masks\midwest-flooding_00000121_pre_disaster.png,0,0,1,97,00000121 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000123_post_disaster.png,midwest-flooding_00000123_post_disaster,0,0,train\masks\midwest-flooding_00000123_post_disaster.png,0,0,0,0,00000123 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000123_pre_disaster.png,midwest-flooding_00000123_pre_disaster,0,0,train\masks\midwest-flooding_00000123_pre_disaster.png,0,0,0,0,00000123 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000125_post_disaster.png,midwest-flooding_00000125_post_disaster,0,0,train\masks\midwest-flooding_00000125_post_disaster.png,0,0,5,3113,00000125 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000125_pre_disaster.png,midwest-flooding_00000125_pre_disaster,0,0,train\masks\midwest-flooding_00000125_pre_disaster.png,0,0,5,3113,00000125 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000126_post_disaster.png,midwest-flooding_00000126_post_disaster,0,0,train\masks\midwest-flooding_00000126_post_disaster.png,0,0,0,0,00000126 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000126_pre_disaster.png,midwest-flooding_00000126_pre_disaster,0,0,train\masks\midwest-flooding_00000126_pre_disaster.png,0,0,0,0,00000126 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000127_post_disaster.png,midwest-flooding_00000127_post_disaster,0,0,train\masks\midwest-flooding_00000127_post_disaster.png,0,0,0,0,00000127 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000127_pre_disaster.png,midwest-flooding_00000127_pre_disaster,0,0,train\masks\midwest-flooding_00000127_pre_disaster.png,0,0,0,0,00000127 +2,340,midwest-flooding,post,train,train\images\midwest-flooding_00000130_post_disaster.png,midwest-flooding_00000130_post_disaster,1,668,train\masks\midwest-flooding_00000130_post_disaster.png,1,386,7,4566,00000130 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000130_pre_disaster.png,midwest-flooding_00000130_pre_disaster,0,0,train\masks\midwest-flooding_00000130_pre_disaster.png,0,0,11,5967,00000130 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000131_post_disaster.png,midwest-flooding_00000131_post_disaster,0,0,train\masks\midwest-flooding_00000131_post_disaster.png,0,0,6,4725,00000131 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000131_pre_disaster.png,midwest-flooding_00000131_pre_disaster,0,0,train\masks\midwest-flooding_00000131_pre_disaster.png,0,0,6,4741,00000131 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000132_post_disaster.png,midwest-flooding_00000132_post_disaster,1,1965,train\masks\midwest-flooding_00000132_post_disaster.png,0,0,4,2150,00000132 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000132_pre_disaster.png,midwest-flooding_00000132_pre_disaster,0,0,train\masks\midwest-flooding_00000132_pre_disaster.png,0,0,5,4115,00000132 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000137_post_disaster.png,midwest-flooding_00000137_post_disaster,0,0,train\masks\midwest-flooding_00000137_post_disaster.png,0,0,0,0,00000137 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000137_pre_disaster.png,midwest-flooding_00000137_pre_disaster,0,0,train\masks\midwest-flooding_00000137_pre_disaster.png,0,0,0,0,00000137 +1,61,midwest-flooding,post,train,train\images\midwest-flooding_00000139_post_disaster.png,midwest-flooding_00000139_post_disaster,0,0,train\masks\midwest-flooding_00000139_post_disaster.png,0,0,0,0,00000139 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000139_pre_disaster.png,midwest-flooding_00000139_pre_disaster,0,0,train\masks\midwest-flooding_00000139_pre_disaster.png,0,0,1,61,00000139 +2,368,midwest-flooding,post,train,train\images\midwest-flooding_00000140_post_disaster.png,midwest-flooding_00000140_post_disaster,0,0,train\masks\midwest-flooding_00000140_post_disaster.png,0,0,12,10625,00000140 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000140_pre_disaster.png,midwest-flooding_00000140_pre_disaster,0,0,train\masks\midwest-flooding_00000140_pre_disaster.png,0,0,14,10993,00000140 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000141_post_disaster.png,midwest-flooding_00000141_post_disaster,0,0,train\masks\midwest-flooding_00000141_post_disaster.png,0,0,3,646,00000141 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000141_pre_disaster.png,midwest-flooding_00000141_pre_disaster,0,0,train\masks\midwest-flooding_00000141_pre_disaster.png,0,0,3,646,00000141 +6,1250,midwest-flooding,post,train,train\images\midwest-flooding_00000143_post_disaster.png,midwest-flooding_00000143_post_disaster,3,1119,train\masks\midwest-flooding_00000143_post_disaster.png,1,1093,12,5638,00000143 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000143_pre_disaster.png,midwest-flooding_00000143_pre_disaster,0,0,train\masks\midwest-flooding_00000143_pre_disaster.png,0,0,22,9100,00000143 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000144_post_disaster.png,midwest-flooding_00000144_post_disaster,0,0,train\masks\midwest-flooding_00000144_post_disaster.png,1,5792,2,614,00000144 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000144_pre_disaster.png,midwest-flooding_00000144_pre_disaster,0,0,train\masks\midwest-flooding_00000144_pre_disaster.png,0,0,3,6406,00000144 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000145_post_disaster.png,midwest-flooding_00000145_post_disaster,1,1206,train\masks\midwest-flooding_00000145_post_disaster.png,0,0,2,355,00000145 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000145_pre_disaster.png,midwest-flooding_00000145_pre_disaster,0,0,train\masks\midwest-flooding_00000145_pre_disaster.png,0,0,3,1545,00000145 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000148_post_disaster.png,midwest-flooding_00000148_post_disaster,0,0,train\masks\midwest-flooding_00000148_post_disaster.png,0,0,15,20215,00000148 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000148_pre_disaster.png,midwest-flooding_00000148_pre_disaster,0,0,train\masks\midwest-flooding_00000148_pre_disaster.png,0,0,15,20326,00000148 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000150_post_disaster.png,midwest-flooding_00000150_post_disaster,1,446,train\masks\midwest-flooding_00000150_post_disaster.png,0,0,0,0,00000150 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000150_pre_disaster.png,midwest-flooding_00000150_pre_disaster,0,0,train\masks\midwest-flooding_00000150_pre_disaster.png,0,0,1,446,00000150 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000151_post_disaster.png,midwest-flooding_00000151_post_disaster,0,0,train\masks\midwest-flooding_00000151_post_disaster.png,0,0,5,4349,00000151 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000151_pre_disaster.png,midwest-flooding_00000151_pre_disaster,0,0,train\masks\midwest-flooding_00000151_pre_disaster.png,0,0,5,4349,00000151 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000152_post_disaster.png,midwest-flooding_00000152_post_disaster,0,0,train\masks\midwest-flooding_00000152_post_disaster.png,0,0,0,0,00000152 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000152_pre_disaster.png,midwest-flooding_00000152_pre_disaster,0,0,train\masks\midwest-flooding_00000152_pre_disaster.png,0,0,0,0,00000152 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000153_post_disaster.png,midwest-flooding_00000153_post_disaster,0,0,train\masks\midwest-flooding_00000153_post_disaster.png,0,0,0,0,00000153 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000153_pre_disaster.png,midwest-flooding_00000153_pre_disaster,0,0,train\masks\midwest-flooding_00000153_pre_disaster.png,0,0,0,0,00000153 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000154_post_disaster.png,midwest-flooding_00000154_post_disaster,0,0,train\masks\midwest-flooding_00000154_post_disaster.png,0,0,4,1660,00000154 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000154_pre_disaster.png,midwest-flooding_00000154_pre_disaster,0,0,train\masks\midwest-flooding_00000154_pre_disaster.png,0,0,4,1660,00000154 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000156_post_disaster.png,midwest-flooding_00000156_post_disaster,0,0,train\masks\midwest-flooding_00000156_post_disaster.png,0,0,0,0,00000156 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000156_pre_disaster.png,midwest-flooding_00000156_pre_disaster,0,0,train\masks\midwest-flooding_00000156_pre_disaster.png,0,0,0,0,00000156 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000157_post_disaster.png,midwest-flooding_00000157_post_disaster,1,722,train\masks\midwest-flooding_00000157_post_disaster.png,0,0,0,0,00000157 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000157_pre_disaster.png,midwest-flooding_00000157_pre_disaster,0,0,train\masks\midwest-flooding_00000157_pre_disaster.png,0,0,1,722,00000157 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000159_post_disaster.png,midwest-flooding_00000159_post_disaster,0,0,train\masks\midwest-flooding_00000159_post_disaster.png,0,0,0,0,00000159 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000159_pre_disaster.png,midwest-flooding_00000159_pre_disaster,0,0,train\masks\midwest-flooding_00000159_pre_disaster.png,0,0,0,0,00000159 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000161_post_disaster.png,midwest-flooding_00000161_post_disaster,2,734,train\masks\midwest-flooding_00000161_post_disaster.png,0,0,10,6401,00000161 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000161_pre_disaster.png,midwest-flooding_00000161_pre_disaster,0,0,train\masks\midwest-flooding_00000161_pre_disaster.png,0,0,12,7135,00000161 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000162_post_disaster.png,midwest-flooding_00000162_post_disaster,0,0,train\masks\midwest-flooding_00000162_post_disaster.png,0,0,2,1082,00000162 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000162_pre_disaster.png,midwest-flooding_00000162_pre_disaster,0,0,train\masks\midwest-flooding_00000162_pre_disaster.png,0,0,2,1082,00000162 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000164_post_disaster.png,midwest-flooding_00000164_post_disaster,0,0,train\masks\midwest-flooding_00000164_post_disaster.png,0,0,0,0,00000164 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000164_pre_disaster.png,midwest-flooding_00000164_pre_disaster,0,0,train\masks\midwest-flooding_00000164_pre_disaster.png,0,0,0,0,00000164 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000165_post_disaster.png,midwest-flooding_00000165_post_disaster,0,0,train\masks\midwest-flooding_00000165_post_disaster.png,0,0,0,0,00000165 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000165_pre_disaster.png,midwest-flooding_00000165_pre_disaster,0,0,train\masks\midwest-flooding_00000165_pre_disaster.png,0,0,0,0,00000165 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000166_post_disaster.png,midwest-flooding_00000166_post_disaster,0,0,train\masks\midwest-flooding_00000166_post_disaster.png,0,0,34,16929,00000166 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000166_pre_disaster.png,midwest-flooding_00000166_pre_disaster,0,0,train\masks\midwest-flooding_00000166_pre_disaster.png,0,0,34,16929,00000166 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000167_post_disaster.png,midwest-flooding_00000167_post_disaster,0,0,train\masks\midwest-flooding_00000167_post_disaster.png,0,0,4,1531,00000167 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000167_pre_disaster.png,midwest-flooding_00000167_pre_disaster,0,0,train\masks\midwest-flooding_00000167_pre_disaster.png,0,0,4,1531,00000167 +1,515,midwest-flooding,post,train,train\images\midwest-flooding_00000168_post_disaster.png,midwest-flooding_00000168_post_disaster,0,0,train\masks\midwest-flooding_00000168_post_disaster.png,0,0,0,0,00000168 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000168_pre_disaster.png,midwest-flooding_00000168_pre_disaster,0,0,train\masks\midwest-flooding_00000168_pre_disaster.png,0,0,1,515,00000168 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000170_post_disaster.png,midwest-flooding_00000170_post_disaster,3,1765,train\masks\midwest-flooding_00000170_post_disaster.png,1,1038,16,5932,00000170 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000170_pre_disaster.png,midwest-flooding_00000170_pre_disaster,0,0,train\masks\midwest-flooding_00000170_pre_disaster.png,0,0,19,8780,00000170 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000171_post_disaster.png,midwest-flooding_00000171_post_disaster,0,0,train\masks\midwest-flooding_00000171_post_disaster.png,0,0,2,924,00000171 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000171_pre_disaster.png,midwest-flooding_00000171_pre_disaster,0,0,train\masks\midwest-flooding_00000171_pre_disaster.png,0,0,2,924,00000171 +3,819,midwest-flooding,post,train,train\images\midwest-flooding_00000172_post_disaster.png,midwest-flooding_00000172_post_disaster,8,2983,train\masks\midwest-flooding_00000172_post_disaster.png,4,1394,26,12489,00000172 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000172_pre_disaster.png,midwest-flooding_00000172_pre_disaster,0,0,train\masks\midwest-flooding_00000172_pre_disaster.png,0,0,38,17685,00000172 +1,78,midwest-flooding,post,train,train\images\midwest-flooding_00000173_post_disaster.png,midwest-flooding_00000173_post_disaster,0,0,train\masks\midwest-flooding_00000173_post_disaster.png,2,1504,17,18013,00000173 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000173_pre_disaster.png,midwest-flooding_00000173_pre_disaster,0,0,train\masks\midwest-flooding_00000173_pre_disaster.png,0,0,20,19595,00000173 +2,1237,midwest-flooding,post,train,train\images\midwest-flooding_00000175_post_disaster.png,midwest-flooding_00000175_post_disaster,4,6656,train\masks\midwest-flooding_00000175_post_disaster.png,2,1106,20,20885,00000175 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000175_pre_disaster.png,midwest-flooding_00000175_pre_disaster,0,0,train\masks\midwest-flooding_00000175_pre_disaster.png,0,0,28,29945,00000175 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000177_post_disaster.png,midwest-flooding_00000177_post_disaster,0,0,train\masks\midwest-flooding_00000177_post_disaster.png,0,0,0,0,00000177 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000177_pre_disaster.png,midwest-flooding_00000177_pre_disaster,0,0,train\masks\midwest-flooding_00000177_pre_disaster.png,0,0,0,0,00000177 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000178_post_disaster.png,midwest-flooding_00000178_post_disaster,0,0,train\masks\midwest-flooding_00000178_post_disaster.png,0,0,5,4358,00000178 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000178_pre_disaster.png,midwest-flooding_00000178_pre_disaster,0,0,train\masks\midwest-flooding_00000178_pre_disaster.png,0,0,5,4358,00000178 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000181_post_disaster.png,midwest-flooding_00000181_post_disaster,1,2843,train\masks\midwest-flooding_00000181_post_disaster.png,12,5634,19,15670,00000181 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000181_pre_disaster.png,midwest-flooding_00000181_pre_disaster,0,0,train\masks\midwest-flooding_00000181_pre_disaster.png,0,0,32,24147,00000181 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000182_post_disaster.png,midwest-flooding_00000182_post_disaster,0,0,train\masks\midwest-flooding_00000182_post_disaster.png,0,0,0,0,00000182 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000182_pre_disaster.png,midwest-flooding_00000182_pre_disaster,0,0,train\masks\midwest-flooding_00000182_pre_disaster.png,0,0,0,0,00000182 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000183_post_disaster.png,midwest-flooding_00000183_post_disaster,0,0,train\masks\midwest-flooding_00000183_post_disaster.png,0,0,5,3505,00000183 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000183_pre_disaster.png,midwest-flooding_00000183_pre_disaster,0,0,train\masks\midwest-flooding_00000183_pre_disaster.png,0,0,5,3505,00000183 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000186_post_disaster.png,midwest-flooding_00000186_post_disaster,0,0,train\masks\midwest-flooding_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000186_pre_disaster.png,midwest-flooding_00000186_pre_disaster,0,0,train\masks\midwest-flooding_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000188_post_disaster.png,midwest-flooding_00000188_post_disaster,0,0,train\masks\midwest-flooding_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000188_pre_disaster.png,midwest-flooding_00000188_pre_disaster,0,0,train\masks\midwest-flooding_00000188_pre_disaster.png,0,0,0,0,00000188 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000190_post_disaster.png,midwest-flooding_00000190_post_disaster,0,0,train\masks\midwest-flooding_00000190_post_disaster.png,0,0,5,1252,00000190 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000190_pre_disaster.png,midwest-flooding_00000190_pre_disaster,0,0,train\masks\midwest-flooding_00000190_pre_disaster.png,0,0,5,1252,00000190 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000191_post_disaster.png,midwest-flooding_00000191_post_disaster,0,0,train\masks\midwest-flooding_00000191_post_disaster.png,0,0,8,8509,00000191 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000191_pre_disaster.png,midwest-flooding_00000191_pre_disaster,0,0,train\masks\midwest-flooding_00000191_pre_disaster.png,0,0,8,8509,00000191 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000193_post_disaster.png,midwest-flooding_00000193_post_disaster,0,0,train\masks\midwest-flooding_00000193_post_disaster.png,0,0,19,10086,00000193 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000193_pre_disaster.png,midwest-flooding_00000193_pre_disaster,0,0,train\masks\midwest-flooding_00000193_pre_disaster.png,0,0,19,10098,00000193 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000194_post_disaster.png,midwest-flooding_00000194_post_disaster,0,0,train\masks\midwest-flooding_00000194_post_disaster.png,0,0,7,1993,00000194 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000194_pre_disaster.png,midwest-flooding_00000194_pre_disaster,0,0,train\masks\midwest-flooding_00000194_pre_disaster.png,0,0,7,1993,00000194 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000196_post_disaster.png,midwest-flooding_00000196_post_disaster,0,0,train\masks\midwest-flooding_00000196_post_disaster.png,0,0,28,20952,00000196 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000196_pre_disaster.png,midwest-flooding_00000196_pre_disaster,0,0,train\masks\midwest-flooding_00000196_pre_disaster.png,0,0,28,21002,00000196 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000197_post_disaster.png,midwest-flooding_00000197_post_disaster,0,0,train\masks\midwest-flooding_00000197_post_disaster.png,0,0,2,451,00000197 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000197_pre_disaster.png,midwest-flooding_00000197_pre_disaster,0,0,train\masks\midwest-flooding_00000197_pre_disaster.png,0,0,2,451,00000197 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000199_post_disaster.png,midwest-flooding_00000199_post_disaster,0,0,train\masks\midwest-flooding_00000199_post_disaster.png,0,0,1,168,00000199 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000199_pre_disaster.png,midwest-flooding_00000199_pre_disaster,0,0,train\masks\midwest-flooding_00000199_pre_disaster.png,0,0,1,168,00000199 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000200_post_disaster.png,midwest-flooding_00000200_post_disaster,0,0,train\masks\midwest-flooding_00000200_post_disaster.png,0,0,0,0,00000200 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000200_pre_disaster.png,midwest-flooding_00000200_pre_disaster,0,0,train\masks\midwest-flooding_00000200_pre_disaster.png,0,0,0,0,00000200 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000201_post_disaster.png,midwest-flooding_00000201_post_disaster,0,0,train\masks\midwest-flooding_00000201_post_disaster.png,0,0,8,3195,00000201 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000201_pre_disaster.png,midwest-flooding_00000201_pre_disaster,0,0,train\masks\midwest-flooding_00000201_pre_disaster.png,0,0,8,3195,00000201 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000202_post_disaster.png,midwest-flooding_00000202_post_disaster,0,0,train\masks\midwest-flooding_00000202_post_disaster.png,0,0,1,254,00000202 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000202_pre_disaster.png,midwest-flooding_00000202_pre_disaster,0,0,train\masks\midwest-flooding_00000202_pre_disaster.png,0,0,1,254,00000202 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000203_post_disaster.png,midwest-flooding_00000203_post_disaster,0,0,train\masks\midwest-flooding_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000203_pre_disaster.png,midwest-flooding_00000203_pre_disaster,0,0,train\masks\midwest-flooding_00000203_pre_disaster.png,0,0,0,0,00000203 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000204_post_disaster.png,midwest-flooding_00000204_post_disaster,0,0,train\masks\midwest-flooding_00000204_post_disaster.png,0,0,17,6892,00000204 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000204_pre_disaster.png,midwest-flooding_00000204_pre_disaster,0,0,train\masks\midwest-flooding_00000204_pre_disaster.png,0,0,17,6899,00000204 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000205_post_disaster.png,midwest-flooding_00000205_post_disaster,0,0,train\masks\midwest-flooding_00000205_post_disaster.png,0,0,23,12315,00000205 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000205_pre_disaster.png,midwest-flooding_00000205_pre_disaster,0,0,train\masks\midwest-flooding_00000205_pre_disaster.png,0,0,23,12315,00000205 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000206_post_disaster.png,midwest-flooding_00000206_post_disaster,1,1865,train\masks\midwest-flooding_00000206_post_disaster.png,2,2267,10,14740,00000206 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000206_pre_disaster.png,midwest-flooding_00000206_pre_disaster,0,0,train\masks\midwest-flooding_00000206_pre_disaster.png,0,0,13,18872,00000206 +3,1877,midwest-flooding,post,train,train\images\midwest-flooding_00000207_post_disaster.png,midwest-flooding_00000207_post_disaster,0,0,train\masks\midwest-flooding_00000207_post_disaster.png,0,0,12,11860,00000207 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000207_pre_disaster.png,midwest-flooding_00000207_pre_disaster,0,0,train\masks\midwest-flooding_00000207_pre_disaster.png,0,0,15,13766,00000207 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000209_post_disaster.png,midwest-flooding_00000209_post_disaster,0,0,train\masks\midwest-flooding_00000209_post_disaster.png,0,0,0,0,00000209 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000209_pre_disaster.png,midwest-flooding_00000209_pre_disaster,0,0,train\masks\midwest-flooding_00000209_pre_disaster.png,0,0,0,0,00000209 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000211_post_disaster.png,midwest-flooding_00000211_post_disaster,0,0,train\masks\midwest-flooding_00000211_post_disaster.png,0,0,0,0,00000211 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000211_pre_disaster.png,midwest-flooding_00000211_pre_disaster,0,0,train\masks\midwest-flooding_00000211_pre_disaster.png,0,0,0,0,00000211 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000212_post_disaster.png,midwest-flooding_00000212_post_disaster,0,0,train\masks\midwest-flooding_00000212_post_disaster.png,0,0,0,0,00000212 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000212_pre_disaster.png,midwest-flooding_00000212_pre_disaster,0,0,train\masks\midwest-flooding_00000212_pre_disaster.png,0,0,0,0,00000212 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000214_post_disaster.png,midwest-flooding_00000214_post_disaster,0,0,train\masks\midwest-flooding_00000214_post_disaster.png,0,0,0,0,00000214 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000214_pre_disaster.png,midwest-flooding_00000214_pre_disaster,0,0,train\masks\midwest-flooding_00000214_pre_disaster.png,0,0,0,0,00000214 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000216_post_disaster.png,midwest-flooding_00000216_post_disaster,0,0,train\masks\midwest-flooding_00000216_post_disaster.png,0,0,12,5247,00000216 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000216_pre_disaster.png,midwest-flooding_00000216_pre_disaster,0,0,train\masks\midwest-flooding_00000216_pre_disaster.png,0,0,12,5247,00000216 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000217_post_disaster.png,midwest-flooding_00000217_post_disaster,0,0,train\masks\midwest-flooding_00000217_post_disaster.png,0,0,44,30375,00000217 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000217_pre_disaster.png,midwest-flooding_00000217_pre_disaster,0,0,train\masks\midwest-flooding_00000217_pre_disaster.png,0,0,44,30393,00000217 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000219_post_disaster.png,midwest-flooding_00000219_post_disaster,0,0,train\masks\midwest-flooding_00000219_post_disaster.png,0,0,3,995,00000219 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000219_pre_disaster.png,midwest-flooding_00000219_pre_disaster,0,0,train\masks\midwest-flooding_00000219_pre_disaster.png,0,0,3,995,00000219 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000220_post_disaster.png,midwest-flooding_00000220_post_disaster,0,0,train\masks\midwest-flooding_00000220_post_disaster.png,0,0,6,5071,00000220 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000220_pre_disaster.png,midwest-flooding_00000220_pre_disaster,0,0,train\masks\midwest-flooding_00000220_pre_disaster.png,0,0,6,5071,00000220 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000221_post_disaster.png,midwest-flooding_00000221_post_disaster,0,0,train\masks\midwest-flooding_00000221_post_disaster.png,0,0,18,14143,00000221 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000221_pre_disaster.png,midwest-flooding_00000221_pre_disaster,0,0,train\masks\midwest-flooding_00000221_pre_disaster.png,0,0,18,14223,00000221 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000222_post_disaster.png,midwest-flooding_00000222_post_disaster,0,0,train\masks\midwest-flooding_00000222_post_disaster.png,0,0,4,1125,00000222 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000222_pre_disaster.png,midwest-flooding_00000222_pre_disaster,0,0,train\masks\midwest-flooding_00000222_pre_disaster.png,0,0,4,1125,00000222 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000223_post_disaster.png,midwest-flooding_00000223_post_disaster,0,0,train\masks\midwest-flooding_00000223_post_disaster.png,0,0,26,27335,00000223 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000223_pre_disaster.png,midwest-flooding_00000223_pre_disaster,0,0,train\masks\midwest-flooding_00000223_pre_disaster.png,0,0,26,27388,00000223 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000225_post_disaster.png,midwest-flooding_00000225_post_disaster,0,0,train\masks\midwest-flooding_00000225_post_disaster.png,0,0,1,1215,00000225 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000225_pre_disaster.png,midwest-flooding_00000225_pre_disaster,0,0,train\masks\midwest-flooding_00000225_pre_disaster.png,0,0,1,1215,00000225 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000228_post_disaster.png,midwest-flooding_00000228_post_disaster,0,0,train\masks\midwest-flooding_00000228_post_disaster.png,0,0,3,1966,00000228 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000228_pre_disaster.png,midwest-flooding_00000228_pre_disaster,0,0,train\masks\midwest-flooding_00000228_pre_disaster.png,0,0,3,1966,00000228 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000229_post_disaster.png,midwest-flooding_00000229_post_disaster,0,0,train\masks\midwest-flooding_00000229_post_disaster.png,0,0,2,198,00000229 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000229_pre_disaster.png,midwest-flooding_00000229_pre_disaster,0,0,train\masks\midwest-flooding_00000229_pre_disaster.png,0,0,2,198,00000229 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000230_post_disaster.png,midwest-flooding_00000230_post_disaster,0,0,train\masks\midwest-flooding_00000230_post_disaster.png,9,4460,30,27317,00000230 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000230_pre_disaster.png,midwest-flooding_00000230_pre_disaster,0,0,train\masks\midwest-flooding_00000230_pre_disaster.png,0,0,39,31777,00000230 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000231_post_disaster.png,midwest-flooding_00000231_post_disaster,0,0,train\masks\midwest-flooding_00000231_post_disaster.png,0,0,2,3040,00000231 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000231_pre_disaster.png,midwest-flooding_00000231_pre_disaster,0,0,train\masks\midwest-flooding_00000231_pre_disaster.png,0,0,2,3040,00000231 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000233_post_disaster.png,midwest-flooding_00000233_post_disaster,0,0,train\masks\midwest-flooding_00000233_post_disaster.png,2,853,34,25167,00000233 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000233_pre_disaster.png,midwest-flooding_00000233_pre_disaster,0,0,train\masks\midwest-flooding_00000233_pre_disaster.png,0,0,36,26015,00000233 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000234_post_disaster.png,midwest-flooding_00000234_post_disaster,2,684,train\masks\midwest-flooding_00000234_post_disaster.png,2,777,22,21875,00000234 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000234_pre_disaster.png,midwest-flooding_00000234_pre_disaster,0,0,train\masks\midwest-flooding_00000234_pre_disaster.png,0,0,26,23411,00000234 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000235_post_disaster.png,midwest-flooding_00000235_post_disaster,0,0,train\masks\midwest-flooding_00000235_post_disaster.png,5,2066,6,4040,00000235 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000235_pre_disaster.png,midwest-flooding_00000235_pre_disaster,0,0,train\masks\midwest-flooding_00000235_pre_disaster.png,0,0,11,6109,00000235 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000236_post_disaster.png,midwest-flooding_00000236_post_disaster,1,1025,train\masks\midwest-flooding_00000236_post_disaster.png,0,0,12,8739,00000236 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000236_pre_disaster.png,midwest-flooding_00000236_pre_disaster,0,0,train\masks\midwest-flooding_00000236_pre_disaster.png,0,0,13,9765,00000236 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000237_post_disaster.png,midwest-flooding_00000237_post_disaster,1,2190,train\masks\midwest-flooding_00000237_post_disaster.png,0,0,45,56646,00000237 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000237_pre_disaster.png,midwest-flooding_00000237_pre_disaster,0,0,train\masks\midwest-flooding_00000237_pre_disaster.png,0,0,46,58836,00000237 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000238_post_disaster.png,midwest-flooding_00000238_post_disaster,1,1128,train\masks\midwest-flooding_00000238_post_disaster.png,6,2208,11,21006,00000238 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000238_pre_disaster.png,midwest-flooding_00000238_pre_disaster,0,0,train\masks\midwest-flooding_00000238_pre_disaster.png,0,0,18,24427,00000238 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000239_post_disaster.png,midwest-flooding_00000239_post_disaster,1,423,train\masks\midwest-flooding_00000239_post_disaster.png,1,2155,9,10591,00000239 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000239_pre_disaster.png,midwest-flooding_00000239_pre_disaster,0,0,train\masks\midwest-flooding_00000239_pre_disaster.png,0,0,11,13169,00000239 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000242_post_disaster.png,midwest-flooding_00000242_post_disaster,2,1858,train\masks\midwest-flooding_00000242_post_disaster.png,0,0,1,121,00000242 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000242_pre_disaster.png,midwest-flooding_00000242_pre_disaster,0,0,train\masks\midwest-flooding_00000242_pre_disaster.png,0,0,3,1979,00000242 +2,166,midwest-flooding,post,train,train\images\midwest-flooding_00000244_post_disaster.png,midwest-flooding_00000244_post_disaster,1,720,train\masks\midwest-flooding_00000244_post_disaster.png,0,0,9,2926,00000244 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000244_pre_disaster.png,midwest-flooding_00000244_pre_disaster,0,0,train\masks\midwest-flooding_00000244_pre_disaster.png,0,0,12,3812,00000244 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000246_post_disaster.png,midwest-flooding_00000246_post_disaster,0,0,train\masks\midwest-flooding_00000246_post_disaster.png,0,0,8,4226,00000246 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000246_pre_disaster.png,midwest-flooding_00000246_pre_disaster,0,0,train\masks\midwest-flooding_00000246_pre_disaster.png,0,0,8,4226,00000246 +1,136,midwest-flooding,post,train,train\images\midwest-flooding_00000247_post_disaster.png,midwest-flooding_00000247_post_disaster,2,1429,train\masks\midwest-flooding_00000247_post_disaster.png,0,0,28,13227,00000247 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000247_pre_disaster.png,midwest-flooding_00000247_pre_disaster,0,0,train\masks\midwest-flooding_00000247_pre_disaster.png,0,0,31,14792,00000247 +3,685,midwest-flooding,post,train,train\images\midwest-flooding_00000249_post_disaster.png,midwest-flooding_00000249_post_disaster,0,0,train\masks\midwest-flooding_00000249_post_disaster.png,2,341,17,10215,00000249 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000249_pre_disaster.png,midwest-flooding_00000249_pre_disaster,0,0,train\masks\midwest-flooding_00000249_pre_disaster.png,0,0,22,11290,00000249 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000251_post_disaster.png,midwest-flooding_00000251_post_disaster,1,713,train\masks\midwest-flooding_00000251_post_disaster.png,0,0,9,5584,00000251 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000251_pre_disaster.png,midwest-flooding_00000251_pre_disaster,0,0,train\masks\midwest-flooding_00000251_pre_disaster.png,0,0,10,6383,00000251 +1,175,midwest-flooding,post,train,train\images\midwest-flooding_00000252_post_disaster.png,midwest-flooding_00000252_post_disaster,0,0,train\masks\midwest-flooding_00000252_post_disaster.png,0,0,50,26000,00000252 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000252_pre_disaster.png,midwest-flooding_00000252_pre_disaster,0,0,train\masks\midwest-flooding_00000252_pre_disaster.png,0,0,51,26218,00000252 +1,160,midwest-flooding,post,train,train\images\midwest-flooding_00000253_post_disaster.png,midwest-flooding_00000253_post_disaster,0,0,train\masks\midwest-flooding_00000253_post_disaster.png,1,667,70,39444,00000253 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000253_pre_disaster.png,midwest-flooding_00000253_pre_disaster,0,0,train\masks\midwest-flooding_00000253_pre_disaster.png,0,0,72,40397,00000253 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000255_post_disaster.png,midwest-flooding_00000255_post_disaster,1,191,train\masks\midwest-flooding_00000255_post_disaster.png,0,0,6,2552,00000255 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000255_pre_disaster.png,midwest-flooding_00000255_pre_disaster,0,0,train\masks\midwest-flooding_00000255_pre_disaster.png,0,0,7,2743,00000255 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000258_post_disaster.png,midwest-flooding_00000258_post_disaster,0,0,train\masks\midwest-flooding_00000258_post_disaster.png,0,0,34,25835,00000258 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000258_pre_disaster.png,midwest-flooding_00000258_pre_disaster,0,0,train\masks\midwest-flooding_00000258_pre_disaster.png,0,0,34,25845,00000258 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000259_post_disaster.png,midwest-flooding_00000259_post_disaster,0,0,train\masks\midwest-flooding_00000259_post_disaster.png,0,0,52,44774,00000259 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000259_pre_disaster.png,midwest-flooding_00000259_pre_disaster,0,0,train\masks\midwest-flooding_00000259_pre_disaster.png,0,0,52,44774,00000259 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000263_post_disaster.png,midwest-flooding_00000263_post_disaster,0,0,train\masks\midwest-flooding_00000263_post_disaster.png,0,0,15,10302,00000263 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000263_pre_disaster.png,midwest-flooding_00000263_pre_disaster,0,0,train\masks\midwest-flooding_00000263_pre_disaster.png,0,0,15,10302,00000263 +2,572,midwest-flooding,post,train,train\images\midwest-flooding_00000264_post_disaster.png,midwest-flooding_00000264_post_disaster,0,0,train\masks\midwest-flooding_00000264_post_disaster.png,1,374,16,10469,00000264 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000264_pre_disaster.png,midwest-flooding_00000264_pre_disaster,0,0,train\masks\midwest-flooding_00000264_pre_disaster.png,0,0,19,11441,00000264 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000265_post_disaster.png,midwest-flooding_00000265_post_disaster,0,0,train\masks\midwest-flooding_00000265_post_disaster.png,0,0,15,11775,00000265 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000265_pre_disaster.png,midwest-flooding_00000265_pre_disaster,0,0,train\masks\midwest-flooding_00000265_pre_disaster.png,0,0,15,11775,00000265 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000267_post_disaster.png,midwest-flooding_00000267_post_disaster,0,0,train\masks\midwest-flooding_00000267_post_disaster.png,0,0,14,6141,00000267 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000267_pre_disaster.png,midwest-flooding_00000267_pre_disaster,0,0,train\masks\midwest-flooding_00000267_pre_disaster.png,0,0,14,6143,00000267 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000268_post_disaster.png,midwest-flooding_00000268_post_disaster,0,0,train\masks\midwest-flooding_00000268_post_disaster.png,1,309,0,0,00000268 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000268_pre_disaster.png,midwest-flooding_00000268_pre_disaster,0,0,train\masks\midwest-flooding_00000268_pre_disaster.png,0,0,1,309,00000268 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000269_post_disaster.png,midwest-flooding_00000269_post_disaster,0,0,train\masks\midwest-flooding_00000269_post_disaster.png,0,0,24,27338,00000269 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000269_pre_disaster.png,midwest-flooding_00000269_pre_disaster,0,0,train\masks\midwest-flooding_00000269_pre_disaster.png,0,0,24,27338,00000269 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000270_post_disaster.png,midwest-flooding_00000270_post_disaster,1,336,train\masks\midwest-flooding_00000270_post_disaster.png,1,298,8,11139,00000270 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000270_pre_disaster.png,midwest-flooding_00000270_pre_disaster,0,0,train\masks\midwest-flooding_00000270_pre_disaster.png,0,0,9,11739,00000270 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000272_post_disaster.png,midwest-flooding_00000272_post_disaster,0,0,train\masks\midwest-flooding_00000272_post_disaster.png,0,0,4,6312,00000272 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000272_pre_disaster.png,midwest-flooding_00000272_pre_disaster,0,0,train\masks\midwest-flooding_00000272_pre_disaster.png,0,0,4,6312,00000272 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000273_post_disaster.png,midwest-flooding_00000273_post_disaster,0,0,train\masks\midwest-flooding_00000273_post_disaster.png,0,0,6,4207,00000273 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000273_pre_disaster.png,midwest-flooding_00000273_pre_disaster,0,0,train\masks\midwest-flooding_00000273_pre_disaster.png,0,0,6,4254,00000273 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000275_post_disaster.png,midwest-flooding_00000275_post_disaster,0,0,train\masks\midwest-flooding_00000275_post_disaster.png,0,0,19,9477,00000275 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000275_pre_disaster.png,midwest-flooding_00000275_pre_disaster,0,0,train\masks\midwest-flooding_00000275_pre_disaster.png,0,0,19,9477,00000275 +1,103,midwest-flooding,post,train,train\images\midwest-flooding_00000276_post_disaster.png,midwest-flooding_00000276_post_disaster,2,313,train\masks\midwest-flooding_00000276_post_disaster.png,2,869,8,3292,00000276 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000276_pre_disaster.png,midwest-flooding_00000276_pre_disaster,0,0,train\masks\midwest-flooding_00000276_pre_disaster.png,0,0,12,4577,00000276 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000277_post_disaster.png,midwest-flooding_00000277_post_disaster,0,0,train\masks\midwest-flooding_00000277_post_disaster.png,0,0,17,9674,00000277 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000277_pre_disaster.png,midwest-flooding_00000277_pre_disaster,0,0,train\masks\midwest-flooding_00000277_pre_disaster.png,0,0,17,9674,00000277 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000279_post_disaster.png,midwest-flooding_00000279_post_disaster,0,0,train\masks\midwest-flooding_00000279_post_disaster.png,0,0,13,9110,00000279 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000279_pre_disaster.png,midwest-flooding_00000279_pre_disaster,0,0,train\masks\midwest-flooding_00000279_pre_disaster.png,0,0,13,9110,00000279 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000281_post_disaster.png,midwest-flooding_00000281_post_disaster,0,0,train\masks\midwest-flooding_00000281_post_disaster.png,0,0,32,63583,00000281 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000281_pre_disaster.png,midwest-flooding_00000281_pre_disaster,0,0,train\masks\midwest-flooding_00000281_pre_disaster.png,0,0,32,63586,00000281 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000282_post_disaster.png,midwest-flooding_00000282_post_disaster,1,373,train\masks\midwest-flooding_00000282_post_disaster.png,0,0,22,10279,00000282 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000282_pre_disaster.png,midwest-flooding_00000282_pre_disaster,0,0,train\masks\midwest-flooding_00000282_pre_disaster.png,0,0,23,10681,00000282 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000283_post_disaster.png,midwest-flooding_00000283_post_disaster,0,0,train\masks\midwest-flooding_00000283_post_disaster.png,0,0,18,9267,00000283 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000283_pre_disaster.png,midwest-flooding_00000283_pre_disaster,0,0,train\masks\midwest-flooding_00000283_pre_disaster.png,0,0,18,9267,00000283 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000285_post_disaster.png,midwest-flooding_00000285_post_disaster,0,0,train\masks\midwest-flooding_00000285_post_disaster.png,0,0,14,7653,00000285 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000285_pre_disaster.png,midwest-flooding_00000285_pre_disaster,0,0,train\masks\midwest-flooding_00000285_pre_disaster.png,0,0,14,7653,00000285 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000289_post_disaster.png,midwest-flooding_00000289_post_disaster,2,1102,train\masks\midwest-flooding_00000289_post_disaster.png,0,0,29,22357,00000289 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000289_pre_disaster.png,midwest-flooding_00000289_pre_disaster,0,0,train\masks\midwest-flooding_00000289_pre_disaster.png,0,0,31,23459,00000289 +1,1445,midwest-flooding,post,train,train\images\midwest-flooding_00000290_post_disaster.png,midwest-flooding_00000290_post_disaster,0,0,train\masks\midwest-flooding_00000290_post_disaster.png,0,0,0,0,00000290 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000290_pre_disaster.png,midwest-flooding_00000290_pre_disaster,0,0,train\masks\midwest-flooding_00000290_pre_disaster.png,0,0,1,1445,00000290 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000293_post_disaster.png,midwest-flooding_00000293_post_disaster,1,970,train\masks\midwest-flooding_00000293_post_disaster.png,0,0,2,788,00000293 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000293_pre_disaster.png,midwest-flooding_00000293_pre_disaster,0,0,train\masks\midwest-flooding_00000293_pre_disaster.png,0,0,3,1758,00000293 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000299_post_disaster.png,midwest-flooding_00000299_post_disaster,3,1664,train\masks\midwest-flooding_00000299_post_disaster.png,2,2027,43,22061,00000299 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000299_pre_disaster.png,midwest-flooding_00000299_pre_disaster,0,0,train\masks\midwest-flooding_00000299_pre_disaster.png,0,0,47,25752,00000299 +4,919,midwest-flooding,post,train,train\images\midwest-flooding_00000301_post_disaster.png,midwest-flooding_00000301_post_disaster,0,0,train\masks\midwest-flooding_00000301_post_disaster.png,0,0,62,37741,00000301 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000301_pre_disaster.png,midwest-flooding_00000301_pre_disaster,0,0,train\masks\midwest-flooding_00000301_pre_disaster.png,0,0,65,38702,00000301 +1,340,midwest-flooding,post,train,train\images\midwest-flooding_00000303_post_disaster.png,midwest-flooding_00000303_post_disaster,0,0,train\masks\midwest-flooding_00000303_post_disaster.png,0,0,18,18102,00000303 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000303_pre_disaster.png,midwest-flooding_00000303_pre_disaster,0,0,train\masks\midwest-flooding_00000303_pre_disaster.png,0,0,19,18525,00000303 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000304_post_disaster.png,midwest-flooding_00000304_post_disaster,0,0,train\masks\midwest-flooding_00000304_post_disaster.png,0,0,66,43076,00000304 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000304_pre_disaster.png,midwest-flooding_00000304_pre_disaster,0,0,train\masks\midwest-flooding_00000304_pre_disaster.png,0,0,66,43060,00000304 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000308_post_disaster.png,midwest-flooding_00000308_post_disaster,0,0,train\masks\midwest-flooding_00000308_post_disaster.png,0,0,6,7083,00000308 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000308_pre_disaster.png,midwest-flooding_00000308_pre_disaster,0,0,train\masks\midwest-flooding_00000308_pre_disaster.png,0,0,6,7083,00000308 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000310_post_disaster.png,midwest-flooding_00000310_post_disaster,0,0,train\masks\midwest-flooding_00000310_post_disaster.png,0,0,17,15505,00000310 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000310_pre_disaster.png,midwest-flooding_00000310_pre_disaster,0,0,train\masks\midwest-flooding_00000310_pre_disaster.png,0,0,17,15530,00000310 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000313_post_disaster.png,midwest-flooding_00000313_post_disaster,0,0,train\masks\midwest-flooding_00000313_post_disaster.png,0,0,71,42663,00000313 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000313_pre_disaster.png,midwest-flooding_00000313_pre_disaster,0,0,train\masks\midwest-flooding_00000313_pre_disaster.png,0,0,71,42663,00000313 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000314_post_disaster.png,midwest-flooding_00000314_post_disaster,2,1229,train\masks\midwest-flooding_00000314_post_disaster.png,0,0,25,14857,00000314 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000314_pre_disaster.png,midwest-flooding_00000314_pre_disaster,0,0,train\masks\midwest-flooding_00000314_pre_disaster.png,0,0,27,16086,00000314 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000316_post_disaster.png,midwest-flooding_00000316_post_disaster,0,0,train\masks\midwest-flooding_00000316_post_disaster.png,0,0,8,3369,00000316 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000316_pre_disaster.png,midwest-flooding_00000316_pre_disaster,0,0,train\masks\midwest-flooding_00000316_pre_disaster.png,0,0,8,3378,00000316 +1,673,midwest-flooding,post,train,train\images\midwest-flooding_00000317_post_disaster.png,midwest-flooding_00000317_post_disaster,0,0,train\masks\midwest-flooding_00000317_post_disaster.png,0,0,0,0,00000317 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000317_pre_disaster.png,midwest-flooding_00000317_pre_disaster,0,0,train\masks\midwest-flooding_00000317_pre_disaster.png,0,0,1,673,00000317 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000318_post_disaster.png,midwest-flooding_00000318_post_disaster,0,0,train\masks\midwest-flooding_00000318_post_disaster.png,0,0,2,664,00000318 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000318_pre_disaster.png,midwest-flooding_00000318_pre_disaster,0,0,train\masks\midwest-flooding_00000318_pre_disaster.png,0,0,2,664,00000318 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000319_post_disaster.png,midwest-flooding_00000319_post_disaster,0,0,train\masks\midwest-flooding_00000319_post_disaster.png,0,0,2,635,00000319 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000319_pre_disaster.png,midwest-flooding_00000319_pre_disaster,0,0,train\masks\midwest-flooding_00000319_pre_disaster.png,0,0,2,630,00000319 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000320_post_disaster.png,midwest-flooding_00000320_post_disaster,3,2102,train\masks\midwest-flooding_00000320_post_disaster.png,2,1831,29,22255,00000320 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000320_pre_disaster.png,midwest-flooding_00000320_pre_disaster,0,0,train\masks\midwest-flooding_00000320_pre_disaster.png,0,0,33,26278,00000320 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000322_post_disaster.png,midwest-flooding_00000322_post_disaster,0,0,train\masks\midwest-flooding_00000322_post_disaster.png,0,0,26,30241,00000322 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000322_pre_disaster.png,midwest-flooding_00000322_pre_disaster,0,0,train\masks\midwest-flooding_00000322_pre_disaster.png,0,0,26,30241,00000322 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000326_post_disaster.png,midwest-flooding_00000326_post_disaster,0,0,train\masks\midwest-flooding_00000326_post_disaster.png,2,5619,0,0,00000326 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000326_pre_disaster.png,midwest-flooding_00000326_pre_disaster,0,0,train\masks\midwest-flooding_00000326_pre_disaster.png,0,0,2,5619,00000326 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000328_post_disaster.png,midwest-flooding_00000328_post_disaster,0,0,train\masks\midwest-flooding_00000328_post_disaster.png,2,3056,6,6939,00000328 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000328_pre_disaster.png,midwest-flooding_00000328_pre_disaster,0,0,train\masks\midwest-flooding_00000328_pre_disaster.png,0,0,8,10031,00000328 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000329_post_disaster.png,midwest-flooding_00000329_post_disaster,0,0,train\masks\midwest-flooding_00000329_post_disaster.png,0,0,0,0,00000329 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000329_pre_disaster.png,midwest-flooding_00000329_pre_disaster,0,0,train\masks\midwest-flooding_00000329_pre_disaster.png,0,0,0,0,00000329 +2,178,midwest-flooding,post,train,train\images\midwest-flooding_00000330_post_disaster.png,midwest-flooding_00000330_post_disaster,0,0,train\masks\midwest-flooding_00000330_post_disaster.png,2,665,0,0,00000330 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000330_pre_disaster.png,midwest-flooding_00000330_pre_disaster,0,0,train\masks\midwest-flooding_00000330_pre_disaster.png,0,0,4,843,00000330 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000331_post_disaster.png,midwest-flooding_00000331_post_disaster,1,774,train\masks\midwest-flooding_00000331_post_disaster.png,4,5392,30,35055,00000331 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000331_pre_disaster.png,midwest-flooding_00000331_pre_disaster,0,0,train\masks\midwest-flooding_00000331_pre_disaster.png,0,0,35,41281,00000331 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000337_post_disaster.png,midwest-flooding_00000337_post_disaster,0,0,train\masks\midwest-flooding_00000337_post_disaster.png,0,0,11,8267,00000337 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000337_pre_disaster.png,midwest-flooding_00000337_pre_disaster,0,0,train\masks\midwest-flooding_00000337_pre_disaster.png,0,0,11,8267,00000337 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000338_post_disaster.png,midwest-flooding_00000338_post_disaster,0,0,train\masks\midwest-flooding_00000338_post_disaster.png,0,0,10,7702,00000338 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000338_pre_disaster.png,midwest-flooding_00000338_pre_disaster,0,0,train\masks\midwest-flooding_00000338_pre_disaster.png,0,0,10,7702,00000338 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000339_post_disaster.png,midwest-flooding_00000339_post_disaster,0,0,train\masks\midwest-flooding_00000339_post_disaster.png,0,0,10,7733,00000339 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000339_pre_disaster.png,midwest-flooding_00000339_pre_disaster,0,0,train\masks\midwest-flooding_00000339_pre_disaster.png,0,0,10,7733,00000339 +4,16814,midwest-flooding,post,train,train\images\midwest-flooding_00000340_post_disaster.png,midwest-flooding_00000340_post_disaster,3,6001,train\masks\midwest-flooding_00000340_post_disaster.png,8,61949,0,0,00000340 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000340_pre_disaster.png,midwest-flooding_00000340_pre_disaster,0,0,train\masks\midwest-flooding_00000340_pre_disaster.png,0,0,15,85025,00000340 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000343_post_disaster.png,midwest-flooding_00000343_post_disaster,0,0,train\masks\midwest-flooding_00000343_post_disaster.png,0,0,13,12806,00000343 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000343_pre_disaster.png,midwest-flooding_00000343_pre_disaster,0,0,train\masks\midwest-flooding_00000343_pre_disaster.png,0,0,13,12806,00000343 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000345_post_disaster.png,midwest-flooding_00000345_post_disaster,0,0,train\masks\midwest-flooding_00000345_post_disaster.png,0,0,14,10228,00000345 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000345_pre_disaster.png,midwest-flooding_00000345_pre_disaster,0,0,train\masks\midwest-flooding_00000345_pre_disaster.png,0,0,14,10228,00000345 +1,4105,midwest-flooding,post,train,train\images\midwest-flooding_00000346_post_disaster.png,midwest-flooding_00000346_post_disaster,3,2809,train\masks\midwest-flooding_00000346_post_disaster.png,3,16686,0,0,00000346 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000346_pre_disaster.png,midwest-flooding_00000346_pre_disaster,0,0,train\masks\midwest-flooding_00000346_pre_disaster.png,0,0,7,23897,00000346 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000347_post_disaster.png,midwest-flooding_00000347_post_disaster,2,499,train\masks\midwest-flooding_00000347_post_disaster.png,0,0,10,4428,00000347 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000347_pre_disaster.png,midwest-flooding_00000347_pre_disaster,0,0,train\masks\midwest-flooding_00000347_pre_disaster.png,0,0,12,4972,00000347 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000348_post_disaster.png,midwest-flooding_00000348_post_disaster,0,0,train\masks\midwest-flooding_00000348_post_disaster.png,0,0,5,5787,00000348 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000348_pre_disaster.png,midwest-flooding_00000348_pre_disaster,0,0,train\masks\midwest-flooding_00000348_pre_disaster.png,0,0,5,5787,00000348 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000350_post_disaster.png,midwest-flooding_00000350_post_disaster,1,916,train\masks\midwest-flooding_00000350_post_disaster.png,0,0,10,11146,00000350 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000350_pre_disaster.png,midwest-flooding_00000350_pre_disaster,0,0,train\masks\midwest-flooding_00000350_pre_disaster.png,0,0,11,12068,00000350 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000351_post_disaster.png,midwest-flooding_00000351_post_disaster,3,4320,train\masks\midwest-flooding_00000351_post_disaster.png,0,0,0,0,00000351 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000351_pre_disaster.png,midwest-flooding_00000351_pre_disaster,0,0,train\masks\midwest-flooding_00000351_pre_disaster.png,0,0,3,4320,00000351 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000352_post_disaster.png,midwest-flooding_00000352_post_disaster,1,244,train\masks\midwest-flooding_00000352_post_disaster.png,0,0,6,16890,00000352 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000352_pre_disaster.png,midwest-flooding_00000352_pre_disaster,0,0,train\masks\midwest-flooding_00000352_pre_disaster.png,0,0,7,17134,00000352 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000353_post_disaster.png,midwest-flooding_00000353_post_disaster,4,3386,train\masks\midwest-flooding_00000353_post_disaster.png,3,3589,5,4475,00000353 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000353_pre_disaster.png,midwest-flooding_00000353_pre_disaster,0,0,train\masks\midwest-flooding_00000353_pre_disaster.png,0,0,12,11450,00000353 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000355_post_disaster.png,midwest-flooding_00000355_post_disaster,2,1228,train\masks\midwest-flooding_00000355_post_disaster.png,1,424,6,607,00000355 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000355_pre_disaster.png,midwest-flooding_00000355_pre_disaster,0,0,train\masks\midwest-flooding_00000355_pre_disaster.png,0,0,9,2259,00000355 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000356_post_disaster.png,midwest-flooding_00000356_post_disaster,0,0,train\masks\midwest-flooding_00000356_post_disaster.png,0,0,8,10038,00000356 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000356_pre_disaster.png,midwest-flooding_00000356_pre_disaster,0,0,train\masks\midwest-flooding_00000356_pre_disaster.png,0,0,8,10038,00000356 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000357_post_disaster.png,midwest-flooding_00000357_post_disaster,0,0,train\masks\midwest-flooding_00000357_post_disaster.png,0,0,2,542,00000357 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000357_pre_disaster.png,midwest-flooding_00000357_pre_disaster,0,0,train\masks\midwest-flooding_00000357_pre_disaster.png,0,0,2,542,00000357 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000358_post_disaster.png,midwest-flooding_00000358_post_disaster,0,0,train\masks\midwest-flooding_00000358_post_disaster.png,0,0,19,13749,00000358 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000358_pre_disaster.png,midwest-flooding_00000358_pre_disaster,0,0,train\masks\midwest-flooding_00000358_pre_disaster.png,0,0,19,13821,00000358 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000359_post_disaster.png,midwest-flooding_00000359_post_disaster,1,627,train\masks\midwest-flooding_00000359_post_disaster.png,0,0,65,43861,00000359 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000359_pre_disaster.png,midwest-flooding_00000359_pre_disaster,0,0,train\masks\midwest-flooding_00000359_pre_disaster.png,0,0,66,44565,00000359 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000360_post_disaster.png,midwest-flooding_00000360_post_disaster,1,917,train\masks\midwest-flooding_00000360_post_disaster.png,0,0,35,26421,00000360 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000360_pre_disaster.png,midwest-flooding_00000360_pre_disaster,0,0,train\masks\midwest-flooding_00000360_pre_disaster.png,0,0,36,27369,00000360 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000366_post_disaster.png,midwest-flooding_00000366_post_disaster,0,0,train\masks\midwest-flooding_00000366_post_disaster.png,0,0,2,4369,00000366 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000366_pre_disaster.png,midwest-flooding_00000366_pre_disaster,0,0,train\masks\midwest-flooding_00000366_pre_disaster.png,0,0,2,4369,00000366 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000367_post_disaster.png,midwest-flooding_00000367_post_disaster,0,0,train\masks\midwest-flooding_00000367_post_disaster.png,0,0,34,24149,00000367 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000367_pre_disaster.png,midwest-flooding_00000367_pre_disaster,0,0,train\masks\midwest-flooding_00000367_pre_disaster.png,0,0,34,24149,00000367 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000368_post_disaster.png,midwest-flooding_00000368_post_disaster,1,1809,train\masks\midwest-flooding_00000368_post_disaster.png,5,3649,13,10967,00000368 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000368_pre_disaster.png,midwest-flooding_00000368_pre_disaster,0,0,train\masks\midwest-flooding_00000368_pre_disaster.png,0,0,19,16432,00000368 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000371_post_disaster.png,midwest-flooding_00000371_post_disaster,0,0,train\masks\midwest-flooding_00000371_post_disaster.png,0,0,5,475,00000371 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000371_pre_disaster.png,midwest-flooding_00000371_pre_disaster,0,0,train\masks\midwest-flooding_00000371_pre_disaster.png,0,0,5,475,00000371 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000374_post_disaster.png,midwest-flooding_00000374_post_disaster,1,1016,train\masks\midwest-flooding_00000374_post_disaster.png,0,0,5,6353,00000374 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000374_pre_disaster.png,midwest-flooding_00000374_pre_disaster,0,0,train\masks\midwest-flooding_00000374_pre_disaster.png,0,0,6,7369,00000374 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000376_post_disaster.png,midwest-flooding_00000376_post_disaster,0,0,train\masks\midwest-flooding_00000376_post_disaster.png,0,0,20,12808,00000376 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000376_pre_disaster.png,midwest-flooding_00000376_pre_disaster,0,0,train\masks\midwest-flooding_00000376_pre_disaster.png,0,0,20,12808,00000376 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000377_post_disaster.png,midwest-flooding_00000377_post_disaster,0,0,train\masks\midwest-flooding_00000377_post_disaster.png,0,0,17,10036,00000377 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000377_pre_disaster.png,midwest-flooding_00000377_pre_disaster,0,0,train\masks\midwest-flooding_00000377_pre_disaster.png,0,0,17,10123,00000377 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000378_post_disaster.png,midwest-flooding_00000378_post_disaster,0,0,train\masks\midwest-flooding_00000378_post_disaster.png,0,0,21,15958,00000378 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000378_pre_disaster.png,midwest-flooding_00000378_pre_disaster,0,0,train\masks\midwest-flooding_00000378_pre_disaster.png,0,0,21,15955,00000378 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000379_post_disaster.png,midwest-flooding_00000379_post_disaster,0,0,train\masks\midwest-flooding_00000379_post_disaster.png,0,0,10,7978,00000379 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000379_pre_disaster.png,midwest-flooding_00000379_pre_disaster,0,0,train\masks\midwest-flooding_00000379_pre_disaster.png,0,0,10,7978,00000379 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000380_post_disaster.png,midwest-flooding_00000380_post_disaster,0,0,train\masks\midwest-flooding_00000380_post_disaster.png,0,0,3,6398,00000380 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000380_pre_disaster.png,midwest-flooding_00000380_pre_disaster,0,0,train\masks\midwest-flooding_00000380_pre_disaster.png,0,0,3,6398,00000380 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000381_post_disaster.png,midwest-flooding_00000381_post_disaster,1,1210,train\masks\midwest-flooding_00000381_post_disaster.png,0,0,10,8063,00000381 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000381_pre_disaster.png,midwest-flooding_00000381_pre_disaster,0,0,train\masks\midwest-flooding_00000381_pre_disaster.png,0,0,11,9273,00000381 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000385_post_disaster.png,midwest-flooding_00000385_post_disaster,0,0,train\masks\midwest-flooding_00000385_post_disaster.png,0,0,5,2297,00000385 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000385_pre_disaster.png,midwest-flooding_00000385_pre_disaster,0,0,train\masks\midwest-flooding_00000385_pre_disaster.png,0,0,5,2297,00000385 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000386_post_disaster.png,midwest-flooding_00000386_post_disaster,0,0,train\masks\midwest-flooding_00000386_post_disaster.png,0,0,8,5259,00000386 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000386_pre_disaster.png,midwest-flooding_00000386_pre_disaster,0,0,train\masks\midwest-flooding_00000386_pre_disaster.png,0,0,8,5301,00000386 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000388_post_disaster.png,midwest-flooding_00000388_post_disaster,0,0,train\masks\midwest-flooding_00000388_post_disaster.png,0,0,18,11846,00000388 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000388_pre_disaster.png,midwest-flooding_00000388_pre_disaster,0,0,train\masks\midwest-flooding_00000388_pre_disaster.png,0,0,18,11854,00000388 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000389_post_disaster.png,midwest-flooding_00000389_post_disaster,0,0,train\masks\midwest-flooding_00000389_post_disaster.png,0,0,5,2813,00000389 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000389_pre_disaster.png,midwest-flooding_00000389_pre_disaster,0,0,train\masks\midwest-flooding_00000389_pre_disaster.png,0,0,5,2813,00000389 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000391_post_disaster.png,midwest-flooding_00000391_post_disaster,2,756,train\masks\midwest-flooding_00000391_post_disaster.png,0,0,0,0,00000391 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000391_pre_disaster.png,midwest-flooding_00000391_pre_disaster,0,0,train\masks\midwest-flooding_00000391_pre_disaster.png,0,0,2,756,00000391 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000392_post_disaster.png,midwest-flooding_00000392_post_disaster,0,0,train\masks\midwest-flooding_00000392_post_disaster.png,0,0,5,3221,00000392 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000392_pre_disaster.png,midwest-flooding_00000392_pre_disaster,0,0,train\masks\midwest-flooding_00000392_pre_disaster.png,0,0,5,3221,00000392 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000393_post_disaster.png,midwest-flooding_00000393_post_disaster,4,528,train\masks\midwest-flooding_00000393_post_disaster.png,2,3485,14,12207,00000393 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000393_pre_disaster.png,midwest-flooding_00000393_pre_disaster,0,0,train\masks\midwest-flooding_00000393_pre_disaster.png,0,0,18,16220,00000393 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000394_post_disaster.png,midwest-flooding_00000394_post_disaster,0,0,train\masks\midwest-flooding_00000394_post_disaster.png,0,0,14,6681,00000394 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000394_pre_disaster.png,midwest-flooding_00000394_pre_disaster,0,0,train\masks\midwest-flooding_00000394_pre_disaster.png,0,0,14,6681,00000394 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000395_post_disaster.png,midwest-flooding_00000395_post_disaster,1,1207,train\masks\midwest-flooding_00000395_post_disaster.png,1,682,1,1475,00000395 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000395_pre_disaster.png,midwest-flooding_00000395_pre_disaster,0,0,train\masks\midwest-flooding_00000395_pre_disaster.png,0,0,3,3363,00000395 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000397_post_disaster.png,midwest-flooding_00000397_post_disaster,0,0,train\masks\midwest-flooding_00000397_post_disaster.png,0,0,1,966,00000397 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000397_pre_disaster.png,midwest-flooding_00000397_pre_disaster,0,0,train\masks\midwest-flooding_00000397_pre_disaster.png,0,0,1,966,00000397 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000398_post_disaster.png,midwest-flooding_00000398_post_disaster,1,615,train\masks\midwest-flooding_00000398_post_disaster.png,0,0,1,571,00000398 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000398_pre_disaster.png,midwest-flooding_00000398_pre_disaster,0,0,train\masks\midwest-flooding_00000398_pre_disaster.png,0,0,2,1186,00000398 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000399_post_disaster.png,midwest-flooding_00000399_post_disaster,0,0,train\masks\midwest-flooding_00000399_post_disaster.png,2,1716,0,0,00000399 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000399_pre_disaster.png,midwest-flooding_00000399_pre_disaster,0,0,train\masks\midwest-flooding_00000399_pre_disaster.png,0,0,2,1716,00000399 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000400_post_disaster.png,midwest-flooding_00000400_post_disaster,3,2136,train\masks\midwest-flooding_00000400_post_disaster.png,2,1026,7,8100,00000400 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000400_pre_disaster.png,midwest-flooding_00000400_pre_disaster,0,0,train\masks\midwest-flooding_00000400_pre_disaster.png,0,0,12,11262,00000400 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000401_post_disaster.png,midwest-flooding_00000401_post_disaster,0,0,train\masks\midwest-flooding_00000401_post_disaster.png,0,0,7,8613,00000401 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000401_pre_disaster.png,midwest-flooding_00000401_pre_disaster,0,0,train\masks\midwest-flooding_00000401_pre_disaster.png,0,0,7,8613,00000401 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000403_post_disaster.png,midwest-flooding_00000403_post_disaster,0,0,train\masks\midwest-flooding_00000403_post_disaster.png,0,0,10,4855,00000403 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000403_pre_disaster.png,midwest-flooding_00000403_pre_disaster,0,0,train\masks\midwest-flooding_00000403_pre_disaster.png,0,0,10,4855,00000403 +1,438,midwest-flooding,post,train,train\images\midwest-flooding_00000404_post_disaster.png,midwest-flooding_00000404_post_disaster,0,0,train\masks\midwest-flooding_00000404_post_disaster.png,0,0,7,4598,00000404 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000404_pre_disaster.png,midwest-flooding_00000404_pre_disaster,0,0,train\masks\midwest-flooding_00000404_pre_disaster.png,0,0,8,5036,00000404 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000405_post_disaster.png,midwest-flooding_00000405_post_disaster,2,2969,train\masks\midwest-flooding_00000405_post_disaster.png,0,0,1,108,00000405 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000405_pre_disaster.png,midwest-flooding_00000405_pre_disaster,0,0,train\masks\midwest-flooding_00000405_pre_disaster.png,0,0,3,3077,00000405 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000406_post_disaster.png,midwest-flooding_00000406_post_disaster,1,175,train\masks\midwest-flooding_00000406_post_disaster.png,0,0,0,0,00000406 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000406_pre_disaster.png,midwest-flooding_00000406_pre_disaster,0,0,train\masks\midwest-flooding_00000406_pre_disaster.png,0,0,1,175,00000406 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000407_post_disaster.png,midwest-flooding_00000407_post_disaster,0,0,train\masks\midwest-flooding_00000407_post_disaster.png,0,0,13,19632,00000407 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000407_pre_disaster.png,midwest-flooding_00000407_pre_disaster,0,0,train\masks\midwest-flooding_00000407_pre_disaster.png,0,0,13,19660,00000407 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000408_post_disaster.png,midwest-flooding_00000408_post_disaster,0,0,train\masks\midwest-flooding_00000408_post_disaster.png,0,0,144,126447,00000408 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000408_pre_disaster.png,midwest-flooding_00000408_pre_disaster,0,0,train\masks\midwest-flooding_00000408_pre_disaster.png,0,0,144,126516,00000408 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000410_post_disaster.png,midwest-flooding_00000410_post_disaster,1,2501,train\masks\midwest-flooding_00000410_post_disaster.png,0,0,21,30648,00000410 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000410_pre_disaster.png,midwest-flooding_00000410_pre_disaster,0,0,train\masks\midwest-flooding_00000410_pre_disaster.png,0,0,22,33149,00000410 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000411_post_disaster.png,midwest-flooding_00000411_post_disaster,0,0,train\masks\midwest-flooding_00000411_post_disaster.png,0,0,52,131636,00000411 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000411_pre_disaster.png,midwest-flooding_00000411_pre_disaster,0,0,train\masks\midwest-flooding_00000411_pre_disaster.png,0,0,52,131624,00000411 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000415_post_disaster.png,midwest-flooding_00000415_post_disaster,2,1484,train\masks\midwest-flooding_00000415_post_disaster.png,0,0,4,5755,00000415 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000415_pre_disaster.png,midwest-flooding_00000415_pre_disaster,0,0,train\masks\midwest-flooding_00000415_pre_disaster.png,0,0,5,7239,00000415 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000416_post_disaster.png,midwest-flooding_00000416_post_disaster,2,736,train\masks\midwest-flooding_00000416_post_disaster.png,1,84,14,10816,00000416 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000416_pre_disaster.png,midwest-flooding_00000416_pre_disaster,0,0,train\masks\midwest-flooding_00000416_pre_disaster.png,0,0,17,11636,00000416 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000417_post_disaster.png,midwest-flooding_00000417_post_disaster,2,1316,train\masks\midwest-flooding_00000417_post_disaster.png,0,0,12,5865,00000417 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000417_pre_disaster.png,midwest-flooding_00000417_pre_disaster,0,0,train\masks\midwest-flooding_00000417_pre_disaster.png,0,0,13,7336,00000417 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000418_post_disaster.png,midwest-flooding_00000418_post_disaster,1,80,train\masks\midwest-flooding_00000418_post_disaster.png,0,0,2,1788,00000418 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000418_pre_disaster.png,midwest-flooding_00000418_pre_disaster,0,0,train\masks\midwest-flooding_00000418_pre_disaster.png,0,0,3,1868,00000418 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000422_post_disaster.png,midwest-flooding_00000422_post_disaster,0,0,train\masks\midwest-flooding_00000422_post_disaster.png,0,0,8,4638,00000422 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000422_pre_disaster.png,midwest-flooding_00000422_pre_disaster,0,0,train\masks\midwest-flooding_00000422_pre_disaster.png,0,0,8,4638,00000422 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000423_post_disaster.png,midwest-flooding_00000423_post_disaster,0,0,train\masks\midwest-flooding_00000423_post_disaster.png,0,0,5,4050,00000423 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000423_pre_disaster.png,midwest-flooding_00000423_pre_disaster,0,0,train\masks\midwest-flooding_00000423_pre_disaster.png,0,0,5,4050,00000423 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000424_post_disaster.png,midwest-flooding_00000424_post_disaster,1,233,train\masks\midwest-flooding_00000424_post_disaster.png,0,0,3,3926,00000424 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000424_pre_disaster.png,midwest-flooding_00000424_pre_disaster,0,0,train\masks\midwest-flooding_00000424_pre_disaster.png,0,0,3,4159,00000424 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000426_post_disaster.png,midwest-flooding_00000426_post_disaster,1,90,train\masks\midwest-flooding_00000426_post_disaster.png,0,0,4,674,00000426 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000426_pre_disaster.png,midwest-flooding_00000426_pre_disaster,0,0,train\masks\midwest-flooding_00000426_pre_disaster.png,0,0,5,764,00000426 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000427_post_disaster.png,midwest-flooding_00000427_post_disaster,0,0,train\masks\midwest-flooding_00000427_post_disaster.png,0,0,4,2449,00000427 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000427_pre_disaster.png,midwest-flooding_00000427_pre_disaster,0,0,train\masks\midwest-flooding_00000427_pre_disaster.png,0,0,4,2449,00000427 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000429_post_disaster.png,midwest-flooding_00000429_post_disaster,1,1191,train\masks\midwest-flooding_00000429_post_disaster.png,0,0,10,7218,00000429 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000429_pre_disaster.png,midwest-flooding_00000429_pre_disaster,0,0,train\masks\midwest-flooding_00000429_pre_disaster.png,0,0,11,8409,00000429 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000430_post_disaster.png,midwest-flooding_00000430_post_disaster,0,0,train\masks\midwest-flooding_00000430_post_disaster.png,0,0,18,18664,00000430 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000430_pre_disaster.png,midwest-flooding_00000430_pre_disaster,0,0,train\masks\midwest-flooding_00000430_pre_disaster.png,0,0,18,18664,00000430 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000431_post_disaster.png,midwest-flooding_00000431_post_disaster,0,0,train\masks\midwest-flooding_00000431_post_disaster.png,0,0,24,16995,00000431 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000431_pre_disaster.png,midwest-flooding_00000431_pre_disaster,0,0,train\masks\midwest-flooding_00000431_pre_disaster.png,0,0,24,16995,00000431 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000433_post_disaster.png,midwest-flooding_00000433_post_disaster,1,613,train\masks\midwest-flooding_00000433_post_disaster.png,0,0,6,4303,00000433 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000433_pre_disaster.png,midwest-flooding_00000433_pre_disaster,0,0,train\masks\midwest-flooding_00000433_pre_disaster.png,0,0,7,4916,00000433 +7,2885,midwest-flooding,post,train,train\images\midwest-flooding_00000435_post_disaster.png,midwest-flooding_00000435_post_disaster,0,0,train\masks\midwest-flooding_00000435_post_disaster.png,0,0,60,90717,00000435 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000435_pre_disaster.png,midwest-flooding_00000435_pre_disaster,0,0,train\masks\midwest-flooding_00000435_pre_disaster.png,0,0,67,93602,00000435 +2,1484,midwest-flooding,post,train,train\images\midwest-flooding_00000436_post_disaster.png,midwest-flooding_00000436_post_disaster,0,0,train\masks\midwest-flooding_00000436_post_disaster.png,0,0,0,0,00000436 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000436_pre_disaster.png,midwest-flooding_00000436_pre_disaster,0,0,train\masks\midwest-flooding_00000436_pre_disaster.png,0,0,2,1484,00000436 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000438_post_disaster.png,midwest-flooding_00000438_post_disaster,0,0,train\masks\midwest-flooding_00000438_post_disaster.png,0,0,15,10216,00000438 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000438_pre_disaster.png,midwest-flooding_00000438_pre_disaster,0,0,train\masks\midwest-flooding_00000438_pre_disaster.png,0,0,15,10216,00000438 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000441_post_disaster.png,midwest-flooding_00000441_post_disaster,0,0,train\masks\midwest-flooding_00000441_post_disaster.png,0,0,9,2712,00000441 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000441_pre_disaster.png,midwest-flooding_00000441_pre_disaster,0,0,train\masks\midwest-flooding_00000441_pre_disaster.png,0,0,9,2712,00000441 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000442_post_disaster.png,midwest-flooding_00000442_post_disaster,0,0,train\masks\midwest-flooding_00000442_post_disaster.png,0,0,8,9459,00000442 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000442_pre_disaster.png,midwest-flooding_00000442_pre_disaster,0,0,train\masks\midwest-flooding_00000442_pre_disaster.png,0,0,8,9479,00000442 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000444_post_disaster.png,midwest-flooding_00000444_post_disaster,0,0,train\masks\midwest-flooding_00000444_post_disaster.png,1,158,6,7768,00000444 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000444_pre_disaster.png,midwest-flooding_00000444_pre_disaster,0,0,train\masks\midwest-flooding_00000444_pre_disaster.png,0,0,7,7929,00000444 +9,2842,palu-tsunami,post,train,train\images\palu-tsunami_00000000_post_disaster.png,palu-tsunami_00000000_post_disaster,0,0,train\masks\palu-tsunami_00000000_post_disaster.png,1,472,58,65098,00000000 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000000_pre_disaster.png,palu-tsunami_00000000_pre_disaster,0,0,train\masks\palu-tsunami_00000000_pre_disaster.png,0,0,67,68506,00000000 +3,1258,palu-tsunami,post,train,train\images\palu-tsunami_00000001_post_disaster.png,palu-tsunami_00000001_post_disaster,0,0,train\masks\palu-tsunami_00000001_post_disaster.png,2,1232,26,20980,00000001 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000001_pre_disaster.png,palu-tsunami_00000001_pre_disaster,0,0,train\masks\palu-tsunami_00000001_pre_disaster.png,0,0,31,23542,00000001 +27,31712,palu-tsunami,post,train,train\images\palu-tsunami_00000002_post_disaster.png,palu-tsunami_00000002_post_disaster,0,0,train\masks\palu-tsunami_00000002_post_disaster.png,9,11518,121,195362,00000002 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000002_pre_disaster.png,palu-tsunami_00000002_pre_disaster,0,0,train\masks\palu-tsunami_00000002_pre_disaster.png,0,0,155,238901,00000002 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000003_post_disaster.png,palu-tsunami_00000003_post_disaster,0,0,train\masks\palu-tsunami_00000003_post_disaster.png,2,2714,0,0,00000003 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000003_pre_disaster.png,palu-tsunami_00000003_pre_disaster,0,0,train\masks\palu-tsunami_00000003_pre_disaster.png,0,0,2,2716,00000003 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000005_post_disaster.png,palu-tsunami_00000005_post_disaster,0,0,train\masks\palu-tsunami_00000005_post_disaster.png,1,4631,99,171203,00000005 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000005_pre_disaster.png,palu-tsunami_00000005_pre_disaster,0,0,train\masks\palu-tsunami_00000005_pre_disaster.png,0,0,100,176377,00000005 +2,845,palu-tsunami,post,train,train\images\palu-tsunami_00000006_post_disaster.png,palu-tsunami_00000006_post_disaster,0,0,train\masks\palu-tsunami_00000006_post_disaster.png,0,0,178,334978,00000006 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000006_pre_disaster.png,palu-tsunami_00000006_pre_disaster,0,0,train\masks\palu-tsunami_00000006_pre_disaster.png,0,0,180,336311,00000006 +15,13611,palu-tsunami,post,train,train\images\palu-tsunami_00000007_post_disaster.png,palu-tsunami_00000007_post_disaster,0,0,train\masks\palu-tsunami_00000007_post_disaster.png,0,0,1,995,00000007 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000007_pre_disaster.png,palu-tsunami_00000007_pre_disaster,0,0,train\masks\palu-tsunami_00000007_pre_disaster.png,0,0,16,14606,00000007 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000011_post_disaster.png,palu-tsunami_00000011_post_disaster,0,0,train\masks\palu-tsunami_00000011_post_disaster.png,0,0,157,249735,00000011 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000011_pre_disaster.png,palu-tsunami_00000011_pre_disaster,0,0,train\masks\palu-tsunami_00000011_pre_disaster.png,0,0,156,250034,00000011 +46,50077,palu-tsunami,post,train,train\images\palu-tsunami_00000015_post_disaster.png,palu-tsunami_00000015_post_disaster,0,0,train\masks\palu-tsunami_00000015_post_disaster.png,4,8257,4,5170,00000015 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000015_pre_disaster.png,palu-tsunami_00000015_pre_disaster,0,0,train\masks\palu-tsunami_00000015_pre_disaster.png,0,0,52,63510,00000015 +4,2088,palu-tsunami,post,train,train\images\palu-tsunami_00000016_post_disaster.png,palu-tsunami_00000016_post_disaster,0,0,train\masks\palu-tsunami_00000016_post_disaster.png,0,0,0,0,00000016 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000016_pre_disaster.png,palu-tsunami_00000016_pre_disaster,0,0,train\masks\palu-tsunami_00000016_pre_disaster.png,0,0,4,2088,00000016 +24,27050,palu-tsunami,post,train,train\images\palu-tsunami_00000019_post_disaster.png,palu-tsunami_00000019_post_disaster,0,0,train\masks\palu-tsunami_00000019_post_disaster.png,4,8864,59,84752,00000019 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000019_pre_disaster.png,palu-tsunami_00000019_pre_disaster,0,0,train\masks\palu-tsunami_00000019_pre_disaster.png,0,0,81,120810,00000019 +29,45046,palu-tsunami,post,train,train\images\palu-tsunami_00000020_post_disaster.png,palu-tsunami_00000020_post_disaster,0,0,train\masks\palu-tsunami_00000020_post_disaster.png,2,4404,10,15539,00000020 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000020_pre_disaster.png,palu-tsunami_00000020_pre_disaster,0,0,train\masks\palu-tsunami_00000020_pre_disaster.png,0,0,40,65182,00000020 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000022_post_disaster.png,palu-tsunami_00000022_post_disaster,0,0,train\masks\palu-tsunami_00000022_post_disaster.png,0,0,29,48564,00000022 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000022_pre_disaster.png,palu-tsunami_00000022_pre_disaster,0,0,train\masks\palu-tsunami_00000022_pre_disaster.png,0,0,29,48638,00000022 +4,1479,palu-tsunami,post,train,train\images\palu-tsunami_00000023_post_disaster.png,palu-tsunami_00000023_post_disaster,0,0,train\masks\palu-tsunami_00000023_post_disaster.png,1,771,99,182690,00000023 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000023_pre_disaster.png,palu-tsunami_00000023_pre_disaster,0,0,train\masks\palu-tsunami_00000023_pre_disaster.png,0,0,104,185177,00000023 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000024_post_disaster.png,palu-tsunami_00000024_post_disaster,0,0,train\masks\palu-tsunami_00000024_post_disaster.png,0,0,185,318554,00000024 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000024_pre_disaster.png,palu-tsunami_00000024_pre_disaster,0,0,train\masks\palu-tsunami_00000024_pre_disaster.png,0,0,185,319506,00000024 +14,34053,palu-tsunami,post,train,train\images\palu-tsunami_00000025_post_disaster.png,palu-tsunami_00000025_post_disaster,0,0,train\masks\palu-tsunami_00000025_post_disaster.png,7,5647,21,120538,00000025 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000025_pre_disaster.png,palu-tsunami_00000025_pre_disaster,0,0,train\masks\palu-tsunami_00000025_pre_disaster.png,0,0,35,160468,00000025 +21,45524,palu-tsunami,post,train,train\images\palu-tsunami_00000026_post_disaster.png,palu-tsunami_00000026_post_disaster,0,0,train\masks\palu-tsunami_00000026_post_disaster.png,3,8186,0,0,00000026 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000026_pre_disaster.png,palu-tsunami_00000026_pre_disaster,0,0,train\masks\palu-tsunami_00000026_pre_disaster.png,0,0,20,53723,00000026 +38,51079,palu-tsunami,post,train,train\images\palu-tsunami_00000030_post_disaster.png,palu-tsunami_00000030_post_disaster,0,0,train\masks\palu-tsunami_00000030_post_disaster.png,1,740,0,0,00000030 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000030_pre_disaster.png,palu-tsunami_00000030_pre_disaster,0,0,train\masks\palu-tsunami_00000030_pre_disaster.png,0,0,39,51820,00000030 +6,4715,palu-tsunami,post,train,train\images\palu-tsunami_00000033_post_disaster.png,palu-tsunami_00000033_post_disaster,0,0,train\masks\palu-tsunami_00000033_post_disaster.png,4,4126,7,3505,00000033 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000033_pre_disaster.png,palu-tsunami_00000033_pre_disaster,0,0,train\masks\palu-tsunami_00000033_pre_disaster.png,0,0,16,12346,00000033 +4,3356,palu-tsunami,post,train,train\images\palu-tsunami_00000034_post_disaster.png,palu-tsunami_00000034_post_disaster,0,0,train\masks\palu-tsunami_00000034_post_disaster.png,2,958,40,41216,00000034 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000034_pre_disaster.png,palu-tsunami_00000034_pre_disaster,0,0,train\masks\palu-tsunami_00000034_pre_disaster.png,0,0,46,45527,00000034 +2,315,palu-tsunami,post,train,train\images\palu-tsunami_00000040_post_disaster.png,palu-tsunami_00000040_post_disaster,0,0,train\masks\palu-tsunami_00000040_post_disaster.png,0,0,38,27029,00000040 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000040_pre_disaster.png,palu-tsunami_00000040_pre_disaster,0,0,train\masks\palu-tsunami_00000040_pre_disaster.png,0,0,40,27363,00000040 +2,451,palu-tsunami,post,train,train\images\palu-tsunami_00000042_post_disaster.png,palu-tsunami_00000042_post_disaster,0,0,train\masks\palu-tsunami_00000042_post_disaster.png,1,1852,11,8297,00000042 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000042_pre_disaster.png,palu-tsunami_00000042_pre_disaster,0,0,train\masks\palu-tsunami_00000042_pre_disaster.png,0,0,14,10737,00000042 +2,4891,palu-tsunami,post,train,train\images\palu-tsunami_00000043_post_disaster.png,palu-tsunami_00000043_post_disaster,0,0,train\masks\palu-tsunami_00000043_post_disaster.png,0,0,25,22472,00000043 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000043_pre_disaster.png,palu-tsunami_00000043_pre_disaster,0,0,train\masks\palu-tsunami_00000043_pre_disaster.png,0,0,27,27418,00000043 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000044_post_disaster.png,palu-tsunami_00000044_post_disaster,0,0,train\masks\palu-tsunami_00000044_post_disaster.png,0,0,114,117403,00000044 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000044_pre_disaster.png,palu-tsunami_00000044_pre_disaster,0,0,train\masks\palu-tsunami_00000044_pre_disaster.png,0,0,114,117594,00000044 +12,2630,palu-tsunami,post,train,train\images\palu-tsunami_00000045_post_disaster.png,palu-tsunami_00000045_post_disaster,0,0,train\masks\palu-tsunami_00000045_post_disaster.png,5,4866,140,333090,00000045 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000045_pre_disaster.png,palu-tsunami_00000045_pre_disaster,0,0,train\masks\palu-tsunami_00000045_pre_disaster.png,0,0,157,341510,00000045 +47,66012,palu-tsunami,post,train,train\images\palu-tsunami_00000047_post_disaster.png,palu-tsunami_00000047_post_disaster,0,0,train\masks\palu-tsunami_00000047_post_disaster.png,14,12801,51,71155,00000047 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000047_pre_disaster.png,palu-tsunami_00000047_pre_disaster,0,0,train\masks\palu-tsunami_00000047_pre_disaster.png,0,0,103,150093,00000047 +7,2700,palu-tsunami,post,train,train\images\palu-tsunami_00000048_post_disaster.png,palu-tsunami_00000048_post_disaster,0,0,train\masks\palu-tsunami_00000048_post_disaster.png,1,1580,44,76262,00000048 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000048_pre_disaster.png,palu-tsunami_00000048_pre_disaster,0,0,train\masks\palu-tsunami_00000048_pre_disaster.png,0,0,50,80651,00000048 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000049_post_disaster.png,palu-tsunami_00000049_post_disaster,0,0,train\masks\palu-tsunami_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000049_pre_disaster.png,palu-tsunami_00000049_pre_disaster,0,0,train\masks\palu-tsunami_00000049_pre_disaster.png,0,0,0,0,00000049 +1,237,palu-tsunami,post,train,train\images\palu-tsunami_00000050_post_disaster.png,palu-tsunami_00000050_post_disaster,0,0,train\masks\palu-tsunami_00000050_post_disaster.png,0,0,12,11172,00000050 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000050_pre_disaster.png,palu-tsunami_00000050_pre_disaster,0,0,train\masks\palu-tsunami_00000050_pre_disaster.png,0,0,13,11503,00000050 +9,12552,palu-tsunami,post,train,train\images\palu-tsunami_00000051_post_disaster.png,palu-tsunami_00000051_post_disaster,0,0,train\masks\palu-tsunami_00000051_post_disaster.png,1,1221,38,105536,00000051 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000051_pre_disaster.png,palu-tsunami_00000051_pre_disaster,0,0,train\masks\palu-tsunami_00000051_pre_disaster.png,0,0,46,119392,00000051 +18,35506,palu-tsunami,post,train,train\images\palu-tsunami_00000053_post_disaster.png,palu-tsunami_00000053_post_disaster,0,0,train\masks\palu-tsunami_00000053_post_disaster.png,5,14524,33,55042,00000053 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000053_pre_disaster.png,palu-tsunami_00000053_pre_disaster,0,0,train\masks\palu-tsunami_00000053_pre_disaster.png,0,0,48,105200,00000053 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000054_post_disaster.png,palu-tsunami_00000054_post_disaster,0,0,train\masks\palu-tsunami_00000054_post_disaster.png,0,0,193,237396,00000054 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000054_pre_disaster.png,palu-tsunami_00000054_pre_disaster,0,0,train\masks\palu-tsunami_00000054_pre_disaster.png,0,0,193,237780,00000054 +32,45890,palu-tsunami,post,train,train\images\palu-tsunami_00000056_post_disaster.png,palu-tsunami_00000056_post_disaster,0,0,train\masks\palu-tsunami_00000056_post_disaster.png,9,14618,32,78870,00000056 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000056_pre_disaster.png,palu-tsunami_00000056_pre_disaster,0,0,train\masks\palu-tsunami_00000056_pre_disaster.png,0,0,64,139477,00000056 +19,20868,palu-tsunami,post,train,train\images\palu-tsunami_00000057_post_disaster.png,palu-tsunami_00000057_post_disaster,0,0,train\masks\palu-tsunami_00000057_post_disaster.png,3,8143,8,29994,00000057 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000057_pre_disaster.png,palu-tsunami_00000057_pre_disaster,0,0,train\masks\palu-tsunami_00000057_pre_disaster.png,0,0,20,59268,00000057 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000058_post_disaster.png,palu-tsunami_00000058_post_disaster,0,0,train\masks\palu-tsunami_00000058_post_disaster.png,0,0,186,322697,00000058 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000058_pre_disaster.png,palu-tsunami_00000058_pre_disaster,0,0,train\masks\palu-tsunami_00000058_pre_disaster.png,0,0,186,323169,00000058 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000061_post_disaster.png,palu-tsunami_00000061_post_disaster,0,0,train\masks\palu-tsunami_00000061_post_disaster.png,0,0,105,120772,00000061 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000061_pre_disaster.png,palu-tsunami_00000061_pre_disaster,0,0,train\masks\palu-tsunami_00000061_pre_disaster.png,0,0,106,120780,00000061 +6,3440,palu-tsunami,post,train,train\images\palu-tsunami_00000064_post_disaster.png,palu-tsunami_00000064_post_disaster,0,0,train\masks\palu-tsunami_00000064_post_disaster.png,0,0,87,177741,00000064 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000064_pre_disaster.png,palu-tsunami_00000064_pre_disaster,0,0,train\masks\palu-tsunami_00000064_pre_disaster.png,0,0,93,181610,00000064 +32,15943,palu-tsunami,post,train,train\images\palu-tsunami_00000065_post_disaster.png,palu-tsunami_00000065_post_disaster,0,0,train\masks\palu-tsunami_00000065_post_disaster.png,9,22133,22,44163,00000065 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000065_pre_disaster.png,palu-tsunami_00000065_pre_disaster,0,0,train\masks\palu-tsunami_00000065_pre_disaster.png,0,0,51,82476,00000065 +21,40518,palu-tsunami,post,train,train\images\palu-tsunami_00000066_post_disaster.png,palu-tsunami_00000066_post_disaster,0,0,train\masks\palu-tsunami_00000066_post_disaster.png,4,7167,2,42174,00000066 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000066_pre_disaster.png,palu-tsunami_00000066_pre_disaster,0,0,train\masks\palu-tsunami_00000066_pre_disaster.png,0,0,21,90438,00000066 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000067_post_disaster.png,palu-tsunami_00000067_post_disaster,0,0,train\masks\palu-tsunami_00000067_post_disaster.png,0,0,165,335871,00000067 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000067_pre_disaster.png,palu-tsunami_00000067_pre_disaster,0,0,train\masks\palu-tsunami_00000067_pre_disaster.png,0,0,165,336407,00000067 +11,8671,palu-tsunami,post,train,train\images\palu-tsunami_00000068_post_disaster.png,palu-tsunami_00000068_post_disaster,0,0,train\masks\palu-tsunami_00000068_post_disaster.png,3,7068,216,340239,00000068 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000068_pre_disaster.png,palu-tsunami_00000068_pre_disaster,0,0,train\masks\palu-tsunami_00000068_pre_disaster.png,0,0,225,356628,00000068 +66,121993,palu-tsunami,post,train,train\images\palu-tsunami_00000069_post_disaster.png,palu-tsunami_00000069_post_disaster,0,0,train\masks\palu-tsunami_00000069_post_disaster.png,12,11972,117,155357,00000069 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000069_pre_disaster.png,palu-tsunami_00000069_pre_disaster,0,0,train\masks\palu-tsunami_00000069_pre_disaster.png,0,0,183,289683,00000069 +8,7880,palu-tsunami,post,train,train\images\palu-tsunami_00000071_post_disaster.png,palu-tsunami_00000071_post_disaster,0,0,train\masks\palu-tsunami_00000071_post_disaster.png,2,2154,38,57087,00000071 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000071_pre_disaster.png,palu-tsunami_00000071_pre_disaster,0,0,train\masks\palu-tsunami_00000071_pre_disaster.png,0,0,47,67503,00000071 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000072_post_disaster.png,palu-tsunami_00000072_post_disaster,0,0,train\masks\palu-tsunami_00000072_post_disaster.png,0,0,128,375932,00000072 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000072_pre_disaster.png,palu-tsunami_00000072_pre_disaster,0,0,train\masks\palu-tsunami_00000072_pre_disaster.png,0,0,128,376795,00000072 +27,44638,palu-tsunami,post,train,train\images\palu-tsunami_00000073_post_disaster.png,palu-tsunami_00000073_post_disaster,0,0,train\masks\palu-tsunami_00000073_post_disaster.png,2,1368,44,66511,00000073 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000073_pre_disaster.png,palu-tsunami_00000073_pre_disaster,0,0,train\masks\palu-tsunami_00000073_pre_disaster.png,0,0,71,112683,00000073 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000074_post_disaster.png,palu-tsunami_00000074_post_disaster,0,0,train\masks\palu-tsunami_00000074_post_disaster.png,0,0,128,569362,00000074 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000074_pre_disaster.png,palu-tsunami_00000074_pre_disaster,0,0,train\masks\palu-tsunami_00000074_pre_disaster.png,0,0,128,570145,00000074 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000076_post_disaster.png,palu-tsunami_00000076_post_disaster,0,0,train\masks\palu-tsunami_00000076_post_disaster.png,0,0,11,17442,00000076 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000076_pre_disaster.png,palu-tsunami_00000076_pre_disaster,0,0,train\masks\palu-tsunami_00000076_pre_disaster.png,0,0,11,17614,00000076 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000077_post_disaster.png,palu-tsunami_00000077_post_disaster,0,0,train\masks\palu-tsunami_00000077_post_disaster.png,0,0,0,0,00000077 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000077_pre_disaster.png,palu-tsunami_00000077_pre_disaster,0,0,train\masks\palu-tsunami_00000077_pre_disaster.png,0,0,0,0,00000077 +9,2284,palu-tsunami,post,train,train\images\palu-tsunami_00000083_post_disaster.png,palu-tsunami_00000083_post_disaster,0,0,train\masks\palu-tsunami_00000083_post_disaster.png,4,2847,67,106155,00000083 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000083_pre_disaster.png,palu-tsunami_00000083_pre_disaster,0,0,train\masks\palu-tsunami_00000083_pre_disaster.png,0,0,77,111493,00000083 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000084_post_disaster.png,palu-tsunami_00000084_post_disaster,0,0,train\masks\palu-tsunami_00000084_post_disaster.png,0,0,120,549404,00000084 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000084_pre_disaster.png,palu-tsunami_00000084_pre_disaster,0,0,train\masks\palu-tsunami_00000084_pre_disaster.png,0,0,121,550342,00000084 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000086_post_disaster.png,palu-tsunami_00000086_post_disaster,0,0,train\masks\palu-tsunami_00000086_post_disaster.png,0,0,79,68117,00000086 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000086_pre_disaster.png,palu-tsunami_00000086_pre_disaster,0,0,train\masks\palu-tsunami_00000086_pre_disaster.png,0,0,79,68158,00000086 +2,256,palu-tsunami,post,train,train\images\palu-tsunami_00000087_post_disaster.png,palu-tsunami_00000087_post_disaster,0,0,train\masks\palu-tsunami_00000087_post_disaster.png,0,0,95,471002,00000087 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000087_pre_disaster.png,palu-tsunami_00000087_pre_disaster,0,0,train\masks\palu-tsunami_00000087_pre_disaster.png,0,0,96,472014,00000087 +8,7591,palu-tsunami,post,train,train\images\palu-tsunami_00000088_post_disaster.png,palu-tsunami_00000088_post_disaster,0,0,train\masks\palu-tsunami_00000088_post_disaster.png,15,16594,66,129217,00000088 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000088_pre_disaster.png,palu-tsunami_00000088_pre_disaster,0,0,train\masks\palu-tsunami_00000088_pre_disaster.png,0,0,77,153680,00000088 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000090_post_disaster.png,palu-tsunami_00000090_post_disaster,0,0,train\masks\palu-tsunami_00000090_post_disaster.png,2,402,124,100147,00000090 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000090_pre_disaster.png,palu-tsunami_00000090_pre_disaster,0,0,train\masks\palu-tsunami_00000090_pre_disaster.png,0,0,126,100541,00000090 +4,281,palu-tsunami,post,train,train\images\palu-tsunami_00000092_post_disaster.png,palu-tsunami_00000092_post_disaster,0,0,train\masks\palu-tsunami_00000092_post_disaster.png,0,0,97,103256,00000092 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000092_pre_disaster.png,palu-tsunami_00000092_pre_disaster,0,0,train\masks\palu-tsunami_00000092_pre_disaster.png,0,0,102,103850,00000092 +1,258,palu-tsunami,post,train,train\images\palu-tsunami_00000097_post_disaster.png,palu-tsunami_00000097_post_disaster,0,0,train\masks\palu-tsunami_00000097_post_disaster.png,0,0,79,598822,00000097 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000097_pre_disaster.png,palu-tsunami_00000097_pre_disaster,0,0,train\masks\palu-tsunami_00000097_pre_disaster.png,0,0,80,600222,00000097 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000098_post_disaster.png,palu-tsunami_00000098_post_disaster,0,0,train\masks\palu-tsunami_00000098_post_disaster.png,0,0,221,372741,00000098 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000098_pre_disaster.png,palu-tsunami_00000098_pre_disaster,0,0,train\masks\palu-tsunami_00000098_pre_disaster.png,0,0,222,373766,00000098 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000099_post_disaster.png,palu-tsunami_00000099_post_disaster,0,0,train\masks\palu-tsunami_00000099_post_disaster.png,0,0,43,99347,00000099 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000099_pre_disaster.png,palu-tsunami_00000099_pre_disaster,0,0,train\masks\palu-tsunami_00000099_pre_disaster.png,0,0,43,99891,00000099 +2,454,palu-tsunami,post,train,train\images\palu-tsunami_00000100_post_disaster.png,palu-tsunami_00000100_post_disaster,0,0,train\masks\palu-tsunami_00000100_post_disaster.png,0,0,52,27518,00000100 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000100_pre_disaster.png,palu-tsunami_00000100_pre_disaster,0,0,train\masks\palu-tsunami_00000100_pre_disaster.png,0,0,54,28006,00000100 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000101_post_disaster.png,palu-tsunami_00000101_post_disaster,0,0,train\masks\palu-tsunami_00000101_post_disaster.png,0,0,74,37323,00000101 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000101_pre_disaster.png,palu-tsunami_00000101_pre_disaster,0,0,train\masks\palu-tsunami_00000101_pre_disaster.png,0,0,74,37519,00000101 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000102_post_disaster.png,palu-tsunami_00000102_post_disaster,0,0,train\masks\palu-tsunami_00000102_post_disaster.png,0,0,72,43538,00000102 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000102_pre_disaster.png,palu-tsunami_00000102_pre_disaster,0,0,train\masks\palu-tsunami_00000102_pre_disaster.png,0,0,72,43573,00000102 +2,218,palu-tsunami,post,train,train\images\palu-tsunami_00000103_post_disaster.png,palu-tsunami_00000103_post_disaster,0,0,train\masks\palu-tsunami_00000103_post_disaster.png,1,330,0,0,00000103 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000103_pre_disaster.png,palu-tsunami_00000103_pre_disaster,0,0,train\masks\palu-tsunami_00000103_pre_disaster.png,0,0,3,548,00000103 +2,241,palu-tsunami,post,train,train\images\palu-tsunami_00000106_post_disaster.png,palu-tsunami_00000106_post_disaster,0,0,train\masks\palu-tsunami_00000106_post_disaster.png,3,2182,52,51544,00000106 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000106_pre_disaster.png,palu-tsunami_00000106_pre_disaster,0,0,train\masks\palu-tsunami_00000106_pre_disaster.png,0,0,54,53976,00000106 +11,5262,palu-tsunami,post,train,train\images\palu-tsunami_00000107_post_disaster.png,palu-tsunami_00000107_post_disaster,0,0,train\masks\palu-tsunami_00000107_post_disaster.png,3,4426,40,57349,00000107 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000107_pre_disaster.png,palu-tsunami_00000107_pre_disaster,0,0,train\masks\palu-tsunami_00000107_pre_disaster.png,0,0,52,67058,00000107 +4,1788,palu-tsunami,post,train,train\images\palu-tsunami_00000108_post_disaster.png,palu-tsunami_00000108_post_disaster,0,0,train\masks\palu-tsunami_00000108_post_disaster.png,1,339,99,91309,00000108 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000108_pre_disaster.png,palu-tsunami_00000108_pre_disaster,0,0,train\masks\palu-tsunami_00000108_pre_disaster.png,0,0,104,93451,00000108 +4,770,palu-tsunami,post,train,train\images\palu-tsunami_00000109_post_disaster.png,palu-tsunami_00000109_post_disaster,0,0,train\masks\palu-tsunami_00000109_post_disaster.png,7,12266,124,231959,00000109 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000109_pre_disaster.png,palu-tsunami_00000109_pre_disaster,0,0,train\masks\palu-tsunami_00000109_pre_disaster.png,0,0,135,245198,00000109 +32,9135,palu-tsunami,post,train,train\images\palu-tsunami_00000110_post_disaster.png,palu-tsunami_00000110_post_disaster,0,0,train\masks\palu-tsunami_00000110_post_disaster.png,0,0,1,4045,00000110 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000110_pre_disaster.png,palu-tsunami_00000110_pre_disaster,0,0,train\masks\palu-tsunami_00000110_pre_disaster.png,0,0,33,13176,00000110 +3,6332,palu-tsunami,post,train,train\images\palu-tsunami_00000111_post_disaster.png,palu-tsunami_00000111_post_disaster,0,0,train\masks\palu-tsunami_00000111_post_disaster.png,1,331,25,31107,00000111 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000111_pre_disaster.png,palu-tsunami_00000111_pre_disaster,0,0,train\masks\palu-tsunami_00000111_pre_disaster.png,0,0,28,37875,00000111 +51,64018,palu-tsunami,post,train,train\images\palu-tsunami_00000112_post_disaster.png,palu-tsunami_00000112_post_disaster,1,889,train\masks\palu-tsunami_00000112_post_disaster.png,16,17025,52,83318,00000112 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000112_pre_disaster.png,palu-tsunami_00000112_pre_disaster,0,0,train\masks\palu-tsunami_00000112_pre_disaster.png,0,0,108,165330,00000112 +12,9789,palu-tsunami,post,train,train\images\palu-tsunami_00000115_post_disaster.png,palu-tsunami_00000115_post_disaster,0,0,train\masks\palu-tsunami_00000115_post_disaster.png,25,93076,119,305880,00000115 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000115_pre_disaster.png,palu-tsunami_00000115_pre_disaster,0,0,train\masks\palu-tsunami_00000115_pre_disaster.png,0,0,138,409118,00000115 +109,468515,palu-tsunami,post,train,train\images\palu-tsunami_00000118_post_disaster.png,palu-tsunami_00000118_post_disaster,0,0,train\masks\palu-tsunami_00000118_post_disaster.png,5,4797,37,107940,00000118 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000118_pre_disaster.png,palu-tsunami_00000118_pre_disaster,0,0,train\masks\palu-tsunami_00000118_pre_disaster.png,0,0,142,582120,00000118 +3,728,palu-tsunami,post,train,train\images\palu-tsunami_00000119_post_disaster.png,palu-tsunami_00000119_post_disaster,0,0,train\masks\palu-tsunami_00000119_post_disaster.png,0,0,147,163049,00000119 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000119_pre_disaster.png,palu-tsunami_00000119_pre_disaster,0,0,train\masks\palu-tsunami_00000119_pre_disaster.png,0,0,151,163976,00000119 +5,891,palu-tsunami,post,train,train\images\palu-tsunami_00000121_post_disaster.png,palu-tsunami_00000121_post_disaster,0,0,train\masks\palu-tsunami_00000121_post_disaster.png,2,1136,3,1014,00000121 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000121_pre_disaster.png,palu-tsunami_00000121_pre_disaster,0,0,train\masks\palu-tsunami_00000121_pre_disaster.png,0,0,10,3041,00000121 +24,12189,palu-tsunami,post,train,train\images\palu-tsunami_00000122_post_disaster.png,palu-tsunami_00000122_post_disaster,0,0,train\masks\palu-tsunami_00000122_post_disaster.png,1,1131,79,253942,00000122 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000122_pre_disaster.png,palu-tsunami_00000122_pre_disaster,0,0,train\masks\palu-tsunami_00000122_pre_disaster.png,0,0,102,267843,00000122 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000123_post_disaster.png,palu-tsunami_00000123_post_disaster,0,0,train\masks\palu-tsunami_00000123_post_disaster.png,0,0,90,156576,00000123 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000123_pre_disaster.png,palu-tsunami_00000123_pre_disaster,0,0,train\masks\palu-tsunami_00000123_pre_disaster.png,0,0,90,157012,00000123 +59,128774,palu-tsunami,post,train,train\images\palu-tsunami_00000125_post_disaster.png,palu-tsunami_00000125_post_disaster,0,0,train\masks\palu-tsunami_00000125_post_disaster.png,23,35560,100,427137,00000125 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000125_pre_disaster.png,palu-tsunami_00000125_pre_disaster,0,0,train\masks\palu-tsunami_00000125_pre_disaster.png,0,0,145,592658,00000125 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000126_post_disaster.png,palu-tsunami_00000126_post_disaster,0,0,train\masks\palu-tsunami_00000126_post_disaster.png,0,0,83,454381,00000126 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000126_pre_disaster.png,palu-tsunami_00000126_pre_disaster,0,0,train\masks\palu-tsunami_00000126_pre_disaster.png,0,0,83,455261,00000126 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000128_post_disaster.png,palu-tsunami_00000128_post_disaster,0,0,train\masks\palu-tsunami_00000128_post_disaster.png,0,0,90,87011,00000128 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000128_pre_disaster.png,palu-tsunami_00000128_pre_disaster,0,0,train\masks\palu-tsunami_00000128_pre_disaster.png,0,0,90,87039,00000128 +29,24189,palu-tsunami,post,train,train\images\palu-tsunami_00000131_post_disaster.png,palu-tsunami_00000131_post_disaster,0,0,train\masks\palu-tsunami_00000131_post_disaster.png,18,48761,105,166472,00000131 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000131_pre_disaster.png,palu-tsunami_00000131_pre_disaster,0,0,train\masks\palu-tsunami_00000131_pre_disaster.png,0,0,139,239899,00000131 +1,228,palu-tsunami,post,train,train\images\palu-tsunami_00000132_post_disaster.png,palu-tsunami_00000132_post_disaster,0,0,train\masks\palu-tsunami_00000132_post_disaster.png,0,0,16,18213,00000132 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000132_pre_disaster.png,palu-tsunami_00000132_pre_disaster,0,0,train\masks\palu-tsunami_00000132_pre_disaster.png,0,0,17,18566,00000132 +4,577,palu-tsunami,post,train,train\images\palu-tsunami_00000133_post_disaster.png,palu-tsunami_00000133_post_disaster,0,0,train\masks\palu-tsunami_00000133_post_disaster.png,0,0,25,46716,00000133 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000133_pre_disaster.png,palu-tsunami_00000133_pre_disaster,0,0,train\masks\palu-tsunami_00000133_pre_disaster.png,0,0,28,47563,00000133 +1,2472,palu-tsunami,post,train,train\images\palu-tsunami_00000134_post_disaster.png,palu-tsunami_00000134_post_disaster,0,0,train\masks\palu-tsunami_00000134_post_disaster.png,2,2077,92,616989,00000134 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000134_pre_disaster.png,palu-tsunami_00000134_pre_disaster,0,0,train\masks\palu-tsunami_00000134_pre_disaster.png,0,0,87,622242,00000134 +38,61432,palu-tsunami,post,train,train\images\palu-tsunami_00000136_post_disaster.png,palu-tsunami_00000136_post_disaster,0,0,train\masks\palu-tsunami_00000136_post_disaster.png,10,22759,43,127270,00000136 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000136_pre_disaster.png,palu-tsunami_00000136_pre_disaster,0,0,train\masks\palu-tsunami_00000136_pre_disaster.png,0,0,73,212203,00000136 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000137_post_disaster.png,palu-tsunami_00000137_post_disaster,0,0,train\masks\palu-tsunami_00000137_post_disaster.png,0,0,41,703460,00000137 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000137_pre_disaster.png,palu-tsunami_00000137_pre_disaster,0,0,train\masks\palu-tsunami_00000137_pre_disaster.png,0,0,40,704487,00000137 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000140_post_disaster.png,palu-tsunami_00000140_post_disaster,0,0,train\masks\palu-tsunami_00000140_post_disaster.png,0,0,70,599110,00000140 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000140_pre_disaster.png,palu-tsunami_00000140_pre_disaster,0,0,train\masks\palu-tsunami_00000140_pre_disaster.png,0,0,70,600017,00000140 +11,5469,palu-tsunami,post,train,train\images\palu-tsunami_00000142_post_disaster.png,palu-tsunami_00000142_post_disaster,0,0,train\masks\palu-tsunami_00000142_post_disaster.png,1,305,6,4113,00000142 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000142_pre_disaster.png,palu-tsunami_00000142_pre_disaster,0,0,train\masks\palu-tsunami_00000142_pre_disaster.png,0,0,18,9887,00000142 +5,2071,palu-tsunami,post,train,train\images\palu-tsunami_00000145_post_disaster.png,palu-tsunami_00000145_post_disaster,0,0,train\masks\palu-tsunami_00000145_post_disaster.png,2,3813,11,6691,00000145 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000145_pre_disaster.png,palu-tsunami_00000145_pre_disaster,0,0,train\masks\palu-tsunami_00000145_pre_disaster.png,0,0,17,12575,00000145 +14,6154,palu-tsunami,post,train,train\images\palu-tsunami_00000148_post_disaster.png,palu-tsunami_00000148_post_disaster,0,0,train\masks\palu-tsunami_00000148_post_disaster.png,2,4092,3,3414,00000148 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000148_pre_disaster.png,palu-tsunami_00000148_pre_disaster,0,0,train\masks\palu-tsunami_00000148_pre_disaster.png,0,0,19,13683,00000148 +1,356,palu-tsunami,post,train,train\images\palu-tsunami_00000152_post_disaster.png,palu-tsunami_00000152_post_disaster,0,0,train\masks\palu-tsunami_00000152_post_disaster.png,1,1801,106,555956,00000152 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000152_pre_disaster.png,palu-tsunami_00000152_pre_disaster,0,0,train\masks\palu-tsunami_00000152_pre_disaster.png,0,0,106,559016,00000152 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000153_post_disaster.png,palu-tsunami_00000153_post_disaster,0,0,train\masks\palu-tsunami_00000153_post_disaster.png,0,0,54,45221,00000153 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000153_pre_disaster.png,palu-tsunami_00000153_pre_disaster,0,0,train\masks\palu-tsunami_00000153_pre_disaster.png,0,0,54,45428,00000153 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000154_post_disaster.png,palu-tsunami_00000154_post_disaster,0,0,train\masks\palu-tsunami_00000154_post_disaster.png,0,0,40,16642,00000154 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000154_pre_disaster.png,palu-tsunami_00000154_pre_disaster,0,0,train\masks\palu-tsunami_00000154_pre_disaster.png,0,0,40,16651,00000154 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000155_post_disaster.png,palu-tsunami_00000155_post_disaster,0,0,train\masks\palu-tsunami_00000155_post_disaster.png,0,0,52,35231,00000155 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000155_pre_disaster.png,palu-tsunami_00000155_pre_disaster,0,0,train\masks\palu-tsunami_00000155_pre_disaster.png,0,0,52,35207,00000155 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000157_post_disaster.png,palu-tsunami_00000157_post_disaster,0,0,train\masks\palu-tsunami_00000157_post_disaster.png,0,0,24,17330,00000157 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000157_pre_disaster.png,palu-tsunami_00000157_pre_disaster,0,0,train\masks\palu-tsunami_00000157_pre_disaster.png,0,0,24,17330,00000157 +32,24192,palu-tsunami,post,train,train\images\palu-tsunami_00000160_post_disaster.png,palu-tsunami_00000160_post_disaster,0,0,train\masks\palu-tsunami_00000160_post_disaster.png,5,7648,67,91785,00000160 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000160_pre_disaster.png,palu-tsunami_00000160_pre_disaster,0,0,train\masks\palu-tsunami_00000160_pre_disaster.png,0,0,96,123844,00000160 +40,75685,palu-tsunami,post,train,train\images\palu-tsunami_00000161_post_disaster.png,palu-tsunami_00000161_post_disaster,0,0,train\masks\palu-tsunami_00000161_post_disaster.png,5,7145,99,147551,00000161 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000161_pre_disaster.png,palu-tsunami_00000161_pre_disaster,0,0,train\masks\palu-tsunami_00000161_pre_disaster.png,0,0,140,231111,00000161 +6,13650,palu-tsunami,post,train,train\images\palu-tsunami_00000164_post_disaster.png,palu-tsunami_00000164_post_disaster,0,0,train\masks\palu-tsunami_00000164_post_disaster.png,11,19091,80,109193,00000164 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000164_pre_disaster.png,palu-tsunami_00000164_pre_disaster,0,0,train\masks\palu-tsunami_00000164_pre_disaster.png,0,0,91,142145,00000164 +24,41494,palu-tsunami,post,train,train\images\palu-tsunami_00000166_post_disaster.png,palu-tsunami_00000166_post_disaster,0,0,train\masks\palu-tsunami_00000166_post_disaster.png,9,116196,49,105059,00000166 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000166_pre_disaster.png,palu-tsunami_00000166_pre_disaster,0,0,train\masks\palu-tsunami_00000166_pre_disaster.png,0,0,78,263637,00000166 +55,61081,palu-tsunami,post,train,train\images\palu-tsunami_00000167_post_disaster.png,palu-tsunami_00000167_post_disaster,0,0,train\masks\palu-tsunami_00000167_post_disaster.png,5,6464,101,163266,00000167 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000167_pre_disaster.png,palu-tsunami_00000167_pre_disaster,0,0,train\masks\palu-tsunami_00000167_pre_disaster.png,0,0,153,230935,00000167 +103,81274,palu-tsunami,post,train,train\images\palu-tsunami_00000168_post_disaster.png,palu-tsunami_00000168_post_disaster,0,0,train\masks\palu-tsunami_00000168_post_disaster.png,0,0,8,3772,00000168 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000168_pre_disaster.png,palu-tsunami_00000168_pre_disaster,0,0,train\masks\palu-tsunami_00000168_pre_disaster.png,0,0,111,85460,00000168 +24,14086,palu-tsunami,post,train,train\images\palu-tsunami_00000169_post_disaster.png,palu-tsunami_00000169_post_disaster,0,0,train\masks\palu-tsunami_00000169_post_disaster.png,0,0,74,41692,00000169 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000169_pre_disaster.png,palu-tsunami_00000169_pre_disaster,0,0,train\masks\palu-tsunami_00000169_pre_disaster.png,0,0,98,55855,00000169 +5,2199,palu-tsunami,post,train,train\images\palu-tsunami_00000171_post_disaster.png,palu-tsunami_00000171_post_disaster,0,0,train\masks\palu-tsunami_00000171_post_disaster.png,1,8405,41,64964,00000171 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000171_pre_disaster.png,palu-tsunami_00000171_pre_disaster,0,0,train\masks\palu-tsunami_00000171_pre_disaster.png,0,0,43,75574,00000171 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000174_post_disaster.png,palu-tsunami_00000174_post_disaster,0,0,train\masks\palu-tsunami_00000174_post_disaster.png,0,0,97,238753,00000174 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000174_pre_disaster.png,palu-tsunami_00000174_pre_disaster,0,0,train\masks\palu-tsunami_00000174_pre_disaster.png,0,0,97,238879,00000174 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000175_post_disaster.png,palu-tsunami_00000175_post_disaster,0,0,train\masks\palu-tsunami_00000175_post_disaster.png,1,4256,141,269421,00000175 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000175_pre_disaster.png,palu-tsunami_00000175_pre_disaster,0,0,train\masks\palu-tsunami_00000175_pre_disaster.png,0,0,142,275109,00000175 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000177_post_disaster.png,palu-tsunami_00000177_post_disaster,0,0,train\masks\palu-tsunami_00000177_post_disaster.png,0,0,133,234878,00000177 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000177_pre_disaster.png,palu-tsunami_00000177_pre_disaster,0,0,train\masks\palu-tsunami_00000177_pre_disaster.png,0,0,133,235402,00000177 +68,126846,palu-tsunami,post,train,train\images\palu-tsunami_00000178_post_disaster.png,palu-tsunami_00000178_post_disaster,0,0,train\masks\palu-tsunami_00000178_post_disaster.png,1,1627,93,208564,00000178 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000178_pre_disaster.png,palu-tsunami_00000178_pre_disaster,0,0,train\masks\palu-tsunami_00000178_pre_disaster.png,0,0,153,337360,00000178 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000179_post_disaster.png,palu-tsunami_00000179_post_disaster,0,0,train\masks\palu-tsunami_00000179_post_disaster.png,0,0,163,340083,00000179 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000179_pre_disaster.png,palu-tsunami_00000179_pre_disaster,0,0,train\masks\palu-tsunami_00000179_pre_disaster.png,0,0,163,340912,00000179 +170,190275,palu-tsunami,post,train,train\images\palu-tsunami_00000182_post_disaster.png,palu-tsunami_00000182_post_disaster,0,0,train\masks\palu-tsunami_00000182_post_disaster.png,10,8811,9,29220,00000182 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000182_pre_disaster.png,palu-tsunami_00000182_pre_disaster,0,0,train\masks\palu-tsunami_00000182_pre_disaster.png,0,0,169,228513,00000182 +29,14538,palu-tsunami,post,train,train\images\palu-tsunami_00000183_post_disaster.png,palu-tsunami_00000183_post_disaster,0,0,train\masks\palu-tsunami_00000183_post_disaster.png,2,1285,39,34428,00000183 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000183_pre_disaster.png,palu-tsunami_00000183_pre_disaster,0,0,train\masks\palu-tsunami_00000183_pre_disaster.png,0,0,70,50299,00000183 +2,1872,palu-tsunami,post,train,train\images\palu-tsunami_00000187_post_disaster.png,palu-tsunami_00000187_post_disaster,0,0,train\masks\palu-tsunami_00000187_post_disaster.png,0,0,8,7478,00000187 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000187_pre_disaster.png,palu-tsunami_00000187_pre_disaster,0,0,train\masks\palu-tsunami_00000187_pre_disaster.png,0,0,10,9370,00000187 +20,16752,palu-tsunami,post,train,train\images\palu-tsunami_00000188_post_disaster.png,palu-tsunami_00000188_post_disaster,0,0,train\masks\palu-tsunami_00000188_post_disaster.png,0,0,6,4190,00000188 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000188_pre_disaster.png,palu-tsunami_00000188_pre_disaster,0,0,train\masks\palu-tsunami_00000188_pre_disaster.png,0,0,26,20935,00000188 +15,25243,palu-tsunami,post,train,train\images\palu-tsunami_00000189_post_disaster.png,palu-tsunami_00000189_post_disaster,0,0,train\masks\palu-tsunami_00000189_post_disaster.png,3,6450,41,43652,00000189 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000189_pre_disaster.png,palu-tsunami_00000189_pre_disaster,0,0,train\masks\palu-tsunami_00000189_pre_disaster.png,0,0,58,75590,00000189 +54,42068,palu-tsunami,post,train,train\images\palu-tsunami_00000191_post_disaster.png,palu-tsunami_00000191_post_disaster,0,0,train\masks\palu-tsunami_00000191_post_disaster.png,0,0,12,10283,00000191 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000191_pre_disaster.png,palu-tsunami_00000191_pre_disaster,0,0,train\masks\palu-tsunami_00000191_pre_disaster.png,0,0,66,52434,00000191 +3,1257,palu-tsunami,post,train,train\images\palu-tsunami_00000195_post_disaster.png,palu-tsunami_00000195_post_disaster,0,0,train\masks\palu-tsunami_00000195_post_disaster.png,1,449,17,6264,00000195 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000195_pre_disaster.png,palu-tsunami_00000195_pre_disaster,0,0,train\masks\palu-tsunami_00000195_pre_disaster.png,0,0,21,7979,00000195 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000002_post_disaster.png,santa-rosa-wildfire_00000002_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000002_post_disaster.png,0,0,92,79990,00000002 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000002_pre_disaster.png,santa-rosa-wildfire_00000002_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000002_pre_disaster.png,0,0,92,80021,00000002 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000003_post_disaster.png,santa-rosa-wildfire_00000003_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000003_post_disaster.png,0,0,17,40388,00000003 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000003_pre_disaster.png,santa-rosa-wildfire_00000003_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000003_pre_disaster.png,0,0,17,40409,00000003 +3,5870,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000004_post_disaster.png,santa-rosa-wildfire_00000004_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000004_post_disaster.png,0,0,3,1563,00000004 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000004_pre_disaster.png,santa-rosa-wildfire_00000004_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000004_pre_disaster.png,0,0,6,7433,00000004 +2,62556,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000005_post_disaster.png,santa-rosa-wildfire_00000005_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000005_post_disaster.png,1,4569,18,75960,00000005 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000005_pre_disaster.png,santa-rosa-wildfire_00000005_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000005_pre_disaster.png,0,0,21,143271,00000005 +20,26424,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000006_post_disaster.png,santa-rosa-wildfire_00000006_post_disaster,1,224,train\masks\santa-rosa-wildfire_00000006_post_disaster.png,2,53463,14,65244,00000006 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000006_pre_disaster.png,santa-rosa-wildfire_00000006_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000006_pre_disaster.png,0,0,37,145457,00000006 +72,95849,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000007_post_disaster.png,santa-rosa-wildfire_00000007_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000007_post_disaster.png,2,4101,47,77801,00000007 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000007_pre_disaster.png,santa-rosa-wildfire_00000007_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000007_pre_disaster.png,0,0,121,177944,00000007 +4,4193,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000009_post_disaster.png,santa-rosa-wildfire_00000009_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000009_post_disaster.png,0,0,2,4600,00000009 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000009_pre_disaster.png,santa-rosa-wildfire_00000009_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000009_pre_disaster.png,0,0,6,8793,00000009 +20,19108,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000011_post_disaster.png,santa-rosa-wildfire_00000011_post_disaster,1,1804,train\masks\santa-rosa-wildfire_00000011_post_disaster.png,2,4390,19,35874,00000011 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000011_pre_disaster.png,santa-rosa-wildfire_00000011_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000011_pre_disaster.png,0,0,37,61285,00000011 +14,35404,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000014_post_disaster.png,santa-rosa-wildfire_00000014_post_disaster,3,26546,train\masks\santa-rosa-wildfire_00000014_post_disaster.png,2,1811,18,66344,00000014 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000014_pre_disaster.png,santa-rosa-wildfire_00000014_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000014_pre_disaster.png,0,0,35,130298,00000014 +65,92944,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000015_post_disaster.png,santa-rosa-wildfire_00000015_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000015_post_disaster.png,0,0,54,76558,00000015 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000015_pre_disaster.png,santa-rosa-wildfire_00000015_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000015_pre_disaster.png,0,0,119,169811,00000015 +1,1661,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000017_post_disaster.png,santa-rosa-wildfire_00000017_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000017_post_disaster.png,0,0,1,79,00000017 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000017_pre_disaster.png,santa-rosa-wildfire_00000017_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000017_pre_disaster.png,0,0,2,1740,00000017 +7,4128,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000018_post_disaster.png,santa-rosa-wildfire_00000018_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000018_post_disaster.png,0,0,0,0,00000018 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000018_pre_disaster.png,santa-rosa-wildfire_00000018_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000018_pre_disaster.png,0,0,7,4166,00000018 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000022_post_disaster.png,santa-rosa-wildfire_00000022_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000022_post_disaster.png,0,0,96,139781,00000022 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000022_pre_disaster.png,santa-rosa-wildfire_00000022_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000022_pre_disaster.png,0,0,96,140028,00000022 +11,10059,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000023_post_disaster.png,santa-rosa-wildfire_00000023_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000023_post_disaster.png,0,0,12,4689,00000023 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000023_pre_disaster.png,santa-rosa-wildfire_00000023_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000023_pre_disaster.png,0,0,23,14970,00000023 +4,8889,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000024_post_disaster.png,santa-rosa-wildfire_00000024_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000024_post_disaster.png,0,0,0,0,00000024 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000024_pre_disaster.png,santa-rosa-wildfire_00000024_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000024_pre_disaster.png,0,0,4,8939,00000024 +8,12559,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000026_post_disaster.png,santa-rosa-wildfire_00000026_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000026_post_disaster.png,0,0,1,236,00000026 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000026_pre_disaster.png,santa-rosa-wildfire_00000026_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000026_pre_disaster.png,0,0,9,12795,00000026 +14,31699,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000027_post_disaster.png,santa-rosa-wildfire_00000027_post_disaster,1,177,train\masks\santa-rosa-wildfire_00000027_post_disaster.png,0,0,4,8586,00000027 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000027_pre_disaster.png,santa-rosa-wildfire_00000027_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000027_pre_disaster.png,0,0,19,40570,00000027 +30,76644,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000030_post_disaster.png,santa-rosa-wildfire_00000030_post_disaster,1,884,train\masks\santa-rosa-wildfire_00000030_post_disaster.png,0,0,0,0,00000030 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000030_pre_disaster.png,santa-rosa-wildfire_00000030_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000030_pre_disaster.png,0,0,31,77566,00000030 +22,52697,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000031_post_disaster.png,santa-rosa-wildfire_00000031_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000031_post_disaster.png,0,0,4,11877,00000031 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000031_pre_disaster.png,santa-rosa-wildfire_00000031_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000031_pre_disaster.png,0,0,26,64778,00000031 +4,5107,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000033_post_disaster.png,santa-rosa-wildfire_00000033_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000033_post_disaster.png,0,0,36,54182,00000033 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000033_pre_disaster.png,santa-rosa-wildfire_00000033_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000033_pre_disaster.png,0,0,40,59342,00000033 +7,8435,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000034_post_disaster.png,santa-rosa-wildfire_00000034_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000034_post_disaster.png,0,0,2,2921,00000034 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000034_pre_disaster.png,santa-rosa-wildfire_00000034_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000034_pre_disaster.png,0,0,9,11372,00000034 +33,30770,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000035_post_disaster.png,santa-rosa-wildfire_00000035_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000035_post_disaster.png,0,0,1,697,00000035 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000035_pre_disaster.png,santa-rosa-wildfire_00000035_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000035_pre_disaster.png,0,0,34,31535,00000035 +108,179355,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000036_post_disaster.png,santa-rosa-wildfire_00000036_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000036_post_disaster.png,0,0,6,8016,00000036 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000036_pre_disaster.png,santa-rosa-wildfire_00000036_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000036_pre_disaster.png,0,0,114,187861,00000036 +10,30382,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000039_post_disaster.png,santa-rosa-wildfire_00000039_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000039_post_disaster.png,0,0,35,108883,00000039 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000039_pre_disaster.png,santa-rosa-wildfire_00000039_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000039_pre_disaster.png,0,0,45,139538,00000039 +8,7233,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000040_post_disaster.png,santa-rosa-wildfire_00000040_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000040_post_disaster.png,0,0,9,9032,00000040 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000040_pre_disaster.png,santa-rosa-wildfire_00000040_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000040_pre_disaster.png,0,0,17,16265,00000040 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000041_post_disaster.png,santa-rosa-wildfire_00000041_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000041_post_disaster.png,0,0,140,160205,00000041 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000041_pre_disaster.png,santa-rosa-wildfire_00000041_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000041_pre_disaster.png,0,0,140,160522,00000041 +11,25804,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000042_post_disaster.png,santa-rosa-wildfire_00000042_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000042_post_disaster.png,0,0,8,20646,00000042 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000042_pre_disaster.png,santa-rosa-wildfire_00000042_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000042_pre_disaster.png,0,0,19,46513,00000042 +77,110033,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000044_post_disaster.png,santa-rosa-wildfire_00000044_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000044_post_disaster.png,0,0,4,6817,00000044 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000044_pre_disaster.png,santa-rosa-wildfire_00000044_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000044_pre_disaster.png,0,0,81,117021,00000044 +40,64393,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000046_post_disaster.png,santa-rosa-wildfire_00000046_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000046_post_disaster.png,1,2277,2,3913,00000046 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000046_pre_disaster.png,santa-rosa-wildfire_00000046_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000046_pre_disaster.png,0,0,42,70583,00000046 +34,48554,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000047_post_disaster.png,santa-rosa-wildfire_00000047_post_disaster,1,797,train\masks\santa-rosa-wildfire_00000047_post_disaster.png,0,0,0,0,00000047 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000047_pre_disaster.png,santa-rosa-wildfire_00000047_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000047_pre_disaster.png,0,0,35,49402,00000047 +75,150123,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000049_post_disaster.png,santa-rosa-wildfire_00000049_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000049_post_disaster.png,0,0,1,2437,00000049 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000049_pre_disaster.png,santa-rosa-wildfire_00000049_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000049_pre_disaster.png,0,0,76,152863,00000049 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000050_post_disaster.png,santa-rosa-wildfire_00000050_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000050_post_disaster.png,0,0,175,183590,00000050 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000050_pre_disaster.png,santa-rosa-wildfire_00000050_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000050_pre_disaster.png,0,0,175,184108,00000050 +7,13402,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000051_post_disaster.png,santa-rosa-wildfire_00000051_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000051_post_disaster.png,0,0,2,692,00000051 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000051_pre_disaster.png,santa-rosa-wildfire_00000051_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000051_pre_disaster.png,0,0,9,14135,00000051 +8,10371,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000055_post_disaster.png,santa-rosa-wildfire_00000055_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000055_post_disaster.png,1,398,1,135,00000055 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000055_pre_disaster.png,santa-rosa-wildfire_00000055_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000055_pre_disaster.png,0,0,10,10904,00000055 +34,15175,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000056_post_disaster.png,santa-rosa-wildfire_00000056_post_disaster,2,3014,train\masks\santa-rosa-wildfire_00000056_post_disaster.png,0,0,17,13783,00000056 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000056_pre_disaster.png,santa-rosa-wildfire_00000056_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000056_pre_disaster.png,0,0,53,32066,00000056 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000057_post_disaster.png,santa-rosa-wildfire_00000057_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000057_post_disaster.png,0,0,268,246296,00000057 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000057_pre_disaster.png,santa-rosa-wildfire_00000057_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000057_pre_disaster.png,0,0,268,246644,00000057 +65,70835,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000058_post_disaster.png,santa-rosa-wildfire_00000058_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000058_post_disaster.png,0,0,202,233744,00000058 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000058_pre_disaster.png,santa-rosa-wildfire_00000058_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000058_pre_disaster.png,0,0,265,305256,00000058 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000059_post_disaster.png,santa-rosa-wildfire_00000059_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000059_post_disaster.png,0,0,22,19937,00000059 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000059_pre_disaster.png,santa-rosa-wildfire_00000059_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000059_pre_disaster.png,0,0,22,19969,00000059 +7,10725,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000060_post_disaster.png,santa-rosa-wildfire_00000060_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000060_post_disaster.png,0,0,2,2141,00000060 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000060_pre_disaster.png,santa-rosa-wildfire_00000060_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000060_pre_disaster.png,0,0,9,12882,00000060 +197,219795,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000063_post_disaster.png,santa-rosa-wildfire_00000063_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000063_post_disaster.png,1,1277,29,27808,00000063 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000063_pre_disaster.png,santa-rosa-wildfire_00000063_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000063_pre_disaster.png,0,0,227,249200,00000063 +8,11974,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000065_post_disaster.png,santa-rosa-wildfire_00000065_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000065_post_disaster.png,0,0,5,5816,00000065 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000065_pre_disaster.png,santa-rosa-wildfire_00000065_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000065_pre_disaster.png,0,0,13,17827,00000065 +5,8152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000067_post_disaster.png,santa-rosa-wildfire_00000067_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000067_post_disaster.png,0,0,4,2227,00000067 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000067_pre_disaster.png,santa-rosa-wildfire_00000067_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000067_pre_disaster.png,0,0,9,10379,00000067 +1,1983,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000069_post_disaster.png,santa-rosa-wildfire_00000069_post_disaster,1,308,train\masks\santa-rosa-wildfire_00000069_post_disaster.png,0,0,0,0,00000069 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000069_pre_disaster.png,santa-rosa-wildfire_00000069_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000069_pre_disaster.png,0,0,2,2291,00000069 +13,19822,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000070_post_disaster.png,santa-rosa-wildfire_00000070_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000070_post_disaster.png,0,0,19,21296,00000070 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000070_pre_disaster.png,santa-rosa-wildfire_00000070_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000070_pre_disaster.png,0,0,32,41433,00000070 +2,2021,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000072_post_disaster.png,santa-rosa-wildfire_00000072_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000072_post_disaster.png,0,0,5,3814,00000072 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000072_pre_disaster.png,santa-rosa-wildfire_00000072_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000072_pre_disaster.png,0,0,7,5835,00000072 +28,23865,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000073_post_disaster.png,santa-rosa-wildfire_00000073_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000073_post_disaster.png,0,0,5,2235,00000073 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000073_pre_disaster.png,santa-rosa-wildfire_00000073_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000073_pre_disaster.png,0,0,33,26221,00000073 +50,87898,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000075_post_disaster.png,santa-rosa-wildfire_00000075_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000075_pre_disaster.png,santa-rosa-wildfire_00000075_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000075_pre_disaster.png,0,0,50,88149,00000075 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000076_post_disaster.png,santa-rosa-wildfire_00000076_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000076_post_disaster.png,0,0,102,163202,00000076 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000076_pre_disaster.png,santa-rosa-wildfire_00000076_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000076_pre_disaster.png,0,0,102,163554,00000076 +7,7622,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000078_post_disaster.png,santa-rosa-wildfire_00000078_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000078_post_disaster.png,0,0,4,2929,00000078 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000078_pre_disaster.png,santa-rosa-wildfire_00000078_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000078_pre_disaster.png,0,0,11,10551,00000078 +74,97834,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000079_post_disaster.png,santa-rosa-wildfire_00000079_post_disaster,2,911,train\masks\santa-rosa-wildfire_00000079_post_disaster.png,2,1290,48,148170,00000079 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000079_pre_disaster.png,santa-rosa-wildfire_00000079_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000079_pre_disaster.png,0,0,124,248653,00000079 +5,8939,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000081_post_disaster.png,santa-rosa-wildfire_00000081_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000081_post_disaster.png,0,0,1,320,00000081 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000081_pre_disaster.png,santa-rosa-wildfire_00000081_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000081_pre_disaster.png,0,0,6,9259,00000081 +202,219469,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000084_post_disaster.png,santa-rosa-wildfire_00000084_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000084_post_disaster.png,0,0,11,15536,00000084 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000084_pre_disaster.png,santa-rosa-wildfire_00000084_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000084_pre_disaster.png,0,0,213,235213,00000084 +13,17824,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000088_post_disaster.png,santa-rosa-wildfire_00000088_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000088_post_disaster.png,0,0,66,103355,00000088 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000088_pre_disaster.png,santa-rosa-wildfire_00000088_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000088_pre_disaster.png,0,0,79,121389,00000088 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000090_post_disaster.png,santa-rosa-wildfire_00000090_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000090_post_disaster.png,0,0,117,123299,00000090 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000090_pre_disaster.png,santa-rosa-wildfire_00000090_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000090_pre_disaster.png,0,0,117,123668,00000090 +4,6047,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000091_post_disaster.png,santa-rosa-wildfire_00000091_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000091_pre_disaster.png,santa-rosa-wildfire_00000091_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000091_pre_disaster.png,0,0,4,6117,00000091 +8,6943,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000093_post_disaster.png,santa-rosa-wildfire_00000093_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000093_post_disaster.png,2,2283,15,7305,00000093 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000093_pre_disaster.png,santa-rosa-wildfire_00000093_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000093_pre_disaster.png,0,0,24,16582,00000093 +5,4878,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000094_post_disaster.png,santa-rosa-wildfire_00000094_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000094_pre_disaster.png,santa-rosa-wildfire_00000094_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000094_pre_disaster.png,0,0,5,4963,00000094 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000095_post_disaster.png,santa-rosa-wildfire_00000095_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000095_post_disaster.png,0,0,154,262767,00000095 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000095_pre_disaster.png,santa-rosa-wildfire_00000095_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000095_pre_disaster.png,0,0,154,263056,00000095 +18,38039,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000096_post_disaster.png,santa-rosa-wildfire_00000096_post_disaster,2,4752,train\masks\santa-rosa-wildfire_00000096_post_disaster.png,1,8558,28,91525,00000096 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000096_pre_disaster.png,santa-rosa-wildfire_00000096_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000096_pre_disaster.png,0,0,47,143080,00000096 +6,5744,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000097_post_disaster.png,santa-rosa-wildfire_00000097_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000097_post_disaster.png,0,0,133,173106,00000097 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000097_pre_disaster.png,santa-rosa-wildfire_00000097_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000097_pre_disaster.png,0,0,139,179288,00000097 +37,65621,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000098_post_disaster.png,santa-rosa-wildfire_00000098_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000098_post_disaster.png,0,0,9,11867,00000098 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000098_pre_disaster.png,santa-rosa-wildfire_00000098_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000098_pre_disaster.png,0,0,46,77523,00000098 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000101_post_disaster.png,santa-rosa-wildfire_00000101_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000101_post_disaster.png,0,0,88,111436,00000101 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000101_pre_disaster.png,santa-rosa-wildfire_00000101_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000101_pre_disaster.png,0,0,88,111713,00000101 +25,23114,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000103_post_disaster.png,santa-rosa-wildfire_00000103_post_disaster,1,1531,train\masks\santa-rosa-wildfire_00000103_post_disaster.png,2,3286,10,36101,00000103 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000103_pre_disaster.png,santa-rosa-wildfire_00000103_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000103_pre_disaster.png,0,0,37,64231,00000103 +4,4817,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000105_post_disaster.png,santa-rosa-wildfire_00000105_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000105_post_disaster.png,0,0,3,1444,00000105 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000105_pre_disaster.png,santa-rosa-wildfire_00000105_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000105_pre_disaster.png,0,0,7,6261,00000105 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000106_post_disaster.png,santa-rosa-wildfire_00000106_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000106_post_disaster.png,0,0,107,171890,00000106 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000106_pre_disaster.png,santa-rosa-wildfire_00000106_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000106_pre_disaster.png,0,0,107,172009,00000106 +6,5354,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000109_post_disaster.png,santa-rosa-wildfire_00000109_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000109_post_disaster.png,1,999,7,4373,00000109 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000109_pre_disaster.png,santa-rosa-wildfire_00000109_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000109_pre_disaster.png,0,0,14,10764,00000109 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000110_post_disaster.png,santa-rosa-wildfire_00000110_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000110_post_disaster.png,0,0,121,159519,00000110 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000110_pre_disaster.png,santa-rosa-wildfire_00000110_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000110_pre_disaster.png,0,0,121,159764,00000110 +21,58755,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000111_post_disaster.png,santa-rosa-wildfire_00000111_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000111_post_disaster.png,0,0,6,3827,00000111 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000111_pre_disaster.png,santa-rosa-wildfire_00000111_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000111_pre_disaster.png,0,0,27,62616,00000111 +20,54671,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000114_post_disaster.png,santa-rosa-wildfire_00000114_post_disaster,4,7452,train\masks\santa-rosa-wildfire_00000114_post_disaster.png,1,1871,6,11051,00000114 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000114_pre_disaster.png,santa-rosa-wildfire_00000114_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000114_pre_disaster.png,0,0,31,75045,00000114 +3,2919,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000116_post_disaster.png,santa-rosa-wildfire_00000116_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000116_pre_disaster.png,santa-rosa-wildfire_00000116_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000116_pre_disaster.png,0,0,3,2919,00000116 +15,20533,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000117_post_disaster.png,santa-rosa-wildfire_00000117_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000117_post_disaster.png,0,0,20,39467,00000117 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000117_pre_disaster.png,santa-rosa-wildfire_00000117_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000117_pre_disaster.png,0,0,35,60256,00000117 +38,69266,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000118_post_disaster.png,santa-rosa-wildfire_00000118_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000118_post_disaster.png,0,0,3,2555,00000118 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000118_pre_disaster.png,santa-rosa-wildfire_00000118_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000118_pre_disaster.png,0,0,41,71952,00000118 +2,21277,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000119_post_disaster.png,santa-rosa-wildfire_00000119_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000119_post_disaster.png,0,0,17,136122,00000119 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000119_pre_disaster.png,santa-rosa-wildfire_00000119_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000119_pre_disaster.png,0,0,19,157581,00000119 +91,154943,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000124_post_disaster.png,santa-rosa-wildfire_00000124_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000124_post_disaster.png,0,0,2,2517,00000124 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000124_pre_disaster.png,santa-rosa-wildfire_00000124_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000124_pre_disaster.png,0,0,93,157851,00000124 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000125_post_disaster.png,santa-rosa-wildfire_00000125_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000125_post_disaster.png,0,0,0,0,00000125 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000125_pre_disaster.png,santa-rosa-wildfire_00000125_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000125_pre_disaster.png,0,0,0,0,00000125 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000128_post_disaster.png,santa-rosa-wildfire_00000128_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000128_post_disaster.png,0,0,11,6804,00000128 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000128_pre_disaster.png,santa-rosa-wildfire_00000128_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000128_pre_disaster.png,0,0,11,6851,00000128 +98,163499,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000129_post_disaster.png,santa-rosa-wildfire_00000129_post_disaster,1,590,train\masks\santa-rosa-wildfire_00000129_post_disaster.png,0,0,9,19059,00000129 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000129_pre_disaster.png,santa-rosa-wildfire_00000129_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000129_pre_disaster.png,0,0,108,183610,00000129 +49,102550,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000130_post_disaster.png,santa-rosa-wildfire_00000130_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000130_pre_disaster.png,santa-rosa-wildfire_00000130_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000130_pre_disaster.png,0,0,49,102666,00000130 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000132_post_disaster.png,santa-rosa-wildfire_00000132_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000132_post_disaster.png,0,0,147,188531,00000132 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000132_pre_disaster.png,santa-rosa-wildfire_00000132_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000132_pre_disaster.png,0,0,147,189118,00000132 +18,23336,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000134_post_disaster.png,santa-rosa-wildfire_00000134_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000134_post_disaster.png,0,0,7,9045,00000134 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000134_pre_disaster.png,santa-rosa-wildfire_00000134_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000134_pre_disaster.png,0,0,25,32411,00000134 +24,43242,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000135_post_disaster.png,santa-rosa-wildfire_00000135_post_disaster,1,914,train\masks\santa-rosa-wildfire_00000135_post_disaster.png,0,0,1,266,00000135 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000135_pre_disaster.png,santa-rosa-wildfire_00000135_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000135_pre_disaster.png,0,0,26,44426,00000135 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000136_post_disaster.png,santa-rosa-wildfire_00000136_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000136_post_disaster.png,0,0,27,21980,00000136 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000136_pre_disaster.png,santa-rosa-wildfire_00000136_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000136_pre_disaster.png,0,0,27,22019,00000136 +2,1457,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000137_post_disaster.png,santa-rosa-wildfire_00000137_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000137_post_disaster.png,0,0,0,0,00000137 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000137_pre_disaster.png,santa-rosa-wildfire_00000137_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000137_pre_disaster.png,0,0,2,1457,00000137 +39,40634,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000138_post_disaster.png,santa-rosa-wildfire_00000138_post_disaster,2,2976,train\masks\santa-rosa-wildfire_00000138_post_disaster.png,1,1033,198,260980,00000138 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000138_pre_disaster.png,santa-rosa-wildfire_00000138_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000138_pre_disaster.png,0,0,240,305916,00000138 +14,15654,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000140_post_disaster.png,santa-rosa-wildfire_00000140_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000140_post_disaster.png,0,0,9,3883,00000140 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000140_pre_disaster.png,santa-rosa-wildfire_00000140_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000140_pre_disaster.png,0,0,23,19544,00000140 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000142_post_disaster.png,santa-rosa-wildfire_00000142_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000142_post_disaster.png,0,0,146,117325,00000142 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000142_pre_disaster.png,santa-rosa-wildfire_00000142_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000142_pre_disaster.png,0,0,146,117452,00000142 +5,6474,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000146_post_disaster.png,santa-rosa-wildfire_00000146_post_disaster,2,1843,train\masks\santa-rosa-wildfire_00000146_post_disaster.png,1,863,2,1266,00000146 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000146_pre_disaster.png,santa-rosa-wildfire_00000146_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000146_pre_disaster.png,0,0,10,10500,00000146 +13,16803,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000147_post_disaster.png,santa-rosa-wildfire_00000147_post_disaster,6,2322,train\masks\santa-rosa-wildfire_00000147_post_disaster.png,3,2378,4,5776,00000147 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000147_pre_disaster.png,santa-rosa-wildfire_00000147_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000147_pre_disaster.png,0,0,25,27378,00000147 +4,4900,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000148_post_disaster.png,santa-rosa-wildfire_00000148_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000148_post_disaster.png,0,0,1,238,00000148 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000148_pre_disaster.png,santa-rosa-wildfire_00000148_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000148_pre_disaster.png,0,0,5,5138,00000148 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000149_post_disaster.png,santa-rosa-wildfire_00000149_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000149_post_disaster.png,0,0,221,268274,00000149 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000149_pre_disaster.png,santa-rosa-wildfire_00000149_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000149_pre_disaster.png,0,0,221,268765,00000149 +3,8521,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000151_post_disaster.png,santa-rosa-wildfire_00000151_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000151_post_disaster.png,0,0,1,130,00000151 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000151_pre_disaster.png,santa-rosa-wildfire_00000151_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000151_pre_disaster.png,0,0,4,8671,00000151 +8,11149,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000152_post_disaster.png,santa-rosa-wildfire_00000152_post_disaster,1,2027,train\masks\santa-rosa-wildfire_00000152_post_disaster.png,0,0,1,585,00000152 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000152_pre_disaster.png,santa-rosa-wildfire_00000152_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000152_pre_disaster.png,0,0,9,13774,00000152 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000153_post_disaster.png,santa-rosa-wildfire_00000153_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000153_post_disaster.png,0,0,43,37344,00000153 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000153_pre_disaster.png,santa-rosa-wildfire_00000153_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000153_pre_disaster.png,0,0,43,37344,00000153 +195,206203,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000155_post_disaster.png,santa-rosa-wildfire_00000155_post_disaster,1,1165,train\masks\santa-rosa-wildfire_00000155_post_disaster.png,0,0,81,79991,00000155 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000155_pre_disaster.png,santa-rosa-wildfire_00000155_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000155_pre_disaster.png,0,0,277,287559,00000155 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000156_post_disaster.png,santa-rosa-wildfire_00000156_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000156_post_disaster.png,0,0,59,56012,00000156 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000156_pre_disaster.png,santa-rosa-wildfire_00000156_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000156_pre_disaster.png,0,0,59,56188,00000156 +8,11183,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000158_post_disaster.png,santa-rosa-wildfire_00000158_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000158_post_disaster.png,0,0,2,979,00000158 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000158_pre_disaster.png,santa-rosa-wildfire_00000158_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000158_pre_disaster.png,0,0,10,12162,00000158 +163,191575,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000161_post_disaster.png,santa-rosa-wildfire_00000161_post_disaster,1,931,train\masks\santa-rosa-wildfire_00000161_post_disaster.png,1,1029,72,115723,00000161 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000161_pre_disaster.png,santa-rosa-wildfire_00000161_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000161_pre_disaster.png,0,0,237,309860,00000161 +55,61402,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000162_post_disaster.png,santa-rosa-wildfire_00000162_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000162_post_disaster.png,0,0,1,161,00000162 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000162_pre_disaster.png,santa-rosa-wildfire_00000162_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000162_pre_disaster.png,0,0,56,61752,00000162 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000163_post_disaster.png,santa-rosa-wildfire_00000163_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000163_post_disaster.png,0,0,215,253988,00000163 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000163_pre_disaster.png,santa-rosa-wildfire_00000163_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000163_pre_disaster.png,0,0,215,254872,00000163 +19,16274,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000164_post_disaster.png,santa-rosa-wildfire_00000164_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000164_post_disaster.png,0,0,0,0,00000164 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000164_pre_disaster.png,santa-rosa-wildfire_00000164_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000164_pre_disaster.png,0,0,19,16327,00000164 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000165_post_disaster.png,santa-rosa-wildfire_00000165_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000165_post_disaster.png,0,0,130,116620,00000165 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000165_pre_disaster.png,santa-rosa-wildfire_00000165_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000165_pre_disaster.png,0,0,130,116809,00000165 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000166_post_disaster.png,santa-rosa-wildfire_00000166_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000166_post_disaster.png,0,0,196,212226,00000166 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000166_pre_disaster.png,santa-rosa-wildfire_00000166_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000166_pre_disaster.png,0,0,196,212591,00000166 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000168_post_disaster.png,santa-rosa-wildfire_00000168_post_disaster,4,2621,train\masks\santa-rosa-wildfire_00000168_post_disaster.png,3,1230,13,10386,00000168 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000168_pre_disaster.png,santa-rosa-wildfire_00000168_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000168_pre_disaster.png,0,0,20,14237,00000168 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000169_post_disaster.png,santa-rosa-wildfire_00000169_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000169_post_disaster.png,0,0,176,196237,00000169 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000169_pre_disaster.png,santa-rosa-wildfire_00000169_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000169_pre_disaster.png,0,0,176,196743,00000169 +17,18888,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000170_post_disaster.png,santa-rosa-wildfire_00000170_post_disaster,7,6888,train\masks\santa-rosa-wildfire_00000170_post_disaster.png,1,142,2,958,00000170 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000170_pre_disaster.png,santa-rosa-wildfire_00000170_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000170_pre_disaster.png,0,0,27,26876,00000170 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000171_post_disaster.png,santa-rosa-wildfire_00000171_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000171_post_disaster.png,0,0,210,279584,00000171 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000171_pre_disaster.png,santa-rosa-wildfire_00000171_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000171_pre_disaster.png,0,0,210,279896,00000171 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000173_post_disaster.png,santa-rosa-wildfire_00000173_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000173_post_disaster.png,0,0,162,195260,00000173 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000173_pre_disaster.png,santa-rosa-wildfire_00000173_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000173_pre_disaster.png,0,0,162,195571,00000173 +6,15043,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000174_post_disaster.png,santa-rosa-wildfire_00000174_post_disaster,1,860,train\masks\santa-rosa-wildfire_00000174_post_disaster.png,0,0,1,248,00000174 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000174_pre_disaster.png,santa-rosa-wildfire_00000174_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000174_pre_disaster.png,0,0,8,16151,00000174 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000175_post_disaster.png,santa-rosa-wildfire_00000175_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000175_post_disaster.png,0,0,239,265773,00000175 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000175_pre_disaster.png,santa-rosa-wildfire_00000175_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000175_pre_disaster.png,0,0,239,266196,00000175 +5,7863,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000176_post_disaster.png,santa-rosa-wildfire_00000176_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000176_post_disaster.png,0,0,4,4338,00000176 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000176_pre_disaster.png,santa-rosa-wildfire_00000176_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000176_pre_disaster.png,0,0,9,12233,00000176 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000177_post_disaster.png,santa-rosa-wildfire_00000177_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000177_post_disaster.png,0,0,166,180078,00000177 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000177_pre_disaster.png,santa-rosa-wildfire_00000177_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000177_pre_disaster.png,0,0,166,180348,00000177 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000179_post_disaster.png,santa-rosa-wildfire_00000179_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000179_post_disaster.png,0,0,224,231350,00000179 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000179_pre_disaster.png,santa-rosa-wildfire_00000179_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000179_pre_disaster.png,0,0,224,231919,00000179 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000180_post_disaster.png,santa-rosa-wildfire_00000180_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000180_post_disaster.png,2,306,34,102779,00000180 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000180_pre_disaster.png,santa-rosa-wildfire_00000180_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000180_pre_disaster.png,0,0,36,103162,00000180 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000182_post_disaster.png,santa-rosa-wildfire_00000182_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000182_post_disaster.png,0,0,11,13470,00000182 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000182_pre_disaster.png,santa-rosa-wildfire_00000182_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000182_pre_disaster.png,0,0,11,13470,00000182 +3,7130,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000183_post_disaster.png,santa-rosa-wildfire_00000183_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000183_post_disaster.png,0,0,0,0,00000183 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000183_pre_disaster.png,santa-rosa-wildfire_00000183_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000183_pre_disaster.png,0,0,3,7205,00000183 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000185_post_disaster.png,santa-rosa-wildfire_00000185_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000185_post_disaster.png,0,0,23,46653,00000185 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000185_pre_disaster.png,santa-rosa-wildfire_00000185_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000185_pre_disaster.png,0,0,23,46653,00000185 +3,1152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000187_post_disaster.png,santa-rosa-wildfire_00000187_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000187_pre_disaster.png,santa-rosa-wildfire_00000187_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000187_pre_disaster.png,0,0,3,1195,00000187 +23,34622,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000189_post_disaster.png,santa-rosa-wildfire_00000189_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000189_post_disaster.png,1,3479,80,156965,00000189 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000189_pre_disaster.png,santa-rosa-wildfire_00000189_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000189_pre_disaster.png,0,0,104,195342,00000189 +17,28884,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000190_post_disaster.png,santa-rosa-wildfire_00000190_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000190_post_disaster.png,1,547,0,0,00000190 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000190_pre_disaster.png,santa-rosa-wildfire_00000190_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000190_pre_disaster.png,0,0,18,29469,00000190 +7,5546,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000191_post_disaster.png,santa-rosa-wildfire_00000191_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000191_post_disaster.png,0,0,0,0,00000191 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000191_pre_disaster.png,santa-rosa-wildfire_00000191_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000191_pre_disaster.png,0,0,7,5546,00000191 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000192_post_disaster.png,santa-rosa-wildfire_00000192_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000192_post_disaster.png,0,0,0,0,00000192 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000192_pre_disaster.png,santa-rosa-wildfire_00000192_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000192_pre_disaster.png,0,0,0,0,00000192 +29,25396,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000196_post_disaster.png,santa-rosa-wildfire_00000196_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000196_post_disaster.png,0,0,1,642,00000196 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000196_pre_disaster.png,santa-rosa-wildfire_00000196_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000196_pre_disaster.png,0,0,30,26088,00000196 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000199_post_disaster.png,santa-rosa-wildfire_00000199_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000199_post_disaster.png,0,0,235,198237,00000199 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000199_pre_disaster.png,santa-rosa-wildfire_00000199_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000199_pre_disaster.png,0,0,235,198729,00000199 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000200_post_disaster.png,santa-rosa-wildfire_00000200_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000200_post_disaster.png,0,0,4,3642,00000200 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000200_pre_disaster.png,santa-rosa-wildfire_00000200_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000200_pre_disaster.png,0,0,4,3642,00000200 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000203_post_disaster.png,santa-rosa-wildfire_00000203_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000203_post_disaster.png,0,0,215,278601,00000203 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000203_pre_disaster.png,santa-rosa-wildfire_00000203_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000203_pre_disaster.png,0,0,215,279289,00000203 +36,39361,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000205_post_disaster.png,santa-rosa-wildfire_00000205_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000205_post_disaster.png,3,15000,4,2142,00000205 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000205_pre_disaster.png,santa-rosa-wildfire_00000205_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000205_pre_disaster.png,0,0,38,56672,00000205 +7,9928,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000208_post_disaster.png,santa-rosa-wildfire_00000208_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000208_post_disaster.png,0,0,0,0,00000208 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000208_pre_disaster.png,santa-rosa-wildfire_00000208_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000208_pre_disaster.png,0,0,7,9928,00000208 +24,18488,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000209_post_disaster.png,santa-rosa-wildfire_00000209_post_disaster,2,2259,train\masks\santa-rosa-wildfire_00000209_post_disaster.png,0,0,3,471,00000209 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000209_pre_disaster.png,santa-rosa-wildfire_00000209_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000209_pre_disaster.png,0,0,29,21229,00000209 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000210_post_disaster.png,santa-rosa-wildfire_00000210_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000210_post_disaster.png,0,0,52,50622,00000210 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000210_pre_disaster.png,santa-rosa-wildfire_00000210_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000210_pre_disaster.png,0,0,52,51251,00000210 +2,3843,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000214_post_disaster.png,santa-rosa-wildfire_00000214_post_disaster,1,2823,train\masks\santa-rosa-wildfire_00000214_post_disaster.png,0,0,48,85129,00000214 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000214_pre_disaster.png,santa-rosa-wildfire_00000214_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000214_pre_disaster.png,0,0,51,91915,00000214 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000216_post_disaster.png,santa-rosa-wildfire_00000216_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000216_post_disaster.png,0,0,234,253813,00000216 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000216_pre_disaster.png,santa-rosa-wildfire_00000216_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000216_pre_disaster.png,0,0,234,253845,00000216 +25,46854,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000220_post_disaster.png,santa-rosa-wildfire_00000220_post_disaster,7,7919,train\masks\santa-rosa-wildfire_00000220_post_disaster.png,5,11113,2,5802,00000220 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000220_pre_disaster.png,santa-rosa-wildfire_00000220_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000220_pre_disaster.png,0,0,39,71723,00000220 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000221_post_disaster.png,santa-rosa-wildfire_00000221_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000221_post_disaster.png,0,0,9,10408,00000221 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000221_pre_disaster.png,santa-rosa-wildfire_00000221_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000221_pre_disaster.png,0,0,9,10471,00000221 +13,35655,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000223_post_disaster.png,santa-rosa-wildfire_00000223_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000223_post_disaster.png,0,0,2,3300,00000223 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000223_pre_disaster.png,santa-rosa-wildfire_00000223_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000223_pre_disaster.png,0,0,15,38955,00000223 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000224_post_disaster.png,santa-rosa-wildfire_00000224_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000224_post_disaster.png,0,0,33,31216,00000224 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000224_pre_disaster.png,santa-rosa-wildfire_00000224_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000224_pre_disaster.png,0,0,33,31353,00000224 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000225_post_disaster.png,santa-rosa-wildfire_00000225_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000225_post_disaster.png,0,0,190,205417,00000225 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000225_pre_disaster.png,santa-rosa-wildfire_00000225_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000225_pre_disaster.png,0,0,190,205793,00000225 +1,2336,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000226_post_disaster.png,santa-rosa-wildfire_00000226_post_disaster,2,3109,train\masks\santa-rosa-wildfire_00000226_post_disaster.png,3,1725,0,0,00000226 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000226_pre_disaster.png,santa-rosa-wildfire_00000226_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000226_pre_disaster.png,0,0,6,7197,00000226 +12,17330,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000228_post_disaster.png,santa-rosa-wildfire_00000228_post_disaster,1,1470,train\masks\santa-rosa-wildfire_00000228_post_disaster.png,0,0,2,868,00000228 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000228_pre_disaster.png,santa-rosa-wildfire_00000228_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000228_pre_disaster.png,0,0,15,19761,00000228 +13,12928,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000229_post_disaster.png,santa-rosa-wildfire_00000229_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000229_pre_disaster.png,santa-rosa-wildfire_00000229_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000229_pre_disaster.png,0,0,13,12928,00000229 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000231_post_disaster.png,santa-rosa-wildfire_00000231_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000231_post_disaster.png,0,0,42,54659,00000231 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000231_pre_disaster.png,santa-rosa-wildfire_00000231_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000231_pre_disaster.png,0,0,42,54948,00000231 +5,6771,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000233_post_disaster.png,santa-rosa-wildfire_00000233_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000233_post_disaster.png,0,0,1,1300,00000233 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000233_pre_disaster.png,santa-rosa-wildfire_00000233_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000233_pre_disaster.png,0,0,6,8095,00000233 +3,5308,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000234_post_disaster.png,santa-rosa-wildfire_00000234_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000234_post_disaster.png,0,0,0,0,00000234 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000234_pre_disaster.png,santa-rosa-wildfire_00000234_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000234_pre_disaster.png,0,0,3,5327,00000234 +19,28899,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000235_post_disaster.png,santa-rosa-wildfire_00000235_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000235_post_disaster.png,0,0,11,10823,00000235 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000235_pre_disaster.png,santa-rosa-wildfire_00000235_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000235_pre_disaster.png,0,0,30,39740,00000235 +21,28404,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000237_post_disaster.png,santa-rosa-wildfire_00000237_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000237_post_disaster.png,0,0,1,591,00000237 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000237_pre_disaster.png,santa-rosa-wildfire_00000237_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000237_pre_disaster.png,0,0,22,29012,00000237 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000239_post_disaster.png,santa-rosa-wildfire_00000239_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000239_post_disaster.png,0,0,45,37085,00000239 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000239_pre_disaster.png,santa-rosa-wildfire_00000239_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000239_pre_disaster.png,0,0,45,37085,00000239 +5,2399,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000241_post_disaster.png,santa-rosa-wildfire_00000241_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000241_post_disaster.png,0,0,0,0,00000241 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000241_pre_disaster.png,santa-rosa-wildfire_00000241_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000241_pre_disaster.png,0,0,5,2399,00000241 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000243_post_disaster.png,santa-rosa-wildfire_00000243_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000243_post_disaster.png,0,0,206,223418,00000243 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000243_pre_disaster.png,santa-rosa-wildfire_00000243_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000243_pre_disaster.png,0,0,206,224246,00000243 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000244_post_disaster.png,santa-rosa-wildfire_00000244_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000244_post_disaster.png,0,0,45,38162,00000244 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000244_pre_disaster.png,santa-rosa-wildfire_00000244_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000244_pre_disaster.png,0,0,45,38228,00000244 +1,239,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000245_post_disaster.png,santa-rosa-wildfire_00000245_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000245_post_disaster.png,0,0,0,0,00000245 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000245_pre_disaster.png,santa-rosa-wildfire_00000245_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000245_pre_disaster.png,0,0,1,239,00000245 +1,1828,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000246_post_disaster.png,santa-rosa-wildfire_00000246_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000246_post_disaster.png,0,0,0,0,00000246 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000246_pre_disaster.png,santa-rosa-wildfire_00000246_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000246_pre_disaster.png,0,0,1,1828,00000246 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000247_post_disaster.png,santa-rosa-wildfire_00000247_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000247_post_disaster.png,0,0,0,0,00000247 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000247_pre_disaster.png,santa-rosa-wildfire_00000247_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000247_pre_disaster.png,0,0,0,0,00000247 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000248_post_disaster.png,santa-rosa-wildfire_00000248_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000248_post_disaster.png,0,0,14,10597,00000248 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000248_pre_disaster.png,santa-rosa-wildfire_00000248_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000248_pre_disaster.png,0,0,14,10661,00000248 +9,10691,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000249_post_disaster.png,santa-rosa-wildfire_00000249_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000249_post_disaster.png,0,0,2,1655,00000249 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000249_pre_disaster.png,santa-rosa-wildfire_00000249_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000249_pre_disaster.png,0,0,11,12372,00000249 +38,41210,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000250_post_disaster.png,santa-rosa-wildfire_00000250_post_disaster,1,1034,train\masks\santa-rosa-wildfire_00000250_post_disaster.png,0,0,4,4060,00000250 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000250_pre_disaster.png,santa-rosa-wildfire_00000250_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000250_pre_disaster.png,0,0,43,46397,00000250 +32,39991,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000251_post_disaster.png,santa-rosa-wildfire_00000251_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000251_post_disaster.png,0,0,4,4490,00000251 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000251_pre_disaster.png,santa-rosa-wildfire_00000251_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000251_pre_disaster.png,0,0,36,44555,00000251 +3,5592,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000252_post_disaster.png,santa-rosa-wildfire_00000252_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000252_post_disaster.png,0,0,2,536,00000252 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000252_pre_disaster.png,santa-rosa-wildfire_00000252_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000252_pre_disaster.png,0,0,5,6128,00000252 +4,4021,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000253_post_disaster.png,santa-rosa-wildfire_00000253_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000253_post_disaster.png,0,0,7,6648,00000253 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000253_pre_disaster.png,santa-rosa-wildfire_00000253_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000253_pre_disaster.png,0,0,11,10669,00000253 +14,13023,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000254_post_disaster.png,santa-rosa-wildfire_00000254_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000254_post_disaster.png,0,0,0,0,00000254 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000254_pre_disaster.png,santa-rosa-wildfire_00000254_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000254_pre_disaster.png,0,0,14,13023,00000254 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000258_post_disaster.png,santa-rosa-wildfire_00000258_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000258_post_disaster.png,0,0,0,0,00000258 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000258_pre_disaster.png,santa-rosa-wildfire_00000258_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000258_pre_disaster.png,0,0,0,0,00000258 +9,5391,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000259_post_disaster.png,santa-rosa-wildfire_00000259_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000259_post_disaster.png,1,1073,1,1739,00000259 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000259_pre_disaster.png,santa-rosa-wildfire_00000259_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000259_pre_disaster.png,0,0,11,8203,00000259 +31,44957,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000260_post_disaster.png,santa-rosa-wildfire_00000260_post_disaster,2,1138,train\masks\santa-rosa-wildfire_00000260_post_disaster.png,0,0,6,6515,00000260 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000260_pre_disaster.png,santa-rosa-wildfire_00000260_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000260_pre_disaster.png,0,0,39,52670,00000260 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000264_post_disaster.png,santa-rosa-wildfire_00000264_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000264_post_disaster.png,0,0,23,21442,00000264 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000264_pre_disaster.png,santa-rosa-wildfire_00000264_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000264_pre_disaster.png,0,0,23,21478,00000264 +17,17849,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000267_post_disaster.png,santa-rosa-wildfire_00000267_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000267_post_disaster.png,0,0,5,8068,00000267 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000267_pre_disaster.png,santa-rosa-wildfire_00000267_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000267_pre_disaster.png,0,0,22,25917,00000267 +8,16603,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000268_post_disaster.png,santa-rosa-wildfire_00000268_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000268_post_disaster.png,0,0,5,5531,00000268 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000268_pre_disaster.png,santa-rosa-wildfire_00000268_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000268_pre_disaster.png,0,0,13,22230,00000268 +12,21013,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000270_post_disaster.png,santa-rosa-wildfire_00000270_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000270_post_disaster.png,0,0,2,4280,00000270 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000270_pre_disaster.png,santa-rosa-wildfire_00000270_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000270_pre_disaster.png,0,0,14,25293,00000270 +4,4628,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000271_post_disaster.png,santa-rosa-wildfire_00000271_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000271_post_disaster.png,0,0,0,0,00000271 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000271_pre_disaster.png,santa-rosa-wildfire_00000271_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000271_pre_disaster.png,0,0,4,4628,00000271 +11,15737,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000272_post_disaster.png,santa-rosa-wildfire_00000272_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000272_post_disaster.png,1,264,3,1319,00000272 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000272_pre_disaster.png,santa-rosa-wildfire_00000272_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000272_pre_disaster.png,0,0,15,17414,00000272 +1,1031,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000274_post_disaster.png,santa-rosa-wildfire_00000274_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000274_post_disaster.png,1,249,0,0,00000274 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000274_pre_disaster.png,santa-rosa-wildfire_00000274_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000274_pre_disaster.png,0,0,2,1314,00000274 +5,2872,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000275_post_disaster.png,santa-rosa-wildfire_00000275_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000275_post_disaster.png,0,0,3,4667,00000275 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000275_pre_disaster.png,santa-rosa-wildfire_00000275_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000275_pre_disaster.png,0,0,8,7539,00000275 +11,18639,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000276_post_disaster.png,santa-rosa-wildfire_00000276_post_disaster,1,483,train\masks\santa-rosa-wildfire_00000276_post_disaster.png,1,546,6,15425,00000276 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000276_pre_disaster.png,santa-rosa-wildfire_00000276_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000276_pre_disaster.png,0,0,19,35093,00000276 +10,16668,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000277_post_disaster.png,santa-rosa-wildfire_00000277_post_disaster,1,365,train\masks\santa-rosa-wildfire_00000277_post_disaster.png,2,1076,1,2858,00000277 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000277_pre_disaster.png,santa-rosa-wildfire_00000277_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000277_pre_disaster.png,0,0,14,21018,00000277 +9,9635,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000280_post_disaster.png,santa-rosa-wildfire_00000280_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000280_post_disaster.png,0,0,0,0,00000280 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000280_pre_disaster.png,santa-rosa-wildfire_00000280_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000280_pre_disaster.png,0,0,9,9635,00000280 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000281_post_disaster.png,santa-rosa-wildfire_00000281_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000281_post_disaster.png,0,0,188,279855,00000281 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000281_pre_disaster.png,santa-rosa-wildfire_00000281_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000281_pre_disaster.png,0,0,188,280166,00000281 +1,5287,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000283_post_disaster.png,santa-rosa-wildfire_00000283_post_disaster,1,465,train\masks\santa-rosa-wildfire_00000283_post_disaster.png,0,0,3,7599,00000283 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000283_pre_disaster.png,santa-rosa-wildfire_00000283_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000283_pre_disaster.png,0,0,5,13351,00000283 +6,7549,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000286_post_disaster.png,santa-rosa-wildfire_00000286_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000286_post_disaster.png,0,0,67,78240,00000286 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000286_pre_disaster.png,santa-rosa-wildfire_00000286_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000286_pre_disaster.png,0,0,73,86152,00000286 +5,6833,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000287_post_disaster.png,santa-rosa-wildfire_00000287_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000287_post_disaster.png,0,0,16,12853,00000287 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000287_pre_disaster.png,santa-rosa-wildfire_00000287_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000287_pre_disaster.png,0,0,21,19686,00000287 +8,5690,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000291_post_disaster.png,santa-rosa-wildfire_00000291_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000291_post_disaster.png,0,0,8,10664,00000291 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000291_pre_disaster.png,santa-rosa-wildfire_00000291_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000291_pre_disaster.png,0,0,16,16422,00000291 +2,1636,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000293_post_disaster.png,santa-rosa-wildfire_00000293_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000293_post_disaster.png,0,0,0,0,00000293 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000293_pre_disaster.png,santa-rosa-wildfire_00000293_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000293_pre_disaster.png,0,0,2,1636,00000293 +5,5189,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000296_post_disaster.png,santa-rosa-wildfire_00000296_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000296_post_disaster.png,0,0,3,8316,00000296 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000296_pre_disaster.png,santa-rosa-wildfire_00000296_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000296_pre_disaster.png,0,0,8,13529,00000296 +2,994,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000297_post_disaster.png,santa-rosa-wildfire_00000297_post_disaster,1,380,train\masks\santa-rosa-wildfire_00000297_post_disaster.png,0,0,0,0,00000297 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000297_pre_disaster.png,santa-rosa-wildfire_00000297_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000297_pre_disaster.png,0,0,3,1416,00000297 +1,888,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000298_post_disaster.png,santa-rosa-wildfire_00000298_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000298_post_disaster.png,0,0,6,6073,00000298 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000298_pre_disaster.png,santa-rosa-wildfire_00000298_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000298_pre_disaster.png,0,0,7,6961,00000298 +4,1397,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000299_post_disaster.png,santa-rosa-wildfire_00000299_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000299_post_disaster.png,0,0,0,0,00000299 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000299_pre_disaster.png,santa-rosa-wildfire_00000299_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000299_pre_disaster.png,0,0,4,1397,00000299 +1,1178,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000300_post_disaster.png,santa-rosa-wildfire_00000300_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000300_post_disaster.png,0,0,0,0,00000300 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000300_pre_disaster.png,santa-rosa-wildfire_00000300_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000300_pre_disaster.png,0,0,1,1178,00000300 +2,914,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000301_post_disaster.png,santa-rosa-wildfire_00000301_post_disaster,1,485,train\masks\santa-rosa-wildfire_00000301_post_disaster.png,0,0,7,6989,00000301 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000301_pre_disaster.png,santa-rosa-wildfire_00000301_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000301_pre_disaster.png,0,0,10,8404,00000301 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000302_post_disaster.png,santa-rosa-wildfire_00000302_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000302_post_disaster.png,0,0,46,69850,00000302 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000302_pre_disaster.png,santa-rosa-wildfire_00000302_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000302_pre_disaster.png,0,0,46,70162,00000302 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000304_post_disaster.png,santa-rosa-wildfire_00000304_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000304_post_disaster.png,0,0,69,92460,00000304 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000304_pre_disaster.png,santa-rosa-wildfire_00000304_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000304_pre_disaster.png,0,0,69,92605,00000304 +12,10232,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000306_post_disaster.png,santa-rosa-wildfire_00000306_post_disaster,2,1422,train\masks\santa-rosa-wildfire_00000306_post_disaster.png,0,0,0,0,00000306 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000306_pre_disaster.png,santa-rosa-wildfire_00000306_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000306_pre_disaster.png,0,0,14,11689,00000306 +7,15094,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000308_post_disaster.png,santa-rosa-wildfire_00000308_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000308_post_disaster.png,0,0,0,0,00000308 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000308_pre_disaster.png,santa-rosa-wildfire_00000308_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000308_pre_disaster.png,0,0,7,15094,00000308 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000309_post_disaster.png,santa-rosa-wildfire_00000309_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000309_post_disaster.png,0,0,90,139347,00000309 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000309_pre_disaster.png,santa-rosa-wildfire_00000309_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000309_pre_disaster.png,0,0,91,139830,00000309 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000312_post_disaster.png,santa-rosa-wildfire_00000312_post_disaster,3,4026,train\masks\santa-rosa-wildfire_00000312_post_disaster.png,0,0,7,6568,00000312 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000312_pre_disaster.png,santa-rosa-wildfire_00000312_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000312_pre_disaster.png,0,0,10,10594,00000312 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000313_post_disaster.png,santa-rosa-wildfire_00000313_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000313_post_disaster.png,0,0,64,133272,00000313 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000313_pre_disaster.png,santa-rosa-wildfire_00000313_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000313_pre_disaster.png,0,0,64,133676,00000313 +4,10310,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000314_post_disaster.png,santa-rosa-wildfire_00000314_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000314_post_disaster.png,0,0,7,7154,00000314 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000314_pre_disaster.png,santa-rosa-wildfire_00000314_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000314_pre_disaster.png,0,0,11,17464,00000314 +4,1048,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000315_post_disaster.png,santa-rosa-wildfire_00000315_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000315_post_disaster.png,0,0,0,0,00000315 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000315_pre_disaster.png,santa-rosa-wildfire_00000315_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000315_pre_disaster.png,0,0,4,1097,00000315 +9,10275,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000318_post_disaster.png,santa-rosa-wildfire_00000318_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000318_post_disaster.png,0,0,0,0,00000318 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000318_pre_disaster.png,santa-rosa-wildfire_00000318_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000318_pre_disaster.png,0,0,9,10311,00000318 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000320_post_disaster.png,santa-rosa-wildfire_00000320_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000320_post_disaster.png,0,0,0,0,00000320 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000320_pre_disaster.png,santa-rosa-wildfire_00000320_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000320_pre_disaster.png,0,0,0,0,00000320 +11,11345,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000321_post_disaster.png,santa-rosa-wildfire_00000321_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000321_post_disaster.png,0,0,2,4064,00000321 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000321_pre_disaster.png,santa-rosa-wildfire_00000321_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000321_pre_disaster.png,0,0,13,15649,00000321 +15,17152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000324_post_disaster.png,santa-rosa-wildfire_00000324_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000324_post_disaster.png,0,0,1,85,00000324 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000324_pre_disaster.png,santa-rosa-wildfire_00000324_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000324_pre_disaster.png,0,0,16,17246,00000324 +10,6865,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000325_post_disaster.png,santa-rosa-wildfire_00000325_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000325_post_disaster.png,0,0,0,0,00000325 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000325_pre_disaster.png,santa-rosa-wildfire_00000325_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000325_pre_disaster.png,0,0,10,6865,00000325 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000327_post_disaster.png,santa-rosa-wildfire_00000327_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000327_post_disaster.png,0,0,0,0,00000327 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000327_pre_disaster.png,santa-rosa-wildfire_00000327_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000327_pre_disaster.png,0,0,0,0,00000327 +8,10173,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000330_post_disaster.png,santa-rosa-wildfire_00000330_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000330_post_disaster.png,0,0,5,6215,00000330 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000330_pre_disaster.png,santa-rosa-wildfire_00000330_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000330_pre_disaster.png,0,0,13,16496,00000330 +1,1118,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000331_post_disaster.png,santa-rosa-wildfire_00000331_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000331_post_disaster.png,0,0,0,0,00000331 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000331_pre_disaster.png,santa-rosa-wildfire_00000331_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000331_pre_disaster.png,0,0,1,1118,00000331 +11,28927,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000333_post_disaster.png,santa-rosa-wildfire_00000333_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000333_post_disaster.png,0,0,16,21595,00000333 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000333_pre_disaster.png,santa-rosa-wildfire_00000333_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000333_pre_disaster.png,0,0,27,50522,00000333 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000334_post_disaster.png,santa-rosa-wildfire_00000334_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000334_post_disaster.png,0,0,0,0,00000334 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000334_pre_disaster.png,santa-rosa-wildfire_00000334_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000334_pre_disaster.png,0,0,0,0,00000334 +5,8342,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000337_post_disaster.png,santa-rosa-wildfire_00000337_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000337_post_disaster.png,0,0,38,72281,00000337 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000337_pre_disaster.png,santa-rosa-wildfire_00000337_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000337_pre_disaster.png,0,0,43,80802,00000337 +1,1539,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000338_post_disaster.png,santa-rosa-wildfire_00000338_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000338_post_disaster.png,0,0,3,2319,00000338 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000338_pre_disaster.png,santa-rosa-wildfire_00000338_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000338_pre_disaster.png,0,0,4,3858,00000338 +2,2435,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000340_post_disaster.png,santa-rosa-wildfire_00000340_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000340_post_disaster.png,0,0,1,235,00000340 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000340_pre_disaster.png,santa-rosa-wildfire_00000340_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000340_pre_disaster.png,0,0,3,2670,00000340 +1,1859,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000341_post_disaster.png,santa-rosa-wildfire_00000341_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000341_post_disaster.png,0,0,1,1010,00000341 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000341_pre_disaster.png,santa-rosa-wildfire_00000341_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000341_pre_disaster.png,0,0,2,2869,00000341 +46,79917,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000344_post_disaster.png,santa-rosa-wildfire_00000344_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000344_post_disaster.png,0,0,1,2864,00000344 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000344_pre_disaster.png,santa-rosa-wildfire_00000344_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000344_pre_disaster.png,0,0,47,82825,00000344 +2,2949,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000345_post_disaster.png,santa-rosa-wildfire_00000345_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000345_post_disaster.png,0,0,0,0,00000345 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000345_pre_disaster.png,santa-rosa-wildfire_00000345_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000345_pre_disaster.png,0,0,2,2949,00000345 +11,6791,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000346_post_disaster.png,santa-rosa-wildfire_00000346_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000346_pre_disaster.png,santa-rosa-wildfire_00000346_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000346_pre_disaster.png,0,0,11,6812,00000346 +1,1686,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000348_post_disaster.png,santa-rosa-wildfire_00000348_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000348_post_disaster.png,1,1136,2,2306,00000348 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000348_pre_disaster.png,santa-rosa-wildfire_00000348_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000348_pre_disaster.png,0,0,4,5128,00000348 +11,16020,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000351_post_disaster.png,santa-rosa-wildfire_00000351_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000351_post_disaster.png,0,0,11,17124,00000351 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000351_pre_disaster.png,santa-rosa-wildfire_00000351_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000351_pre_disaster.png,0,0,22,33144,00000351 +8,9285,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000353_post_disaster.png,santa-rosa-wildfire_00000353_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000353_post_disaster.png,0,0,0,0,00000353 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000353_pre_disaster.png,santa-rosa-wildfire_00000353_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000353_pre_disaster.png,0,0,8,9309,00000353 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000355_post_disaster.png,santa-rosa-wildfire_00000355_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000355_post_disaster.png,0,0,181,272753,00000355 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000355_pre_disaster.png,santa-rosa-wildfire_00000355_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000355_pre_disaster.png,0,0,181,273225,00000355 +5,3978,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000356_post_disaster.png,santa-rosa-wildfire_00000356_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000356_post_disaster.png,0,0,2,149,00000356 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000356_pre_disaster.png,santa-rosa-wildfire_00000356_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000356_pre_disaster.png,0,0,7,4127,00000356 +14,11546,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000357_post_disaster.png,santa-rosa-wildfire_00000357_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000357_post_disaster.png,1,733,23,24514,00000357 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000357_pre_disaster.png,santa-rosa-wildfire_00000357_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000357_pre_disaster.png,0,0,38,36859,00000357 +2,2826,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000361_post_disaster.png,santa-rosa-wildfire_00000361_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000361_post_disaster.png,0,0,25,47795,00000361 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000361_pre_disaster.png,santa-rosa-wildfire_00000361_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000361_pre_disaster.png,0,0,27,50681,00000361 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000362_post_disaster.png,santa-rosa-wildfire_00000362_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000362_post_disaster.png,0,0,59,78851,00000362 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000362_pre_disaster.png,santa-rosa-wildfire_00000362_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000362_pre_disaster.png,0,0,59,79043,00000362 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000368_post_disaster.png,santa-rosa-wildfire_00000368_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000368_post_disaster.png,0,0,190,262087,00000368 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000368_pre_disaster.png,santa-rosa-wildfire_00000368_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000368_pre_disaster.png,0,0,190,262563,00000368 +19,20784,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000369_post_disaster.png,santa-rosa-wildfire_00000369_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000369_post_disaster.png,3,3135,4,3174,00000369 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000369_pre_disaster.png,santa-rosa-wildfire_00000369_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000369_pre_disaster.png,0,0,26,27093,00000369 +12,24845,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000370_post_disaster.png,santa-rosa-wildfire_00000370_post_disaster,1,860,train\masks\santa-rosa-wildfire_00000370_post_disaster.png,0,0,13,27717,00000370 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000370_pre_disaster.png,santa-rosa-wildfire_00000370_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000370_pre_disaster.png,0,0,26,53483,00000370 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000371_post_disaster.png,santa-rosa-wildfire_00000371_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000371_post_disaster.png,0,0,159,257556,00000371 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000371_pre_disaster.png,santa-rosa-wildfire_00000371_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000371_pre_disaster.png,0,0,159,257963,00000371 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000372_post_disaster.png,santa-rosa-wildfire_00000372_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000372_post_disaster.png,0,0,197,277796,00000372 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000372_pre_disaster.png,santa-rosa-wildfire_00000372_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000372_pre_disaster.png,0,0,197,278065,00000372 +15,24491,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000373_post_disaster.png,santa-rosa-wildfire_00000373_post_disaster,1,1930,train\masks\santa-rosa-wildfire_00000373_post_disaster.png,0,0,8,11944,00000373 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000373_pre_disaster.png,santa-rosa-wildfire_00000373_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000373_pre_disaster.png,0,0,24,38409,00000373 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000374_post_disaster.png,santa-rosa-wildfire_00000374_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000374_post_disaster.png,0,0,157,202737,00000374 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000374_pre_disaster.png,santa-rosa-wildfire_00000374_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000374_pre_disaster.png,0,0,157,203264,00000374 +9,13097,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000376_post_disaster.png,santa-rosa-wildfire_00000376_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000376_post_disaster.png,2,654,29,46153,00000376 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000376_pre_disaster.png,santa-rosa-wildfire_00000376_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000376_pre_disaster.png,0,0,40,60069,00000376 +0,0,socal-fire,post,train,train\images\socal-fire_00000001_post_disaster.png,socal-fire_00000001_post_disaster,0,0,train\masks\socal-fire_00000001_post_disaster.png,0,0,0,0,00000001 +0,0,socal-fire,pre,train,train\images\socal-fire_00000001_pre_disaster.png,socal-fire_00000001_pre_disaster,0,0,train\masks\socal-fire_00000001_pre_disaster.png,0,0,0,0,00000001 +0,0,socal-fire,post,train,train\images\socal-fire_00000002_post_disaster.png,socal-fire_00000002_post_disaster,0,0,train\masks\socal-fire_00000002_post_disaster.png,0,0,30,31250,00000002 +0,0,socal-fire,pre,train,train\images\socal-fire_00000002_pre_disaster.png,socal-fire_00000002_pre_disaster,0,0,train\masks\socal-fire_00000002_pre_disaster.png,0,0,30,31322,00000002 +0,0,socal-fire,post,train,train\images\socal-fire_00000003_post_disaster.png,socal-fire_00000003_post_disaster,0,0,train\masks\socal-fire_00000003_post_disaster.png,0,0,24,28682,00000003 +0,0,socal-fire,pre,train,train\images\socal-fire_00000003_pre_disaster.png,socal-fire_00000003_pre_disaster,0,0,train\masks\socal-fire_00000003_pre_disaster.png,0,0,24,28701,00000003 +0,0,socal-fire,post,train,train\images\socal-fire_00000004_post_disaster.png,socal-fire_00000004_post_disaster,0,0,train\masks\socal-fire_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,socal-fire,pre,train,train\images\socal-fire_00000004_pre_disaster.png,socal-fire_00000004_pre_disaster,0,0,train\masks\socal-fire_00000004_pre_disaster.png,0,0,0,0,00000004 +0,0,socal-fire,post,train,train\images\socal-fire_00000006_post_disaster.png,socal-fire_00000006_post_disaster,0,0,train\masks\socal-fire_00000006_post_disaster.png,0,0,10,18859,00000006 +0,0,socal-fire,pre,train,train\images\socal-fire_00000006_pre_disaster.png,socal-fire_00000006_pre_disaster,0,0,train\masks\socal-fire_00000006_pre_disaster.png,0,0,10,18859,00000006 +0,0,socal-fire,post,train,train\images\socal-fire_00000008_post_disaster.png,socal-fire_00000008_post_disaster,0,0,train\masks\socal-fire_00000008_post_disaster.png,0,0,0,0,00000008 +0,0,socal-fire,pre,train,train\images\socal-fire_00000008_pre_disaster.png,socal-fire_00000008_pre_disaster,0,0,train\masks\socal-fire_00000008_pre_disaster.png,0,0,0,0,00000008 +0,0,socal-fire,post,train,train\images\socal-fire_00000010_post_disaster.png,socal-fire_00000010_post_disaster,0,0,train\masks\socal-fire_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,socal-fire,pre,train,train\images\socal-fire_00000010_pre_disaster.png,socal-fire_00000010_pre_disaster,0,0,train\masks\socal-fire_00000010_pre_disaster.png,0,0,0,0,00000010 +0,0,socal-fire,post,train,train\images\socal-fire_00000012_post_disaster.png,socal-fire_00000012_post_disaster,0,0,train\masks\socal-fire_00000012_post_disaster.png,0,0,11,20920,00000012 +0,0,socal-fire,pre,train,train\images\socal-fire_00000012_pre_disaster.png,socal-fire_00000012_pre_disaster,0,0,train\masks\socal-fire_00000012_pre_disaster.png,0,0,11,20938,00000012 +0,0,socal-fire,post,train,train\images\socal-fire_00000013_post_disaster.png,socal-fire_00000013_post_disaster,0,0,train\masks\socal-fire_00000013_post_disaster.png,0,0,0,0,00000013 +0,0,socal-fire,pre,train,train\images\socal-fire_00000013_pre_disaster.png,socal-fire_00000013_pre_disaster,0,0,train\masks\socal-fire_00000013_pre_disaster.png,0,0,0,0,00000013 +0,0,socal-fire,post,train,train\images\socal-fire_00000014_post_disaster.png,socal-fire_00000014_post_disaster,0,0,train\masks\socal-fire_00000014_post_disaster.png,0,0,8,9884,00000014 +0,0,socal-fire,pre,train,train\images\socal-fire_00000014_pre_disaster.png,socal-fire_00000014_pre_disaster,0,0,train\masks\socal-fire_00000014_pre_disaster.png,0,0,8,9884,00000014 +0,0,socal-fire,post,train,train\images\socal-fire_00000015_post_disaster.png,socal-fire_00000015_post_disaster,0,0,train\masks\socal-fire_00000015_post_disaster.png,0,0,0,0,00000015 +0,0,socal-fire,pre,train,train\images\socal-fire_00000015_pre_disaster.png,socal-fire_00000015_pre_disaster,0,0,train\masks\socal-fire_00000015_pre_disaster.png,0,0,0,0,00000015 +0,0,socal-fire,post,train,train\images\socal-fire_00000019_post_disaster.png,socal-fire_00000019_post_disaster,0,0,train\masks\socal-fire_00000019_post_disaster.png,0,0,0,0,00000019 +0,0,socal-fire,pre,train,train\images\socal-fire_00000019_pre_disaster.png,socal-fire_00000019_pre_disaster,0,0,train\masks\socal-fire_00000019_pre_disaster.png,0,0,0,0,00000019 +0,0,socal-fire,post,train,train\images\socal-fire_00000022_post_disaster.png,socal-fire_00000022_post_disaster,0,0,train\masks\socal-fire_00000022_post_disaster.png,0,0,0,0,00000022 +0,0,socal-fire,pre,train,train\images\socal-fire_00000022_pre_disaster.png,socal-fire_00000022_pre_disaster,0,0,train\masks\socal-fire_00000022_pre_disaster.png,0,0,0,0,00000022 +0,0,socal-fire,post,train,train\images\socal-fire_00000024_post_disaster.png,socal-fire_00000024_post_disaster,0,0,train\masks\socal-fire_00000024_post_disaster.png,0,0,0,0,00000024 +0,0,socal-fire,pre,train,train\images\socal-fire_00000024_pre_disaster.png,socal-fire_00000024_pre_disaster,0,0,train\masks\socal-fire_00000024_pre_disaster.png,0,0,0,0,00000024 +0,0,socal-fire,post,train,train\images\socal-fire_00000025_post_disaster.png,socal-fire_00000025_post_disaster,0,0,train\masks\socal-fire_00000025_post_disaster.png,0,0,2,388,00000025 +0,0,socal-fire,pre,train,train\images\socal-fire_00000025_pre_disaster.png,socal-fire_00000025_pre_disaster,0,0,train\masks\socal-fire_00000025_pre_disaster.png,0,0,2,388,00000025 +0,0,socal-fire,post,train,train\images\socal-fire_00000026_post_disaster.png,socal-fire_00000026_post_disaster,0,0,train\masks\socal-fire_00000026_post_disaster.png,0,0,0,0,00000026 +0,0,socal-fire,pre,train,train\images\socal-fire_00000026_pre_disaster.png,socal-fire_00000026_pre_disaster,0,0,train\masks\socal-fire_00000026_pre_disaster.png,0,0,0,0,00000026 +0,0,socal-fire,post,train,train\images\socal-fire_00000027_post_disaster.png,socal-fire_00000027_post_disaster,0,0,train\masks\socal-fire_00000027_post_disaster.png,0,0,0,0,00000027 +0,0,socal-fire,pre,train,train\images\socal-fire_00000027_pre_disaster.png,socal-fire_00000027_pre_disaster,0,0,train\masks\socal-fire_00000027_pre_disaster.png,0,0,0,0,00000027 +0,0,socal-fire,post,train,train\images\socal-fire_00000028_post_disaster.png,socal-fire_00000028_post_disaster,0,0,train\masks\socal-fire_00000028_post_disaster.png,0,0,24,39429,00000028 +0,0,socal-fire,pre,train,train\images\socal-fire_00000028_pre_disaster.png,socal-fire_00000028_pre_disaster,0,0,train\masks\socal-fire_00000028_pre_disaster.png,0,0,24,39607,00000028 +0,0,socal-fire,post,train,train\images\socal-fire_00000029_post_disaster.png,socal-fire_00000029_post_disaster,0,0,train\masks\socal-fire_00000029_post_disaster.png,0,0,0,0,00000029 +0,0,socal-fire,pre,train,train\images\socal-fire_00000029_pre_disaster.png,socal-fire_00000029_pre_disaster,0,0,train\masks\socal-fire_00000029_pre_disaster.png,0,0,0,0,00000029 +0,0,socal-fire,post,train,train\images\socal-fire_00000030_post_disaster.png,socal-fire_00000030_post_disaster,0,0,train\masks\socal-fire_00000030_post_disaster.png,0,0,1,230,00000030 +0,0,socal-fire,pre,train,train\images\socal-fire_00000030_pre_disaster.png,socal-fire_00000030_pre_disaster,0,0,train\masks\socal-fire_00000030_pre_disaster.png,0,0,1,230,00000030 +0,0,socal-fire,post,train,train\images\socal-fire_00000032_post_disaster.png,socal-fire_00000032_post_disaster,0,0,train\masks\socal-fire_00000032_post_disaster.png,0,0,0,0,00000032 +0,0,socal-fire,pre,train,train\images\socal-fire_00000032_pre_disaster.png,socal-fire_00000032_pre_disaster,0,0,train\masks\socal-fire_00000032_pre_disaster.png,0,0,0,0,00000032 +0,0,socal-fire,post,train,train\images\socal-fire_00000033_post_disaster.png,socal-fire_00000033_post_disaster,0,0,train\masks\socal-fire_00000033_post_disaster.png,0,0,1,871,00000033 +0,0,socal-fire,pre,train,train\images\socal-fire_00000033_pre_disaster.png,socal-fire_00000033_pre_disaster,0,0,train\masks\socal-fire_00000033_pre_disaster.png,0,0,1,892,00000033 +0,0,socal-fire,post,train,train\images\socal-fire_00000035_post_disaster.png,socal-fire_00000035_post_disaster,0,0,train\masks\socal-fire_00000035_post_disaster.png,0,0,79,130620,00000035 +0,0,socal-fire,pre,train,train\images\socal-fire_00000035_pre_disaster.png,socal-fire_00000035_pre_disaster,0,0,train\masks\socal-fire_00000035_pre_disaster.png,0,0,79,130783,00000035 +0,0,socal-fire,post,train,train\images\socal-fire_00000036_post_disaster.png,socal-fire_00000036_post_disaster,0,0,train\masks\socal-fire_00000036_post_disaster.png,0,0,6,1623,00000036 +0,0,socal-fire,pre,train,train\images\socal-fire_00000036_pre_disaster.png,socal-fire_00000036_pre_disaster,0,0,train\masks\socal-fire_00000036_pre_disaster.png,0,0,6,1629,00000036 +0,0,socal-fire,post,train,train\images\socal-fire_00000038_post_disaster.png,socal-fire_00000038_post_disaster,0,0,train\masks\socal-fire_00000038_post_disaster.png,0,0,13,39411,00000038 +0,0,socal-fire,pre,train,train\images\socal-fire_00000038_pre_disaster.png,socal-fire_00000038_pre_disaster,0,0,train\masks\socal-fire_00000038_pre_disaster.png,0,0,13,39411,00000038 +0,0,socal-fire,post,train,train\images\socal-fire_00000042_post_disaster.png,socal-fire_00000042_post_disaster,0,0,train\masks\socal-fire_00000042_post_disaster.png,0,0,8,6121,00000042 +0,0,socal-fire,pre,train,train\images\socal-fire_00000042_pre_disaster.png,socal-fire_00000042_pre_disaster,0,0,train\masks\socal-fire_00000042_pre_disaster.png,0,0,8,6121,00000042 +0,0,socal-fire,post,train,train\images\socal-fire_00000043_post_disaster.png,socal-fire_00000043_post_disaster,0,0,train\masks\socal-fire_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,socal-fire,pre,train,train\images\socal-fire_00000043_pre_disaster.png,socal-fire_00000043_pre_disaster,0,0,train\masks\socal-fire_00000043_pre_disaster.png,0,0,0,0,00000043 +0,0,socal-fire,post,train,train\images\socal-fire_00000044_post_disaster.png,socal-fire_00000044_post_disaster,0,0,train\masks\socal-fire_00000044_post_disaster.png,0,0,18,36176,00000044 +0,0,socal-fire,pre,train,train\images\socal-fire_00000044_pre_disaster.png,socal-fire_00000044_pre_disaster,0,0,train\masks\socal-fire_00000044_pre_disaster.png,0,0,18,36349,00000044 +0,0,socal-fire,post,train,train\images\socal-fire_00000045_post_disaster.png,socal-fire_00000045_post_disaster,0,0,train\masks\socal-fire_00000045_post_disaster.png,0,0,11,3160,00000045 +0,0,socal-fire,pre,train,train\images\socal-fire_00000045_pre_disaster.png,socal-fire_00000045_pre_disaster,0,0,train\masks\socal-fire_00000045_pre_disaster.png,0,0,11,3160,00000045 +0,0,socal-fire,post,train,train\images\socal-fire_00000046_post_disaster.png,socal-fire_00000046_post_disaster,0,0,train\masks\socal-fire_00000046_post_disaster.png,0,0,23,9401,00000046 +0,0,socal-fire,pre,train,train\images\socal-fire_00000046_pre_disaster.png,socal-fire_00000046_pre_disaster,0,0,train\masks\socal-fire_00000046_pre_disaster.png,0,0,23,9450,00000046 +0,0,socal-fire,post,train,train\images\socal-fire_00000048_post_disaster.png,socal-fire_00000048_post_disaster,0,0,train\masks\socal-fire_00000048_post_disaster.png,0,0,10,13953,00000048 +0,0,socal-fire,pre,train,train\images\socal-fire_00000048_pre_disaster.png,socal-fire_00000048_pre_disaster,0,0,train\masks\socal-fire_00000048_pre_disaster.png,0,0,10,13953,00000048 +0,0,socal-fire,post,train,train\images\socal-fire_00000050_post_disaster.png,socal-fire_00000050_post_disaster,0,0,train\masks\socal-fire_00000050_post_disaster.png,0,0,17,5189,00000050 +0,0,socal-fire,pre,train,train\images\socal-fire_00000050_pre_disaster.png,socal-fire_00000050_pre_disaster,0,0,train\masks\socal-fire_00000050_pre_disaster.png,0,0,17,5237,00000050 +0,0,socal-fire,post,train,train\images\socal-fire_00000051_post_disaster.png,socal-fire_00000051_post_disaster,0,0,train\masks\socal-fire_00000051_post_disaster.png,0,0,0,0,00000051 +0,0,socal-fire,pre,train,train\images\socal-fire_00000051_pre_disaster.png,socal-fire_00000051_pre_disaster,0,0,train\masks\socal-fire_00000051_pre_disaster.png,0,0,0,0,00000051 +0,0,socal-fire,post,train,train\images\socal-fire_00000053_post_disaster.png,socal-fire_00000053_post_disaster,0,0,train\masks\socal-fire_00000053_post_disaster.png,0,0,0,0,00000053 +0,0,socal-fire,pre,train,train\images\socal-fire_00000053_pre_disaster.png,socal-fire_00000053_pre_disaster,0,0,train\masks\socal-fire_00000053_pre_disaster.png,0,0,0,0,00000053 +0,0,socal-fire,post,train,train\images\socal-fire_00000055_post_disaster.png,socal-fire_00000055_post_disaster,0,0,train\masks\socal-fire_00000055_post_disaster.png,0,0,5,1077,00000055 +0,0,socal-fire,pre,train,train\images\socal-fire_00000055_pre_disaster.png,socal-fire_00000055_pre_disaster,0,0,train\masks\socal-fire_00000055_pre_disaster.png,0,0,5,1077,00000055 +0,0,socal-fire,post,train,train\images\socal-fire_00000056_post_disaster.png,socal-fire_00000056_post_disaster,0,0,train\masks\socal-fire_00000056_post_disaster.png,0,0,0,0,00000056 +0,0,socal-fire,pre,train,train\images\socal-fire_00000056_pre_disaster.png,socal-fire_00000056_pre_disaster,0,0,train\masks\socal-fire_00000056_pre_disaster.png,0,0,0,0,00000056 +0,0,socal-fire,post,train,train\images\socal-fire_00000057_post_disaster.png,socal-fire_00000057_post_disaster,0,0,train\masks\socal-fire_00000057_post_disaster.png,0,0,0,0,00000057 +0,0,socal-fire,pre,train,train\images\socal-fire_00000057_pre_disaster.png,socal-fire_00000057_pre_disaster,0,0,train\masks\socal-fire_00000057_pre_disaster.png,0,0,0,0,00000057 +0,0,socal-fire,post,train,train\images\socal-fire_00000058_post_disaster.png,socal-fire_00000058_post_disaster,0,0,train\masks\socal-fire_00000058_post_disaster.png,0,0,4,936,00000058 +0,0,socal-fire,pre,train,train\images\socal-fire_00000058_pre_disaster.png,socal-fire_00000058_pre_disaster,0,0,train\masks\socal-fire_00000058_pre_disaster.png,0,0,4,936,00000058 +0,0,socal-fire,post,train,train\images\socal-fire_00000059_post_disaster.png,socal-fire_00000059_post_disaster,0,0,train\masks\socal-fire_00000059_post_disaster.png,0,0,2,1724,00000059 +0,0,socal-fire,pre,train,train\images\socal-fire_00000059_pre_disaster.png,socal-fire_00000059_pre_disaster,0,0,train\masks\socal-fire_00000059_pre_disaster.png,0,0,2,1724,00000059 +0,0,socal-fire,post,train,train\images\socal-fire_00000060_post_disaster.png,socal-fire_00000060_post_disaster,0,0,train\masks\socal-fire_00000060_post_disaster.png,0,0,0,0,00000060 +0,0,socal-fire,pre,train,train\images\socal-fire_00000060_pre_disaster.png,socal-fire_00000060_pre_disaster,0,0,train\masks\socal-fire_00000060_pre_disaster.png,0,0,0,0,00000060 +0,0,socal-fire,post,train,train\images\socal-fire_00000061_post_disaster.png,socal-fire_00000061_post_disaster,0,0,train\masks\socal-fire_00000061_post_disaster.png,0,0,1,166,00000061 +0,0,socal-fire,pre,train,train\images\socal-fire_00000061_pre_disaster.png,socal-fire_00000061_pre_disaster,0,0,train\masks\socal-fire_00000061_pre_disaster.png,0,0,1,166,00000061 +0,0,socal-fire,post,train,train\images\socal-fire_00000062_post_disaster.png,socal-fire_00000062_post_disaster,0,0,train\masks\socal-fire_00000062_post_disaster.png,0,0,1,3483,00000062 +0,0,socal-fire,pre,train,train\images\socal-fire_00000062_pre_disaster.png,socal-fire_00000062_pre_disaster,0,0,train\masks\socal-fire_00000062_pre_disaster.png,0,0,1,3483,00000062 +0,0,socal-fire,post,train,train\images\socal-fire_00000065_post_disaster.png,socal-fire_00000065_post_disaster,0,0,train\masks\socal-fire_00000065_post_disaster.png,0,0,1,183,00000065 +0,0,socal-fire,pre,train,train\images\socal-fire_00000065_pre_disaster.png,socal-fire_00000065_pre_disaster,0,0,train\masks\socal-fire_00000065_pre_disaster.png,0,0,1,183,00000065 +0,0,socal-fire,post,train,train\images\socal-fire_00000070_post_disaster.png,socal-fire_00000070_post_disaster,0,0,train\masks\socal-fire_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,socal-fire,pre,train,train\images\socal-fire_00000070_pre_disaster.png,socal-fire_00000070_pre_disaster,0,0,train\masks\socal-fire_00000070_pre_disaster.png,0,0,0,0,00000070 +0,0,socal-fire,post,train,train\images\socal-fire_00000072_post_disaster.png,socal-fire_00000072_post_disaster,0,0,train\masks\socal-fire_00000072_post_disaster.png,0,0,35,63080,00000072 +0,0,socal-fire,pre,train,train\images\socal-fire_00000072_pre_disaster.png,socal-fire_00000072_pre_disaster,0,0,train\masks\socal-fire_00000072_pre_disaster.png,0,0,35,63169,00000072 +0,0,socal-fire,post,train,train\images\socal-fire_00000073_post_disaster.png,socal-fire_00000073_post_disaster,0,0,train\masks\socal-fire_00000073_post_disaster.png,0,0,0,0,00000073 +0,0,socal-fire,pre,train,train\images\socal-fire_00000073_pre_disaster.png,socal-fire_00000073_pre_disaster,0,0,train\masks\socal-fire_00000073_pre_disaster.png,0,0,0,0,00000073 +0,0,socal-fire,post,train,train\images\socal-fire_00000076_post_disaster.png,socal-fire_00000076_post_disaster,0,0,train\masks\socal-fire_00000076_post_disaster.png,0,0,0,0,00000076 +0,0,socal-fire,pre,train,train\images\socal-fire_00000076_pre_disaster.png,socal-fire_00000076_pre_disaster,0,0,train\masks\socal-fire_00000076_pre_disaster.png,0,0,0,0,00000076 +0,0,socal-fire,post,train,train\images\socal-fire_00000078_post_disaster.png,socal-fire_00000078_post_disaster,0,0,train\masks\socal-fire_00000078_post_disaster.png,0,0,0,0,00000078 +0,0,socal-fire,pre,train,train\images\socal-fire_00000078_pre_disaster.png,socal-fire_00000078_pre_disaster,0,0,train\masks\socal-fire_00000078_pre_disaster.png,0,0,0,0,00000078 +0,0,socal-fire,post,train,train\images\socal-fire_00000079_post_disaster.png,socal-fire_00000079_post_disaster,0,0,train\masks\socal-fire_00000079_post_disaster.png,0,0,0,0,00000079 +0,0,socal-fire,pre,train,train\images\socal-fire_00000079_pre_disaster.png,socal-fire_00000079_pre_disaster,0,0,train\masks\socal-fire_00000079_pre_disaster.png,0,0,0,0,00000079 +0,0,socal-fire,post,train,train\images\socal-fire_00000080_post_disaster.png,socal-fire_00000080_post_disaster,0,0,train\masks\socal-fire_00000080_post_disaster.png,0,0,1,277,00000080 +0,0,socal-fire,pre,train,train\images\socal-fire_00000080_pre_disaster.png,socal-fire_00000080_pre_disaster,0,0,train\masks\socal-fire_00000080_pre_disaster.png,0,0,1,277,00000080 +6,2001,socal-fire,post,train,train\images\socal-fire_00000081_post_disaster.png,socal-fire_00000081_post_disaster,0,0,train\masks\socal-fire_00000081_post_disaster.png,0,0,1,118,00000081 +0,0,socal-fire,pre,train,train\images\socal-fire_00000081_pre_disaster.png,socal-fire_00000081_pre_disaster,0,0,train\masks\socal-fire_00000081_pre_disaster.png,0,0,7,2159,00000081 +12,9227,socal-fire,post,train,train\images\socal-fire_00000082_post_disaster.png,socal-fire_00000082_post_disaster,1,109,train\masks\socal-fire_00000082_post_disaster.png,0,0,15,7696,00000082 +0,0,socal-fire,pre,train,train\images\socal-fire_00000082_pre_disaster.png,socal-fire_00000082_pre_disaster,0,0,train\masks\socal-fire_00000082_pre_disaster.png,0,0,28,17101,00000082 +0,0,socal-fire,post,train,train\images\socal-fire_00000083_post_disaster.png,socal-fire_00000083_post_disaster,0,0,train\masks\socal-fire_00000083_post_disaster.png,0,0,0,0,00000083 +0,0,socal-fire,pre,train,train\images\socal-fire_00000083_pre_disaster.png,socal-fire_00000083_pre_disaster,0,0,train\masks\socal-fire_00000083_pre_disaster.png,0,0,0,0,00000083 +0,0,socal-fire,post,train,train\images\socal-fire_00000084_post_disaster.png,socal-fire_00000084_post_disaster,0,0,train\masks\socal-fire_00000084_post_disaster.png,0,0,30,63184,00000084 +0,0,socal-fire,pre,train,train\images\socal-fire_00000084_pre_disaster.png,socal-fire_00000084_pre_disaster,0,0,train\masks\socal-fire_00000084_pre_disaster.png,0,0,30,63479,00000084 +0,0,socal-fire,post,train,train\images\socal-fire_00000087_post_disaster.png,socal-fire_00000087_post_disaster,0,0,train\masks\socal-fire_00000087_post_disaster.png,0,0,7,2552,00000087 +0,0,socal-fire,pre,train,train\images\socal-fire_00000087_pre_disaster.png,socal-fire_00000087_pre_disaster,0,0,train\masks\socal-fire_00000087_pre_disaster.png,0,0,7,2552,00000087 +0,0,socal-fire,post,train,train\images\socal-fire_00000088_post_disaster.png,socal-fire_00000088_post_disaster,0,0,train\masks\socal-fire_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,socal-fire,pre,train,train\images\socal-fire_00000088_pre_disaster.png,socal-fire_00000088_pre_disaster,0,0,train\masks\socal-fire_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,socal-fire,post,train,train\images\socal-fire_00000089_post_disaster.png,socal-fire_00000089_post_disaster,0,0,train\masks\socal-fire_00000089_post_disaster.png,0,0,0,0,00000089 +0,0,socal-fire,pre,train,train\images\socal-fire_00000089_pre_disaster.png,socal-fire_00000089_pre_disaster,0,0,train\masks\socal-fire_00000089_pre_disaster.png,0,0,0,0,00000089 +8,3895,socal-fire,post,train,train\images\socal-fire_00000090_post_disaster.png,socal-fire_00000090_post_disaster,0,0,train\masks\socal-fire_00000090_post_disaster.png,0,0,14,15528,00000090 +0,0,socal-fire,pre,train,train\images\socal-fire_00000090_pre_disaster.png,socal-fire_00000090_pre_disaster,0,0,train\masks\socal-fire_00000090_pre_disaster.png,0,0,22,19423,00000090 +0,0,socal-fire,post,train,train\images\socal-fire_00000091_post_disaster.png,socal-fire_00000091_post_disaster,0,0,train\masks\socal-fire_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,socal-fire,pre,train,train\images\socal-fire_00000091_pre_disaster.png,socal-fire_00000091_pre_disaster,0,0,train\masks\socal-fire_00000091_pre_disaster.png,0,0,0,0,00000091 +0,0,socal-fire,post,train,train\images\socal-fire_00000092_post_disaster.png,socal-fire_00000092_post_disaster,0,0,train\masks\socal-fire_00000092_post_disaster.png,0,0,0,0,00000092 +0,0,socal-fire,pre,train,train\images\socal-fire_00000092_pre_disaster.png,socal-fire_00000092_pre_disaster,0,0,train\masks\socal-fire_00000092_pre_disaster.png,0,0,0,0,00000092 +0,0,socal-fire,post,train,train\images\socal-fire_00000093_post_disaster.png,socal-fire_00000093_post_disaster,0,0,train\masks\socal-fire_00000093_post_disaster.png,0,0,33,77432,00000093 +0,0,socal-fire,pre,train,train\images\socal-fire_00000093_pre_disaster.png,socal-fire_00000093_pre_disaster,0,0,train\masks\socal-fire_00000093_pre_disaster.png,0,0,33,77589,00000093 +0,0,socal-fire,post,train,train\images\socal-fire_00000094_post_disaster.png,socal-fire_00000094_post_disaster,0,0,train\masks\socal-fire_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,socal-fire,pre,train,train\images\socal-fire_00000094_pre_disaster.png,socal-fire_00000094_pre_disaster,0,0,train\masks\socal-fire_00000094_pre_disaster.png,0,0,0,0,00000094 +0,0,socal-fire,post,train,train\images\socal-fire_00000095_post_disaster.png,socal-fire_00000095_post_disaster,1,174,train\masks\socal-fire_00000095_post_disaster.png,0,0,0,0,00000095 +0,0,socal-fire,pre,train,train\images\socal-fire_00000095_pre_disaster.png,socal-fire_00000095_pre_disaster,0,0,train\masks\socal-fire_00000095_pre_disaster.png,0,0,1,174,00000095 +0,0,socal-fire,post,train,train\images\socal-fire_00000096_post_disaster.png,socal-fire_00000096_post_disaster,0,0,train\masks\socal-fire_00000096_post_disaster.png,0,0,0,0,00000096 +0,0,socal-fire,pre,train,train\images\socal-fire_00000096_pre_disaster.png,socal-fire_00000096_pre_disaster,0,0,train\masks\socal-fire_00000096_pre_disaster.png,0,0,0,0,00000096 +0,0,socal-fire,post,train,train\images\socal-fire_00000097_post_disaster.png,socal-fire_00000097_post_disaster,0,0,train\masks\socal-fire_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,socal-fire,pre,train,train\images\socal-fire_00000097_pre_disaster.png,socal-fire_00000097_pre_disaster,0,0,train\masks\socal-fire_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,socal-fire,post,train,train\images\socal-fire_00000099_post_disaster.png,socal-fire_00000099_post_disaster,0,0,train\masks\socal-fire_00000099_post_disaster.png,0,0,13,13781,00000099 +0,0,socal-fire,pre,train,train\images\socal-fire_00000099_pre_disaster.png,socal-fire_00000099_pre_disaster,0,0,train\masks\socal-fire_00000099_pre_disaster.png,0,0,13,13847,00000099 +0,0,socal-fire,post,train,train\images\socal-fire_00000101_post_disaster.png,socal-fire_00000101_post_disaster,0,0,train\masks\socal-fire_00000101_post_disaster.png,0,0,0,0,00000101 +0,0,socal-fire,pre,train,train\images\socal-fire_00000101_pre_disaster.png,socal-fire_00000101_pre_disaster,0,0,train\masks\socal-fire_00000101_pre_disaster.png,0,0,0,0,00000101 +1,386,socal-fire,post,train,train\images\socal-fire_00000102_post_disaster.png,socal-fire_00000102_post_disaster,0,0,train\masks\socal-fire_00000102_post_disaster.png,0,0,0,0,00000102 +0,0,socal-fire,pre,train,train\images\socal-fire_00000102_pre_disaster.png,socal-fire_00000102_pre_disaster,0,0,train\masks\socal-fire_00000102_pre_disaster.png,0,0,1,386,00000102 +0,0,socal-fire,post,train,train\images\socal-fire_00000103_post_disaster.png,socal-fire_00000103_post_disaster,0,0,train\masks\socal-fire_00000103_post_disaster.png,0,0,40,92131,00000103 +0,0,socal-fire,pre,train,train\images\socal-fire_00000103_pre_disaster.png,socal-fire_00000103_pre_disaster,0,0,train\masks\socal-fire_00000103_pre_disaster.png,0,0,40,92131,00000103 +0,0,socal-fire,post,train,train\images\socal-fire_00000105_post_disaster.png,socal-fire_00000105_post_disaster,0,0,train\masks\socal-fire_00000105_post_disaster.png,0,0,0,0,00000105 +0,0,socal-fire,pre,train,train\images\socal-fire_00000105_pre_disaster.png,socal-fire_00000105_pre_disaster,0,0,train\masks\socal-fire_00000105_pre_disaster.png,0,0,0,0,00000105 +3,2030,socal-fire,post,train,train\images\socal-fire_00000106_post_disaster.png,socal-fire_00000106_post_disaster,0,0,train\masks\socal-fire_00000106_post_disaster.png,0,0,0,0,00000106 +0,0,socal-fire,pre,train,train\images\socal-fire_00000106_pre_disaster.png,socal-fire_00000106_pre_disaster,0,0,train\masks\socal-fire_00000106_pre_disaster.png,0,0,3,2030,00000106 +0,0,socal-fire,post,train,train\images\socal-fire_00000107_post_disaster.png,socal-fire_00000107_post_disaster,0,0,train\masks\socal-fire_00000107_post_disaster.png,0,0,0,0,00000107 +0,0,socal-fire,pre,train,train\images\socal-fire_00000107_pre_disaster.png,socal-fire_00000107_pre_disaster,0,0,train\masks\socal-fire_00000107_pre_disaster.png,0,0,0,0,00000107 +0,0,socal-fire,post,train,train\images\socal-fire_00000108_post_disaster.png,socal-fire_00000108_post_disaster,0,0,train\masks\socal-fire_00000108_post_disaster.png,0,0,0,0,00000108 +0,0,socal-fire,pre,train,train\images\socal-fire_00000108_pre_disaster.png,socal-fire_00000108_pre_disaster,0,0,train\masks\socal-fire_00000108_pre_disaster.png,0,0,0,0,00000108 +0,0,socal-fire,post,train,train\images\socal-fire_00000109_post_disaster.png,socal-fire_00000109_post_disaster,0,0,train\masks\socal-fire_00000109_post_disaster.png,0,0,26,25590,00000109 +0,0,socal-fire,pre,train,train\images\socal-fire_00000109_pre_disaster.png,socal-fire_00000109_pre_disaster,0,0,train\masks\socal-fire_00000109_pre_disaster.png,0,0,26,25590,00000109 +0,0,socal-fire,post,train,train\images\socal-fire_00000110_post_disaster.png,socal-fire_00000110_post_disaster,0,0,train\masks\socal-fire_00000110_post_disaster.png,0,0,0,0,00000110 +0,0,socal-fire,pre,train,train\images\socal-fire_00000110_pre_disaster.png,socal-fire_00000110_pre_disaster,0,0,train\masks\socal-fire_00000110_pre_disaster.png,0,0,0,0,00000110 +0,0,socal-fire,post,train,train\images\socal-fire_00000113_post_disaster.png,socal-fire_00000113_post_disaster,0,0,train\masks\socal-fire_00000113_post_disaster.png,0,0,0,0,00000113 +0,0,socal-fire,pre,train,train\images\socal-fire_00000113_pre_disaster.png,socal-fire_00000113_pre_disaster,0,0,train\masks\socal-fire_00000113_pre_disaster.png,0,0,0,0,00000113 +41,15087,socal-fire,post,train,train\images\socal-fire_00000114_post_disaster.png,socal-fire_00000114_post_disaster,2,1002,train\masks\socal-fire_00000114_post_disaster.png,0,0,4,5560,00000114 +0,0,socal-fire,pre,train,train\images\socal-fire_00000114_pre_disaster.png,socal-fire_00000114_pre_disaster,0,0,train\masks\socal-fire_00000114_pre_disaster.png,0,0,47,21739,00000114 +0,0,socal-fire,post,train,train\images\socal-fire_00000115_post_disaster.png,socal-fire_00000115_post_disaster,0,0,train\masks\socal-fire_00000115_post_disaster.png,0,0,14,36543,00000115 +0,0,socal-fire,pre,train,train\images\socal-fire_00000115_pre_disaster.png,socal-fire_00000115_pre_disaster,0,0,train\masks\socal-fire_00000115_pre_disaster.png,0,0,14,36635,00000115 +2,2412,socal-fire,post,train,train\images\socal-fire_00000116_post_disaster.png,socal-fire_00000116_post_disaster,0,0,train\masks\socal-fire_00000116_post_disaster.png,0,0,1,632,00000116 +0,0,socal-fire,pre,train,train\images\socal-fire_00000116_pre_disaster.png,socal-fire_00000116_pre_disaster,0,0,train\masks\socal-fire_00000116_pre_disaster.png,0,0,3,3044,00000116 +0,0,socal-fire,post,train,train\images\socal-fire_00000117_post_disaster.png,socal-fire_00000117_post_disaster,0,0,train\masks\socal-fire_00000117_post_disaster.png,0,0,1,177,00000117 +0,0,socal-fire,pre,train,train\images\socal-fire_00000117_pre_disaster.png,socal-fire_00000117_pre_disaster,0,0,train\masks\socal-fire_00000117_pre_disaster.png,0,0,1,177,00000117 +0,0,socal-fire,post,train,train\images\socal-fire_00000118_post_disaster.png,socal-fire_00000118_post_disaster,0,0,train\masks\socal-fire_00000118_post_disaster.png,0,0,0,0,00000118 +0,0,socal-fire,pre,train,train\images\socal-fire_00000118_pre_disaster.png,socal-fire_00000118_pre_disaster,0,0,train\masks\socal-fire_00000118_pre_disaster.png,0,0,0,0,00000118 +0,0,socal-fire,post,train,train\images\socal-fire_00000122_post_disaster.png,socal-fire_00000122_post_disaster,0,0,train\masks\socal-fire_00000122_post_disaster.png,0,0,0,0,00000122 +0,0,socal-fire,pre,train,train\images\socal-fire_00000122_pre_disaster.png,socal-fire_00000122_pre_disaster,0,0,train\masks\socal-fire_00000122_pre_disaster.png,0,0,0,0,00000122 +11,8121,socal-fire,post,train,train\images\socal-fire_00000124_post_disaster.png,socal-fire_00000124_post_disaster,0,0,train\masks\socal-fire_00000124_post_disaster.png,1,852,4,3790,00000124 +0,0,socal-fire,pre,train,train\images\socal-fire_00000124_pre_disaster.png,socal-fire_00000124_pre_disaster,0,0,train\masks\socal-fire_00000124_pre_disaster.png,0,0,16,12784,00000124 +0,0,socal-fire,post,train,train\images\socal-fire_00000126_post_disaster.png,socal-fire_00000126_post_disaster,0,0,train\masks\socal-fire_00000126_post_disaster.png,0,0,29,71881,00000126 +0,0,socal-fire,pre,train,train\images\socal-fire_00000126_pre_disaster.png,socal-fire_00000126_pre_disaster,0,0,train\masks\socal-fire_00000126_pre_disaster.png,0,0,29,72045,00000126 +0,0,socal-fire,post,train,train\images\socal-fire_00000130_post_disaster.png,socal-fire_00000130_post_disaster,0,0,train\masks\socal-fire_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,socal-fire,pre,train,train\images\socal-fire_00000130_pre_disaster.png,socal-fire_00000130_pre_disaster,0,0,train\masks\socal-fire_00000130_pre_disaster.png,0,0,0,0,00000130 +0,0,socal-fire,post,train,train\images\socal-fire_00000135_post_disaster.png,socal-fire_00000135_post_disaster,0,0,train\masks\socal-fire_00000135_post_disaster.png,0,0,1,67,00000135 +0,0,socal-fire,pre,train,train\images\socal-fire_00000135_pre_disaster.png,socal-fire_00000135_pre_disaster,0,0,train\masks\socal-fire_00000135_pre_disaster.png,0,0,1,67,00000135 +0,0,socal-fire,post,train,train\images\socal-fire_00000136_post_disaster.png,socal-fire_00000136_post_disaster,0,0,train\masks\socal-fire_00000136_post_disaster.png,0,0,30,40189,00000136 +0,0,socal-fire,pre,train,train\images\socal-fire_00000136_pre_disaster.png,socal-fire_00000136_pre_disaster,0,0,train\masks\socal-fire_00000136_pre_disaster.png,0,0,30,40418,00000136 +0,0,socal-fire,post,train,train\images\socal-fire_00000141_post_disaster.png,socal-fire_00000141_post_disaster,0,0,train\masks\socal-fire_00000141_post_disaster.png,0,0,0,0,00000141 +0,0,socal-fire,pre,train,train\images\socal-fire_00000141_pre_disaster.png,socal-fire_00000141_pre_disaster,0,0,train\masks\socal-fire_00000141_pre_disaster.png,0,0,0,0,00000141 +0,0,socal-fire,post,train,train\images\socal-fire_00000144_post_disaster.png,socal-fire_00000144_post_disaster,0,0,train\masks\socal-fire_00000144_post_disaster.png,0,0,2,3189,00000144 +0,0,socal-fire,pre,train,train\images\socal-fire_00000144_pre_disaster.png,socal-fire_00000144_pre_disaster,0,0,train\masks\socal-fire_00000144_pre_disaster.png,0,0,2,3189,00000144 +0,0,socal-fire,post,train,train\images\socal-fire_00000146_post_disaster.png,socal-fire_00000146_post_disaster,0,0,train\masks\socal-fire_00000146_post_disaster.png,0,0,20,37353,00000146 +0,0,socal-fire,pre,train,train\images\socal-fire_00000146_pre_disaster.png,socal-fire_00000146_pre_disaster,0,0,train\masks\socal-fire_00000146_pre_disaster.png,0,0,20,37510,00000146 +0,0,socal-fire,post,train,train\images\socal-fire_00000149_post_disaster.png,socal-fire_00000149_post_disaster,0,0,train\masks\socal-fire_00000149_post_disaster.png,0,0,0,0,00000149 +0,0,socal-fire,pre,train,train\images\socal-fire_00000149_pre_disaster.png,socal-fire_00000149_pre_disaster,0,0,train\masks\socal-fire_00000149_pre_disaster.png,0,0,0,0,00000149 +0,0,socal-fire,post,train,train\images\socal-fire_00000151_post_disaster.png,socal-fire_00000151_post_disaster,0,0,train\masks\socal-fire_00000151_post_disaster.png,0,0,0,0,00000151 +0,0,socal-fire,pre,train,train\images\socal-fire_00000151_pre_disaster.png,socal-fire_00000151_pre_disaster,0,0,train\masks\socal-fire_00000151_pre_disaster.png,0,0,0,0,00000151 +0,0,socal-fire,post,train,train\images\socal-fire_00000153_post_disaster.png,socal-fire_00000153_post_disaster,0,0,train\masks\socal-fire_00000153_post_disaster.png,0,0,16,24889,00000153 +0,0,socal-fire,pre,train,train\images\socal-fire_00000153_pre_disaster.png,socal-fire_00000153_pre_disaster,0,0,train\masks\socal-fire_00000153_pre_disaster.png,0,0,16,25005,00000153 +1,3793,socal-fire,post,train,train\images\socal-fire_00000154_post_disaster.png,socal-fire_00000154_post_disaster,0,0,train\masks\socal-fire_00000154_post_disaster.png,0,0,0,0,00000154 +0,0,socal-fire,pre,train,train\images\socal-fire_00000154_pre_disaster.png,socal-fire_00000154_pre_disaster,0,0,train\masks\socal-fire_00000154_pre_disaster.png,0,0,1,3844,00000154 +0,0,socal-fire,post,train,train\images\socal-fire_00000156_post_disaster.png,socal-fire_00000156_post_disaster,0,0,train\masks\socal-fire_00000156_post_disaster.png,0,0,44,84339,00000156 +0,0,socal-fire,pre,train,train\images\socal-fire_00000156_pre_disaster.png,socal-fire_00000156_pre_disaster,0,0,train\masks\socal-fire_00000156_pre_disaster.png,0,0,44,84409,00000156 +0,0,socal-fire,post,train,train\images\socal-fire_00000157_post_disaster.png,socal-fire_00000157_post_disaster,0,0,train\masks\socal-fire_00000157_post_disaster.png,0,0,0,0,00000157 +0,0,socal-fire,pre,train,train\images\socal-fire_00000157_pre_disaster.png,socal-fire_00000157_pre_disaster,0,0,train\masks\socal-fire_00000157_pre_disaster.png,0,0,0,0,00000157 +0,0,socal-fire,post,train,train\images\socal-fire_00000160_post_disaster.png,socal-fire_00000160_post_disaster,0,0,train\masks\socal-fire_00000160_post_disaster.png,0,0,0,0,00000160 +0,0,socal-fire,pre,train,train\images\socal-fire_00000160_pre_disaster.png,socal-fire_00000160_pre_disaster,0,0,train\masks\socal-fire_00000160_pre_disaster.png,0,0,0,0,00000160 +0,0,socal-fire,post,train,train\images\socal-fire_00000162_post_disaster.png,socal-fire_00000162_post_disaster,0,0,train\masks\socal-fire_00000162_post_disaster.png,0,0,0,0,00000162 +0,0,socal-fire,pre,train,train\images\socal-fire_00000162_pre_disaster.png,socal-fire_00000162_pre_disaster,0,0,train\masks\socal-fire_00000162_pre_disaster.png,0,0,0,0,00000162 +0,0,socal-fire,post,train,train\images\socal-fire_00000163_post_disaster.png,socal-fire_00000163_post_disaster,0,0,train\masks\socal-fire_00000163_post_disaster.png,0,0,0,0,00000163 +0,0,socal-fire,pre,train,train\images\socal-fire_00000163_pre_disaster.png,socal-fire_00000163_pre_disaster,0,0,train\masks\socal-fire_00000163_pre_disaster.png,0,0,0,0,00000163 +3,2349,socal-fire,post,train,train\images\socal-fire_00000166_post_disaster.png,socal-fire_00000166_post_disaster,0,0,train\masks\socal-fire_00000166_post_disaster.png,0,0,2,2827,00000166 +0,0,socal-fire,pre,train,train\images\socal-fire_00000166_pre_disaster.png,socal-fire_00000166_pre_disaster,0,0,train\masks\socal-fire_00000166_pre_disaster.png,0,0,5,5176,00000166 +0,0,socal-fire,post,train,train\images\socal-fire_00000167_post_disaster.png,socal-fire_00000167_post_disaster,0,0,train\masks\socal-fire_00000167_post_disaster.png,0,0,0,0,00000167 +0,0,socal-fire,pre,train,train\images\socal-fire_00000167_pre_disaster.png,socal-fire_00000167_pre_disaster,0,0,train\masks\socal-fire_00000167_pre_disaster.png,0,0,0,0,00000167 +0,0,socal-fire,post,train,train\images\socal-fire_00000169_post_disaster.png,socal-fire_00000169_post_disaster,0,0,train\masks\socal-fire_00000169_post_disaster.png,0,0,0,0,00000169 +0,0,socal-fire,pre,train,train\images\socal-fire_00000169_pre_disaster.png,socal-fire_00000169_pre_disaster,0,0,train\masks\socal-fire_00000169_pre_disaster.png,0,0,0,0,00000169 +0,0,socal-fire,post,train,train\images\socal-fire_00000171_post_disaster.png,socal-fire_00000171_post_disaster,0,0,train\masks\socal-fire_00000171_post_disaster.png,0,0,0,0,00000171 +0,0,socal-fire,pre,train,train\images\socal-fire_00000171_pre_disaster.png,socal-fire_00000171_pre_disaster,0,0,train\masks\socal-fire_00000171_pre_disaster.png,0,0,0,0,00000171 +4,3296,socal-fire,post,train,train\images\socal-fire_00000174_post_disaster.png,socal-fire_00000174_post_disaster,0,0,train\masks\socal-fire_00000174_post_disaster.png,0,0,1,385,00000174 +0,0,socal-fire,pre,train,train\images\socal-fire_00000174_pre_disaster.png,socal-fire_00000174_pre_disaster,0,0,train\masks\socal-fire_00000174_pre_disaster.png,0,0,5,3733,00000174 +0,0,socal-fire,post,train,train\images\socal-fire_00000175_post_disaster.png,socal-fire_00000175_post_disaster,0,0,train\masks\socal-fire_00000175_post_disaster.png,0,0,0,0,00000175 +0,0,socal-fire,pre,train,train\images\socal-fire_00000175_pre_disaster.png,socal-fire_00000175_pre_disaster,0,0,train\masks\socal-fire_00000175_pre_disaster.png,0,0,0,0,00000175 +0,0,socal-fire,post,train,train\images\socal-fire_00000178_post_disaster.png,socal-fire_00000178_post_disaster,0,0,train\masks\socal-fire_00000178_post_disaster.png,0,0,0,0,00000178 +0,0,socal-fire,pre,train,train\images\socal-fire_00000178_pre_disaster.png,socal-fire_00000178_pre_disaster,0,0,train\masks\socal-fire_00000178_pre_disaster.png,0,0,0,0,00000178 +0,0,socal-fire,post,train,train\images\socal-fire_00000180_post_disaster.png,socal-fire_00000180_post_disaster,0,0,train\masks\socal-fire_00000180_post_disaster.png,0,0,29,9466,00000180 +0,0,socal-fire,pre,train,train\images\socal-fire_00000180_pre_disaster.png,socal-fire_00000180_pre_disaster,0,0,train\masks\socal-fire_00000180_pre_disaster.png,0,0,29,9495,00000180 +3,2449,socal-fire,post,train,train\images\socal-fire_00000183_post_disaster.png,socal-fire_00000183_post_disaster,1,383,train\masks\socal-fire_00000183_post_disaster.png,1,131,0,0,00000183 +0,0,socal-fire,pre,train,train\images\socal-fire_00000183_pre_disaster.png,socal-fire_00000183_pre_disaster,0,0,train\masks\socal-fire_00000183_pre_disaster.png,0,0,5,2963,00000183 +0,0,socal-fire,post,train,train\images\socal-fire_00000185_post_disaster.png,socal-fire_00000185_post_disaster,0,0,train\masks\socal-fire_00000185_post_disaster.png,0,0,0,0,00000185 +0,0,socal-fire,pre,train,train\images\socal-fire_00000185_pre_disaster.png,socal-fire_00000185_pre_disaster,0,0,train\masks\socal-fire_00000185_pre_disaster.png,0,0,0,0,00000185 +0,0,socal-fire,post,train,train\images\socal-fire_00000186_post_disaster.png,socal-fire_00000186_post_disaster,0,0,train\masks\socal-fire_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,socal-fire,pre,train,train\images\socal-fire_00000186_pre_disaster.png,socal-fire_00000186_pre_disaster,0,0,train\masks\socal-fire_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,socal-fire,post,train,train\images\socal-fire_00000187_post_disaster.png,socal-fire_00000187_post_disaster,0,0,train\masks\socal-fire_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,socal-fire,pre,train,train\images\socal-fire_00000187_pre_disaster.png,socal-fire_00000187_pre_disaster,0,0,train\masks\socal-fire_00000187_pre_disaster.png,0,0,0,0,00000187 +0,0,socal-fire,post,train,train\images\socal-fire_00000191_post_disaster.png,socal-fire_00000191_post_disaster,0,0,train\masks\socal-fire_00000191_post_disaster.png,0,0,1,254,00000191 +0,0,socal-fire,pre,train,train\images\socal-fire_00000191_pre_disaster.png,socal-fire_00000191_pre_disaster,0,0,train\masks\socal-fire_00000191_pre_disaster.png,0,0,1,254,00000191 +1,2477,socal-fire,post,train,train\images\socal-fire_00000193_post_disaster.png,socal-fire_00000193_post_disaster,0,0,train\masks\socal-fire_00000193_post_disaster.png,0,0,0,0,00000193 +0,0,socal-fire,pre,train,train\images\socal-fire_00000193_pre_disaster.png,socal-fire_00000193_pre_disaster,0,0,train\masks\socal-fire_00000193_pre_disaster.png,0,0,1,2477,00000193 +0,0,socal-fire,post,train,train\images\socal-fire_00000194_post_disaster.png,socal-fire_00000194_post_disaster,0,0,train\masks\socal-fire_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,socal-fire,pre,train,train\images\socal-fire_00000194_pre_disaster.png,socal-fire_00000194_pre_disaster,0,0,train\masks\socal-fire_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,socal-fire,post,train,train\images\socal-fire_00000196_post_disaster.png,socal-fire_00000196_post_disaster,0,0,train\masks\socal-fire_00000196_post_disaster.png,0,0,0,0,00000196 +0,0,socal-fire,pre,train,train\images\socal-fire_00000196_pre_disaster.png,socal-fire_00000196_pre_disaster,0,0,train\masks\socal-fire_00000196_pre_disaster.png,0,0,0,0,00000196 +0,0,socal-fire,post,train,train\images\socal-fire_00000197_post_disaster.png,socal-fire_00000197_post_disaster,0,0,train\masks\socal-fire_00000197_post_disaster.png,0,0,0,0,00000197 +0,0,socal-fire,pre,train,train\images\socal-fire_00000197_pre_disaster.png,socal-fire_00000197_pre_disaster,0,0,train\masks\socal-fire_00000197_pre_disaster.png,0,0,0,0,00000197 +0,0,socal-fire,post,train,train\images\socal-fire_00000199_post_disaster.png,socal-fire_00000199_post_disaster,0,0,train\masks\socal-fire_00000199_post_disaster.png,0,0,22,6066,00000199 +0,0,socal-fire,pre,train,train\images\socal-fire_00000199_pre_disaster.png,socal-fire_00000199_pre_disaster,0,0,train\masks\socal-fire_00000199_pre_disaster.png,0,0,22,6066,00000199 +0,0,socal-fire,post,train,train\images\socal-fire_00000203_post_disaster.png,socal-fire_00000203_post_disaster,0,0,train\masks\socal-fire_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,socal-fire,pre,train,train\images\socal-fire_00000203_pre_disaster.png,socal-fire_00000203_pre_disaster,0,0,train\masks\socal-fire_00000203_pre_disaster.png,0,0,0,0,00000203 +1,1321,socal-fire,post,train,train\images\socal-fire_00000204_post_disaster.png,socal-fire_00000204_post_disaster,0,0,train\masks\socal-fire_00000204_post_disaster.png,0,0,0,0,00000204 +0,0,socal-fire,pre,train,train\images\socal-fire_00000204_pre_disaster.png,socal-fire_00000204_pre_disaster,0,0,train\masks\socal-fire_00000204_pre_disaster.png,0,0,1,1321,00000204 +0,0,socal-fire,post,train,train\images\socal-fire_00000205_post_disaster.png,socal-fire_00000205_post_disaster,0,0,train\masks\socal-fire_00000205_post_disaster.png,0,0,3,368,00000205 +0,0,socal-fire,pre,train,train\images\socal-fire_00000205_pre_disaster.png,socal-fire_00000205_pre_disaster,0,0,train\masks\socal-fire_00000205_pre_disaster.png,0,0,3,368,00000205 +3,7162,socal-fire,post,train,train\images\socal-fire_00000211_post_disaster.png,socal-fire_00000211_post_disaster,0,0,train\masks\socal-fire_00000211_post_disaster.png,0,0,0,0,00000211 +0,0,socal-fire,pre,train,train\images\socal-fire_00000211_pre_disaster.png,socal-fire_00000211_pre_disaster,0,0,train\masks\socal-fire_00000211_pre_disaster.png,0,0,3,7162,00000211 +0,0,socal-fire,post,train,train\images\socal-fire_00000213_post_disaster.png,socal-fire_00000213_post_disaster,0,0,train\masks\socal-fire_00000213_post_disaster.png,0,0,0,0,00000213 +0,0,socal-fire,pre,train,train\images\socal-fire_00000213_pre_disaster.png,socal-fire_00000213_pre_disaster,0,0,train\masks\socal-fire_00000213_pre_disaster.png,0,0,0,0,00000213 +10,3168,socal-fire,post,train,train\images\socal-fire_00000215_post_disaster.png,socal-fire_00000215_post_disaster,0,0,train\masks\socal-fire_00000215_post_disaster.png,0,0,3,6153,00000215 +0,0,socal-fire,pre,train,train\images\socal-fire_00000215_pre_disaster.png,socal-fire_00000215_pre_disaster,0,0,train\masks\socal-fire_00000215_pre_disaster.png,0,0,13,9321,00000215 +0,0,socal-fire,post,train,train\images\socal-fire_00000219_post_disaster.png,socal-fire_00000219_post_disaster,0,0,train\masks\socal-fire_00000219_post_disaster.png,0,0,4,2382,00000219 +0,0,socal-fire,pre,train,train\images\socal-fire_00000219_pre_disaster.png,socal-fire_00000219_pre_disaster,0,0,train\masks\socal-fire_00000219_pre_disaster.png,0,0,4,2382,00000219 +6,3323,socal-fire,post,train,train\images\socal-fire_00000220_post_disaster.png,socal-fire_00000220_post_disaster,0,0,train\masks\socal-fire_00000220_post_disaster.png,0,0,13,8112,00000220 +0,0,socal-fire,pre,train,train\images\socal-fire_00000220_pre_disaster.png,socal-fire_00000220_pre_disaster,0,0,train\masks\socal-fire_00000220_pre_disaster.png,0,0,19,11555,00000220 +3,1011,socal-fire,post,train,train\images\socal-fire_00000221_post_disaster.png,socal-fire_00000221_post_disaster,0,0,train\masks\socal-fire_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,socal-fire,pre,train,train\images\socal-fire_00000221_pre_disaster.png,socal-fire_00000221_pre_disaster,0,0,train\masks\socal-fire_00000221_pre_disaster.png,0,0,3,1011,00000221 +5,2688,socal-fire,post,train,train\images\socal-fire_00000222_post_disaster.png,socal-fire_00000222_post_disaster,0,0,train\masks\socal-fire_00000222_post_disaster.png,2,3173,17,15066,00000222 +0,0,socal-fire,pre,train,train\images\socal-fire_00000222_pre_disaster.png,socal-fire_00000222_pre_disaster,0,0,train\masks\socal-fire_00000222_pre_disaster.png,0,0,24,20962,00000222 +0,0,socal-fire,post,train,train\images\socal-fire_00000224_post_disaster.png,socal-fire_00000224_post_disaster,0,0,train\masks\socal-fire_00000224_post_disaster.png,0,0,0,0,00000224 +0,0,socal-fire,pre,train,train\images\socal-fire_00000224_pre_disaster.png,socal-fire_00000224_pre_disaster,0,0,train\masks\socal-fire_00000224_pre_disaster.png,0,0,0,0,00000224 +0,0,socal-fire,post,train,train\images\socal-fire_00000226_post_disaster.png,socal-fire_00000226_post_disaster,0,0,train\masks\socal-fire_00000226_post_disaster.png,0,0,100,157060,00000226 +0,0,socal-fire,pre,train,train\images\socal-fire_00000226_pre_disaster.png,socal-fire_00000226_pre_disaster,0,0,train\masks\socal-fire_00000226_pre_disaster.png,0,0,100,157368,00000226 +0,0,socal-fire,post,train,train\images\socal-fire_00000227_post_disaster.png,socal-fire_00000227_post_disaster,0,0,train\masks\socal-fire_00000227_post_disaster.png,0,0,13,15392,00000227 +0,0,socal-fire,pre,train,train\images\socal-fire_00000227_pre_disaster.png,socal-fire_00000227_pre_disaster,0,0,train\masks\socal-fire_00000227_pre_disaster.png,0,0,13,15558,00000227 +3,4928,socal-fire,post,train,train\images\socal-fire_00000228_post_disaster.png,socal-fire_00000228_post_disaster,0,0,train\masks\socal-fire_00000228_post_disaster.png,0,0,13,3779,00000228 +0,0,socal-fire,pre,train,train\images\socal-fire_00000228_pre_disaster.png,socal-fire_00000228_pre_disaster,0,0,train\masks\socal-fire_00000228_pre_disaster.png,0,0,16,8743,00000228 +0,0,socal-fire,post,train,train\images\socal-fire_00000230_post_disaster.png,socal-fire_00000230_post_disaster,0,0,train\masks\socal-fire_00000230_post_disaster.png,0,0,0,0,00000230 +0,0,socal-fire,pre,train,train\images\socal-fire_00000230_pre_disaster.png,socal-fire_00000230_pre_disaster,0,0,train\masks\socal-fire_00000230_pre_disaster.png,0,0,0,0,00000230 +0,0,socal-fire,post,train,train\images\socal-fire_00000231_post_disaster.png,socal-fire_00000231_post_disaster,0,0,train\masks\socal-fire_00000231_post_disaster.png,0,0,8,4271,00000231 +0,0,socal-fire,pre,train,train\images\socal-fire_00000231_pre_disaster.png,socal-fire_00000231_pre_disaster,0,0,train\masks\socal-fire_00000231_pre_disaster.png,0,0,8,4271,00000231 +0,0,socal-fire,post,train,train\images\socal-fire_00000232_post_disaster.png,socal-fire_00000232_post_disaster,0,0,train\masks\socal-fire_00000232_post_disaster.png,0,0,0,0,00000232 +0,0,socal-fire,pre,train,train\images\socal-fire_00000232_pre_disaster.png,socal-fire_00000232_pre_disaster,0,0,train\masks\socal-fire_00000232_pre_disaster.png,0,0,0,0,00000232 +0,0,socal-fire,post,train,train\images\socal-fire_00000236_post_disaster.png,socal-fire_00000236_post_disaster,0,0,train\masks\socal-fire_00000236_post_disaster.png,0,0,0,0,00000236 +0,0,socal-fire,pre,train,train\images\socal-fire_00000236_pre_disaster.png,socal-fire_00000236_pre_disaster,0,0,train\masks\socal-fire_00000236_pre_disaster.png,0,0,0,0,00000236 +0,0,socal-fire,post,train,train\images\socal-fire_00000237_post_disaster.png,socal-fire_00000237_post_disaster,0,0,train\masks\socal-fire_00000237_post_disaster.png,0,0,18,38009,00000237 +0,0,socal-fire,pre,train,train\images\socal-fire_00000237_pre_disaster.png,socal-fire_00000237_pre_disaster,0,0,train\masks\socal-fire_00000237_pre_disaster.png,0,0,18,38009,00000237 +0,0,socal-fire,post,train,train\images\socal-fire_00000239_post_disaster.png,socal-fire_00000239_post_disaster,0,0,train\masks\socal-fire_00000239_post_disaster.png,0,0,106,180409,00000239 +0,0,socal-fire,pre,train,train\images\socal-fire_00000239_pre_disaster.png,socal-fire_00000239_pre_disaster,0,0,train\masks\socal-fire_00000239_pre_disaster.png,0,0,106,180489,00000239 +0,0,socal-fire,post,train,train\images\socal-fire_00000240_post_disaster.png,socal-fire_00000240_post_disaster,0,0,train\masks\socal-fire_00000240_post_disaster.png,0,0,40,50198,00000240 +0,0,socal-fire,pre,train,train\images\socal-fire_00000240_pre_disaster.png,socal-fire_00000240_pre_disaster,0,0,train\masks\socal-fire_00000240_pre_disaster.png,0,0,40,50250,00000240 +0,0,socal-fire,post,train,train\images\socal-fire_00000243_post_disaster.png,socal-fire_00000243_post_disaster,0,0,train\masks\socal-fire_00000243_post_disaster.png,0,0,0,0,00000243 +0,0,socal-fire,pre,train,train\images\socal-fire_00000243_pre_disaster.png,socal-fire_00000243_pre_disaster,0,0,train\masks\socal-fire_00000243_pre_disaster.png,0,0,0,0,00000243 +0,0,socal-fire,post,train,train\images\socal-fire_00000244_post_disaster.png,socal-fire_00000244_post_disaster,0,0,train\masks\socal-fire_00000244_post_disaster.png,0,0,6,3728,00000244 +0,0,socal-fire,pre,train,train\images\socal-fire_00000244_pre_disaster.png,socal-fire_00000244_pre_disaster,0,0,train\masks\socal-fire_00000244_pre_disaster.png,0,0,6,3728,00000244 +10,12243,socal-fire,post,train,train\images\socal-fire_00000245_post_disaster.png,socal-fire_00000245_post_disaster,0,0,train\masks\socal-fire_00000245_post_disaster.png,0,0,2,553,00000245 +0,0,socal-fire,pre,train,train\images\socal-fire_00000245_pre_disaster.png,socal-fire_00000245_pre_disaster,0,0,train\masks\socal-fire_00000245_pre_disaster.png,0,0,12,12796,00000245 +0,0,socal-fire,post,train,train\images\socal-fire_00000247_post_disaster.png,socal-fire_00000247_post_disaster,0,0,train\masks\socal-fire_00000247_post_disaster.png,0,0,0,0,00000247 +0,0,socal-fire,pre,train,train\images\socal-fire_00000247_pre_disaster.png,socal-fire_00000247_pre_disaster,0,0,train\masks\socal-fire_00000247_pre_disaster.png,0,0,0,0,00000247 +0,0,socal-fire,post,train,train\images\socal-fire_00000248_post_disaster.png,socal-fire_00000248_post_disaster,0,0,train\masks\socal-fire_00000248_post_disaster.png,0,0,0,0,00000248 +0,0,socal-fire,pre,train,train\images\socal-fire_00000248_pre_disaster.png,socal-fire_00000248_pre_disaster,0,0,train\masks\socal-fire_00000248_pre_disaster.png,0,0,0,0,00000248 +0,0,socal-fire,post,train,train\images\socal-fire_00000249_post_disaster.png,socal-fire_00000249_post_disaster,0,0,train\masks\socal-fire_00000249_post_disaster.png,0,0,0,0,00000249 +0,0,socal-fire,pre,train,train\images\socal-fire_00000249_pre_disaster.png,socal-fire_00000249_pre_disaster,0,0,train\masks\socal-fire_00000249_pre_disaster.png,0,0,0,0,00000249 +0,0,socal-fire,post,train,train\images\socal-fire_00000251_post_disaster.png,socal-fire_00000251_post_disaster,0,0,train\masks\socal-fire_00000251_post_disaster.png,0,0,43,91563,00000251 +0,0,socal-fire,pre,train,train\images\socal-fire_00000251_pre_disaster.png,socal-fire_00000251_pre_disaster,0,0,train\masks\socal-fire_00000251_pre_disaster.png,0,0,43,91744,00000251 +0,0,socal-fire,post,train,train\images\socal-fire_00000252_post_disaster.png,socal-fire_00000252_post_disaster,0,0,train\masks\socal-fire_00000252_post_disaster.png,0,0,4,3809,00000252 +0,0,socal-fire,pre,train,train\images\socal-fire_00000252_pre_disaster.png,socal-fire_00000252_pre_disaster,0,0,train\masks\socal-fire_00000252_pre_disaster.png,0,0,4,3809,00000252 +19,7954,socal-fire,post,train,train\images\socal-fire_00000253_post_disaster.png,socal-fire_00000253_post_disaster,0,0,train\masks\socal-fire_00000253_post_disaster.png,2,576,3,3930,00000253 +0,0,socal-fire,pre,train,train\images\socal-fire_00000253_pre_disaster.png,socal-fire_00000253_pre_disaster,0,0,train\masks\socal-fire_00000253_pre_disaster.png,0,0,23,12460,00000253 +0,0,socal-fire,post,train,train\images\socal-fire_00000257_post_disaster.png,socal-fire_00000257_post_disaster,0,0,train\masks\socal-fire_00000257_post_disaster.png,0,0,9,3668,00000257 +0,0,socal-fire,pre,train,train\images\socal-fire_00000257_pre_disaster.png,socal-fire_00000257_pre_disaster,0,0,train\masks\socal-fire_00000257_pre_disaster.png,0,0,9,3668,00000257 +0,0,socal-fire,post,train,train\images\socal-fire_00000259_post_disaster.png,socal-fire_00000259_post_disaster,0,0,train\masks\socal-fire_00000259_post_disaster.png,0,0,0,0,00000259 +0,0,socal-fire,pre,train,train\images\socal-fire_00000259_pre_disaster.png,socal-fire_00000259_pre_disaster,0,0,train\masks\socal-fire_00000259_pre_disaster.png,0,0,0,0,00000259 +0,0,socal-fire,post,train,train\images\socal-fire_00000261_post_disaster.png,socal-fire_00000261_post_disaster,0,0,train\masks\socal-fire_00000261_post_disaster.png,0,0,0,0,00000261 +0,0,socal-fire,pre,train,train\images\socal-fire_00000261_pre_disaster.png,socal-fire_00000261_pre_disaster,0,0,train\masks\socal-fire_00000261_pre_disaster.png,0,0,0,0,00000261 +0,0,socal-fire,post,train,train\images\socal-fire_00000264_post_disaster.png,socal-fire_00000264_post_disaster,0,0,train\masks\socal-fire_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,socal-fire,pre,train,train\images\socal-fire_00000264_pre_disaster.png,socal-fire_00000264_pre_disaster,0,0,train\masks\socal-fire_00000264_pre_disaster.png,0,0,0,0,00000264 +4,1631,socal-fire,post,train,train\images\socal-fire_00000265_post_disaster.png,socal-fire_00000265_post_disaster,0,0,train\masks\socal-fire_00000265_post_disaster.png,0,0,0,0,00000265 +0,0,socal-fire,pre,train,train\images\socal-fire_00000265_pre_disaster.png,socal-fire_00000265_pre_disaster,0,0,train\masks\socal-fire_00000265_pre_disaster.png,0,0,4,1631,00000265 +0,0,socal-fire,post,train,train\images\socal-fire_00000266_post_disaster.png,socal-fire_00000266_post_disaster,0,0,train\masks\socal-fire_00000266_post_disaster.png,0,0,9,7234,00000266 +0,0,socal-fire,pre,train,train\images\socal-fire_00000266_pre_disaster.png,socal-fire_00000266_pre_disaster,0,0,train\masks\socal-fire_00000266_pre_disaster.png,0,0,9,7234,00000266 +14,5851,socal-fire,post,train,train\images\socal-fire_00000268_post_disaster.png,socal-fire_00000268_post_disaster,1,121,train\masks\socal-fire_00000268_post_disaster.png,0,0,7,2358,00000268 +0,0,socal-fire,pre,train,train\images\socal-fire_00000268_pre_disaster.png,socal-fire_00000268_pre_disaster,0,0,train\masks\socal-fire_00000268_pre_disaster.png,0,0,22,8330,00000268 +0,0,socal-fire,post,train,train\images\socal-fire_00000269_post_disaster.png,socal-fire_00000269_post_disaster,0,0,train\masks\socal-fire_00000269_post_disaster.png,0,0,0,0,00000269 +0,0,socal-fire,pre,train,train\images\socal-fire_00000269_pre_disaster.png,socal-fire_00000269_pre_disaster,0,0,train\masks\socal-fire_00000269_pre_disaster.png,0,0,0,0,00000269 +0,0,socal-fire,post,train,train\images\socal-fire_00000270_post_disaster.png,socal-fire_00000270_post_disaster,0,0,train\masks\socal-fire_00000270_post_disaster.png,0,0,0,0,00000270 +0,0,socal-fire,pre,train,train\images\socal-fire_00000270_pre_disaster.png,socal-fire_00000270_pre_disaster,0,0,train\masks\socal-fire_00000270_pre_disaster.png,0,0,0,0,00000270 +0,0,socal-fire,post,train,train\images\socal-fire_00000271_post_disaster.png,socal-fire_00000271_post_disaster,0,0,train\masks\socal-fire_00000271_post_disaster.png,0,0,1,124,00000271 +0,0,socal-fire,pre,train,train\images\socal-fire_00000271_pre_disaster.png,socal-fire_00000271_pre_disaster,0,0,train\masks\socal-fire_00000271_pre_disaster.png,0,0,1,124,00000271 +0,0,socal-fire,post,train,train\images\socal-fire_00000272_post_disaster.png,socal-fire_00000272_post_disaster,0,0,train\masks\socal-fire_00000272_post_disaster.png,0,0,0,0,00000272 +0,0,socal-fire,pre,train,train\images\socal-fire_00000272_pre_disaster.png,socal-fire_00000272_pre_disaster,0,0,train\masks\socal-fire_00000272_pre_disaster.png,0,0,0,0,00000272 +0,0,socal-fire,post,train,train\images\socal-fire_00000273_post_disaster.png,socal-fire_00000273_post_disaster,0,0,train\masks\socal-fire_00000273_post_disaster.png,0,0,0,0,00000273 +0,0,socal-fire,pre,train,train\images\socal-fire_00000273_pre_disaster.png,socal-fire_00000273_pre_disaster,0,0,train\masks\socal-fire_00000273_pre_disaster.png,0,0,0,0,00000273 +0,0,socal-fire,post,train,train\images\socal-fire_00000277_post_disaster.png,socal-fire_00000277_post_disaster,0,0,train\masks\socal-fire_00000277_post_disaster.png,0,0,0,0,00000277 +0,0,socal-fire,pre,train,train\images\socal-fire_00000277_pre_disaster.png,socal-fire_00000277_pre_disaster,0,0,train\masks\socal-fire_00000277_pre_disaster.png,0,0,0,0,00000277 +0,0,socal-fire,post,train,train\images\socal-fire_00000278_post_disaster.png,socal-fire_00000278_post_disaster,0,0,train\masks\socal-fire_00000278_post_disaster.png,0,0,0,0,00000278 +0,0,socal-fire,pre,train,train\images\socal-fire_00000278_pre_disaster.png,socal-fire_00000278_pre_disaster,0,0,train\masks\socal-fire_00000278_pre_disaster.png,0,0,0,0,00000278 +4,1830,socal-fire,post,train,train\images\socal-fire_00000279_post_disaster.png,socal-fire_00000279_post_disaster,0,0,train\masks\socal-fire_00000279_post_disaster.png,0,0,0,0,00000279 +0,0,socal-fire,pre,train,train\images\socal-fire_00000279_pre_disaster.png,socal-fire_00000279_pre_disaster,0,0,train\masks\socal-fire_00000279_pre_disaster.png,0,0,4,1830,00000279 +0,0,socal-fire,post,train,train\images\socal-fire_00000282_post_disaster.png,socal-fire_00000282_post_disaster,0,0,train\masks\socal-fire_00000282_post_disaster.png,0,0,0,0,00000282 +0,0,socal-fire,pre,train,train\images\socal-fire_00000282_pre_disaster.png,socal-fire_00000282_pre_disaster,0,0,train\masks\socal-fire_00000282_pre_disaster.png,0,0,0,0,00000282 +3,637,socal-fire,post,train,train\images\socal-fire_00000283_post_disaster.png,socal-fire_00000283_post_disaster,0,0,train\masks\socal-fire_00000283_post_disaster.png,0,0,0,0,00000283 +0,0,socal-fire,pre,train,train\images\socal-fire_00000283_pre_disaster.png,socal-fire_00000283_pre_disaster,0,0,train\masks\socal-fire_00000283_pre_disaster.png,0,0,3,637,00000283 +0,0,socal-fire,post,train,train\images\socal-fire_00000285_post_disaster.png,socal-fire_00000285_post_disaster,0,0,train\masks\socal-fire_00000285_post_disaster.png,0,0,0,0,00000285 +0,0,socal-fire,pre,train,train\images\socal-fire_00000285_pre_disaster.png,socal-fire_00000285_pre_disaster,0,0,train\masks\socal-fire_00000285_pre_disaster.png,0,0,0,0,00000285 +0,0,socal-fire,post,train,train\images\socal-fire_00000286_post_disaster.png,socal-fire_00000286_post_disaster,0,0,train\masks\socal-fire_00000286_post_disaster.png,0,0,61,104360,00000286 +0,0,socal-fire,pre,train,train\images\socal-fire_00000286_pre_disaster.png,socal-fire_00000286_pre_disaster,0,0,train\masks\socal-fire_00000286_pre_disaster.png,0,0,62,104604,00000286 +0,0,socal-fire,post,train,train\images\socal-fire_00000287_post_disaster.png,socal-fire_00000287_post_disaster,0,0,train\masks\socal-fire_00000287_post_disaster.png,0,0,0,0,00000287 +0,0,socal-fire,pre,train,train\images\socal-fire_00000287_pre_disaster.png,socal-fire_00000287_pre_disaster,0,0,train\masks\socal-fire_00000287_pre_disaster.png,0,0,0,0,00000287 +8,4231,socal-fire,post,train,train\images\socal-fire_00000288_post_disaster.png,socal-fire_00000288_post_disaster,2,476,train\masks\socal-fire_00000288_post_disaster.png,0,0,0,0,00000288 +0,0,socal-fire,pre,train,train\images\socal-fire_00000288_pre_disaster.png,socal-fire_00000288_pre_disaster,0,0,train\masks\socal-fire_00000288_pre_disaster.png,0,0,10,4707,00000288 +3,3237,socal-fire,post,train,train\images\socal-fire_00000290_post_disaster.png,socal-fire_00000290_post_disaster,1,162,train\masks\socal-fire_00000290_post_disaster.png,0,0,1,1562,00000290 +0,0,socal-fire,pre,train,train\images\socal-fire_00000290_pre_disaster.png,socal-fire_00000290_pre_disaster,0,0,train\masks\socal-fire_00000290_pre_disaster.png,0,0,5,4961,00000290 +0,0,socal-fire,post,train,train\images\socal-fire_00000292_post_disaster.png,socal-fire_00000292_post_disaster,0,0,train\masks\socal-fire_00000292_post_disaster.png,0,0,0,0,00000292 +0,0,socal-fire,pre,train,train\images\socal-fire_00000292_pre_disaster.png,socal-fire_00000292_pre_disaster,0,0,train\masks\socal-fire_00000292_pre_disaster.png,0,0,0,0,00000292 +0,0,socal-fire,post,train,train\images\socal-fire_00000295_post_disaster.png,socal-fire_00000295_post_disaster,0,0,train\masks\socal-fire_00000295_post_disaster.png,0,0,0,0,00000295 +0,0,socal-fire,pre,train,train\images\socal-fire_00000295_pre_disaster.png,socal-fire_00000295_pre_disaster,0,0,train\masks\socal-fire_00000295_pre_disaster.png,0,0,0,0,00000295 +0,0,socal-fire,post,train,train\images\socal-fire_00000296_post_disaster.png,socal-fire_00000296_post_disaster,0,0,train\masks\socal-fire_00000296_post_disaster.png,0,0,61,90454,00000296 +0,0,socal-fire,pre,train,train\images\socal-fire_00000296_pre_disaster.png,socal-fire_00000296_pre_disaster,0,0,train\masks\socal-fire_00000296_pre_disaster.png,0,0,61,90512,00000296 +0,0,socal-fire,post,train,train\images\socal-fire_00000297_post_disaster.png,socal-fire_00000297_post_disaster,0,0,train\masks\socal-fire_00000297_post_disaster.png,0,0,0,0,00000297 +0,0,socal-fire,pre,train,train\images\socal-fire_00000297_pre_disaster.png,socal-fire_00000297_pre_disaster,0,0,train\masks\socal-fire_00000297_pre_disaster.png,0,0,0,0,00000297 +1,3415,socal-fire,post,train,train\images\socal-fire_00000301_post_disaster.png,socal-fire_00000301_post_disaster,0,0,train\masks\socal-fire_00000301_post_disaster.png,0,0,17,9250,00000301 +0,0,socal-fire,pre,train,train\images\socal-fire_00000301_pre_disaster.png,socal-fire_00000301_pre_disaster,0,0,train\masks\socal-fire_00000301_pre_disaster.png,0,0,18,12665,00000301 +5,6627,socal-fire,post,train,train\images\socal-fire_00000302_post_disaster.png,socal-fire_00000302_post_disaster,0,0,train\masks\socal-fire_00000302_post_disaster.png,0,0,1,672,00000302 +0,0,socal-fire,pre,train,train\images\socal-fire_00000302_pre_disaster.png,socal-fire_00000302_pre_disaster,0,0,train\masks\socal-fire_00000302_pre_disaster.png,0,0,6,7299,00000302 +6,2053,socal-fire,post,train,train\images\socal-fire_00000303_post_disaster.png,socal-fire_00000303_post_disaster,1,271,train\masks\socal-fire_00000303_post_disaster.png,1,722,1,940,00000303 +0,0,socal-fire,pre,train,train\images\socal-fire_00000303_pre_disaster.png,socal-fire_00000303_pre_disaster,0,0,train\masks\socal-fire_00000303_pre_disaster.png,0,0,9,3986,00000303 +0,0,socal-fire,post,train,train\images\socal-fire_00000306_post_disaster.png,socal-fire_00000306_post_disaster,0,0,train\masks\socal-fire_00000306_post_disaster.png,0,0,0,0,00000306 +0,0,socal-fire,pre,train,train\images\socal-fire_00000306_pre_disaster.png,socal-fire_00000306_pre_disaster,0,0,train\masks\socal-fire_00000306_pre_disaster.png,0,0,0,0,00000306 +9,18180,socal-fire,post,train,train\images\socal-fire_00000308_post_disaster.png,socal-fire_00000308_post_disaster,0,0,train\masks\socal-fire_00000308_post_disaster.png,1,791,42,84206,00000308 +0,0,socal-fire,pre,train,train\images\socal-fire_00000308_pre_disaster.png,socal-fire_00000308_pre_disaster,0,0,train\masks\socal-fire_00000308_pre_disaster.png,0,0,52,103445,00000308 +0,0,socal-fire,post,train,train\images\socal-fire_00000311_post_disaster.png,socal-fire_00000311_post_disaster,0,0,train\masks\socal-fire_00000311_post_disaster.png,0,0,0,0,00000311 +0,0,socal-fire,pre,train,train\images\socal-fire_00000311_pre_disaster.png,socal-fire_00000311_pre_disaster,0,0,train\masks\socal-fire_00000311_pre_disaster.png,0,0,0,0,00000311 +7,9326,socal-fire,post,train,train\images\socal-fire_00000312_post_disaster.png,socal-fire_00000312_post_disaster,0,0,train\masks\socal-fire_00000312_post_disaster.png,0,0,96,168071,00000312 +0,0,socal-fire,pre,train,train\images\socal-fire_00000312_pre_disaster.png,socal-fire_00000312_pre_disaster,0,0,train\masks\socal-fire_00000312_pre_disaster.png,0,0,101,177643,00000312 +0,0,socal-fire,post,train,train\images\socal-fire_00000313_post_disaster.png,socal-fire_00000313_post_disaster,0,0,train\masks\socal-fire_00000313_post_disaster.png,0,0,0,0,00000313 +0,0,socal-fire,pre,train,train\images\socal-fire_00000313_pre_disaster.png,socal-fire_00000313_pre_disaster,0,0,train\masks\socal-fire_00000313_pre_disaster.png,0,0,0,0,00000313 +0,0,socal-fire,post,train,train\images\socal-fire_00000318_post_disaster.png,socal-fire_00000318_post_disaster,0,0,train\masks\socal-fire_00000318_post_disaster.png,0,0,0,0,00000318 +0,0,socal-fire,pre,train,train\images\socal-fire_00000318_pre_disaster.png,socal-fire_00000318_pre_disaster,0,0,train\masks\socal-fire_00000318_pre_disaster.png,0,0,0,0,00000318 +0,0,socal-fire,post,train,train\images\socal-fire_00000321_post_disaster.png,socal-fire_00000321_post_disaster,0,0,train\masks\socal-fire_00000321_post_disaster.png,0,0,0,0,00000321 +0,0,socal-fire,pre,train,train\images\socal-fire_00000321_pre_disaster.png,socal-fire_00000321_pre_disaster,0,0,train\masks\socal-fire_00000321_pre_disaster.png,0,0,0,0,00000321 +0,0,socal-fire,post,train,train\images\socal-fire_00000322_post_disaster.png,socal-fire_00000322_post_disaster,0,0,train\masks\socal-fire_00000322_post_disaster.png,0,0,0,0,00000322 +0,0,socal-fire,pre,train,train\images\socal-fire_00000322_pre_disaster.png,socal-fire_00000322_pre_disaster,0,0,train\masks\socal-fire_00000322_pre_disaster.png,0,0,0,0,00000322 +0,0,socal-fire,post,train,train\images\socal-fire_00000327_post_disaster.png,socal-fire_00000327_post_disaster,0,0,train\masks\socal-fire_00000327_post_disaster.png,0,0,0,0,00000327 +0,0,socal-fire,pre,train,train\images\socal-fire_00000327_pre_disaster.png,socal-fire_00000327_pre_disaster,0,0,train\masks\socal-fire_00000327_pre_disaster.png,0,0,0,0,00000327 +0,0,socal-fire,post,train,train\images\socal-fire_00000330_post_disaster.png,socal-fire_00000330_post_disaster,0,0,train\masks\socal-fire_00000330_post_disaster.png,0,0,0,0,00000330 +0,0,socal-fire,pre,train,train\images\socal-fire_00000330_pre_disaster.png,socal-fire_00000330_pre_disaster,0,0,train\masks\socal-fire_00000330_pre_disaster.png,0,0,0,0,00000330 +0,0,socal-fire,post,train,train\images\socal-fire_00000331_post_disaster.png,socal-fire_00000331_post_disaster,0,0,train\masks\socal-fire_00000331_post_disaster.png,0,0,0,0,00000331 +0,0,socal-fire,pre,train,train\images\socal-fire_00000331_pre_disaster.png,socal-fire_00000331_pre_disaster,0,0,train\masks\socal-fire_00000331_pre_disaster.png,0,0,0,0,00000331 +2,1074,socal-fire,post,train,train\images\socal-fire_00000332_post_disaster.png,socal-fire_00000332_post_disaster,0,0,train\masks\socal-fire_00000332_post_disaster.png,0,0,0,0,00000332 +0,0,socal-fire,pre,train,train\images\socal-fire_00000332_pre_disaster.png,socal-fire_00000332_pre_disaster,0,0,train\masks\socal-fire_00000332_pre_disaster.png,0,0,2,1097,00000332 +0,0,socal-fire,post,train,train\images\socal-fire_00000333_post_disaster.png,socal-fire_00000333_post_disaster,0,0,train\masks\socal-fire_00000333_post_disaster.png,0,0,0,0,00000333 +0,0,socal-fire,pre,train,train\images\socal-fire_00000333_pre_disaster.png,socal-fire_00000333_pre_disaster,0,0,train\masks\socal-fire_00000333_pre_disaster.png,0,0,0,0,00000333 +0,0,socal-fire,post,train,train\images\socal-fire_00000334_post_disaster.png,socal-fire_00000334_post_disaster,0,0,train\masks\socal-fire_00000334_post_disaster.png,0,0,2,4055,00000334 +0,0,socal-fire,pre,train,train\images\socal-fire_00000334_pre_disaster.png,socal-fire_00000334_pre_disaster,0,0,train\masks\socal-fire_00000334_pre_disaster.png,0,0,2,4117,00000334 +0,0,socal-fire,post,train,train\images\socal-fire_00000335_post_disaster.png,socal-fire_00000335_post_disaster,0,0,train\masks\socal-fire_00000335_post_disaster.png,0,0,0,0,00000335 +0,0,socal-fire,pre,train,train\images\socal-fire_00000335_pre_disaster.png,socal-fire_00000335_pre_disaster,0,0,train\masks\socal-fire_00000335_pre_disaster.png,0,0,0,0,00000335 +0,0,socal-fire,post,train,train\images\socal-fire_00000336_post_disaster.png,socal-fire_00000336_post_disaster,0,0,train\masks\socal-fire_00000336_post_disaster.png,0,0,0,0,00000336 +0,0,socal-fire,pre,train,train\images\socal-fire_00000336_pre_disaster.png,socal-fire_00000336_pre_disaster,0,0,train\masks\socal-fire_00000336_pre_disaster.png,0,0,0,0,00000336 +0,0,socal-fire,post,train,train\images\socal-fire_00000337_post_disaster.png,socal-fire_00000337_post_disaster,0,0,train\masks\socal-fire_00000337_post_disaster.png,0,0,16,18188,00000337 +0,0,socal-fire,pre,train,train\images\socal-fire_00000337_pre_disaster.png,socal-fire_00000337_pre_disaster,0,0,train\masks\socal-fire_00000337_pre_disaster.png,0,0,16,18188,00000337 +0,0,socal-fire,post,train,train\images\socal-fire_00000339_post_disaster.png,socal-fire_00000339_post_disaster,0,0,train\masks\socal-fire_00000339_post_disaster.png,0,0,0,0,00000339 +0,0,socal-fire,pre,train,train\images\socal-fire_00000339_pre_disaster.png,socal-fire_00000339_pre_disaster,0,0,train\masks\socal-fire_00000339_pre_disaster.png,0,0,0,0,00000339 +1,1594,socal-fire,post,train,train\images\socal-fire_00000340_post_disaster.png,socal-fire_00000340_post_disaster,0,0,train\masks\socal-fire_00000340_post_disaster.png,0,0,2,2878,00000340 +0,0,socal-fire,pre,train,train\images\socal-fire_00000340_pre_disaster.png,socal-fire_00000340_pre_disaster,0,0,train\masks\socal-fire_00000340_pre_disaster.png,0,0,3,4555,00000340 +9,2265,socal-fire,post,train,train\images\socal-fire_00000341_post_disaster.png,socal-fire_00000341_post_disaster,0,0,train\masks\socal-fire_00000341_post_disaster.png,0,0,1,1907,00000341 +0,0,socal-fire,pre,train,train\images\socal-fire_00000341_pre_disaster.png,socal-fire_00000341_pre_disaster,0,0,train\masks\socal-fire_00000341_pre_disaster.png,0,0,10,4172,00000341 +2,1970,socal-fire,post,train,train\images\socal-fire_00000343_post_disaster.png,socal-fire_00000343_post_disaster,0,0,train\masks\socal-fire_00000343_post_disaster.png,1,404,0,0,00000343 +0,0,socal-fire,pre,train,train\images\socal-fire_00000343_pre_disaster.png,socal-fire_00000343_pre_disaster,0,0,train\masks\socal-fire_00000343_pre_disaster.png,0,0,3,2374,00000343 +1,3949,socal-fire,post,train,train\images\socal-fire_00000346_post_disaster.png,socal-fire_00000346_post_disaster,0,0,train\masks\socal-fire_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,socal-fire,pre,train,train\images\socal-fire_00000346_pre_disaster.png,socal-fire_00000346_pre_disaster,0,0,train\masks\socal-fire_00000346_pre_disaster.png,0,0,1,3949,00000346 +10,12330,socal-fire,post,train,train\images\socal-fire_00000348_post_disaster.png,socal-fire_00000348_post_disaster,0,0,train\masks\socal-fire_00000348_post_disaster.png,0,0,15,16324,00000348 +0,0,socal-fire,pre,train,train\images\socal-fire_00000348_pre_disaster.png,socal-fire_00000348_pre_disaster,0,0,train\masks\socal-fire_00000348_pre_disaster.png,0,0,25,28695,00000348 +0,0,socal-fire,post,train,train\images\socal-fire_00000349_post_disaster.png,socal-fire_00000349_post_disaster,0,0,train\masks\socal-fire_00000349_post_disaster.png,0,0,0,0,00000349 +0,0,socal-fire,pre,train,train\images\socal-fire_00000349_pre_disaster.png,socal-fire_00000349_pre_disaster,0,0,train\masks\socal-fire_00000349_pre_disaster.png,0,0,0,0,00000349 +0,0,socal-fire,post,train,train\images\socal-fire_00000352_post_disaster.png,socal-fire_00000352_post_disaster,0,0,train\masks\socal-fire_00000352_post_disaster.png,0,0,0,0,00000352 +0,0,socal-fire,pre,train,train\images\socal-fire_00000352_pre_disaster.png,socal-fire_00000352_pre_disaster,0,0,train\masks\socal-fire_00000352_pre_disaster.png,0,0,0,0,00000352 +0,0,socal-fire,post,train,train\images\socal-fire_00000353_post_disaster.png,socal-fire_00000353_post_disaster,0,0,train\masks\socal-fire_00000353_post_disaster.png,0,0,0,0,00000353 +0,0,socal-fire,pre,train,train\images\socal-fire_00000353_pre_disaster.png,socal-fire_00000353_pre_disaster,0,0,train\masks\socal-fire_00000353_pre_disaster.png,0,0,0,0,00000353 +0,0,socal-fire,post,train,train\images\socal-fire_00000354_post_disaster.png,socal-fire_00000354_post_disaster,0,0,train\masks\socal-fire_00000354_post_disaster.png,0,0,1,79,00000354 +0,0,socal-fire,pre,train,train\images\socal-fire_00000354_pre_disaster.png,socal-fire_00000354_pre_disaster,0,0,train\masks\socal-fire_00000354_pre_disaster.png,0,0,1,87,00000354 +0,0,socal-fire,post,train,train\images\socal-fire_00000357_post_disaster.png,socal-fire_00000357_post_disaster,0,0,train\masks\socal-fire_00000357_post_disaster.png,0,0,8,1351,00000357 +0,0,socal-fire,pre,train,train\images\socal-fire_00000357_pre_disaster.png,socal-fire_00000357_pre_disaster,0,0,train\masks\socal-fire_00000357_pre_disaster.png,0,0,8,1383,00000357 +15,4677,socal-fire,post,train,train\images\socal-fire_00000358_post_disaster.png,socal-fire_00000358_post_disaster,0,0,train\masks\socal-fire_00000358_post_disaster.png,0,0,1,117,00000358 +0,0,socal-fire,pre,train,train\images\socal-fire_00000358_pre_disaster.png,socal-fire_00000358_pre_disaster,0,0,train\masks\socal-fire_00000358_pre_disaster.png,0,0,16,4794,00000358 +28,11351,socal-fire,post,train,train\images\socal-fire_00000360_post_disaster.png,socal-fire_00000360_post_disaster,0,0,train\masks\socal-fire_00000360_post_disaster.png,0,0,21,10605,00000360 +0,0,socal-fire,pre,train,train\images\socal-fire_00000360_pre_disaster.png,socal-fire_00000360_pre_disaster,0,0,train\masks\socal-fire_00000360_pre_disaster.png,0,0,49,21968,00000360 +0,0,socal-fire,post,train,train\images\socal-fire_00000361_post_disaster.png,socal-fire_00000361_post_disaster,0,0,train\masks\socal-fire_00000361_post_disaster.png,0,0,0,0,00000361 +0,0,socal-fire,pre,train,train\images\socal-fire_00000361_pre_disaster.png,socal-fire_00000361_pre_disaster,0,0,train\masks\socal-fire_00000361_pre_disaster.png,0,0,0,0,00000361 +0,0,socal-fire,post,train,train\images\socal-fire_00000363_post_disaster.png,socal-fire_00000363_post_disaster,0,0,train\masks\socal-fire_00000363_post_disaster.png,0,0,16,2219,00000363 +0,0,socal-fire,pre,train,train\images\socal-fire_00000363_pre_disaster.png,socal-fire_00000363_pre_disaster,0,0,train\masks\socal-fire_00000363_pre_disaster.png,0,0,16,2219,00000363 +0,0,socal-fire,post,train,train\images\socal-fire_00000364_post_disaster.png,socal-fire_00000364_post_disaster,0,0,train\masks\socal-fire_00000364_post_disaster.png,0,0,0,0,00000364 +0,0,socal-fire,pre,train,train\images\socal-fire_00000364_pre_disaster.png,socal-fire_00000364_pre_disaster,0,0,train\masks\socal-fire_00000364_pre_disaster.png,0,0,0,0,00000364 +3,531,socal-fire,post,train,train\images\socal-fire_00000367_post_disaster.png,socal-fire_00000367_post_disaster,0,0,train\masks\socal-fire_00000367_post_disaster.png,0,0,0,0,00000367 +0,0,socal-fire,pre,train,train\images\socal-fire_00000367_pre_disaster.png,socal-fire_00000367_pre_disaster,0,0,train\masks\socal-fire_00000367_pre_disaster.png,0,0,3,531,00000367 +11,4939,socal-fire,post,train,train\images\socal-fire_00000369_post_disaster.png,socal-fire_00000369_post_disaster,0,0,train\masks\socal-fire_00000369_post_disaster.png,0,0,3,4321,00000369 +0,0,socal-fire,pre,train,train\images\socal-fire_00000369_pre_disaster.png,socal-fire_00000369_pre_disaster,0,0,train\masks\socal-fire_00000369_pre_disaster.png,0,0,14,9260,00000369 +3,3369,socal-fire,post,train,train\images\socal-fire_00000370_post_disaster.png,socal-fire_00000370_post_disaster,0,0,train\masks\socal-fire_00000370_post_disaster.png,0,0,0,0,00000370 +0,0,socal-fire,pre,train,train\images\socal-fire_00000370_pre_disaster.png,socal-fire_00000370_pre_disaster,0,0,train\masks\socal-fire_00000370_pre_disaster.png,0,0,3,3369,00000370 +0,0,socal-fire,post,train,train\images\socal-fire_00000371_post_disaster.png,socal-fire_00000371_post_disaster,0,0,train\masks\socal-fire_00000371_post_disaster.png,0,0,0,0,00000371 +0,0,socal-fire,pre,train,train\images\socal-fire_00000371_pre_disaster.png,socal-fire_00000371_pre_disaster,0,0,train\masks\socal-fire_00000371_pre_disaster.png,0,0,0,0,00000371 +0,0,socal-fire,post,train,train\images\socal-fire_00000372_post_disaster.png,socal-fire_00000372_post_disaster,0,0,train\masks\socal-fire_00000372_post_disaster.png,0,0,0,0,00000372 +0,0,socal-fire,pre,train,train\images\socal-fire_00000372_pre_disaster.png,socal-fire_00000372_pre_disaster,0,0,train\masks\socal-fire_00000372_pre_disaster.png,0,0,0,0,00000372 +0,0,socal-fire,post,train,train\images\socal-fire_00000373_post_disaster.png,socal-fire_00000373_post_disaster,0,0,train\masks\socal-fire_00000373_post_disaster.png,0,0,0,0,00000373 +0,0,socal-fire,pre,train,train\images\socal-fire_00000373_pre_disaster.png,socal-fire_00000373_pre_disaster,0,0,train\masks\socal-fire_00000373_pre_disaster.png,0,0,0,0,00000373 +0,0,socal-fire,post,train,train\images\socal-fire_00000374_post_disaster.png,socal-fire_00000374_post_disaster,0,0,train\masks\socal-fire_00000374_post_disaster.png,0,0,0,0,00000374 +0,0,socal-fire,pre,train,train\images\socal-fire_00000374_pre_disaster.png,socal-fire_00000374_pre_disaster,0,0,train\masks\socal-fire_00000374_pre_disaster.png,0,0,0,0,00000374 +0,0,socal-fire,post,train,train\images\socal-fire_00000375_post_disaster.png,socal-fire_00000375_post_disaster,0,0,train\masks\socal-fire_00000375_post_disaster.png,0,0,29,36098,00000375 +0,0,socal-fire,pre,train,train\images\socal-fire_00000375_pre_disaster.png,socal-fire_00000375_pre_disaster,0,0,train\masks\socal-fire_00000375_pre_disaster.png,0,0,29,36132,00000375 +0,0,socal-fire,post,train,train\images\socal-fire_00000376_post_disaster.png,socal-fire_00000376_post_disaster,0,0,train\masks\socal-fire_00000376_post_disaster.png,0,0,0,0,00000376 +0,0,socal-fire,pre,train,train\images\socal-fire_00000376_pre_disaster.png,socal-fire_00000376_pre_disaster,0,0,train\masks\socal-fire_00000376_pre_disaster.png,0,0,0,0,00000376 +0,0,socal-fire,post,train,train\images\socal-fire_00000377_post_disaster.png,socal-fire_00000377_post_disaster,0,0,train\masks\socal-fire_00000377_post_disaster.png,0,0,0,0,00000377 +0,0,socal-fire,pre,train,train\images\socal-fire_00000377_pre_disaster.png,socal-fire_00000377_pre_disaster,0,0,train\masks\socal-fire_00000377_pre_disaster.png,0,0,0,0,00000377 +0,0,socal-fire,post,train,train\images\socal-fire_00000378_post_disaster.png,socal-fire_00000378_post_disaster,0,0,train\masks\socal-fire_00000378_post_disaster.png,0,0,0,0,00000378 +0,0,socal-fire,pre,train,train\images\socal-fire_00000378_pre_disaster.png,socal-fire_00000378_pre_disaster,0,0,train\masks\socal-fire_00000378_pre_disaster.png,0,0,0,0,00000378 +0,0,socal-fire,post,train,train\images\socal-fire_00000383_post_disaster.png,socal-fire_00000383_post_disaster,0,0,train\masks\socal-fire_00000383_post_disaster.png,0,0,0,0,00000383 +0,0,socal-fire,pre,train,train\images\socal-fire_00000383_pre_disaster.png,socal-fire_00000383_pre_disaster,0,0,train\masks\socal-fire_00000383_pre_disaster.png,0,0,0,0,00000383 +0,0,socal-fire,post,train,train\images\socal-fire_00000384_post_disaster.png,socal-fire_00000384_post_disaster,0,0,train\masks\socal-fire_00000384_post_disaster.png,0,0,0,0,00000384 +0,0,socal-fire,pre,train,train\images\socal-fire_00000384_pre_disaster.png,socal-fire_00000384_pre_disaster,0,0,train\masks\socal-fire_00000384_pre_disaster.png,0,0,0,0,00000384 +0,0,socal-fire,post,train,train\images\socal-fire_00000385_post_disaster.png,socal-fire_00000385_post_disaster,0,0,train\masks\socal-fire_00000385_post_disaster.png,0,0,0,0,00000385 +0,0,socal-fire,pre,train,train\images\socal-fire_00000385_pre_disaster.png,socal-fire_00000385_pre_disaster,0,0,train\masks\socal-fire_00000385_pre_disaster.png,0,0,0,0,00000385 +0,0,socal-fire,post,train,train\images\socal-fire_00000386_post_disaster.png,socal-fire_00000386_post_disaster,0,0,train\masks\socal-fire_00000386_post_disaster.png,0,0,0,0,00000386 +0,0,socal-fire,pre,train,train\images\socal-fire_00000386_pre_disaster.png,socal-fire_00000386_pre_disaster,0,0,train\masks\socal-fire_00000386_pre_disaster.png,0,0,0,0,00000386 +19,9669,socal-fire,post,train,train\images\socal-fire_00000387_post_disaster.png,socal-fire_00000387_post_disaster,0,0,train\masks\socal-fire_00000387_post_disaster.png,1,5627,0,0,00000387 +0,0,socal-fire,pre,train,train\images\socal-fire_00000387_pre_disaster.png,socal-fire_00000387_pre_disaster,0,0,train\masks\socal-fire_00000387_pre_disaster.png,0,0,20,15296,00000387 +0,0,socal-fire,post,train,train\images\socal-fire_00000388_post_disaster.png,socal-fire_00000388_post_disaster,0,0,train\masks\socal-fire_00000388_post_disaster.png,0,0,0,0,00000388 +0,0,socal-fire,pre,train,train\images\socal-fire_00000388_pre_disaster.png,socal-fire_00000388_pre_disaster,0,0,train\masks\socal-fire_00000388_pre_disaster.png,0,0,0,0,00000388 +4,5080,socal-fire,post,train,train\images\socal-fire_00000389_post_disaster.png,socal-fire_00000389_post_disaster,0,0,train\masks\socal-fire_00000389_post_disaster.png,0,0,12,8322,00000389 +0,0,socal-fire,pre,train,train\images\socal-fire_00000389_pre_disaster.png,socal-fire_00000389_pre_disaster,0,0,train\masks\socal-fire_00000389_pre_disaster.png,0,0,16,13402,00000389 +0,0,socal-fire,post,train,train\images\socal-fire_00000391_post_disaster.png,socal-fire_00000391_post_disaster,0,0,train\masks\socal-fire_00000391_post_disaster.png,0,0,4,5100,00000391 +0,0,socal-fire,pre,train,train\images\socal-fire_00000391_pre_disaster.png,socal-fire_00000391_pre_disaster,0,0,train\masks\socal-fire_00000391_pre_disaster.png,0,0,4,5218,00000391 +0,0,socal-fire,post,train,train\images\socal-fire_00000392_post_disaster.png,socal-fire_00000392_post_disaster,0,0,train\masks\socal-fire_00000392_post_disaster.png,0,0,1,186,00000392 +0,0,socal-fire,pre,train,train\images\socal-fire_00000392_pre_disaster.png,socal-fire_00000392_pre_disaster,0,0,train\masks\socal-fire_00000392_pre_disaster.png,0,0,1,186,00000392 +0,0,socal-fire,post,train,train\images\socal-fire_00000397_post_disaster.png,socal-fire_00000397_post_disaster,0,0,train\masks\socal-fire_00000397_post_disaster.png,0,0,0,0,00000397 +0,0,socal-fire,pre,train,train\images\socal-fire_00000397_pre_disaster.png,socal-fire_00000397_pre_disaster,0,0,train\masks\socal-fire_00000397_pre_disaster.png,0,0,0,0,00000397 +0,0,socal-fire,post,train,train\images\socal-fire_00000398_post_disaster.png,socal-fire_00000398_post_disaster,0,0,train\masks\socal-fire_00000398_post_disaster.png,0,0,0,0,00000398 +0,0,socal-fire,pre,train,train\images\socal-fire_00000398_pre_disaster.png,socal-fire_00000398_pre_disaster,0,0,train\masks\socal-fire_00000398_pre_disaster.png,0,0,0,0,00000398 +4,567,socal-fire,post,train,train\images\socal-fire_00000399_post_disaster.png,socal-fire_00000399_post_disaster,0,0,train\masks\socal-fire_00000399_post_disaster.png,2,1301,0,0,00000399 +0,0,socal-fire,pre,train,train\images\socal-fire_00000399_pre_disaster.png,socal-fire_00000399_pre_disaster,0,0,train\masks\socal-fire_00000399_pre_disaster.png,0,0,6,1904,00000399 +0,0,socal-fire,post,train,train\images\socal-fire_00000400_post_disaster.png,socal-fire_00000400_post_disaster,0,0,train\masks\socal-fire_00000400_post_disaster.png,0,0,0,0,00000400 +0,0,socal-fire,pre,train,train\images\socal-fire_00000400_pre_disaster.png,socal-fire_00000400_pre_disaster,0,0,train\masks\socal-fire_00000400_pre_disaster.png,0,0,0,0,00000400 +0,0,socal-fire,post,train,train\images\socal-fire_00000401_post_disaster.png,socal-fire_00000401_post_disaster,0,0,train\masks\socal-fire_00000401_post_disaster.png,0,0,0,0,00000401 +0,0,socal-fire,pre,train,train\images\socal-fire_00000401_pre_disaster.png,socal-fire_00000401_pre_disaster,0,0,train\masks\socal-fire_00000401_pre_disaster.png,0,0,0,0,00000401 +0,0,socal-fire,post,train,train\images\socal-fire_00000402_post_disaster.png,socal-fire_00000402_post_disaster,1,384,train\masks\socal-fire_00000402_post_disaster.png,0,0,2,4934,00000402 +0,0,socal-fire,pre,train,train\images\socal-fire_00000402_pre_disaster.png,socal-fire_00000402_pre_disaster,0,0,train\masks\socal-fire_00000402_pre_disaster.png,0,0,3,5318,00000402 +0,0,socal-fire,post,train,train\images\socal-fire_00000403_post_disaster.png,socal-fire_00000403_post_disaster,0,0,train\masks\socal-fire_00000403_post_disaster.png,0,0,0,0,00000403 +0,0,socal-fire,pre,train,train\images\socal-fire_00000403_pre_disaster.png,socal-fire_00000403_pre_disaster,0,0,train\masks\socal-fire_00000403_pre_disaster.png,0,0,0,0,00000403 +0,0,socal-fire,post,train,train\images\socal-fire_00000405_post_disaster.png,socal-fire_00000405_post_disaster,0,0,train\masks\socal-fire_00000405_post_disaster.png,0,0,7,4599,00000405 +0,0,socal-fire,pre,train,train\images\socal-fire_00000405_pre_disaster.png,socal-fire_00000405_pre_disaster,0,0,train\masks\socal-fire_00000405_pre_disaster.png,0,0,7,4599,00000405 +10,2073,socal-fire,post,train,train\images\socal-fire_00000408_post_disaster.png,socal-fire_00000408_post_disaster,0,0,train\masks\socal-fire_00000408_post_disaster.png,1,49,12,4968,00000408 +0,0,socal-fire,pre,train,train\images\socal-fire_00000408_pre_disaster.png,socal-fire_00000408_pre_disaster,0,0,train\masks\socal-fire_00000408_pre_disaster.png,0,0,23,7122,00000408 +0,0,socal-fire,post,train,train\images\socal-fire_00000409_post_disaster.png,socal-fire_00000409_post_disaster,0,0,train\masks\socal-fire_00000409_post_disaster.png,0,0,4,561,00000409 +0,0,socal-fire,pre,train,train\images\socal-fire_00000409_pre_disaster.png,socal-fire_00000409_pre_disaster,0,0,train\masks\socal-fire_00000409_pre_disaster.png,0,0,4,561,00000409 +0,0,socal-fire,post,train,train\images\socal-fire_00000410_post_disaster.png,socal-fire_00000410_post_disaster,0,0,train\masks\socal-fire_00000410_post_disaster.png,0,0,0,0,00000410 +0,0,socal-fire,pre,train,train\images\socal-fire_00000410_pre_disaster.png,socal-fire_00000410_pre_disaster,0,0,train\masks\socal-fire_00000410_pre_disaster.png,0,0,0,0,00000410 +0,0,socal-fire,post,train,train\images\socal-fire_00000411_post_disaster.png,socal-fire_00000411_post_disaster,0,0,train\masks\socal-fire_00000411_post_disaster.png,0,0,0,0,00000411 +0,0,socal-fire,pre,train,train\images\socal-fire_00000411_pre_disaster.png,socal-fire_00000411_pre_disaster,0,0,train\masks\socal-fire_00000411_pre_disaster.png,0,0,0,0,00000411 +0,0,socal-fire,post,train,train\images\socal-fire_00000412_post_disaster.png,socal-fire_00000412_post_disaster,0,0,train\masks\socal-fire_00000412_post_disaster.png,0,0,0,0,00000412 +0,0,socal-fire,pre,train,train\images\socal-fire_00000412_pre_disaster.png,socal-fire_00000412_pre_disaster,0,0,train\masks\socal-fire_00000412_pre_disaster.png,0,0,0,0,00000412 +0,0,socal-fire,post,train,train\images\socal-fire_00000415_post_disaster.png,socal-fire_00000415_post_disaster,0,0,train\masks\socal-fire_00000415_post_disaster.png,0,0,0,0,00000415 +0,0,socal-fire,pre,train,train\images\socal-fire_00000415_pre_disaster.png,socal-fire_00000415_pre_disaster,0,0,train\masks\socal-fire_00000415_pre_disaster.png,0,0,0,0,00000415 +6,6948,socal-fire,post,train,train\images\socal-fire_00000417_post_disaster.png,socal-fire_00000417_post_disaster,0,0,train\masks\socal-fire_00000417_post_disaster.png,1,198,12,7238,00000417 +0,0,socal-fire,pre,train,train\images\socal-fire_00000417_pre_disaster.png,socal-fire_00000417_pre_disaster,0,0,train\masks\socal-fire_00000417_pre_disaster.png,0,0,18,14384,00000417 +2,83,socal-fire,post,train,train\images\socal-fire_00000420_post_disaster.png,socal-fire_00000420_post_disaster,0,0,train\masks\socal-fire_00000420_post_disaster.png,0,0,1,75,00000420 +0,0,socal-fire,pre,train,train\images\socal-fire_00000420_pre_disaster.png,socal-fire_00000420_pre_disaster,0,0,train\masks\socal-fire_00000420_pre_disaster.png,0,0,3,158,00000420 +0,0,socal-fire,post,train,train\images\socal-fire_00000421_post_disaster.png,socal-fire_00000421_post_disaster,0,0,train\masks\socal-fire_00000421_post_disaster.png,0,0,0,0,00000421 +0,0,socal-fire,pre,train,train\images\socal-fire_00000421_pre_disaster.png,socal-fire_00000421_pre_disaster,0,0,train\masks\socal-fire_00000421_pre_disaster.png,0,0,0,0,00000421 +0,0,socal-fire,post,train,train\images\socal-fire_00000422_post_disaster.png,socal-fire_00000422_post_disaster,0,0,train\masks\socal-fire_00000422_post_disaster.png,0,0,33,39690,00000422 +0,0,socal-fire,pre,train,train\images\socal-fire_00000422_pre_disaster.png,socal-fire_00000422_pre_disaster,0,0,train\masks\socal-fire_00000422_pre_disaster.png,0,0,33,39723,00000422 +0,0,socal-fire,post,train,train\images\socal-fire_00000423_post_disaster.png,socal-fire_00000423_post_disaster,0,0,train\masks\socal-fire_00000423_post_disaster.png,0,0,0,0,00000423 +0,0,socal-fire,pre,train,train\images\socal-fire_00000423_pre_disaster.png,socal-fire_00000423_pre_disaster,0,0,train\masks\socal-fire_00000423_pre_disaster.png,0,0,0,0,00000423 +13,11630,socal-fire,post,train,train\images\socal-fire_00000427_post_disaster.png,socal-fire_00000427_post_disaster,2,1058,train\masks\socal-fire_00000427_post_disaster.png,0,0,1,240,00000427 +0,0,socal-fire,pre,train,train\images\socal-fire_00000427_pre_disaster.png,socal-fire_00000427_pre_disaster,0,0,train\masks\socal-fire_00000427_pre_disaster.png,0,0,16,12928,00000427 +1,65,socal-fire,post,train,train\images\socal-fire_00000429_post_disaster.png,socal-fire_00000429_post_disaster,0,0,train\masks\socal-fire_00000429_post_disaster.png,0,0,0,0,00000429 +0,0,socal-fire,pre,train,train\images\socal-fire_00000429_pre_disaster.png,socal-fire_00000429_pre_disaster,0,0,train\masks\socal-fire_00000429_pre_disaster.png,0,0,1,65,00000429 +1,135,socal-fire,post,train,train\images\socal-fire_00000430_post_disaster.png,socal-fire_00000430_post_disaster,0,0,train\masks\socal-fire_00000430_post_disaster.png,0,0,0,0,00000430 +0,0,socal-fire,pre,train,train\images\socal-fire_00000430_pre_disaster.png,socal-fire_00000430_pre_disaster,0,0,train\masks\socal-fire_00000430_pre_disaster.png,0,0,1,135,00000430 +0,0,socal-fire,post,train,train\images\socal-fire_00000432_post_disaster.png,socal-fire_00000432_post_disaster,0,0,train\masks\socal-fire_00000432_post_disaster.png,0,0,0,0,00000432 +0,0,socal-fire,pre,train,train\images\socal-fire_00000432_pre_disaster.png,socal-fire_00000432_pre_disaster,0,0,train\masks\socal-fire_00000432_pre_disaster.png,0,0,0,0,00000432 +1,1159,socal-fire,post,train,train\images\socal-fire_00000433_post_disaster.png,socal-fire_00000433_post_disaster,0,0,train\masks\socal-fire_00000433_post_disaster.png,0,0,0,0,00000433 +0,0,socal-fire,pre,train,train\images\socal-fire_00000433_pre_disaster.png,socal-fire_00000433_pre_disaster,0,0,train\masks\socal-fire_00000433_pre_disaster.png,0,0,1,1159,00000433 +1,140,socal-fire,post,train,train\images\socal-fire_00000434_post_disaster.png,socal-fire_00000434_post_disaster,0,0,train\masks\socal-fire_00000434_post_disaster.png,0,0,0,0,00000434 +0,0,socal-fire,pre,train,train\images\socal-fire_00000434_pre_disaster.png,socal-fire_00000434_pre_disaster,0,0,train\masks\socal-fire_00000434_pre_disaster.png,0,0,1,140,00000434 +0,0,socal-fire,post,train,train\images\socal-fire_00000435_post_disaster.png,socal-fire_00000435_post_disaster,0,0,train\masks\socal-fire_00000435_post_disaster.png,0,0,0,0,00000435 +0,0,socal-fire,pre,train,train\images\socal-fire_00000435_pre_disaster.png,socal-fire_00000435_pre_disaster,0,0,train\masks\socal-fire_00000435_pre_disaster.png,0,0,0,0,00000435 +12,6163,socal-fire,post,train,train\images\socal-fire_00000436_post_disaster.png,socal-fire_00000436_post_disaster,0,0,train\masks\socal-fire_00000436_post_disaster.png,0,0,5,3944,00000436 +0,0,socal-fire,pre,train,train\images\socal-fire_00000436_pre_disaster.png,socal-fire_00000436_pre_disaster,0,0,train\masks\socal-fire_00000436_pre_disaster.png,0,0,17,10107,00000436 +0,0,socal-fire,post,train,train\images\socal-fire_00000438_post_disaster.png,socal-fire_00000438_post_disaster,0,0,train\masks\socal-fire_00000438_post_disaster.png,0,0,0,0,00000438 +0,0,socal-fire,pre,train,train\images\socal-fire_00000438_pre_disaster.png,socal-fire_00000438_pre_disaster,0,0,train\masks\socal-fire_00000438_pre_disaster.png,0,0,0,0,00000438 +4,6829,socal-fire,post,train,train\images\socal-fire_00000442_post_disaster.png,socal-fire_00000442_post_disaster,0,0,train\masks\socal-fire_00000442_post_disaster.png,0,0,18,28845,00000442 +0,0,socal-fire,pre,train,train\images\socal-fire_00000442_pre_disaster.png,socal-fire_00000442_pre_disaster,0,0,train\masks\socal-fire_00000442_pre_disaster.png,0,0,22,35711,00000442 +0,0,socal-fire,post,train,train\images\socal-fire_00000445_post_disaster.png,socal-fire_00000445_post_disaster,0,0,train\masks\socal-fire_00000445_post_disaster.png,0,0,0,0,00000445 +0,0,socal-fire,pre,train,train\images\socal-fire_00000445_pre_disaster.png,socal-fire_00000445_pre_disaster,0,0,train\masks\socal-fire_00000445_pre_disaster.png,0,0,0,0,00000445 +0,0,socal-fire,post,train,train\images\socal-fire_00000446_post_disaster.png,socal-fire_00000446_post_disaster,0,0,train\masks\socal-fire_00000446_post_disaster.png,0,0,0,0,00000446 +0,0,socal-fire,pre,train,train\images\socal-fire_00000446_pre_disaster.png,socal-fire_00000446_pre_disaster,0,0,train\masks\socal-fire_00000446_pre_disaster.png,0,0,0,0,00000446 +0,0,socal-fire,post,train,train\images\socal-fire_00000447_post_disaster.png,socal-fire_00000447_post_disaster,0,0,train\masks\socal-fire_00000447_post_disaster.png,0,0,0,0,00000447 +0,0,socal-fire,pre,train,train\images\socal-fire_00000447_pre_disaster.png,socal-fire_00000447_pre_disaster,0,0,train\masks\socal-fire_00000447_pre_disaster.png,0,0,0,0,00000447 +0,0,socal-fire,post,train,train\images\socal-fire_00000450_post_disaster.png,socal-fire_00000450_post_disaster,0,0,train\masks\socal-fire_00000450_post_disaster.png,0,0,0,0,00000450 +0,0,socal-fire,pre,train,train\images\socal-fire_00000450_pre_disaster.png,socal-fire_00000450_pre_disaster,0,0,train\masks\socal-fire_00000450_pre_disaster.png,0,0,0,0,00000450 +0,0,socal-fire,post,train,train\images\socal-fire_00000451_post_disaster.png,socal-fire_00000451_post_disaster,0,0,train\masks\socal-fire_00000451_post_disaster.png,0,0,0,0,00000451 +0,0,socal-fire,pre,train,train\images\socal-fire_00000451_pre_disaster.png,socal-fire_00000451_pre_disaster,0,0,train\masks\socal-fire_00000451_pre_disaster.png,0,0,0,0,00000451 +0,0,socal-fire,post,train,train\images\socal-fire_00000454_post_disaster.png,socal-fire_00000454_post_disaster,0,0,train\masks\socal-fire_00000454_post_disaster.png,0,0,0,0,00000454 +0,0,socal-fire,pre,train,train\images\socal-fire_00000454_pre_disaster.png,socal-fire_00000454_pre_disaster,0,0,train\masks\socal-fire_00000454_pre_disaster.png,0,0,0,0,00000454 +0,0,socal-fire,post,train,train\images\socal-fire_00000455_post_disaster.png,socal-fire_00000455_post_disaster,0,0,train\masks\socal-fire_00000455_post_disaster.png,0,0,1,3914,00000455 +0,0,socal-fire,pre,train,train\images\socal-fire_00000455_pre_disaster.png,socal-fire_00000455_pre_disaster,0,0,train\masks\socal-fire_00000455_pre_disaster.png,0,0,1,4568,00000455 +0,0,socal-fire,post,train,train\images\socal-fire_00000457_post_disaster.png,socal-fire_00000457_post_disaster,0,0,train\masks\socal-fire_00000457_post_disaster.png,0,0,0,0,00000457 +0,0,socal-fire,pre,train,train\images\socal-fire_00000457_pre_disaster.png,socal-fire_00000457_pre_disaster,0,0,train\masks\socal-fire_00000457_pre_disaster.png,0,0,0,0,00000457 +0,0,socal-fire,post,train,train\images\socal-fire_00000461_post_disaster.png,socal-fire_00000461_post_disaster,0,0,train\masks\socal-fire_00000461_post_disaster.png,0,0,0,0,00000461 +0,0,socal-fire,pre,train,train\images\socal-fire_00000461_pre_disaster.png,socal-fire_00000461_pre_disaster,0,0,train\masks\socal-fire_00000461_pre_disaster.png,0,0,0,0,00000461 +2,1412,socal-fire,post,train,train\images\socal-fire_00000462_post_disaster.png,socal-fire_00000462_post_disaster,0,0,train\masks\socal-fire_00000462_post_disaster.png,0,0,0,0,00000462 +0,0,socal-fire,pre,train,train\images\socal-fire_00000462_pre_disaster.png,socal-fire_00000462_pre_disaster,0,0,train\masks\socal-fire_00000462_pre_disaster.png,0,0,2,1412,00000462 +0,0,socal-fire,post,train,train\images\socal-fire_00000464_post_disaster.png,socal-fire_00000464_post_disaster,0,0,train\masks\socal-fire_00000464_post_disaster.png,0,0,0,0,00000464 +0,0,socal-fire,pre,train,train\images\socal-fire_00000464_pre_disaster.png,socal-fire_00000464_pre_disaster,0,0,train\masks\socal-fire_00000464_pre_disaster.png,0,0,0,0,00000464 +0,0,socal-fire,post,train,train\images\socal-fire_00000465_post_disaster.png,socal-fire_00000465_post_disaster,0,0,train\masks\socal-fire_00000465_post_disaster.png,0,0,0,0,00000465 +0,0,socal-fire,pre,train,train\images\socal-fire_00000465_pre_disaster.png,socal-fire_00000465_pre_disaster,0,0,train\masks\socal-fire_00000465_pre_disaster.png,0,0,0,0,00000465 +9,3129,socal-fire,post,train,train\images\socal-fire_00000466_post_disaster.png,socal-fire_00000466_post_disaster,0,0,train\masks\socal-fire_00000466_post_disaster.png,0,0,0,0,00000466 +0,0,socal-fire,pre,train,train\images\socal-fire_00000466_pre_disaster.png,socal-fire_00000466_pre_disaster,0,0,train\masks\socal-fire_00000466_pre_disaster.png,0,0,9,3156,00000466 +0,0,socal-fire,post,train,train\images\socal-fire_00000467_post_disaster.png,socal-fire_00000467_post_disaster,0,0,train\masks\socal-fire_00000467_post_disaster.png,0,0,0,0,00000467 +0,0,socal-fire,pre,train,train\images\socal-fire_00000467_pre_disaster.png,socal-fire_00000467_pre_disaster,0,0,train\masks\socal-fire_00000467_pre_disaster.png,0,0,0,0,00000467 +5,4179,socal-fire,post,train,train\images\socal-fire_00000468_post_disaster.png,socal-fire_00000468_post_disaster,0,0,train\masks\socal-fire_00000468_post_disaster.png,0,0,31,26281,00000468 +0,0,socal-fire,pre,train,train\images\socal-fire_00000468_pre_disaster.png,socal-fire_00000468_pre_disaster,0,0,train\masks\socal-fire_00000468_pre_disaster.png,0,0,36,30742,00000468 +3,1230,socal-fire,post,train,train\images\socal-fire_00000469_post_disaster.png,socal-fire_00000469_post_disaster,0,0,train\masks\socal-fire_00000469_post_disaster.png,0,0,3,3351,00000469 +0,0,socal-fire,pre,train,train\images\socal-fire_00000469_pre_disaster.png,socal-fire_00000469_pre_disaster,0,0,train\masks\socal-fire_00000469_pre_disaster.png,0,0,6,4616,00000469 +0,0,socal-fire,post,train,train\images\socal-fire_00000471_post_disaster.png,socal-fire_00000471_post_disaster,0,0,train\masks\socal-fire_00000471_post_disaster.png,0,0,0,0,00000471 +0,0,socal-fire,pre,train,train\images\socal-fire_00000471_pre_disaster.png,socal-fire_00000471_pre_disaster,0,0,train\masks\socal-fire_00000471_pre_disaster.png,0,0,0,0,00000471 +1,272,socal-fire,post,train,train\images\socal-fire_00000472_post_disaster.png,socal-fire_00000472_post_disaster,0,0,train\masks\socal-fire_00000472_post_disaster.png,0,0,26,14250,00000472 +0,0,socal-fire,pre,train,train\images\socal-fire_00000472_pre_disaster.png,socal-fire_00000472_pre_disaster,0,0,train\masks\socal-fire_00000472_pre_disaster.png,0,0,27,14546,00000472 +2,1798,socal-fire,post,train,train\images\socal-fire_00000473_post_disaster.png,socal-fire_00000473_post_disaster,0,0,train\masks\socal-fire_00000473_post_disaster.png,0,0,12,10459,00000473 +0,0,socal-fire,pre,train,train\images\socal-fire_00000473_pre_disaster.png,socal-fire_00000473_pre_disaster,0,0,train\masks\socal-fire_00000473_pre_disaster.png,0,0,14,12400,00000473 +0,0,socal-fire,post,train,train\images\socal-fire_00000474_post_disaster.png,socal-fire_00000474_post_disaster,0,0,train\masks\socal-fire_00000474_post_disaster.png,0,0,0,0,00000474 +0,0,socal-fire,pre,train,train\images\socal-fire_00000474_pre_disaster.png,socal-fire_00000474_pre_disaster,0,0,train\masks\socal-fire_00000474_pre_disaster.png,0,0,0,0,00000474 +0,0,socal-fire,post,train,train\images\socal-fire_00000477_post_disaster.png,socal-fire_00000477_post_disaster,0,0,train\masks\socal-fire_00000477_post_disaster.png,0,0,0,0,00000477 +0,0,socal-fire,pre,train,train\images\socal-fire_00000477_pre_disaster.png,socal-fire_00000477_pre_disaster,0,0,train\masks\socal-fire_00000477_pre_disaster.png,0,0,0,0,00000477 +0,0,socal-fire,post,train,train\images\socal-fire_00000478_post_disaster.png,socal-fire_00000478_post_disaster,0,0,train\masks\socal-fire_00000478_post_disaster.png,0,0,0,0,00000478 +0,0,socal-fire,pre,train,train\images\socal-fire_00000478_pre_disaster.png,socal-fire_00000478_pre_disaster,0,0,train\masks\socal-fire_00000478_pre_disaster.png,0,0,0,0,00000478 +0,0,socal-fire,post,train,train\images\socal-fire_00000480_post_disaster.png,socal-fire_00000480_post_disaster,0,0,train\masks\socal-fire_00000480_post_disaster.png,0,0,4,9872,00000480 +0,0,socal-fire,pre,train,train\images\socal-fire_00000480_pre_disaster.png,socal-fire_00000480_pre_disaster,0,0,train\masks\socal-fire_00000480_pre_disaster.png,0,0,4,9904,00000480 +0,0,socal-fire,post,train,train\images\socal-fire_00000484_post_disaster.png,socal-fire_00000484_post_disaster,0,0,train\masks\socal-fire_00000484_post_disaster.png,0,0,162,275361,00000484 +0,0,socal-fire,pre,train,train\images\socal-fire_00000484_pre_disaster.png,socal-fire_00000484_pre_disaster,0,0,train\masks\socal-fire_00000484_pre_disaster.png,0,0,162,275595,00000484 +6,2947,socal-fire,post,train,train\images\socal-fire_00000488_post_disaster.png,socal-fire_00000488_post_disaster,2,124,train\masks\socal-fire_00000488_post_disaster.png,0,0,13,17286,00000488 +0,0,socal-fire,pre,train,train\images\socal-fire_00000488_pre_disaster.png,socal-fire_00000488_pre_disaster,0,0,train\masks\socal-fire_00000488_pre_disaster.png,0,0,21,20357,00000488 +1,647,socal-fire,post,train,train\images\socal-fire_00000489_post_disaster.png,socal-fire_00000489_post_disaster,0,0,train\masks\socal-fire_00000489_post_disaster.png,0,0,8,5228,00000489 +0,0,socal-fire,pre,train,train\images\socal-fire_00000489_pre_disaster.png,socal-fire_00000489_pre_disaster,0,0,train\masks\socal-fire_00000489_pre_disaster.png,0,0,9,5997,00000489 +0,0,socal-fire,post,train,train\images\socal-fire_00000492_post_disaster.png,socal-fire_00000492_post_disaster,0,0,train\masks\socal-fire_00000492_post_disaster.png,0,0,0,0,00000492 +0,0,socal-fire,pre,train,train\images\socal-fire_00000492_pre_disaster.png,socal-fire_00000492_pre_disaster,0,0,train\masks\socal-fire_00000492_pre_disaster.png,0,0,0,0,00000492 +8,8954,socal-fire,post,train,train\images\socal-fire_00000494_post_disaster.png,socal-fire_00000494_post_disaster,0,0,train\masks\socal-fire_00000494_post_disaster.png,1,1528,5,17085,00000494 +0,0,socal-fire,pre,train,train\images\socal-fire_00000494_pre_disaster.png,socal-fire_00000494_pre_disaster,0,0,train\masks\socal-fire_00000494_pre_disaster.png,0,0,14,27648,00000494 +0,0,socal-fire,post,train,train\images\socal-fire_00000495_post_disaster.png,socal-fire_00000495_post_disaster,0,0,train\masks\socal-fire_00000495_post_disaster.png,0,0,50,75845,00000495 +0,0,socal-fire,pre,train,train\images\socal-fire_00000495_pre_disaster.png,socal-fire_00000495_pre_disaster,0,0,train\masks\socal-fire_00000495_pre_disaster.png,0,0,50,75845,00000495 +0,0,socal-fire,post,train,train\images\socal-fire_00000496_post_disaster.png,socal-fire_00000496_post_disaster,0,0,train\masks\socal-fire_00000496_post_disaster.png,0,0,53,76846,00000496 +0,0,socal-fire,pre,train,train\images\socal-fire_00000496_pre_disaster.png,socal-fire_00000496_pre_disaster,0,0,train\masks\socal-fire_00000496_pre_disaster.png,0,0,53,76916,00000496 +6,7631,socal-fire,post,train,train\images\socal-fire_00000497_post_disaster.png,socal-fire_00000497_post_disaster,1,147,train\masks\socal-fire_00000497_post_disaster.png,2,1086,19,10320,00000497 +0,0,socal-fire,pre,train,train\images\socal-fire_00000497_pre_disaster.png,socal-fire_00000497_pre_disaster,0,0,train\masks\socal-fire_00000497_pre_disaster.png,0,0,28,19184,00000497 +0,0,socal-fire,post,train,train\images\socal-fire_00000500_post_disaster.png,socal-fire_00000500_post_disaster,0,0,train\masks\socal-fire_00000500_post_disaster.png,0,0,0,0,00000500 +0,0,socal-fire,pre,train,train\images\socal-fire_00000500_pre_disaster.png,socal-fire_00000500_pre_disaster,0,0,train\masks\socal-fire_00000500_pre_disaster.png,0,0,0,0,00000500 +12,11372,socal-fire,post,train,train\images\socal-fire_00000501_post_disaster.png,socal-fire_00000501_post_disaster,0,0,train\masks\socal-fire_00000501_post_disaster.png,3,1848,7,9300,00000501 +0,0,socal-fire,pre,train,train\images\socal-fire_00000501_pre_disaster.png,socal-fire_00000501_pre_disaster,0,0,train\masks\socal-fire_00000501_pre_disaster.png,0,0,22,22520,00000501 +0,0,socal-fire,post,train,train\images\socal-fire_00000502_post_disaster.png,socal-fire_00000502_post_disaster,0,0,train\masks\socal-fire_00000502_post_disaster.png,0,0,0,0,00000502 +0,0,socal-fire,pre,train,train\images\socal-fire_00000502_pre_disaster.png,socal-fire_00000502_pre_disaster,0,0,train\masks\socal-fire_00000502_pre_disaster.png,0,0,0,0,00000502 +0,0,socal-fire,post,train,train\images\socal-fire_00000503_post_disaster.png,socal-fire_00000503_post_disaster,0,0,train\masks\socal-fire_00000503_post_disaster.png,0,0,3,2729,00000503 +0,0,socal-fire,pre,train,train\images\socal-fire_00000503_pre_disaster.png,socal-fire_00000503_pre_disaster,0,0,train\masks\socal-fire_00000503_pre_disaster.png,0,0,3,2729,00000503 +0,0,socal-fire,post,train,train\images\socal-fire_00000505_post_disaster.png,socal-fire_00000505_post_disaster,0,0,train\masks\socal-fire_00000505_post_disaster.png,0,0,11,3510,00000505 +0,0,socal-fire,pre,train,train\images\socal-fire_00000505_pre_disaster.png,socal-fire_00000505_pre_disaster,0,0,train\masks\socal-fire_00000505_pre_disaster.png,0,0,11,3510,00000505 +0,0,socal-fire,post,train,train\images\socal-fire_00000507_post_disaster.png,socal-fire_00000507_post_disaster,0,0,train\masks\socal-fire_00000507_post_disaster.png,0,0,45,100097,00000507 +0,0,socal-fire,pre,train,train\images\socal-fire_00000507_pre_disaster.png,socal-fire_00000507_pre_disaster,0,0,train\masks\socal-fire_00000507_pre_disaster.png,0,0,45,100097,00000507 +0,0,socal-fire,post,train,train\images\socal-fire_00000508_post_disaster.png,socal-fire_00000508_post_disaster,0,0,train\masks\socal-fire_00000508_post_disaster.png,0,0,0,0,00000508 +0,0,socal-fire,pre,train,train\images\socal-fire_00000508_pre_disaster.png,socal-fire_00000508_pre_disaster,0,0,train\masks\socal-fire_00000508_pre_disaster.png,0,0,0,0,00000508 +7,3121,socal-fire,post,train,train\images\socal-fire_00000510_post_disaster.png,socal-fire_00000510_post_disaster,0,0,train\masks\socal-fire_00000510_post_disaster.png,0,0,1,244,00000510 +0,0,socal-fire,pre,train,train\images\socal-fire_00000510_pre_disaster.png,socal-fire_00000510_pre_disaster,0,0,train\masks\socal-fire_00000510_pre_disaster.png,0,0,8,3388,00000510 +0,0,socal-fire,post,train,train\images\socal-fire_00000511_post_disaster.png,socal-fire_00000511_post_disaster,0,0,train\masks\socal-fire_00000511_post_disaster.png,0,0,0,0,00000511 +0,0,socal-fire,pre,train,train\images\socal-fire_00000511_pre_disaster.png,socal-fire_00000511_pre_disaster,0,0,train\masks\socal-fire_00000511_pre_disaster.png,0,0,0,0,00000511 +3,14332,socal-fire,post,train,train\images\socal-fire_00000514_post_disaster.png,socal-fire_00000514_post_disaster,2,1013,train\masks\socal-fire_00000514_post_disaster.png,0,0,36,44345,00000514 +0,0,socal-fire,pre,train,train\images\socal-fire_00000514_pre_disaster.png,socal-fire_00000514_pre_disaster,0,0,train\masks\socal-fire_00000514_pre_disaster.png,0,0,41,59900,00000514 +0,0,socal-fire,post,train,train\images\socal-fire_00000515_post_disaster.png,socal-fire_00000515_post_disaster,0,0,train\masks\socal-fire_00000515_post_disaster.png,0,0,3,30067,00000515 +0,0,socal-fire,pre,train,train\images\socal-fire_00000515_pre_disaster.png,socal-fire_00000515_pre_disaster,0,0,train\masks\socal-fire_00000515_pre_disaster.png,0,0,3,30067,00000515 +8,2048,socal-fire,post,train,train\images\socal-fire_00000516_post_disaster.png,socal-fire_00000516_post_disaster,0,0,train\masks\socal-fire_00000516_post_disaster.png,0,0,1,150,00000516 +0,0,socal-fire,pre,train,train\images\socal-fire_00000516_pre_disaster.png,socal-fire_00000516_pre_disaster,0,0,train\masks\socal-fire_00000516_pre_disaster.png,0,0,9,2209,00000516 +0,0,socal-fire,post,train,train\images\socal-fire_00000517_post_disaster.png,socal-fire_00000517_post_disaster,0,0,train\masks\socal-fire_00000517_post_disaster.png,0,0,2,178,00000517 +0,0,socal-fire,pre,train,train\images\socal-fire_00000517_pre_disaster.png,socal-fire_00000517_pre_disaster,0,0,train\masks\socal-fire_00000517_pre_disaster.png,0,0,2,178,00000517 +0,0,socal-fire,post,train,train\images\socal-fire_00000519_post_disaster.png,socal-fire_00000519_post_disaster,0,0,train\masks\socal-fire_00000519_post_disaster.png,0,0,0,0,00000519 +0,0,socal-fire,pre,train,train\images\socal-fire_00000519_pre_disaster.png,socal-fire_00000519_pre_disaster,0,0,train\masks\socal-fire_00000519_pre_disaster.png,0,0,0,0,00000519 +0,0,socal-fire,post,train,train\images\socal-fire_00000520_post_disaster.png,socal-fire_00000520_post_disaster,0,0,train\masks\socal-fire_00000520_post_disaster.png,0,0,0,0,00000520 +0,0,socal-fire,pre,train,train\images\socal-fire_00000520_pre_disaster.png,socal-fire_00000520_pre_disaster,0,0,train\masks\socal-fire_00000520_pre_disaster.png,0,0,0,0,00000520 +7,1032,socal-fire,post,train,train\images\socal-fire_00000521_post_disaster.png,socal-fire_00000521_post_disaster,2,148,train\masks\socal-fire_00000521_post_disaster.png,0,0,0,0,00000521 +0,0,socal-fire,pre,train,train\images\socal-fire_00000521_pre_disaster.png,socal-fire_00000521_pre_disaster,0,0,train\masks\socal-fire_00000521_pre_disaster.png,0,0,9,1180,00000521 +2,382,socal-fire,post,train,train\images\socal-fire_00000522_post_disaster.png,socal-fire_00000522_post_disaster,0,0,train\masks\socal-fire_00000522_post_disaster.png,0,0,0,0,00000522 +0,0,socal-fire,pre,train,train\images\socal-fire_00000522_pre_disaster.png,socal-fire_00000522_pre_disaster,0,0,train\masks\socal-fire_00000522_pre_disaster.png,0,0,2,382,00000522 +17,30984,socal-fire,post,train,train\images\socal-fire_00000525_post_disaster.png,socal-fire_00000525_post_disaster,1,2101,train\masks\socal-fire_00000525_post_disaster.png,0,0,20,64095,00000525 +0,0,socal-fire,pre,train,train\images\socal-fire_00000525_pre_disaster.png,socal-fire_00000525_pre_disaster,0,0,train\masks\socal-fire_00000525_pre_disaster.png,0,0,38,97544,00000525 +0,0,socal-fire,post,train,train\images\socal-fire_00000528_post_disaster.png,socal-fire_00000528_post_disaster,0,0,train\masks\socal-fire_00000528_post_disaster.png,0,0,0,0,00000528 +0,0,socal-fire,pre,train,train\images\socal-fire_00000528_pre_disaster.png,socal-fire_00000528_pre_disaster,0,0,train\masks\socal-fire_00000528_pre_disaster.png,0,0,0,0,00000528 +0,0,socal-fire,post,train,train\images\socal-fire_00000529_post_disaster.png,socal-fire_00000529_post_disaster,0,0,train\masks\socal-fire_00000529_post_disaster.png,0,0,0,0,00000529 +0,0,socal-fire,pre,train,train\images\socal-fire_00000529_pre_disaster.png,socal-fire_00000529_pre_disaster,0,0,train\masks\socal-fire_00000529_pre_disaster.png,0,0,0,0,00000529 +0,0,socal-fire,post,train,train\images\socal-fire_00000530_post_disaster.png,socal-fire_00000530_post_disaster,0,0,train\masks\socal-fire_00000530_post_disaster.png,0,0,172,250010,00000530 +0,0,socal-fire,pre,train,train\images\socal-fire_00000530_pre_disaster.png,socal-fire_00000530_pre_disaster,0,0,train\masks\socal-fire_00000530_pre_disaster.png,0,0,172,250482,00000530 +12,3314,socal-fire,post,train,train\images\socal-fire_00000531_post_disaster.png,socal-fire_00000531_post_disaster,1,758,train\masks\socal-fire_00000531_post_disaster.png,0,0,3,659,00000531 +0,0,socal-fire,pre,train,train\images\socal-fire_00000531_pre_disaster.png,socal-fire_00000531_pre_disaster,0,0,train\masks\socal-fire_00000531_pre_disaster.png,0,0,16,4731,00000531 +0,0,socal-fire,post,train,train\images\socal-fire_00000533_post_disaster.png,socal-fire_00000533_post_disaster,0,0,train\masks\socal-fire_00000533_post_disaster.png,0,0,0,0,00000533 +0,0,socal-fire,pre,train,train\images\socal-fire_00000533_pre_disaster.png,socal-fire_00000533_pre_disaster,0,0,train\masks\socal-fire_00000533_pre_disaster.png,0,0,0,0,00000533 +0,0,socal-fire,post,train,train\images\socal-fire_00000534_post_disaster.png,socal-fire_00000534_post_disaster,0,0,train\masks\socal-fire_00000534_post_disaster.png,0,0,0,0,00000534 +0,0,socal-fire,pre,train,train\images\socal-fire_00000534_pre_disaster.png,socal-fire_00000534_pre_disaster,0,0,train\masks\socal-fire_00000534_pre_disaster.png,0,0,0,0,00000534 +0,0,socal-fire,post,train,train\images\socal-fire_00000535_post_disaster.png,socal-fire_00000535_post_disaster,0,0,train\masks\socal-fire_00000535_post_disaster.png,0,0,0,0,00000535 +0,0,socal-fire,pre,train,train\images\socal-fire_00000535_pre_disaster.png,socal-fire_00000535_pre_disaster,0,0,train\masks\socal-fire_00000535_pre_disaster.png,0,0,0,0,00000535 +0,0,socal-fire,post,train,train\images\socal-fire_00000536_post_disaster.png,socal-fire_00000536_post_disaster,0,0,train\masks\socal-fire_00000536_post_disaster.png,0,0,0,0,00000536 +0,0,socal-fire,pre,train,train\images\socal-fire_00000536_pre_disaster.png,socal-fire_00000536_pre_disaster,0,0,train\masks\socal-fire_00000536_pre_disaster.png,0,0,0,0,00000536 +0,0,socal-fire,post,train,train\images\socal-fire_00000537_post_disaster.png,socal-fire_00000537_post_disaster,0,0,train\masks\socal-fire_00000537_post_disaster.png,0,0,0,0,00000537 +0,0,socal-fire,pre,train,train\images\socal-fire_00000537_pre_disaster.png,socal-fire_00000537_pre_disaster,0,0,train\masks\socal-fire_00000537_pre_disaster.png,0,0,0,0,00000537 +0,0,socal-fire,post,train,train\images\socal-fire_00000538_post_disaster.png,socal-fire_00000538_post_disaster,0,0,train\masks\socal-fire_00000538_post_disaster.png,0,0,0,0,00000538 +0,0,socal-fire,pre,train,train\images\socal-fire_00000538_pre_disaster.png,socal-fire_00000538_pre_disaster,0,0,train\masks\socal-fire_00000538_pre_disaster.png,0,0,0,0,00000538 +0,0,socal-fire,post,train,train\images\socal-fire_00000540_post_disaster.png,socal-fire_00000540_post_disaster,0,0,train\masks\socal-fire_00000540_post_disaster.png,0,0,0,0,00000540 +0,0,socal-fire,pre,train,train\images\socal-fire_00000540_pre_disaster.png,socal-fire_00000540_pre_disaster,0,0,train\masks\socal-fire_00000540_pre_disaster.png,0,0,0,0,00000540 +0,0,socal-fire,post,train,train\images\socal-fire_00000541_post_disaster.png,socal-fire_00000541_post_disaster,0,0,train\masks\socal-fire_00000541_post_disaster.png,0,0,22,31877,00000541 +0,0,socal-fire,pre,train,train\images\socal-fire_00000541_pre_disaster.png,socal-fire_00000541_pre_disaster,0,0,train\masks\socal-fire_00000541_pre_disaster.png,0,0,22,31877,00000541 +0,0,socal-fire,post,train,train\images\socal-fire_00000543_post_disaster.png,socal-fire_00000543_post_disaster,0,0,train\masks\socal-fire_00000543_post_disaster.png,0,0,0,0,00000543 +0,0,socal-fire,pre,train,train\images\socal-fire_00000543_pre_disaster.png,socal-fire_00000543_pre_disaster,0,0,train\masks\socal-fire_00000543_pre_disaster.png,0,0,0,0,00000543 +0,0,socal-fire,post,train,train\images\socal-fire_00000545_post_disaster.png,socal-fire_00000545_post_disaster,0,0,train\masks\socal-fire_00000545_post_disaster.png,0,0,0,0,00000545 +0,0,socal-fire,pre,train,train\images\socal-fire_00000545_pre_disaster.png,socal-fire_00000545_pre_disaster,0,0,train\masks\socal-fire_00000545_pre_disaster.png,0,0,0,0,00000545 +0,0,socal-fire,post,train,train\images\socal-fire_00000547_post_disaster.png,socal-fire_00000547_post_disaster,0,0,train\masks\socal-fire_00000547_post_disaster.png,0,0,0,0,00000547 +0,0,socal-fire,pre,train,train\images\socal-fire_00000547_pre_disaster.png,socal-fire_00000547_pre_disaster,0,0,train\masks\socal-fire_00000547_pre_disaster.png,0,0,0,0,00000547 +0,0,socal-fire,post,train,train\images\socal-fire_00000549_post_disaster.png,socal-fire_00000549_post_disaster,0,0,train\masks\socal-fire_00000549_post_disaster.png,0,0,27,30906,00000549 +0,0,socal-fire,pre,train,train\images\socal-fire_00000549_pre_disaster.png,socal-fire_00000549_pre_disaster,0,0,train\masks\socal-fire_00000549_pre_disaster.png,0,0,27,30920,00000549 +0,0,socal-fire,post,train,train\images\socal-fire_00000550_post_disaster.png,socal-fire_00000550_post_disaster,0,0,train\masks\socal-fire_00000550_post_disaster.png,0,0,0,0,00000550 +0,0,socal-fire,pre,train,train\images\socal-fire_00000550_pre_disaster.png,socal-fire_00000550_pre_disaster,0,0,train\masks\socal-fire_00000550_pre_disaster.png,0,0,0,0,00000550 +0,0,socal-fire,post,train,train\images\socal-fire_00000552_post_disaster.png,socal-fire_00000552_post_disaster,0,0,train\masks\socal-fire_00000552_post_disaster.png,0,0,1,111,00000552 +0,0,socal-fire,pre,train,train\images\socal-fire_00000552_pre_disaster.png,socal-fire_00000552_pre_disaster,0,0,train\masks\socal-fire_00000552_pre_disaster.png,0,0,1,111,00000552 +0,0,socal-fire,post,train,train\images\socal-fire_00000553_post_disaster.png,socal-fire_00000553_post_disaster,0,0,train\masks\socal-fire_00000553_post_disaster.png,0,0,2,11724,00000553 +0,0,socal-fire,pre,train,train\images\socal-fire_00000553_pre_disaster.png,socal-fire_00000553_pre_disaster,0,0,train\masks\socal-fire_00000553_pre_disaster.png,0,0,2,11724,00000553 +0,0,socal-fire,post,train,train\images\socal-fire_00000554_post_disaster.png,socal-fire_00000554_post_disaster,0,0,train\masks\socal-fire_00000554_post_disaster.png,0,0,0,0,00000554 +0,0,socal-fire,pre,train,train\images\socal-fire_00000554_pre_disaster.png,socal-fire_00000554_pre_disaster,0,0,train\masks\socal-fire_00000554_pre_disaster.png,0,0,0,0,00000554 +0,0,socal-fire,post,train,train\images\socal-fire_00000556_post_disaster.png,socal-fire_00000556_post_disaster,0,0,train\masks\socal-fire_00000556_post_disaster.png,0,0,4,6054,00000556 +0,0,socal-fire,pre,train,train\images\socal-fire_00000556_pre_disaster.png,socal-fire_00000556_pre_disaster,0,0,train\masks\socal-fire_00000556_pre_disaster.png,0,0,4,6107,00000556 +0,0,socal-fire,post,train,train\images\socal-fire_00000560_post_disaster.png,socal-fire_00000560_post_disaster,0,0,train\masks\socal-fire_00000560_post_disaster.png,0,0,0,0,00000560 +0,0,socal-fire,pre,train,train\images\socal-fire_00000560_pre_disaster.png,socal-fire_00000560_pre_disaster,0,0,train\masks\socal-fire_00000560_pre_disaster.png,0,0,0,0,00000560 +0,0,socal-fire,post,train,train\images\socal-fire_00000563_post_disaster.png,socal-fire_00000563_post_disaster,0,0,train\masks\socal-fire_00000563_post_disaster.png,0,0,0,0,00000563 +0,0,socal-fire,pre,train,train\images\socal-fire_00000563_pre_disaster.png,socal-fire_00000563_pre_disaster,0,0,train\masks\socal-fire_00000563_pre_disaster.png,0,0,0,0,00000563 +0,0,socal-fire,post,train,train\images\socal-fire_00000564_post_disaster.png,socal-fire_00000564_post_disaster,0,0,train\masks\socal-fire_00000564_post_disaster.png,0,0,0,0,00000564 +0,0,socal-fire,pre,train,train\images\socal-fire_00000564_pre_disaster.png,socal-fire_00000564_pre_disaster,0,0,train\masks\socal-fire_00000564_pre_disaster.png,0,0,0,0,00000564 +0,0,socal-fire,post,train,train\images\socal-fire_00000565_post_disaster.png,socal-fire_00000565_post_disaster,0,0,train\masks\socal-fire_00000565_post_disaster.png,0,0,0,0,00000565 +0,0,socal-fire,pre,train,train\images\socal-fire_00000565_pre_disaster.png,socal-fire_00000565_pre_disaster,0,0,train\masks\socal-fire_00000565_pre_disaster.png,0,0,0,0,00000565 +0,0,socal-fire,post,train,train\images\socal-fire_00000566_post_disaster.png,socal-fire_00000566_post_disaster,0,0,train\masks\socal-fire_00000566_post_disaster.png,0,0,5,11916,00000566 +0,0,socal-fire,pre,train,train\images\socal-fire_00000566_pre_disaster.png,socal-fire_00000566_pre_disaster,0,0,train\masks\socal-fire_00000566_pre_disaster.png,0,0,5,11916,00000566 +0,0,socal-fire,post,train,train\images\socal-fire_00000569_post_disaster.png,socal-fire_00000569_post_disaster,0,0,train\masks\socal-fire_00000569_post_disaster.png,0,0,0,0,00000569 +0,0,socal-fire,pre,train,train\images\socal-fire_00000569_pre_disaster.png,socal-fire_00000569_pre_disaster,0,0,train\masks\socal-fire_00000569_pre_disaster.png,0,0,0,0,00000569 +0,0,socal-fire,post,train,train\images\socal-fire_00000572_post_disaster.png,socal-fire_00000572_post_disaster,0,0,train\masks\socal-fire_00000572_post_disaster.png,0,0,0,0,00000572 +0,0,socal-fire,pre,train,train\images\socal-fire_00000572_pre_disaster.png,socal-fire_00000572_pre_disaster,0,0,train\masks\socal-fire_00000572_pre_disaster.png,0,0,0,0,00000572 +10,6135,socal-fire,post,train,train\images\socal-fire_00000573_post_disaster.png,socal-fire_00000573_post_disaster,0,0,train\masks\socal-fire_00000573_post_disaster.png,0,0,31,39479,00000573 +0,0,socal-fire,pre,train,train\images\socal-fire_00000573_pre_disaster.png,socal-fire_00000573_pre_disaster,0,0,train\masks\socal-fire_00000573_pre_disaster.png,0,0,41,45756,00000573 +0,0,socal-fire,post,train,train\images\socal-fire_00000576_post_disaster.png,socal-fire_00000576_post_disaster,0,0,train\masks\socal-fire_00000576_post_disaster.png,0,0,129,160864,00000576 +0,0,socal-fire,pre,train,train\images\socal-fire_00000576_pre_disaster.png,socal-fire_00000576_pre_disaster,0,0,train\masks\socal-fire_00000576_pre_disaster.png,0,0,129,161124,00000576 +0,0,socal-fire,post,train,train\images\socal-fire_00000577_post_disaster.png,socal-fire_00000577_post_disaster,0,0,train\masks\socal-fire_00000577_post_disaster.png,0,0,15,12191,00000577 +0,0,socal-fire,pre,train,train\images\socal-fire_00000577_pre_disaster.png,socal-fire_00000577_pre_disaster,0,0,train\masks\socal-fire_00000577_pre_disaster.png,0,0,15,12191,00000577 +0,0,socal-fire,post,train,train\images\socal-fire_00000578_post_disaster.png,socal-fire_00000578_post_disaster,0,0,train\masks\socal-fire_00000578_post_disaster.png,0,0,0,0,00000578 +0,0,socal-fire,pre,train,train\images\socal-fire_00000578_pre_disaster.png,socal-fire_00000578_pre_disaster,0,0,train\masks\socal-fire_00000578_pre_disaster.png,0,0,0,0,00000578 +0,0,socal-fire,post,train,train\images\socal-fire_00000579_post_disaster.png,socal-fire_00000579_post_disaster,0,0,train\masks\socal-fire_00000579_post_disaster.png,0,0,2,1088,00000579 +0,0,socal-fire,pre,train,train\images\socal-fire_00000579_pre_disaster.png,socal-fire_00000579_pre_disaster,0,0,train\masks\socal-fire_00000579_pre_disaster.png,0,0,2,1137,00000579 +0,0,socal-fire,post,train,train\images\socal-fire_00000580_post_disaster.png,socal-fire_00000580_post_disaster,0,0,train\masks\socal-fire_00000580_post_disaster.png,0,0,0,0,00000580 +0,0,socal-fire,pre,train,train\images\socal-fire_00000580_pre_disaster.png,socal-fire_00000580_pre_disaster,0,0,train\masks\socal-fire_00000580_pre_disaster.png,0,0,0,0,00000580 +0,0,socal-fire,post,train,train\images\socal-fire_00000581_post_disaster.png,socal-fire_00000581_post_disaster,0,0,train\masks\socal-fire_00000581_post_disaster.png,0,0,0,0,00000581 +0,0,socal-fire,pre,train,train\images\socal-fire_00000581_pre_disaster.png,socal-fire_00000581_pre_disaster,0,0,train\masks\socal-fire_00000581_pre_disaster.png,0,0,0,0,00000581 +6,4473,socal-fire,post,train,train\images\socal-fire_00000583_post_disaster.png,socal-fire_00000583_post_disaster,1,3241,train\masks\socal-fire_00000583_post_disaster.png,2,3725,36,30446,00000583 +0,0,socal-fire,pre,train,train\images\socal-fire_00000583_pre_disaster.png,socal-fire_00000583_pre_disaster,0,0,train\masks\socal-fire_00000583_pre_disaster.png,0,0,44,42002,00000583 +0,0,socal-fire,post,train,train\images\socal-fire_00000584_post_disaster.png,socal-fire_00000584_post_disaster,0,0,train\masks\socal-fire_00000584_post_disaster.png,0,0,0,0,00000584 +0,0,socal-fire,pre,train,train\images\socal-fire_00000584_pre_disaster.png,socal-fire_00000584_pre_disaster,0,0,train\masks\socal-fire_00000584_pre_disaster.png,0,0,0,0,00000584 +3,513,socal-fire,post,train,train\images\socal-fire_00000585_post_disaster.png,socal-fire_00000585_post_disaster,0,0,train\masks\socal-fire_00000585_post_disaster.png,0,0,0,0,00000585 +0,0,socal-fire,pre,train,train\images\socal-fire_00000585_pre_disaster.png,socal-fire_00000585_pre_disaster,0,0,train\masks\socal-fire_00000585_pre_disaster.png,0,0,3,557,00000585 +0,0,socal-fire,post,train,train\images\socal-fire_00000586_post_disaster.png,socal-fire_00000586_post_disaster,0,0,train\masks\socal-fire_00000586_post_disaster.png,0,0,4,4726,00000586 +0,0,socal-fire,pre,train,train\images\socal-fire_00000586_pre_disaster.png,socal-fire_00000586_pre_disaster,0,0,train\masks\socal-fire_00000586_pre_disaster.png,0,0,4,4777,00000586 +0,0,socal-fire,post,train,train\images\socal-fire_00000587_post_disaster.png,socal-fire_00000587_post_disaster,0,0,train\masks\socal-fire_00000587_post_disaster.png,0,0,0,0,00000587 +0,0,socal-fire,pre,train,train\images\socal-fire_00000587_pre_disaster.png,socal-fire_00000587_pre_disaster,0,0,train\masks\socal-fire_00000587_pre_disaster.png,0,0,0,0,00000587 +0,0,socal-fire,post,train,train\images\socal-fire_00000589_post_disaster.png,socal-fire_00000589_post_disaster,0,0,train\masks\socal-fire_00000589_post_disaster.png,0,0,0,0,00000589 +0,0,socal-fire,pre,train,train\images\socal-fire_00000589_pre_disaster.png,socal-fire_00000589_pre_disaster,0,0,train\masks\socal-fire_00000589_pre_disaster.png,0,0,0,0,00000589 +0,0,socal-fire,post,train,train\images\socal-fire_00000591_post_disaster.png,socal-fire_00000591_post_disaster,0,0,train\masks\socal-fire_00000591_post_disaster.png,0,0,3,678,00000591 +0,0,socal-fire,pre,train,train\images\socal-fire_00000591_pre_disaster.png,socal-fire_00000591_pre_disaster,0,0,train\masks\socal-fire_00000591_pre_disaster.png,0,0,3,678,00000591 +8,7211,socal-fire,post,train,train\images\socal-fire_00000592_post_disaster.png,socal-fire_00000592_post_disaster,2,2906,train\masks\socal-fire_00000592_post_disaster.png,1,1053,2,839,00000592 +0,0,socal-fire,pre,train,train\images\socal-fire_00000592_pre_disaster.png,socal-fire_00000592_pre_disaster,0,0,train\masks\socal-fire_00000592_pre_disaster.png,0,0,13,12009,00000592 +0,0,socal-fire,post,train,train\images\socal-fire_00000593_post_disaster.png,socal-fire_00000593_post_disaster,0,0,train\masks\socal-fire_00000593_post_disaster.png,0,0,0,0,00000593 +0,0,socal-fire,pre,train,train\images\socal-fire_00000593_pre_disaster.png,socal-fire_00000593_pre_disaster,0,0,train\masks\socal-fire_00000593_pre_disaster.png,0,0,0,0,00000593 +0,0,socal-fire,post,train,train\images\socal-fire_00000594_post_disaster.png,socal-fire_00000594_post_disaster,0,0,train\masks\socal-fire_00000594_post_disaster.png,0,0,8,11153,00000594 +0,0,socal-fire,pre,train,train\images\socal-fire_00000594_pre_disaster.png,socal-fire_00000594_pre_disaster,0,0,train\masks\socal-fire_00000594_pre_disaster.png,0,0,8,11153,00000594 +0,0,socal-fire,post,train,train\images\socal-fire_00000596_post_disaster.png,socal-fire_00000596_post_disaster,0,0,train\masks\socal-fire_00000596_post_disaster.png,0,0,2,1033,00000596 +0,0,socal-fire,pre,train,train\images\socal-fire_00000596_pre_disaster.png,socal-fire_00000596_pre_disaster,0,0,train\masks\socal-fire_00000596_pre_disaster.png,0,0,2,1033,00000596 +1,3264,socal-fire,post,train,train\images\socal-fire_00000598_post_disaster.png,socal-fire_00000598_post_disaster,0,0,train\masks\socal-fire_00000598_post_disaster.png,0,0,31,23162,00000598 +0,0,socal-fire,pre,train,train\images\socal-fire_00000598_pre_disaster.png,socal-fire_00000598_pre_disaster,0,0,train\masks\socal-fire_00000598_pre_disaster.png,0,0,32,26485,00000598 +0,0,socal-fire,post,train,train\images\socal-fire_00000599_post_disaster.png,socal-fire_00000599_post_disaster,0,0,train\masks\socal-fire_00000599_post_disaster.png,0,0,0,0,00000599 +0,0,socal-fire,pre,train,train\images\socal-fire_00000599_pre_disaster.png,socal-fire_00000599_pre_disaster,0,0,train\masks\socal-fire_00000599_pre_disaster.png,0,0,0,0,00000599 +0,0,socal-fire,post,train,train\images\socal-fire_00000600_post_disaster.png,socal-fire_00000600_post_disaster,0,0,train\masks\socal-fire_00000600_post_disaster.png,0,0,1,644,00000600 +0,0,socal-fire,pre,train,train\images\socal-fire_00000600_pre_disaster.png,socal-fire_00000600_pre_disaster,0,0,train\masks\socal-fire_00000600_pre_disaster.png,0,0,1,644,00000600 +0,0,socal-fire,post,train,train\images\socal-fire_00000601_post_disaster.png,socal-fire_00000601_post_disaster,0,0,train\masks\socal-fire_00000601_post_disaster.png,0,0,0,0,00000601 +0,0,socal-fire,pre,train,train\images\socal-fire_00000601_pre_disaster.png,socal-fire_00000601_pre_disaster,0,0,train\masks\socal-fire_00000601_pre_disaster.png,0,0,0,0,00000601 +0,0,socal-fire,post,train,train\images\socal-fire_00000602_post_disaster.png,socal-fire_00000602_post_disaster,0,0,train\masks\socal-fire_00000602_post_disaster.png,0,0,0,0,00000602 +0,0,socal-fire,pre,train,train\images\socal-fire_00000602_pre_disaster.png,socal-fire_00000602_pre_disaster,0,0,train\masks\socal-fire_00000602_pre_disaster.png,0,0,0,0,00000602 +1,2973,socal-fire,post,train,train\images\socal-fire_00000603_post_disaster.png,socal-fire_00000603_post_disaster,0,0,train\masks\socal-fire_00000603_post_disaster.png,0,0,11,5176,00000603 +0,0,socal-fire,pre,train,train\images\socal-fire_00000603_pre_disaster.png,socal-fire_00000603_pre_disaster,0,0,train\masks\socal-fire_00000603_pre_disaster.png,0,0,12,8149,00000603 +1,1562,socal-fire,post,train,train\images\socal-fire_00000606_post_disaster.png,socal-fire_00000606_post_disaster,0,0,train\masks\socal-fire_00000606_post_disaster.png,0,0,1,849,00000606 +0,0,socal-fire,pre,train,train\images\socal-fire_00000606_pre_disaster.png,socal-fire_00000606_pre_disaster,0,0,train\masks\socal-fire_00000606_pre_disaster.png,0,0,2,2411,00000606 +5,2150,socal-fire,post,train,train\images\socal-fire_00000607_post_disaster.png,socal-fire_00000607_post_disaster,0,0,train\masks\socal-fire_00000607_post_disaster.png,0,0,2,1509,00000607 +0,0,socal-fire,pre,train,train\images\socal-fire_00000607_pre_disaster.png,socal-fire_00000607_pre_disaster,0,0,train\masks\socal-fire_00000607_pre_disaster.png,0,0,7,3659,00000607 +0,0,socal-fire,post,train,train\images\socal-fire_00000608_post_disaster.png,socal-fire_00000608_post_disaster,0,0,train\masks\socal-fire_00000608_post_disaster.png,0,0,112,173181,00000608 +0,0,socal-fire,pre,train,train\images\socal-fire_00000608_pre_disaster.png,socal-fire_00000608_pre_disaster,0,0,train\masks\socal-fire_00000608_pre_disaster.png,0,0,112,173432,00000608 +0,0,socal-fire,post,train,train\images\socal-fire_00000609_post_disaster.png,socal-fire_00000609_post_disaster,0,0,train\masks\socal-fire_00000609_post_disaster.png,0,0,0,0,00000609 +0,0,socal-fire,pre,train,train\images\socal-fire_00000609_pre_disaster.png,socal-fire_00000609_pre_disaster,0,0,train\masks\socal-fire_00000609_pre_disaster.png,0,0,0,0,00000609 +0,0,socal-fire,post,train,train\images\socal-fire_00000611_post_disaster.png,socal-fire_00000611_post_disaster,0,0,train\masks\socal-fire_00000611_post_disaster.png,0,0,0,0,00000611 +0,0,socal-fire,pre,train,train\images\socal-fire_00000611_pre_disaster.png,socal-fire_00000611_pre_disaster,0,0,train\masks\socal-fire_00000611_pre_disaster.png,0,0,0,0,00000611 +0,0,socal-fire,post,train,train\images\socal-fire_00000618_post_disaster.png,socal-fire_00000618_post_disaster,0,0,train\masks\socal-fire_00000618_post_disaster.png,0,0,20,91065,00000618 +0,0,socal-fire,pre,train,train\images\socal-fire_00000618_pre_disaster.png,socal-fire_00000618_pre_disaster,0,0,train\masks\socal-fire_00000618_pre_disaster.png,0,0,20,91157,00000618 +0,0,socal-fire,post,train,train\images\socal-fire_00000619_post_disaster.png,socal-fire_00000619_post_disaster,0,0,train\masks\socal-fire_00000619_post_disaster.png,0,0,0,0,00000619 +0,0,socal-fire,pre,train,train\images\socal-fire_00000619_pre_disaster.png,socal-fire_00000619_pre_disaster,0,0,train\masks\socal-fire_00000619_pre_disaster.png,0,0,0,0,00000619 +4,4129,socal-fire,post,train,train\images\socal-fire_00000620_post_disaster.png,socal-fire_00000620_post_disaster,0,0,train\masks\socal-fire_00000620_post_disaster.png,1,3443,11,13254,00000620 +0,0,socal-fire,pre,train,train\images\socal-fire_00000620_pre_disaster.png,socal-fire_00000620_pre_disaster,0,0,train\masks\socal-fire_00000620_pre_disaster.png,0,0,16,20957,00000620 +0,0,socal-fire,post,train,train\images\socal-fire_00000623_post_disaster.png,socal-fire_00000623_post_disaster,0,0,train\masks\socal-fire_00000623_post_disaster.png,0,0,61,76987,00000623 +0,0,socal-fire,pre,train,train\images\socal-fire_00000623_pre_disaster.png,socal-fire_00000623_pre_disaster,0,0,train\masks\socal-fire_00000623_pre_disaster.png,0,0,61,77121,00000623 +0,0,socal-fire,post,train,train\images\socal-fire_00000624_post_disaster.png,socal-fire_00000624_post_disaster,0,0,train\masks\socal-fire_00000624_post_disaster.png,0,0,0,0,00000624 +0,0,socal-fire,pre,train,train\images\socal-fire_00000624_pre_disaster.png,socal-fire_00000624_pre_disaster,0,0,train\masks\socal-fire_00000624_pre_disaster.png,0,0,0,0,00000624 +0,0,socal-fire,post,train,train\images\socal-fire_00000626_post_disaster.png,socal-fire_00000626_post_disaster,0,0,train\masks\socal-fire_00000626_post_disaster.png,0,0,0,0,00000626 +0,0,socal-fire,pre,train,train\images\socal-fire_00000626_pre_disaster.png,socal-fire_00000626_pre_disaster,0,0,train\masks\socal-fire_00000626_pre_disaster.png,0,0,0,0,00000626 +0,0,socal-fire,post,train,train\images\socal-fire_00000628_post_disaster.png,socal-fire_00000628_post_disaster,0,0,train\masks\socal-fire_00000628_post_disaster.png,0,0,32,39470,00000628 +0,0,socal-fire,pre,train,train\images\socal-fire_00000628_pre_disaster.png,socal-fire_00000628_pre_disaster,0,0,train\masks\socal-fire_00000628_pre_disaster.png,0,0,32,39470,00000628 +0,0,socal-fire,post,train,train\images\socal-fire_00000629_post_disaster.png,socal-fire_00000629_post_disaster,0,0,train\masks\socal-fire_00000629_post_disaster.png,0,0,81,122191,00000629 +0,0,socal-fire,pre,train,train\images\socal-fire_00000629_pre_disaster.png,socal-fire_00000629_pre_disaster,0,0,train\masks\socal-fire_00000629_pre_disaster.png,0,0,81,122406,00000629 +11,17721,socal-fire,post,train,train\images\socal-fire_00000631_post_disaster.png,socal-fire_00000631_post_disaster,0,0,train\masks\socal-fire_00000631_post_disaster.png,0,0,14,21365,00000631 +0,0,socal-fire,pre,train,train\images\socal-fire_00000631_pre_disaster.png,socal-fire_00000631_pre_disaster,0,0,train\masks\socal-fire_00000631_pre_disaster.png,0,0,25,39243,00000631 +0,0,socal-fire,post,train,train\images\socal-fire_00000632_post_disaster.png,socal-fire_00000632_post_disaster,0,0,train\masks\socal-fire_00000632_post_disaster.png,0,0,0,0,00000632 +0,0,socal-fire,pre,train,train\images\socal-fire_00000632_pre_disaster.png,socal-fire_00000632_pre_disaster,0,0,train\masks\socal-fire_00000632_pre_disaster.png,0,0,0,0,00000632 +0,0,socal-fire,post,train,train\images\socal-fire_00000633_post_disaster.png,socal-fire_00000633_post_disaster,0,0,train\masks\socal-fire_00000633_post_disaster.png,0,0,0,0,00000633 +0,0,socal-fire,pre,train,train\images\socal-fire_00000633_pre_disaster.png,socal-fire_00000633_pre_disaster,0,0,train\masks\socal-fire_00000633_pre_disaster.png,0,0,0,0,00000633 +0,0,socal-fire,post,train,train\images\socal-fire_00000634_post_disaster.png,socal-fire_00000634_post_disaster,0,0,train\masks\socal-fire_00000634_post_disaster.png,0,0,101,230297,00000634 +0,0,socal-fire,pre,train,train\images\socal-fire_00000634_pre_disaster.png,socal-fire_00000634_pre_disaster,0,0,train\masks\socal-fire_00000634_pre_disaster.png,0,0,101,230728,00000634 +0,0,socal-fire,post,train,train\images\socal-fire_00000635_post_disaster.png,socal-fire_00000635_post_disaster,0,0,train\masks\socal-fire_00000635_post_disaster.png,0,0,0,0,00000635 +0,0,socal-fire,pre,train,train\images\socal-fire_00000635_pre_disaster.png,socal-fire_00000635_pre_disaster,0,0,train\masks\socal-fire_00000635_pre_disaster.png,0,0,0,0,00000635 +0,0,socal-fire,post,train,train\images\socal-fire_00000636_post_disaster.png,socal-fire_00000636_post_disaster,0,0,train\masks\socal-fire_00000636_post_disaster.png,0,0,0,0,00000636 +0,0,socal-fire,pre,train,train\images\socal-fire_00000636_pre_disaster.png,socal-fire_00000636_pre_disaster,0,0,train\masks\socal-fire_00000636_pre_disaster.png,0,0,0,0,00000636 +0,0,socal-fire,post,train,train\images\socal-fire_00000639_post_disaster.png,socal-fire_00000639_post_disaster,0,0,train\masks\socal-fire_00000639_post_disaster.png,0,0,3,1802,00000639 +0,0,socal-fire,pre,train,train\images\socal-fire_00000639_pre_disaster.png,socal-fire_00000639_pre_disaster,0,0,train\masks\socal-fire_00000639_pre_disaster.png,0,0,3,1857,00000639 +0,0,socal-fire,post,train,train\images\socal-fire_00000640_post_disaster.png,socal-fire_00000640_post_disaster,0,0,train\masks\socal-fire_00000640_post_disaster.png,0,0,0,0,00000640 +0,0,socal-fire,pre,train,train\images\socal-fire_00000640_pre_disaster.png,socal-fire_00000640_pre_disaster,0,0,train\masks\socal-fire_00000640_pre_disaster.png,0,0,0,0,00000640 +0,0,socal-fire,post,train,train\images\socal-fire_00000642_post_disaster.png,socal-fire_00000642_post_disaster,0,0,train\masks\socal-fire_00000642_post_disaster.png,1,1748,19,29128,00000642 +0,0,socal-fire,pre,train,train\images\socal-fire_00000642_pre_disaster.png,socal-fire_00000642_pre_disaster,0,0,train\masks\socal-fire_00000642_pre_disaster.png,0,0,20,30992,00000642 +0,0,socal-fire,post,train,train\images\socal-fire_00000643_post_disaster.png,socal-fire_00000643_post_disaster,0,0,train\masks\socal-fire_00000643_post_disaster.png,0,0,121,153373,00000643 +0,0,socal-fire,pre,train,train\images\socal-fire_00000643_pre_disaster.png,socal-fire_00000643_pre_disaster,0,0,train\masks\socal-fire_00000643_pre_disaster.png,0,0,121,153720,00000643 +0,0,socal-fire,post,train,train\images\socal-fire_00000644_post_disaster.png,socal-fire_00000644_post_disaster,0,0,train\masks\socal-fire_00000644_post_disaster.png,0,0,3,2302,00000644 +0,0,socal-fire,pre,train,train\images\socal-fire_00000644_pre_disaster.png,socal-fire_00000644_pre_disaster,0,0,train\masks\socal-fire_00000644_pre_disaster.png,0,0,3,2308,00000644 +0,0,socal-fire,post,train,train\images\socal-fire_00000647_post_disaster.png,socal-fire_00000647_post_disaster,0,0,train\masks\socal-fire_00000647_post_disaster.png,0,0,0,0,00000647 +0,0,socal-fire,pre,train,train\images\socal-fire_00000647_pre_disaster.png,socal-fire_00000647_pre_disaster,0,0,train\masks\socal-fire_00000647_pre_disaster.png,0,0,0,0,00000647 +5,1659,socal-fire,post,train,train\images\socal-fire_00000651_post_disaster.png,socal-fire_00000651_post_disaster,0,0,train\masks\socal-fire_00000651_post_disaster.png,0,0,11,24293,00000651 +0,0,socal-fire,pre,train,train\images\socal-fire_00000651_pre_disaster.png,socal-fire_00000651_pre_disaster,0,0,train\masks\socal-fire_00000651_pre_disaster.png,0,0,16,25952,00000651 +1,568,socal-fire,post,train,train\images\socal-fire_00000652_post_disaster.png,socal-fire_00000652_post_disaster,0,0,train\masks\socal-fire_00000652_post_disaster.png,0,0,2,421,00000652 +0,0,socal-fire,pre,train,train\images\socal-fire_00000652_pre_disaster.png,socal-fire_00000652_pre_disaster,0,0,train\masks\socal-fire_00000652_pre_disaster.png,0,0,3,1011,00000652 +0,0,socal-fire,post,train,train\images\socal-fire_00000653_post_disaster.png,socal-fire_00000653_post_disaster,0,0,train\masks\socal-fire_00000653_post_disaster.png,0,0,12,20606,00000653 +0,0,socal-fire,pre,train,train\images\socal-fire_00000653_pre_disaster.png,socal-fire_00000653_pre_disaster,0,0,train\masks\socal-fire_00000653_pre_disaster.png,0,0,12,20661,00000653 +0,0,socal-fire,post,train,train\images\socal-fire_00000655_post_disaster.png,socal-fire_00000655_post_disaster,0,0,train\masks\socal-fire_00000655_post_disaster.png,0,0,55,79069,00000655 +0,0,socal-fire,pre,train,train\images\socal-fire_00000655_pre_disaster.png,socal-fire_00000655_pre_disaster,0,0,train\masks\socal-fire_00000655_pre_disaster.png,0,0,55,79244,00000655 +17,21870,socal-fire,post,train,train\images\socal-fire_00000657_post_disaster.png,socal-fire_00000657_post_disaster,0,0,train\masks\socal-fire_00000657_post_disaster.png,0,0,1,2138,00000657 +0,0,socal-fire,pre,train,train\images\socal-fire_00000657_pre_disaster.png,socal-fire_00000657_pre_disaster,0,0,train\masks\socal-fire_00000657_pre_disaster.png,0,0,18,24224,00000657 +0,0,socal-fire,post,train,train\images\socal-fire_00000660_post_disaster.png,socal-fire_00000660_post_disaster,0,0,train\masks\socal-fire_00000660_post_disaster.png,0,0,2,726,00000660 +0,0,socal-fire,pre,train,train\images\socal-fire_00000660_pre_disaster.png,socal-fire_00000660_pre_disaster,0,0,train\masks\socal-fire_00000660_pre_disaster.png,0,0,2,726,00000660 +3,1781,socal-fire,post,train,train\images\socal-fire_00000661_post_disaster.png,socal-fire_00000661_post_disaster,0,0,train\masks\socal-fire_00000661_post_disaster.png,0,0,25,25336,00000661 +0,0,socal-fire,pre,train,train\images\socal-fire_00000661_pre_disaster.png,socal-fire_00000661_pre_disaster,0,0,train\masks\socal-fire_00000661_pre_disaster.png,0,0,28,27177,00000661 +17,12803,socal-fire,post,train,train\images\socal-fire_00000662_post_disaster.png,socal-fire_00000662_post_disaster,1,300,train\masks\socal-fire_00000662_post_disaster.png,0,0,3,1052,00000662 +0,0,socal-fire,pre,train,train\images\socal-fire_00000662_pre_disaster.png,socal-fire_00000662_pre_disaster,0,0,train\masks\socal-fire_00000662_pre_disaster.png,0,0,21,14170,00000662 +24,25016,socal-fire,post,train,train\images\socal-fire_00000663_post_disaster.png,socal-fire_00000663_post_disaster,0,0,train\masks\socal-fire_00000663_post_disaster.png,1,1972,11,11974,00000663 +0,0,socal-fire,pre,train,train\images\socal-fire_00000663_pre_disaster.png,socal-fire_00000663_pre_disaster,0,0,train\masks\socal-fire_00000663_pre_disaster.png,0,0,36,38962,00000663 +0,0,socal-fire,post,train,train\images\socal-fire_00000665_post_disaster.png,socal-fire_00000665_post_disaster,0,0,train\masks\socal-fire_00000665_post_disaster.png,0,0,0,0,00000665 +0,0,socal-fire,pre,train,train\images\socal-fire_00000665_pre_disaster.png,socal-fire_00000665_pre_disaster,0,0,train\masks\socal-fire_00000665_pre_disaster.png,0,0,0,0,00000665 +2,3802,socal-fire,post,train,train\images\socal-fire_00000666_post_disaster.png,socal-fire_00000666_post_disaster,0,0,train\masks\socal-fire_00000666_post_disaster.png,0,0,1,323,00000666 +0,0,socal-fire,pre,train,train\images\socal-fire_00000666_pre_disaster.png,socal-fire_00000666_pre_disaster,0,0,train\masks\socal-fire_00000666_pre_disaster.png,0,0,3,4125,00000666 +0,0,socal-fire,post,train,train\images\socal-fire_00000668_post_disaster.png,socal-fire_00000668_post_disaster,0,0,train\masks\socal-fire_00000668_post_disaster.png,0,0,65,147375,00000668 +0,0,socal-fire,pre,train,train\images\socal-fire_00000668_pre_disaster.png,socal-fire_00000668_pre_disaster,0,0,train\masks\socal-fire_00000668_pre_disaster.png,0,0,65,147555,00000668 +0,0,socal-fire,post,train,train\images\socal-fire_00000669_post_disaster.png,socal-fire_00000669_post_disaster,0,0,train\masks\socal-fire_00000669_post_disaster.png,0,0,12,15860,00000669 +0,0,socal-fire,pre,train,train\images\socal-fire_00000669_pre_disaster.png,socal-fire_00000669_pre_disaster,0,0,train\masks\socal-fire_00000669_pre_disaster.png,0,0,12,15909,00000669 +2,1244,socal-fire,post,train,train\images\socal-fire_00000671_post_disaster.png,socal-fire_00000671_post_disaster,0,0,train\masks\socal-fire_00000671_post_disaster.png,0,0,0,0,00000671 +0,0,socal-fire,pre,train,train\images\socal-fire_00000671_pre_disaster.png,socal-fire_00000671_pre_disaster,0,0,train\masks\socal-fire_00000671_pre_disaster.png,0,0,2,1244,00000671 +0,0,socal-fire,post,train,train\images\socal-fire_00000672_post_disaster.png,socal-fire_00000672_post_disaster,0,0,train\masks\socal-fire_00000672_post_disaster.png,0,0,0,0,00000672 +0,0,socal-fire,pre,train,train\images\socal-fire_00000672_pre_disaster.png,socal-fire_00000672_pre_disaster,0,0,train\masks\socal-fire_00000672_pre_disaster.png,0,0,0,0,00000672 +0,0,socal-fire,post,train,train\images\socal-fire_00000675_post_disaster.png,socal-fire_00000675_post_disaster,0,0,train\masks\socal-fire_00000675_post_disaster.png,0,0,73,150986,00000675 +0,0,socal-fire,pre,train,train\images\socal-fire_00000675_pre_disaster.png,socal-fire_00000675_pre_disaster,0,0,train\masks\socal-fire_00000675_pre_disaster.png,0,0,73,151003,00000675 +0,0,socal-fire,post,train,train\images\socal-fire_00000676_post_disaster.png,socal-fire_00000676_post_disaster,0,0,train\masks\socal-fire_00000676_post_disaster.png,0,0,22,24475,00000676 +0,0,socal-fire,pre,train,train\images\socal-fire_00000676_pre_disaster.png,socal-fire_00000676_pre_disaster,0,0,train\masks\socal-fire_00000676_pre_disaster.png,0,0,22,24523,00000676 +0,0,socal-fire,post,train,train\images\socal-fire_00000677_post_disaster.png,socal-fire_00000677_post_disaster,0,0,train\masks\socal-fire_00000677_post_disaster.png,0,0,0,0,00000677 +0,0,socal-fire,pre,train,train\images\socal-fire_00000677_pre_disaster.png,socal-fire_00000677_pre_disaster,0,0,train\masks\socal-fire_00000677_pre_disaster.png,0,0,0,0,00000677 +11,5321,socal-fire,post,train,train\images\socal-fire_00000679_post_disaster.png,socal-fire_00000679_post_disaster,2,1052,train\masks\socal-fire_00000679_post_disaster.png,3,2408,5,1553,00000679 +0,0,socal-fire,pre,train,train\images\socal-fire_00000679_pre_disaster.png,socal-fire_00000679_pre_disaster,0,0,train\masks\socal-fire_00000679_pre_disaster.png,0,0,19,10313,00000679 +0,0,socal-fire,post,train,train\images\socal-fire_00000680_post_disaster.png,socal-fire_00000680_post_disaster,0,0,train\masks\socal-fire_00000680_post_disaster.png,0,0,1,1406,00000680 +0,0,socal-fire,pre,train,train\images\socal-fire_00000680_pre_disaster.png,socal-fire_00000680_pre_disaster,0,0,train\masks\socal-fire_00000680_pre_disaster.png,0,0,1,1447,00000680 +0,0,socal-fire,post,train,train\images\socal-fire_00000681_post_disaster.png,socal-fire_00000681_post_disaster,0,0,train\masks\socal-fire_00000681_post_disaster.png,0,0,1,77,00000681 +0,0,socal-fire,pre,train,train\images\socal-fire_00000681_pre_disaster.png,socal-fire_00000681_pre_disaster,0,0,train\masks\socal-fire_00000681_pre_disaster.png,0,0,1,77,00000681 +12,4218,socal-fire,post,train,train\images\socal-fire_00000686_post_disaster.png,socal-fire_00000686_post_disaster,0,0,train\masks\socal-fire_00000686_post_disaster.png,0,0,0,0,00000686 +0,0,socal-fire,pre,train,train\images\socal-fire_00000686_pre_disaster.png,socal-fire_00000686_pre_disaster,0,0,train\masks\socal-fire_00000686_pre_disaster.png,0,0,12,4218,00000686 +3,3524,socal-fire,post,train,train\images\socal-fire_00000688_post_disaster.png,socal-fire_00000688_post_disaster,0,0,train\masks\socal-fire_00000688_post_disaster.png,0,0,4,3989,00000688 +0,0,socal-fire,pre,train,train\images\socal-fire_00000688_pre_disaster.png,socal-fire_00000688_pre_disaster,0,0,train\masks\socal-fire_00000688_pre_disaster.png,0,0,7,7513,00000688 +0,0,socal-fire,post,train,train\images\socal-fire_00000689_post_disaster.png,socal-fire_00000689_post_disaster,0,0,train\masks\socal-fire_00000689_post_disaster.png,0,0,0,0,00000689 +0,0,socal-fire,pre,train,train\images\socal-fire_00000689_pre_disaster.png,socal-fire_00000689_pre_disaster,0,0,train\masks\socal-fire_00000689_pre_disaster.png,0,0,0,0,00000689 +0,0,socal-fire,post,train,train\images\socal-fire_00000691_post_disaster.png,socal-fire_00000691_post_disaster,0,0,train\masks\socal-fire_00000691_post_disaster.png,0,0,2,1774,00000691 +0,0,socal-fire,pre,train,train\images\socal-fire_00000691_pre_disaster.png,socal-fire_00000691_pre_disaster,0,0,train\masks\socal-fire_00000691_pre_disaster.png,0,0,2,1831,00000691 +10,13664,socal-fire,post,train,train\images\socal-fire_00000692_post_disaster.png,socal-fire_00000692_post_disaster,0,0,train\masks\socal-fire_00000692_post_disaster.png,0,0,36,46967,00000692 +0,0,socal-fire,pre,train,train\images\socal-fire_00000692_pre_disaster.png,socal-fire_00000692_pre_disaster,0,0,train\masks\socal-fire_00000692_pre_disaster.png,0,0,46,60786,00000692 +0,0,socal-fire,post,train,train\images\socal-fire_00000693_post_disaster.png,socal-fire_00000693_post_disaster,0,0,train\masks\socal-fire_00000693_post_disaster.png,0,0,0,0,00000693 +0,0,socal-fire,pre,train,train\images\socal-fire_00000693_pre_disaster.png,socal-fire_00000693_pre_disaster,0,0,train\masks\socal-fire_00000693_pre_disaster.png,0,0,0,0,00000693 +0,0,socal-fire,post,train,train\images\socal-fire_00000695_post_disaster.png,socal-fire_00000695_post_disaster,0,0,train\masks\socal-fire_00000695_post_disaster.png,0,0,1,213,00000695 +0,0,socal-fire,pre,train,train\images\socal-fire_00000695_pre_disaster.png,socal-fire_00000695_pre_disaster,0,0,train\masks\socal-fire_00000695_pre_disaster.png,0,0,1,213,00000695 +0,0,socal-fire,post,train,train\images\socal-fire_00000697_post_disaster.png,socal-fire_00000697_post_disaster,0,0,train\masks\socal-fire_00000697_post_disaster.png,0,0,1,117,00000697 +0,0,socal-fire,pre,train,train\images\socal-fire_00000697_pre_disaster.png,socal-fire_00000697_pre_disaster,0,0,train\masks\socal-fire_00000697_pre_disaster.png,0,0,1,117,00000697 +0,0,socal-fire,post,train,train\images\socal-fire_00000698_post_disaster.png,socal-fire_00000698_post_disaster,0,0,train\masks\socal-fire_00000698_post_disaster.png,0,0,0,0,00000698 +0,0,socal-fire,pre,train,train\images\socal-fire_00000698_pre_disaster.png,socal-fire_00000698_pre_disaster,0,0,train\masks\socal-fire_00000698_pre_disaster.png,0,0,0,0,00000698 +0,0,socal-fire,post,train,train\images\socal-fire_00000701_post_disaster.png,socal-fire_00000701_post_disaster,0,0,train\masks\socal-fire_00000701_post_disaster.png,0,0,0,0,00000701 +0,0,socal-fire,pre,train,train\images\socal-fire_00000701_pre_disaster.png,socal-fire_00000701_pre_disaster,0,0,train\masks\socal-fire_00000701_pre_disaster.png,0,0,0,0,00000701 +0,0,socal-fire,post,train,train\images\socal-fire_00000704_post_disaster.png,socal-fire_00000704_post_disaster,0,0,train\masks\socal-fire_00000704_post_disaster.png,0,0,0,0,00000704 +0,0,socal-fire,pre,train,train\images\socal-fire_00000704_pre_disaster.png,socal-fire_00000704_pre_disaster,0,0,train\masks\socal-fire_00000704_pre_disaster.png,0,0,0,0,00000704 +0,0,socal-fire,post,train,train\images\socal-fire_00000705_post_disaster.png,socal-fire_00000705_post_disaster,0,0,train\masks\socal-fire_00000705_post_disaster.png,0,0,0,0,00000705 +0,0,socal-fire,pre,train,train\images\socal-fire_00000705_pre_disaster.png,socal-fire_00000705_pre_disaster,0,0,train\masks\socal-fire_00000705_pre_disaster.png,0,0,0,0,00000705 +0,0,socal-fire,post,train,train\images\socal-fire_00000706_post_disaster.png,socal-fire_00000706_post_disaster,0,0,train\masks\socal-fire_00000706_post_disaster.png,0,0,0,0,00000706 +0,0,socal-fire,pre,train,train\images\socal-fire_00000706_pre_disaster.png,socal-fire_00000706_pre_disaster,0,0,train\masks\socal-fire_00000706_pre_disaster.png,0,0,0,0,00000706 +0,0,socal-fire,post,train,train\images\socal-fire_00000709_post_disaster.png,socal-fire_00000709_post_disaster,0,0,train\masks\socal-fire_00000709_post_disaster.png,0,0,0,0,00000709 +0,0,socal-fire,pre,train,train\images\socal-fire_00000709_pre_disaster.png,socal-fire_00000709_pre_disaster,0,0,train\masks\socal-fire_00000709_pre_disaster.png,0,0,0,0,00000709 +0,0,socal-fire,post,train,train\images\socal-fire_00000710_post_disaster.png,socal-fire_00000710_post_disaster,0,0,train\masks\socal-fire_00000710_post_disaster.png,0,0,0,0,00000710 +0,0,socal-fire,pre,train,train\images\socal-fire_00000710_pre_disaster.png,socal-fire_00000710_pre_disaster,0,0,train\masks\socal-fire_00000710_pre_disaster.png,0,0,0,0,00000710 +0,0,socal-fire,post,train,train\images\socal-fire_00000714_post_disaster.png,socal-fire_00000714_post_disaster,0,0,train\masks\socal-fire_00000714_post_disaster.png,0,0,0,0,00000714 +0,0,socal-fire,pre,train,train\images\socal-fire_00000714_pre_disaster.png,socal-fire_00000714_pre_disaster,0,0,train\masks\socal-fire_00000714_pre_disaster.png,0,0,0,0,00000714 +2,4936,socal-fire,post,train,train\images\socal-fire_00000715_post_disaster.png,socal-fire_00000715_post_disaster,0,0,train\masks\socal-fire_00000715_post_disaster.png,0,0,7,2534,00000715 +0,0,socal-fire,pre,train,train\images\socal-fire_00000715_pre_disaster.png,socal-fire_00000715_pre_disaster,0,0,train\masks\socal-fire_00000715_pre_disaster.png,0,0,9,7470,00000715 +0,0,socal-fire,post,train,train\images\socal-fire_00000718_post_disaster.png,socal-fire_00000718_post_disaster,0,0,train\masks\socal-fire_00000718_post_disaster.png,0,0,0,0,00000718 +0,0,socal-fire,pre,train,train\images\socal-fire_00000718_pre_disaster.png,socal-fire_00000718_pre_disaster,0,0,train\masks\socal-fire_00000718_pre_disaster.png,0,0,0,0,00000718 +1,1469,socal-fire,post,train,train\images\socal-fire_00000723_post_disaster.png,socal-fire_00000723_post_disaster,0,0,train\masks\socal-fire_00000723_post_disaster.png,1,179,3,3161,00000723 +0,0,socal-fire,pre,train,train\images\socal-fire_00000723_pre_disaster.png,socal-fire_00000723_pre_disaster,0,0,train\masks\socal-fire_00000723_pre_disaster.png,0,0,4,4811,00000723 +0,0,socal-fire,post,train,train\images\socal-fire_00000725_post_disaster.png,socal-fire_00000725_post_disaster,0,0,train\masks\socal-fire_00000725_post_disaster.png,0,0,0,0,00000725 +0,0,socal-fire,pre,train,train\images\socal-fire_00000725_pre_disaster.png,socal-fire_00000725_pre_disaster,0,0,train\masks\socal-fire_00000725_pre_disaster.png,0,0,0,0,00000725 +0,0,socal-fire,post,train,train\images\socal-fire_00000727_post_disaster.png,socal-fire_00000727_post_disaster,0,0,train\masks\socal-fire_00000727_post_disaster.png,0,0,0,0,00000727 +0,0,socal-fire,pre,train,train\images\socal-fire_00000727_pre_disaster.png,socal-fire_00000727_pre_disaster,0,0,train\masks\socal-fire_00000727_pre_disaster.png,0,0,0,0,00000727 +1,1493,socal-fire,post,train,train\images\socal-fire_00000731_post_disaster.png,socal-fire_00000731_post_disaster,0,0,train\masks\socal-fire_00000731_post_disaster.png,0,0,12,13934,00000731 +0,0,socal-fire,pre,train,train\images\socal-fire_00000731_pre_disaster.png,socal-fire_00000731_pre_disaster,0,0,train\masks\socal-fire_00000731_pre_disaster.png,0,0,13,15427,00000731 +0,0,socal-fire,post,train,train\images\socal-fire_00000734_post_disaster.png,socal-fire_00000734_post_disaster,0,0,train\masks\socal-fire_00000734_post_disaster.png,0,0,0,0,00000734 +0,0,socal-fire,pre,train,train\images\socal-fire_00000734_pre_disaster.png,socal-fire_00000734_pre_disaster,0,0,train\masks\socal-fire_00000734_pre_disaster.png,0,0,0,0,00000734 +0,0,socal-fire,post,train,train\images\socal-fire_00000739_post_disaster.png,socal-fire_00000739_post_disaster,0,0,train\masks\socal-fire_00000739_post_disaster.png,0,0,28,164234,00000739 +0,0,socal-fire,pre,train,train\images\socal-fire_00000739_pre_disaster.png,socal-fire_00000739_pre_disaster,0,0,train\masks\socal-fire_00000739_pre_disaster.png,0,0,28,164411,00000739 +0,0,socal-fire,post,train,train\images\socal-fire_00000740_post_disaster.png,socal-fire_00000740_post_disaster,0,0,train\masks\socal-fire_00000740_post_disaster.png,0,0,0,0,00000740 +0,0,socal-fire,pre,train,train\images\socal-fire_00000740_pre_disaster.png,socal-fire_00000740_pre_disaster,0,0,train\masks\socal-fire_00000740_pre_disaster.png,0,0,0,0,00000740 +0,0,socal-fire,post,train,train\images\socal-fire_00000744_post_disaster.png,socal-fire_00000744_post_disaster,0,0,train\masks\socal-fire_00000744_post_disaster.png,0,0,0,0,00000744 +0,0,socal-fire,pre,train,train\images\socal-fire_00000744_pre_disaster.png,socal-fire_00000744_pre_disaster,0,0,train\masks\socal-fire_00000744_pre_disaster.png,0,0,0,0,00000744 +0,0,socal-fire,post,train,train\images\socal-fire_00000747_post_disaster.png,socal-fire_00000747_post_disaster,0,0,train\masks\socal-fire_00000747_post_disaster.png,0,0,0,0,00000747 +0,0,socal-fire,pre,train,train\images\socal-fire_00000747_pre_disaster.png,socal-fire_00000747_pre_disaster,0,0,train\masks\socal-fire_00000747_pre_disaster.png,0,0,0,0,00000747 +0,0,socal-fire,post,train,train\images\socal-fire_00000748_post_disaster.png,socal-fire_00000748_post_disaster,0,0,train\masks\socal-fire_00000748_post_disaster.png,0,0,0,0,00000748 +0,0,socal-fire,pre,train,train\images\socal-fire_00000748_pre_disaster.png,socal-fire_00000748_pre_disaster,0,0,train\masks\socal-fire_00000748_pre_disaster.png,0,0,0,0,00000748 +0,0,socal-fire,post,train,train\images\socal-fire_00000751_post_disaster.png,socal-fire_00000751_post_disaster,0,0,train\masks\socal-fire_00000751_post_disaster.png,0,0,0,0,00000751 +0,0,socal-fire,pre,train,train\images\socal-fire_00000751_pre_disaster.png,socal-fire_00000751_pre_disaster,0,0,train\masks\socal-fire_00000751_pre_disaster.png,0,0,0,0,00000751 +0,0,socal-fire,post,train,train\images\socal-fire_00000752_post_disaster.png,socal-fire_00000752_post_disaster,0,0,train\masks\socal-fire_00000752_post_disaster.png,0,0,20,139652,00000752 +0,0,socal-fire,pre,train,train\images\socal-fire_00000752_pre_disaster.png,socal-fire_00000752_pre_disaster,0,0,train\masks\socal-fire_00000752_pre_disaster.png,0,0,20,139955,00000752 +0,0,socal-fire,post,train,train\images\socal-fire_00000757_post_disaster.png,socal-fire_00000757_post_disaster,0,0,train\masks\socal-fire_00000757_post_disaster.png,0,0,0,0,00000757 +0,0,socal-fire,pre,train,train\images\socal-fire_00000757_pre_disaster.png,socal-fire_00000757_pre_disaster,0,0,train\masks\socal-fire_00000757_pre_disaster.png,0,0,0,0,00000757 +0,0,socal-fire,post,train,train\images\socal-fire_00000760_post_disaster.png,socal-fire_00000760_post_disaster,0,0,train\masks\socal-fire_00000760_post_disaster.png,0,0,0,0,00000760 +0,0,socal-fire,pre,train,train\images\socal-fire_00000760_pre_disaster.png,socal-fire_00000760_pre_disaster,0,0,train\masks\socal-fire_00000760_pre_disaster.png,0,0,0,0,00000760 +1,244,socal-fire,post,train,train\images\socal-fire_00000763_post_disaster.png,socal-fire_00000763_post_disaster,0,0,train\masks\socal-fire_00000763_post_disaster.png,0,0,3,709,00000763 +0,0,socal-fire,pre,train,train\images\socal-fire_00000763_pre_disaster.png,socal-fire_00000763_pre_disaster,0,0,train\masks\socal-fire_00000763_pre_disaster.png,0,0,4,953,00000763 +0,0,socal-fire,post,train,train\images\socal-fire_00000766_post_disaster.png,socal-fire_00000766_post_disaster,0,0,train\masks\socal-fire_00000766_post_disaster.png,0,0,0,0,00000766 +0,0,socal-fire,pre,train,train\images\socal-fire_00000766_pre_disaster.png,socal-fire_00000766_pre_disaster,0,0,train\masks\socal-fire_00000766_pre_disaster.png,0,0,0,0,00000766 +0,0,socal-fire,post,train,train\images\socal-fire_00000767_post_disaster.png,socal-fire_00000767_post_disaster,0,0,train\masks\socal-fire_00000767_post_disaster.png,0,0,10,158115,00000767 +0,0,socal-fire,pre,train,train\images\socal-fire_00000767_pre_disaster.png,socal-fire_00000767_pre_disaster,0,0,train\masks\socal-fire_00000767_pre_disaster.png,0,0,10,158135,00000767 +0,0,socal-fire,post,train,train\images\socal-fire_00000769_post_disaster.png,socal-fire_00000769_post_disaster,0,0,train\masks\socal-fire_00000769_post_disaster.png,0,0,0,0,00000769 +0,0,socal-fire,pre,train,train\images\socal-fire_00000769_pre_disaster.png,socal-fire_00000769_pre_disaster,0,0,train\masks\socal-fire_00000769_pre_disaster.png,0,0,0,0,00000769 +0,0,socal-fire,post,train,train\images\socal-fire_00000770_post_disaster.png,socal-fire_00000770_post_disaster,0,0,train\masks\socal-fire_00000770_post_disaster.png,0,0,55,128119,00000770 +0,0,socal-fire,pre,train,train\images\socal-fire_00000770_pre_disaster.png,socal-fire_00000770_pre_disaster,0,0,train\masks\socal-fire_00000770_pre_disaster.png,0,0,55,128211,00000770 +2,2678,socal-fire,post,train,train\images\socal-fire_00000771_post_disaster.png,socal-fire_00000771_post_disaster,0,0,train\masks\socal-fire_00000771_post_disaster.png,0,0,10,10423,00000771 +0,0,socal-fire,pre,train,train\images\socal-fire_00000771_pre_disaster.png,socal-fire_00000771_pre_disaster,0,0,train\masks\socal-fire_00000771_pre_disaster.png,0,0,12,13122,00000771 +0,0,socal-fire,post,train,train\images\socal-fire_00000772_post_disaster.png,socal-fire_00000772_post_disaster,0,0,train\masks\socal-fire_00000772_post_disaster.png,0,0,0,0,00000772 +0,0,socal-fire,pre,train,train\images\socal-fire_00000772_pre_disaster.png,socal-fire_00000772_pre_disaster,0,0,train\masks\socal-fire_00000772_pre_disaster.png,0,0,0,0,00000772 +0,0,socal-fire,post,train,train\images\socal-fire_00000774_post_disaster.png,socal-fire_00000774_post_disaster,0,0,train\masks\socal-fire_00000774_post_disaster.png,0,0,0,0,00000774 +0,0,socal-fire,pre,train,train\images\socal-fire_00000774_pre_disaster.png,socal-fire_00000774_pre_disaster,0,0,train\masks\socal-fire_00000774_pre_disaster.png,0,0,0,0,00000774 +0,0,socal-fire,post,train,train\images\socal-fire_00000775_post_disaster.png,socal-fire_00000775_post_disaster,0,0,train\masks\socal-fire_00000775_post_disaster.png,0,0,0,0,00000775 +0,0,socal-fire,pre,train,train\images\socal-fire_00000775_pre_disaster.png,socal-fire_00000775_pre_disaster,0,0,train\masks\socal-fire_00000775_pre_disaster.png,0,0,0,0,00000775 +0,0,socal-fire,post,train,train\images\socal-fire_00000776_post_disaster.png,socal-fire_00000776_post_disaster,0,0,train\masks\socal-fire_00000776_post_disaster.png,0,0,6,6441,00000776 +0,0,socal-fire,pre,train,train\images\socal-fire_00000776_pre_disaster.png,socal-fire_00000776_pre_disaster,0,0,train\masks\socal-fire_00000776_pre_disaster.png,0,0,6,6500,00000776 +2,540,socal-fire,post,train,train\images\socal-fire_00000779_post_disaster.png,socal-fire_00000779_post_disaster,0,0,train\masks\socal-fire_00000779_post_disaster.png,0,0,1,2839,00000779 +0,0,socal-fire,pre,train,train\images\socal-fire_00000779_pre_disaster.png,socal-fire_00000779_pre_disaster,0,0,train\masks\socal-fire_00000779_pre_disaster.png,0,0,3,3411,00000779 +0,0,socal-fire,post,train,train\images\socal-fire_00000781_post_disaster.png,socal-fire_00000781_post_disaster,0,0,train\masks\socal-fire_00000781_post_disaster.png,0,0,0,0,00000781 +0,0,socal-fire,pre,train,train\images\socal-fire_00000781_pre_disaster.png,socal-fire_00000781_pre_disaster,0,0,train\masks\socal-fire_00000781_pre_disaster.png,0,0,0,0,00000781 +7,12200,socal-fire,post,train,train\images\socal-fire_00000785_post_disaster.png,socal-fire_00000785_post_disaster,0,0,train\masks\socal-fire_00000785_post_disaster.png,0,0,5,3078,00000785 +0,0,socal-fire,pre,train,train\images\socal-fire_00000785_pre_disaster.png,socal-fire_00000785_pre_disaster,0,0,train\masks\socal-fire_00000785_pre_disaster.png,0,0,12,15297,00000785 +0,0,socal-fire,post,train,train\images\socal-fire_00000787_post_disaster.png,socal-fire_00000787_post_disaster,0,0,train\masks\socal-fire_00000787_post_disaster.png,0,0,0,0,00000787 +0,0,socal-fire,pre,train,train\images\socal-fire_00000787_pre_disaster.png,socal-fire_00000787_pre_disaster,0,0,train\masks\socal-fire_00000787_pre_disaster.png,0,0,0,0,00000787 +1,166,socal-fire,post,train,train\images\socal-fire_00000788_post_disaster.png,socal-fire_00000788_post_disaster,0,0,train\masks\socal-fire_00000788_post_disaster.png,3,866,0,0,00000788 +0,0,socal-fire,pre,train,train\images\socal-fire_00000788_pre_disaster.png,socal-fire_00000788_pre_disaster,0,0,train\masks\socal-fire_00000788_pre_disaster.png,0,0,4,1032,00000788 +0,0,socal-fire,post,train,train\images\socal-fire_00000789_post_disaster.png,socal-fire_00000789_post_disaster,0,0,train\masks\socal-fire_00000789_post_disaster.png,0,0,0,0,00000789 +0,0,socal-fire,pre,train,train\images\socal-fire_00000789_pre_disaster.png,socal-fire_00000789_pre_disaster,0,0,train\masks\socal-fire_00000789_pre_disaster.png,0,0,0,0,00000789 +0,0,socal-fire,post,train,train\images\socal-fire_00000790_post_disaster.png,socal-fire_00000790_post_disaster,0,0,train\masks\socal-fire_00000790_post_disaster.png,0,0,33,20544,00000790 +0,0,socal-fire,pre,train,train\images\socal-fire_00000790_pre_disaster.png,socal-fire_00000790_pre_disaster,0,0,train\masks\socal-fire_00000790_pre_disaster.png,0,0,33,20584,00000790 +0,0,socal-fire,post,train,train\images\socal-fire_00000791_post_disaster.png,socal-fire_00000791_post_disaster,0,0,train\masks\socal-fire_00000791_post_disaster.png,0,0,0,0,00000791 +0,0,socal-fire,pre,train,train\images\socal-fire_00000791_pre_disaster.png,socal-fire_00000791_pre_disaster,0,0,train\masks\socal-fire_00000791_pre_disaster.png,0,0,0,0,00000791 +5,7059,socal-fire,post,train,train\images\socal-fire_00000792_post_disaster.png,socal-fire_00000792_post_disaster,0,0,train\masks\socal-fire_00000792_post_disaster.png,0,0,24,20529,00000792 +0,0,socal-fire,pre,train,train\images\socal-fire_00000792_pre_disaster.png,socal-fire_00000792_pre_disaster,0,0,train\masks\socal-fire_00000792_pre_disaster.png,0,0,29,27633,00000792 +4,1153,socal-fire,post,train,train\images\socal-fire_00000793_post_disaster.png,socal-fire_00000793_post_disaster,1,693,train\masks\socal-fire_00000793_post_disaster.png,1,544,0,0,00000793 +0,0,socal-fire,pre,train,train\images\socal-fire_00000793_pre_disaster.png,socal-fire_00000793_pre_disaster,0,0,train\masks\socal-fire_00000793_pre_disaster.png,0,0,6,2390,00000793 +0,0,socal-fire,post,train,train\images\socal-fire_00000794_post_disaster.png,socal-fire_00000794_post_disaster,0,0,train\masks\socal-fire_00000794_post_disaster.png,0,0,0,0,00000794 +0,0,socal-fire,pre,train,train\images\socal-fire_00000794_pre_disaster.png,socal-fire_00000794_pre_disaster,0,0,train\masks\socal-fire_00000794_pre_disaster.png,0,0,0,0,00000794 +0,0,socal-fire,post,train,train\images\socal-fire_00000795_post_disaster.png,socal-fire_00000795_post_disaster,0,0,train\masks\socal-fire_00000795_post_disaster.png,0,0,0,0,00000795 +0,0,socal-fire,pre,train,train\images\socal-fire_00000795_pre_disaster.png,socal-fire_00000795_pre_disaster,0,0,train\masks\socal-fire_00000795_pre_disaster.png,0,0,0,0,00000795 +0,0,socal-fire,post,train,train\images\socal-fire_00000798_post_disaster.png,socal-fire_00000798_post_disaster,0,0,train\masks\socal-fire_00000798_post_disaster.png,0,0,47,74406,00000798 +0,0,socal-fire,pre,train,train\images\socal-fire_00000798_pre_disaster.png,socal-fire_00000798_pre_disaster,0,0,train\masks\socal-fire_00000798_pre_disaster.png,0,0,47,74555,00000798 +19,9671,socal-fire,post,train,train\images\socal-fire_00000805_post_disaster.png,socal-fire_00000805_post_disaster,0,0,train\masks\socal-fire_00000805_post_disaster.png,0,0,6,2944,00000805 +0,0,socal-fire,pre,train,train\images\socal-fire_00000805_pre_disaster.png,socal-fire_00000805_pre_disaster,0,0,train\masks\socal-fire_00000805_pre_disaster.png,0,0,25,12701,00000805 +0,0,socal-fire,post,train,train\images\socal-fire_00000807_post_disaster.png,socal-fire_00000807_post_disaster,0,0,train\masks\socal-fire_00000807_post_disaster.png,0,0,0,0,00000807 +0,0,socal-fire,pre,train,train\images\socal-fire_00000807_pre_disaster.png,socal-fire_00000807_pre_disaster,0,0,train\masks\socal-fire_00000807_pre_disaster.png,0,0,0,0,00000807 +6,9940,socal-fire,post,train,train\images\socal-fire_00000810_post_disaster.png,socal-fire_00000810_post_disaster,0,0,train\masks\socal-fire_00000810_post_disaster.png,0,0,6,2331,00000810 +0,0,socal-fire,pre,train,train\images\socal-fire_00000810_pre_disaster.png,socal-fire_00000810_pre_disaster,0,0,train\masks\socal-fire_00000810_pre_disaster.png,0,0,12,12300,00000810 +0,0,socal-fire,post,train,train\images\socal-fire_00000812_post_disaster.png,socal-fire_00000812_post_disaster,0,0,train\masks\socal-fire_00000812_post_disaster.png,0,0,0,0,00000812 +0,0,socal-fire,pre,train,train\images\socal-fire_00000812_pre_disaster.png,socal-fire_00000812_pre_disaster,0,0,train\masks\socal-fire_00000812_pre_disaster.png,0,0,0,0,00000812 +18,15183,socal-fire,post,train,train\images\socal-fire_00000817_post_disaster.png,socal-fire_00000817_post_disaster,0,0,train\masks\socal-fire_00000817_post_disaster.png,0,0,53,33351,00000817 +0,0,socal-fire,pre,train,train\images\socal-fire_00000817_pre_disaster.png,socal-fire_00000817_pre_disaster,0,0,train\masks\socal-fire_00000817_pre_disaster.png,0,0,71,48574,00000817 +2,358,socal-fire,post,train,train\images\socal-fire_00000819_post_disaster.png,socal-fire_00000819_post_disaster,0,0,train\masks\socal-fire_00000819_post_disaster.png,0,0,9,4059,00000819 +0,0,socal-fire,pre,train,train\images\socal-fire_00000819_pre_disaster.png,socal-fire_00000819_pre_disaster,0,0,train\masks\socal-fire_00000819_pre_disaster.png,0,0,11,4448,00000819 +0,0,socal-fire,post,train,train\images\socal-fire_00000820_post_disaster.png,socal-fire_00000820_post_disaster,0,0,train\masks\socal-fire_00000820_post_disaster.png,0,0,0,0,00000820 +0,0,socal-fire,pre,train,train\images\socal-fire_00000820_pre_disaster.png,socal-fire_00000820_pre_disaster,0,0,train\masks\socal-fire_00000820_pre_disaster.png,0,0,0,0,00000820 +23,19393,socal-fire,post,train,train\images\socal-fire_00000821_post_disaster.png,socal-fire_00000821_post_disaster,0,0,train\masks\socal-fire_00000821_post_disaster.png,0,0,0,0,00000821 +0,0,socal-fire,pre,train,train\images\socal-fire_00000821_pre_disaster.png,socal-fire_00000821_pre_disaster,0,0,train\masks\socal-fire_00000821_pre_disaster.png,0,0,23,19436,00000821 +0,0,socal-fire,post,train,train\images\socal-fire_00000822_post_disaster.png,socal-fire_00000822_post_disaster,0,0,train\masks\socal-fire_00000822_post_disaster.png,0,0,0,0,00000822 +0,0,socal-fire,pre,train,train\images\socal-fire_00000822_pre_disaster.png,socal-fire_00000822_pre_disaster,0,0,train\masks\socal-fire_00000822_pre_disaster.png,0,0,0,0,00000822 +1,341,socal-fire,post,train,train\images\socal-fire_00000824_post_disaster.png,socal-fire_00000824_post_disaster,0,0,train\masks\socal-fire_00000824_post_disaster.png,0,0,0,0,00000824 +0,0,socal-fire,pre,train,train\images\socal-fire_00000824_pre_disaster.png,socal-fire_00000824_pre_disaster,0,0,train\masks\socal-fire_00000824_pre_disaster.png,0,0,1,341,00000824 +0,0,socal-fire,post,train,train\images\socal-fire_00000827_post_disaster.png,socal-fire_00000827_post_disaster,0,0,train\masks\socal-fire_00000827_post_disaster.png,0,0,0,0,00000827 +0,0,socal-fire,pre,train,train\images\socal-fire_00000827_pre_disaster.png,socal-fire_00000827_pre_disaster,0,0,train\masks\socal-fire_00000827_pre_disaster.png,0,0,0,0,00000827 +0,0,socal-fire,post,train,train\images\socal-fire_00000828_post_disaster.png,socal-fire_00000828_post_disaster,0,0,train\masks\socal-fire_00000828_post_disaster.png,0,0,0,0,00000828 +0,0,socal-fire,pre,train,train\images\socal-fire_00000828_pre_disaster.png,socal-fire_00000828_pre_disaster,0,0,train\masks\socal-fire_00000828_pre_disaster.png,0,0,0,0,00000828 +0,0,socal-fire,post,train,train\images\socal-fire_00000830_post_disaster.png,socal-fire_00000830_post_disaster,0,0,train\masks\socal-fire_00000830_post_disaster.png,0,0,0,0,00000830 +0,0,socal-fire,pre,train,train\images\socal-fire_00000830_pre_disaster.png,socal-fire_00000830_pre_disaster,0,0,train\masks\socal-fire_00000830_pre_disaster.png,0,0,0,0,00000830 +0,0,socal-fire,post,train,train\images\socal-fire_00000833_post_disaster.png,socal-fire_00000833_post_disaster,0,0,train\masks\socal-fire_00000833_post_disaster.png,0,0,0,0,00000833 +0,0,socal-fire,pre,train,train\images\socal-fire_00000833_pre_disaster.png,socal-fire_00000833_pre_disaster,0,0,train\masks\socal-fire_00000833_pre_disaster.png,0,0,0,0,00000833 +0,0,socal-fire,post,train,train\images\socal-fire_00000834_post_disaster.png,socal-fire_00000834_post_disaster,0,0,train\masks\socal-fire_00000834_post_disaster.png,0,0,0,0,00000834 +0,0,socal-fire,pre,train,train\images\socal-fire_00000834_pre_disaster.png,socal-fire_00000834_pre_disaster,0,0,train\masks\socal-fire_00000834_pre_disaster.png,0,0,0,0,00000834 +0,0,socal-fire,post,train,train\images\socal-fire_00000835_post_disaster.png,socal-fire_00000835_post_disaster,0,0,train\masks\socal-fire_00000835_post_disaster.png,0,0,0,0,00000835 +0,0,socal-fire,pre,train,train\images\socal-fire_00000835_pre_disaster.png,socal-fire_00000835_pre_disaster,0,0,train\masks\socal-fire_00000835_pre_disaster.png,0,0,0,0,00000835 +0,0,socal-fire,post,train,train\images\socal-fire_00000838_post_disaster.png,socal-fire_00000838_post_disaster,0,0,train\masks\socal-fire_00000838_post_disaster.png,0,0,0,0,00000838 +0,0,socal-fire,pre,train,train\images\socal-fire_00000838_pre_disaster.png,socal-fire_00000838_pre_disaster,0,0,train\masks\socal-fire_00000838_pre_disaster.png,0,0,0,0,00000838 +0,0,socal-fire,post,train,train\images\socal-fire_00000839_post_disaster.png,socal-fire_00000839_post_disaster,0,0,train\masks\socal-fire_00000839_post_disaster.png,0,0,0,0,00000839 +0,0,socal-fire,pre,train,train\images\socal-fire_00000839_pre_disaster.png,socal-fire_00000839_pre_disaster,0,0,train\masks\socal-fire_00000839_pre_disaster.png,0,0,0,0,00000839 +0,0,socal-fire,post,train,train\images\socal-fire_00000840_post_disaster.png,socal-fire_00000840_post_disaster,0,0,train\masks\socal-fire_00000840_post_disaster.png,0,0,32,181751,00000840 +0,0,socal-fire,pre,train,train\images\socal-fire_00000840_pre_disaster.png,socal-fire_00000840_pre_disaster,0,0,train\masks\socal-fire_00000840_pre_disaster.png,0,0,32,182151,00000840 +0,0,socal-fire,post,train,train\images\socal-fire_00000842_post_disaster.png,socal-fire_00000842_post_disaster,0,0,train\masks\socal-fire_00000842_post_disaster.png,0,0,0,0,00000842 +0,0,socal-fire,pre,train,train\images\socal-fire_00000842_pre_disaster.png,socal-fire_00000842_pre_disaster,0,0,train\masks\socal-fire_00000842_pre_disaster.png,0,0,0,0,00000842 +0,0,socal-fire,post,train,train\images\socal-fire_00000843_post_disaster.png,socal-fire_00000843_post_disaster,0,0,train\masks\socal-fire_00000843_post_disaster.png,0,0,0,0,00000843 +0,0,socal-fire,pre,train,train\images\socal-fire_00000843_pre_disaster.png,socal-fire_00000843_pre_disaster,0,0,train\masks\socal-fire_00000843_pre_disaster.png,0,0,0,0,00000843 +0,0,socal-fire,post,train,train\images\socal-fire_00000845_post_disaster.png,socal-fire_00000845_post_disaster,0,0,train\masks\socal-fire_00000845_post_disaster.png,0,0,0,0,00000845 +0,0,socal-fire,pre,train,train\images\socal-fire_00000845_pre_disaster.png,socal-fire_00000845_pre_disaster,0,0,train\masks\socal-fire_00000845_pre_disaster.png,0,0,0,0,00000845 +0,0,socal-fire,post,train,train\images\socal-fire_00000850_post_disaster.png,socal-fire_00000850_post_disaster,0,0,train\masks\socal-fire_00000850_post_disaster.png,0,0,0,0,00000850 +0,0,socal-fire,pre,train,train\images\socal-fire_00000850_pre_disaster.png,socal-fire_00000850_pre_disaster,0,0,train\masks\socal-fire_00000850_pre_disaster.png,0,0,0,0,00000850 +0,0,socal-fire,post,train,train\images\socal-fire_00000851_post_disaster.png,socal-fire_00000851_post_disaster,0,0,train\masks\socal-fire_00000851_post_disaster.png,0,0,0,0,00000851 +0,0,socal-fire,pre,train,train\images\socal-fire_00000851_pre_disaster.png,socal-fire_00000851_pre_disaster,0,0,train\masks\socal-fire_00000851_pre_disaster.png,0,0,0,0,00000851 +0,0,socal-fire,post,train,train\images\socal-fire_00000852_post_disaster.png,socal-fire_00000852_post_disaster,0,0,train\masks\socal-fire_00000852_post_disaster.png,0,0,0,0,00000852 +0,0,socal-fire,pre,train,train\images\socal-fire_00000852_pre_disaster.png,socal-fire_00000852_pre_disaster,0,0,train\masks\socal-fire_00000852_pre_disaster.png,0,0,0,0,00000852 +0,0,socal-fire,post,train,train\images\socal-fire_00000857_post_disaster.png,socal-fire_00000857_post_disaster,0,0,train\masks\socal-fire_00000857_post_disaster.png,0,0,0,0,00000857 +0,0,socal-fire,pre,train,train\images\socal-fire_00000857_pre_disaster.png,socal-fire_00000857_pre_disaster,0,0,train\masks\socal-fire_00000857_pre_disaster.png,0,0,0,0,00000857 +0,0,socal-fire,post,train,train\images\socal-fire_00000858_post_disaster.png,socal-fire_00000858_post_disaster,0,0,train\masks\socal-fire_00000858_post_disaster.png,0,0,0,0,00000858 +0,0,socal-fire,pre,train,train\images\socal-fire_00000858_pre_disaster.png,socal-fire_00000858_pre_disaster,0,0,train\masks\socal-fire_00000858_pre_disaster.png,0,0,0,0,00000858 +0,0,socal-fire,post,train,train\images\socal-fire_00000859_post_disaster.png,socal-fire_00000859_post_disaster,0,0,train\masks\socal-fire_00000859_post_disaster.png,0,0,0,0,00000859 +0,0,socal-fire,pre,train,train\images\socal-fire_00000859_pre_disaster.png,socal-fire_00000859_pre_disaster,0,0,train\masks\socal-fire_00000859_pre_disaster.png,0,0,0,0,00000859 +3,2334,socal-fire,post,train,train\images\socal-fire_00000861_post_disaster.png,socal-fire_00000861_post_disaster,1,133,train\masks\socal-fire_00000861_post_disaster.png,1,332,17,7308,00000861 +0,0,socal-fire,pre,train,train\images\socal-fire_00000861_pre_disaster.png,socal-fire_00000861_pre_disaster,0,0,train\masks\socal-fire_00000861_pre_disaster.png,0,0,21,10107,00000861 +19,9760,socal-fire,post,train,train\images\socal-fire_00000862_post_disaster.png,socal-fire_00000862_post_disaster,0,0,train\masks\socal-fire_00000862_post_disaster.png,0,0,7,4720,00000862 +0,0,socal-fire,pre,train,train\images\socal-fire_00000862_pre_disaster.png,socal-fire_00000862_pre_disaster,0,0,train\masks\socal-fire_00000862_pre_disaster.png,0,0,26,14530,00000862 +0,0,socal-fire,post,train,train\images\socal-fire_00000864_post_disaster.png,socal-fire_00000864_post_disaster,0,0,train\masks\socal-fire_00000864_post_disaster.png,0,0,66,138611,00000864 +0,0,socal-fire,pre,train,train\images\socal-fire_00000864_pre_disaster.png,socal-fire_00000864_pre_disaster,0,0,train\masks\socal-fire_00000864_pre_disaster.png,0,0,66,138927,00000864 +0,0,socal-fire,post,train,train\images\socal-fire_00000865_post_disaster.png,socal-fire_00000865_post_disaster,0,0,train\masks\socal-fire_00000865_post_disaster.png,0,0,0,0,00000865 +0,0,socal-fire,pre,train,train\images\socal-fire_00000865_pre_disaster.png,socal-fire_00000865_pre_disaster,0,0,train\masks\socal-fire_00000865_pre_disaster.png,0,0,0,0,00000865 +0,0,socal-fire,post,train,train\images\socal-fire_00000866_post_disaster.png,socal-fire_00000866_post_disaster,0,0,train\masks\socal-fire_00000866_post_disaster.png,0,0,19,45050,00000866 +0,0,socal-fire,pre,train,train\images\socal-fire_00000866_pre_disaster.png,socal-fire_00000866_pre_disaster,0,0,train\masks\socal-fire_00000866_pre_disaster.png,0,0,19,45092,00000866 +0,0,socal-fire,post,train,train\images\socal-fire_00000867_post_disaster.png,socal-fire_00000867_post_disaster,0,0,train\masks\socal-fire_00000867_post_disaster.png,0,0,0,0,00000867 +0,0,socal-fire,pre,train,train\images\socal-fire_00000867_pre_disaster.png,socal-fire_00000867_pre_disaster,0,0,train\masks\socal-fire_00000867_pre_disaster.png,0,0,0,0,00000867 +1,3168,socal-fire,post,train,train\images\socal-fire_00000868_post_disaster.png,socal-fire_00000868_post_disaster,0,0,train\masks\socal-fire_00000868_post_disaster.png,0,0,5,11862,00000868 +0,0,socal-fire,pre,train,train\images\socal-fire_00000868_pre_disaster.png,socal-fire_00000868_pre_disaster,0,0,train\masks\socal-fire_00000868_pre_disaster.png,0,0,6,15063,00000868 +0,0,socal-fire,post,train,train\images\socal-fire_00000873_post_disaster.png,socal-fire_00000873_post_disaster,0,0,train\masks\socal-fire_00000873_post_disaster.png,0,0,0,0,00000873 +0,0,socal-fire,pre,train,train\images\socal-fire_00000873_pre_disaster.png,socal-fire_00000873_pre_disaster,0,0,train\masks\socal-fire_00000873_pre_disaster.png,0,0,0,0,00000873 +2,3795,socal-fire,post,train,train\images\socal-fire_00000874_post_disaster.png,socal-fire_00000874_post_disaster,0,0,train\masks\socal-fire_00000874_post_disaster.png,0,0,35,37637,00000874 +0,0,socal-fire,pre,train,train\images\socal-fire_00000874_pre_disaster.png,socal-fire_00000874_pre_disaster,0,0,train\masks\socal-fire_00000874_pre_disaster.png,0,0,37,41607,00000874 +0,0,socal-fire,post,train,train\images\socal-fire_00000875_post_disaster.png,socal-fire_00000875_post_disaster,0,0,train\masks\socal-fire_00000875_post_disaster.png,0,0,0,0,00000875 +0,0,socal-fire,pre,train,train\images\socal-fire_00000875_pre_disaster.png,socal-fire_00000875_pre_disaster,0,0,train\masks\socal-fire_00000875_pre_disaster.png,0,0,0,0,00000875 +0,0,socal-fire,post,train,train\images\socal-fire_00000876_post_disaster.png,socal-fire_00000876_post_disaster,0,0,train\masks\socal-fire_00000876_post_disaster.png,0,0,0,0,00000876 +0,0,socal-fire,pre,train,train\images\socal-fire_00000876_pre_disaster.png,socal-fire_00000876_pre_disaster,0,0,train\masks\socal-fire_00000876_pre_disaster.png,0,0,0,0,00000876 +1,643,socal-fire,post,train,train\images\socal-fire_00000878_post_disaster.png,socal-fire_00000878_post_disaster,0,0,train\masks\socal-fire_00000878_post_disaster.png,0,0,0,0,00000878 +0,0,socal-fire,pre,train,train\images\socal-fire_00000878_pre_disaster.png,socal-fire_00000878_pre_disaster,0,0,train\masks\socal-fire_00000878_pre_disaster.png,0,0,1,643,00000878 +0,0,socal-fire,post,train,train\images\socal-fire_00000880_post_disaster.png,socal-fire_00000880_post_disaster,0,0,train\masks\socal-fire_00000880_post_disaster.png,0,0,58,118733,00000880 +0,0,socal-fire,pre,train,train\images\socal-fire_00000880_pre_disaster.png,socal-fire_00000880_pre_disaster,0,0,train\masks\socal-fire_00000880_pre_disaster.png,0,0,58,118733,00000880 +0,0,socal-fire,post,train,train\images\socal-fire_00000881_post_disaster.png,socal-fire_00000881_post_disaster,0,0,train\masks\socal-fire_00000881_post_disaster.png,0,0,0,0,00000881 +0,0,socal-fire,pre,train,train\images\socal-fire_00000881_pre_disaster.png,socal-fire_00000881_pre_disaster,0,0,train\masks\socal-fire_00000881_pre_disaster.png,0,0,0,0,00000881 +0,0,socal-fire,post,train,train\images\socal-fire_00000884_post_disaster.png,socal-fire_00000884_post_disaster,0,0,train\masks\socal-fire_00000884_post_disaster.png,0,0,0,0,00000884 +0,0,socal-fire,pre,train,train\images\socal-fire_00000884_pre_disaster.png,socal-fire_00000884_pre_disaster,0,0,train\masks\socal-fire_00000884_pre_disaster.png,0,0,0,0,00000884 +11,17224,socal-fire,post,train,train\images\socal-fire_00000886_post_disaster.png,socal-fire_00000886_post_disaster,0,0,train\masks\socal-fire_00000886_post_disaster.png,0,0,26,31211,00000886 +0,0,socal-fire,pre,train,train\images\socal-fire_00000886_pre_disaster.png,socal-fire_00000886_pre_disaster,0,0,train\masks\socal-fire_00000886_pre_disaster.png,0,0,37,48707,00000886 +0,0,socal-fire,post,train,train\images\socal-fire_00000887_post_disaster.png,socal-fire_00000887_post_disaster,0,0,train\masks\socal-fire_00000887_post_disaster.png,0,0,54,106061,00000887 +0,0,socal-fire,pre,train,train\images\socal-fire_00000887_pre_disaster.png,socal-fire_00000887_pre_disaster,0,0,train\masks\socal-fire_00000887_pre_disaster.png,0,0,54,106130,00000887 +0,0,socal-fire,post,train,train\images\socal-fire_00000888_post_disaster.png,socal-fire_00000888_post_disaster,0,0,train\masks\socal-fire_00000888_post_disaster.png,0,0,0,0,00000888 +0,0,socal-fire,pre,train,train\images\socal-fire_00000888_pre_disaster.png,socal-fire_00000888_pre_disaster,0,0,train\masks\socal-fire_00000888_pre_disaster.png,0,0,0,0,00000888 +2,418,socal-fire,post,train,train\images\socal-fire_00000891_post_disaster.png,socal-fire_00000891_post_disaster,0,0,train\masks\socal-fire_00000891_post_disaster.png,0,0,0,0,00000891 +0,0,socal-fire,pre,train,train\images\socal-fire_00000891_pre_disaster.png,socal-fire_00000891_pre_disaster,0,0,train\masks\socal-fire_00000891_pre_disaster.png,0,0,2,418,00000891 +0,0,socal-fire,post,train,train\images\socal-fire_00000892_post_disaster.png,socal-fire_00000892_post_disaster,0,0,train\masks\socal-fire_00000892_post_disaster.png,0,0,0,0,00000892 +0,0,socal-fire,pre,train,train\images\socal-fire_00000892_pre_disaster.png,socal-fire_00000892_pre_disaster,0,0,train\masks\socal-fire_00000892_pre_disaster.png,0,0,0,0,00000892 +0,0,socal-fire,post,train,train\images\socal-fire_00000895_post_disaster.png,socal-fire_00000895_post_disaster,0,0,train\masks\socal-fire_00000895_post_disaster.png,0,0,0,0,00000895 +0,0,socal-fire,pre,train,train\images\socal-fire_00000895_pre_disaster.png,socal-fire_00000895_pre_disaster,0,0,train\masks\socal-fire_00000895_pre_disaster.png,0,0,0,0,00000895 +0,0,socal-fire,post,train,train\images\socal-fire_00000897_post_disaster.png,socal-fire_00000897_post_disaster,0,0,train\masks\socal-fire_00000897_post_disaster.png,0,0,0,0,00000897 +0,0,socal-fire,pre,train,train\images\socal-fire_00000897_pre_disaster.png,socal-fire_00000897_pre_disaster,0,0,train\masks\socal-fire_00000897_pre_disaster.png,0,0,0,0,00000897 +0,0,socal-fire,post,train,train\images\socal-fire_00000901_post_disaster.png,socal-fire_00000901_post_disaster,0,0,train\masks\socal-fire_00000901_post_disaster.png,0,0,19,22428,00000901 +0,0,socal-fire,pre,train,train\images\socal-fire_00000901_pre_disaster.png,socal-fire_00000901_pre_disaster,0,0,train\masks\socal-fire_00000901_pre_disaster.png,0,0,19,22521,00000901 +0,0,socal-fire,post,train,train\images\socal-fire_00000903_post_disaster.png,socal-fire_00000903_post_disaster,0,0,train\masks\socal-fire_00000903_post_disaster.png,0,0,3,7880,00000903 +0,0,socal-fire,pre,train,train\images\socal-fire_00000903_pre_disaster.png,socal-fire_00000903_pre_disaster,0,0,train\masks\socal-fire_00000903_pre_disaster.png,0,0,3,7879,00000903 +4,1562,socal-fire,post,train,train\images\socal-fire_00000904_post_disaster.png,socal-fire_00000904_post_disaster,0,0,train\masks\socal-fire_00000904_post_disaster.png,0,0,10,7411,00000904 +0,0,socal-fire,pre,train,train\images\socal-fire_00000904_pre_disaster.png,socal-fire_00000904_pre_disaster,0,0,train\masks\socal-fire_00000904_pre_disaster.png,0,0,14,9003,00000904 +0,0,socal-fire,post,train,train\images\socal-fire_00000905_post_disaster.png,socal-fire_00000905_post_disaster,0,0,train\masks\socal-fire_00000905_post_disaster.png,0,0,0,0,00000905 +0,0,socal-fire,pre,train,train\images\socal-fire_00000905_pre_disaster.png,socal-fire_00000905_pre_disaster,0,0,train\masks\socal-fire_00000905_pre_disaster.png,0,0,0,0,00000905 +0,0,socal-fire,post,train,train\images\socal-fire_00000906_post_disaster.png,socal-fire_00000906_post_disaster,0,0,train\masks\socal-fire_00000906_post_disaster.png,0,0,3,348,00000906 +0,0,socal-fire,pre,train,train\images\socal-fire_00000906_pre_disaster.png,socal-fire_00000906_pre_disaster,0,0,train\masks\socal-fire_00000906_pre_disaster.png,0,0,3,348,00000906 +2,2463,socal-fire,post,train,train\images\socal-fire_00000907_post_disaster.png,socal-fire_00000907_post_disaster,0,0,train\masks\socal-fire_00000907_post_disaster.png,0,0,3,4204,00000907 +0,0,socal-fire,pre,train,train\images\socal-fire_00000907_pre_disaster.png,socal-fire_00000907_pre_disaster,0,0,train\masks\socal-fire_00000907_pre_disaster.png,0,0,5,6667,00000907 +0,0,socal-fire,post,train,train\images\socal-fire_00000908_post_disaster.png,socal-fire_00000908_post_disaster,0,0,train\masks\socal-fire_00000908_post_disaster.png,0,0,178,262606,00000908 +0,0,socal-fire,pre,train,train\images\socal-fire_00000908_pre_disaster.png,socal-fire_00000908_pre_disaster,0,0,train\masks\socal-fire_00000908_pre_disaster.png,0,0,178,263160,00000908 +6,6848,socal-fire,post,train,train\images\socal-fire_00000909_post_disaster.png,socal-fire_00000909_post_disaster,0,0,train\masks\socal-fire_00000909_post_disaster.png,0,0,14,15750,00000909 +0,0,socal-fire,pre,train,train\images\socal-fire_00000909_pre_disaster.png,socal-fire_00000909_pre_disaster,0,0,train\masks\socal-fire_00000909_pre_disaster.png,0,0,20,22598,00000909 +0,0,socal-fire,post,train,train\images\socal-fire_00000910_post_disaster.png,socal-fire_00000910_post_disaster,0,0,train\masks\socal-fire_00000910_post_disaster.png,0,0,0,0,00000910 +0,0,socal-fire,pre,train,train\images\socal-fire_00000910_pre_disaster.png,socal-fire_00000910_pre_disaster,0,0,train\masks\socal-fire_00000910_pre_disaster.png,0,0,0,0,00000910 +1,73,socal-fire,post,train,train\images\socal-fire_00000912_post_disaster.png,socal-fire_00000912_post_disaster,4,2660,train\masks\socal-fire_00000912_post_disaster.png,0,0,1,1596,00000912 +0,0,socal-fire,pre,train,train\images\socal-fire_00000912_pre_disaster.png,socal-fire_00000912_pre_disaster,0,0,train\masks\socal-fire_00000912_pre_disaster.png,0,0,6,4329,00000912 +24,6140,socal-fire,post,train,train\images\socal-fire_00000913_post_disaster.png,socal-fire_00000913_post_disaster,0,0,train\masks\socal-fire_00000913_post_disaster.png,1,393,0,0,00000913 +0,0,socal-fire,pre,train,train\images\socal-fire_00000913_pre_disaster.png,socal-fire_00000913_pre_disaster,0,0,train\masks\socal-fire_00000913_pre_disaster.png,0,0,25,6570,00000913 +0,0,socal-fire,post,train,train\images\socal-fire_00000914_post_disaster.png,socal-fire_00000914_post_disaster,0,0,train\masks\socal-fire_00000914_post_disaster.png,0,0,67,138106,00000914 +0,0,socal-fire,pre,train,train\images\socal-fire_00000914_pre_disaster.png,socal-fire_00000914_pre_disaster,0,0,train\masks\socal-fire_00000914_pre_disaster.png,0,0,67,138332,00000914 +0,0,socal-fire,post,train,train\images\socal-fire_00000915_post_disaster.png,socal-fire_00000915_post_disaster,0,0,train\masks\socal-fire_00000915_post_disaster.png,0,0,0,0,00000915 +0,0,socal-fire,pre,train,train\images\socal-fire_00000915_pre_disaster.png,socal-fire_00000915_pre_disaster,0,0,train\masks\socal-fire_00000915_pre_disaster.png,0,0,0,0,00000915 +0,0,socal-fire,post,train,train\images\socal-fire_00000916_post_disaster.png,socal-fire_00000916_post_disaster,0,0,train\masks\socal-fire_00000916_post_disaster.png,0,0,3,438,00000916 +0,0,socal-fire,pre,train,train\images\socal-fire_00000916_pre_disaster.png,socal-fire_00000916_pre_disaster,0,0,train\masks\socal-fire_00000916_pre_disaster.png,0,0,3,438,00000916 +0,0,socal-fire,post,train,train\images\socal-fire_00000917_post_disaster.png,socal-fire_00000917_post_disaster,0,0,train\masks\socal-fire_00000917_post_disaster.png,0,0,10,11752,00000917 +0,0,socal-fire,pre,train,train\images\socal-fire_00000917_pre_disaster.png,socal-fire_00000917_pre_disaster,0,0,train\masks\socal-fire_00000917_pre_disaster.png,0,0,10,11752,00000917 +0,0,socal-fire,post,train,train\images\socal-fire_00000921_post_disaster.png,socal-fire_00000921_post_disaster,0,0,train\masks\socal-fire_00000921_post_disaster.png,0,0,0,0,00000921 +0,0,socal-fire,pre,train,train\images\socal-fire_00000921_pre_disaster.png,socal-fire_00000921_pre_disaster,0,0,train\masks\socal-fire_00000921_pre_disaster.png,0,0,0,0,00000921 +1,1579,socal-fire,post,train,train\images\socal-fire_00000923_post_disaster.png,socal-fire_00000923_post_disaster,0,0,train\masks\socal-fire_00000923_post_disaster.png,0,0,2,780,00000923 +0,0,socal-fire,pre,train,train\images\socal-fire_00000923_pre_disaster.png,socal-fire_00000923_pre_disaster,0,0,train\masks\socal-fire_00000923_pre_disaster.png,0,0,3,2392,00000923 +0,0,socal-fire,post,train,train\images\socal-fire_00000926_post_disaster.png,socal-fire_00000926_post_disaster,0,0,train\masks\socal-fire_00000926_post_disaster.png,0,0,0,0,00000926 +0,0,socal-fire,pre,train,train\images\socal-fire_00000926_pre_disaster.png,socal-fire_00000926_pre_disaster,0,0,train\masks\socal-fire_00000926_pre_disaster.png,0,0,0,0,00000926 +0,0,socal-fire,post,train,train\images\socal-fire_00000927_post_disaster.png,socal-fire_00000927_post_disaster,0,0,train\masks\socal-fire_00000927_post_disaster.png,0,0,0,0,00000927 +0,0,socal-fire,pre,train,train\images\socal-fire_00000927_pre_disaster.png,socal-fire_00000927_pre_disaster,0,0,train\masks\socal-fire_00000927_pre_disaster.png,0,0,0,0,00000927 +0,0,socal-fire,post,train,train\images\socal-fire_00000928_post_disaster.png,socal-fire_00000928_post_disaster,0,0,train\masks\socal-fire_00000928_post_disaster.png,0,0,21,19483,00000928 +0,0,socal-fire,pre,train,train\images\socal-fire_00000928_pre_disaster.png,socal-fire_00000928_pre_disaster,0,0,train\masks\socal-fire_00000928_pre_disaster.png,0,0,21,19506,00000928 +0,0,socal-fire,post,train,train\images\socal-fire_00000931_post_disaster.png,socal-fire_00000931_post_disaster,0,0,train\masks\socal-fire_00000931_post_disaster.png,0,0,2,1355,00000931 +0,0,socal-fire,pre,train,train\images\socal-fire_00000931_pre_disaster.png,socal-fire_00000931_pre_disaster,0,0,train\masks\socal-fire_00000931_pre_disaster.png,0,0,2,1394,00000931 +0,0,socal-fire,post,train,train\images\socal-fire_00000932_post_disaster.png,socal-fire_00000932_post_disaster,0,0,train\masks\socal-fire_00000932_post_disaster.png,0,0,0,0,00000932 +0,0,socal-fire,pre,train,train\images\socal-fire_00000932_pre_disaster.png,socal-fire_00000932_pre_disaster,0,0,train\masks\socal-fire_00000932_pre_disaster.png,0,0,0,0,00000932 +0,0,socal-fire,post,train,train\images\socal-fire_00000933_post_disaster.png,socal-fire_00000933_post_disaster,0,0,train\masks\socal-fire_00000933_post_disaster.png,0,0,0,0,00000933 +0,0,socal-fire,pre,train,train\images\socal-fire_00000933_pre_disaster.png,socal-fire_00000933_pre_disaster,0,0,train\masks\socal-fire_00000933_pre_disaster.png,0,0,0,0,00000933 +0,0,socal-fire,post,train,train\images\socal-fire_00000935_post_disaster.png,socal-fire_00000935_post_disaster,0,0,train\masks\socal-fire_00000935_post_disaster.png,0,0,113,151523,00000935 +0,0,socal-fire,pre,train,train\images\socal-fire_00000935_pre_disaster.png,socal-fire_00000935_pre_disaster,0,0,train\masks\socal-fire_00000935_pre_disaster.png,0,0,113,151879,00000935 +3,958,socal-fire,post,train,train\images\socal-fire_00000938_post_disaster.png,socal-fire_00000938_post_disaster,0,0,train\masks\socal-fire_00000938_post_disaster.png,0,0,0,0,00000938 +0,0,socal-fire,pre,train,train\images\socal-fire_00000938_pre_disaster.png,socal-fire_00000938_pre_disaster,0,0,train\masks\socal-fire_00000938_pre_disaster.png,0,0,3,958,00000938 +0,0,socal-fire,post,train,train\images\socal-fire_00000939_post_disaster.png,socal-fire_00000939_post_disaster,0,0,train\masks\socal-fire_00000939_post_disaster.png,0,0,0,0,00000939 +0,0,socal-fire,pre,train,train\images\socal-fire_00000939_pre_disaster.png,socal-fire_00000939_pre_disaster,0,0,train\masks\socal-fire_00000939_pre_disaster.png,0,0,0,0,00000939 +5,1324,socal-fire,post,train,train\images\socal-fire_00000940_post_disaster.png,socal-fire_00000940_post_disaster,0,0,train\masks\socal-fire_00000940_post_disaster.png,1,1114,0,0,00000940 +0,0,socal-fire,pre,train,train\images\socal-fire_00000940_pre_disaster.png,socal-fire_00000940_pre_disaster,0,0,train\masks\socal-fire_00000940_pre_disaster.png,0,0,6,2438,00000940 +0,0,socal-fire,post,train,train\images\socal-fire_00000944_post_disaster.png,socal-fire_00000944_post_disaster,0,0,train\masks\socal-fire_00000944_post_disaster.png,0,0,0,0,00000944 +0,0,socal-fire,pre,train,train\images\socal-fire_00000944_pre_disaster.png,socal-fire_00000944_pre_disaster,0,0,train\masks\socal-fire_00000944_pre_disaster.png,0,0,0,0,00000944 +0,0,socal-fire,post,train,train\images\socal-fire_00000945_post_disaster.png,socal-fire_00000945_post_disaster,5,4869,train\masks\socal-fire_00000945_post_disaster.png,0,0,4,2637,00000945 +0,0,socal-fire,pre,train,train\images\socal-fire_00000945_pre_disaster.png,socal-fire_00000945_pre_disaster,0,0,train\masks\socal-fire_00000945_pre_disaster.png,0,0,9,7506,00000945 +0,0,socal-fire,post,train,train\images\socal-fire_00000947_post_disaster.png,socal-fire_00000947_post_disaster,0,0,train\masks\socal-fire_00000947_post_disaster.png,0,0,5,4808,00000947 +0,0,socal-fire,pre,train,train\images\socal-fire_00000947_pre_disaster.png,socal-fire_00000947_pre_disaster,0,0,train\masks\socal-fire_00000947_pre_disaster.png,0,0,5,4808,00000947 +0,0,socal-fire,post,train,train\images\socal-fire_00000949_post_disaster.png,socal-fire_00000949_post_disaster,0,0,train\masks\socal-fire_00000949_post_disaster.png,0,0,2,2936,00000949 +0,0,socal-fire,pre,train,train\images\socal-fire_00000949_pre_disaster.png,socal-fire_00000949_pre_disaster,0,0,train\masks\socal-fire_00000949_pre_disaster.png,0,0,2,2936,00000949 +0,0,socal-fire,post,train,train\images\socal-fire_00000950_post_disaster.png,socal-fire_00000950_post_disaster,0,0,train\masks\socal-fire_00000950_post_disaster.png,0,0,45,99502,00000950 +0,0,socal-fire,pre,train,train\images\socal-fire_00000950_pre_disaster.png,socal-fire_00000950_pre_disaster,0,0,train\masks\socal-fire_00000950_pre_disaster.png,0,0,45,99909,00000950 +0,0,socal-fire,post,train,train\images\socal-fire_00000951_post_disaster.png,socal-fire_00000951_post_disaster,0,0,train\masks\socal-fire_00000951_post_disaster.png,0,0,0,0,00000951 +0,0,socal-fire,pre,train,train\images\socal-fire_00000951_pre_disaster.png,socal-fire_00000951_pre_disaster,0,0,train\masks\socal-fire_00000951_pre_disaster.png,0,0,0,0,00000951 +0,0,socal-fire,post,train,train\images\socal-fire_00000952_post_disaster.png,socal-fire_00000952_post_disaster,0,0,train\masks\socal-fire_00000952_post_disaster.png,0,0,0,0,00000952 +0,0,socal-fire,pre,train,train\images\socal-fire_00000952_pre_disaster.png,socal-fire_00000952_pre_disaster,0,0,train\masks\socal-fire_00000952_pre_disaster.png,0,0,0,0,00000952 +0,0,socal-fire,post,train,train\images\socal-fire_00000953_post_disaster.png,socal-fire_00000953_post_disaster,0,0,train\masks\socal-fire_00000953_post_disaster.png,0,0,70,96144,00000953 +0,0,socal-fire,pre,train,train\images\socal-fire_00000953_pre_disaster.png,socal-fire_00000953_pre_disaster,0,0,train\masks\socal-fire_00000953_pre_disaster.png,0,0,70,96685,00000953 +0,0,socal-fire,post,train,train\images\socal-fire_00000955_post_disaster.png,socal-fire_00000955_post_disaster,0,0,train\masks\socal-fire_00000955_post_disaster.png,0,0,0,0,00000955 +0,0,socal-fire,pre,train,train\images\socal-fire_00000955_pre_disaster.png,socal-fire_00000955_pre_disaster,0,0,train\masks\socal-fire_00000955_pre_disaster.png,0,0,0,0,00000955 +0,0,socal-fire,post,train,train\images\socal-fire_00000957_post_disaster.png,socal-fire_00000957_post_disaster,0,0,train\masks\socal-fire_00000957_post_disaster.png,0,0,0,0,00000957 +0,0,socal-fire,pre,train,train\images\socal-fire_00000957_pre_disaster.png,socal-fire_00000957_pre_disaster,0,0,train\masks\socal-fire_00000957_pre_disaster.png,0,0,0,0,00000957 +0,0,socal-fire,post,train,train\images\socal-fire_00000958_post_disaster.png,socal-fire_00000958_post_disaster,0,0,train\masks\socal-fire_00000958_post_disaster.png,0,0,0,0,00000958 +0,0,socal-fire,pre,train,train\images\socal-fire_00000958_pre_disaster.png,socal-fire_00000958_pre_disaster,0,0,train\masks\socal-fire_00000958_pre_disaster.png,0,0,0,0,00000958 +0,0,socal-fire,post,train,train\images\socal-fire_00000959_post_disaster.png,socal-fire_00000959_post_disaster,0,0,train\masks\socal-fire_00000959_post_disaster.png,0,0,17,16481,00000959 +0,0,socal-fire,pre,train,train\images\socal-fire_00000959_pre_disaster.png,socal-fire_00000959_pre_disaster,0,0,train\masks\socal-fire_00000959_pre_disaster.png,0,0,17,16544,00000959 +0,0,socal-fire,post,train,train\images\socal-fire_00000960_post_disaster.png,socal-fire_00000960_post_disaster,0,0,train\masks\socal-fire_00000960_post_disaster.png,0,0,36,34821,00000960 +0,0,socal-fire,pre,train,train\images\socal-fire_00000960_pre_disaster.png,socal-fire_00000960_pre_disaster,0,0,train\masks\socal-fire_00000960_pre_disaster.png,0,0,36,34942,00000960 +4,8763,socal-fire,post,train,train\images\socal-fire_00000962_post_disaster.png,socal-fire_00000962_post_disaster,0,0,train\masks\socal-fire_00000962_post_disaster.png,0,0,23,24779,00000962 +0,0,socal-fire,pre,train,train\images\socal-fire_00000962_pre_disaster.png,socal-fire_00000962_pre_disaster,0,0,train\masks\socal-fire_00000962_pre_disaster.png,0,0,26,33542,00000962 +0,0,socal-fire,post,train,train\images\socal-fire_00000964_post_disaster.png,socal-fire_00000964_post_disaster,0,0,train\masks\socal-fire_00000964_post_disaster.png,0,0,0,0,00000964 +0,0,socal-fire,pre,train,train\images\socal-fire_00000964_pre_disaster.png,socal-fire_00000964_pre_disaster,0,0,train\masks\socal-fire_00000964_pre_disaster.png,0,0,0,0,00000964 +0,0,socal-fire,post,train,train\images\socal-fire_00000965_post_disaster.png,socal-fire_00000965_post_disaster,0,0,train\masks\socal-fire_00000965_post_disaster.png,0,0,88,113536,00000965 +0,0,socal-fire,pre,train,train\images\socal-fire_00000965_pre_disaster.png,socal-fire_00000965_pre_disaster,0,0,train\masks\socal-fire_00000965_pre_disaster.png,0,0,88,113618,00000965 +4,4834,socal-fire,post,train,train\images\socal-fire_00000966_post_disaster.png,socal-fire_00000966_post_disaster,0,0,train\masks\socal-fire_00000966_post_disaster.png,0,0,15,35997,00000966 +0,0,socal-fire,pre,train,train\images\socal-fire_00000966_pre_disaster.png,socal-fire_00000966_pre_disaster,0,0,train\masks\socal-fire_00000966_pre_disaster.png,0,0,19,40831,00000966 +0,0,socal-fire,post,train,train\images\socal-fire_00000968_post_disaster.png,socal-fire_00000968_post_disaster,0,0,train\masks\socal-fire_00000968_post_disaster.png,0,0,0,0,00000968 +0,0,socal-fire,pre,train,train\images\socal-fire_00000968_pre_disaster.png,socal-fire_00000968_pre_disaster,0,0,train\masks\socal-fire_00000968_pre_disaster.png,0,0,0,0,00000968 +0,0,socal-fire,post,train,train\images\socal-fire_00000969_post_disaster.png,socal-fire_00000969_post_disaster,0,0,train\masks\socal-fire_00000969_post_disaster.png,0,0,0,0,00000969 +0,0,socal-fire,pre,train,train\images\socal-fire_00000969_pre_disaster.png,socal-fire_00000969_pre_disaster,0,0,train\masks\socal-fire_00000969_pre_disaster.png,0,0,0,0,00000969 +1,2569,socal-fire,post,train,train\images\socal-fire_00000970_post_disaster.png,socal-fire_00000970_post_disaster,0,0,train\masks\socal-fire_00000970_post_disaster.png,1,5303,40,27403,00000970 +0,0,socal-fire,pre,train,train\images\socal-fire_00000970_pre_disaster.png,socal-fire_00000970_pre_disaster,0,0,train\masks\socal-fire_00000970_pre_disaster.png,0,0,42,35461,00000970 +0,0,socal-fire,post,train,train\images\socal-fire_00000971_post_disaster.png,socal-fire_00000971_post_disaster,0,0,train\masks\socal-fire_00000971_post_disaster.png,0,0,3,677,00000971 +0,0,socal-fire,pre,train,train\images\socal-fire_00000971_pre_disaster.png,socal-fire_00000971_pre_disaster,0,0,train\masks\socal-fire_00000971_pre_disaster.png,0,0,3,743,00000971 +2,5030,socal-fire,post,train,train\images\socal-fire_00000972_post_disaster.png,socal-fire_00000972_post_disaster,0,0,train\masks\socal-fire_00000972_post_disaster.png,2,233,2,2749,00000972 +0,0,socal-fire,pre,train,train\images\socal-fire_00000972_pre_disaster.png,socal-fire_00000972_pre_disaster,0,0,train\masks\socal-fire_00000972_pre_disaster.png,0,0,6,8012,00000972 +0,0,socal-fire,post,train,train\images\socal-fire_00000973_post_disaster.png,socal-fire_00000973_post_disaster,0,0,train\masks\socal-fire_00000973_post_disaster.png,0,0,0,0,00000973 +0,0,socal-fire,pre,train,train\images\socal-fire_00000973_pre_disaster.png,socal-fire_00000973_pre_disaster,0,0,train\masks\socal-fire_00000973_pre_disaster.png,0,0,0,0,00000973 +0,0,socal-fire,post,train,train\images\socal-fire_00000975_post_disaster.png,socal-fire_00000975_post_disaster,0,0,train\masks\socal-fire_00000975_post_disaster.png,0,0,0,0,00000975 +0,0,socal-fire,pre,train,train\images\socal-fire_00000975_pre_disaster.png,socal-fire_00000975_pre_disaster,0,0,train\masks\socal-fire_00000975_pre_disaster.png,0,0,0,0,00000975 +0,0,socal-fire,post,train,train\images\socal-fire_00000978_post_disaster.png,socal-fire_00000978_post_disaster,0,0,train\masks\socal-fire_00000978_post_disaster.png,0,0,0,0,00000978 +0,0,socal-fire,pre,train,train\images\socal-fire_00000978_pre_disaster.png,socal-fire_00000978_pre_disaster,0,0,train\masks\socal-fire_00000978_pre_disaster.png,0,0,0,0,00000978 +0,0,socal-fire,post,train,train\images\socal-fire_00000979_post_disaster.png,socal-fire_00000979_post_disaster,0,0,train\masks\socal-fire_00000979_post_disaster.png,0,0,0,0,00000979 +0,0,socal-fire,pre,train,train\images\socal-fire_00000979_pre_disaster.png,socal-fire_00000979_pre_disaster,0,0,train\masks\socal-fire_00000979_pre_disaster.png,0,0,0,0,00000979 +0,0,socal-fire,post,train,train\images\socal-fire_00000980_post_disaster.png,socal-fire_00000980_post_disaster,0,0,train\masks\socal-fire_00000980_post_disaster.png,0,0,0,0,00000980 +0,0,socal-fire,pre,train,train\images\socal-fire_00000980_pre_disaster.png,socal-fire_00000980_pre_disaster,0,0,train\masks\socal-fire_00000980_pre_disaster.png,0,0,0,0,00000980 +0,0,socal-fire,post,train,train\images\socal-fire_00000984_post_disaster.png,socal-fire_00000984_post_disaster,0,0,train\masks\socal-fire_00000984_post_disaster.png,0,0,0,0,00000984 +0,0,socal-fire,pre,train,train\images\socal-fire_00000984_pre_disaster.png,socal-fire_00000984_pre_disaster,0,0,train\masks\socal-fire_00000984_pre_disaster.png,0,0,0,0,00000984 +0,0,socal-fire,post,train,train\images\socal-fire_00000985_post_disaster.png,socal-fire_00000985_post_disaster,0,0,train\masks\socal-fire_00000985_post_disaster.png,0,0,0,0,00000985 +0,0,socal-fire,pre,train,train\images\socal-fire_00000985_pre_disaster.png,socal-fire_00000985_pre_disaster,0,0,train\masks\socal-fire_00000985_pre_disaster.png,0,0,0,0,00000985 +0,0,socal-fire,post,train,train\images\socal-fire_00000986_post_disaster.png,socal-fire_00000986_post_disaster,0,0,train\masks\socal-fire_00000986_post_disaster.png,0,0,69,98347,00000986 +0,0,socal-fire,pre,train,train\images\socal-fire_00000986_pre_disaster.png,socal-fire_00000986_pre_disaster,0,0,train\masks\socal-fire_00000986_pre_disaster.png,0,0,69,98501,00000986 +10,9462,socal-fire,post,train,train\images\socal-fire_00000987_post_disaster.png,socal-fire_00000987_post_disaster,0,0,train\masks\socal-fire_00000987_post_disaster.png,0,0,42,41443,00000987 +0,0,socal-fire,pre,train,train\images\socal-fire_00000987_pre_disaster.png,socal-fire_00000987_pre_disaster,0,0,train\masks\socal-fire_00000987_pre_disaster.png,0,0,52,51073,00000987 +0,0,socal-fire,post,train,train\images\socal-fire_00000988_post_disaster.png,socal-fire_00000988_post_disaster,0,0,train\masks\socal-fire_00000988_post_disaster.png,0,0,0,0,00000988 +0,0,socal-fire,pre,train,train\images\socal-fire_00000988_pre_disaster.png,socal-fire_00000988_pre_disaster,0,0,train\masks\socal-fire_00000988_pre_disaster.png,0,0,0,0,00000988 +0,0,socal-fire,post,train,train\images\socal-fire_00000989_post_disaster.png,socal-fire_00000989_post_disaster,0,0,train\masks\socal-fire_00000989_post_disaster.png,0,0,0,0,00000989 +0,0,socal-fire,pre,train,train\images\socal-fire_00000989_pre_disaster.png,socal-fire_00000989_pre_disaster,0,0,train\masks\socal-fire_00000989_pre_disaster.png,0,0,0,0,00000989 +0,0,socal-fire,post,train,train\images\socal-fire_00000991_post_disaster.png,socal-fire_00000991_post_disaster,0,0,train\masks\socal-fire_00000991_post_disaster.png,0,0,0,0,00000991 +0,0,socal-fire,pre,train,train\images\socal-fire_00000991_pre_disaster.png,socal-fire_00000991_pre_disaster,0,0,train\masks\socal-fire_00000991_pre_disaster.png,0,0,0,0,00000991 +0,0,socal-fire,post,train,train\images\socal-fire_00000992_post_disaster.png,socal-fire_00000992_post_disaster,0,0,train\masks\socal-fire_00000992_post_disaster.png,0,0,0,0,00000992 +0,0,socal-fire,pre,train,train\images\socal-fire_00000992_pre_disaster.png,socal-fire_00000992_pre_disaster,0,0,train\masks\socal-fire_00000992_pre_disaster.png,0,0,0,0,00000992 +0,0,socal-fire,post,train,train\images\socal-fire_00000994_post_disaster.png,socal-fire_00000994_post_disaster,0,0,train\masks\socal-fire_00000994_post_disaster.png,0,0,0,0,00000994 +0,0,socal-fire,pre,train,train\images\socal-fire_00000994_pre_disaster.png,socal-fire_00000994_pre_disaster,0,0,train\masks\socal-fire_00000994_pre_disaster.png,0,0,0,0,00000994 +0,0,socal-fire,post,train,train\images\socal-fire_00000995_post_disaster.png,socal-fire_00000995_post_disaster,0,0,train\masks\socal-fire_00000995_post_disaster.png,0,0,0,0,00000995 +0,0,socal-fire,pre,train,train\images\socal-fire_00000995_pre_disaster.png,socal-fire_00000995_pre_disaster,0,0,train\masks\socal-fire_00000995_pre_disaster.png,0,0,0,0,00000995 +3,3639,socal-fire,post,train,train\images\socal-fire_00000996_post_disaster.png,socal-fire_00000996_post_disaster,0,0,train\masks\socal-fire_00000996_post_disaster.png,0,0,16,24074,00000996 +0,0,socal-fire,pre,train,train\images\socal-fire_00000996_pre_disaster.png,socal-fire_00000996_pre_disaster,0,0,train\masks\socal-fire_00000996_pre_disaster.png,0,0,19,27779,00000996 +0,0,socal-fire,post,train,train\images\socal-fire_00000998_post_disaster.png,socal-fire_00000998_post_disaster,0,0,train\masks\socal-fire_00000998_post_disaster.png,0,0,0,0,00000998 +0,0,socal-fire,pre,train,train\images\socal-fire_00000998_pre_disaster.png,socal-fire_00000998_pre_disaster,0,0,train\masks\socal-fire_00000998_pre_disaster.png,0,0,0,0,00000998 +0,0,socal-fire,post,train,train\images\socal-fire_00000999_post_disaster.png,socal-fire_00000999_post_disaster,0,0,train\masks\socal-fire_00000999_post_disaster.png,0,0,0,0,00000999 +0,0,socal-fire,pre,train,train\images\socal-fire_00000999_pre_disaster.png,socal-fire_00000999_pre_disaster,0,0,train\masks\socal-fire_00000999_pre_disaster.png,0,0,0,0,00000999 +9,8775,socal-fire,post,train,train\images\socal-fire_00001000_post_disaster.png,socal-fire_00001000_post_disaster,0,0,train\masks\socal-fire_00001000_post_disaster.png,0,0,48,65186,00001000 +0,0,socal-fire,pre,train,train\images\socal-fire_00001000_pre_disaster.png,socal-fire_00001000_pre_disaster,0,0,train\masks\socal-fire_00001000_pre_disaster.png,0,0,57,74233,00001000 +26,36683,socal-fire,post,train,train\images\socal-fire_00001001_post_disaster.png,socal-fire_00001001_post_disaster,6,7297,train\masks\socal-fire_00001001_post_disaster.png,0,0,3,3877,00001001 +0,0,socal-fire,pre,train,train\images\socal-fire_00001001_pre_disaster.png,socal-fire_00001001_pre_disaster,0,0,train\masks\socal-fire_00001001_pre_disaster.png,0,0,35,47955,00001001 +0,0,socal-fire,post,train,train\images\socal-fire_00001003_post_disaster.png,socal-fire_00001003_post_disaster,0,0,train\masks\socal-fire_00001003_post_disaster.png,0,0,0,0,00001003 +0,0,socal-fire,pre,train,train\images\socal-fire_00001003_pre_disaster.png,socal-fire_00001003_pre_disaster,0,0,train\masks\socal-fire_00001003_pre_disaster.png,0,0,0,0,00001003 +0,0,socal-fire,post,train,train\images\socal-fire_00001004_post_disaster.png,socal-fire_00001004_post_disaster,0,0,train\masks\socal-fire_00001004_post_disaster.png,0,0,0,0,00001004 +0,0,socal-fire,pre,train,train\images\socal-fire_00001004_pre_disaster.png,socal-fire_00001004_pre_disaster,0,0,train\masks\socal-fire_00001004_pre_disaster.png,0,0,0,0,00001004 +0,0,socal-fire,post,train,train\images\socal-fire_00001007_post_disaster.png,socal-fire_00001007_post_disaster,0,0,train\masks\socal-fire_00001007_post_disaster.png,0,0,1,154,00001007 +0,0,socal-fire,pre,train,train\images\socal-fire_00001007_pre_disaster.png,socal-fire_00001007_pre_disaster,0,0,train\masks\socal-fire_00001007_pre_disaster.png,0,0,1,154,00001007 +0,0,socal-fire,post,train,train\images\socal-fire_00001012_post_disaster.png,socal-fire_00001012_post_disaster,0,0,train\masks\socal-fire_00001012_post_disaster.png,0,0,0,0,00001012 +0,0,socal-fire,pre,train,train\images\socal-fire_00001012_pre_disaster.png,socal-fire_00001012_pre_disaster,0,0,train\masks\socal-fire_00001012_pre_disaster.png,0,0,0,0,00001012 +2,6176,socal-fire,post,train,train\images\socal-fire_00001013_post_disaster.png,socal-fire_00001013_post_disaster,0,0,train\masks\socal-fire_00001013_post_disaster.png,0,0,15,14848,00001013 +0,0,socal-fire,pre,train,train\images\socal-fire_00001013_pre_disaster.png,socal-fire_00001013_pre_disaster,0,0,train\masks\socal-fire_00001013_pre_disaster.png,0,0,17,21044,00001013 +0,0,socal-fire,post,train,train\images\socal-fire_00001016_post_disaster.png,socal-fire_00001016_post_disaster,0,0,train\masks\socal-fire_00001016_post_disaster.png,0,0,0,0,00001016 +0,0,socal-fire,pre,train,train\images\socal-fire_00001016_pre_disaster.png,socal-fire_00001016_pre_disaster,0,0,train\masks\socal-fire_00001016_pre_disaster.png,0,0,0,0,00001016 +0,0,socal-fire,post,train,train\images\socal-fire_00001017_post_disaster.png,socal-fire_00001017_post_disaster,0,0,train\masks\socal-fire_00001017_post_disaster.png,0,0,17,26608,00001017 +0,0,socal-fire,pre,train,train\images\socal-fire_00001017_pre_disaster.png,socal-fire_00001017_pre_disaster,0,0,train\masks\socal-fire_00001017_pre_disaster.png,0,0,17,26735,00001017 +0,0,socal-fire,post,train,train\images\socal-fire_00001019_post_disaster.png,socal-fire_00001019_post_disaster,0,0,train\masks\socal-fire_00001019_post_disaster.png,0,0,24,13277,00001019 +0,0,socal-fire,pre,train,train\images\socal-fire_00001019_pre_disaster.png,socal-fire_00001019_pre_disaster,0,0,train\masks\socal-fire_00001019_pre_disaster.png,0,0,24,13277,00001019 +4,4640,socal-fire,post,train,train\images\socal-fire_00001020_post_disaster.png,socal-fire_00001020_post_disaster,11,9073,train\masks\socal-fire_00001020_post_disaster.png,0,0,61,74729,00001020 +0,0,socal-fire,pre,train,train\images\socal-fire_00001020_pre_disaster.png,socal-fire_00001020_pre_disaster,0,0,train\masks\socal-fire_00001020_pre_disaster.png,0,0,76,88664,00001020 +0,0,socal-fire,post,train,train\images\socal-fire_00001021_post_disaster.png,socal-fire_00001021_post_disaster,0,0,train\masks\socal-fire_00001021_post_disaster.png,0,0,0,0,00001021 +0,0,socal-fire,pre,train,train\images\socal-fire_00001021_pre_disaster.png,socal-fire_00001021_pre_disaster,0,0,train\masks\socal-fire_00001021_pre_disaster.png,0,0,0,0,00001021 +16,24717,socal-fire,post,train,train\images\socal-fire_00001023_post_disaster.png,socal-fire_00001023_post_disaster,8,10203,train\masks\socal-fire_00001023_post_disaster.png,0,0,10,20031,00001023 +0,0,socal-fire,pre,train,train\images\socal-fire_00001023_pre_disaster.png,socal-fire_00001023_pre_disaster,0,0,train\masks\socal-fire_00001023_pre_disaster.png,0,0,34,55084,00001023 +0,0,socal-fire,post,train,train\images\socal-fire_00001025_post_disaster.png,socal-fire_00001025_post_disaster,0,0,train\masks\socal-fire_00001025_post_disaster.png,0,0,0,0,00001025 +0,0,socal-fire,pre,train,train\images\socal-fire_00001025_pre_disaster.png,socal-fire_00001025_pre_disaster,0,0,train\masks\socal-fire_00001025_pre_disaster.png,0,0,0,0,00001025 +0,0,socal-fire,post,train,train\images\socal-fire_00001027_post_disaster.png,socal-fire_00001027_post_disaster,0,0,train\masks\socal-fire_00001027_post_disaster.png,0,0,58,50181,00001027 +0,0,socal-fire,pre,train,train\images\socal-fire_00001027_pre_disaster.png,socal-fire_00001027_pre_disaster,0,0,train\masks\socal-fire_00001027_pre_disaster.png,0,0,58,50441,00001027 +0,0,socal-fire,post,train,train\images\socal-fire_00001028_post_disaster.png,socal-fire_00001028_post_disaster,0,0,train\masks\socal-fire_00001028_post_disaster.png,0,0,0,0,00001028 +0,0,socal-fire,pre,train,train\images\socal-fire_00001028_pre_disaster.png,socal-fire_00001028_pre_disaster,0,0,train\masks\socal-fire_00001028_pre_disaster.png,0,0,0,0,00001028 +0,0,socal-fire,post,train,train\images\socal-fire_00001033_post_disaster.png,socal-fire_00001033_post_disaster,0,0,train\masks\socal-fire_00001033_post_disaster.png,0,0,0,0,00001033 +0,0,socal-fire,pre,train,train\images\socal-fire_00001033_pre_disaster.png,socal-fire_00001033_pre_disaster,0,0,train\masks\socal-fire_00001033_pre_disaster.png,0,0,0,0,00001033 +2,116,socal-fire,post,train,train\images\socal-fire_00001035_post_disaster.png,socal-fire_00001035_post_disaster,0,0,train\masks\socal-fire_00001035_post_disaster.png,0,0,4,1353,00001035 +0,0,socal-fire,pre,train,train\images\socal-fire_00001035_pre_disaster.png,socal-fire_00001035_pre_disaster,0,0,train\masks\socal-fire_00001035_pre_disaster.png,0,0,6,1475,00001035 +0,0,socal-fire,post,train,train\images\socal-fire_00001039_post_disaster.png,socal-fire_00001039_post_disaster,0,0,train\masks\socal-fire_00001039_post_disaster.png,0,0,0,0,00001039 +0,0,socal-fire,pre,train,train\images\socal-fire_00001039_pre_disaster.png,socal-fire_00001039_pre_disaster,0,0,train\masks\socal-fire_00001039_pre_disaster.png,0,0,0,0,00001039 +0,0,socal-fire,post,train,train\images\socal-fire_00001040_post_disaster.png,socal-fire_00001040_post_disaster,0,0,train\masks\socal-fire_00001040_post_disaster.png,0,0,77,105007,00001040 +0,0,socal-fire,pre,train,train\images\socal-fire_00001040_pre_disaster.png,socal-fire_00001040_pre_disaster,0,0,train\masks\socal-fire_00001040_pre_disaster.png,0,0,77,105110,00001040 +0,0,socal-fire,post,train,train\images\socal-fire_00001042_post_disaster.png,socal-fire_00001042_post_disaster,0,0,train\masks\socal-fire_00001042_post_disaster.png,0,0,0,0,00001042 +0,0,socal-fire,pre,train,train\images\socal-fire_00001042_pre_disaster.png,socal-fire_00001042_pre_disaster,0,0,train\masks\socal-fire_00001042_pre_disaster.png,0,0,0,0,00001042 +0,0,socal-fire,post,train,train\images\socal-fire_00001043_post_disaster.png,socal-fire_00001043_post_disaster,0,0,train\masks\socal-fire_00001043_post_disaster.png,0,0,0,0,00001043 +0,0,socal-fire,pre,train,train\images\socal-fire_00001043_pre_disaster.png,socal-fire_00001043_pre_disaster,0,0,train\masks\socal-fire_00001043_pre_disaster.png,0,0,0,0,00001043 +0,0,socal-fire,post,train,train\images\socal-fire_00001045_post_disaster.png,socal-fire_00001045_post_disaster,0,0,train\masks\socal-fire_00001045_post_disaster.png,0,0,0,0,00001045 +0,0,socal-fire,pre,train,train\images\socal-fire_00001045_pre_disaster.png,socal-fire_00001045_pre_disaster,0,0,train\masks\socal-fire_00001045_pre_disaster.png,0,0,0,0,00001045 +2,2634,socal-fire,post,train,train\images\socal-fire_00001047_post_disaster.png,socal-fire_00001047_post_disaster,0,0,train\masks\socal-fire_00001047_post_disaster.png,0,0,6,5929,00001047 +0,0,socal-fire,pre,train,train\images\socal-fire_00001047_pre_disaster.png,socal-fire_00001047_pre_disaster,0,0,train\masks\socal-fire_00001047_pre_disaster.png,0,0,8,8647,00001047 +0,0,socal-fire,post,train,train\images\socal-fire_00001049_post_disaster.png,socal-fire_00001049_post_disaster,0,0,train\masks\socal-fire_00001049_post_disaster.png,0,0,0,0,00001049 +0,0,socal-fire,pre,train,train\images\socal-fire_00001049_pre_disaster.png,socal-fire_00001049_pre_disaster,0,0,train\masks\socal-fire_00001049_pre_disaster.png,0,0,0,0,00001049 +0,0,socal-fire,post,train,train\images\socal-fire_00001050_post_disaster.png,socal-fire_00001050_post_disaster,0,0,train\masks\socal-fire_00001050_post_disaster.png,0,0,0,0,00001050 +0,0,socal-fire,pre,train,train\images\socal-fire_00001050_pre_disaster.png,socal-fire_00001050_pre_disaster,0,0,train\masks\socal-fire_00001050_pre_disaster.png,0,0,0,0,00001050 +1,325,socal-fire,post,train,train\images\socal-fire_00001052_post_disaster.png,socal-fire_00001052_post_disaster,0,0,train\masks\socal-fire_00001052_post_disaster.png,0,0,27,20790,00001052 +0,0,socal-fire,pre,train,train\images\socal-fire_00001052_pre_disaster.png,socal-fire_00001052_pre_disaster,0,0,train\masks\socal-fire_00001052_pre_disaster.png,0,0,28,21169,00001052 +0,0,socal-fire,post,train,train\images\socal-fire_00001054_post_disaster.png,socal-fire_00001054_post_disaster,0,0,train\masks\socal-fire_00001054_post_disaster.png,0,0,73,82705,00001054 +0,0,socal-fire,pre,train,train\images\socal-fire_00001054_pre_disaster.png,socal-fire_00001054_pre_disaster,0,0,train\masks\socal-fire_00001054_pre_disaster.png,0,0,73,82861,00001054 +0,0,socal-fire,post,train,train\images\socal-fire_00001055_post_disaster.png,socal-fire_00001055_post_disaster,0,0,train\masks\socal-fire_00001055_post_disaster.png,0,0,0,0,00001055 +0,0,socal-fire,pre,train,train\images\socal-fire_00001055_pre_disaster.png,socal-fire_00001055_pre_disaster,0,0,train\masks\socal-fire_00001055_pre_disaster.png,0,0,0,0,00001055 +9,12489,socal-fire,post,train,train\images\socal-fire_00001058_post_disaster.png,socal-fire_00001058_post_disaster,0,0,train\masks\socal-fire_00001058_post_disaster.png,0,0,31,48042,00001058 +0,0,socal-fire,pre,train,train\images\socal-fire_00001058_pre_disaster.png,socal-fire_00001058_pre_disaster,0,0,train\masks\socal-fire_00001058_pre_disaster.png,0,0,40,60933,00001058 +0,0,socal-fire,post,train,train\images\socal-fire_00001059_post_disaster.png,socal-fire_00001059_post_disaster,0,0,train\masks\socal-fire_00001059_post_disaster.png,0,0,2,466,00001059 +0,0,socal-fire,pre,train,train\images\socal-fire_00001059_pre_disaster.png,socal-fire_00001059_pre_disaster,0,0,train\masks\socal-fire_00001059_pre_disaster.png,0,0,2,466,00001059 +0,0,socal-fire,post,train,train\images\socal-fire_00001063_post_disaster.png,socal-fire_00001063_post_disaster,0,0,train\masks\socal-fire_00001063_post_disaster.png,0,0,3,501,00001063 +0,0,socal-fire,pre,train,train\images\socal-fire_00001063_pre_disaster.png,socal-fire_00001063_pre_disaster,0,0,train\masks\socal-fire_00001063_pre_disaster.png,0,0,3,501,00001063 +0,0,socal-fire,post,train,train\images\socal-fire_00001066_post_disaster.png,socal-fire_00001066_post_disaster,0,0,train\masks\socal-fire_00001066_post_disaster.png,0,0,56,71951,00001066 +0,0,socal-fire,pre,train,train\images\socal-fire_00001066_pre_disaster.png,socal-fire_00001066_pre_disaster,0,0,train\masks\socal-fire_00001066_pre_disaster.png,0,0,56,72053,00001066 +0,0,socal-fire,post,train,train\images\socal-fire_00001067_post_disaster.png,socal-fire_00001067_post_disaster,0,0,train\masks\socal-fire_00001067_post_disaster.png,0,0,0,0,00001067 +0,0,socal-fire,pre,train,train\images\socal-fire_00001067_pre_disaster.png,socal-fire_00001067_pre_disaster,0,0,train\masks\socal-fire_00001067_pre_disaster.png,0,0,0,0,00001067 +0,0,socal-fire,post,train,train\images\socal-fire_00001070_post_disaster.png,socal-fire_00001070_post_disaster,0,0,train\masks\socal-fire_00001070_post_disaster.png,0,0,0,0,00001070 +0,0,socal-fire,pre,train,train\images\socal-fire_00001070_pre_disaster.png,socal-fire_00001070_pre_disaster,0,0,train\masks\socal-fire_00001070_pre_disaster.png,0,0,0,0,00001070 +0,0,socal-fire,post,train,train\images\socal-fire_00001071_post_disaster.png,socal-fire_00001071_post_disaster,0,0,train\masks\socal-fire_00001071_post_disaster.png,0,0,1,241,00001071 +0,0,socal-fire,pre,train,train\images\socal-fire_00001071_pre_disaster.png,socal-fire_00001071_pre_disaster,0,0,train\masks\socal-fire_00001071_pre_disaster.png,0,0,1,241,00001071 +0,0,socal-fire,post,train,train\images\socal-fire_00001072_post_disaster.png,socal-fire_00001072_post_disaster,0,0,train\masks\socal-fire_00001072_post_disaster.png,0,0,98,212629,00001072 +0,0,socal-fire,pre,train,train\images\socal-fire_00001072_pre_disaster.png,socal-fire_00001072_pre_disaster,0,0,train\masks\socal-fire_00001072_pre_disaster.png,0,0,98,213046,00001072 +0,0,socal-fire,post,train,train\images\socal-fire_00001073_post_disaster.png,socal-fire_00001073_post_disaster,0,0,train\masks\socal-fire_00001073_post_disaster.png,0,0,0,0,00001073 +0,0,socal-fire,pre,train,train\images\socal-fire_00001073_pre_disaster.png,socal-fire_00001073_pre_disaster,0,0,train\masks\socal-fire_00001073_pre_disaster.png,0,0,0,0,00001073 +46,39713,socal-fire,post,train,train\images\socal-fire_00001075_post_disaster.png,socal-fire_00001075_post_disaster,2,2307,train\masks\socal-fire_00001075_post_disaster.png,0,0,8,9208,00001075 +0,0,socal-fire,pre,train,train\images\socal-fire_00001075_pre_disaster.png,socal-fire_00001075_pre_disaster,0,0,train\masks\socal-fire_00001075_pre_disaster.png,0,0,56,51328,00001075 +0,0,socal-fire,post,train,train\images\socal-fire_00001077_post_disaster.png,socal-fire_00001077_post_disaster,0,0,train\masks\socal-fire_00001077_post_disaster.png,0,0,0,0,00001077 +0,0,socal-fire,pre,train,train\images\socal-fire_00001077_pre_disaster.png,socal-fire_00001077_pre_disaster,0,0,train\masks\socal-fire_00001077_pre_disaster.png,0,0,0,0,00001077 +2,288,socal-fire,post,train,train\images\socal-fire_00001078_post_disaster.png,socal-fire_00001078_post_disaster,0,0,train\masks\socal-fire_00001078_post_disaster.png,0,0,10,4556,00001078 +0,0,socal-fire,pre,train,train\images\socal-fire_00001078_pre_disaster.png,socal-fire_00001078_pre_disaster,0,0,train\masks\socal-fire_00001078_pre_disaster.png,0,0,12,4888,00001078 +0,0,socal-fire,post,train,train\images\socal-fire_00001079_post_disaster.png,socal-fire_00001079_post_disaster,0,0,train\masks\socal-fire_00001079_post_disaster.png,0,0,0,0,00001079 +0,0,socal-fire,pre,train,train\images\socal-fire_00001079_pre_disaster.png,socal-fire_00001079_pre_disaster,0,0,train\masks\socal-fire_00001079_pre_disaster.png,0,0,0,0,00001079 +0,0,socal-fire,post,train,train\images\socal-fire_00001080_post_disaster.png,socal-fire_00001080_post_disaster,0,0,train\masks\socal-fire_00001080_post_disaster.png,0,0,1,811,00001080 +0,0,socal-fire,pre,train,train\images\socal-fire_00001080_pre_disaster.png,socal-fire_00001080_pre_disaster,0,0,train\masks\socal-fire_00001080_pre_disaster.png,0,0,1,811,00001080 +0,0,socal-fire,post,train,train\images\socal-fire_00001081_post_disaster.png,socal-fire_00001081_post_disaster,0,0,train\masks\socal-fire_00001081_post_disaster.png,0,0,16,35889,00001081 +0,0,socal-fire,pre,train,train\images\socal-fire_00001081_pre_disaster.png,socal-fire_00001081_pre_disaster,0,0,train\masks\socal-fire_00001081_pre_disaster.png,0,0,16,35954,00001081 +0,0,socal-fire,post,train,train\images\socal-fire_00001082_post_disaster.png,socal-fire_00001082_post_disaster,0,0,train\masks\socal-fire_00001082_post_disaster.png,0,0,0,0,00001082 +0,0,socal-fire,pre,train,train\images\socal-fire_00001082_pre_disaster.png,socal-fire_00001082_pre_disaster,0,0,train\masks\socal-fire_00001082_pre_disaster.png,0,0,0,0,00001082 +0,0,socal-fire,post,train,train\images\socal-fire_00001083_post_disaster.png,socal-fire_00001083_post_disaster,0,0,train\masks\socal-fire_00001083_post_disaster.png,0,0,0,0,00001083 +0,0,socal-fire,pre,train,train\images\socal-fire_00001083_pre_disaster.png,socal-fire_00001083_pre_disaster,0,0,train\masks\socal-fire_00001083_pre_disaster.png,0,0,0,0,00001083 +4,3101,socal-fire,post,train,train\images\socal-fire_00001085_post_disaster.png,socal-fire_00001085_post_disaster,0,0,train\masks\socal-fire_00001085_post_disaster.png,0,0,9,5863,00001085 +0,0,socal-fire,pre,train,train\images\socal-fire_00001085_pre_disaster.png,socal-fire_00001085_pre_disaster,0,0,train\masks\socal-fire_00001085_pre_disaster.png,0,0,13,8979,00001085 +5,2932,socal-fire,post,train,train\images\socal-fire_00001086_post_disaster.png,socal-fire_00001086_post_disaster,0,0,train\masks\socal-fire_00001086_post_disaster.png,0,0,1,480,00001086 +0,0,socal-fire,pre,train,train\images\socal-fire_00001086_pre_disaster.png,socal-fire_00001086_pre_disaster,0,0,train\masks\socal-fire_00001086_pre_disaster.png,0,0,6,3412,00001086 +9,11881,socal-fire,post,train,train\images\socal-fire_00001088_post_disaster.png,socal-fire_00001088_post_disaster,0,0,train\masks\socal-fire_00001088_post_disaster.png,0,0,32,25354,00001088 +0,0,socal-fire,pre,train,train\images\socal-fire_00001088_pre_disaster.png,socal-fire_00001088_pre_disaster,0,0,train\masks\socal-fire_00001088_pre_disaster.png,0,0,41,37235,00001088 +0,0,socal-fire,post,train,train\images\socal-fire_00001089_post_disaster.png,socal-fire_00001089_post_disaster,0,0,train\masks\socal-fire_00001089_post_disaster.png,0,0,0,0,00001089 +0,0,socal-fire,pre,train,train\images\socal-fire_00001089_pre_disaster.png,socal-fire_00001089_pre_disaster,0,0,train\masks\socal-fire_00001089_pre_disaster.png,0,0,0,0,00001089 +1,655,socal-fire,post,train,train\images\socal-fire_00001092_post_disaster.png,socal-fire_00001092_post_disaster,0,0,train\masks\socal-fire_00001092_post_disaster.png,0,0,52,54973,00001092 +0,0,socal-fire,pre,train,train\images\socal-fire_00001092_pre_disaster.png,socal-fire_00001092_pre_disaster,0,0,train\masks\socal-fire_00001092_pre_disaster.png,0,0,53,55753,00001092 +0,0,socal-fire,post,train,train\images\socal-fire_00001093_post_disaster.png,socal-fire_00001093_post_disaster,0,0,train\masks\socal-fire_00001093_post_disaster.png,0,0,57,79355,00001093 +0,0,socal-fire,pre,train,train\images\socal-fire_00001093_pre_disaster.png,socal-fire_00001093_pre_disaster,0,0,train\masks\socal-fire_00001093_pre_disaster.png,0,0,57,79371,00001093 +0,0,socal-fire,post,train,train\images\socal-fire_00001101_post_disaster.png,socal-fire_00001101_post_disaster,0,0,train\masks\socal-fire_00001101_post_disaster.png,0,0,0,0,00001101 +0,0,socal-fire,pre,train,train\images\socal-fire_00001101_pre_disaster.png,socal-fire_00001101_pre_disaster,0,0,train\masks\socal-fire_00001101_pre_disaster.png,0,0,0,0,00001101 +0,0,socal-fire,post,train,train\images\socal-fire_00001102_post_disaster.png,socal-fire_00001102_post_disaster,0,0,train\masks\socal-fire_00001102_post_disaster.png,0,0,0,0,00001102 +0,0,socal-fire,pre,train,train\images\socal-fire_00001102_pre_disaster.png,socal-fire_00001102_pre_disaster,0,0,train\masks\socal-fire_00001102_pre_disaster.png,0,0,0,0,00001102 +0,0,socal-fire,post,train,train\images\socal-fire_00001103_post_disaster.png,socal-fire_00001103_post_disaster,0,0,train\masks\socal-fire_00001103_post_disaster.png,0,0,0,0,00001103 +0,0,socal-fire,pre,train,train\images\socal-fire_00001103_pre_disaster.png,socal-fire_00001103_pre_disaster,0,0,train\masks\socal-fire_00001103_pre_disaster.png,0,0,0,0,00001103 +5,4531,socal-fire,post,train,train\images\socal-fire_00001104_post_disaster.png,socal-fire_00001104_post_disaster,0,0,train\masks\socal-fire_00001104_post_disaster.png,2,3542,20,14116,00001104 +0,0,socal-fire,pre,train,train\images\socal-fire_00001104_pre_disaster.png,socal-fire_00001104_pre_disaster,0,0,train\masks\socal-fire_00001104_pre_disaster.png,0,0,27,22189,00001104 +0,0,socal-fire,post,train,train\images\socal-fire_00001105_post_disaster.png,socal-fire_00001105_post_disaster,1,3111,train\masks\socal-fire_00001105_post_disaster.png,1,2984,13,22613,00001105 +0,0,socal-fire,pre,train,train\images\socal-fire_00001105_pre_disaster.png,socal-fire_00001105_pre_disaster,0,0,train\masks\socal-fire_00001105_pre_disaster.png,0,0,15,28753,00001105 +0,0,socal-fire,post,train,train\images\socal-fire_00001106_post_disaster.png,socal-fire_00001106_post_disaster,0,0,train\masks\socal-fire_00001106_post_disaster.png,0,0,0,0,00001106 +0,0,socal-fire,pre,train,train\images\socal-fire_00001106_pre_disaster.png,socal-fire_00001106_pre_disaster,0,0,train\masks\socal-fire_00001106_pre_disaster.png,0,0,0,0,00001106 +0,0,socal-fire,post,train,train\images\socal-fire_00001107_post_disaster.png,socal-fire_00001107_post_disaster,0,0,train\masks\socal-fire_00001107_post_disaster.png,0,0,0,0,00001107 +0,0,socal-fire,pre,train,train\images\socal-fire_00001107_pre_disaster.png,socal-fire_00001107_pre_disaster,0,0,train\masks\socal-fire_00001107_pre_disaster.png,0,0,0,0,00001107 +0,0,socal-fire,post,train,train\images\socal-fire_00001108_post_disaster.png,socal-fire_00001108_post_disaster,0,0,train\masks\socal-fire_00001108_post_disaster.png,0,0,0,0,00001108 +0,0,socal-fire,pre,train,train\images\socal-fire_00001108_pre_disaster.png,socal-fire_00001108_pre_disaster,0,0,train\masks\socal-fire_00001108_pre_disaster.png,0,0,0,0,00001108 +0,0,socal-fire,post,train,train\images\socal-fire_00001110_post_disaster.png,socal-fire_00001110_post_disaster,0,0,train\masks\socal-fire_00001110_post_disaster.png,0,0,0,0,00001110 +0,0,socal-fire,pre,train,train\images\socal-fire_00001110_pre_disaster.png,socal-fire_00001110_pre_disaster,0,0,train\masks\socal-fire_00001110_pre_disaster.png,0,0,0,0,00001110 +0,0,socal-fire,post,train,train\images\socal-fire_00001112_post_disaster.png,socal-fire_00001112_post_disaster,0,0,train\masks\socal-fire_00001112_post_disaster.png,0,0,0,0,00001112 +0,0,socal-fire,pre,train,train\images\socal-fire_00001112_pre_disaster.png,socal-fire_00001112_pre_disaster,0,0,train\masks\socal-fire_00001112_pre_disaster.png,0,0,0,0,00001112 +1,213,socal-fire,post,train,train\images\socal-fire_00001113_post_disaster.png,socal-fire_00001113_post_disaster,0,0,train\masks\socal-fire_00001113_post_disaster.png,0,0,0,0,00001113 +0,0,socal-fire,pre,train,train\images\socal-fire_00001113_pre_disaster.png,socal-fire_00001113_pre_disaster,0,0,train\masks\socal-fire_00001113_pre_disaster.png,0,0,1,213,00001113 +0,0,socal-fire,post,train,train\images\socal-fire_00001115_post_disaster.png,socal-fire_00001115_post_disaster,0,0,train\masks\socal-fire_00001115_post_disaster.png,0,0,0,0,00001115 +0,0,socal-fire,pre,train,train\images\socal-fire_00001115_pre_disaster.png,socal-fire_00001115_pre_disaster,0,0,train\masks\socal-fire_00001115_pre_disaster.png,0,0,0,0,00001115 +0,0,socal-fire,post,train,train\images\socal-fire_00001116_post_disaster.png,socal-fire_00001116_post_disaster,0,0,train\masks\socal-fire_00001116_post_disaster.png,0,0,0,0,00001116 +0,0,socal-fire,pre,train,train\images\socal-fire_00001116_pre_disaster.png,socal-fire_00001116_pre_disaster,0,0,train\masks\socal-fire_00001116_pre_disaster.png,0,0,0,0,00001116 +0,0,socal-fire,post,train,train\images\socal-fire_00001117_post_disaster.png,socal-fire_00001117_post_disaster,0,0,train\masks\socal-fire_00001117_post_disaster.png,0,0,0,0,00001117 +0,0,socal-fire,pre,train,train\images\socal-fire_00001117_pre_disaster.png,socal-fire_00001117_pre_disaster,0,0,train\masks\socal-fire_00001117_pre_disaster.png,0,0,0,0,00001117 +0,0,socal-fire,post,train,train\images\socal-fire_00001118_post_disaster.png,socal-fire_00001118_post_disaster,0,0,train\masks\socal-fire_00001118_post_disaster.png,0,0,1,297,00001118 +0,0,socal-fire,pre,train,train\images\socal-fire_00001118_pre_disaster.png,socal-fire_00001118_pre_disaster,0,0,train\masks\socal-fire_00001118_pre_disaster.png,0,0,1,297,00001118 +2,896,socal-fire,post,train,train\images\socal-fire_00001120_post_disaster.png,socal-fire_00001120_post_disaster,0,0,train\masks\socal-fire_00001120_post_disaster.png,0,0,0,0,00001120 +0,0,socal-fire,pre,train,train\images\socal-fire_00001120_pre_disaster.png,socal-fire_00001120_pre_disaster,0,0,train\masks\socal-fire_00001120_pre_disaster.png,0,0,2,920,00001120 +1,433,socal-fire,post,train,train\images\socal-fire_00001121_post_disaster.png,socal-fire_00001121_post_disaster,0,0,train\masks\socal-fire_00001121_post_disaster.png,0,0,11,17467,00001121 +0,0,socal-fire,pre,train,train\images\socal-fire_00001121_pre_disaster.png,socal-fire_00001121_pre_disaster,0,0,train\masks\socal-fire_00001121_pre_disaster.png,0,0,12,18009,00001121 +0,0,socal-fire,post,train,train\images\socal-fire_00001122_post_disaster.png,socal-fire_00001122_post_disaster,0,0,train\masks\socal-fire_00001122_post_disaster.png,0,0,0,0,00001122 +0,0,socal-fire,pre,train,train\images\socal-fire_00001122_pre_disaster.png,socal-fire_00001122_pre_disaster,0,0,train\masks\socal-fire_00001122_pre_disaster.png,0,0,0,0,00001122 +0,0,socal-fire,post,train,train\images\socal-fire_00001123_post_disaster.png,socal-fire_00001123_post_disaster,0,0,train\masks\socal-fire_00001123_post_disaster.png,0,0,0,0,00001123 +0,0,socal-fire,pre,train,train\images\socal-fire_00001123_pre_disaster.png,socal-fire_00001123_pre_disaster,0,0,train\masks\socal-fire_00001123_pre_disaster.png,0,0,0,0,00001123 +0,0,socal-fire,post,train,train\images\socal-fire_00001124_post_disaster.png,socal-fire_00001124_post_disaster,0,0,train\masks\socal-fire_00001124_post_disaster.png,0,0,1,1415,00001124 +0,0,socal-fire,pre,train,train\images\socal-fire_00001124_pre_disaster.png,socal-fire_00001124_pre_disaster,0,0,train\masks\socal-fire_00001124_pre_disaster.png,0,0,1,1415,00001124 +0,0,socal-fire,post,train,train\images\socal-fire_00001125_post_disaster.png,socal-fire_00001125_post_disaster,0,0,train\masks\socal-fire_00001125_post_disaster.png,0,0,10,56583,00001125 +0,0,socal-fire,pre,train,train\images\socal-fire_00001125_pre_disaster.png,socal-fire_00001125_pre_disaster,0,0,train\masks\socal-fire_00001125_pre_disaster.png,0,0,10,56636,00001125 +0,0,socal-fire,post,train,train\images\socal-fire_00001127_post_disaster.png,socal-fire_00001127_post_disaster,0,0,train\masks\socal-fire_00001127_post_disaster.png,0,0,18,18099,00001127 +0,0,socal-fire,pre,train,train\images\socal-fire_00001127_pre_disaster.png,socal-fire_00001127_pre_disaster,0,0,train\masks\socal-fire_00001127_pre_disaster.png,0,0,18,18146,00001127 +0,0,socal-fire,post,train,train\images\socal-fire_00001129_post_disaster.png,socal-fire_00001129_post_disaster,0,0,train\masks\socal-fire_00001129_post_disaster.png,0,0,0,0,00001129 +0,0,socal-fire,pre,train,train\images\socal-fire_00001129_pre_disaster.png,socal-fire_00001129_pre_disaster,0,0,train\masks\socal-fire_00001129_pre_disaster.png,0,0,0,0,00001129 +0,0,socal-fire,post,train,train\images\socal-fire_00001130_post_disaster.png,socal-fire_00001130_post_disaster,0,0,train\masks\socal-fire_00001130_post_disaster.png,0,0,0,0,00001130 +0,0,socal-fire,pre,train,train\images\socal-fire_00001130_pre_disaster.png,socal-fire_00001130_pre_disaster,0,0,train\masks\socal-fire_00001130_pre_disaster.png,0,0,0,0,00001130 +0,0,socal-fire,post,train,train\images\socal-fire_00001133_post_disaster.png,socal-fire_00001133_post_disaster,0,0,train\masks\socal-fire_00001133_post_disaster.png,0,0,1,2552,00001133 +0,0,socal-fire,pre,train,train\images\socal-fire_00001133_pre_disaster.png,socal-fire_00001133_pre_disaster,0,0,train\masks\socal-fire_00001133_pre_disaster.png,0,0,1,2552,00001133 +0,0,socal-fire,post,train,train\images\socal-fire_00001134_post_disaster.png,socal-fire_00001134_post_disaster,0,0,train\masks\socal-fire_00001134_post_disaster.png,0,0,20,36588,00001134 +0,0,socal-fire,pre,train,train\images\socal-fire_00001134_pre_disaster.png,socal-fire_00001134_pre_disaster,0,0,train\masks\socal-fire_00001134_pre_disaster.png,0,0,20,36643,00001134 +15,5087,socal-fire,post,train,train\images\socal-fire_00001135_post_disaster.png,socal-fire_00001135_post_disaster,0,0,train\masks\socal-fire_00001135_post_disaster.png,0,0,3,1760,00001135 +0,0,socal-fire,pre,train,train\images\socal-fire_00001135_pre_disaster.png,socal-fire_00001135_pre_disaster,0,0,train\masks\socal-fire_00001135_pre_disaster.png,0,0,18,6847,00001135 +0,0,socal-fire,post,train,train\images\socal-fire_00001136_post_disaster.png,socal-fire_00001136_post_disaster,0,0,train\masks\socal-fire_00001136_post_disaster.png,0,0,0,0,00001136 +0,0,socal-fire,pre,train,train\images\socal-fire_00001136_pre_disaster.png,socal-fire_00001136_pre_disaster,0,0,train\masks\socal-fire_00001136_pre_disaster.png,0,0,0,0,00001136 +0,0,socal-fire,post,train,train\images\socal-fire_00001140_post_disaster.png,socal-fire_00001140_post_disaster,0,0,train\masks\socal-fire_00001140_post_disaster.png,0,0,0,0,00001140 +0,0,socal-fire,pre,train,train\images\socal-fire_00001140_pre_disaster.png,socal-fire_00001140_pre_disaster,0,0,train\masks\socal-fire_00001140_pre_disaster.png,0,0,0,0,00001140 +0,0,socal-fire,post,train,train\images\socal-fire_00001142_post_disaster.png,socal-fire_00001142_post_disaster,0,0,train\masks\socal-fire_00001142_post_disaster.png,0,0,0,0,00001142 +0,0,socal-fire,pre,train,train\images\socal-fire_00001142_pre_disaster.png,socal-fire_00001142_pre_disaster,0,0,train\masks\socal-fire_00001142_pre_disaster.png,0,0,0,0,00001142 +0,0,socal-fire,post,train,train\images\socal-fire_00001143_post_disaster.png,socal-fire_00001143_post_disaster,0,0,train\masks\socal-fire_00001143_post_disaster.png,0,0,1,1942,00001143 +0,0,socal-fire,pre,train,train\images\socal-fire_00001143_pre_disaster.png,socal-fire_00001143_pre_disaster,0,0,train\masks\socal-fire_00001143_pre_disaster.png,0,0,1,1942,00001143 +0,0,socal-fire,post,train,train\images\socal-fire_00001146_post_disaster.png,socal-fire_00001146_post_disaster,0,0,train\masks\socal-fire_00001146_post_disaster.png,0,0,0,0,00001146 +0,0,socal-fire,pre,train,train\images\socal-fire_00001146_pre_disaster.png,socal-fire_00001146_pre_disaster,0,0,train\masks\socal-fire_00001146_pre_disaster.png,0,0,0,0,00001146 +0,0,socal-fire,post,train,train\images\socal-fire_00001149_post_disaster.png,socal-fire_00001149_post_disaster,0,0,train\masks\socal-fire_00001149_post_disaster.png,0,0,0,0,00001149 +0,0,socal-fire,pre,train,train\images\socal-fire_00001149_pre_disaster.png,socal-fire_00001149_pre_disaster,0,0,train\masks\socal-fire_00001149_pre_disaster.png,0,0,0,0,00001149 +0,0,socal-fire,post,train,train\images\socal-fire_00001150_post_disaster.png,socal-fire_00001150_post_disaster,0,0,train\masks\socal-fire_00001150_post_disaster.png,0,0,0,0,00001150 +0,0,socal-fire,pre,train,train\images\socal-fire_00001150_pre_disaster.png,socal-fire_00001150_pre_disaster,0,0,train\masks\socal-fire_00001150_pre_disaster.png,0,0,0,0,00001150 +0,0,socal-fire,post,train,train\images\socal-fire_00001152_post_disaster.png,socal-fire_00001152_post_disaster,0,0,train\masks\socal-fire_00001152_post_disaster.png,0,0,13,7156,00001152 +0,0,socal-fire,pre,train,train\images\socal-fire_00001152_pre_disaster.png,socal-fire_00001152_pre_disaster,0,0,train\masks\socal-fire_00001152_pre_disaster.png,0,0,13,7192,00001152 +0,0,socal-fire,post,train,train\images\socal-fire_00001154_post_disaster.png,socal-fire_00001154_post_disaster,0,0,train\masks\socal-fire_00001154_post_disaster.png,0,0,0,0,00001154 +0,0,socal-fire,pre,train,train\images\socal-fire_00001154_pre_disaster.png,socal-fire_00001154_pre_disaster,0,0,train\masks\socal-fire_00001154_pre_disaster.png,0,0,0,0,00001154 +0,0,socal-fire,post,train,train\images\socal-fire_00001156_post_disaster.png,socal-fire_00001156_post_disaster,0,0,train\masks\socal-fire_00001156_post_disaster.png,0,0,0,0,00001156 +0,0,socal-fire,pre,train,train\images\socal-fire_00001156_pre_disaster.png,socal-fire_00001156_pre_disaster,0,0,train\masks\socal-fire_00001156_pre_disaster.png,0,0,0,0,00001156 +0,0,socal-fire,post,train,train\images\socal-fire_00001158_post_disaster.png,socal-fire_00001158_post_disaster,0,0,train\masks\socal-fire_00001158_post_disaster.png,0,0,0,0,00001158 +0,0,socal-fire,pre,train,train\images\socal-fire_00001158_pre_disaster.png,socal-fire_00001158_pre_disaster,0,0,train\masks\socal-fire_00001158_pre_disaster.png,0,0,0,0,00001158 +1,3455,socal-fire,post,train,train\images\socal-fire_00001159_post_disaster.png,socal-fire_00001159_post_disaster,0,0,train\masks\socal-fire_00001159_post_disaster.png,0,0,16,26954,00001159 +0,0,socal-fire,pre,train,train\images\socal-fire_00001159_pre_disaster.png,socal-fire_00001159_pre_disaster,0,0,train\masks\socal-fire_00001159_pre_disaster.png,0,0,17,30429,00001159 +0,0,socal-fire,post,train,train\images\socal-fire_00001162_post_disaster.png,socal-fire_00001162_post_disaster,0,0,train\masks\socal-fire_00001162_post_disaster.png,0,0,11,8600,00001162 +0,0,socal-fire,pre,train,train\images\socal-fire_00001162_pre_disaster.png,socal-fire_00001162_pre_disaster,0,0,train\masks\socal-fire_00001162_pre_disaster.png,0,0,11,8703,00001162 +1,1502,socal-fire,post,train,train\images\socal-fire_00001165_post_disaster.png,socal-fire_00001165_post_disaster,0,0,train\masks\socal-fire_00001165_post_disaster.png,0,0,4,1724,00001165 +0,0,socal-fire,pre,train,train\images\socal-fire_00001165_pre_disaster.png,socal-fire_00001165_pre_disaster,0,0,train\masks\socal-fire_00001165_pre_disaster.png,0,0,5,3226,00001165 +0,0,socal-fire,post,train,train\images\socal-fire_00001166_post_disaster.png,socal-fire_00001166_post_disaster,0,0,train\masks\socal-fire_00001166_post_disaster.png,0,0,4,4467,00001166 +0,0,socal-fire,pre,train,train\images\socal-fire_00001166_pre_disaster.png,socal-fire_00001166_pre_disaster,0,0,train\masks\socal-fire_00001166_pre_disaster.png,0,0,4,4467,00001166 +0,0,socal-fire,post,train,train\images\socal-fire_00001167_post_disaster.png,socal-fire_00001167_post_disaster,0,0,train\masks\socal-fire_00001167_post_disaster.png,0,0,0,0,00001167 +0,0,socal-fire,pre,train,train\images\socal-fire_00001167_pre_disaster.png,socal-fire_00001167_pre_disaster,0,0,train\masks\socal-fire_00001167_pre_disaster.png,0,0,0,0,00001167 +0,0,socal-fire,post,train,train\images\socal-fire_00001169_post_disaster.png,socal-fire_00001169_post_disaster,0,0,train\masks\socal-fire_00001169_post_disaster.png,0,0,0,0,00001169 +0,0,socal-fire,pre,train,train\images\socal-fire_00001169_pre_disaster.png,socal-fire_00001169_pre_disaster,0,0,train\masks\socal-fire_00001169_pre_disaster.png,0,0,0,0,00001169 +0,0,socal-fire,post,train,train\images\socal-fire_00001170_post_disaster.png,socal-fire_00001170_post_disaster,0,0,train\masks\socal-fire_00001170_post_disaster.png,0,0,0,0,00001170 +0,0,socal-fire,pre,train,train\images\socal-fire_00001170_pre_disaster.png,socal-fire_00001170_pre_disaster,0,0,train\masks\socal-fire_00001170_pre_disaster.png,0,0,0,0,00001170 +0,0,socal-fire,post,train,train\images\socal-fire_00001171_post_disaster.png,socal-fire_00001171_post_disaster,0,0,train\masks\socal-fire_00001171_post_disaster.png,0,0,19,32736,00001171 +0,0,socal-fire,pre,train,train\images\socal-fire_00001171_pre_disaster.png,socal-fire_00001171_pre_disaster,0,0,train\masks\socal-fire_00001171_pre_disaster.png,0,0,19,32802,00001171 +0,0,socal-fire,post,train,train\images\socal-fire_00001175_post_disaster.png,socal-fire_00001175_post_disaster,0,0,train\masks\socal-fire_00001175_post_disaster.png,0,0,0,0,00001175 +0,0,socal-fire,pre,train,train\images\socal-fire_00001175_pre_disaster.png,socal-fire_00001175_pre_disaster,0,0,train\masks\socal-fire_00001175_pre_disaster.png,0,0,0,0,00001175 +14,15945,socal-fire,post,train,train\images\socal-fire_00001176_post_disaster.png,socal-fire_00001176_post_disaster,0,0,train\masks\socal-fire_00001176_post_disaster.png,0,0,21,20020,00001176 +0,0,socal-fire,pre,train,train\images\socal-fire_00001176_pre_disaster.png,socal-fire_00001176_pre_disaster,0,0,train\masks\socal-fire_00001176_pre_disaster.png,0,0,35,35965,00001176 +0,0,socal-fire,post,train,train\images\socal-fire_00001177_post_disaster.png,socal-fire_00001177_post_disaster,0,0,train\masks\socal-fire_00001177_post_disaster.png,0,0,1,1336,00001177 +0,0,socal-fire,pre,train,train\images\socal-fire_00001177_pre_disaster.png,socal-fire_00001177_pre_disaster,0,0,train\masks\socal-fire_00001177_pre_disaster.png,0,0,1,1336,00001177 +0,0,socal-fire,post,train,train\images\socal-fire_00001178_post_disaster.png,socal-fire_00001178_post_disaster,0,0,train\masks\socal-fire_00001178_post_disaster.png,0,0,1,145,00001178 +0,0,socal-fire,pre,train,train\images\socal-fire_00001178_pre_disaster.png,socal-fire_00001178_pre_disaster,0,0,train\masks\socal-fire_00001178_pre_disaster.png,0,0,1,145,00001178 +0,0,socal-fire,post,train,train\images\socal-fire_00001179_post_disaster.png,socal-fire_00001179_post_disaster,0,0,train\masks\socal-fire_00001179_post_disaster.png,0,0,0,0,00001179 +0,0,socal-fire,pre,train,train\images\socal-fire_00001179_pre_disaster.png,socal-fire_00001179_pre_disaster,0,0,train\masks\socal-fire_00001179_pre_disaster.png,0,0,0,0,00001179 +0,0,socal-fire,post,train,train\images\socal-fire_00001180_post_disaster.png,socal-fire_00001180_post_disaster,0,0,train\masks\socal-fire_00001180_post_disaster.png,0,0,0,0,00001180 +0,0,socal-fire,pre,train,train\images\socal-fire_00001180_pre_disaster.png,socal-fire_00001180_pre_disaster,0,0,train\masks\socal-fire_00001180_pre_disaster.png,0,0,0,0,00001180 +0,0,socal-fire,post,train,train\images\socal-fire_00001182_post_disaster.png,socal-fire_00001182_post_disaster,0,0,train\masks\socal-fire_00001182_post_disaster.png,0,0,20,17582,00001182 +0,0,socal-fire,pre,train,train\images\socal-fire_00001182_pre_disaster.png,socal-fire_00001182_pre_disaster,0,0,train\masks\socal-fire_00001182_pre_disaster.png,0,0,20,17653,00001182 +0,0,socal-fire,post,train,train\images\socal-fire_00001184_post_disaster.png,socal-fire_00001184_post_disaster,0,0,train\masks\socal-fire_00001184_post_disaster.png,0,0,27,35644,00001184 +0,0,socal-fire,pre,train,train\images\socal-fire_00001184_pre_disaster.png,socal-fire_00001184_pre_disaster,0,0,train\masks\socal-fire_00001184_pre_disaster.png,0,0,27,35644,00001184 +1,262,socal-fire,post,train,train\images\socal-fire_00001185_post_disaster.png,socal-fire_00001185_post_disaster,0,0,train\masks\socal-fire_00001185_post_disaster.png,0,0,10,8122,00001185 +0,0,socal-fire,pre,train,train\images\socal-fire_00001185_pre_disaster.png,socal-fire_00001185_pre_disaster,0,0,train\masks\socal-fire_00001185_pre_disaster.png,0,0,11,8482,00001185 +3,1152,socal-fire,post,train,train\images\socal-fire_00001186_post_disaster.png,socal-fire_00001186_post_disaster,3,3106,train\masks\socal-fire_00001186_post_disaster.png,0,0,15,18832,00001186 +0,0,socal-fire,pre,train,train\images\socal-fire_00001186_pre_disaster.png,socal-fire_00001186_pre_disaster,0,0,train\masks\socal-fire_00001186_pre_disaster.png,0,0,21,23134,00001186 +0,0,socal-fire,post,train,train\images\socal-fire_00001192_post_disaster.png,socal-fire_00001192_post_disaster,0,0,train\masks\socal-fire_00001192_post_disaster.png,0,0,0,0,00001192 +0,0,socal-fire,pre,train,train\images\socal-fire_00001192_pre_disaster.png,socal-fire_00001192_pre_disaster,0,0,train\masks\socal-fire_00001192_pre_disaster.png,0,0,0,0,00001192 +0,0,socal-fire,post,train,train\images\socal-fire_00001195_post_disaster.png,socal-fire_00001195_post_disaster,0,0,train\masks\socal-fire_00001195_post_disaster.png,0,0,0,0,00001195 +0,0,socal-fire,pre,train,train\images\socal-fire_00001195_pre_disaster.png,socal-fire_00001195_pre_disaster,0,0,train\masks\socal-fire_00001195_pre_disaster.png,0,0,0,0,00001195 +0,0,socal-fire,post,train,train\images\socal-fire_00001196_post_disaster.png,socal-fire_00001196_post_disaster,0,0,train\masks\socal-fire_00001196_post_disaster.png,0,0,7,1532,00001196 +0,0,socal-fire,pre,train,train\images\socal-fire_00001196_pre_disaster.png,socal-fire_00001196_pre_disaster,0,0,train\masks\socal-fire_00001196_pre_disaster.png,0,0,7,1532,00001196 +0,0,socal-fire,post,train,train\images\socal-fire_00001197_post_disaster.png,socal-fire_00001197_post_disaster,0,0,train\masks\socal-fire_00001197_post_disaster.png,0,0,1,114,00001197 +0,0,socal-fire,pre,train,train\images\socal-fire_00001197_pre_disaster.png,socal-fire_00001197_pre_disaster,0,0,train\masks\socal-fire_00001197_pre_disaster.png,0,0,1,114,00001197 +0,0,socal-fire,post,train,train\images\socal-fire_00001198_post_disaster.png,socal-fire_00001198_post_disaster,0,0,train\masks\socal-fire_00001198_post_disaster.png,0,0,0,0,00001198 +0,0,socal-fire,pre,train,train\images\socal-fire_00001198_pre_disaster.png,socal-fire_00001198_pre_disaster,0,0,train\masks\socal-fire_00001198_pre_disaster.png,0,0,0,0,00001198 +3,1233,socal-fire,post,train,train\images\socal-fire_00001202_post_disaster.png,socal-fire_00001202_post_disaster,0,0,train\masks\socal-fire_00001202_post_disaster.png,0,0,1,194,00001202 +0,0,socal-fire,pre,train,train\images\socal-fire_00001202_pre_disaster.png,socal-fire_00001202_pre_disaster,0,0,train\masks\socal-fire_00001202_pre_disaster.png,0,0,4,1427,00001202 +0,0,socal-fire,post,train,train\images\socal-fire_00001203_post_disaster.png,socal-fire_00001203_post_disaster,0,0,train\masks\socal-fire_00001203_post_disaster.png,0,0,0,0,00001203 +0,0,socal-fire,pre,train,train\images\socal-fire_00001203_pre_disaster.png,socal-fire_00001203_pre_disaster,0,0,train\masks\socal-fire_00001203_pre_disaster.png,0,0,0,0,00001203 +0,0,socal-fire,post,train,train\images\socal-fire_00001204_post_disaster.png,socal-fire_00001204_post_disaster,0,0,train\masks\socal-fire_00001204_post_disaster.png,0,0,34,61407,00001204 +0,0,socal-fire,pre,train,train\images\socal-fire_00001204_pre_disaster.png,socal-fire_00001204_pre_disaster,0,0,train\masks\socal-fire_00001204_pre_disaster.png,0,0,34,61710,00001204 +0,0,socal-fire,post,train,train\images\socal-fire_00001206_post_disaster.png,socal-fire_00001206_post_disaster,0,0,train\masks\socal-fire_00001206_post_disaster.png,0,0,0,0,00001206 +0,0,socal-fire,pre,train,train\images\socal-fire_00001206_pre_disaster.png,socal-fire_00001206_pre_disaster,0,0,train\masks\socal-fire_00001206_pre_disaster.png,0,0,0,0,00001206 +0,0,socal-fire,post,train,train\images\socal-fire_00001207_post_disaster.png,socal-fire_00001207_post_disaster,0,0,train\masks\socal-fire_00001207_post_disaster.png,0,0,54,93252,00001207 +0,0,socal-fire,pre,train,train\images\socal-fire_00001207_pre_disaster.png,socal-fire_00001207_pre_disaster,0,0,train\masks\socal-fire_00001207_pre_disaster.png,0,0,54,93544,00001207 +0,0,socal-fire,post,train,train\images\socal-fire_00001208_post_disaster.png,socal-fire_00001208_post_disaster,0,0,train\masks\socal-fire_00001208_post_disaster.png,0,0,0,0,00001208 +0,0,socal-fire,pre,train,train\images\socal-fire_00001208_pre_disaster.png,socal-fire_00001208_pre_disaster,0,0,train\masks\socal-fire_00001208_pre_disaster.png,0,0,0,0,00001208 +0,0,socal-fire,post,train,train\images\socal-fire_00001211_post_disaster.png,socal-fire_00001211_post_disaster,0,0,train\masks\socal-fire_00001211_post_disaster.png,0,0,0,0,00001211 +0,0,socal-fire,pre,train,train\images\socal-fire_00001211_pre_disaster.png,socal-fire_00001211_pre_disaster,0,0,train\masks\socal-fire_00001211_pre_disaster.png,0,0,0,0,00001211 +0,0,socal-fire,post,train,train\images\socal-fire_00001215_post_disaster.png,socal-fire_00001215_post_disaster,0,0,train\masks\socal-fire_00001215_post_disaster.png,0,0,0,0,00001215 +0,0,socal-fire,pre,train,train\images\socal-fire_00001215_pre_disaster.png,socal-fire_00001215_pre_disaster,0,0,train\masks\socal-fire_00001215_pre_disaster.png,0,0,0,0,00001215 +0,0,socal-fire,post,train,train\images\socal-fire_00001216_post_disaster.png,socal-fire_00001216_post_disaster,0,0,train\masks\socal-fire_00001216_post_disaster.png,0,0,0,0,00001216 +0,0,socal-fire,pre,train,train\images\socal-fire_00001216_pre_disaster.png,socal-fire_00001216_pre_disaster,0,0,train\masks\socal-fire_00001216_pre_disaster.png,0,0,0,0,00001216 +0,0,socal-fire,post,train,train\images\socal-fire_00001218_post_disaster.png,socal-fire_00001218_post_disaster,0,0,train\masks\socal-fire_00001218_post_disaster.png,0,0,0,0,00001218 +0,0,socal-fire,pre,train,train\images\socal-fire_00001218_pre_disaster.png,socal-fire_00001218_pre_disaster,0,0,train\masks\socal-fire_00001218_pre_disaster.png,0,0,0,0,00001218 +0,0,socal-fire,post,train,train\images\socal-fire_00001221_post_disaster.png,socal-fire_00001221_post_disaster,0,0,train\masks\socal-fire_00001221_post_disaster.png,0,0,24,66269,00001221 +0,0,socal-fire,pre,train,train\images\socal-fire_00001221_pre_disaster.png,socal-fire_00001221_pre_disaster,0,0,train\masks\socal-fire_00001221_pre_disaster.png,0,0,24,66353,00001221 +0,0,socal-fire,post,train,train\images\socal-fire_00001223_post_disaster.png,socal-fire_00001223_post_disaster,0,0,train\masks\socal-fire_00001223_post_disaster.png,0,0,0,0,00001223 +0,0,socal-fire,pre,train,train\images\socal-fire_00001223_pre_disaster.png,socal-fire_00001223_pre_disaster,0,0,train\masks\socal-fire_00001223_pre_disaster.png,0,0,0,0,00001223 +0,0,socal-fire,post,train,train\images\socal-fire_00001225_post_disaster.png,socal-fire_00001225_post_disaster,0,0,train\masks\socal-fire_00001225_post_disaster.png,0,0,3,3477,00001225 +0,0,socal-fire,pre,train,train\images\socal-fire_00001225_pre_disaster.png,socal-fire_00001225_pre_disaster,0,0,train\masks\socal-fire_00001225_pre_disaster.png,0,0,3,3477,00001225 +0,0,socal-fire,post,train,train\images\socal-fire_00001227_post_disaster.png,socal-fire_00001227_post_disaster,0,0,train\masks\socal-fire_00001227_post_disaster.png,0,0,1,52,00001227 +0,0,socal-fire,pre,train,train\images\socal-fire_00001227_pre_disaster.png,socal-fire_00001227_pre_disaster,0,0,train\masks\socal-fire_00001227_pre_disaster.png,0,0,1,52,00001227 +0,0,socal-fire,post,train,train\images\socal-fire_00001228_post_disaster.png,socal-fire_00001228_post_disaster,0,0,train\masks\socal-fire_00001228_post_disaster.png,0,0,47,83079,00001228 +0,0,socal-fire,pre,train,train\images\socal-fire_00001228_pre_disaster.png,socal-fire_00001228_pre_disaster,0,0,train\masks\socal-fire_00001228_pre_disaster.png,0,0,47,83108,00001228 +0,0,socal-fire,post,train,train\images\socal-fire_00001229_post_disaster.png,socal-fire_00001229_post_disaster,0,0,train\masks\socal-fire_00001229_post_disaster.png,0,0,0,0,00001229 +0,0,socal-fire,pre,train,train\images\socal-fire_00001229_pre_disaster.png,socal-fire_00001229_pre_disaster,0,0,train\masks\socal-fire_00001229_pre_disaster.png,0,0,0,0,00001229 +0,0,socal-fire,post,train,train\images\socal-fire_00001232_post_disaster.png,socal-fire_00001232_post_disaster,0,0,train\masks\socal-fire_00001232_post_disaster.png,0,0,0,0,00001232 +0,0,socal-fire,pre,train,train\images\socal-fire_00001232_pre_disaster.png,socal-fire_00001232_pre_disaster,0,0,train\masks\socal-fire_00001232_pre_disaster.png,0,0,0,0,00001232 +0,0,socal-fire,post,train,train\images\socal-fire_00001233_post_disaster.png,socal-fire_00001233_post_disaster,0,0,train\masks\socal-fire_00001233_post_disaster.png,0,0,8,43862,00001233 +0,0,socal-fire,pre,train,train\images\socal-fire_00001233_pre_disaster.png,socal-fire_00001233_pre_disaster,0,0,train\masks\socal-fire_00001233_pre_disaster.png,0,0,8,43862,00001233 +0,0,socal-fire,post,train,train\images\socal-fire_00001234_post_disaster.png,socal-fire_00001234_post_disaster,0,0,train\masks\socal-fire_00001234_post_disaster.png,0,0,0,0,00001234 +0,0,socal-fire,pre,train,train\images\socal-fire_00001234_pre_disaster.png,socal-fire_00001234_pre_disaster,0,0,train\masks\socal-fire_00001234_pre_disaster.png,0,0,0,0,00001234 +0,0,socal-fire,post,train,train\images\socal-fire_00001235_post_disaster.png,socal-fire_00001235_post_disaster,0,0,train\masks\socal-fire_00001235_post_disaster.png,0,0,0,0,00001235 +0,0,socal-fire,pre,train,train\images\socal-fire_00001235_pre_disaster.png,socal-fire_00001235_pre_disaster,0,0,train\masks\socal-fire_00001235_pre_disaster.png,0,0,0,0,00001235 +1,343,socal-fire,post,train,train\images\socal-fire_00001237_post_disaster.png,socal-fire_00001237_post_disaster,0,0,train\masks\socal-fire_00001237_post_disaster.png,0,0,0,0,00001237 +0,0,socal-fire,pre,train,train\images\socal-fire_00001237_pre_disaster.png,socal-fire_00001237_pre_disaster,0,0,train\masks\socal-fire_00001237_pre_disaster.png,0,0,1,343,00001237 +0,0,socal-fire,post,train,train\images\socal-fire_00001238_post_disaster.png,socal-fire_00001238_post_disaster,0,0,train\masks\socal-fire_00001238_post_disaster.png,0,0,0,0,00001238 +0,0,socal-fire,pre,train,train\images\socal-fire_00001238_pre_disaster.png,socal-fire_00001238_pre_disaster,0,0,train\masks\socal-fire_00001238_pre_disaster.png,0,0,0,0,00001238 +0,0,socal-fire,post,train,train\images\socal-fire_00001241_post_disaster.png,socal-fire_00001241_post_disaster,0,0,train\masks\socal-fire_00001241_post_disaster.png,0,0,51,90650,00001241 +0,0,socal-fire,pre,train,train\images\socal-fire_00001241_pre_disaster.png,socal-fire_00001241_pre_disaster,0,0,train\masks\socal-fire_00001241_pre_disaster.png,0,0,51,90698,00001241 +0,0,socal-fire,post,train,train\images\socal-fire_00001242_post_disaster.png,socal-fire_00001242_post_disaster,0,0,train\masks\socal-fire_00001242_post_disaster.png,0,0,0,0,00001242 +0,0,socal-fire,pre,train,train\images\socal-fire_00001242_pre_disaster.png,socal-fire_00001242_pre_disaster,0,0,train\masks\socal-fire_00001242_pre_disaster.png,0,0,0,0,00001242 +0,0,socal-fire,post,train,train\images\socal-fire_00001243_post_disaster.png,socal-fire_00001243_post_disaster,0,0,train\masks\socal-fire_00001243_post_disaster.png,0,0,11,9230,00001243 +0,0,socal-fire,pre,train,train\images\socal-fire_00001243_pre_disaster.png,socal-fire_00001243_pre_disaster,0,0,train\masks\socal-fire_00001243_pre_disaster.png,0,0,11,9532,00001243 +3,5076,socal-fire,post,train,train\images\socal-fire_00001244_post_disaster.png,socal-fire_00001244_post_disaster,0,0,train\masks\socal-fire_00001244_post_disaster.png,0,0,42,71679,00001244 +0,0,socal-fire,pre,train,train\images\socal-fire_00001244_pre_disaster.png,socal-fire_00001244_pre_disaster,0,0,train\masks\socal-fire_00001244_pre_disaster.png,0,0,45,76977,00001244 +22,45316,socal-fire,post,train,train\images\socal-fire_00001245_post_disaster.png,socal-fire_00001245_post_disaster,0,0,train\masks\socal-fire_00001245_post_disaster.png,0,0,30,37858,00001245 +0,0,socal-fire,pre,train,train\images\socal-fire_00001245_pre_disaster.png,socal-fire_00001245_pre_disaster,0,0,train\masks\socal-fire_00001245_pre_disaster.png,0,0,52,83337,00001245 +2,633,socal-fire,post,train,train\images\socal-fire_00001248_post_disaster.png,socal-fire_00001248_post_disaster,0,0,train\masks\socal-fire_00001248_post_disaster.png,0,0,0,0,00001248 +0,0,socal-fire,pre,train,train\images\socal-fire_00001248_pre_disaster.png,socal-fire_00001248_pre_disaster,0,0,train\masks\socal-fire_00001248_pre_disaster.png,0,0,2,633,00001248 +0,0,socal-fire,post,train,train\images\socal-fire_00001251_post_disaster.png,socal-fire_00001251_post_disaster,0,0,train\masks\socal-fire_00001251_post_disaster.png,0,0,105,152300,00001251 +0,0,socal-fire,pre,train,train\images\socal-fire_00001251_pre_disaster.png,socal-fire_00001251_pre_disaster,0,0,train\masks\socal-fire_00001251_pre_disaster.png,0,0,105,152555,00001251 +0,0,socal-fire,post,train,train\images\socal-fire_00001253_post_disaster.png,socal-fire_00001253_post_disaster,0,0,train\masks\socal-fire_00001253_post_disaster.png,0,0,0,0,00001253 +0,0,socal-fire,pre,train,train\images\socal-fire_00001253_pre_disaster.png,socal-fire_00001253_pre_disaster,0,0,train\masks\socal-fire_00001253_pre_disaster.png,0,0,0,0,00001253 +14,18150,socal-fire,post,train,train\images\socal-fire_00001254_post_disaster.png,socal-fire_00001254_post_disaster,1,1835,train\masks\socal-fire_00001254_post_disaster.png,1,9282,27,29379,00001254 +0,0,socal-fire,pre,train,train\images\socal-fire_00001254_pre_disaster.png,socal-fire_00001254_pre_disaster,0,0,train\masks\socal-fire_00001254_pre_disaster.png,0,0,42,58691,00001254 +0,0,socal-fire,post,train,train\images\socal-fire_00001255_post_disaster.png,socal-fire_00001255_post_disaster,0,0,train\masks\socal-fire_00001255_post_disaster.png,0,0,26,17587,00001255 +0,0,socal-fire,pre,train,train\images\socal-fire_00001255_pre_disaster.png,socal-fire_00001255_pre_disaster,0,0,train\masks\socal-fire_00001255_pre_disaster.png,0,0,26,17671,00001255 +0,0,socal-fire,post,train,train\images\socal-fire_00001256_post_disaster.png,socal-fire_00001256_post_disaster,0,0,train\masks\socal-fire_00001256_post_disaster.png,0,0,0,0,00001256 +0,0,socal-fire,pre,train,train\images\socal-fire_00001256_pre_disaster.png,socal-fire_00001256_pre_disaster,0,0,train\masks\socal-fire_00001256_pre_disaster.png,0,0,0,0,00001256 +0,0,socal-fire,post,train,train\images\socal-fire_00001257_post_disaster.png,socal-fire_00001257_post_disaster,0,0,train\masks\socal-fire_00001257_post_disaster.png,0,0,56,79686,00001257 +0,0,socal-fire,pre,train,train\images\socal-fire_00001257_pre_disaster.png,socal-fire_00001257_pre_disaster,0,0,train\masks\socal-fire_00001257_pre_disaster.png,0,0,56,79866,00001257 +0,0,socal-fire,post,train,train\images\socal-fire_00001258_post_disaster.png,socal-fire_00001258_post_disaster,0,0,train\masks\socal-fire_00001258_post_disaster.png,0,0,1,2565,00001258 +0,0,socal-fire,pre,train,train\images\socal-fire_00001258_pre_disaster.png,socal-fire_00001258_pre_disaster,0,0,train\masks\socal-fire_00001258_pre_disaster.png,0,0,1,2565,00001258 +11,4605,socal-fire,post,train,train\images\socal-fire_00001259_post_disaster.png,socal-fire_00001259_post_disaster,0,0,train\masks\socal-fire_00001259_post_disaster.png,1,135,2,1668,00001259 +0,0,socal-fire,pre,train,train\images\socal-fire_00001259_pre_disaster.png,socal-fire_00001259_pre_disaster,0,0,train\masks\socal-fire_00001259_pre_disaster.png,0,0,14,6449,00001259 +0,0,socal-fire,post,train,train\images\socal-fire_00001260_post_disaster.png,socal-fire_00001260_post_disaster,0,0,train\masks\socal-fire_00001260_post_disaster.png,0,0,70,154065,00001260 +0,0,socal-fire,pre,train,train\images\socal-fire_00001260_pre_disaster.png,socal-fire_00001260_pre_disaster,0,0,train\masks\socal-fire_00001260_pre_disaster.png,0,0,70,154211,00001260 +6,9594,socal-fire,post,train,train\images\socal-fire_00001261_post_disaster.png,socal-fire_00001261_post_disaster,0,0,train\masks\socal-fire_00001261_post_disaster.png,0,0,42,50945,00001261 +0,0,socal-fire,pre,train,train\images\socal-fire_00001261_pre_disaster.png,socal-fire_00001261_pre_disaster,0,0,train\masks\socal-fire_00001261_pre_disaster.png,0,0,48,60566,00001261 +0,0,socal-fire,post,train,train\images\socal-fire_00001263_post_disaster.png,socal-fire_00001263_post_disaster,0,0,train\masks\socal-fire_00001263_post_disaster.png,0,0,1,1409,00001263 +0,0,socal-fire,pre,train,train\images\socal-fire_00001263_pre_disaster.png,socal-fire_00001263_pre_disaster,0,0,train\masks\socal-fire_00001263_pre_disaster.png,0,0,1,1450,00001263 +0,0,socal-fire,post,train,train\images\socal-fire_00001264_post_disaster.png,socal-fire_00001264_post_disaster,0,0,train\masks\socal-fire_00001264_post_disaster.png,0,0,34,44929,00001264 +0,0,socal-fire,pre,train,train\images\socal-fire_00001264_pre_disaster.png,socal-fire_00001264_pre_disaster,0,0,train\masks\socal-fire_00001264_pre_disaster.png,0,0,34,45214,00001264 +13,15064,socal-fire,post,train,train\images\socal-fire_00001268_post_disaster.png,socal-fire_00001268_post_disaster,0,0,train\masks\socal-fire_00001268_post_disaster.png,0,0,50,62568,00001268 +0,0,socal-fire,pre,train,train\images\socal-fire_00001268_pre_disaster.png,socal-fire_00001268_pre_disaster,0,0,train\masks\socal-fire_00001268_pre_disaster.png,0,0,63,77871,00001268 +0,0,socal-fire,post,train,train\images\socal-fire_00001269_post_disaster.png,socal-fire_00001269_post_disaster,0,0,train\masks\socal-fire_00001269_post_disaster.png,0,0,1,112,00001269 +0,0,socal-fire,pre,train,train\images\socal-fire_00001269_pre_disaster.png,socal-fire_00001269_pre_disaster,0,0,train\masks\socal-fire_00001269_pre_disaster.png,0,0,1,112,00001269 +6,6300,socal-fire,post,train,train\images\socal-fire_00001270_post_disaster.png,socal-fire_00001270_post_disaster,0,0,train\masks\socal-fire_00001270_post_disaster.png,0,0,6,6465,00001270 +0,0,socal-fire,pre,train,train\images\socal-fire_00001270_pre_disaster.png,socal-fire_00001270_pre_disaster,0,0,train\masks\socal-fire_00001270_pre_disaster.png,0,0,12,12958,00001270 +0,0,socal-fire,post,train,train\images\socal-fire_00001271_post_disaster.png,socal-fire_00001271_post_disaster,0,0,train\masks\socal-fire_00001271_post_disaster.png,0,0,1,791,00001271 +0,0,socal-fire,pre,train,train\images\socal-fire_00001271_pre_disaster.png,socal-fire_00001271_pre_disaster,0,0,train\masks\socal-fire_00001271_pre_disaster.png,0,0,1,791,00001271 +0,0,socal-fire,post,train,train\images\socal-fire_00001272_post_disaster.png,socal-fire_00001272_post_disaster,0,0,train\masks\socal-fire_00001272_post_disaster.png,0,0,61,83013,00001272 +0,0,socal-fire,pre,train,train\images\socal-fire_00001272_pre_disaster.png,socal-fire_00001272_pre_disaster,0,0,train\masks\socal-fire_00001272_pre_disaster.png,0,0,61,83101,00001272 +0,0,socal-fire,post,train,train\images\socal-fire_00001274_post_disaster.png,socal-fire_00001274_post_disaster,0,0,train\masks\socal-fire_00001274_post_disaster.png,0,0,13,2735,00001274 +0,0,socal-fire,pre,train,train\images\socal-fire_00001274_pre_disaster.png,socal-fire_00001274_pre_disaster,0,0,train\masks\socal-fire_00001274_pre_disaster.png,0,0,13,2754,00001274 +0,0,socal-fire,post,train,train\images\socal-fire_00001275_post_disaster.png,socal-fire_00001275_post_disaster,0,0,train\masks\socal-fire_00001275_post_disaster.png,0,0,0,0,00001275 +0,0,socal-fire,pre,train,train\images\socal-fire_00001275_pre_disaster.png,socal-fire_00001275_pre_disaster,0,0,train\masks\socal-fire_00001275_pre_disaster.png,0,0,0,0,00001275 +6,1400,socal-fire,post,train,train\images\socal-fire_00001278_post_disaster.png,socal-fire_00001278_post_disaster,0,0,train\masks\socal-fire_00001278_post_disaster.png,0,0,2,366,00001278 +0,0,socal-fire,pre,train,train\images\socal-fire_00001278_pre_disaster.png,socal-fire_00001278_pre_disaster,0,0,train\masks\socal-fire_00001278_pre_disaster.png,0,0,8,1766,00001278 +0,0,socal-fire,post,train,train\images\socal-fire_00001282_post_disaster.png,socal-fire_00001282_post_disaster,0,0,train\masks\socal-fire_00001282_post_disaster.png,0,0,0,0,00001282 +0,0,socal-fire,pre,train,train\images\socal-fire_00001282_pre_disaster.png,socal-fire_00001282_pre_disaster,0,0,train\masks\socal-fire_00001282_pre_disaster.png,0,0,0,0,00001282 +0,0,socal-fire,post,train,train\images\socal-fire_00001283_post_disaster.png,socal-fire_00001283_post_disaster,0,0,train\masks\socal-fire_00001283_post_disaster.png,0,0,0,0,00001283 +0,0,socal-fire,pre,train,train\images\socal-fire_00001283_pre_disaster.png,socal-fire_00001283_pre_disaster,0,0,train\masks\socal-fire_00001283_pre_disaster.png,0,0,0,0,00001283 +8,8373,socal-fire,post,train,train\images\socal-fire_00001285_post_disaster.png,socal-fire_00001285_post_disaster,0,0,train\masks\socal-fire_00001285_post_disaster.png,0,0,34,39691,00001285 +0,0,socal-fire,pre,train,train\images\socal-fire_00001285_pre_disaster.png,socal-fire_00001285_pre_disaster,0,0,train\masks\socal-fire_00001285_pre_disaster.png,0,0,42,48116,00001285 +0,0,socal-fire,post,train,train\images\socal-fire_00001286_post_disaster.png,socal-fire_00001286_post_disaster,0,0,train\masks\socal-fire_00001286_post_disaster.png,0,0,0,0,00001286 +0,0,socal-fire,pre,train,train\images\socal-fire_00001286_pre_disaster.png,socal-fire_00001286_pre_disaster,0,0,train\masks\socal-fire_00001286_pre_disaster.png,0,0,0,0,00001286 +0,0,socal-fire,post,train,train\images\socal-fire_00001287_post_disaster.png,socal-fire_00001287_post_disaster,0,0,train\masks\socal-fire_00001287_post_disaster.png,0,0,0,0,00001287 +0,0,socal-fire,pre,train,train\images\socal-fire_00001287_pre_disaster.png,socal-fire_00001287_pre_disaster,0,0,train\masks\socal-fire_00001287_pre_disaster.png,0,0,0,0,00001287 +0,0,socal-fire,post,train,train\images\socal-fire_00001288_post_disaster.png,socal-fire_00001288_post_disaster,2,356,train\masks\socal-fire_00001288_post_disaster.png,1,309,1,752,00001288 +0,0,socal-fire,pre,train,train\images\socal-fire_00001288_pre_disaster.png,socal-fire_00001288_pre_disaster,0,0,train\masks\socal-fire_00001288_pre_disaster.png,0,0,4,1454,00001288 +0,0,socal-fire,post,train,train\images\socal-fire_00001289_post_disaster.png,socal-fire_00001289_post_disaster,0,0,train\masks\socal-fire_00001289_post_disaster.png,0,0,0,0,00001289 +0,0,socal-fire,pre,train,train\images\socal-fire_00001289_pre_disaster.png,socal-fire_00001289_pre_disaster,0,0,train\masks\socal-fire_00001289_pre_disaster.png,0,0,0,0,00001289 +1,1666,socal-fire,post,train,train\images\socal-fire_00001291_post_disaster.png,socal-fire_00001291_post_disaster,0,0,train\masks\socal-fire_00001291_post_disaster.png,0,0,2,1155,00001291 +0,0,socal-fire,pre,train,train\images\socal-fire_00001291_pre_disaster.png,socal-fire_00001291_pre_disaster,0,0,train\masks\socal-fire_00001291_pre_disaster.png,0,0,3,2821,00001291 +0,0,socal-fire,post,train,train\images\socal-fire_00001292_post_disaster.png,socal-fire_00001292_post_disaster,0,0,train\masks\socal-fire_00001292_post_disaster.png,0,0,14,3534,00001292 +0,0,socal-fire,pre,train,train\images\socal-fire_00001292_pre_disaster.png,socal-fire_00001292_pre_disaster,0,0,train\masks\socal-fire_00001292_pre_disaster.png,0,0,14,3534,00001292 +0,0,socal-fire,post,train,train\images\socal-fire_00001293_post_disaster.png,socal-fire_00001293_post_disaster,0,0,train\masks\socal-fire_00001293_post_disaster.png,0,0,0,0,00001293 +0,0,socal-fire,pre,train,train\images\socal-fire_00001293_pre_disaster.png,socal-fire_00001293_pre_disaster,0,0,train\masks\socal-fire_00001293_pre_disaster.png,0,0,0,0,00001293 +0,0,socal-fire,post,train,train\images\socal-fire_00001296_post_disaster.png,socal-fire_00001296_post_disaster,0,0,train\masks\socal-fire_00001296_post_disaster.png,0,0,0,0,00001296 +0,0,socal-fire,pre,train,train\images\socal-fire_00001296_pre_disaster.png,socal-fire_00001296_pre_disaster,0,0,train\masks\socal-fire_00001296_pre_disaster.png,0,0,0,0,00001296 +0,0,socal-fire,post,train,train\images\socal-fire_00001297_post_disaster.png,socal-fire_00001297_post_disaster,0,0,train\masks\socal-fire_00001297_post_disaster.png,0,0,0,0,00001297 +0,0,socal-fire,pre,train,train\images\socal-fire_00001297_pre_disaster.png,socal-fire_00001297_pre_disaster,0,0,train\masks\socal-fire_00001297_pre_disaster.png,0,0,0,0,00001297 +2,5010,socal-fire,post,train,train\images\socal-fire_00001298_post_disaster.png,socal-fire_00001298_post_disaster,0,0,train\masks\socal-fire_00001298_post_disaster.png,0,0,25,29494,00001298 +0,0,socal-fire,pre,train,train\images\socal-fire_00001298_pre_disaster.png,socal-fire_00001298_pre_disaster,0,0,train\masks\socal-fire_00001298_pre_disaster.png,0,0,27,34616,00001298 +0,0,socal-fire,post,train,train\images\socal-fire_00001300_post_disaster.png,socal-fire_00001300_post_disaster,0,0,train\masks\socal-fire_00001300_post_disaster.png,0,0,0,0,00001300 +0,0,socal-fire,pre,train,train\images\socal-fire_00001300_pre_disaster.png,socal-fire_00001300_pre_disaster,0,0,train\masks\socal-fire_00001300_pre_disaster.png,0,0,0,0,00001300 +0,0,socal-fire,post,train,train\images\socal-fire_00001301_post_disaster.png,socal-fire_00001301_post_disaster,0,0,train\masks\socal-fire_00001301_post_disaster.png,0,0,0,0,00001301 +0,0,socal-fire,pre,train,train\images\socal-fire_00001301_pre_disaster.png,socal-fire_00001301_pre_disaster,0,0,train\masks\socal-fire_00001301_pre_disaster.png,0,0,0,0,00001301 +0,0,socal-fire,post,train,train\images\socal-fire_00001302_post_disaster.png,socal-fire_00001302_post_disaster,0,0,train\masks\socal-fire_00001302_post_disaster.png,0,0,0,0,00001302 +0,0,socal-fire,pre,train,train\images\socal-fire_00001302_pre_disaster.png,socal-fire_00001302_pre_disaster,0,0,train\masks\socal-fire_00001302_pre_disaster.png,0,0,0,0,00001302 +0,0,socal-fire,post,train,train\images\socal-fire_00001303_post_disaster.png,socal-fire_00001303_post_disaster,0,0,train\masks\socal-fire_00001303_post_disaster.png,0,0,8,2862,00001303 +0,0,socal-fire,pre,train,train\images\socal-fire_00001303_pre_disaster.png,socal-fire_00001303_pre_disaster,0,0,train\masks\socal-fire_00001303_pre_disaster.png,0,0,8,2862,00001303 +0,0,socal-fire,post,train,train\images\socal-fire_00001304_post_disaster.png,socal-fire_00001304_post_disaster,0,0,train\masks\socal-fire_00001304_post_disaster.png,0,0,0,0,00001304 +0,0,socal-fire,pre,train,train\images\socal-fire_00001304_pre_disaster.png,socal-fire_00001304_pre_disaster,0,0,train\masks\socal-fire_00001304_pre_disaster.png,0,0,0,0,00001304 +0,0,socal-fire,post,train,train\images\socal-fire_00001307_post_disaster.png,socal-fire_00001307_post_disaster,0,0,train\masks\socal-fire_00001307_post_disaster.png,0,0,0,0,00001307 +0,0,socal-fire,pre,train,train\images\socal-fire_00001307_pre_disaster.png,socal-fire_00001307_pre_disaster,0,0,train\masks\socal-fire_00001307_pre_disaster.png,0,0,0,0,00001307 +0,0,socal-fire,post,train,train\images\socal-fire_00001308_post_disaster.png,socal-fire_00001308_post_disaster,0,0,train\masks\socal-fire_00001308_post_disaster.png,0,0,0,0,00001308 +0,0,socal-fire,pre,train,train\images\socal-fire_00001308_pre_disaster.png,socal-fire_00001308_pre_disaster,0,0,train\masks\socal-fire_00001308_pre_disaster.png,0,0,0,0,00001308 +3,496,socal-fire,post,train,train\images\socal-fire_00001312_post_disaster.png,socal-fire_00001312_post_disaster,0,0,train\masks\socal-fire_00001312_post_disaster.png,0,0,8,3124,00001312 +0,0,socal-fire,pre,train,train\images\socal-fire_00001312_pre_disaster.png,socal-fire_00001312_pre_disaster,0,0,train\masks\socal-fire_00001312_pre_disaster.png,0,0,11,3620,00001312 +0,0,socal-fire,post,train,train\images\socal-fire_00001313_post_disaster.png,socal-fire_00001313_post_disaster,0,0,train\masks\socal-fire_00001313_post_disaster.png,0,0,2,1055,00001313 +0,0,socal-fire,pre,train,train\images\socal-fire_00001313_pre_disaster.png,socal-fire_00001313_pre_disaster,0,0,train\masks\socal-fire_00001313_pre_disaster.png,0,0,2,1055,00001313 +0,0,socal-fire,post,train,train\images\socal-fire_00001315_post_disaster.png,socal-fire_00001315_post_disaster,0,0,train\masks\socal-fire_00001315_post_disaster.png,0,0,0,0,00001315 +0,0,socal-fire,pre,train,train\images\socal-fire_00001315_pre_disaster.png,socal-fire_00001315_pre_disaster,0,0,train\masks\socal-fire_00001315_pre_disaster.png,0,0,0,0,00001315 +0,0,socal-fire,post,train,train\images\socal-fire_00001317_post_disaster.png,socal-fire_00001317_post_disaster,0,0,train\masks\socal-fire_00001317_post_disaster.png,0,0,1,564,00001317 +0,0,socal-fire,pre,train,train\images\socal-fire_00001317_pre_disaster.png,socal-fire_00001317_pre_disaster,0,0,train\masks\socal-fire_00001317_pre_disaster.png,0,0,1,615,00001317 +0,0,socal-fire,post,train,train\images\socal-fire_00001318_post_disaster.png,socal-fire_00001318_post_disaster,0,0,train\masks\socal-fire_00001318_post_disaster.png,0,0,1,186,00001318 +0,0,socal-fire,pre,train,train\images\socal-fire_00001318_pre_disaster.png,socal-fire_00001318_pre_disaster,0,0,train\masks\socal-fire_00001318_pre_disaster.png,0,0,1,209,00001318 +0,0,socal-fire,post,train,train\images\socal-fire_00001319_post_disaster.png,socal-fire_00001319_post_disaster,0,0,train\masks\socal-fire_00001319_post_disaster.png,0,0,0,0,00001319 +0,0,socal-fire,pre,train,train\images\socal-fire_00001319_pre_disaster.png,socal-fire_00001319_pre_disaster,0,0,train\masks\socal-fire_00001319_pre_disaster.png,0,0,0,0,00001319 +0,0,socal-fire,post,train,train\images\socal-fire_00001320_post_disaster.png,socal-fire_00001320_post_disaster,0,0,train\masks\socal-fire_00001320_post_disaster.png,0,0,0,0,00001320 +0,0,socal-fire,pre,train,train\images\socal-fire_00001320_pre_disaster.png,socal-fire_00001320_pre_disaster,0,0,train\masks\socal-fire_00001320_pre_disaster.png,0,0,0,0,00001320 +2,2708,socal-fire,post,train,train\images\socal-fire_00001322_post_disaster.png,socal-fire_00001322_post_disaster,0,0,train\masks\socal-fire_00001322_post_disaster.png,0,0,33,56248,00001322 +0,0,socal-fire,pre,train,train\images\socal-fire_00001322_pre_disaster.png,socal-fire_00001322_pre_disaster,0,0,train\masks\socal-fire_00001322_pre_disaster.png,0,0,34,59115,00001322 +4,3345,socal-fire,post,train,train\images\socal-fire_00001323_post_disaster.png,socal-fire_00001323_post_disaster,2,881,train\masks\socal-fire_00001323_post_disaster.png,1,3301,22,22819,00001323 +0,0,socal-fire,pre,train,train\images\socal-fire_00001323_pre_disaster.png,socal-fire_00001323_pre_disaster,0,0,train\masks\socal-fire_00001323_pre_disaster.png,0,0,29,30369,00001323 +0,0,socal-fire,post,train,train\images\socal-fire_00001324_post_disaster.png,socal-fire_00001324_post_disaster,0,0,train\masks\socal-fire_00001324_post_disaster.png,0,0,0,0,00001324 +0,0,socal-fire,pre,train,train\images\socal-fire_00001324_pre_disaster.png,socal-fire_00001324_pre_disaster,0,0,train\masks\socal-fire_00001324_pre_disaster.png,0,0,0,0,00001324 +0,0,socal-fire,post,train,train\images\socal-fire_00001325_post_disaster.png,socal-fire_00001325_post_disaster,0,0,train\masks\socal-fire_00001325_post_disaster.png,0,0,5,4360,00001325 +0,0,socal-fire,pre,train,train\images\socal-fire_00001325_pre_disaster.png,socal-fire_00001325_pre_disaster,0,0,train\masks\socal-fire_00001325_pre_disaster.png,0,0,5,4360,00001325 +0,0,socal-fire,post,train,train\images\socal-fire_00001330_post_disaster.png,socal-fire_00001330_post_disaster,0,0,train\masks\socal-fire_00001330_post_disaster.png,0,0,44,84341,00001330 +0,0,socal-fire,pre,train,train\images\socal-fire_00001330_pre_disaster.png,socal-fire_00001330_pre_disaster,0,0,train\masks\socal-fire_00001330_pre_disaster.png,0,0,44,84341,00001330 +0,0,socal-fire,post,train,train\images\socal-fire_00001331_post_disaster.png,socal-fire_00001331_post_disaster,0,0,train\masks\socal-fire_00001331_post_disaster.png,0,0,0,0,00001331 +0,0,socal-fire,pre,train,train\images\socal-fire_00001331_pre_disaster.png,socal-fire_00001331_pre_disaster,0,0,train\masks\socal-fire_00001331_pre_disaster.png,0,0,0,0,00001331 +6,5509,socal-fire,post,train,train\images\socal-fire_00001333_post_disaster.png,socal-fire_00001333_post_disaster,0,0,train\masks\socal-fire_00001333_post_disaster.png,0,0,15,22822,00001333 +0,0,socal-fire,pre,train,train\images\socal-fire_00001333_pre_disaster.png,socal-fire_00001333_pre_disaster,0,0,train\masks\socal-fire_00001333_pre_disaster.png,0,0,21,28357,00001333 +0,0,socal-fire,post,train,train\images\socal-fire_00001334_post_disaster.png,socal-fire_00001334_post_disaster,0,0,train\masks\socal-fire_00001334_post_disaster.png,0,0,0,0,00001334 +0,0,socal-fire,pre,train,train\images\socal-fire_00001334_pre_disaster.png,socal-fire_00001334_pre_disaster,0,0,train\masks\socal-fire_00001334_pre_disaster.png,0,0,0,0,00001334 +0,0,socal-fire,post,train,train\images\socal-fire_00001337_post_disaster.png,socal-fire_00001337_post_disaster,0,0,train\masks\socal-fire_00001337_post_disaster.png,0,0,0,0,00001337 +0,0,socal-fire,pre,train,train\images\socal-fire_00001337_pre_disaster.png,socal-fire_00001337_pre_disaster,0,0,train\masks\socal-fire_00001337_pre_disaster.png,0,0,0,0,00001337 +0,0,socal-fire,post,train,train\images\socal-fire_00001338_post_disaster.png,socal-fire_00001338_post_disaster,0,0,train\masks\socal-fire_00001338_post_disaster.png,0,0,0,0,00001338 +0,0,socal-fire,pre,train,train\images\socal-fire_00001338_pre_disaster.png,socal-fire_00001338_pre_disaster,0,0,train\masks\socal-fire_00001338_pre_disaster.png,0,0,0,0,00001338 +0,0,socal-fire,post,train,train\images\socal-fire_00001339_post_disaster.png,socal-fire_00001339_post_disaster,0,0,train\masks\socal-fire_00001339_post_disaster.png,0,0,0,0,00001339 +0,0,socal-fire,pre,train,train\images\socal-fire_00001339_pre_disaster.png,socal-fire_00001339_pre_disaster,0,0,train\masks\socal-fire_00001339_pre_disaster.png,0,0,0,0,00001339 +0,0,socal-fire,post,train,train\images\socal-fire_00001340_post_disaster.png,socal-fire_00001340_post_disaster,0,0,train\masks\socal-fire_00001340_post_disaster.png,0,0,8,2918,00001340 +0,0,socal-fire,pre,train,train\images\socal-fire_00001340_pre_disaster.png,socal-fire_00001340_pre_disaster,0,0,train\masks\socal-fire_00001340_pre_disaster.png,0,0,8,2918,00001340 +0,0,socal-fire,post,train,train\images\socal-fire_00001341_post_disaster.png,socal-fire_00001341_post_disaster,0,0,train\masks\socal-fire_00001341_post_disaster.png,0,0,70,84443,00001341 +0,0,socal-fire,pre,train,train\images\socal-fire_00001341_pre_disaster.png,socal-fire_00001341_pre_disaster,0,0,train\masks\socal-fire_00001341_pre_disaster.png,0,0,70,84684,00001341 +0,0,socal-fire,post,train,train\images\socal-fire_00001343_post_disaster.png,socal-fire_00001343_post_disaster,0,0,train\masks\socal-fire_00001343_post_disaster.png,0,0,0,0,00001343 +0,0,socal-fire,pre,train,train\images\socal-fire_00001343_pre_disaster.png,socal-fire_00001343_pre_disaster,0,0,train\masks\socal-fire_00001343_pre_disaster.png,0,0,0,0,00001343 +7,10581,socal-fire,post,train,train\images\socal-fire_00001344_post_disaster.png,socal-fire_00001344_post_disaster,1,3058,train\masks\socal-fire_00001344_post_disaster.png,0,0,5,8040,00001344 +0,0,socal-fire,pre,train,train\images\socal-fire_00001344_pre_disaster.png,socal-fire_00001344_pre_disaster,0,0,train\masks\socal-fire_00001344_pre_disaster.png,0,0,13,21758,00001344 +0,0,socal-fire,post,train,train\images\socal-fire_00001346_post_disaster.png,socal-fire_00001346_post_disaster,0,0,train\masks\socal-fire_00001346_post_disaster.png,0,0,0,0,00001346 +0,0,socal-fire,pre,train,train\images\socal-fire_00001346_pre_disaster.png,socal-fire_00001346_pre_disaster,0,0,train\masks\socal-fire_00001346_pre_disaster.png,0,0,0,0,00001346 +0,0,socal-fire,post,train,train\images\socal-fire_00001347_post_disaster.png,socal-fire_00001347_post_disaster,0,0,train\masks\socal-fire_00001347_post_disaster.png,0,0,0,0,00001347 +0,0,socal-fire,pre,train,train\images\socal-fire_00001347_pre_disaster.png,socal-fire_00001347_pre_disaster,0,0,train\masks\socal-fire_00001347_pre_disaster.png,0,0,0,0,00001347 +0,0,socal-fire,post,train,train\images\socal-fire_00001348_post_disaster.png,socal-fire_00001348_post_disaster,0,0,train\masks\socal-fire_00001348_post_disaster.png,0,0,0,0,00001348 +0,0,socal-fire,pre,train,train\images\socal-fire_00001348_pre_disaster.png,socal-fire_00001348_pre_disaster,0,0,train\masks\socal-fire_00001348_pre_disaster.png,0,0,0,0,00001348 +0,0,socal-fire,post,train,train\images\socal-fire_00001349_post_disaster.png,socal-fire_00001349_post_disaster,0,0,train\masks\socal-fire_00001349_post_disaster.png,0,0,0,0,00001349 +0,0,socal-fire,pre,train,train\images\socal-fire_00001349_pre_disaster.png,socal-fire_00001349_pre_disaster,0,0,train\masks\socal-fire_00001349_pre_disaster.png,0,0,0,0,00001349 +0,0,socal-fire,post,train,train\images\socal-fire_00001350_post_disaster.png,socal-fire_00001350_post_disaster,0,0,train\masks\socal-fire_00001350_post_disaster.png,0,0,0,0,00001350 +0,0,socal-fire,pre,train,train\images\socal-fire_00001350_pre_disaster.png,socal-fire_00001350_pre_disaster,0,0,train\masks\socal-fire_00001350_pre_disaster.png,0,0,0,0,00001350 +0,0,socal-fire,post,train,train\images\socal-fire_00001351_post_disaster.png,socal-fire_00001351_post_disaster,0,0,train\masks\socal-fire_00001351_post_disaster.png,0,0,0,0,00001351 +0,0,socal-fire,pre,train,train\images\socal-fire_00001351_pre_disaster.png,socal-fire_00001351_pre_disaster,0,0,train\masks\socal-fire_00001351_pre_disaster.png,0,0,0,0,00001351 +0,0,socal-fire,post,train,train\images\socal-fire_00001352_post_disaster.png,socal-fire_00001352_post_disaster,0,0,train\masks\socal-fire_00001352_post_disaster.png,0,0,77,123275,00001352 +0,0,socal-fire,pre,train,train\images\socal-fire_00001352_pre_disaster.png,socal-fire_00001352_pre_disaster,0,0,train\masks\socal-fire_00001352_pre_disaster.png,0,0,77,123452,00001352 +0,0,socal-fire,post,train,train\images\socal-fire_00001353_post_disaster.png,socal-fire_00001353_post_disaster,0,0,train\masks\socal-fire_00001353_post_disaster.png,0,0,6,14089,00001353 +0,0,socal-fire,pre,train,train\images\socal-fire_00001353_pre_disaster.png,socal-fire_00001353_pre_disaster,0,0,train\masks\socal-fire_00001353_pre_disaster.png,0,0,6,14089,00001353 +0,0,socal-fire,post,train,train\images\socal-fire_00001354_post_disaster.png,socal-fire_00001354_post_disaster,0,0,train\masks\socal-fire_00001354_post_disaster.png,0,0,2,3261,00001354 +0,0,socal-fire,pre,train,train\images\socal-fire_00001354_pre_disaster.png,socal-fire_00001354_pre_disaster,0,0,train\masks\socal-fire_00001354_pre_disaster.png,0,0,2,3296,00001354 +0,0,socal-fire,post,train,train\images\socal-fire_00001355_post_disaster.png,socal-fire_00001355_post_disaster,0,0,train\masks\socal-fire_00001355_post_disaster.png,0,0,0,0,00001355 +0,0,socal-fire,pre,train,train\images\socal-fire_00001355_pre_disaster.png,socal-fire_00001355_pre_disaster,0,0,train\masks\socal-fire_00001355_pre_disaster.png,0,0,0,0,00001355 +0,0,socal-fire,post,train,train\images\socal-fire_00001356_post_disaster.png,socal-fire_00001356_post_disaster,0,0,train\masks\socal-fire_00001356_post_disaster.png,0,0,0,0,00001356 +0,0,socal-fire,pre,train,train\images\socal-fire_00001356_pre_disaster.png,socal-fire_00001356_pre_disaster,0,0,train\masks\socal-fire_00001356_pre_disaster.png,0,0,0,0,00001356 +0,0,socal-fire,post,train,train\images\socal-fire_00001357_post_disaster.png,socal-fire_00001357_post_disaster,0,0,train\masks\socal-fire_00001357_post_disaster.png,0,0,0,0,00001357 +0,0,socal-fire,pre,train,train\images\socal-fire_00001357_pre_disaster.png,socal-fire_00001357_pre_disaster,0,0,train\masks\socal-fire_00001357_pre_disaster.png,0,0,0,0,00001357 +0,0,socal-fire,post,train,train\images\socal-fire_00001359_post_disaster.png,socal-fire_00001359_post_disaster,0,0,train\masks\socal-fire_00001359_post_disaster.png,0,0,80,114778,00001359 +0,0,socal-fire,pre,train,train\images\socal-fire_00001359_pre_disaster.png,socal-fire_00001359_pre_disaster,0,0,train\masks\socal-fire_00001359_pre_disaster.png,0,0,80,115063,00001359 +0,0,socal-fire,post,train,train\images\socal-fire_00001361_post_disaster.png,socal-fire_00001361_post_disaster,0,0,train\masks\socal-fire_00001361_post_disaster.png,0,0,0,0,00001361 +0,0,socal-fire,pre,train,train\images\socal-fire_00001361_pre_disaster.png,socal-fire_00001361_pre_disaster,0,0,train\masks\socal-fire_00001361_pre_disaster.png,0,0,0,0,00001361 +0,0,socal-fire,post,train,train\images\socal-fire_00001363_post_disaster.png,socal-fire_00001363_post_disaster,0,0,train\masks\socal-fire_00001363_post_disaster.png,0,0,0,0,00001363 +0,0,socal-fire,pre,train,train\images\socal-fire_00001363_pre_disaster.png,socal-fire_00001363_pre_disaster,0,0,train\masks\socal-fire_00001363_pre_disaster.png,0,0,0,0,00001363 +0,0,socal-fire,post,train,train\images\socal-fire_00001364_post_disaster.png,socal-fire_00001364_post_disaster,0,0,train\masks\socal-fire_00001364_post_disaster.png,0,0,0,0,00001364 +0,0,socal-fire,pre,train,train\images\socal-fire_00001364_pre_disaster.png,socal-fire_00001364_pre_disaster,0,0,train\masks\socal-fire_00001364_pre_disaster.png,0,0,0,0,00001364 +0,0,socal-fire,post,train,train\images\socal-fire_00001365_post_disaster.png,socal-fire_00001365_post_disaster,0,0,train\masks\socal-fire_00001365_post_disaster.png,0,0,18,26961,00001365 +0,0,socal-fire,pre,train,train\images\socal-fire_00001365_pre_disaster.png,socal-fire_00001365_pre_disaster,0,0,train\masks\socal-fire_00001365_pre_disaster.png,0,0,18,26993,00001365 +0,0,socal-fire,post,train,train\images\socal-fire_00001366_post_disaster.png,socal-fire_00001366_post_disaster,0,0,train\masks\socal-fire_00001366_post_disaster.png,0,0,165,248472,00001366 +0,0,socal-fire,pre,train,train\images\socal-fire_00001366_pre_disaster.png,socal-fire_00001366_pre_disaster,0,0,train\masks\socal-fire_00001366_pre_disaster.png,0,0,165,248785,00001366 +0,0,socal-fire,post,train,train\images\socal-fire_00001367_post_disaster.png,socal-fire_00001367_post_disaster,0,0,train\masks\socal-fire_00001367_post_disaster.png,0,0,3,1147,00001367 +0,0,socal-fire,pre,train,train\images\socal-fire_00001367_pre_disaster.png,socal-fire_00001367_pre_disaster,0,0,train\masks\socal-fire_00001367_pre_disaster.png,0,0,3,1147,00001367 +0,0,socal-fire,post,train,train\images\socal-fire_00001368_post_disaster.png,socal-fire_00001368_post_disaster,0,0,train\masks\socal-fire_00001368_post_disaster.png,0,0,62,127109,00001368 +0,0,socal-fire,pre,train,train\images\socal-fire_00001368_pre_disaster.png,socal-fire_00001368_pre_disaster,0,0,train\masks\socal-fire_00001368_pre_disaster.png,0,0,62,127379,00001368 +0,0,socal-fire,post,train,train\images\socal-fire_00001369_post_disaster.png,socal-fire_00001369_post_disaster,0,0,train\masks\socal-fire_00001369_post_disaster.png,0,0,0,0,00001369 +0,0,socal-fire,pre,train,train\images\socal-fire_00001369_pre_disaster.png,socal-fire_00001369_pre_disaster,0,0,train\masks\socal-fire_00001369_pre_disaster.png,0,0,0,0,00001369 +0,0,socal-fire,post,train,train\images\socal-fire_00001373_post_disaster.png,socal-fire_00001373_post_disaster,0,0,train\masks\socal-fire_00001373_post_disaster.png,0,0,0,0,00001373 +0,0,socal-fire,pre,train,train\images\socal-fire_00001373_pre_disaster.png,socal-fire_00001373_pre_disaster,0,0,train\masks\socal-fire_00001373_pre_disaster.png,0,0,0,0,00001373 +0,0,socal-fire,post,train,train\images\socal-fire_00001374_post_disaster.png,socal-fire_00001374_post_disaster,0,0,train\masks\socal-fire_00001374_post_disaster.png,0,0,40,59986,00001374 +0,0,socal-fire,pre,train,train\images\socal-fire_00001374_pre_disaster.png,socal-fire_00001374_pre_disaster,0,0,train\masks\socal-fire_00001374_pre_disaster.png,0,0,40,60216,00001374 +0,0,socal-fire,post,train,train\images\socal-fire_00001375_post_disaster.png,socal-fire_00001375_post_disaster,0,0,train\masks\socal-fire_00001375_post_disaster.png,0,0,2,641,00001375 +0,0,socal-fire,pre,train,train\images\socal-fire_00001375_pre_disaster.png,socal-fire_00001375_pre_disaster,0,0,train\masks\socal-fire_00001375_pre_disaster.png,0,0,2,641,00001375 +0,0,socal-fire,post,train,train\images\socal-fire_00001376_post_disaster.png,socal-fire_00001376_post_disaster,0,0,train\masks\socal-fire_00001376_post_disaster.png,0,0,0,0,00001376 +0,0,socal-fire,pre,train,train\images\socal-fire_00001376_pre_disaster.png,socal-fire_00001376_pre_disaster,0,0,train\masks\socal-fire_00001376_pre_disaster.png,0,0,0,0,00001376 +0,0,socal-fire,post,train,train\images\socal-fire_00001377_post_disaster.png,socal-fire_00001377_post_disaster,0,0,train\masks\socal-fire_00001377_post_disaster.png,0,0,0,0,00001377 +0,0,socal-fire,pre,train,train\images\socal-fire_00001377_pre_disaster.png,socal-fire_00001377_pre_disaster,0,0,train\masks\socal-fire_00001377_pre_disaster.png,0,0,0,0,00001377 +0,0,socal-fire,post,train,train\images\socal-fire_00001379_post_disaster.png,socal-fire_00001379_post_disaster,0,0,train\masks\socal-fire_00001379_post_disaster.png,0,0,0,0,00001379 +0,0,socal-fire,pre,train,train\images\socal-fire_00001379_pre_disaster.png,socal-fire_00001379_pre_disaster,0,0,train\masks\socal-fire_00001379_pre_disaster.png,0,0,0,0,00001379 +0,0,socal-fire,post,train,train\images\socal-fire_00001380_post_disaster.png,socal-fire_00001380_post_disaster,0,0,train\masks\socal-fire_00001380_post_disaster.png,0,0,0,0,00001380 +0,0,socal-fire,pre,train,train\images\socal-fire_00001380_pre_disaster.png,socal-fire_00001380_pre_disaster,0,0,train\masks\socal-fire_00001380_pre_disaster.png,0,0,0,0,00001380 +0,0,socal-fire,post,train,train\images\socal-fire_00001381_post_disaster.png,socal-fire_00001381_post_disaster,0,0,train\masks\socal-fire_00001381_post_disaster.png,0,0,0,0,00001381 +0,0,socal-fire,pre,train,train\images\socal-fire_00001381_pre_disaster.png,socal-fire_00001381_pre_disaster,0,0,train\masks\socal-fire_00001381_pre_disaster.png,0,0,0,0,00001381 +0,0,socal-fire,post,train,train\images\socal-fire_00001382_post_disaster.png,socal-fire_00001382_post_disaster,0,0,train\masks\socal-fire_00001382_post_disaster.png,0,0,46,44078,00001382 +0,0,socal-fire,pre,train,train\images\socal-fire_00001382_pre_disaster.png,socal-fire_00001382_pre_disaster,0,0,train\masks\socal-fire_00001382_pre_disaster.png,0,0,46,44110,00001382 +0,0,socal-fire,post,train,train\images\socal-fire_00001383_post_disaster.png,socal-fire_00001383_post_disaster,0,0,train\masks\socal-fire_00001383_post_disaster.png,0,0,0,0,00001383 +0,0,socal-fire,pre,train,train\images\socal-fire_00001383_pre_disaster.png,socal-fire_00001383_pre_disaster,0,0,train\masks\socal-fire_00001383_pre_disaster.png,0,0,0,0,00001383 +5,2377,socal-fire,post,train,train\images\socal-fire_00001385_post_disaster.png,socal-fire_00001385_post_disaster,0,0,train\masks\socal-fire_00001385_post_disaster.png,0,0,5,12213,00001385 +0,0,socal-fire,pre,train,train\images\socal-fire_00001385_pre_disaster.png,socal-fire_00001385_pre_disaster,0,0,train\masks\socal-fire_00001385_pre_disaster.png,0,0,10,14590,00001385 +1,1960,socal-fire,post,train,train\images\socal-fire_00001386_post_disaster.png,socal-fire_00001386_post_disaster,0,0,train\masks\socal-fire_00001386_post_disaster.png,0,0,0,0,00001386 +0,0,socal-fire,pre,train,train\images\socal-fire_00001386_pre_disaster.png,socal-fire_00001386_pre_disaster,0,0,train\masks\socal-fire_00001386_pre_disaster.png,0,0,1,1960,00001386 +0,0,socal-fire,post,train,train\images\socal-fire_00001387_post_disaster.png,socal-fire_00001387_post_disaster,0,0,train\masks\socal-fire_00001387_post_disaster.png,0,0,24,41740,00001387 +0,0,socal-fire,pre,train,train\images\socal-fire_00001387_pre_disaster.png,socal-fire_00001387_pre_disaster,0,0,train\masks\socal-fire_00001387_pre_disaster.png,0,0,24,41858,00001387 +1,902,socal-fire,post,train,train\images\socal-fire_00001389_post_disaster.png,socal-fire_00001389_post_disaster,0,0,train\masks\socal-fire_00001389_post_disaster.png,0,0,4,2020,00001389 +0,0,socal-fire,pre,train,train\images\socal-fire_00001389_pre_disaster.png,socal-fire_00001389_pre_disaster,0,0,train\masks\socal-fire_00001389_pre_disaster.png,0,0,4,2922,00001389 +0,0,socal-fire,post,train,train\images\socal-fire_00001390_post_disaster.png,socal-fire_00001390_post_disaster,0,0,train\masks\socal-fire_00001390_post_disaster.png,0,0,0,0,00001390 +0,0,socal-fire,pre,train,train\images\socal-fire_00001390_pre_disaster.png,socal-fire_00001390_pre_disaster,0,0,train\masks\socal-fire_00001390_pre_disaster.png,0,0,0,0,00001390 +0,0,socal-fire,post,train,train\images\socal-fire_00001391_post_disaster.png,socal-fire_00001391_post_disaster,0,0,train\masks\socal-fire_00001391_post_disaster.png,0,0,0,0,00001391 +0,0,socal-fire,pre,train,train\images\socal-fire_00001391_pre_disaster.png,socal-fire_00001391_pre_disaster,0,0,train\masks\socal-fire_00001391_pre_disaster.png,0,0,0,0,00001391 +0,0,socal-fire,post,train,train\images\socal-fire_00001394_post_disaster.png,socal-fire_00001394_post_disaster,0,0,train\masks\socal-fire_00001394_post_disaster.png,0,0,0,0,00001394 +0,0,socal-fire,pre,train,train\images\socal-fire_00001394_pre_disaster.png,socal-fire_00001394_pre_disaster,0,0,train\masks\socal-fire_00001394_pre_disaster.png,0,0,0,0,00001394 +0,0,socal-fire,post,train,train\images\socal-fire_00001396_post_disaster.png,socal-fire_00001396_post_disaster,0,0,train\masks\socal-fire_00001396_post_disaster.png,0,0,0,0,00001396 +0,0,socal-fire,pre,train,train\images\socal-fire_00001396_pre_disaster.png,socal-fire_00001396_pre_disaster,0,0,train\masks\socal-fire_00001396_pre_disaster.png,0,0,0,0,00001396 +1,301,socal-fire,post,train,train\images\socal-fire_00001397_post_disaster.png,socal-fire_00001397_post_disaster,0,0,train\masks\socal-fire_00001397_post_disaster.png,0,0,27,43056,00001397 +0,0,socal-fire,pre,train,train\images\socal-fire_00001397_pre_disaster.png,socal-fire_00001397_pre_disaster,0,0,train\masks\socal-fire_00001397_pre_disaster.png,0,0,28,43508,00001397 +0,0,socal-fire,post,train,train\images\socal-fire_00001398_post_disaster.png,socal-fire_00001398_post_disaster,0,0,train\masks\socal-fire_00001398_post_disaster.png,0,0,0,0,00001398 +0,0,socal-fire,pre,train,train\images\socal-fire_00001398_pre_disaster.png,socal-fire_00001398_pre_disaster,0,0,train\masks\socal-fire_00001398_pre_disaster.png,0,0,0,0,00001398 +0,0,socal-fire,post,train,train\images\socal-fire_00001399_post_disaster.png,socal-fire_00001399_post_disaster,0,0,train\masks\socal-fire_00001399_post_disaster.png,0,0,0,0,00001399 +0,0,socal-fire,pre,train,train\images\socal-fire_00001399_pre_disaster.png,socal-fire_00001399_pre_disaster,0,0,train\masks\socal-fire_00001399_pre_disaster.png,0,0,0,0,00001399 +0,0,socal-fire,post,train,train\images\socal-fire_00001402_post_disaster.png,socal-fire_00001402_post_disaster,0,0,train\masks\socal-fire_00001402_post_disaster.png,0,0,0,0,00001402 +0,0,socal-fire,pre,train,train\images\socal-fire_00001402_pre_disaster.png,socal-fire_00001402_pre_disaster,0,0,train\masks\socal-fire_00001402_pre_disaster.png,0,0,0,0,00001402 +102,93892,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000000_post_disaster.png,joplin-tornado_00000000_post_disaster,43,55546,tier3\masks\joplin-tornado_00000000_post_disaster.png,27,39783,13,8269,00000000 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000000_pre_disaster.png,joplin-tornado_00000000_pre_disaster,0,0,tier3\masks\joplin-tornado_00000000_pre_disaster.png,0,0,185,198073,00000000 +69,61041,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000001_post_disaster.png,joplin-tornado_00000001_post_disaster,72,81449,tier3\masks\joplin-tornado_00000001_post_disaster.png,27,33212,28,18831,00000001 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000001_pre_disaster.png,joplin-tornado_00000001_pre_disaster,0,0,tier3\masks\joplin-tornado_00000001_pre_disaster.png,0,0,196,195054,00000001 +14,9804,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000002_post_disaster.png,joplin-tornado_00000002_post_disaster,39,41166,tier3\masks\joplin-tornado_00000002_post_disaster.png,6,7082,43,34934,00000002 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000002_pre_disaster.png,joplin-tornado_00000002_pre_disaster,0,0,tier3\masks\joplin-tornado_00000002_pre_disaster.png,0,0,102,93213,00000002 +5,424,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000003_post_disaster.png,joplin-tornado_00000003_post_disaster,65,69972,tier3\masks\joplin-tornado_00000003_post_disaster.png,10,9605,78,63798,00000003 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000003_pre_disaster.png,joplin-tornado_00000003_pre_disaster,0,0,tier3\masks\joplin-tornado_00000003_pre_disaster.png,0,0,157,144028,00000003 +12,1386,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000004_post_disaster.png,joplin-tornado_00000004_post_disaster,80,88057,tier3\masks\joplin-tornado_00000004_post_disaster.png,4,4795,137,107385,00000004 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000004_pre_disaster.png,joplin-tornado_00000004_pre_disaster,0,0,tier3\masks\joplin-tornado_00000004_pre_disaster.png,0,0,232,202093,00000004 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000005_post_disaster.png,joplin-tornado_00000005_post_disaster,12,12074,tier3\masks\joplin-tornado_00000005_post_disaster.png,2,2316,25,18392,00000005 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000005_pre_disaster.png,joplin-tornado_00000005_pre_disaster,0,0,tier3\masks\joplin-tornado_00000005_pre_disaster.png,0,0,39,32841,00000005 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000006_post_disaster.png,joplin-tornado_00000006_post_disaster,1,784,tier3\masks\joplin-tornado_00000006_post_disaster.png,0,0,35,38865,00000006 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000006_pre_disaster.png,joplin-tornado_00000006_pre_disaster,0,0,tier3\masks\joplin-tornado_00000006_pre_disaster.png,0,0,36,39725,00000006 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000007_post_disaster.png,joplin-tornado_00000007_post_disaster,4,3709,tier3\masks\joplin-tornado_00000007_post_disaster.png,0,0,316,242579,00000007 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000007_pre_disaster.png,joplin-tornado_00000007_pre_disaster,0,0,tier3\masks\joplin-tornado_00000007_pre_disaster.png,0,0,318,246747,00000007 +20,11437,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000008_post_disaster.png,joplin-tornado_00000008_post_disaster,9,7614,tier3\masks\joplin-tornado_00000008_post_disaster.png,6,10633,7,6822,00000008 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000008_pre_disaster.png,joplin-tornado_00000008_pre_disaster,0,0,tier3\masks\joplin-tornado_00000008_pre_disaster.png,0,0,42,36519,00000008 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000009_post_disaster.png,joplin-tornado_00000009_post_disaster,0,0,tier3\masks\joplin-tornado_00000009_post_disaster.png,0,0,21,92472,00000009 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000009_pre_disaster.png,joplin-tornado_00000009_pre_disaster,0,0,tier3\masks\joplin-tornado_00000009_pre_disaster.png,0,0,21,92790,00000009 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000010_post_disaster.png,joplin-tornado_00000010_post_disaster,0,0,tier3\masks\joplin-tornado_00000010_post_disaster.png,0,0,41,149457,00000010 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000010_pre_disaster.png,joplin-tornado_00000010_pre_disaster,0,0,tier3\masks\joplin-tornado_00000010_pre_disaster.png,0,0,41,149771,00000010 +28,35814,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000011_post_disaster.png,joplin-tornado_00000011_post_disaster,18,23747,tier3\masks\joplin-tornado_00000011_post_disaster.png,30,50844,10,8102,00000011 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000011_pre_disaster.png,joplin-tornado_00000011_pre_disaster,0,0,tier3\masks\joplin-tornado_00000011_pre_disaster.png,0,0,86,118773,00000011 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000012_post_disaster.png,joplin-tornado_00000012_post_disaster,1,11036,tier3\masks\joplin-tornado_00000012_post_disaster.png,0,0,37,281053,00000012 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000012_pre_disaster.png,joplin-tornado_00000012_pre_disaster,0,0,tier3\masks\joplin-tornado_00000012_pre_disaster.png,0,0,38,292892,00000012 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000013_post_disaster.png,joplin-tornado_00000013_post_disaster,0,0,tier3\masks\joplin-tornado_00000013_post_disaster.png,0,0,4,13430,00000013 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000013_pre_disaster.png,joplin-tornado_00000013_pre_disaster,0,0,tier3\masks\joplin-tornado_00000013_pre_disaster.png,0,0,4,14054,00000013 +42,46349,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000014_post_disaster.png,joplin-tornado_00000014_post_disaster,15,19423,tier3\masks\joplin-tornado_00000014_post_disaster.png,14,18925,9,6875,00000014 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000014_pre_disaster.png,joplin-tornado_00000014_pre_disaster,0,0,tier3\masks\joplin-tornado_00000014_pre_disaster.png,0,0,80,91640,00000014 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000015_post_disaster.png,joplin-tornado_00000015_post_disaster,1,76369,tier3\masks\joplin-tornado_00000015_post_disaster.png,0,0,10,88955,00000015 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000015_pre_disaster.png,joplin-tornado_00000015_pre_disaster,0,0,tier3\masks\joplin-tornado_00000015_pre_disaster.png,0,0,11,165918,00000015 +81,80374,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000016_post_disaster.png,joplin-tornado_00000016_post_disaster,26,26603,tier3\masks\joplin-tornado_00000016_post_disaster.png,20,24876,10,7296,00000016 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000016_pre_disaster.png,joplin-tornado_00000016_pre_disaster,0,0,tier3\masks\joplin-tornado_00000016_pre_disaster.png,0,0,137,139296,00000016 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000017_post_disaster.png,joplin-tornado_00000017_post_disaster,0,0,tier3\masks\joplin-tornado_00000017_post_disaster.png,0,0,24,177240,00000017 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000017_pre_disaster.png,joplin-tornado_00000017_pre_disaster,0,0,tier3\masks\joplin-tornado_00000017_pre_disaster.png,0,0,24,177581,00000017 +17,37760,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000018_post_disaster.png,joplin-tornado_00000018_post_disaster,7,15638,tier3\masks\joplin-tornado_00000018_post_disaster.png,2,2708,0,0,00000018 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000018_pre_disaster.png,joplin-tornado_00000018_pre_disaster,0,0,tier3\masks\joplin-tornado_00000018_pre_disaster.png,0,0,26,56370,00000018 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000019_post_disaster.png,joplin-tornado_00000019_post_disaster,1,559,tier3\masks\joplin-tornado_00000019_post_disaster.png,0,0,26,24165,00000019 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000019_pre_disaster.png,joplin-tornado_00000019_pre_disaster,0,0,tier3\masks\joplin-tornado_00000019_pre_disaster.png,0,0,27,24724,00000019 +5,25371,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000020_post_disaster.png,joplin-tornado_00000020_post_disaster,16,74261,tier3\masks\joplin-tornado_00000020_post_disaster.png,11,88779,5,6361,00000020 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000020_pre_disaster.png,joplin-tornado_00000020_pre_disaster,0,0,tier3\masks\joplin-tornado_00000020_pre_disaster.png,0,0,36,194956,00000020 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000021_post_disaster.png,joplin-tornado_00000021_post_disaster,0,0,tier3\masks\joplin-tornado_00000021_post_disaster.png,0,0,6,21879,00000021 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000021_pre_disaster.png,joplin-tornado_00000021_pre_disaster,0,0,tier3\masks\joplin-tornado_00000021_pre_disaster.png,0,0,6,22212,00000021 +4,7769,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000022_post_disaster.png,joplin-tornado_00000022_post_disaster,0,0,tier3\masks\joplin-tornado_00000022_post_disaster.png,2,14136,1,12181,00000022 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000022_pre_disaster.png,joplin-tornado_00000022_pre_disaster,0,0,tier3\masks\joplin-tornado_00000022_pre_disaster.png,0,0,6,34086,00000022 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000023_post_disaster.png,joplin-tornado_00000023_post_disaster,0,0,tier3\masks\joplin-tornado_00000023_post_disaster.png,0,0,46,83483,00000023 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000023_pre_disaster.png,joplin-tornado_00000023_pre_disaster,0,0,tier3\masks\joplin-tornado_00000023_pre_disaster.png,0,0,46,83611,00000023 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000024_post_disaster.png,joplin-tornado_00000024_post_disaster,0,0,tier3\masks\joplin-tornado_00000024_post_disaster.png,1,12647,1,16848,00000024 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000024_pre_disaster.png,joplin-tornado_00000024_pre_disaster,0,0,tier3\masks\joplin-tornado_00000024_pre_disaster.png,0,0,1,29495,00000024 +51,41020,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000025_post_disaster.png,joplin-tornado_00000025_post_disaster,25,45169,tier3\masks\joplin-tornado_00000025_post_disaster.png,14,16050,11,8574,00000025 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000025_pre_disaster.png,joplin-tornado_00000025_pre_disaster,0,0,tier3\masks\joplin-tornado_00000025_pre_disaster.png,0,0,101,110933,00000025 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000026_post_disaster.png,joplin-tornado_00000026_post_disaster,0,0,tier3\masks\joplin-tornado_00000026_post_disaster.png,0,0,0,0,00000026 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000026_pre_disaster.png,joplin-tornado_00000026_pre_disaster,0,0,tier3\masks\joplin-tornado_00000026_pre_disaster.png,0,0,0,0,00000026 +22,13064,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000027_post_disaster.png,joplin-tornado_00000027_post_disaster,73,58835,tier3\masks\joplin-tornado_00000027_post_disaster.png,19,18809,90,55042,00000027 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000027_pre_disaster.png,joplin-tornado_00000027_pre_disaster,0,0,tier3\masks\joplin-tornado_00000027_pre_disaster.png,0,0,204,146112,00000027 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000028_post_disaster.png,joplin-tornado_00000028_post_disaster,0,0,tier3\masks\joplin-tornado_00000028_post_disaster.png,0,0,357,223831,00000028 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000028_pre_disaster.png,joplin-tornado_00000028_pre_disaster,0,0,tier3\masks\joplin-tornado_00000028_pre_disaster.png,0,0,357,224007,00000028 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000029_post_disaster.png,joplin-tornado_00000029_post_disaster,0,0,tier3\masks\joplin-tornado_00000029_post_disaster.png,0,0,26,45342,00000029 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000029_pre_disaster.png,joplin-tornado_00000029_pre_disaster,0,0,tier3\masks\joplin-tornado_00000029_pre_disaster.png,0,0,26,45342,00000029 +8,7570,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000030_post_disaster.png,joplin-tornado_00000030_post_disaster,1,1152,tier3\masks\joplin-tornado_00000030_post_disaster.png,6,9926,12,9511,00000030 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000030_pre_disaster.png,joplin-tornado_00000030_pre_disaster,0,0,tier3\masks\joplin-tornado_00000030_pre_disaster.png,0,0,26,28232,00000030 +33,17348,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000031_post_disaster.png,joplin-tornado_00000031_post_disaster,74,63986,tier3\masks\joplin-tornado_00000031_post_disaster.png,13,9984,134,100287,00000031 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000031_pre_disaster.png,joplin-tornado_00000031_pre_disaster,0,0,tier3\masks\joplin-tornado_00000031_pre_disaster.png,0,0,250,191596,00000031 +3,2026,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000032_post_disaster.png,joplin-tornado_00000032_post_disaster,3,4105,tier3\masks\joplin-tornado_00000032_post_disaster.png,3,16435,3,1023,00000032 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000032_pre_disaster.png,joplin-tornado_00000032_pre_disaster,0,0,tier3\masks\joplin-tornado_00000032_pre_disaster.png,0,0,11,23589,00000032 +9,749,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000033_post_disaster.png,joplin-tornado_00000033_post_disaster,99,115299,tier3\masks\joplin-tornado_00000033_post_disaster.png,2,1680,125,115401,00000033 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000033_pre_disaster.png,joplin-tornado_00000033_pre_disaster,0,0,tier3\masks\joplin-tornado_00000033_pre_disaster.png,0,0,234,233531,00000033 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000034_post_disaster.png,joplin-tornado_00000034_post_disaster,0,0,tier3\masks\joplin-tornado_00000034_post_disaster.png,0,0,3,7440,00000034 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000034_pre_disaster.png,joplin-tornado_00000034_pre_disaster,0,0,tier3\masks\joplin-tornado_00000034_pre_disaster.png,0,0,3,7440,00000034 +8,637,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000035_post_disaster.png,joplin-tornado_00000035_post_disaster,42,62669,tier3\masks\joplin-tornado_00000035_post_disaster.png,1,1057,112,135349,00000035 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000035_pre_disaster.png,joplin-tornado_00000035_pre_disaster,0,0,tier3\masks\joplin-tornado_00000035_pre_disaster.png,0,0,163,199870,00000035 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000036_post_disaster.png,joplin-tornado_00000036_post_disaster,6,10197,tier3\masks\joplin-tornado_00000036_post_disaster.png,0,0,254,218235,00000036 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000036_pre_disaster.png,joplin-tornado_00000036_pre_disaster,0,0,tier3\masks\joplin-tornado_00000036_pre_disaster.png,0,0,260,228800,00000036 +3,1073,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000037_post_disaster.png,joplin-tornado_00000037_post_disaster,28,29967,tier3\masks\joplin-tornado_00000037_post_disaster.png,3,3391,104,68558,00000037 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000037_pre_disaster.png,joplin-tornado_00000037_pre_disaster,0,0,tier3\masks\joplin-tornado_00000037_pre_disaster.png,0,0,137,103323,00000037 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000038_post_disaster.png,joplin-tornado_00000038_post_disaster,10,14902,tier3\masks\joplin-tornado_00000038_post_disaster.png,0,0,161,156266,00000038 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000038_pre_disaster.png,joplin-tornado_00000038_pre_disaster,0,0,tier3\masks\joplin-tornado_00000038_pre_disaster.png,0,0,170,171440,00000038 +2,1341,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000039_post_disaster.png,joplin-tornado_00000039_post_disaster,34,36126,tier3\masks\joplin-tornado_00000039_post_disaster.png,2,914,230,208143,00000039 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000039_pre_disaster.png,joplin-tornado_00000039_pre_disaster,0,0,tier3\masks\joplin-tornado_00000039_pre_disaster.png,0,0,266,247021,00000039 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000040_post_disaster.png,joplin-tornado_00000040_post_disaster,17,21130,tier3\masks\joplin-tornado_00000040_post_disaster.png,0,0,176,191584,00000040 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000040_pre_disaster.png,joplin-tornado_00000040_pre_disaster,0,0,tier3\masks\joplin-tornado_00000040_pre_disaster.png,0,0,193,213032,00000040 +5,4404,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000041_post_disaster.png,joplin-tornado_00000041_post_disaster,3,2452,tier3\masks\joplin-tornado_00000041_post_disaster.png,5,8456,36,105462,00000041 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000041_pre_disaster.png,joplin-tornado_00000041_pre_disaster,0,0,tier3\masks\joplin-tornado_00000041_pre_disaster.png,0,0,49,120891,00000041 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000042_post_disaster.png,joplin-tornado_00000042_post_disaster,5,5269,tier3\masks\joplin-tornado_00000042_post_disaster.png,0,0,137,124073,00000042 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000042_pre_disaster.png,joplin-tornado_00000042_pre_disaster,0,0,tier3\masks\joplin-tornado_00000042_pre_disaster.png,0,0,142,129563,00000042 +59,53392,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000043_post_disaster.png,joplin-tornado_00000043_post_disaster,29,46818,tier3\masks\joplin-tornado_00000043_post_disaster.png,23,29188,22,18883,00000043 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000043_pre_disaster.png,joplin-tornado_00000043_pre_disaster,0,0,tier3\masks\joplin-tornado_00000043_pre_disaster.png,0,0,130,148592,00000043 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000044_post_disaster.png,joplin-tornado_00000044_post_disaster,21,32135,tier3\masks\joplin-tornado_00000044_post_disaster.png,2,4498,89,85260,00000044 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000044_pre_disaster.png,joplin-tornado_00000044_pre_disaster,0,0,tier3\masks\joplin-tornado_00000044_pre_disaster.png,0,0,110,122186,00000044 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000045_post_disaster.png,joplin-tornado_00000045_post_disaster,0,0,tier3\masks\joplin-tornado_00000045_post_disaster.png,0,0,11,9362,00000045 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000045_pre_disaster.png,joplin-tornado_00000045_pre_disaster,0,0,tier3\masks\joplin-tornado_00000045_pre_disaster.png,0,0,11,9695,00000045 +6,1599,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000046_post_disaster.png,joplin-tornado_00000046_post_disaster,52,43289,tier3\masks\joplin-tornado_00000046_post_disaster.png,7,6968,161,108537,00000046 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000046_pre_disaster.png,joplin-tornado_00000046_pre_disaster,0,0,tier3\masks\joplin-tornado_00000046_pre_disaster.png,0,0,224,160521,00000046 +6,68436,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000047_post_disaster.png,joplin-tornado_00000047_post_disaster,0,0,tier3\masks\joplin-tornado_00000047_post_disaster.png,3,8104,8,24038,00000047 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000047_pre_disaster.png,joplin-tornado_00000047_pre_disaster,0,0,tier3\masks\joplin-tornado_00000047_pre_disaster.png,0,0,17,100685,00000047 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000048_post_disaster.png,joplin-tornado_00000048_post_disaster,18,20829,tier3\masks\joplin-tornado_00000048_post_disaster.png,2,2407,68,58091,00000048 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000048_pre_disaster.png,joplin-tornado_00000048_pre_disaster,0,0,tier3\masks\joplin-tornado_00000048_pre_disaster.png,0,0,88,81434,00000048 +1,882,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000049_post_disaster.png,joplin-tornado_00000049_post_disaster,6,7366,tier3\masks\joplin-tornado_00000049_post_disaster.png,1,676,70,58798,00000049 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000049_pre_disaster.png,joplin-tornado_00000049_pre_disaster,0,0,tier3\masks\joplin-tornado_00000049_pre_disaster.png,0,0,78,67805,00000049 +11,52372,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000050_post_disaster.png,joplin-tornado_00000050_post_disaster,0,0,tier3\masks\joplin-tornado_00000050_post_disaster.png,3,18710,1,2360,00000050 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000050_pre_disaster.png,joplin-tornado_00000050_pre_disaster,0,0,tier3\masks\joplin-tornado_00000050_pre_disaster.png,0,0,15,73500,00000050 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000051_post_disaster.png,joplin-tornado_00000051_post_disaster,0,0,tier3\masks\joplin-tornado_00000051_post_disaster.png,0,0,25,147269,00000051 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000051_pre_disaster.png,joplin-tornado_00000051_pre_disaster,0,0,tier3\masks\joplin-tornado_00000051_pre_disaster.png,0,0,25,147283,00000051 +2,353,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000052_post_disaster.png,joplin-tornado_00000052_post_disaster,5,6913,tier3\masks\joplin-tornado_00000052_post_disaster.png,1,813,21,35136,00000052 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000052_pre_disaster.png,joplin-tornado_00000052_pre_disaster,0,0,tier3\masks\joplin-tornado_00000052_pre_disaster.png,0,0,29,43338,00000052 +1,783,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000053_post_disaster.png,joplin-tornado_00000053_post_disaster,14,20947,tier3\masks\joplin-tornado_00000053_post_disaster.png,2,3312,68,56355,00000053 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000053_pre_disaster.png,joplin-tornado_00000053_pre_disaster,0,0,tier3\masks\joplin-tornado_00000053_pre_disaster.png,0,0,84,81598,00000053 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000054_post_disaster.png,joplin-tornado_00000054_post_disaster,1,1266,tier3\masks\joplin-tornado_00000054_post_disaster.png,0,0,19,86842,00000054 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000054_pre_disaster.png,joplin-tornado_00000054_pre_disaster,0,0,tier3\masks\joplin-tornado_00000054_pre_disaster.png,0,0,20,88108,00000054 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000055_post_disaster.png,joplin-tornado_00000055_post_disaster,12,27640,tier3\masks\joplin-tornado_00000055_post_disaster.png,1,2567,12,21854,00000055 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000055_pre_disaster.png,joplin-tornado_00000055_pre_disaster,0,0,tier3\masks\joplin-tornado_00000055_pre_disaster.png,0,0,25,52061,00000055 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000056_post_disaster.png,joplin-tornado_00000056_post_disaster,2,3151,tier3\masks\joplin-tornado_00000056_post_disaster.png,0,0,21,15709,00000056 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000056_pre_disaster.png,joplin-tornado_00000056_pre_disaster,0,0,tier3\masks\joplin-tornado_00000056_pre_disaster.png,0,0,23,18900,00000056 +23,78561,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000057_post_disaster.png,joplin-tornado_00000057_post_disaster,0,0,tier3\masks\joplin-tornado_00000057_post_disaster.png,0,0,2,5193,00000057 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000057_pre_disaster.png,joplin-tornado_00000057_pre_disaster,0,0,tier3\masks\joplin-tornado_00000057_pre_disaster.png,0,0,25,83975,00000057 +1,100,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000058_post_disaster.png,joplin-tornado_00000058_post_disaster,9,8941,tier3\masks\joplin-tornado_00000058_post_disaster.png,3,4965,11,10706,00000058 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000058_pre_disaster.png,joplin-tornado_00000058_pre_disaster,0,0,tier3\masks\joplin-tornado_00000058_pre_disaster.png,0,0,24,24787,00000058 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000059_post_disaster.png,joplin-tornado_00000059_post_disaster,0,0,tier3\masks\joplin-tornado_00000059_post_disaster.png,0,0,8,38179,00000059 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000059_pre_disaster.png,joplin-tornado_00000059_pre_disaster,0,0,tier3\masks\joplin-tornado_00000059_pre_disaster.png,0,0,8,38272,00000059 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000060_post_disaster.png,joplin-tornado_00000060_post_disaster,5,6811,tier3\masks\joplin-tornado_00000060_post_disaster.png,0,0,36,35444,00000060 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000060_pre_disaster.png,joplin-tornado_00000060_pre_disaster,0,0,tier3\masks\joplin-tornado_00000060_pre_disaster.png,0,0,41,42350,00000060 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000061_post_disaster.png,joplin-tornado_00000061_post_disaster,0,0,tier3\masks\joplin-tornado_00000061_post_disaster.png,0,0,12,157058,00000061 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000061_pre_disaster.png,joplin-tornado_00000061_pre_disaster,0,0,tier3\masks\joplin-tornado_00000061_pre_disaster.png,0,0,12,157058,00000061 +3,1119,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000062_post_disaster.png,joplin-tornado_00000062_post_disaster,24,25158,tier3\masks\joplin-tornado_00000062_post_disaster.png,4,3988,17,34949,00000062 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000062_pre_disaster.png,joplin-tornado_00000062_pre_disaster,0,0,tier3\masks\joplin-tornado_00000062_pre_disaster.png,0,0,48,65245,00000062 +34,27258,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000063_post_disaster.png,joplin-tornado_00000063_post_disaster,1,1732,tier3\masks\joplin-tornado_00000063_post_disaster.png,3,3887,3,938,00000063 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000063_pre_disaster.png,joplin-tornado_00000063_pre_disaster,0,0,tier3\masks\joplin-tornado_00000063_pre_disaster.png,0,0,41,33826,00000063 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000064_post_disaster.png,joplin-tornado_00000064_post_disaster,0,0,tier3\masks\joplin-tornado_00000064_post_disaster.png,0,0,4,90301,00000064 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000064_pre_disaster.png,joplin-tornado_00000064_pre_disaster,0,0,tier3\masks\joplin-tornado_00000064_pre_disaster.png,0,0,4,90601,00000064 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000065_post_disaster.png,joplin-tornado_00000065_post_disaster,18,72115,tier3\masks\joplin-tornado_00000065_post_disaster.png,0,0,18,58654,00000065 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000065_pre_disaster.png,joplin-tornado_00000065_pre_disaster,0,0,tier3\masks\joplin-tornado_00000065_pre_disaster.png,0,0,36,130769,00000065 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000066_post_disaster.png,joplin-tornado_00000066_post_disaster,3,12624,tier3\masks\joplin-tornado_00000066_post_disaster.png,0,0,13,65671,00000066 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000066_pre_disaster.png,joplin-tornado_00000066_pre_disaster,0,0,tier3\masks\joplin-tornado_00000066_pre_disaster.png,0,0,16,78295,00000066 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000067_post_disaster.png,joplin-tornado_00000067_post_disaster,0,0,tier3\masks\joplin-tornado_00000067_post_disaster.png,0,0,5,79169,00000067 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000067_pre_disaster.png,joplin-tornado_00000067_pre_disaster,0,0,tier3\masks\joplin-tornado_00000067_pre_disaster.png,0,0,5,79169,00000067 +22,15426,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000068_post_disaster.png,joplin-tornado_00000068_post_disaster,2,1973,tier3\masks\joplin-tornado_00000068_post_disaster.png,7,8738,2,119,00000068 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000068_pre_disaster.png,joplin-tornado_00000068_pre_disaster,0,0,tier3\masks\joplin-tornado_00000068_pre_disaster.png,0,0,33,26264,00000068 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000069_post_disaster.png,joplin-tornado_00000069_post_disaster,0,0,tier3\masks\joplin-tornado_00000069_post_disaster.png,0,0,17,36786,00000069 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000069_pre_disaster.png,joplin-tornado_00000069_pre_disaster,0,0,tier3\masks\joplin-tornado_00000069_pre_disaster.png,0,0,17,36827,00000069 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000070_post_disaster.png,joplin-tornado_00000070_post_disaster,0,0,tier3\masks\joplin-tornado_00000070_post_disaster.png,0,0,3,36410,00000070 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000070_pre_disaster.png,joplin-tornado_00000070_pre_disaster,0,0,tier3\masks\joplin-tornado_00000070_pre_disaster.png,0,0,3,36756,00000070 +34,32603,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000071_post_disaster.png,joplin-tornado_00000071_post_disaster,0,0,tier3\masks\joplin-tornado_00000071_post_disaster.png,5,68295,5,3826,00000071 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000071_pre_disaster.png,joplin-tornado_00000071_pre_disaster,0,0,tier3\masks\joplin-tornado_00000071_pre_disaster.png,0,0,43,104777,00000071 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000072_post_disaster.png,joplin-tornado_00000072_post_disaster,1,165,tier3\masks\joplin-tornado_00000072_post_disaster.png,0,0,12,30662,00000072 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000072_pre_disaster.png,joplin-tornado_00000072_pre_disaster,0,0,tier3\masks\joplin-tornado_00000072_pre_disaster.png,0,0,13,30827,00000072 +1,304,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000073_post_disaster.png,joplin-tornado_00000073_post_disaster,22,28921,tier3\masks\joplin-tornado_00000073_post_disaster.png,3,2375,64,72961,00000073 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000073_pre_disaster.png,joplin-tornado_00000073_pre_disaster,0,0,tier3\masks\joplin-tornado_00000073_pre_disaster.png,0,0,90,104677,00000073 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000074_post_disaster.png,joplin-tornado_00000074_post_disaster,7,4778,tier3\masks\joplin-tornado_00000074_post_disaster.png,0,0,168,146013,00000074 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000074_pre_disaster.png,joplin-tornado_00000074_pre_disaster,0,0,tier3\masks\joplin-tornado_00000074_pre_disaster.png,0,0,175,150959,00000074 +44,39088,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000075_post_disaster.png,joplin-tornado_00000075_post_disaster,13,16170,tier3\masks\joplin-tornado_00000075_post_disaster.png,7,11361,19,9140,00000075 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000075_pre_disaster.png,joplin-tornado_00000075_pre_disaster,0,0,tier3\masks\joplin-tornado_00000075_pre_disaster.png,0,0,83,76002,00000075 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000076_post_disaster.png,joplin-tornado_00000076_post_disaster,16,21341,tier3\masks\joplin-tornado_00000076_post_disaster.png,0,0,140,155113,00000076 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000076_pre_disaster.png,joplin-tornado_00000076_pre_disaster,0,0,tier3\masks\joplin-tornado_00000076_pre_disaster.png,0,0,156,176647,00000076 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000077_post_disaster.png,joplin-tornado_00000077_post_disaster,11,16319,tier3\masks\joplin-tornado_00000077_post_disaster.png,0,0,122,187197,00000077 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000077_pre_disaster.png,joplin-tornado_00000077_pre_disaster,0,0,tier3\masks\joplin-tornado_00000077_pre_disaster.png,0,0,133,203678,00000077 +5,2796,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000078_post_disaster.png,joplin-tornado_00000078_post_disaster,19,18930,tier3\masks\joplin-tornado_00000078_post_disaster.png,1,1755,68,44689,00000078 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000078_pre_disaster.png,joplin-tornado_00000078_pre_disaster,0,0,tier3\masks\joplin-tornado_00000078_pre_disaster.png,0,0,92,68283,00000078 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000079_post_disaster.png,joplin-tornado_00000079_post_disaster,13,16549,tier3\masks\joplin-tornado_00000079_post_disaster.png,0,0,112,189441,00000079 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000079_pre_disaster.png,joplin-tornado_00000079_pre_disaster,0,0,tier3\masks\joplin-tornado_00000079_pre_disaster.png,0,0,125,206047,00000079 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000080_post_disaster.png,joplin-tornado_00000080_post_disaster,0,0,tier3\masks\joplin-tornado_00000080_post_disaster.png,0,0,116,192132,00000080 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000080_pre_disaster.png,joplin-tornado_00000080_pre_disaster,0,0,tier3\masks\joplin-tornado_00000080_pre_disaster.png,0,0,116,192229,00000080 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000081_post_disaster.png,joplin-tornado_00000081_post_disaster,6,6434,tier3\masks\joplin-tornado_00000081_post_disaster.png,0,0,79,73277,00000081 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000081_pre_disaster.png,joplin-tornado_00000081_pre_disaster,0,0,tier3\masks\joplin-tornado_00000081_pre_disaster.png,0,0,85,79711,00000081 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000082_post_disaster.png,joplin-tornado_00000082_post_disaster,0,0,tier3\masks\joplin-tornado_00000082_post_disaster.png,0,0,114,171085,00000082 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000082_pre_disaster.png,joplin-tornado_00000082_pre_disaster,0,0,tier3\masks\joplin-tornado_00000082_pre_disaster.png,0,0,114,171664,00000082 +37,20994,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000083_post_disaster.png,joplin-tornado_00000083_post_disaster,50,56960,tier3\masks\joplin-tornado_00000083_post_disaster.png,20,16251,49,45710,00000083 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000083_pre_disaster.png,joplin-tornado_00000083_pre_disaster,0,0,tier3\masks\joplin-tornado_00000083_pre_disaster.png,0,0,151,140407,00000083 +79,87488,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000084_post_disaster.png,joplin-tornado_00000084_post_disaster,5,5113,tier3\masks\joplin-tornado_00000084_post_disaster.png,24,27228,15,4642,00000084 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000084_pre_disaster.png,joplin-tornado_00000084_pre_disaster,0,0,tier3\masks\joplin-tornado_00000084_pre_disaster.png,0,0,120,124651,00000084 +20,56495,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000085_post_disaster.png,joplin-tornado_00000085_post_disaster,0,0,tier3\masks\joplin-tornado_00000085_post_disaster.png,4,60462,9,6928,00000085 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000085_pre_disaster.png,joplin-tornado_00000085_pre_disaster,0,0,tier3\masks\joplin-tornado_00000085_pre_disaster.png,0,0,31,124116,00000085 +94,95193,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000086_post_disaster.png,joplin-tornado_00000086_post_disaster,23,33140,tier3\masks\joplin-tornado_00000086_post_disaster.png,4,5070,6,3044,00000086 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000086_pre_disaster.png,joplin-tornado_00000086_pre_disaster,0,0,tier3\masks\joplin-tornado_00000086_pre_disaster.png,0,0,126,136808,00000086 +14,73865,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000087_post_disaster.png,joplin-tornado_00000087_post_disaster,1,962,tier3\masks\joplin-tornado_00000087_post_disaster.png,16,134745,3,5975,00000087 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000087_pre_disaster.png,joplin-tornado_00000087_pre_disaster,0,0,tier3\masks\joplin-tornado_00000087_pre_disaster.png,0,0,34,216036,00000087 +60,112397,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000088_post_disaster.png,joplin-tornado_00000088_post_disaster,8,9403,tier3\masks\joplin-tornado_00000088_post_disaster.png,4,11431,17,9689,00000088 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000088_pre_disaster.png,joplin-tornado_00000088_pre_disaster,0,0,tier3\masks\joplin-tornado_00000088_pre_disaster.png,0,0,89,143093,00000088 +62,45398,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000089_post_disaster.png,joplin-tornado_00000089_post_disaster,17,18409,tier3\masks\joplin-tornado_00000089_post_disaster.png,26,29644,2,1087,00000089 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000089_pre_disaster.png,joplin-tornado_00000089_pre_disaster,0,0,tier3\masks\joplin-tornado_00000089_pre_disaster.png,0,0,107,94796,00000089 +18,11654,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000090_post_disaster.png,joplin-tornado_00000090_post_disaster,14,17383,tier3\masks\joplin-tornado_00000090_post_disaster.png,12,15432,17,10480,00000090 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000090_pre_disaster.png,joplin-tornado_00000090_pre_disaster,0,0,tier3\masks\joplin-tornado_00000090_pre_disaster.png,0,0,60,54977,00000090 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000091_post_disaster.png,joplin-tornado_00000091_post_disaster,1,710,tier3\masks\joplin-tornado_00000091_post_disaster.png,0,0,110,98863,00000091 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000091_pre_disaster.png,joplin-tornado_00000091_pre_disaster,0,0,tier3\masks\joplin-tornado_00000091_pre_disaster.png,0,0,111,100120,00000091 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000092_post_disaster.png,joplin-tornado_00000092_post_disaster,5,5986,tier3\masks\joplin-tornado_00000092_post_disaster.png,4,9953,13,10652,00000092 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000092_pre_disaster.png,joplin-tornado_00000092_pre_disaster,0,0,tier3\masks\joplin-tornado_00000092_pre_disaster.png,0,0,22,26591,00000092 +9,6741,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000093_post_disaster.png,joplin-tornado_00000093_post_disaster,3,2089,tier3\masks\joplin-tornado_00000093_post_disaster.png,6,9977,1,398,00000093 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000093_pre_disaster.png,joplin-tornado_00000093_pre_disaster,0,0,tier3\masks\joplin-tornado_00000093_pre_disaster.png,0,0,19,19205,00000093 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000094_post_disaster.png,joplin-tornado_00000094_post_disaster,2,4367,tier3\masks\joplin-tornado_00000094_post_disaster.png,0,0,150,147132,00000094 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000094_pre_disaster.png,joplin-tornado_00000094_pre_disaster,0,0,tier3\masks\joplin-tornado_00000094_pre_disaster.png,0,0,151,151883,00000094 +6,4600,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000095_post_disaster.png,joplin-tornado_00000095_post_disaster,3,3361,tier3\masks\joplin-tornado_00000095_post_disaster.png,4,5422,6,4172,00000095 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000095_pre_disaster.png,joplin-tornado_00000095_pre_disaster,0,0,tier3\masks\joplin-tornado_00000095_pre_disaster.png,0,0,19,17698,00000095 +5,2507,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000096_post_disaster.png,joplin-tornado_00000096_post_disaster,3,3287,tier3\masks\joplin-tornado_00000096_post_disaster.png,1,764,9,6920,00000096 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000096_pre_disaster.png,joplin-tornado_00000096_pre_disaster,0,0,tier3\masks\joplin-tornado_00000096_pre_disaster.png,0,0,18,13690,00000096 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000097_post_disaster.png,joplin-tornado_00000097_post_disaster,0,0,tier3\masks\joplin-tornado_00000097_post_disaster.png,0,0,59,134363,00000097 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000097_pre_disaster.png,joplin-tornado_00000097_pre_disaster,0,0,tier3\masks\joplin-tornado_00000097_pre_disaster.png,0,0,59,134547,00000097 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000098_post_disaster.png,joplin-tornado_00000098_post_disaster,0,0,tier3\masks\joplin-tornado_00000098_post_disaster.png,0,0,124,96787,00000098 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000098_pre_disaster.png,joplin-tornado_00000098_pre_disaster,0,0,tier3\masks\joplin-tornado_00000098_pre_disaster.png,0,0,124,96923,00000098 +2,1089,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000099_post_disaster.png,joplin-tornado_00000099_post_disaster,3,6832,tier3\masks\joplin-tornado_00000099_post_disaster.png,1,835,19,17545,00000099 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000099_pre_disaster.png,joplin-tornado_00000099_pre_disaster,0,0,tier3\masks\joplin-tornado_00000099_pre_disaster.png,0,0,24,26353,00000099 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000100_post_disaster.png,joplin-tornado_00000100_post_disaster,0,0,tier3\masks\joplin-tornado_00000100_post_disaster.png,0,0,123,133129,00000100 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000100_pre_disaster.png,joplin-tornado_00000100_pre_disaster,0,0,tier3\masks\joplin-tornado_00000100_pre_disaster.png,0,0,123,133186,00000100 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000101_post_disaster.png,joplin-tornado_00000101_post_disaster,0,0,tier3\masks\joplin-tornado_00000101_post_disaster.png,0,0,132,196934,00000101 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000101_pre_disaster.png,joplin-tornado_00000101_pre_disaster,0,0,tier3\masks\joplin-tornado_00000101_pre_disaster.png,0,0,132,197352,00000101 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000102_post_disaster.png,joplin-tornado_00000102_post_disaster,0,0,tier3\masks\joplin-tornado_00000102_post_disaster.png,0,0,135,111801,00000102 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000102_pre_disaster.png,joplin-tornado_00000102_pre_disaster,0,0,tier3\masks\joplin-tornado_00000102_pre_disaster.png,0,0,135,112153,00000102 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000103_post_disaster.png,joplin-tornado_00000103_post_disaster,0,0,tier3\masks\joplin-tornado_00000103_post_disaster.png,0,0,106,87927,00000103 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000103_pre_disaster.png,joplin-tornado_00000103_pre_disaster,0,0,tier3\masks\joplin-tornado_00000103_pre_disaster.png,0,0,106,87994,00000103 +1,823,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000104_post_disaster.png,joplin-tornado_00000104_post_disaster,14,33905,tier3\masks\joplin-tornado_00000104_post_disaster.png,5,17931,18,101388,00000104 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000104_pre_disaster.png,joplin-tornado_00000104_pre_disaster,0,0,tier3\masks\joplin-tornado_00000104_pre_disaster.png,0,0,36,154256,00000104 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000105_post_disaster.png,joplin-tornado_00000105_post_disaster,0,0,tier3\masks\joplin-tornado_00000105_post_disaster.png,0,0,42,23964,00000105 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000105_pre_disaster.png,joplin-tornado_00000105_pre_disaster,0,0,tier3\masks\joplin-tornado_00000105_pre_disaster.png,0,0,42,24518,00000105 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000106_post_disaster.png,joplin-tornado_00000106_post_disaster,0,0,tier3\masks\joplin-tornado_00000106_post_disaster.png,0,0,128,109407,00000106 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000106_pre_disaster.png,joplin-tornado_00000106_pre_disaster,0,0,tier3\masks\joplin-tornado_00000106_pre_disaster.png,0,0,128,109637,00000106 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000107_post_disaster.png,joplin-tornado_00000107_post_disaster,2,7564,tier3\masks\joplin-tornado_00000107_post_disaster.png,0,0,24,121887,00000107 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000107_pre_disaster.png,joplin-tornado_00000107_pre_disaster,0,0,tier3\masks\joplin-tornado_00000107_pre_disaster.png,0,0,26,130330,00000107 +1,280,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000108_post_disaster.png,joplin-tornado_00000108_post_disaster,17,15271,tier3\masks\joplin-tornado_00000108_post_disaster.png,1,52,48,104392,00000108 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000108_pre_disaster.png,joplin-tornado_00000108_pre_disaster,0,0,tier3\masks\joplin-tornado_00000108_pre_disaster.png,0,0,67,120373,00000108 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000109_post_disaster.png,joplin-tornado_00000109_post_disaster,3,25170,tier3\masks\joplin-tornado_00000109_post_disaster.png,0,0,10,72177,00000109 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000109_pre_disaster.png,joplin-tornado_00000109_pre_disaster,0,0,tier3\masks\joplin-tornado_00000109_pre_disaster.png,0,0,12,97535,00000109 +8,891,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000110_post_disaster.png,joplin-tornado_00000110_post_disaster,41,26638,tier3\masks\joplin-tornado_00000110_post_disaster.png,12,8000,137,92418,00000110 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000110_pre_disaster.png,joplin-tornado_00000110_pre_disaster,0,0,tier3\masks\joplin-tornado_00000110_pre_disaster.png,0,0,199,128164,00000110 +2,24536,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000111_post_disaster.png,joplin-tornado_00000111_post_disaster,2,143614,tier3\masks\joplin-tornado_00000111_post_disaster.png,1,4331,5,121118,00000111 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000111_pre_disaster.png,joplin-tornado_00000111_pre_disaster,0,0,tier3\masks\joplin-tornado_00000111_pre_disaster.png,0,0,9,294049,00000111 +8,4782,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000112_post_disaster.png,joplin-tornado_00000112_post_disaster,53,39615,tier3\masks\joplin-tornado_00000112_post_disaster.png,23,21957,118,73438,00000112 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000112_pre_disaster.png,joplin-tornado_00000112_pre_disaster,0,0,tier3\masks\joplin-tornado_00000112_pre_disaster.png,0,0,198,139859,00000112 +7,4212,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000113_post_disaster.png,joplin-tornado_00000113_post_disaster,15,19243,tier3\masks\joplin-tornado_00000113_post_disaster.png,7,8920,31,31356,00000113 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000113_pre_disaster.png,joplin-tornado_00000113_pre_disaster,0,0,tier3\masks\joplin-tornado_00000113_pre_disaster.png,0,0,60,63850,00000113 +21,4588,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000114_post_disaster.png,joplin-tornado_00000114_post_disaster,59,45942,tier3\masks\joplin-tornado_00000114_post_disaster.png,23,26426,156,93841,00000114 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000114_pre_disaster.png,joplin-tornado_00000114_pre_disaster,0,0,tier3\masks\joplin-tornado_00000114_pre_disaster.png,0,0,258,170914,00000114 +9,3691,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000115_post_disaster.png,joplin-tornado_00000115_post_disaster,29,33930,tier3\masks\joplin-tornado_00000115_post_disaster.png,12,13980,20,8983,00000115 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000115_pre_disaster.png,joplin-tornado_00000115_pre_disaster,0,0,tier3\masks\joplin-tornado_00000115_pre_disaster.png,0,0,69,60617,00000115 +20,11773,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000116_post_disaster.png,joplin-tornado_00000116_post_disaster,81,69544,tier3\masks\joplin-tornado_00000116_post_disaster.png,18,26253,156,98553,00000116 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000116_pre_disaster.png,joplin-tornado_00000116_pre_disaster,0,0,tier3\masks\joplin-tornado_00000116_pre_disaster.png,0,0,271,206542,00000116 +30,20256,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000117_post_disaster.png,joplin-tornado_00000117_post_disaster,10,9931,tier3\masks\joplin-tornado_00000117_post_disaster.png,24,31477,9,9674,00000117 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000117_pre_disaster.png,joplin-tornado_00000117_pre_disaster,0,0,tier3\masks\joplin-tornado_00000117_pre_disaster.png,0,0,72,71414,00000117 +51,24845,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000118_post_disaster.png,joplin-tornado_00000118_post_disaster,102,91394,tier3\masks\joplin-tornado_00000118_post_disaster.png,49,31288,132,79775,00000118 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000118_pre_disaster.png,joplin-tornado_00000118_pre_disaster,0,0,tier3\masks\joplin-tornado_00000118_pre_disaster.png,0,0,329,228022,00000118 +57,57808,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000119_post_disaster.png,joplin-tornado_00000119_post_disaster,3,2382,tier3\masks\joplin-tornado_00000119_post_disaster.png,6,10595,12,3676,00000119 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000119_pre_disaster.png,joplin-tornado_00000119_pre_disaster,0,0,tier3\masks\joplin-tornado_00000119_pre_disaster.png,0,0,78,74608,00000119 +139,86167,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000120_post_disaster.png,joplin-tornado_00000120_post_disaster,79,66244,tier3\masks\joplin-tornado_00000120_post_disaster.png,71,57985,52,27825,00000120 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000120_pre_disaster.png,joplin-tornado_00000120_pre_disaster,0,0,tier3\masks\joplin-tornado_00000120_pre_disaster.png,0,0,339,238419,00000120 +37,28676,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000121_post_disaster.png,joplin-tornado_00000121_post_disaster,18,20587,tier3\masks\joplin-tornado_00000121_post_disaster.png,10,12503,16,10782,00000121 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000121_pre_disaster.png,joplin-tornado_00000121_pre_disaster,0,0,tier3\masks\joplin-tornado_00000121_pre_disaster.png,0,0,80,72648,00000121 +43,81341,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000122_post_disaster.png,joplin-tornado_00000122_post_disaster,11,8331,tier3\masks\joplin-tornado_00000122_post_disaster.png,6,83101,4,3045,00000122 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000122_pre_disaster.png,joplin-tornado_00000122_pre_disaster,0,0,tier3\masks\joplin-tornado_00000122_pre_disaster.png,0,0,63,176255,00000122 +107,123730,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000123_post_disaster.png,joplin-tornado_00000123_post_disaster,0,0,tier3\masks\joplin-tornado_00000123_post_disaster.png,3,1567,0,0,00000123 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000123_pre_disaster.png,joplin-tornado_00000123_pre_disaster,0,0,tier3\masks\joplin-tornado_00000123_pre_disaster.png,0,0,110,125478,00000123 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000124_post_disaster.png,joplin-tornado_00000124_post_disaster,6,11767,tier3\masks\joplin-tornado_00000124_post_disaster.png,0,0,15,16520,00000124 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000124_pre_disaster.png,joplin-tornado_00000124_pre_disaster,0,0,tier3\masks\joplin-tornado_00000124_pre_disaster.png,0,0,21,28431,00000124 +57,142082,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000125_post_disaster.png,joplin-tornado_00000125_post_disaster,3,5347,tier3\masks\joplin-tornado_00000125_post_disaster.png,11,25863,2,560,00000125 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000125_pre_disaster.png,joplin-tornado_00000125_pre_disaster,0,0,tier3\masks\joplin-tornado_00000125_pre_disaster.png,0,0,73,174159,00000125 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000126_post_disaster.png,joplin-tornado_00000126_post_disaster,0,0,tier3\masks\joplin-tornado_00000126_post_disaster.png,0,0,9,13365,00000126 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000126_pre_disaster.png,joplin-tornado_00000126_pre_disaster,0,0,tier3\masks\joplin-tornado_00000126_pre_disaster.png,0,0,9,13365,00000126 +145,162624,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000127_post_disaster.png,joplin-tornado_00000127_post_disaster,5,6314,tier3\masks\joplin-tornado_00000127_post_disaster.png,15,17075,3,3528,00000127 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000127_pre_disaster.png,joplin-tornado_00000127_pre_disaster,0,0,tier3\masks\joplin-tornado_00000127_pre_disaster.png,0,0,168,189704,00000127 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000128_post_disaster.png,joplin-tornado_00000128_post_disaster,0,0,tier3\masks\joplin-tornado_00000128_post_disaster.png,0,0,168,185895,00000128 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000128_pre_disaster.png,joplin-tornado_00000128_pre_disaster,0,0,tier3\masks\joplin-tornado_00000128_pre_disaster.png,0,0,168,186237,00000128 +99,105754,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000129_post_disaster.png,joplin-tornado_00000129_post_disaster,17,21934,tier3\masks\joplin-tornado_00000129_post_disaster.png,20,25532,11,3898,00000129 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000129_pre_disaster.png,joplin-tornado_00000129_pre_disaster,0,0,tier3\masks\joplin-tornado_00000129_pre_disaster.png,0,0,147,157328,00000129 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000130_post_disaster.png,joplin-tornado_00000130_post_disaster,0,0,tier3\masks\joplin-tornado_00000130_post_disaster.png,0,0,152,214824,00000130 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000130_pre_disaster.png,joplin-tornado_00000130_pre_disaster,0,0,tier3\masks\joplin-tornado_00000130_pre_disaster.png,0,0,152,215050,00000130 +17,18460,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000131_post_disaster.png,joplin-tornado_00000131_post_disaster,8,9017,tier3\masks\joplin-tornado_00000131_post_disaster.png,7,7950,1,792,00000131 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000131_pre_disaster.png,joplin-tornado_00000131_pre_disaster,0,0,tier3\masks\joplin-tornado_00000131_pre_disaster.png,0,0,32,36274,00000131 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000132_post_disaster.png,joplin-tornado_00000132_post_disaster,2,1418,tier3\masks\joplin-tornado_00000132_post_disaster.png,0,0,139,121584,00000132 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000132_pre_disaster.png,joplin-tornado_00000132_pre_disaster,0,0,tier3\masks\joplin-tornado_00000132_pre_disaster.png,0,0,141,123135,00000132 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000133_post_disaster.png,joplin-tornado_00000133_post_disaster,2,3554,tier3\masks\joplin-tornado_00000133_post_disaster.png,0,0,161,195461,00000133 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000133_pre_disaster.png,joplin-tornado_00000133_pre_disaster,0,0,tier3\masks\joplin-tornado_00000133_pre_disaster.png,0,0,163,199234,00000133 +3,1234,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000134_post_disaster.png,joplin-tornado_00000134_post_disaster,10,15227,tier3\masks\joplin-tornado_00000134_post_disaster.png,0,0,73,62996,00000134 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000134_pre_disaster.png,joplin-tornado_00000134_pre_disaster,0,0,tier3\masks\joplin-tornado_00000134_pre_disaster.png,0,0,86,79599,00000134 +4,2705,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000135_post_disaster.png,joplin-tornado_00000135_post_disaster,0,0,tier3\masks\joplin-tornado_00000135_post_disaster.png,0,0,45,38183,00000135 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000135_pre_disaster.png,joplin-tornado_00000135_pre_disaster,0,0,tier3\masks\joplin-tornado_00000135_pre_disaster.png,0,0,49,40970,00000135 +1,661,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000136_post_disaster.png,joplin-tornado_00000136_post_disaster,3,8013,tier3\masks\joplin-tornado_00000136_post_disaster.png,2,1953,50,74395,00000136 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000136_pre_disaster.png,joplin-tornado_00000136_pre_disaster,0,0,tier3\masks\joplin-tornado_00000136_pre_disaster.png,0,0,56,85305,00000136 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000137_post_disaster.png,joplin-tornado_00000137_post_disaster,9,11535,tier3\masks\joplin-tornado_00000137_post_disaster.png,1,1713,71,76092,00000137 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000137_pre_disaster.png,joplin-tornado_00000137_pre_disaster,0,0,tier3\masks\joplin-tornado_00000137_pre_disaster.png,0,0,81,89438,00000137 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000138_post_disaster.png,joplin-tornado_00000138_post_disaster,4,4133,tier3\masks\joplin-tornado_00000138_post_disaster.png,0,0,122,124842,00000138 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000138_pre_disaster.png,joplin-tornado_00000138_pre_disaster,0,0,tier3\masks\joplin-tornado_00000138_pre_disaster.png,0,0,126,129070,00000138 +11,7398,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000139_post_disaster.png,joplin-tornado_00000139_post_disaster,27,31321,tier3\masks\joplin-tornado_00000139_post_disaster.png,8,8374,65,50472,00000139 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000139_pre_disaster.png,joplin-tornado_00000139_pre_disaster,0,0,tier3\masks\joplin-tornado_00000139_pre_disaster.png,0,0,110,97794,00000139 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000140_post_disaster.png,joplin-tornado_00000140_post_disaster,0,0,tier3\masks\joplin-tornado_00000140_post_disaster.png,0,0,49,34782,00000140 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000140_pre_disaster.png,joplin-tornado_00000140_pre_disaster,0,0,tier3\masks\joplin-tornado_00000140_pre_disaster.png,0,0,49,34941,00000140 +73,63410,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000141_post_disaster.png,joplin-tornado_00000141_post_disaster,21,24084,tier3\masks\joplin-tornado_00000141_post_disaster.png,15,18941,17,37293,00000141 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000141_pre_disaster.png,joplin-tornado_00000141_pre_disaster,0,0,tier3\masks\joplin-tornado_00000141_pre_disaster.png,0,0,126,143858,00000141 +67,80343,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000142_post_disaster.png,joplin-tornado_00000142_post_disaster,31,31008,tier3\masks\joplin-tornado_00000142_post_disaster.png,13,17702,11,4943,00000142 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000142_pre_disaster.png,joplin-tornado_00000142_pre_disaster,0,0,tier3\masks\joplin-tornado_00000142_pre_disaster.png,0,0,122,134294,00000142 +38,56216,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000143_post_disaster.png,joplin-tornado_00000143_post_disaster,5,4877,tier3\masks\joplin-tornado_00000143_post_disaster.png,15,33349,5,936,00000143 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000143_pre_disaster.png,joplin-tornado_00000143_pre_disaster,0,0,tier3\masks\joplin-tornado_00000143_pre_disaster.png,0,0,63,95817,00000143 +152,79919,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000144_post_disaster.png,joplin-tornado_00000144_post_disaster,31,19119,tier3\masks\joplin-tornado_00000144_post_disaster.png,63,36237,2,189,00000144 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000144_pre_disaster.png,joplin-tornado_00000144_pre_disaster,0,0,tier3\masks\joplin-tornado_00000144_pre_disaster.png,0,0,246,135589,00000144 +160,136441,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000145_post_disaster.png,joplin-tornado_00000145_post_disaster,0,0,tier3\masks\joplin-tornado_00000145_post_disaster.png,15,22034,0,0,00000145 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000145_pre_disaster.png,joplin-tornado_00000145_pre_disaster,0,0,tier3\masks\joplin-tornado_00000145_pre_disaster.png,0,0,174,158816,00000145 +158,108112,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000146_post_disaster.png,joplin-tornado_00000146_post_disaster,5,4358,tier3\masks\joplin-tornado_00000146_post_disaster.png,25,55327,0,0,00000146 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000146_pre_disaster.png,joplin-tornado_00000146_pre_disaster,0,0,tier3\masks\joplin-tornado_00000146_pre_disaster.png,0,0,185,168032,00000146 +285,200859,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000147_post_disaster.png,joplin-tornado_00000147_post_disaster,4,4169,tier3\masks\joplin-tornado_00000147_post_disaster.png,18,18114,1,1378,00000147 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000147_pre_disaster.png,joplin-tornado_00000147_pre_disaster,0,0,tier3\masks\joplin-tornado_00000147_pre_disaster.png,0,0,305,225185,00000147 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000148_post_disaster.png,joplin-tornado_00000148_post_disaster,0,0,tier3\masks\joplin-tornado_00000148_post_disaster.png,0,0,117,174829,00000148 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000148_pre_disaster.png,joplin-tornado_00000148_pre_disaster,0,0,tier3\masks\joplin-tornado_00000148_pre_disaster.png,0,0,117,175318,00000148 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000000_post_disaster.png,lower-puna-volcano_00000000_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000000_post_disaster.png,0,0,1,140,00000000 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000000_pre_disaster.png,lower-puna-volcano_00000000_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000000_pre_disaster.png,0,0,1,140,00000000 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000001_post_disaster.png,lower-puna-volcano_00000001_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000001_post_disaster.png,0,0,4,1853,00000001 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000001_pre_disaster.png,lower-puna-volcano_00000001_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000001_pre_disaster.png,0,0,4,1853,00000001 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000002_post_disaster.png,lower-puna-volcano_00000002_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000002_post_disaster.png,0,0,2,103,00000002 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000002_pre_disaster.png,lower-puna-volcano_00000002_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000002_pre_disaster.png,0,0,2,103,00000002 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000003_post_disaster.png,lower-puna-volcano_00000003_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000003_post_disaster.png,0,0,2,348,00000003 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000003_pre_disaster.png,lower-puna-volcano_00000003_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000003_pre_disaster.png,0,0,2,348,00000003 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000004_post_disaster.png,lower-puna-volcano_00000004_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000004_post_disaster.png,0,0,19,4088,00000004 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000004_pre_disaster.png,lower-puna-volcano_00000004_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000004_pre_disaster.png,0,0,19,4088,00000004 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000005_post_disaster.png,lower-puna-volcano_00000005_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000005_post_disaster.png,0,0,6,902,00000005 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000005_pre_disaster.png,lower-puna-volcano_00000005_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000005_pre_disaster.png,0,0,6,910,00000005 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000006_post_disaster.png,lower-puna-volcano_00000006_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000006_post_disaster.png,0,0,0,0,00000006 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000006_pre_disaster.png,lower-puna-volcano_00000006_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000006_pre_disaster.png,0,0,0,0,00000006 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000007_post_disaster.png,lower-puna-volcano_00000007_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000007_post_disaster.png,0,0,25,8418,00000007 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000007_pre_disaster.png,lower-puna-volcano_00000007_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000007_pre_disaster.png,0,0,25,8418,00000007 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000008_post_disaster.png,lower-puna-volcano_00000008_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000008_post_disaster.png,0,0,10,4898,00000008 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000008_pre_disaster.png,lower-puna-volcano_00000008_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000008_pre_disaster.png,0,0,10,4898,00000008 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000009_post_disaster.png,lower-puna-volcano_00000009_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000009_post_disaster.png,0,0,1,66,00000009 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000009_pre_disaster.png,lower-puna-volcano_00000009_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000009_pre_disaster.png,0,0,1,66,00000009 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000010_post_disaster.png,lower-puna-volcano_00000010_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000010_post_disaster.png,0,0,3,1411,00000010 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000010_pre_disaster.png,lower-puna-volcano_00000010_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000010_pre_disaster.png,0,0,3,1456,00000010 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000011_post_disaster.png,lower-puna-volcano_00000011_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000011_post_disaster.png,0,0,0,0,00000011 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000011_pre_disaster.png,lower-puna-volcano_00000011_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000011_pre_disaster.png,0,0,0,0,00000011 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000012_post_disaster.png,lower-puna-volcano_00000012_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000012_post_disaster.png,0,0,0,0,00000012 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000012_pre_disaster.png,lower-puna-volcano_00000012_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000012_pre_disaster.png,0,0,0,0,00000012 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000013_post_disaster.png,lower-puna-volcano_00000013_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000013_post_disaster.png,0,0,0,0,00000013 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000013_pre_disaster.png,lower-puna-volcano_00000013_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000013_pre_disaster.png,0,0,0,0,00000013 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000014_post_disaster.png,lower-puna-volcano_00000014_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000014_post_disaster.png,0,0,0,0,00000014 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000014_pre_disaster.png,lower-puna-volcano_00000014_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000014_pre_disaster.png,0,0,0,0,00000014 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000015_post_disaster.png,lower-puna-volcano_00000015_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000015_post_disaster.png,0,0,0,0,00000015 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000015_pre_disaster.png,lower-puna-volcano_00000015_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000015_pre_disaster.png,0,0,0,0,00000015 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000016_post_disaster.png,lower-puna-volcano_00000016_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000016_post_disaster.png,0,0,1,61,00000016 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000016_pre_disaster.png,lower-puna-volcano_00000016_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000016_pre_disaster.png,0,0,1,61,00000016 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000017_post_disaster.png,lower-puna-volcano_00000017_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000017_post_disaster.png,0,0,0,0,00000017 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000017_pre_disaster.png,lower-puna-volcano_00000017_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000017_pre_disaster.png,0,0,0,0,00000017 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000018_post_disaster.png,lower-puna-volcano_00000018_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000018_post_disaster.png,0,0,0,0,00000018 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000018_pre_disaster.png,lower-puna-volcano_00000018_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000018_pre_disaster.png,0,0,0,0,00000018 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000019_post_disaster.png,lower-puna-volcano_00000019_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000019_post_disaster.png,0,0,0,0,00000019 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000019_pre_disaster.png,lower-puna-volcano_00000019_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000019_pre_disaster.png,0,0,0,0,00000019 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000020_post_disaster.png,lower-puna-volcano_00000020_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000020_post_disaster.png,0,0,0,0,00000020 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000020_pre_disaster.png,lower-puna-volcano_00000020_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000020_pre_disaster.png,0,0,0,0,00000020 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000021_post_disaster.png,lower-puna-volcano_00000021_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000021_post_disaster.png,0,0,14,7318,00000021 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000021_pre_disaster.png,lower-puna-volcano_00000021_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000021_pre_disaster.png,0,0,14,7339,00000021 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000022_post_disaster.png,lower-puna-volcano_00000022_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000022_post_disaster.png,0,0,0,0,00000022 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000022_pre_disaster.png,lower-puna-volcano_00000022_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000022_pre_disaster.png,0,0,0,0,00000022 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000023_post_disaster.png,lower-puna-volcano_00000023_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000023_post_disaster.png,0,0,0,0,00000023 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000023_pre_disaster.png,lower-puna-volcano_00000023_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000023_pre_disaster.png,0,0,0,0,00000023 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000024_post_disaster.png,lower-puna-volcano_00000024_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000024_post_disaster.png,0,0,18,6059,00000024 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000024_pre_disaster.png,lower-puna-volcano_00000024_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000024_pre_disaster.png,0,0,18,6065,00000024 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000025_post_disaster.png,lower-puna-volcano_00000025_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000025_post_disaster.png,0,0,0,0,00000025 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000025_pre_disaster.png,lower-puna-volcano_00000025_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000025_pre_disaster.png,0,0,0,0,00000025 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000026_post_disaster.png,lower-puna-volcano_00000026_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000026_post_disaster.png,0,0,2,288,00000026 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000026_pre_disaster.png,lower-puna-volcano_00000026_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000026_pre_disaster.png,0,0,2,288,00000026 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000027_post_disaster.png,lower-puna-volcano_00000027_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000027_post_disaster.png,0,0,0,0,00000027 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000027_pre_disaster.png,lower-puna-volcano_00000027_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000027_pre_disaster.png,0,0,0,0,00000027 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000028_post_disaster.png,lower-puna-volcano_00000028_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000028_post_disaster.png,0,0,0,0,00000028 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000028_pre_disaster.png,lower-puna-volcano_00000028_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000028_pre_disaster.png,0,0,0,0,00000028 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000029_post_disaster.png,lower-puna-volcano_00000029_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000029_post_disaster.png,0,0,9,4489,00000029 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000029_pre_disaster.png,lower-puna-volcano_00000029_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000029_pre_disaster.png,0,0,9,4489,00000029 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000030_post_disaster.png,lower-puna-volcano_00000030_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000030_post_disaster.png,0,0,28,13978,00000030 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000030_pre_disaster.png,lower-puna-volcano_00000030_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000030_pre_disaster.png,0,0,28,13978,00000030 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000031_post_disaster.png,lower-puna-volcano_00000031_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000031_post_disaster.png,0,0,7,2490,00000031 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000031_pre_disaster.png,lower-puna-volcano_00000031_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000031_pre_disaster.png,0,0,7,2490,00000031 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000032_post_disaster.png,lower-puna-volcano_00000032_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000032_post_disaster.png,0,0,0,0,00000032 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000032_pre_disaster.png,lower-puna-volcano_00000032_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000032_pre_disaster.png,0,0,0,0,00000032 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000033_post_disaster.png,lower-puna-volcano_00000033_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000033_post_disaster.png,0,0,0,0,00000033 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000033_pre_disaster.png,lower-puna-volcano_00000033_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000033_pre_disaster.png,0,0,0,0,00000033 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000034_post_disaster.png,lower-puna-volcano_00000034_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000034_post_disaster.png,0,0,0,0,00000034 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000034_pre_disaster.png,lower-puna-volcano_00000034_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000034_pre_disaster.png,0,0,0,0,00000034 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000035_post_disaster.png,lower-puna-volcano_00000035_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000035_post_disaster.png,0,0,3,1503,00000035 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000035_pre_disaster.png,lower-puna-volcano_00000035_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000035_pre_disaster.png,0,0,3,1503,00000035 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000036_post_disaster.png,lower-puna-volcano_00000036_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000036_post_disaster.png,0,0,24,5205,00000036 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000036_pre_disaster.png,lower-puna-volcano_00000036_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000036_pre_disaster.png,0,0,24,5205,00000036 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000037_post_disaster.png,lower-puna-volcano_00000037_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000037_post_disaster.png,0,0,41,26940,00000037 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000037_pre_disaster.png,lower-puna-volcano_00000037_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000037_pre_disaster.png,0,0,41,26940,00000037 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000038_post_disaster.png,lower-puna-volcano_00000038_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000038_post_disaster.png,0,0,0,0,00000038 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000038_pre_disaster.png,lower-puna-volcano_00000038_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000038_pre_disaster.png,0,0,0,0,00000038 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000039_post_disaster.png,lower-puna-volcano_00000039_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000039_post_disaster.png,0,0,1,118,00000039 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000039_pre_disaster.png,lower-puna-volcano_00000039_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000039_pre_disaster.png,0,0,1,118,00000039 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000040_post_disaster.png,lower-puna-volcano_00000040_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000040_post_disaster.png,0,0,5,1686,00000040 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000040_pre_disaster.png,lower-puna-volcano_00000040_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000040_pre_disaster.png,0,0,5,1686,00000040 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000041_post_disaster.png,lower-puna-volcano_00000041_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000041_post_disaster.png,0,0,2,1220,00000041 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000041_pre_disaster.png,lower-puna-volcano_00000041_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000041_pre_disaster.png,0,0,2,1220,00000041 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000042_post_disaster.png,lower-puna-volcano_00000042_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000042_post_disaster.png,0,0,2,682,00000042 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000042_pre_disaster.png,lower-puna-volcano_00000042_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000042_pre_disaster.png,0,0,2,682,00000042 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000043_post_disaster.png,lower-puna-volcano_00000043_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000043_pre_disaster.png,lower-puna-volcano_00000043_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000043_pre_disaster.png,0,0,0,0,00000043 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000044_post_disaster.png,lower-puna-volcano_00000044_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000044_post_disaster.png,0,0,10,3683,00000044 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000044_pre_disaster.png,lower-puna-volcano_00000044_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000044_pre_disaster.png,0,0,10,3712,00000044 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000045_post_disaster.png,lower-puna-volcano_00000045_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000045_post_disaster.png,0,0,1,212,00000045 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000045_pre_disaster.png,lower-puna-volcano_00000045_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000045_pre_disaster.png,0,0,1,212,00000045 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000046_post_disaster.png,lower-puna-volcano_00000046_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000046_post_disaster.png,0,0,7,762,00000046 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000046_pre_disaster.png,lower-puna-volcano_00000046_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000046_pre_disaster.png,0,0,7,762,00000046 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000047_post_disaster.png,lower-puna-volcano_00000047_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000047_post_disaster.png,0,0,36,25922,00000047 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000047_pre_disaster.png,lower-puna-volcano_00000047_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000047_pre_disaster.png,0,0,36,25922,00000047 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000048_post_disaster.png,lower-puna-volcano_00000048_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000048_post_disaster.png,0,0,24,15803,00000048 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000048_pre_disaster.png,lower-puna-volcano_00000048_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000048_pre_disaster.png,0,0,24,15823,00000048 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000049_post_disaster.png,lower-puna-volcano_00000049_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000049_pre_disaster.png,lower-puna-volcano_00000049_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000049_pre_disaster.png,0,0,0,0,00000049 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000050_post_disaster.png,lower-puna-volcano_00000050_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000050_post_disaster.png,0,0,0,0,00000050 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000050_pre_disaster.png,lower-puna-volcano_00000050_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000050_pre_disaster.png,0,0,0,0,00000050 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000051_post_disaster.png,lower-puna-volcano_00000051_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000051_post_disaster.png,0,0,1,191,00000051 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000051_pre_disaster.png,lower-puna-volcano_00000051_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000051_pre_disaster.png,0,0,1,191,00000051 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000052_post_disaster.png,lower-puna-volcano_00000052_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000052_post_disaster.png,0,0,2,293,00000052 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000052_pre_disaster.png,lower-puna-volcano_00000052_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000052_pre_disaster.png,0,0,2,293,00000052 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000053_post_disaster.png,lower-puna-volcano_00000053_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000053_post_disaster.png,0,0,4,3609,00000053 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000053_pre_disaster.png,lower-puna-volcano_00000053_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000053_pre_disaster.png,0,0,4,3609,00000053 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000054_post_disaster.png,lower-puna-volcano_00000054_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000054_post_disaster.png,0,0,31,31889,00000054 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000054_pre_disaster.png,lower-puna-volcano_00000054_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000054_pre_disaster.png,0,0,31,31921,00000054 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000055_post_disaster.png,lower-puna-volcano_00000055_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000055_post_disaster.png,0,0,36,24361,00000055 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000055_pre_disaster.png,lower-puna-volcano_00000055_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000055_pre_disaster.png,0,0,36,24361,00000055 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000056_post_disaster.png,lower-puna-volcano_00000056_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000056_post_disaster.png,0,0,0,0,00000056 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000056_pre_disaster.png,lower-puna-volcano_00000056_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000056_pre_disaster.png,0,0,0,0,00000056 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000057_post_disaster.png,lower-puna-volcano_00000057_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000057_post_disaster.png,0,0,0,0,00000057 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000057_pre_disaster.png,lower-puna-volcano_00000057_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000057_pre_disaster.png,0,0,0,0,00000057 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000058_post_disaster.png,lower-puna-volcano_00000058_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000058_post_disaster.png,0,0,0,0,00000058 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000058_pre_disaster.png,lower-puna-volcano_00000058_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000058_pre_disaster.png,0,0,0,0,00000058 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000059_post_disaster.png,lower-puna-volcano_00000059_post_disaster,1,316,tier3\masks\lower-puna-volcano_00000059_post_disaster.png,0,0,20,6764,00000059 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000059_pre_disaster.png,lower-puna-volcano_00000059_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000059_pre_disaster.png,0,0,21,7080,00000059 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000060_post_disaster.png,lower-puna-volcano_00000060_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000060_post_disaster.png,0,0,50,35341,00000060 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000060_pre_disaster.png,lower-puna-volcano_00000060_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000060_pre_disaster.png,0,0,50,35465,00000060 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000061_post_disaster.png,lower-puna-volcano_00000061_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000061_post_disaster.png,0,0,0,0,00000061 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000061_pre_disaster.png,lower-puna-volcano_00000061_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000061_pre_disaster.png,0,0,0,0,00000061 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000062_post_disaster.png,lower-puna-volcano_00000062_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000062_post_disaster.png,0,0,0,0,00000062 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000062_pre_disaster.png,lower-puna-volcano_00000062_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000062_pre_disaster.png,0,0,0,0,00000062 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000063_post_disaster.png,lower-puna-volcano_00000063_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000063_post_disaster.png,0,0,0,0,00000063 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000063_pre_disaster.png,lower-puna-volcano_00000063_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000063_pre_disaster.png,0,0,0,0,00000063 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000064_post_disaster.png,lower-puna-volcano_00000064_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000064_post_disaster.png,0,0,3,617,00000064 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000064_pre_disaster.png,lower-puna-volcano_00000064_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000064_pre_disaster.png,0,0,3,617,00000064 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000065_post_disaster.png,lower-puna-volcano_00000065_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000065_post_disaster.png,0,0,0,0,00000065 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000065_pre_disaster.png,lower-puna-volcano_00000065_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000065_pre_disaster.png,0,0,0,0,00000065 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000066_post_disaster.png,lower-puna-volcano_00000066_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000066_post_disaster.png,0,0,38,35766,00000066 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000066_pre_disaster.png,lower-puna-volcano_00000066_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000066_pre_disaster.png,0,0,38,35835,00000066 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000067_post_disaster.png,lower-puna-volcano_00000067_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000067_post_disaster.png,0,0,14,7941,00000067 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000067_pre_disaster.png,lower-puna-volcano_00000067_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000067_pre_disaster.png,0,0,14,7941,00000067 +3,4813,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000068_post_disaster.png,lower-puna-volcano_00000068_post_disaster,4,4196,tier3\masks\lower-puna-volcano_00000068_post_disaster.png,2,2802,20,14284,00000068 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000068_pre_disaster.png,lower-puna-volcano_00000068_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000068_pre_disaster.png,0,0,29,26095,00000068 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000069_post_disaster.png,lower-puna-volcano_00000069_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000069_post_disaster.png,0,0,0,0,00000069 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000069_pre_disaster.png,lower-puna-volcano_00000069_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000069_pre_disaster.png,0,0,0,0,00000069 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000070_post_disaster.png,lower-puna-volcano_00000070_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000070_pre_disaster.png,lower-puna-volcano_00000070_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000070_pre_disaster.png,0,0,0,0,00000070 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000071_post_disaster.png,lower-puna-volcano_00000071_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000071_post_disaster.png,0,0,10,4321,00000071 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000071_pre_disaster.png,lower-puna-volcano_00000071_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000071_pre_disaster.png,0,0,10,4321,00000071 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000072_post_disaster.png,lower-puna-volcano_00000072_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000072_post_disaster.png,0,0,24,16891,00000072 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000072_pre_disaster.png,lower-puna-volcano_00000072_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000072_pre_disaster.png,0,0,24,16940,00000072 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000073_post_disaster.png,lower-puna-volcano_00000073_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000073_post_disaster.png,0,0,1,1228,00000073 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000073_pre_disaster.png,lower-puna-volcano_00000073_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000073_pre_disaster.png,0,0,1,1228,00000073 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000074_post_disaster.png,lower-puna-volcano_00000074_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000074_post_disaster.png,0,0,0,0,00000074 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000074_pre_disaster.png,lower-puna-volcano_00000074_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000074_pre_disaster.png,0,0,0,0,00000074 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000075_post_disaster.png,lower-puna-volcano_00000075_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000075_post_disaster.png,0,0,15,6308,00000075 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000075_pre_disaster.png,lower-puna-volcano_00000075_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000075_pre_disaster.png,0,0,15,6330,00000075 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000076_post_disaster.png,lower-puna-volcano_00000076_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000076_post_disaster.png,0,0,0,0,00000076 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000076_pre_disaster.png,lower-puna-volcano_00000076_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000076_pre_disaster.png,0,0,0,0,00000076 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000077_post_disaster.png,lower-puna-volcano_00000077_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000077_post_disaster.png,0,0,0,0,00000077 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000077_pre_disaster.png,lower-puna-volcano_00000077_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000077_pre_disaster.png,0,0,0,0,00000077 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000078_post_disaster.png,lower-puna-volcano_00000078_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000078_post_disaster.png,0,0,32,28959,00000078 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000078_pre_disaster.png,lower-puna-volcano_00000078_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000078_pre_disaster.png,0,0,32,29045,00000078 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000079_post_disaster.png,lower-puna-volcano_00000079_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000079_post_disaster.png,0,0,8,2279,00000079 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000079_pre_disaster.png,lower-puna-volcano_00000079_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000079_pre_disaster.png,0,0,8,2279,00000079 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000080_post_disaster.png,lower-puna-volcano_00000080_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000080_post_disaster.png,0,0,18,7712,00000080 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000080_pre_disaster.png,lower-puna-volcano_00000080_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000080_pre_disaster.png,0,0,18,7712,00000080 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000081_post_disaster.png,lower-puna-volcano_00000081_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000081_post_disaster.png,0,0,40,36953,00000081 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000081_pre_disaster.png,lower-puna-volcano_00000081_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000081_pre_disaster.png,0,0,40,36997,00000081 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000082_post_disaster.png,lower-puna-volcano_00000082_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000082_post_disaster.png,0,0,51,32156,00000082 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000082_pre_disaster.png,lower-puna-volcano_00000082_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000082_pre_disaster.png,0,0,51,32178,00000082 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000083_post_disaster.png,lower-puna-volcano_00000083_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000083_post_disaster.png,0,0,31,9777,00000083 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000083_pre_disaster.png,lower-puna-volcano_00000083_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000083_pre_disaster.png,0,0,31,9777,00000083 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000084_post_disaster.png,lower-puna-volcano_00000084_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000084_post_disaster.png,0,0,0,0,00000084 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000084_pre_disaster.png,lower-puna-volcano_00000084_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000084_pre_disaster.png,0,0,0,0,00000084 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000085_post_disaster.png,lower-puna-volcano_00000085_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000085_post_disaster.png,0,0,0,0,00000085 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000085_pre_disaster.png,lower-puna-volcano_00000085_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000085_pre_disaster.png,0,0,0,0,00000085 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000086_post_disaster.png,lower-puna-volcano_00000086_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000086_post_disaster.png,0,0,0,0,00000086 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000086_pre_disaster.png,lower-puna-volcano_00000086_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000086_pre_disaster.png,0,0,0,0,00000086 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000087_post_disaster.png,lower-puna-volcano_00000087_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000087_post_disaster.png,0,0,1,119,00000087 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000087_pre_disaster.png,lower-puna-volcano_00000087_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000087_pre_disaster.png,0,0,1,119,00000087 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000088_post_disaster.png,lower-puna-volcano_00000088_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000088_pre_disaster.png,lower-puna-volcano_00000088_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000089_post_disaster.png,lower-puna-volcano_00000089_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000089_post_disaster.png,0,0,7,3454,00000089 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000089_pre_disaster.png,lower-puna-volcano_00000089_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000089_pre_disaster.png,0,0,7,3454,00000089 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000090_post_disaster.png,lower-puna-volcano_00000090_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000090_post_disaster.png,0,0,3,2400,00000090 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000090_pre_disaster.png,lower-puna-volcano_00000090_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000090_pre_disaster.png,0,0,3,2456,00000090 +37,26574,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000091_post_disaster.png,lower-puna-volcano_00000091_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000091_post_disaster.png,7,2549,11,6279,00000091 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000091_pre_disaster.png,lower-puna-volcano_00000091_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000091_pre_disaster.png,0,0,55,35547,00000091 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000092_post_disaster.png,lower-puna-volcano_00000092_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000092_post_disaster.png,0,0,0,0,00000092 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000092_pre_disaster.png,lower-puna-volcano_00000092_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000092_pre_disaster.png,0,0,0,0,00000092 +1,330,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000093_post_disaster.png,lower-puna-volcano_00000093_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000093_post_disaster.png,0,0,56,47002,00000093 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000093_pre_disaster.png,lower-puna-volcano_00000093_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000093_pre_disaster.png,0,0,57,47399,00000093 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000094_post_disaster.png,lower-puna-volcano_00000094_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000094_post_disaster.png,0,0,12,5795,00000094 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000094_pre_disaster.png,lower-puna-volcano_00000094_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000094_pre_disaster.png,0,0,12,5795,00000094 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000095_post_disaster.png,lower-puna-volcano_00000095_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000095_post_disaster.png,0,0,32,19492,00000095 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000095_pre_disaster.png,lower-puna-volcano_00000095_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000095_pre_disaster.png,0,0,32,19596,00000095 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000096_post_disaster.png,lower-puna-volcano_00000096_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000096_post_disaster.png,0,0,34,11270,00000096 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000096_pre_disaster.png,lower-puna-volcano_00000096_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000096_pre_disaster.png,0,0,34,11270,00000096 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000097_post_disaster.png,lower-puna-volcano_00000097_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000097_pre_disaster.png,lower-puna-volcano_00000097_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000098_post_disaster.png,lower-puna-volcano_00000098_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000098_post_disaster.png,0,0,2,147,00000098 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000098_pre_disaster.png,lower-puna-volcano_00000098_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000098_pre_disaster.png,0,0,2,147,00000098 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000099_post_disaster.png,lower-puna-volcano_00000099_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000099_post_disaster.png,0,0,0,0,00000099 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000099_pre_disaster.png,lower-puna-volcano_00000099_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000099_pre_disaster.png,0,0,0,0,00000099 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000100_post_disaster.png,lower-puna-volcano_00000100_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000100_post_disaster.png,0,0,2,166,00000100 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000100_pre_disaster.png,lower-puna-volcano_00000100_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000100_pre_disaster.png,0,0,2,166,00000100 +19,12370,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000101_post_disaster.png,lower-puna-volcano_00000101_post_disaster,4,4482,tier3\masks\lower-puna-volcano_00000101_post_disaster.png,0,0,29,19678,00000101 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000101_pre_disaster.png,lower-puna-volcano_00000101_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000101_pre_disaster.png,0,0,51,36590,00000101 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000102_post_disaster.png,lower-puna-volcano_00000102_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000102_post_disaster.png,0,0,6,3695,00000102 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000102_pre_disaster.png,lower-puna-volcano_00000102_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000102_pre_disaster.png,0,0,6,3695,00000102 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000103_post_disaster.png,lower-puna-volcano_00000103_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000103_post_disaster.png,0,0,0,0,00000103 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000103_pre_disaster.png,lower-puna-volcano_00000103_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000103_pre_disaster.png,0,0,0,0,00000103 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000104_post_disaster.png,lower-puna-volcano_00000104_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000104_post_disaster.png,0,0,31,30725,00000104 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000104_pre_disaster.png,lower-puna-volcano_00000104_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000104_pre_disaster.png,0,0,31,30744,00000104 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000105_post_disaster.png,lower-puna-volcano_00000105_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000105_post_disaster.png,0,0,24,11850,00000105 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000105_pre_disaster.png,lower-puna-volcano_00000105_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000105_pre_disaster.png,0,0,24,11877,00000105 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000106_post_disaster.png,lower-puna-volcano_00000106_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000106_post_disaster.png,0,0,0,0,00000106 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000106_pre_disaster.png,lower-puna-volcano_00000106_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000106_pre_disaster.png,0,0,0,0,00000106 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000107_post_disaster.png,lower-puna-volcano_00000107_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000107_post_disaster.png,0,0,21,8612,00000107 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000107_pre_disaster.png,lower-puna-volcano_00000107_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000107_pre_disaster.png,0,0,21,8670,00000107 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000108_post_disaster.png,lower-puna-volcano_00000108_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000108_post_disaster.png,0,0,0,0,00000108 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000108_pre_disaster.png,lower-puna-volcano_00000108_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000108_pre_disaster.png,0,0,0,0,00000108 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000109_post_disaster.png,lower-puna-volcano_00000109_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000109_post_disaster.png,0,0,4,721,00000109 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000109_pre_disaster.png,lower-puna-volcano_00000109_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000109_pre_disaster.png,0,0,4,736,00000109 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000110_post_disaster.png,lower-puna-volcano_00000110_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000110_post_disaster.png,0,0,0,0,00000110 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000110_pre_disaster.png,lower-puna-volcano_00000110_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000110_pre_disaster.png,0,0,0,0,00000110 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000111_post_disaster.png,lower-puna-volcano_00000111_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000111_post_disaster.png,0,0,0,0,00000111 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000111_pre_disaster.png,lower-puna-volcano_00000111_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000111_pre_disaster.png,0,0,0,0,00000111 +4,1099,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000112_post_disaster.png,lower-puna-volcano_00000112_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000112_post_disaster.png,0,0,40,22721,00000112 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000112_pre_disaster.png,lower-puna-volcano_00000112_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000112_pre_disaster.png,0,0,44,23820,00000112 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000113_post_disaster.png,lower-puna-volcano_00000113_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000113_post_disaster.png,0,0,1,92,00000113 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000113_pre_disaster.png,lower-puna-volcano_00000113_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000113_pre_disaster.png,0,0,1,92,00000113 +1,1028,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000114_post_disaster.png,lower-puna-volcano_00000114_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000114_post_disaster.png,0,0,14,5617,00000114 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000114_pre_disaster.png,lower-puna-volcano_00000114_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000114_pre_disaster.png,0,0,15,6645,00000114 +1,1995,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000115_post_disaster.png,lower-puna-volcano_00000115_post_disaster,1,2031,tier3\masks\lower-puna-volcano_00000115_post_disaster.png,0,0,6,3111,00000115 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000115_pre_disaster.png,lower-puna-volcano_00000115_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000115_pre_disaster.png,0,0,8,7137,00000115 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000116_post_disaster.png,lower-puna-volcano_00000116_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000116_pre_disaster.png,lower-puna-volcano_00000116_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000116_pre_disaster.png,0,0,0,0,00000116 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000117_post_disaster.png,lower-puna-volcano_00000117_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000117_post_disaster.png,0,0,10,3971,00000117 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000117_pre_disaster.png,lower-puna-volcano_00000117_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000117_pre_disaster.png,0,0,10,3971,00000117 +1,131,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000118_post_disaster.png,lower-puna-volcano_00000118_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000118_post_disaster.png,0,0,7,4410,00000118 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000118_pre_disaster.png,lower-puna-volcano_00000118_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000118_pre_disaster.png,0,0,8,4541,00000118 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000119_post_disaster.png,lower-puna-volcano_00000119_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000119_post_disaster.png,0,0,0,0,00000119 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000119_pre_disaster.png,lower-puna-volcano_00000119_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000119_pre_disaster.png,0,0,0,0,00000119 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000120_post_disaster.png,lower-puna-volcano_00000120_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000120_post_disaster.png,0,0,19,8600,00000120 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000120_pre_disaster.png,lower-puna-volcano_00000120_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000120_pre_disaster.png,0,0,19,8659,00000120 +1,49,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000121_post_disaster.png,lower-puna-volcano_00000121_post_disaster,8,2759,tier3\masks\lower-puna-volcano_00000121_post_disaster.png,6,2212,10,5568,00000121 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000121_pre_disaster.png,lower-puna-volcano_00000121_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000121_pre_disaster.png,0,0,25,10588,00000121 +5,1147,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000122_post_disaster.png,lower-puna-volcano_00000122_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000122_post_disaster.png,0,0,10,4554,00000122 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000122_pre_disaster.png,lower-puna-volcano_00000122_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000122_pre_disaster.png,0,0,15,5701,00000122 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000123_post_disaster.png,lower-puna-volcano_00000123_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000123_post_disaster.png,0,0,0,0,00000123 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000123_pre_disaster.png,lower-puna-volcano_00000123_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000123_pre_disaster.png,0,0,0,0,00000123 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000124_post_disaster.png,lower-puna-volcano_00000124_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000124_post_disaster.png,0,0,0,0,00000124 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000124_pre_disaster.png,lower-puna-volcano_00000124_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000124_pre_disaster.png,0,0,0,0,00000124 +18,9639,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000125_post_disaster.png,lower-puna-volcano_00000125_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000125_post_disaster.png,0,0,9,12376,00000125 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000125_pre_disaster.png,lower-puna-volcano_00000125_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000125_pre_disaster.png,0,0,27,22067,00000125 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000126_post_disaster.png,lower-puna-volcano_00000126_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000126_post_disaster.png,0,0,1,113,00000126 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000126_pre_disaster.png,lower-puna-volcano_00000126_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000126_pre_disaster.png,0,0,1,113,00000126 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000127_post_disaster.png,lower-puna-volcano_00000127_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000127_post_disaster.png,0,0,26,10447,00000127 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000127_pre_disaster.png,lower-puna-volcano_00000127_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000127_pre_disaster.png,0,0,26,10447,00000127 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000128_post_disaster.png,lower-puna-volcano_00000128_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000128_post_disaster.png,0,0,2,359,00000128 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000128_pre_disaster.png,lower-puna-volcano_00000128_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000128_pre_disaster.png,0,0,2,359,00000128 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000129_post_disaster.png,lower-puna-volcano_00000129_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000129_post_disaster.png,0,0,18,6811,00000129 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000129_pre_disaster.png,lower-puna-volcano_00000129_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000129_pre_disaster.png,0,0,18,6811,00000129 +3,372,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000130_post_disaster.png,lower-puna-volcano_00000130_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000130_pre_disaster.png,lower-puna-volcano_00000130_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000130_pre_disaster.png,0,0,3,372,00000130 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000131_post_disaster.png,lower-puna-volcano_00000131_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000131_post_disaster.png,0,0,0,0,00000131 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000131_pre_disaster.png,lower-puna-volcano_00000131_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000131_pre_disaster.png,0,0,0,0,00000131 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000132_post_disaster.png,lower-puna-volcano_00000132_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000132_post_disaster.png,0,0,2,238,00000132 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000132_pre_disaster.png,lower-puna-volcano_00000132_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000132_pre_disaster.png,0,0,2,238,00000132 +1,128,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000133_post_disaster.png,lower-puna-volcano_00000133_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000133_post_disaster.png,0,0,16,3237,00000133 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000133_pre_disaster.png,lower-puna-volcano_00000133_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000133_pre_disaster.png,0,0,17,3365,00000133 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000134_post_disaster.png,lower-puna-volcano_00000134_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000134_post_disaster.png,0,0,0,0,00000134 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000134_pre_disaster.png,lower-puna-volcano_00000134_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000134_pre_disaster.png,0,0,0,0,00000134 +28,13955,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000135_post_disaster.png,lower-puna-volcano_00000135_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000135_post_disaster.png,0,0,1,1674,00000135 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000135_pre_disaster.png,lower-puna-volcano_00000135_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000135_pre_disaster.png,0,0,29,15629,00000135 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000136_post_disaster.png,lower-puna-volcano_00000136_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000136_post_disaster.png,0,0,4,2810,00000136 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000136_pre_disaster.png,lower-puna-volcano_00000136_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000136_pre_disaster.png,0,0,4,2810,00000136 +3,495,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000137_post_disaster.png,lower-puna-volcano_00000137_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000137_post_disaster.png,0,0,3,1980,00000137 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000137_pre_disaster.png,lower-puna-volcano_00000137_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000137_pre_disaster.png,0,0,6,2475,00000137 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000138_post_disaster.png,lower-puna-volcano_00000138_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000138_post_disaster.png,0,0,4,507,00000138 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000138_pre_disaster.png,lower-puna-volcano_00000138_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000138_pre_disaster.png,0,0,4,507,00000138 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000139_post_disaster.png,lower-puna-volcano_00000139_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000139_post_disaster.png,0,0,24,8153,00000139 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000139_pre_disaster.png,lower-puna-volcano_00000139_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000139_pre_disaster.png,0,0,24,8172,00000139 +7,17850,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000140_post_disaster.png,lower-puna-volcano_00000140_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000140_post_disaster.png,0,0,0,0,00000140 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000140_pre_disaster.png,lower-puna-volcano_00000140_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000140_pre_disaster.png,0,0,7,17850,00000140 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000141_post_disaster.png,lower-puna-volcano_00000141_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000141_post_disaster.png,0,0,0,0,00000141 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000141_pre_disaster.png,lower-puna-volcano_00000141_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000141_pre_disaster.png,0,0,0,0,00000141 +8,4818,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000142_post_disaster.png,lower-puna-volcano_00000142_post_disaster,1,195,tier3\masks\lower-puna-volcano_00000142_post_disaster.png,2,440,22,12672,00000142 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000142_pre_disaster.png,lower-puna-volcano_00000142_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000142_pre_disaster.png,0,0,33,18125,00000142 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000143_post_disaster.png,lower-puna-volcano_00000143_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000143_post_disaster.png,0,0,7,3628,00000143 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000143_pre_disaster.png,lower-puna-volcano_00000143_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000143_pre_disaster.png,0,0,7,3629,00000143 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000144_post_disaster.png,lower-puna-volcano_00000144_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000144_post_disaster.png,0,0,11,5774,00000144 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000144_pre_disaster.png,lower-puna-volcano_00000144_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000144_pre_disaster.png,0,0,11,5842,00000144 +9,4350,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000145_post_disaster.png,lower-puna-volcano_00000145_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000145_post_disaster.png,0,0,3,877,00000145 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000145_pre_disaster.png,lower-puna-volcano_00000145_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000145_pre_disaster.png,0,0,12,5255,00000145 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000146_post_disaster.png,lower-puna-volcano_00000146_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000146_post_disaster.png,0,0,28,8397,00000146 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000146_pre_disaster.png,lower-puna-volcano_00000146_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000146_pre_disaster.png,0,0,28,8397,00000146 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000147_post_disaster.png,lower-puna-volcano_00000147_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000147_post_disaster.png,0,0,0,0,00000147 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000147_pre_disaster.png,lower-puna-volcano_00000147_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000147_pre_disaster.png,0,0,0,0,00000147 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000148_post_disaster.png,lower-puna-volcano_00000148_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000148_post_disaster.png,0,0,0,0,00000148 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000148_pre_disaster.png,lower-puna-volcano_00000148_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000148_pre_disaster.png,0,0,0,0,00000148 +11,4385,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000149_post_disaster.png,lower-puna-volcano_00000149_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000149_post_disaster.png,0,0,1,773,00000149 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000149_pre_disaster.png,lower-puna-volcano_00000149_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000149_pre_disaster.png,0,0,12,5230,00000149 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000150_post_disaster.png,lower-puna-volcano_00000150_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000150_post_disaster.png,0,0,37,18475,00000150 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000150_pre_disaster.png,lower-puna-volcano_00000150_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000150_pre_disaster.png,0,0,37,18514,00000150 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000151_post_disaster.png,lower-puna-volcano_00000151_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000151_post_disaster.png,0,0,35,18380,00000151 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000151_pre_disaster.png,lower-puna-volcano_00000151_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000151_pre_disaster.png,0,0,35,18379,00000151 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000152_post_disaster.png,lower-puna-volcano_00000152_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000152_post_disaster.png,0,0,6,4169,00000152 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000152_pre_disaster.png,lower-puna-volcano_00000152_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000152_pre_disaster.png,0,0,6,4169,00000152 +10,4910,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000153_post_disaster.png,lower-puna-volcano_00000153_post_disaster,3,1912,tier3\masks\lower-puna-volcano_00000153_post_disaster.png,0,0,4,2610,00000153 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000153_pre_disaster.png,lower-puna-volcano_00000153_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000153_pre_disaster.png,0,0,17,9466,00000153 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000154_post_disaster.png,lower-puna-volcano_00000154_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000154_post_disaster.png,0,0,3,1683,00000154 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000154_pre_disaster.png,lower-puna-volcano_00000154_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000154_pre_disaster.png,0,0,3,1694,00000154 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000155_post_disaster.png,lower-puna-volcano_00000155_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000155_post_disaster.png,0,0,0,0,00000155 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000155_pre_disaster.png,lower-puna-volcano_00000155_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000155_pre_disaster.png,0,0,0,0,00000155 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000156_post_disaster.png,lower-puna-volcano_00000156_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000156_post_disaster.png,0,0,2,1232,00000156 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000156_pre_disaster.png,lower-puna-volcano_00000156_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000156_pre_disaster.png,0,0,2,1232,00000156 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000157_post_disaster.png,lower-puna-volcano_00000157_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000157_post_disaster.png,0,0,17,8260,00000157 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000157_pre_disaster.png,lower-puna-volcano_00000157_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000157_pre_disaster.png,0,0,17,8260,00000157 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000158_post_disaster.png,lower-puna-volcano_00000158_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000158_post_disaster.png,0,0,17,8276,00000158 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000158_pre_disaster.png,lower-puna-volcano_00000158_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000158_pre_disaster.png,0,0,17,8276,00000158 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000159_post_disaster.png,lower-puna-volcano_00000159_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000159_post_disaster.png,0,0,0,0,00000159 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000159_pre_disaster.png,lower-puna-volcano_00000159_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000159_pre_disaster.png,0,0,0,0,00000159 +21,9006,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000160_post_disaster.png,lower-puna-volcano_00000160_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000160_post_disaster.png,0,0,9,3429,00000160 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000160_pre_disaster.png,lower-puna-volcano_00000160_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000160_pre_disaster.png,0,0,30,12435,00000160 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000161_post_disaster.png,lower-puna-volcano_00000161_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000161_post_disaster.png,0,0,17,6376,00000161 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000161_pre_disaster.png,lower-puna-volcano_00000161_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000161_pre_disaster.png,0,0,17,6376,00000161 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000162_post_disaster.png,lower-puna-volcano_00000162_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000162_post_disaster.png,0,0,0,0,00000162 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000162_pre_disaster.png,lower-puna-volcano_00000162_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000162_pre_disaster.png,0,0,0,0,00000162 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000163_post_disaster.png,lower-puna-volcano_00000163_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000163_post_disaster.png,0,0,0,0,00000163 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000163_pre_disaster.png,lower-puna-volcano_00000163_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000163_pre_disaster.png,0,0,0,0,00000163 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000164_post_disaster.png,lower-puna-volcano_00000164_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000164_post_disaster.png,0,0,1,497,00000164 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000164_pre_disaster.png,lower-puna-volcano_00000164_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000164_pre_disaster.png,0,0,1,497,00000164 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000165_post_disaster.png,lower-puna-volcano_00000165_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000165_post_disaster.png,0,0,3,607,00000165 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000165_pre_disaster.png,lower-puna-volcano_00000165_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000165_pre_disaster.png,0,0,3,607,00000165 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000166_post_disaster.png,lower-puna-volcano_00000166_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000166_post_disaster.png,0,0,0,0,00000166 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000166_pre_disaster.png,lower-puna-volcano_00000166_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000166_pre_disaster.png,0,0,0,0,00000166 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000167_post_disaster.png,lower-puna-volcano_00000167_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000167_post_disaster.png,0,0,0,0,00000167 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000167_pre_disaster.png,lower-puna-volcano_00000167_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000167_pre_disaster.png,0,0,0,0,00000167 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000168_post_disaster.png,lower-puna-volcano_00000168_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000168_post_disaster.png,0,0,24,10243,00000168 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000168_pre_disaster.png,lower-puna-volcano_00000168_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000168_pre_disaster.png,0,0,24,10243,00000168 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000169_post_disaster.png,lower-puna-volcano_00000169_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000169_post_disaster.png,0,0,28,6848,00000169 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000169_pre_disaster.png,lower-puna-volcano_00000169_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000169_pre_disaster.png,0,0,28,6893,00000169 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000170_post_disaster.png,lower-puna-volcano_00000170_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000170_post_disaster.png,0,0,0,0,00000170 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000170_pre_disaster.png,lower-puna-volcano_00000170_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000170_pre_disaster.png,0,0,0,0,00000170 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000171_post_disaster.png,lower-puna-volcano_00000171_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000171_post_disaster.png,0,0,10,3603,00000171 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000171_pre_disaster.png,lower-puna-volcano_00000171_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000171_pre_disaster.png,0,0,10,3622,00000171 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000172_post_disaster.png,lower-puna-volcano_00000172_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000172_post_disaster.png,0,0,0,0,00000172 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000172_pre_disaster.png,lower-puna-volcano_00000172_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000172_pre_disaster.png,0,0,0,0,00000172 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000173_post_disaster.png,lower-puna-volcano_00000173_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000173_post_disaster.png,0,0,0,0,00000173 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000173_pre_disaster.png,lower-puna-volcano_00000173_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000173_pre_disaster.png,0,0,0,0,00000173 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000174_post_disaster.png,lower-puna-volcano_00000174_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000174_post_disaster.png,0,0,16,7454,00000174 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000174_pre_disaster.png,lower-puna-volcano_00000174_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000174_pre_disaster.png,0,0,16,7454,00000174 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000175_post_disaster.png,lower-puna-volcano_00000175_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000175_post_disaster.png,0,0,12,6560,00000175 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000175_pre_disaster.png,lower-puna-volcano_00000175_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000175_pre_disaster.png,0,0,12,6560,00000175 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000176_post_disaster.png,lower-puna-volcano_00000176_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000176_post_disaster.png,0,0,9,10316,00000176 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000176_pre_disaster.png,lower-puna-volcano_00000176_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000176_pre_disaster.png,0,0,9,10347,00000176 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000177_post_disaster.png,lower-puna-volcano_00000177_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000177_post_disaster.png,0,0,0,0,00000177 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000177_pre_disaster.png,lower-puna-volcano_00000177_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000177_pre_disaster.png,0,0,0,0,00000177 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000178_post_disaster.png,lower-puna-volcano_00000178_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000178_post_disaster.png,0,0,0,0,00000178 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000178_pre_disaster.png,lower-puna-volcano_00000178_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000178_pre_disaster.png,0,0,0,0,00000178 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000179_post_disaster.png,lower-puna-volcano_00000179_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000179_post_disaster.png,0,0,20,10807,00000179 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000179_pre_disaster.png,lower-puna-volcano_00000179_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000179_pre_disaster.png,0,0,20,10827,00000179 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000180_post_disaster.png,lower-puna-volcano_00000180_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000180_post_disaster.png,0,0,2,992,00000180 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000180_pre_disaster.png,lower-puna-volcano_00000180_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000180_pre_disaster.png,0,0,2,992,00000180 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000181_post_disaster.png,lower-puna-volcano_00000181_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000181_post_disaster.png,0,0,21,5982,00000181 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000181_pre_disaster.png,lower-puna-volcano_00000181_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000181_pre_disaster.png,0,0,21,6010,00000181 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000182_post_disaster.png,lower-puna-volcano_00000182_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000182_post_disaster.png,0,0,34,22435,00000182 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000182_pre_disaster.png,lower-puna-volcano_00000182_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000182_pre_disaster.png,0,0,34,22492,00000182 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000183_post_disaster.png,lower-puna-volcano_00000183_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000183_post_disaster.png,0,0,9,2214,00000183 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000183_pre_disaster.png,lower-puna-volcano_00000183_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000183_pre_disaster.png,0,0,9,2214,00000183 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000184_post_disaster.png,lower-puna-volcano_00000184_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000184_post_disaster.png,0,0,18,12527,00000184 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000184_pre_disaster.png,lower-puna-volcano_00000184_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000184_pre_disaster.png,0,0,18,12601,00000184 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000185_post_disaster.png,lower-puna-volcano_00000185_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000185_post_disaster.png,0,0,0,0,00000185 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000185_pre_disaster.png,lower-puna-volcano_00000185_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000185_pre_disaster.png,0,0,0,0,00000185 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000186_post_disaster.png,lower-puna-volcano_00000186_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000186_post_disaster.png,0,0,4,3490,00000186 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000186_pre_disaster.png,lower-puna-volcano_00000186_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000186_pre_disaster.png,0,0,4,3490,00000186 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000187_post_disaster.png,lower-puna-volcano_00000187_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000187_post_disaster.png,0,0,31,24965,00000187 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000187_pre_disaster.png,lower-puna-volcano_00000187_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000187_pre_disaster.png,0,0,31,24965,00000187 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000188_post_disaster.png,lower-puna-volcano_00000188_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000188_pre_disaster.png,lower-puna-volcano_00000188_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000188_pre_disaster.png,0,0,0,0,00000188 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000189_post_disaster.png,lower-puna-volcano_00000189_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000189_post_disaster.png,0,0,0,0,00000189 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000189_pre_disaster.png,lower-puna-volcano_00000189_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000189_pre_disaster.png,0,0,0,0,00000189 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000190_post_disaster.png,lower-puna-volcano_00000190_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000190_post_disaster.png,0,0,0,0,00000190 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000190_pre_disaster.png,lower-puna-volcano_00000190_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000190_pre_disaster.png,0,0,0,0,00000190 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000191_post_disaster.png,lower-puna-volcano_00000191_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000191_post_disaster.png,0,0,20,9674,00000191 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000191_pre_disaster.png,lower-puna-volcano_00000191_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000191_pre_disaster.png,0,0,20,9674,00000191 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000192_post_disaster.png,lower-puna-volcano_00000192_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000192_post_disaster.png,0,0,0,0,00000192 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000192_pre_disaster.png,lower-puna-volcano_00000192_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000192_pre_disaster.png,0,0,0,0,00000192 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000193_post_disaster.png,lower-puna-volcano_00000193_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000193_post_disaster.png,0,0,7,1483,00000193 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000193_pre_disaster.png,lower-puna-volcano_00000193_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000193_pre_disaster.png,0,0,7,1483,00000193 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000194_post_disaster.png,lower-puna-volcano_00000194_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000194_pre_disaster.png,lower-puna-volcano_00000194_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000195_post_disaster.png,lower-puna-volcano_00000195_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000195_post_disaster.png,0,0,0,0,00000195 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000195_pre_disaster.png,lower-puna-volcano_00000195_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000195_pre_disaster.png,0,0,0,0,00000195 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000196_post_disaster.png,lower-puna-volcano_00000196_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000196_post_disaster.png,0,0,33,35502,00000196 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000196_pre_disaster.png,lower-puna-volcano_00000196_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000196_pre_disaster.png,0,0,33,35547,00000196 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000197_post_disaster.png,lower-puna-volcano_00000197_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000197_post_disaster.png,0,0,0,0,00000197 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000197_pre_disaster.png,lower-puna-volcano_00000197_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000197_pre_disaster.png,0,0,0,0,00000197 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000198_post_disaster.png,lower-puna-volcano_00000198_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000198_post_disaster.png,0,0,29,18116,00000198 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000198_pre_disaster.png,lower-puna-volcano_00000198_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000198_pre_disaster.png,0,0,29,18116,00000198 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000199_post_disaster.png,lower-puna-volcano_00000199_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000199_pre_disaster.png,lower-puna-volcano_00000199_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000199_pre_disaster.png,0,0,0,0,00000199 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000200_post_disaster.png,lower-puna-volcano_00000200_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000200_post_disaster.png,0,0,0,0,00000200 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000200_pre_disaster.png,lower-puna-volcano_00000200_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000200_pre_disaster.png,0,0,0,0,00000200 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000201_post_disaster.png,lower-puna-volcano_00000201_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000201_post_disaster.png,0,0,50,31914,00000201 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000201_pre_disaster.png,lower-puna-volcano_00000201_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000201_pre_disaster.png,0,0,50,31976,00000201 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000202_post_disaster.png,lower-puna-volcano_00000202_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000202_post_disaster.png,0,0,0,0,00000202 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000202_pre_disaster.png,lower-puna-volcano_00000202_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000202_pre_disaster.png,0,0,0,0,00000202 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000203_post_disaster.png,lower-puna-volcano_00000203_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000203_pre_disaster.png,lower-puna-volcano_00000203_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000203_pre_disaster.png,0,0,0,0,00000203 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000204_post_disaster.png,lower-puna-volcano_00000204_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000204_post_disaster.png,0,0,56,44016,00000204 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000204_pre_disaster.png,lower-puna-volcano_00000204_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000204_pre_disaster.png,0,0,56,44090,00000204 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000205_post_disaster.png,lower-puna-volcano_00000205_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000205_post_disaster.png,0,0,4,1153,00000205 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000205_pre_disaster.png,lower-puna-volcano_00000205_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000205_pre_disaster.png,0,0,4,1153,00000205 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000206_post_disaster.png,lower-puna-volcano_00000206_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000206_post_disaster.png,0,0,0,0,00000206 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000206_pre_disaster.png,lower-puna-volcano_00000206_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000206_pre_disaster.png,0,0,0,0,00000206 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000207_post_disaster.png,lower-puna-volcano_00000207_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000207_post_disaster.png,0,0,0,0,00000207 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000207_pre_disaster.png,lower-puna-volcano_00000207_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000207_pre_disaster.png,0,0,0,0,00000207 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000208_post_disaster.png,lower-puna-volcano_00000208_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000208_post_disaster.png,0,0,0,0,00000208 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000208_pre_disaster.png,lower-puna-volcano_00000208_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000208_pre_disaster.png,0,0,0,0,00000208 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000209_post_disaster.png,lower-puna-volcano_00000209_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000209_post_disaster.png,0,0,32,28740,00000209 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000209_pre_disaster.png,lower-puna-volcano_00000209_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000209_pre_disaster.png,0,0,32,28863,00000209 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000210_post_disaster.png,lower-puna-volcano_00000210_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000210_post_disaster.png,0,0,44,42811,00000210 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000210_pre_disaster.png,lower-puna-volcano_00000210_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000210_pre_disaster.png,0,0,44,42868,00000210 +13,10154,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000211_post_disaster.png,lower-puna-volcano_00000211_post_disaster,6,2867,tier3\masks\lower-puna-volcano_00000211_post_disaster.png,0,0,29,17827,00000211 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000211_pre_disaster.png,lower-puna-volcano_00000211_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000211_pre_disaster.png,0,0,47,30887,00000211 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000212_post_disaster.png,lower-puna-volcano_00000212_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000212_post_disaster.png,0,0,0,0,00000212 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000212_pre_disaster.png,lower-puna-volcano_00000212_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000212_pre_disaster.png,0,0,0,0,00000212 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000213_post_disaster.png,lower-puna-volcano_00000213_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000213_post_disaster.png,0,0,1,46,00000213 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000213_pre_disaster.png,lower-puna-volcano_00000213_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000213_pre_disaster.png,0,0,1,46,00000213 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000214_post_disaster.png,lower-puna-volcano_00000214_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000214_post_disaster.png,0,0,0,0,00000214 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000214_pre_disaster.png,lower-puna-volcano_00000214_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000214_pre_disaster.png,0,0,0,0,00000214 +13,9495,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000215_post_disaster.png,lower-puna-volcano_00000215_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000215_post_disaster.png,0,0,6,4621,00000215 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000215_pre_disaster.png,lower-puna-volcano_00000215_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000215_pre_disaster.png,0,0,19,14187,00000215 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000216_post_disaster.png,lower-puna-volcano_00000216_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000216_post_disaster.png,0,0,6,3932,00000216 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000216_pre_disaster.png,lower-puna-volcano_00000216_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000216_pre_disaster.png,0,0,6,3932,00000216 +11,9998,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000217_post_disaster.png,lower-puna-volcano_00000217_post_disaster,2,593,tier3\masks\lower-puna-volcano_00000217_post_disaster.png,1,1287,38,28161,00000217 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000217_pre_disaster.png,lower-puna-volcano_00000217_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000217_pre_disaster.png,0,0,50,40094,00000217 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000218_post_disaster.png,lower-puna-volcano_00000218_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000218_post_disaster.png,0,0,0,0,00000218 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000218_pre_disaster.png,lower-puna-volcano_00000218_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000218_pre_disaster.png,0,0,0,0,00000218 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000219_post_disaster.png,lower-puna-volcano_00000219_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000219_post_disaster.png,0,0,0,0,00000219 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000219_pre_disaster.png,lower-puna-volcano_00000219_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000219_pre_disaster.png,0,0,0,0,00000219 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000220_post_disaster.png,lower-puna-volcano_00000220_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000220_post_disaster.png,0,0,2,1402,00000220 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000220_pre_disaster.png,lower-puna-volcano_00000220_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000220_pre_disaster.png,0,0,2,1402,00000220 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000221_post_disaster.png,lower-puna-volcano_00000221_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000221_pre_disaster.png,lower-puna-volcano_00000221_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000222_post_disaster.png,lower-puna-volcano_00000222_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000222_post_disaster.png,0,0,8,5952,00000222 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000222_pre_disaster.png,lower-puna-volcano_00000222_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000222_pre_disaster.png,0,0,8,5952,00000222 +2,580,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000223_post_disaster.png,lower-puna-volcano_00000223_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000223_post_disaster.png,0,0,0,0,00000223 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000223_pre_disaster.png,lower-puna-volcano_00000223_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000223_pre_disaster.png,0,0,2,580,00000223 +9,6701,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000224_post_disaster.png,lower-puna-volcano_00000224_post_disaster,4,3672,tier3\masks\lower-puna-volcano_00000224_post_disaster.png,0,0,23,13870,00000224 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000224_pre_disaster.png,lower-puna-volcano_00000224_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000224_pre_disaster.png,0,0,36,24292,00000224 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000225_post_disaster.png,lower-puna-volcano_00000225_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000225_post_disaster.png,0,0,1,210,00000225 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000225_pre_disaster.png,lower-puna-volcano_00000225_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000225_pre_disaster.png,0,0,1,210,00000225 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000226_post_disaster.png,lower-puna-volcano_00000226_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000226_post_disaster.png,0,0,34,29648,00000226 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000226_pre_disaster.png,lower-puna-volcano_00000226_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000226_pre_disaster.png,0,0,34,29704,00000226 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000227_post_disaster.png,lower-puna-volcano_00000227_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000227_post_disaster.png,0,0,0,0,00000227 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000227_pre_disaster.png,lower-puna-volcano_00000227_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000227_pre_disaster.png,0,0,0,0,00000227 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000228_post_disaster.png,lower-puna-volcano_00000228_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000228_post_disaster.png,0,0,0,0,00000228 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000228_pre_disaster.png,lower-puna-volcano_00000228_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000228_pre_disaster.png,0,0,0,0,00000228 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000229_post_disaster.png,lower-puna-volcano_00000229_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000229_pre_disaster.png,lower-puna-volcano_00000229_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000229_pre_disaster.png,0,0,0,0,00000229 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000230_post_disaster.png,lower-puna-volcano_00000230_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000230_post_disaster.png,0,0,2,895,00000230 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000230_pre_disaster.png,lower-puna-volcano_00000230_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000230_pre_disaster.png,0,0,2,895,00000230 +2,1508,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000231_post_disaster.png,lower-puna-volcano_00000231_post_disaster,4,1901,tier3\masks\lower-puna-volcano_00000231_post_disaster.png,2,1730,31,19456,00000231 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000231_pre_disaster.png,lower-puna-volcano_00000231_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000231_pre_disaster.png,0,0,39,24612,00000231 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000232_post_disaster.png,lower-puna-volcano_00000232_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000232_post_disaster.png,0,0,20,10537,00000232 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000232_pre_disaster.png,lower-puna-volcano_00000232_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000232_pre_disaster.png,0,0,20,10551,00000232 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000233_post_disaster.png,lower-puna-volcano_00000233_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000233_post_disaster.png,0,0,0,0,00000233 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000233_pre_disaster.png,lower-puna-volcano_00000233_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000233_pre_disaster.png,0,0,0,0,00000233 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000234_post_disaster.png,lower-puna-volcano_00000234_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000234_post_disaster.png,0,0,0,0,00000234 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000234_pre_disaster.png,lower-puna-volcano_00000234_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000234_pre_disaster.png,0,0,0,0,00000234 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000235_post_disaster.png,lower-puna-volcano_00000235_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000235_post_disaster.png,0,0,4,1448,00000235 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000235_pre_disaster.png,lower-puna-volcano_00000235_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000235_pre_disaster.png,0,0,4,1448,00000235 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000236_post_disaster.png,lower-puna-volcano_00000236_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000236_post_disaster.png,0,0,0,0,00000236 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000236_pre_disaster.png,lower-puna-volcano_00000236_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000236_pre_disaster.png,0,0,0,0,00000236 +30,17408,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000237_post_disaster.png,lower-puna-volcano_00000237_post_disaster,5,2143,tier3\masks\lower-puna-volcano_00000237_post_disaster.png,1,214,3,1360,00000237 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000237_pre_disaster.png,lower-puna-volcano_00000237_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000237_pre_disaster.png,0,0,39,21213,00000237 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000238_post_disaster.png,lower-puna-volcano_00000238_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000238_post_disaster.png,0,0,0,0,00000238 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000238_pre_disaster.png,lower-puna-volcano_00000238_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000238_pre_disaster.png,0,0,0,0,00000238 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000239_post_disaster.png,lower-puna-volcano_00000239_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000239_post_disaster.png,0,0,15,4408,00000239 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000239_pre_disaster.png,lower-puna-volcano_00000239_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000239_pre_disaster.png,0,0,15,4408,00000239 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000240_post_disaster.png,lower-puna-volcano_00000240_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000240_post_disaster.png,0,0,0,0,00000240 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000240_pre_disaster.png,lower-puna-volcano_00000240_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000240_pre_disaster.png,0,0,0,0,00000240 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000241_post_disaster.png,lower-puna-volcano_00000241_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000241_post_disaster.png,0,0,3,2042,00000241 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000241_pre_disaster.png,lower-puna-volcano_00000241_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000241_pre_disaster.png,0,0,3,2046,00000241 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000242_post_disaster.png,lower-puna-volcano_00000242_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000242_post_disaster.png,0,0,2,952,00000242 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000242_pre_disaster.png,lower-puna-volcano_00000242_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000242_pre_disaster.png,0,0,2,952,00000242 +60,27618,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000243_post_disaster.png,lower-puna-volcano_00000243_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000243_post_disaster.png,0,0,0,0,00000243 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000243_pre_disaster.png,lower-puna-volcano_00000243_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000243_pre_disaster.png,0,0,60,27618,00000243 +3,1024,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000244_post_disaster.png,lower-puna-volcano_00000244_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000244_post_disaster.png,0,0,16,6441,00000244 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000244_pre_disaster.png,lower-puna-volcano_00000244_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000244_pre_disaster.png,0,0,19,7465,00000244 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000245_post_disaster.png,lower-puna-volcano_00000245_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000245_post_disaster.png,0,0,0,0,00000245 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000245_pre_disaster.png,lower-puna-volcano_00000245_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000245_pre_disaster.png,0,0,0,0,00000245 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000246_post_disaster.png,lower-puna-volcano_00000246_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000246_post_disaster.png,0,0,0,0,00000246 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000246_pre_disaster.png,lower-puna-volcano_00000246_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000246_pre_disaster.png,0,0,0,0,00000246 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000247_post_disaster.png,lower-puna-volcano_00000247_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000247_post_disaster.png,0,0,6,3221,00000247 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000247_pre_disaster.png,lower-puna-volcano_00000247_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000247_pre_disaster.png,0,0,6,3259,00000247 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000248_post_disaster.png,lower-puna-volcano_00000248_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000248_post_disaster.png,0,0,7,5389,00000248 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000248_pre_disaster.png,lower-puna-volcano_00000248_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000248_pre_disaster.png,0,0,7,5567,00000248 +30,24876,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000249_post_disaster.png,lower-puna-volcano_00000249_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000249_post_disaster.png,0,0,1,502,00000249 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000249_pre_disaster.png,lower-puna-volcano_00000249_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000249_pre_disaster.png,0,0,31,25595,00000249 +9,10122,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000250_post_disaster.png,lower-puna-volcano_00000250_post_disaster,1,2988,tier3\masks\lower-puna-volcano_00000250_post_disaster.png,0,0,0,0,00000250 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000250_pre_disaster.png,lower-puna-volcano_00000250_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000250_pre_disaster.png,0,0,10,13196,00000250 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000251_post_disaster.png,lower-puna-volcano_00000251_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000251_post_disaster.png,0,0,0,0,00000251 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000251_pre_disaster.png,lower-puna-volcano_00000251_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000251_pre_disaster.png,0,0,0,0,00000251 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000252_post_disaster.png,lower-puna-volcano_00000252_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000252_post_disaster.png,0,0,6,1525,00000252 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000252_pre_disaster.png,lower-puna-volcano_00000252_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000252_pre_disaster.png,0,0,6,1525,00000252 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000253_post_disaster.png,lower-puna-volcano_00000253_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000253_post_disaster.png,0,0,29,21580,00000253 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000253_pre_disaster.png,lower-puna-volcano_00000253_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000253_pre_disaster.png,0,0,29,21580,00000253 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000254_post_disaster.png,lower-puna-volcano_00000254_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000254_post_disaster.png,0,0,17,13142,00000254 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000254_pre_disaster.png,lower-puna-volcano_00000254_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000254_pre_disaster.png,0,0,17,13155,00000254 +30,17190,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000255_post_disaster.png,lower-puna-volcano_00000255_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000255_post_disaster.png,1,260,5,2611,00000255 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000255_pre_disaster.png,lower-puna-volcano_00000255_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000255_pre_disaster.png,0,0,36,20061,00000255 +5,6565,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000256_post_disaster.png,lower-puna-volcano_00000256_post_disaster,1,246,tier3\masks\lower-puna-volcano_00000256_post_disaster.png,0,0,0,0,00000256 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000256_pre_disaster.png,lower-puna-volcano_00000256_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000256_pre_disaster.png,0,0,6,6811,00000256 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000257_post_disaster.png,lower-puna-volcano_00000257_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000257_post_disaster.png,0,0,0,0,00000257 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000257_pre_disaster.png,lower-puna-volcano_00000257_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000257_pre_disaster.png,0,0,0,0,00000257 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000258_post_disaster.png,lower-puna-volcano_00000258_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000258_post_disaster.png,0,0,0,0,00000258 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000258_pre_disaster.png,lower-puna-volcano_00000258_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000258_pre_disaster.png,0,0,0,0,00000258 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000259_post_disaster.png,lower-puna-volcano_00000259_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000259_post_disaster.png,0,0,8,2995,00000259 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000259_pre_disaster.png,lower-puna-volcano_00000259_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000259_pre_disaster.png,0,0,8,2995,00000259 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000260_post_disaster.png,lower-puna-volcano_00000260_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000260_post_disaster.png,0,0,15,7013,00000260 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000260_pre_disaster.png,lower-puna-volcano_00000260_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000260_pre_disaster.png,0,0,15,7013,00000260 +20,10269,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000261_post_disaster.png,lower-puna-volcano_00000261_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000261_post_disaster.png,1,2156,6,1307,00000261 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000261_pre_disaster.png,lower-puna-volcano_00000261_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000261_pre_disaster.png,0,0,27,13796,00000261 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000262_post_disaster.png,lower-puna-volcano_00000262_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000262_post_disaster.png,0,0,3,1563,00000262 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000262_pre_disaster.png,lower-puna-volcano_00000262_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000262_pre_disaster.png,0,0,3,1563,00000262 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000263_post_disaster.png,lower-puna-volcano_00000263_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000263_post_disaster.png,0,0,1,100,00000263 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000263_pre_disaster.png,lower-puna-volcano_00000263_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000263_pre_disaster.png,0,0,1,100,00000263 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000264_post_disaster.png,lower-puna-volcano_00000264_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000264_pre_disaster.png,lower-puna-volcano_00000264_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000264_pre_disaster.png,0,0,0,0,00000264 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000265_post_disaster.png,lower-puna-volcano_00000265_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000265_post_disaster.png,0,0,0,0,00000265 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000265_pre_disaster.png,lower-puna-volcano_00000265_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000265_pre_disaster.png,0,0,0,0,00000265 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000266_post_disaster.png,lower-puna-volcano_00000266_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000266_post_disaster.png,0,0,16,9748,00000266 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000266_pre_disaster.png,lower-puna-volcano_00000266_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000266_pre_disaster.png,0,0,16,9748,00000266 +2,207,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000267_post_disaster.png,lower-puna-volcano_00000267_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000267_post_disaster.png,0,0,11,6417,00000267 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000267_pre_disaster.png,lower-puna-volcano_00000267_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000267_pre_disaster.png,0,0,13,6640,00000267 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000268_post_disaster.png,lower-puna-volcano_00000268_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000268_post_disaster.png,0,0,4,3267,00000268 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000268_pre_disaster.png,lower-puna-volcano_00000268_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000268_pre_disaster.png,0,0,4,3350,00000268 +11,4642,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000269_post_disaster.png,lower-puna-volcano_00000269_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000269_post_disaster.png,0,0,0,0,00000269 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000269_pre_disaster.png,lower-puna-volcano_00000269_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000269_pre_disaster.png,0,0,11,4642,00000269 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000270_post_disaster.png,lower-puna-volcano_00000270_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000270_post_disaster.png,0,0,49,12328,00000270 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000270_pre_disaster.png,lower-puna-volcano_00000270_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000270_pre_disaster.png,0,0,49,12328,00000270 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000271_post_disaster.png,lower-puna-volcano_00000271_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000271_post_disaster.png,0,0,0,0,00000271 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000271_pre_disaster.png,lower-puna-volcano_00000271_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000271_pre_disaster.png,0,0,0,0,00000271 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000272_post_disaster.png,lower-puna-volcano_00000272_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000272_post_disaster.png,0,0,17,8634,00000272 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000272_pre_disaster.png,lower-puna-volcano_00000272_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000272_pre_disaster.png,0,0,17,8664,00000272 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000273_post_disaster.png,lower-puna-volcano_00000273_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000273_post_disaster.png,0,0,4,1076,00000273 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000273_pre_disaster.png,lower-puna-volcano_00000273_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000273_pre_disaster.png,0,0,4,1104,00000273 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000274_post_disaster.png,lower-puna-volcano_00000274_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000274_post_disaster.png,0,0,30,9800,00000274 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000274_pre_disaster.png,lower-puna-volcano_00000274_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000274_pre_disaster.png,0,0,30,9840,00000274 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000275_post_disaster.png,lower-puna-volcano_00000275_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000275_post_disaster.png,0,0,8,1686,00000275 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000275_pre_disaster.png,lower-puna-volcano_00000275_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000275_pre_disaster.png,0,0,8,1686,00000275 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000276_post_disaster.png,lower-puna-volcano_00000276_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000276_post_disaster.png,0,0,0,0,00000276 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000276_pre_disaster.png,lower-puna-volcano_00000276_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000276_pre_disaster.png,0,0,0,0,00000276 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000277_post_disaster.png,lower-puna-volcano_00000277_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000277_post_disaster.png,0,0,5,2213,00000277 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000277_pre_disaster.png,lower-puna-volcano_00000277_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000277_pre_disaster.png,0,0,5,2213,00000277 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000278_post_disaster.png,lower-puna-volcano_00000278_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000278_post_disaster.png,0,0,8,1507,00000278 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000278_pre_disaster.png,lower-puna-volcano_00000278_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000278_pre_disaster.png,0,0,8,1516,00000278 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000279_post_disaster.png,lower-puna-volcano_00000279_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000279_post_disaster.png,0,0,28,13698,00000279 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000279_pre_disaster.png,lower-puna-volcano_00000279_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000279_pre_disaster.png,0,0,28,13698,00000279 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000280_post_disaster.png,lower-puna-volcano_00000280_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000280_post_disaster.png,0,0,0,0,00000280 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000280_pre_disaster.png,lower-puna-volcano_00000280_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000280_pre_disaster.png,0,0,0,0,00000280 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000281_post_disaster.png,lower-puna-volcano_00000281_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000281_post_disaster.png,0,0,5,5476,00000281 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000281_pre_disaster.png,lower-puna-volcano_00000281_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000281_pre_disaster.png,0,0,5,5476,00000281 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000282_post_disaster.png,lower-puna-volcano_00000282_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000282_post_disaster.png,0,0,0,0,00000282 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000282_pre_disaster.png,lower-puna-volcano_00000282_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000282_pre_disaster.png,0,0,0,0,00000282 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000283_post_disaster.png,lower-puna-volcano_00000283_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000283_post_disaster.png,0,0,8,5978,00000283 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000283_pre_disaster.png,lower-puna-volcano_00000283_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000283_pre_disaster.png,0,0,8,6047,00000283 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000284_post_disaster.png,lower-puna-volcano_00000284_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000284_post_disaster.png,0,0,0,0,00000284 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000284_pre_disaster.png,lower-puna-volcano_00000284_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000284_pre_disaster.png,0,0,0,0,00000284 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000285_post_disaster.png,lower-puna-volcano_00000285_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000285_post_disaster.png,0,0,0,0,00000285 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000285_pre_disaster.png,lower-puna-volcano_00000285_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000285_pre_disaster.png,0,0,0,0,00000285 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000286_post_disaster.png,lower-puna-volcano_00000286_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000286_post_disaster.png,0,0,6,2073,00000286 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000286_pre_disaster.png,lower-puna-volcano_00000286_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000286_pre_disaster.png,0,0,6,2073,00000286 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000287_post_disaster.png,lower-puna-volcano_00000287_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000287_post_disaster.png,0,0,0,0,00000287 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000287_pre_disaster.png,lower-puna-volcano_00000287_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000287_pre_disaster.png,0,0,0,0,00000287 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000288_post_disaster.png,lower-puna-volcano_00000288_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000288_post_disaster.png,0,0,1,55,00000288 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000288_pre_disaster.png,lower-puna-volcano_00000288_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000288_pre_disaster.png,0,0,1,55,00000288 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000289_post_disaster.png,lower-puna-volcano_00000289_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000289_post_disaster.png,0,0,5,1986,00000289 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000289_pre_disaster.png,lower-puna-volcano_00000289_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000289_pre_disaster.png,0,0,5,1986,00000289 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000290_post_disaster.png,lower-puna-volcano_00000290_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000290_post_disaster.png,0,0,6,3106,00000290 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000290_pre_disaster.png,lower-puna-volcano_00000290_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000290_pre_disaster.png,0,0,6,3106,00000290 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000000_post_disaster.png,moore-tornado_00000000_post_disaster,0,0,tier3\masks\moore-tornado_00000000_post_disaster.png,0,0,53,90639,00000000 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000000_pre_disaster.png,moore-tornado_00000000_pre_disaster,0,0,tier3\masks\moore-tornado_00000000_pre_disaster.png,0,0,53,90663,00000000 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000001_post_disaster.png,moore-tornado_00000001_post_disaster,0,0,tier3\masks\moore-tornado_00000001_post_disaster.png,0,0,0,0,00000001 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000001_pre_disaster.png,moore-tornado_00000001_pre_disaster,0,0,tier3\masks\moore-tornado_00000001_pre_disaster.png,0,0,0,0,00000001 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000002_post_disaster.png,moore-tornado_00000002_post_disaster,0,0,tier3\masks\moore-tornado_00000002_post_disaster.png,0,0,9,11244,00000002 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000002_pre_disaster.png,moore-tornado_00000002_pre_disaster,0,0,tier3\masks\moore-tornado_00000002_pre_disaster.png,0,0,9,11310,00000002 +16,8967,moore-tornado,post,tier3,tier3\images\moore-tornado_00000003_post_disaster.png,moore-tornado_00000003_post_disaster,15,17571,tier3\masks\moore-tornado_00000003_post_disaster.png,10,9494,161,120110,00000003 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000003_pre_disaster.png,moore-tornado_00000003_pre_disaster,0,0,tier3\masks\moore-tornado_00000003_pre_disaster.png,0,0,201,156508,00000003 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000004_post_disaster.png,moore-tornado_00000004_post_disaster,0,0,tier3\masks\moore-tornado_00000004_post_disaster.png,0,0,1,101,00000004 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000004_pre_disaster.png,moore-tornado_00000004_pre_disaster,0,0,tier3\masks\moore-tornado_00000004_pre_disaster.png,0,0,1,114,00000004 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000005_post_disaster.png,moore-tornado_00000005_post_disaster,0,0,tier3\masks\moore-tornado_00000005_post_disaster.png,0,0,26,28919,00000005 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000005_pre_disaster.png,moore-tornado_00000005_pre_disaster,0,0,tier3\masks\moore-tornado_00000005_pre_disaster.png,0,0,26,28991,00000005 +11,7897,moore-tornado,post,tier3,tier3\images\moore-tornado_00000006_post_disaster.png,moore-tornado_00000006_post_disaster,20,22029,tier3\masks\moore-tornado_00000006_post_disaster.png,5,6880,161,134712,00000006 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000006_pre_disaster.png,moore-tornado_00000006_pre_disaster,0,0,tier3\masks\moore-tornado_00000006_pre_disaster.png,0,0,197,171768,00000006 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000007_post_disaster.png,moore-tornado_00000007_post_disaster,0,0,tier3\masks\moore-tornado_00000007_post_disaster.png,0,0,146,176354,00000007 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000007_pre_disaster.png,moore-tornado_00000007_pre_disaster,0,0,tier3\masks\moore-tornado_00000007_pre_disaster.png,0,0,146,176759,00000007 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000008_post_disaster.png,moore-tornado_00000008_post_disaster,12,14242,tier3\masks\moore-tornado_00000008_post_disaster.png,1,1266,141,154412,00000008 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000008_pre_disaster.png,moore-tornado_00000008_pre_disaster,0,0,tier3\masks\moore-tornado_00000008_pre_disaster.png,0,0,153,170317,00000008 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000009_post_disaster.png,moore-tornado_00000009_post_disaster,0,0,tier3\masks\moore-tornado_00000009_post_disaster.png,0,0,135,253037,00000009 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000009_pre_disaster.png,moore-tornado_00000009_pre_disaster,0,0,tier3\masks\moore-tornado_00000009_pre_disaster.png,0,0,135,253282,00000009 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000010_post_disaster.png,moore-tornado_00000010_post_disaster,0,0,tier3\masks\moore-tornado_00000010_post_disaster.png,0,0,4,498,00000010 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000010_pre_disaster.png,moore-tornado_00000010_pre_disaster,0,0,tier3\masks\moore-tornado_00000010_pre_disaster.png,0,0,4,498,00000010 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000011_post_disaster.png,moore-tornado_00000011_post_disaster,0,0,tier3\masks\moore-tornado_00000011_post_disaster.png,0,0,133,224723,00000011 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000011_pre_disaster.png,moore-tornado_00000011_pre_disaster,0,0,tier3\masks\moore-tornado_00000011_pre_disaster.png,0,0,133,224770,00000011 +1,450,moore-tornado,post,tier3,tier3\images\moore-tornado_00000012_post_disaster.png,moore-tornado_00000012_post_disaster,2,32595,tier3\masks\moore-tornado_00000012_post_disaster.png,2,1586,140,136863,00000012 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000012_pre_disaster.png,moore-tornado_00000012_pre_disaster,0,0,tier3\masks\moore-tornado_00000012_pre_disaster.png,0,0,145,172226,00000012 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000013_post_disaster.png,moore-tornado_00000013_post_disaster,4,7521,tier3\masks\moore-tornado_00000013_post_disaster.png,0,0,146,146073,00000013 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000013_pre_disaster.png,moore-tornado_00000013_pre_disaster,0,0,tier3\masks\moore-tornado_00000013_pre_disaster.png,0,0,150,154028,00000013 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000014_post_disaster.png,moore-tornado_00000014_post_disaster,0,0,tier3\masks\moore-tornado_00000014_post_disaster.png,0,0,97,138872,00000014 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000014_pre_disaster.png,moore-tornado_00000014_pre_disaster,0,0,tier3\masks\moore-tornado_00000014_pre_disaster.png,0,0,97,139173,00000014 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000015_post_disaster.png,moore-tornado_00000015_post_disaster,0,0,tier3\masks\moore-tornado_00000015_post_disaster.png,0,0,163,252482,00000015 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000015_pre_disaster.png,moore-tornado_00000015_pre_disaster,0,0,tier3\masks\moore-tornado_00000015_pre_disaster.png,0,0,163,252694,00000015 +8,7656,moore-tornado,post,tier3,tier3\images\moore-tornado_00000016_post_disaster.png,moore-tornado_00000016_post_disaster,12,27512,tier3\masks\moore-tornado_00000016_post_disaster.png,4,3978,107,125776,00000016 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000016_pre_disaster.png,moore-tornado_00000016_pre_disaster,0,0,tier3\masks\moore-tornado_00000016_pre_disaster.png,0,0,131,164940,00000016 +25,9768,moore-tornado,post,tier3,tier3\images\moore-tornado_00000017_post_disaster.png,moore-tornado_00000017_post_disaster,29,31262,tier3\masks\moore-tornado_00000017_post_disaster.png,12,10912,63,44885,00000017 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000017_pre_disaster.png,moore-tornado_00000017_pre_disaster,0,0,tier3\masks\moore-tornado_00000017_pre_disaster.png,0,0,128,96971,00000017 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000018_post_disaster.png,moore-tornado_00000018_post_disaster,0,0,tier3\masks\moore-tornado_00000018_post_disaster.png,0,0,285,214641,00000018 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000018_pre_disaster.png,moore-tornado_00000018_pre_disaster,0,0,tier3\masks\moore-tornado_00000018_pre_disaster.png,0,0,285,214861,00000018 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000019_post_disaster.png,moore-tornado_00000019_post_disaster,0,0,tier3\masks\moore-tornado_00000019_post_disaster.png,0,0,199,262440,00000019 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000019_pre_disaster.png,moore-tornado_00000019_pre_disaster,0,0,tier3\masks\moore-tornado_00000019_pre_disaster.png,0,0,199,262607,00000019 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000020_post_disaster.png,moore-tornado_00000020_post_disaster,0,0,tier3\masks\moore-tornado_00000020_post_disaster.png,0,0,11,9008,00000020 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000020_pre_disaster.png,moore-tornado_00000020_pre_disaster,0,0,tier3\masks\moore-tornado_00000020_pre_disaster.png,0,0,11,9059,00000020 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000021_post_disaster.png,moore-tornado_00000021_post_disaster,0,0,tier3\masks\moore-tornado_00000021_post_disaster.png,0,0,36,74038,00000021 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000021_pre_disaster.png,moore-tornado_00000021_pre_disaster,0,0,tier3\masks\moore-tornado_00000021_pre_disaster.png,0,0,36,74182,00000021 +38,35944,moore-tornado,post,tier3,tier3\images\moore-tornado_00000022_post_disaster.png,moore-tornado_00000022_post_disaster,13,12720,tier3\masks\moore-tornado_00000022_post_disaster.png,7,7618,2,1101,00000022 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000022_pre_disaster.png,moore-tornado_00000022_pre_disaster,0,0,tier3\masks\moore-tornado_00000022_pre_disaster.png,0,0,59,57389,00000022 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000023_post_disaster.png,moore-tornado_00000023_post_disaster,3,2979,tier3\masks\moore-tornado_00000023_post_disaster.png,0,0,222,282495,00000023 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000023_pre_disaster.png,moore-tornado_00000023_pre_disaster,0,0,tier3\masks\moore-tornado_00000023_pre_disaster.png,0,0,224,285700,00000023 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000024_post_disaster.png,moore-tornado_00000024_post_disaster,0,0,tier3\masks\moore-tornado_00000024_post_disaster.png,0,0,16,23241,00000024 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000024_pre_disaster.png,moore-tornado_00000024_pre_disaster,0,0,tier3\masks\moore-tornado_00000024_pre_disaster.png,0,0,16,23270,00000024 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000025_post_disaster.png,moore-tornado_00000025_post_disaster,0,0,tier3\masks\moore-tornado_00000025_post_disaster.png,0,0,42,35132,00000025 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000025_pre_disaster.png,moore-tornado_00000025_pre_disaster,0,0,tier3\masks\moore-tornado_00000025_pre_disaster.png,0,0,42,35226,00000025 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000026_post_disaster.png,moore-tornado_00000026_post_disaster,0,0,tier3\masks\moore-tornado_00000026_post_disaster.png,0,0,80,130401,00000026 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000026_pre_disaster.png,moore-tornado_00000026_pre_disaster,0,0,tier3\masks\moore-tornado_00000026_pre_disaster.png,0,0,80,130401,00000026 +47,48619,moore-tornado,post,tier3,tier3\images\moore-tornado_00000027_post_disaster.png,moore-tornado_00000027_post_disaster,25,82335,tier3\masks\moore-tornado_00000027_post_disaster.png,18,41527,61,57494,00000027 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000027_pre_disaster.png,moore-tornado_00000027_pre_disaster,0,0,tier3\masks\moore-tornado_00000027_pre_disaster.png,0,0,150,230441,00000027 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000028_post_disaster.png,moore-tornado_00000028_post_disaster,0,0,tier3\masks\moore-tornado_00000028_post_disaster.png,0,0,14,13121,00000028 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000028_pre_disaster.png,moore-tornado_00000028_pre_disaster,0,0,tier3\masks\moore-tornado_00000028_pre_disaster.png,0,0,14,13121,00000028 +33,22444,moore-tornado,post,tier3,tier3\images\moore-tornado_00000029_post_disaster.png,moore-tornado_00000029_post_disaster,2,3834,tier3\masks\moore-tornado_00000029_post_disaster.png,8,16196,10,9051,00000029 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000029_pre_disaster.png,moore-tornado_00000029_pre_disaster,0,0,tier3\masks\moore-tornado_00000029_pre_disaster.png,0,0,52,51535,00000029 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000030_post_disaster.png,moore-tornado_00000030_post_disaster,0,0,tier3\masks\moore-tornado_00000030_post_disaster.png,0,0,35,55859,00000030 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000030_pre_disaster.png,moore-tornado_00000030_pre_disaster,0,0,tier3\masks\moore-tornado_00000030_pre_disaster.png,0,0,35,55859,00000030 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000031_post_disaster.png,moore-tornado_00000031_post_disaster,0,0,tier3\masks\moore-tornado_00000031_post_disaster.png,0,0,218,240692,00000031 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000031_pre_disaster.png,moore-tornado_00000031_pre_disaster,0,0,tier3\masks\moore-tornado_00000031_pre_disaster.png,0,0,218,240941,00000031 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000032_post_disaster.png,moore-tornado_00000032_post_disaster,0,0,tier3\masks\moore-tornado_00000032_post_disaster.png,0,0,26,23994,00000032 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000032_pre_disaster.png,moore-tornado_00000032_pre_disaster,0,0,tier3\masks\moore-tornado_00000032_pre_disaster.png,0,0,26,24102,00000032 +33,28627,moore-tornado,post,tier3,tier3\images\moore-tornado_00000033_post_disaster.png,moore-tornado_00000033_post_disaster,8,10095,tier3\masks\moore-tornado_00000033_post_disaster.png,12,15348,71,99316,00000033 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000033_pre_disaster.png,moore-tornado_00000033_pre_disaster,0,0,tier3\masks\moore-tornado_00000033_pre_disaster.png,0,0,124,153629,00000033 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000034_post_disaster.png,moore-tornado_00000034_post_disaster,0,0,tier3\masks\moore-tornado_00000034_post_disaster.png,0,0,2,3740,00000034 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000034_pre_disaster.png,moore-tornado_00000034_pre_disaster,0,0,tier3\masks\moore-tornado_00000034_pre_disaster.png,0,0,2,3740,00000034 +63,51158,moore-tornado,post,tier3,tier3\images\moore-tornado_00000035_post_disaster.png,moore-tornado_00000035_post_disaster,24,24995,tier3\masks\moore-tornado_00000035_post_disaster.png,14,16052,66,51478,00000035 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000035_pre_disaster.png,moore-tornado_00000035_pre_disaster,0,0,tier3\masks\moore-tornado_00000035_pre_disaster.png,0,0,163,143798,00000035 +33,53452,moore-tornado,post,tier3,tier3\images\moore-tornado_00000036_post_disaster.png,moore-tornado_00000036_post_disaster,0,0,tier3\masks\moore-tornado_00000036_post_disaster.png,0,0,2,6394,00000036 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000036_pre_disaster.png,moore-tornado_00000036_pre_disaster,0,0,tier3\masks\moore-tornado_00000036_pre_disaster.png,0,0,35,59846,00000036 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000037_post_disaster.png,moore-tornado_00000037_post_disaster,0,0,tier3\masks\moore-tornado_00000037_post_disaster.png,0,0,9,14466,00000037 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000037_pre_disaster.png,moore-tornado_00000037_pre_disaster,0,0,tier3\masks\moore-tornado_00000037_pre_disaster.png,0,0,9,14466,00000037 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000038_post_disaster.png,moore-tornado_00000038_post_disaster,0,0,tier3\masks\moore-tornado_00000038_post_disaster.png,0,0,129,145822,00000038 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000038_pre_disaster.png,moore-tornado_00000038_pre_disaster,0,0,tier3\masks\moore-tornado_00000038_pre_disaster.png,0,0,129,145831,00000038 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000039_post_disaster.png,moore-tornado_00000039_post_disaster,0,0,tier3\masks\moore-tornado_00000039_post_disaster.png,0,0,116,114536,00000039 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000039_pre_disaster.png,moore-tornado_00000039_pre_disaster,0,0,tier3\masks\moore-tornado_00000039_pre_disaster.png,0,0,116,114846,00000039 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000040_post_disaster.png,moore-tornado_00000040_post_disaster,0,0,tier3\masks\moore-tornado_00000040_post_disaster.png,0,0,10,1974,00000040 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000040_pre_disaster.png,moore-tornado_00000040_pre_disaster,0,0,tier3\masks\moore-tornado_00000040_pre_disaster.png,0,0,10,1974,00000040 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000041_post_disaster.png,moore-tornado_00000041_post_disaster,0,0,tier3\masks\moore-tornado_00000041_post_disaster.png,0,0,31,29122,00000041 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000041_pre_disaster.png,moore-tornado_00000041_pre_disaster,0,0,tier3\masks\moore-tornado_00000041_pre_disaster.png,0,0,31,29122,00000041 +15,16393,moore-tornado,post,tier3,tier3\images\moore-tornado_00000042_post_disaster.png,moore-tornado_00000042_post_disaster,28,43309,tier3\masks\moore-tornado_00000042_post_disaster.png,8,14046,33,45455,00000042 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000042_pre_disaster.png,moore-tornado_00000042_pre_disaster,0,0,tier3\masks\moore-tornado_00000042_pre_disaster.png,0,0,84,119476,00000042 +15,23827,moore-tornado,post,tier3,tier3\images\moore-tornado_00000043_post_disaster.png,moore-tornado_00000043_post_disaster,3,3787,tier3\masks\moore-tornado_00000043_post_disaster.png,3,6110,17,17233,00000043 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000043_pre_disaster.png,moore-tornado_00000043_pre_disaster,0,0,tier3\masks\moore-tornado_00000043_pre_disaster.png,0,0,38,51049,00000043 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000044_post_disaster.png,moore-tornado_00000044_post_disaster,0,0,tier3\masks\moore-tornado_00000044_post_disaster.png,0,0,16,24664,00000044 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000044_pre_disaster.png,moore-tornado_00000044_pre_disaster,0,0,tier3\masks\moore-tornado_00000044_pre_disaster.png,0,0,16,24760,00000044 +92,110811,moore-tornado,post,tier3,tier3\images\moore-tornado_00000045_post_disaster.png,moore-tornado_00000045_post_disaster,21,24966,tier3\masks\moore-tornado_00000045_post_disaster.png,44,54497,6,2982,00000045 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000045_pre_disaster.png,moore-tornado_00000045_pre_disaster,0,0,tier3\masks\moore-tornado_00000045_pre_disaster.png,0,0,158,193437,00000045 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000046_post_disaster.png,moore-tornado_00000046_post_disaster,0,0,tier3\masks\moore-tornado_00000046_post_disaster.png,0,0,177,198380,00000046 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000046_pre_disaster.png,moore-tornado_00000046_pre_disaster,0,0,tier3\masks\moore-tornado_00000046_pre_disaster.png,0,0,177,198603,00000046 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000047_post_disaster.png,moore-tornado_00000047_post_disaster,0,0,tier3\masks\moore-tornado_00000047_post_disaster.png,0,0,155,174433,00000047 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000047_pre_disaster.png,moore-tornado_00000047_pre_disaster,0,0,tier3\masks\moore-tornado_00000047_pre_disaster.png,0,0,155,174433,00000047 +5,10450,moore-tornado,post,tier3,tier3\images\moore-tornado_00000048_post_disaster.png,moore-tornado_00000048_post_disaster,8,11459,tier3\masks\moore-tornado_00000048_post_disaster.png,2,3819,59,73629,00000048 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000048_pre_disaster.png,moore-tornado_00000048_pre_disaster,0,0,tier3\masks\moore-tornado_00000048_pre_disaster.png,0,0,73,99741,00000048 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000049_post_disaster.png,moore-tornado_00000049_post_disaster,0,0,tier3\masks\moore-tornado_00000049_post_disaster.png,0,0,7,2830,00000049 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000049_pre_disaster.png,moore-tornado_00000049_pre_disaster,0,0,tier3\masks\moore-tornado_00000049_pre_disaster.png,0,0,7,2830,00000049 +36,40254,moore-tornado,post,tier3,tier3\images\moore-tornado_00000050_post_disaster.png,moore-tornado_00000050_post_disaster,39,50765,tier3\masks\moore-tornado_00000050_post_disaster.png,10,12549,62,69111,00000050 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000050_pre_disaster.png,moore-tornado_00000050_pre_disaster,0,0,tier3\masks\moore-tornado_00000050_pre_disaster.png,0,0,145,172792,00000050 +193,183621,moore-tornado,post,tier3,tier3\images\moore-tornado_00000051_post_disaster.png,moore-tornado_00000051_post_disaster,27,33666,tier3\masks\moore-tornado_00000051_post_disaster.png,24,27302,24,20414,00000051 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000051_pre_disaster.png,moore-tornado_00000051_pre_disaster,0,0,tier3\masks\moore-tornado_00000051_pre_disaster.png,0,0,264,265131,00000051 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000052_post_disaster.png,moore-tornado_00000052_post_disaster,0,0,tier3\masks\moore-tornado_00000052_post_disaster.png,0,0,6,92700,00000052 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000052_pre_disaster.png,moore-tornado_00000052_pre_disaster,0,0,tier3\masks\moore-tornado_00000052_pre_disaster.png,0,0,6,92786,00000052 +1,1687,moore-tornado,post,tier3,tier3\images\moore-tornado_00000053_post_disaster.png,moore-tornado_00000053_post_disaster,0,0,tier3\masks\moore-tornado_00000053_post_disaster.png,0,0,49,85111,00000053 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000053_pre_disaster.png,moore-tornado_00000053_pre_disaster,0,0,tier3\masks\moore-tornado_00000053_pre_disaster.png,0,0,50,87054,00000053 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000054_post_disaster.png,moore-tornado_00000054_post_disaster,0,0,tier3\masks\moore-tornado_00000054_post_disaster.png,0,0,250,218963,00000054 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000054_pre_disaster.png,moore-tornado_00000054_pre_disaster,0,0,tier3\masks\moore-tornado_00000054_pre_disaster.png,0,0,250,219163,00000054 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000055_post_disaster.png,moore-tornado_00000055_post_disaster,0,0,tier3\masks\moore-tornado_00000055_post_disaster.png,0,0,103,163402,00000055 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000055_pre_disaster.png,moore-tornado_00000055_pre_disaster,0,0,tier3\masks\moore-tornado_00000055_pre_disaster.png,0,0,103,163482,00000055 +45,46312,moore-tornado,post,tier3,tier3\images\moore-tornado_00000056_post_disaster.png,moore-tornado_00000056_post_disaster,36,37982,tier3\masks\moore-tornado_00000056_post_disaster.png,11,13285,170,149877,00000056 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000056_pre_disaster.png,moore-tornado_00000056_pre_disaster,0,0,tier3\masks\moore-tornado_00000056_pre_disaster.png,0,0,260,247640,00000056 +144,138955,moore-tornado,post,tier3,tier3\images\moore-tornado_00000057_post_disaster.png,moore-tornado_00000057_post_disaster,15,23184,tier3\masks\moore-tornado_00000057_post_disaster.png,35,60842,9,11512,00000057 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000057_pre_disaster.png,moore-tornado_00000057_pre_disaster,0,0,tier3\masks\moore-tornado_00000057_pre_disaster.png,0,0,201,234504,00000057 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000058_post_disaster.png,moore-tornado_00000058_post_disaster,0,0,tier3\masks\moore-tornado_00000058_post_disaster.png,0,0,31,94367,00000058 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000058_pre_disaster.png,moore-tornado_00000058_pre_disaster,0,0,tier3\masks\moore-tornado_00000058_pre_disaster.png,0,0,31,94382,00000058 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000059_post_disaster.png,moore-tornado_00000059_post_disaster,0,0,tier3\masks\moore-tornado_00000059_post_disaster.png,0,0,7,3056,00000059 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000059_pre_disaster.png,moore-tornado_00000059_pre_disaster,0,0,tier3\masks\moore-tornado_00000059_pre_disaster.png,0,0,7,3056,00000059 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000060_post_disaster.png,moore-tornado_00000060_post_disaster,0,0,tier3\masks\moore-tornado_00000060_post_disaster.png,0,0,29,46166,00000060 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000060_pre_disaster.png,moore-tornado_00000060_pre_disaster,0,0,tier3\masks\moore-tornado_00000060_pre_disaster.png,0,0,29,46166,00000060 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000061_post_disaster.png,moore-tornado_00000061_post_disaster,0,0,tier3\masks\moore-tornado_00000061_post_disaster.png,0,0,0,0,00000061 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000061_pre_disaster.png,moore-tornado_00000061_pre_disaster,0,0,tier3\masks\moore-tornado_00000061_pre_disaster.png,0,0,0,0,00000061 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000062_post_disaster.png,moore-tornado_00000062_post_disaster,0,0,tier3\masks\moore-tornado_00000062_post_disaster.png,0,0,21,31693,00000062 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000062_pre_disaster.png,moore-tornado_00000062_pre_disaster,0,0,tier3\masks\moore-tornado_00000062_pre_disaster.png,0,0,21,31716,00000062 +6,2075,moore-tornado,post,tier3,tier3\images\moore-tornado_00000063_post_disaster.png,moore-tornado_00000063_post_disaster,3,4494,tier3\masks\moore-tornado_00000063_post_disaster.png,4,4508,28,20518,00000063 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000063_pre_disaster.png,moore-tornado_00000063_pre_disaster,0,0,tier3\masks\moore-tornado_00000063_pre_disaster.png,0,0,41,31693,00000063 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000064_post_disaster.png,moore-tornado_00000064_post_disaster,0,0,tier3\masks\moore-tornado_00000064_post_disaster.png,0,0,213,288673,00000064 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000064_pre_disaster.png,moore-tornado_00000064_pre_disaster,0,0,tier3\masks\moore-tornado_00000064_pre_disaster.png,0,0,213,288912,00000064 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000065_post_disaster.png,moore-tornado_00000065_post_disaster,0,0,tier3\masks\moore-tornado_00000065_post_disaster.png,0,0,103,120437,00000065 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000065_pre_disaster.png,moore-tornado_00000065_pre_disaster,0,0,tier3\masks\moore-tornado_00000065_pre_disaster.png,0,0,103,120493,00000065 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000066_post_disaster.png,moore-tornado_00000066_post_disaster,0,0,tier3\masks\moore-tornado_00000066_post_disaster.png,0,0,75,66229,00000066 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000066_pre_disaster.png,moore-tornado_00000066_pre_disaster,0,0,tier3\masks\moore-tornado_00000066_pre_disaster.png,0,0,75,66229,00000066 +35,24322,moore-tornado,post,tier3,tier3\images\moore-tornado_00000067_post_disaster.png,moore-tornado_00000067_post_disaster,49,51657,tier3\masks\moore-tornado_00000067_post_disaster.png,25,25756,27,33997,00000067 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000067_pre_disaster.png,moore-tornado_00000067_pre_disaster,0,0,tier3\masks\moore-tornado_00000067_pre_disaster.png,0,0,134,135862,00000067 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000068_post_disaster.png,moore-tornado_00000068_post_disaster,0,0,tier3\masks\moore-tornado_00000068_post_disaster.png,0,0,94,123043,00000068 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000068_pre_disaster.png,moore-tornado_00000068_pre_disaster,0,0,tier3\masks\moore-tornado_00000068_pre_disaster.png,0,0,94,123160,00000068 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000069_post_disaster.png,moore-tornado_00000069_post_disaster,0,0,tier3\masks\moore-tornado_00000069_post_disaster.png,0,0,0,0,00000069 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000069_pre_disaster.png,moore-tornado_00000069_pre_disaster,0,0,tier3\masks\moore-tornado_00000069_pre_disaster.png,0,0,0,0,00000069 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000070_post_disaster.png,moore-tornado_00000070_post_disaster,0,0,tier3\masks\moore-tornado_00000070_post_disaster.png,0,0,22,21845,00000070 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000070_pre_disaster.png,moore-tornado_00000070_pre_disaster,0,0,tier3\masks\moore-tornado_00000070_pre_disaster.png,0,0,22,21845,00000070 +4,396,moore-tornado,post,tier3,tier3\images\moore-tornado_00000071_post_disaster.png,moore-tornado_00000071_post_disaster,0,0,tier3\masks\moore-tornado_00000071_post_disaster.png,0,0,31,22880,00000071 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000071_pre_disaster.png,moore-tornado_00000071_pre_disaster,0,0,tier3\masks\moore-tornado_00000071_pre_disaster.png,0,0,35,23276,00000071 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000072_post_disaster.png,moore-tornado_00000072_post_disaster,0,0,tier3\masks\moore-tornado_00000072_post_disaster.png,0,0,42,38089,00000072 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000072_pre_disaster.png,moore-tornado_00000072_pre_disaster,0,0,tier3\masks\moore-tornado_00000072_pre_disaster.png,0,0,42,38161,00000072 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000073_post_disaster.png,moore-tornado_00000073_post_disaster,0,0,tier3\masks\moore-tornado_00000073_post_disaster.png,0,0,54,54854,00000073 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000073_pre_disaster.png,moore-tornado_00000073_pre_disaster,0,0,tier3\masks\moore-tornado_00000073_pre_disaster.png,0,0,54,55454,00000073 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000074_post_disaster.png,moore-tornado_00000074_post_disaster,11,8410,tier3\masks\moore-tornado_00000074_post_disaster.png,4,2248,111,86671,00000074 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000074_pre_disaster.png,moore-tornado_00000074_pre_disaster,0,0,tier3\masks\moore-tornado_00000074_pre_disaster.png,0,0,126,97310,00000074 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000075_post_disaster.png,moore-tornado_00000075_post_disaster,0,0,tier3\masks\moore-tornado_00000075_post_disaster.png,0,0,90,101108,00000075 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000075_pre_disaster.png,moore-tornado_00000075_pre_disaster,0,0,tier3\masks\moore-tornado_00000075_pre_disaster.png,0,0,90,101193,00000075 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000076_post_disaster.png,moore-tornado_00000076_post_disaster,0,0,tier3\masks\moore-tornado_00000076_post_disaster.png,0,0,224,166893,00000076 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000076_pre_disaster.png,moore-tornado_00000076_pre_disaster,0,0,tier3\masks\moore-tornado_00000076_pre_disaster.png,0,0,224,166939,00000076 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000077_post_disaster.png,moore-tornado_00000077_post_disaster,0,0,tier3\masks\moore-tornado_00000077_post_disaster.png,0,0,12,19923,00000077 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000077_pre_disaster.png,moore-tornado_00000077_pre_disaster,0,0,tier3\masks\moore-tornado_00000077_pre_disaster.png,0,0,12,19972,00000077 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000078_post_disaster.png,moore-tornado_00000078_post_disaster,0,0,tier3\masks\moore-tornado_00000078_post_disaster.png,0,0,33,28712,00000078 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000078_pre_disaster.png,moore-tornado_00000078_pre_disaster,0,0,tier3\masks\moore-tornado_00000078_pre_disaster.png,0,0,33,28811,00000078 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000079_post_disaster.png,moore-tornado_00000079_post_disaster,0,0,tier3\masks\moore-tornado_00000079_post_disaster.png,0,0,30,32949,00000079 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000079_pre_disaster.png,moore-tornado_00000079_pre_disaster,0,0,tier3\masks\moore-tornado_00000079_pre_disaster.png,0,0,30,32949,00000079 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000080_post_disaster.png,moore-tornado_00000080_post_disaster,0,0,tier3\masks\moore-tornado_00000080_post_disaster.png,0,0,116,112555,00000080 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000080_pre_disaster.png,moore-tornado_00000080_pre_disaster,0,0,tier3\masks\moore-tornado_00000080_pre_disaster.png,0,0,116,112787,00000080 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000081_post_disaster.png,moore-tornado_00000081_post_disaster,0,0,tier3\masks\moore-tornado_00000081_post_disaster.png,0,0,48,150093,00000081 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000081_pre_disaster.png,moore-tornado_00000081_pre_disaster,0,0,tier3\masks\moore-tornado_00000081_pre_disaster.png,0,0,48,150089,00000081 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000082_post_disaster.png,moore-tornado_00000082_post_disaster,0,0,tier3\masks\moore-tornado_00000082_post_disaster.png,0,0,0,0,00000082 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000082_pre_disaster.png,moore-tornado_00000082_pre_disaster,0,0,tier3\masks\moore-tornado_00000082_pre_disaster.png,0,0,0,0,00000082 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000083_post_disaster.png,moore-tornado_00000083_post_disaster,0,0,tier3\masks\moore-tornado_00000083_post_disaster.png,0,0,4,5409,00000083 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000083_pre_disaster.png,moore-tornado_00000083_pre_disaster,0,0,tier3\masks\moore-tornado_00000083_pre_disaster.png,0,0,4,5409,00000083 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000084_post_disaster.png,moore-tornado_00000084_post_disaster,0,0,tier3\masks\moore-tornado_00000084_post_disaster.png,0,0,14,11240,00000084 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000084_pre_disaster.png,moore-tornado_00000084_pre_disaster,0,0,tier3\masks\moore-tornado_00000084_pre_disaster.png,0,0,14,11370,00000084 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000085_post_disaster.png,moore-tornado_00000085_post_disaster,0,0,tier3\masks\moore-tornado_00000085_post_disaster.png,0,0,146,136145,00000085 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000085_pre_disaster.png,moore-tornado_00000085_pre_disaster,0,0,tier3\masks\moore-tornado_00000085_pre_disaster.png,0,0,146,136131,00000085 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000086_post_disaster.png,moore-tornado_00000086_post_disaster,0,0,tier3\masks\moore-tornado_00000086_post_disaster.png,0,0,12,20648,00000086 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000086_pre_disaster.png,moore-tornado_00000086_pre_disaster,0,0,tier3\masks\moore-tornado_00000086_pre_disaster.png,0,0,12,20664,00000086 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000087_post_disaster.png,moore-tornado_00000087_post_disaster,0,0,tier3\masks\moore-tornado_00000087_post_disaster.png,0,0,64,65889,00000087 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000087_pre_disaster.png,moore-tornado_00000087_pre_disaster,0,0,tier3\masks\moore-tornado_00000087_pre_disaster.png,0,0,64,66406,00000087 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000088_post_disaster.png,moore-tornado_00000088_post_disaster,0,0,tier3\masks\moore-tornado_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000088_pre_disaster.png,moore-tornado_00000088_pre_disaster,0,0,tier3\masks\moore-tornado_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000089_post_disaster.png,moore-tornado_00000089_post_disaster,0,0,tier3\masks\moore-tornado_00000089_post_disaster.png,0,0,23,81929,00000089 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000089_pre_disaster.png,moore-tornado_00000089_pre_disaster,0,0,tier3\masks\moore-tornado_00000089_pre_disaster.png,0,0,23,81929,00000089 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000090_post_disaster.png,moore-tornado_00000090_post_disaster,0,0,tier3\masks\moore-tornado_00000090_post_disaster.png,0,0,168,187209,00000090 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000090_pre_disaster.png,moore-tornado_00000090_pre_disaster,0,0,tier3\masks\moore-tornado_00000090_pre_disaster.png,0,0,168,187724,00000090 +12,8804,moore-tornado,post,tier3,tier3\images\moore-tornado_00000091_post_disaster.png,moore-tornado_00000091_post_disaster,10,4724,tier3\masks\moore-tornado_00000091_post_disaster.png,8,13767,12,3648,00000091 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000091_pre_disaster.png,moore-tornado_00000091_pre_disaster,0,0,tier3\masks\moore-tornado_00000091_pre_disaster.png,0,0,41,30994,00000091 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000092_post_disaster.png,moore-tornado_00000092_post_disaster,0,0,tier3\masks\moore-tornado_00000092_post_disaster.png,0,0,10,11254,00000092 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000092_pre_disaster.png,moore-tornado_00000092_pre_disaster,0,0,tier3\masks\moore-tornado_00000092_pre_disaster.png,0,0,10,11341,00000092 +25,27087,moore-tornado,post,tier3,tier3\images\moore-tornado_00000093_post_disaster.png,moore-tornado_00000093_post_disaster,6,14978,tier3\masks\moore-tornado_00000093_post_disaster.png,3,14779,111,99467,00000093 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000093_pre_disaster.png,moore-tornado_00000093_pre_disaster,0,0,tier3\masks\moore-tornado_00000093_pre_disaster.png,0,0,144,156717,00000093 +1,506,moore-tornado,post,tier3,tier3\images\moore-tornado_00000094_post_disaster.png,moore-tornado_00000094_post_disaster,0,0,tier3\masks\moore-tornado_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000094_pre_disaster.png,moore-tornado_00000094_pre_disaster,0,0,tier3\masks\moore-tornado_00000094_pre_disaster.png,0,0,1,506,00000094 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000095_post_disaster.png,moore-tornado_00000095_post_disaster,0,0,tier3\masks\moore-tornado_00000095_post_disaster.png,0,0,309,227381,00000095 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000095_pre_disaster.png,moore-tornado_00000095_pre_disaster,0,0,tier3\masks\moore-tornado_00000095_pre_disaster.png,0,0,309,227542,00000095 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000096_post_disaster.png,moore-tornado_00000096_post_disaster,0,0,tier3\masks\moore-tornado_00000096_post_disaster.png,0,0,49,139932,00000096 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000096_pre_disaster.png,moore-tornado_00000096_pre_disaster,0,0,tier3\masks\moore-tornado_00000096_pre_disaster.png,0,0,49,139937,00000096 +3,215,moore-tornado,post,tier3,tier3\images\moore-tornado_00000097_post_disaster.png,moore-tornado_00000097_post_disaster,52,67318,tier3\masks\moore-tornado_00000097_post_disaster.png,0,0,67,73119,00000097 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000097_pre_disaster.png,moore-tornado_00000097_pre_disaster,0,0,tier3\masks\moore-tornado_00000097_pre_disaster.png,0,0,121,140703,00000097 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000098_post_disaster.png,moore-tornado_00000098_post_disaster,0,0,tier3\masks\moore-tornado_00000098_post_disaster.png,0,0,134,132105,00000098 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000098_pre_disaster.png,moore-tornado_00000098_pre_disaster,0,0,tier3\masks\moore-tornado_00000098_pre_disaster.png,0,0,134,132118,00000098 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000099_post_disaster.png,moore-tornado_00000099_post_disaster,0,0,tier3\masks\moore-tornado_00000099_post_disaster.png,0,0,50,58603,00000099 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000099_pre_disaster.png,moore-tornado_00000099_pre_disaster,0,0,tier3\masks\moore-tornado_00000099_pre_disaster.png,0,0,50,58608,00000099 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000100_post_disaster.png,moore-tornado_00000100_post_disaster,0,0,tier3\masks\moore-tornado_00000100_post_disaster.png,0,0,8,20680,00000100 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000100_pre_disaster.png,moore-tornado_00000100_pre_disaster,0,0,tier3\masks\moore-tornado_00000100_pre_disaster.png,0,0,8,20680,00000100 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000101_post_disaster.png,moore-tornado_00000101_post_disaster,2,9295,tier3\masks\moore-tornado_00000101_post_disaster.png,1,32045,53,86396,00000101 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000101_pre_disaster.png,moore-tornado_00000101_pre_disaster,0,0,tier3\masks\moore-tornado_00000101_pre_disaster.png,0,0,55,129342,00000101 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000102_post_disaster.png,moore-tornado_00000102_post_disaster,0,0,tier3\masks\moore-tornado_00000102_post_disaster.png,0,0,225,257349,00000102 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000102_pre_disaster.png,moore-tornado_00000102_pre_disaster,0,0,tier3\masks\moore-tornado_00000102_pre_disaster.png,0,0,225,257382,00000102 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000103_post_disaster.png,moore-tornado_00000103_post_disaster,0,0,tier3\masks\moore-tornado_00000103_post_disaster.png,0,0,247,232703,00000103 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000103_pre_disaster.png,moore-tornado_00000103_pre_disaster,0,0,tier3\masks\moore-tornado_00000103_pre_disaster.png,0,0,247,232833,00000103 +24,17763,moore-tornado,post,tier3,tier3\images\moore-tornado_00000104_post_disaster.png,moore-tornado_00000104_post_disaster,48,56792,tier3\masks\moore-tornado_00000104_post_disaster.png,10,11193,173,189098,00000104 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000104_pre_disaster.png,moore-tornado_00000104_pre_disaster,0,0,tier3\masks\moore-tornado_00000104_pre_disaster.png,0,0,250,275029,00000104 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000105_post_disaster.png,moore-tornado_00000105_post_disaster,0,0,tier3\masks\moore-tornado_00000105_post_disaster.png,0,0,185,247821,00000105 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000105_pre_disaster.png,moore-tornado_00000105_pre_disaster,0,0,tier3\masks\moore-tornado_00000105_pre_disaster.png,0,0,185,247821,00000105 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000106_post_disaster.png,moore-tornado_00000106_post_disaster,0,0,tier3\masks\moore-tornado_00000106_post_disaster.png,0,0,85,165674,00000106 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000106_pre_disaster.png,moore-tornado_00000106_pre_disaster,0,0,tier3\masks\moore-tornado_00000106_pre_disaster.png,0,0,85,165673,00000106 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000107_post_disaster.png,moore-tornado_00000107_post_disaster,0,0,tier3\masks\moore-tornado_00000107_post_disaster.png,0,0,46,95676,00000107 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000107_pre_disaster.png,moore-tornado_00000107_pre_disaster,0,0,tier3\masks\moore-tornado_00000107_pre_disaster.png,0,0,46,95701,00000107 +3,353,moore-tornado,post,tier3,tier3\images\moore-tornado_00000108_post_disaster.png,moore-tornado_00000108_post_disaster,0,0,tier3\masks\moore-tornado_00000108_post_disaster.png,0,0,7,3698,00000108 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000108_pre_disaster.png,moore-tornado_00000108_pre_disaster,0,0,tier3\masks\moore-tornado_00000108_pre_disaster.png,0,0,10,4051,00000108 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000109_post_disaster.png,moore-tornado_00000109_post_disaster,7,7614,tier3\masks\moore-tornado_00000109_post_disaster.png,0,0,93,147330,00000109 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000109_pre_disaster.png,moore-tornado_00000109_pre_disaster,0,0,tier3\masks\moore-tornado_00000109_pre_disaster.png,0,0,99,155062,00000109 +132,90178,moore-tornado,post,tier3,tier3\images\moore-tornado_00000110_post_disaster.png,moore-tornado_00000110_post_disaster,23,26291,tier3\masks\moore-tornado_00000110_post_disaster.png,19,20046,64,42857,00000110 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000110_pre_disaster.png,moore-tornado_00000110_pre_disaster,0,0,tier3\masks\moore-tornado_00000110_pre_disaster.png,0,0,236,179479,00000110 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000111_post_disaster.png,moore-tornado_00000111_post_disaster,1,23889,tier3\masks\moore-tornado_00000111_post_disaster.png,0,0,277,242602,00000111 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000111_pre_disaster.png,moore-tornado_00000111_pre_disaster,0,0,tier3\masks\moore-tornado_00000111_pre_disaster.png,0,0,278,266717,00000111 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000112_post_disaster.png,moore-tornado_00000112_post_disaster,0,0,tier3\masks\moore-tornado_00000112_post_disaster.png,0,0,83,117712,00000112 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000112_pre_disaster.png,moore-tornado_00000112_pre_disaster,0,0,tier3\masks\moore-tornado_00000112_pre_disaster.png,0,0,83,117712,00000112 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000113_post_disaster.png,moore-tornado_00000113_post_disaster,0,0,tier3\masks\moore-tornado_00000113_post_disaster.png,0,0,7,3888,00000113 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000113_pre_disaster.png,moore-tornado_00000113_pre_disaster,0,0,tier3\masks\moore-tornado_00000113_pre_disaster.png,0,0,7,4043,00000113 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000114_post_disaster.png,moore-tornado_00000114_post_disaster,0,0,tier3\masks\moore-tornado_00000114_post_disaster.png,0,0,215,310231,00000114 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000114_pre_disaster.png,moore-tornado_00000114_pre_disaster,0,0,tier3\masks\moore-tornado_00000114_pre_disaster.png,0,0,215,310274,00000114 +159,163161,moore-tornado,post,tier3,tier3\images\moore-tornado_00000115_post_disaster.png,moore-tornado_00000115_post_disaster,8,6616,tier3\masks\moore-tornado_00000115_post_disaster.png,17,25342,15,9699,00000115 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000115_pre_disaster.png,moore-tornado_00000115_pre_disaster,0,0,tier3\masks\moore-tornado_00000115_pre_disaster.png,0,0,198,204871,00000115 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000116_post_disaster.png,moore-tornado_00000116_post_disaster,0,0,tier3\masks\moore-tornado_00000116_post_disaster.png,0,0,38,45086,00000116 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000116_pre_disaster.png,moore-tornado_00000116_pre_disaster,0,0,tier3\masks\moore-tornado_00000116_pre_disaster.png,0,0,38,45123,00000116 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000117_post_disaster.png,moore-tornado_00000117_post_disaster,0,0,tier3\masks\moore-tornado_00000117_post_disaster.png,1,3099,4,5750,00000117 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000117_pre_disaster.png,moore-tornado_00000117_pre_disaster,0,0,tier3\masks\moore-tornado_00000117_pre_disaster.png,0,0,5,8868,00000117 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000118_post_disaster.png,moore-tornado_00000118_post_disaster,3,3650,tier3\masks\moore-tornado_00000118_post_disaster.png,0,0,62,90664,00000118 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000118_pre_disaster.png,moore-tornado_00000118_pre_disaster,0,0,tier3\masks\moore-tornado_00000118_pre_disaster.png,0,0,63,94573,00000118 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000119_post_disaster.png,moore-tornado_00000119_post_disaster,2,3080,tier3\masks\moore-tornado_00000119_post_disaster.png,0,0,234,222538,00000119 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000119_pre_disaster.png,moore-tornado_00000119_pre_disaster,0,0,tier3\masks\moore-tornado_00000119_pre_disaster.png,0,0,235,225683,00000119 +16,25405,moore-tornado,post,tier3,tier3\images\moore-tornado_00000120_post_disaster.png,moore-tornado_00000120_post_disaster,2,3584,tier3\masks\moore-tornado_00000120_post_disaster.png,2,4711,0,0,00000120 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000120_pre_disaster.png,moore-tornado_00000120_pre_disaster,0,0,tier3\masks\moore-tornado_00000120_pre_disaster.png,0,0,20,33700,00000120 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000121_post_disaster.png,moore-tornado_00000121_post_disaster,0,0,tier3\masks\moore-tornado_00000121_post_disaster.png,0,0,150,247581,00000121 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000121_pre_disaster.png,moore-tornado_00000121_pre_disaster,0,0,tier3\masks\moore-tornado_00000121_pre_disaster.png,0,0,150,248096,00000121 +56,35036,moore-tornado,post,tier3,tier3\images\moore-tornado_00000122_post_disaster.png,moore-tornado_00000122_post_disaster,31,29028,tier3\masks\moore-tornado_00000122_post_disaster.png,20,19685,112,81028,00000122 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000122_pre_disaster.png,moore-tornado_00000122_pre_disaster,0,0,tier3\masks\moore-tornado_00000122_pre_disaster.png,0,0,218,165035,00000122 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000123_post_disaster.png,moore-tornado_00000123_post_disaster,0,0,tier3\masks\moore-tornado_00000123_post_disaster.png,0,0,30,26043,00000123 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000123_pre_disaster.png,moore-tornado_00000123_pre_disaster,0,0,tier3\masks\moore-tornado_00000123_pre_disaster.png,0,0,30,26044,00000123 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000124_post_disaster.png,moore-tornado_00000124_post_disaster,0,0,tier3\masks\moore-tornado_00000124_post_disaster.png,0,0,9,3450,00000124 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000124_pre_disaster.png,moore-tornado_00000124_pre_disaster,0,0,tier3\masks\moore-tornado_00000124_pre_disaster.png,0,0,9,3474,00000124 +17,9729,moore-tornado,post,tier3,tier3\images\moore-tornado_00000125_post_disaster.png,moore-tornado_00000125_post_disaster,15,21717,tier3\masks\moore-tornado_00000125_post_disaster.png,8,10998,85,116415,00000125 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000125_pre_disaster.png,moore-tornado_00000125_pre_disaster,0,0,tier3\masks\moore-tornado_00000125_pre_disaster.png,0,0,124,159273,00000125 +12,3067,moore-tornado,post,tier3,tier3\images\moore-tornado_00000126_post_disaster.png,moore-tornado_00000126_post_disaster,14,14872,tier3\masks\moore-tornado_00000126_post_disaster.png,2,2315,9,5382,00000126 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000126_pre_disaster.png,moore-tornado_00000126_pre_disaster,0,0,tier3\masks\moore-tornado_00000126_pre_disaster.png,0,0,33,25722,00000126 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000127_post_disaster.png,moore-tornado_00000127_post_disaster,0,0,tier3\masks\moore-tornado_00000127_post_disaster.png,0,0,90,205518,00000127 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000127_pre_disaster.png,moore-tornado_00000127_pre_disaster,0,0,tier3\masks\moore-tornado_00000127_pre_disaster.png,0,0,90,205734,00000127 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000128_post_disaster.png,moore-tornado_00000128_post_disaster,0,0,tier3\masks\moore-tornado_00000128_post_disaster.png,0,0,61,113944,00000128 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000128_pre_disaster.png,moore-tornado_00000128_pre_disaster,0,0,tier3\masks\moore-tornado_00000128_pre_disaster.png,0,0,61,114073,00000128 +11,908,moore-tornado,post,tier3,tier3\images\moore-tornado_00000129_post_disaster.png,moore-tornado_00000129_post_disaster,15,11620,tier3\masks\moore-tornado_00000129_post_disaster.png,0,0,178,202396,00000129 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000129_pre_disaster.png,moore-tornado_00000129_pre_disaster,0,0,tier3\masks\moore-tornado_00000129_pre_disaster.png,0,0,201,214980,00000129 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000130_post_disaster.png,moore-tornado_00000130_post_disaster,0,0,tier3\masks\moore-tornado_00000130_post_disaster.png,0,0,26,27607,00000130 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000130_pre_disaster.png,moore-tornado_00000130_pre_disaster,0,0,tier3\masks\moore-tornado_00000130_pre_disaster.png,0,0,26,27607,00000130 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000131_post_disaster.png,moore-tornado_00000131_post_disaster,0,0,tier3\masks\moore-tornado_00000131_post_disaster.png,0,0,103,123855,00000131 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000131_pre_disaster.png,moore-tornado_00000131_pre_disaster,0,0,tier3\masks\moore-tornado_00000131_pre_disaster.png,0,0,103,124009,00000131 +16,9190,moore-tornado,post,tier3,tier3\images\moore-tornado_00000132_post_disaster.png,moore-tornado_00000132_post_disaster,10,11494,tier3\masks\moore-tornado_00000132_post_disaster.png,6,7431,116,80773,00000132 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000132_pre_disaster.png,moore-tornado_00000132_pre_disaster,0,0,tier3\masks\moore-tornado_00000132_pre_disaster.png,0,0,146,109519,00000132 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000133_post_disaster.png,moore-tornado_00000133_post_disaster,8,10979,tier3\masks\moore-tornado_00000133_post_disaster.png,8,9787,5,3187,00000133 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000133_pre_disaster.png,moore-tornado_00000133_pre_disaster,0,0,tier3\masks\moore-tornado_00000133_pre_disaster.png,0,0,21,24097,00000133 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000134_post_disaster.png,moore-tornado_00000134_post_disaster,0,0,tier3\masks\moore-tornado_00000134_post_disaster.png,0,0,100,132233,00000134 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000134_pre_disaster.png,moore-tornado_00000134_pre_disaster,0,0,tier3\masks\moore-tornado_00000134_pre_disaster.png,0,0,100,132543,00000134 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000135_post_disaster.png,moore-tornado_00000135_post_disaster,0,0,tier3\masks\moore-tornado_00000135_post_disaster.png,0,0,6,11228,00000135 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000135_pre_disaster.png,moore-tornado_00000135_pre_disaster,0,0,tier3\masks\moore-tornado_00000135_pre_disaster.png,0,0,6,11228,00000135 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000136_post_disaster.png,moore-tornado_00000136_post_disaster,3,2793,tier3\masks\moore-tornado_00000136_post_disaster.png,0,0,179,173114,00000136 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000136_pre_disaster.png,moore-tornado_00000136_pre_disaster,0,0,tier3\masks\moore-tornado_00000136_pre_disaster.png,0,0,181,175907,00000136 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000137_post_disaster.png,moore-tornado_00000137_post_disaster,0,0,tier3\masks\moore-tornado_00000137_post_disaster.png,0,0,86,167301,00000137 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000137_pre_disaster.png,moore-tornado_00000137_pre_disaster,0,0,tier3\masks\moore-tornado_00000137_pre_disaster.png,0,0,86,167281,00000137 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000138_post_disaster.png,moore-tornado_00000138_post_disaster,0,0,tier3\masks\moore-tornado_00000138_post_disaster.png,0,0,35,29526,00000138 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000138_pre_disaster.png,moore-tornado_00000138_pre_disaster,0,0,tier3\masks\moore-tornado_00000138_pre_disaster.png,0,0,35,29563,00000138 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000139_post_disaster.png,moore-tornado_00000139_post_disaster,0,0,tier3\masks\moore-tornado_00000139_post_disaster.png,0,0,192,192351,00000139 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000139_pre_disaster.png,moore-tornado_00000139_pre_disaster,0,0,tier3\masks\moore-tornado_00000139_pre_disaster.png,0,0,192,192493,00000139 +30,26830,moore-tornado,post,tier3,tier3\images\moore-tornado_00000140_post_disaster.png,moore-tornado_00000140_post_disaster,54,70614,tier3\masks\moore-tornado_00000140_post_disaster.png,24,33071,101,101122,00000140 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000140_pre_disaster.png,moore-tornado_00000140_pre_disaster,0,0,tier3\masks\moore-tornado_00000140_pre_disaster.png,0,0,208,231667,00000140 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000141_post_disaster.png,moore-tornado_00000141_post_disaster,0,0,tier3\masks\moore-tornado_00000141_post_disaster.png,0,0,119,144361,00000141 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000141_pre_disaster.png,moore-tornado_00000141_pre_disaster,0,0,tier3\masks\moore-tornado_00000141_pre_disaster.png,0,0,119,145004,00000141 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000142_post_disaster.png,moore-tornado_00000142_post_disaster,0,0,tier3\masks\moore-tornado_00000142_post_disaster.png,0,0,24,41092,00000142 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000142_pre_disaster.png,moore-tornado_00000142_pre_disaster,0,0,tier3\masks\moore-tornado_00000142_pre_disaster.png,0,0,24,41092,00000142 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000143_post_disaster.png,moore-tornado_00000143_post_disaster,0,0,tier3\masks\moore-tornado_00000143_post_disaster.png,0,0,68,68583,00000143 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000143_pre_disaster.png,moore-tornado_00000143_pre_disaster,0,0,tier3\masks\moore-tornado_00000143_pre_disaster.png,0,0,67,68663,00000143 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000144_post_disaster.png,moore-tornado_00000144_post_disaster,0,0,tier3\masks\moore-tornado_00000144_post_disaster.png,0,0,186,228265,00000144 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000144_pre_disaster.png,moore-tornado_00000144_pre_disaster,0,0,tier3\masks\moore-tornado_00000144_pre_disaster.png,0,0,186,228413,00000144 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000145_post_disaster.png,moore-tornado_00000145_post_disaster,2,2114,tier3\masks\moore-tornado_00000145_post_disaster.png,0,0,107,160446,00000145 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000145_pre_disaster.png,moore-tornado_00000145_pre_disaster,0,0,tier3\masks\moore-tornado_00000145_pre_disaster.png,0,0,109,162577,00000145 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000146_post_disaster.png,moore-tornado_00000146_post_disaster,0,0,tier3\masks\moore-tornado_00000146_post_disaster.png,0,0,23,12496,00000146 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000146_pre_disaster.png,moore-tornado_00000146_pre_disaster,0,0,tier3\masks\moore-tornado_00000146_pre_disaster.png,0,0,23,12496,00000146 +12,23573,moore-tornado,post,tier3,tier3\images\moore-tornado_00000147_post_disaster.png,moore-tornado_00000147_post_disaster,0,0,tier3\masks\moore-tornado_00000147_post_disaster.png,1,1687,0,0,00000147 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000147_pre_disaster.png,moore-tornado_00000147_pre_disaster,0,0,tier3\masks\moore-tornado_00000147_pre_disaster.png,0,0,13,25417,00000147 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000148_post_disaster.png,moore-tornado_00000148_post_disaster,0,0,tier3\masks\moore-tornado_00000148_post_disaster.png,0,0,59,144558,00000148 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000148_pre_disaster.png,moore-tornado_00000148_pre_disaster,0,0,tier3\masks\moore-tornado_00000148_pre_disaster.png,0,0,59,144572,00000148 +2,175,moore-tornado,post,tier3,tier3\images\moore-tornado_00000149_post_disaster.png,moore-tornado_00000149_post_disaster,30,34221,tier3\masks\moore-tornado_00000149_post_disaster.png,17,16787,211,245132,00000149 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000149_pre_disaster.png,moore-tornado_00000149_pre_disaster,0,0,tier3\masks\moore-tornado_00000149_pre_disaster.png,0,0,251,296384,00000149 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000150_post_disaster.png,moore-tornado_00000150_post_disaster,0,0,tier3\masks\moore-tornado_00000150_post_disaster.png,0,0,116,129777,00000150 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000150_pre_disaster.png,moore-tornado_00000150_pre_disaster,0,0,tier3\masks\moore-tornado_00000150_pre_disaster.png,0,0,116,129853,00000150 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000151_post_disaster.png,moore-tornado_00000151_post_disaster,2,3636,tier3\masks\moore-tornado_00000151_post_disaster.png,0,0,226,252150,00000151 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000151_pre_disaster.png,moore-tornado_00000151_pre_disaster,0,0,tier3\masks\moore-tornado_00000151_pre_disaster.png,0,0,228,256189,00000151 +35,29453,moore-tornado,post,tier3,tier3\images\moore-tornado_00000152_post_disaster.png,moore-tornado_00000152_post_disaster,0,0,tier3\masks\moore-tornado_00000152_post_disaster.png,0,0,0,0,00000152 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000152_pre_disaster.png,moore-tornado_00000152_pre_disaster,0,0,tier3\masks\moore-tornado_00000152_pre_disaster.png,0,0,35,29704,00000152 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000153_post_disaster.png,moore-tornado_00000153_post_disaster,0,0,tier3\masks\moore-tornado_00000153_post_disaster.png,0,0,96,124205,00000153 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000153_pre_disaster.png,moore-tornado_00000153_pre_disaster,0,0,tier3\masks\moore-tornado_00000153_pre_disaster.png,0,0,96,124350,00000153 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000154_post_disaster.png,moore-tornado_00000154_post_disaster,0,0,tier3\masks\moore-tornado_00000154_post_disaster.png,0,0,3,3834,00000154 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000154_pre_disaster.png,moore-tornado_00000154_pre_disaster,0,0,tier3\masks\moore-tornado_00000154_pre_disaster.png,0,0,3,3834,00000154 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000155_post_disaster.png,moore-tornado_00000155_post_disaster,15,20667,tier3\masks\moore-tornado_00000155_post_disaster.png,8,11860,150,255649,00000155 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000155_pre_disaster.png,moore-tornado_00000155_pre_disaster,0,0,tier3\masks\moore-tornado_00000155_pre_disaster.png,0,0,165,288176,00000155 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000156_post_disaster.png,moore-tornado_00000156_post_disaster,0,0,tier3\masks\moore-tornado_00000156_post_disaster.png,0,0,6,10661,00000156 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000156_pre_disaster.png,moore-tornado_00000156_pre_disaster,0,0,tier3\masks\moore-tornado_00000156_pre_disaster.png,0,0,6,10661,00000156 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000157_post_disaster.png,moore-tornado_00000157_post_disaster,0,0,tier3\masks\moore-tornado_00000157_post_disaster.png,0,0,29,67684,00000157 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000157_pre_disaster.png,moore-tornado_00000157_pre_disaster,0,0,tier3\masks\moore-tornado_00000157_pre_disaster.png,0,0,29,67684,00000157 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000158_post_disaster.png,moore-tornado_00000158_post_disaster,0,0,tier3\masks\moore-tornado_00000158_post_disaster.png,0,0,170,171334,00000158 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000158_pre_disaster.png,moore-tornado_00000158_pre_disaster,0,0,tier3\masks\moore-tornado_00000158_pre_disaster.png,0,0,170,171417,00000158 +14,14445,moore-tornado,post,tier3,tier3\images\moore-tornado_00000159_post_disaster.png,moore-tornado_00000159_post_disaster,6,6371,tier3\masks\moore-tornado_00000159_post_disaster.png,1,1377,15,12417,00000159 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000159_pre_disaster.png,moore-tornado_00000159_pre_disaster,0,0,tier3\masks\moore-tornado_00000159_pre_disaster.png,0,0,36,35021,00000159 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000160_post_disaster.png,moore-tornado_00000160_post_disaster,0,0,tier3\masks\moore-tornado_00000160_post_disaster.png,0,0,18,17836,00000160 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000160_pre_disaster.png,moore-tornado_00000160_pre_disaster,0,0,tier3\masks\moore-tornado_00000160_pre_disaster.png,0,0,18,17836,00000160 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000161_post_disaster.png,moore-tornado_00000161_post_disaster,0,0,tier3\masks\moore-tornado_00000161_post_disaster.png,0,0,20,19603,00000161 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000161_pre_disaster.png,moore-tornado_00000161_pre_disaster,0,0,tier3\masks\moore-tornado_00000161_pre_disaster.png,0,0,20,19664,00000161 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000162_post_disaster.png,moore-tornado_00000162_post_disaster,19,46502,tier3\masks\moore-tornado_00000162_post_disaster.png,1,3310,18,39076,00000162 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000162_pre_disaster.png,moore-tornado_00000162_pre_disaster,0,0,tier3\masks\moore-tornado_00000162_pre_disaster.png,0,0,38,88888,00000162 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000163_post_disaster.png,moore-tornado_00000163_post_disaster,0,0,tier3\masks\moore-tornado_00000163_post_disaster.png,0,0,1,2564,00000163 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000163_pre_disaster.png,moore-tornado_00000163_pre_disaster,0,0,tier3\masks\moore-tornado_00000163_pre_disaster.png,0,0,1,2564,00000163 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000164_post_disaster.png,moore-tornado_00000164_post_disaster,11,14676,tier3\masks\moore-tornado_00000164_post_disaster.png,1,592,10,10233,00000164 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000164_pre_disaster.png,moore-tornado_00000164_pre_disaster,0,0,tier3\masks\moore-tornado_00000164_pre_disaster.png,0,0,22,25750,00000164 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000165_post_disaster.png,moore-tornado_00000165_post_disaster,0,0,tier3\masks\moore-tornado_00000165_post_disaster.png,0,0,119,252081,00000165 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000165_pre_disaster.png,moore-tornado_00000165_pre_disaster,0,0,tier3\masks\moore-tornado_00000165_pre_disaster.png,0,0,119,252398,00000165 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000166_post_disaster.png,moore-tornado_00000166_post_disaster,0,0,tier3\masks\moore-tornado_00000166_post_disaster.png,0,0,7,5320,00000166 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000166_pre_disaster.png,moore-tornado_00000166_pre_disaster,0,0,tier3\masks\moore-tornado_00000166_pre_disaster.png,0,0,7,5320,00000166 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000167_post_disaster.png,moore-tornado_00000167_post_disaster,0,0,tier3\masks\moore-tornado_00000167_post_disaster.png,0,0,28,36306,00000167 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000167_pre_disaster.png,moore-tornado_00000167_pre_disaster,0,0,tier3\masks\moore-tornado_00000167_pre_disaster.png,0,0,28,36355,00000167 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000168_post_disaster.png,moore-tornado_00000168_post_disaster,0,0,tier3\masks\moore-tornado_00000168_post_disaster.png,0,0,24,31081,00000168 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000168_pre_disaster.png,moore-tornado_00000168_pre_disaster,0,0,tier3\masks\moore-tornado_00000168_pre_disaster.png,0,0,24,31188,00000168 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000169_post_disaster.png,moore-tornado_00000169_post_disaster,7,20905,tier3\masks\moore-tornado_00000169_post_disaster.png,0,0,23,68546,00000169 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000169_pre_disaster.png,moore-tornado_00000169_pre_disaster,0,0,tier3\masks\moore-tornado_00000169_pre_disaster.png,0,0,30,89451,00000169 +12,8403,moore-tornado,post,tier3,tier3\images\moore-tornado_00000170_post_disaster.png,moore-tornado_00000170_post_disaster,5,5976,tier3\masks\moore-tornado_00000170_post_disaster.png,5,4417,22,29834,00000170 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000170_pre_disaster.png,moore-tornado_00000170_pre_disaster,0,0,tier3\masks\moore-tornado_00000170_pre_disaster.png,0,0,43,48646,00000170 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000171_post_disaster.png,moore-tornado_00000171_post_disaster,0,0,tier3\masks\moore-tornado_00000171_post_disaster.png,0,0,80,79561,00000171 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000171_pre_disaster.png,moore-tornado_00000171_pre_disaster,0,0,tier3\masks\moore-tornado_00000171_pre_disaster.png,0,0,80,79903,00000171 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000172_post_disaster.png,moore-tornado_00000172_post_disaster,0,0,tier3\masks\moore-tornado_00000172_post_disaster.png,0,0,45,134325,00000172 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000172_pre_disaster.png,moore-tornado_00000172_pre_disaster,0,0,tier3\masks\moore-tornado_00000172_pre_disaster.png,0,0,45,134430,00000172 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000173_post_disaster.png,moore-tornado_00000173_post_disaster,0,0,tier3\masks\moore-tornado_00000173_post_disaster.png,0,0,26,25547,00000173 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000173_pre_disaster.png,moore-tornado_00000173_pre_disaster,0,0,tier3\masks\moore-tornado_00000173_pre_disaster.png,0,0,26,25547,00000173 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000174_post_disaster.png,moore-tornado_00000174_post_disaster,0,0,tier3\masks\moore-tornado_00000174_post_disaster.png,0,0,4,2679,00000174 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000174_pre_disaster.png,moore-tornado_00000174_pre_disaster,0,0,tier3\masks\moore-tornado_00000174_pre_disaster.png,0,0,4,2679,00000174 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000175_post_disaster.png,moore-tornado_00000175_post_disaster,0,0,tier3\masks\moore-tornado_00000175_post_disaster.png,0,0,188,211957,00000175 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000175_pre_disaster.png,moore-tornado_00000175_pre_disaster,0,0,tier3\masks\moore-tornado_00000175_pre_disaster.png,0,0,188,212109,00000175 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000176_post_disaster.png,moore-tornado_00000176_post_disaster,0,0,tier3\masks\moore-tornado_00000176_post_disaster.png,0,0,9,134983,00000176 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000176_pre_disaster.png,moore-tornado_00000176_pre_disaster,0,0,tier3\masks\moore-tornado_00000176_pre_disaster.png,0,0,9,134983,00000176 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000177_post_disaster.png,moore-tornado_00000177_post_disaster,0,0,tier3\masks\moore-tornado_00000177_post_disaster.png,0,0,12,14448,00000177 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000177_pre_disaster.png,moore-tornado_00000177_pre_disaster,0,0,tier3\masks\moore-tornado_00000177_pre_disaster.png,0,0,12,14448,00000177 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000178_post_disaster.png,moore-tornado_00000178_post_disaster,0,0,tier3\masks\moore-tornado_00000178_post_disaster.png,0,0,31,31386,00000178 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000178_pre_disaster.png,moore-tornado_00000178_pre_disaster,0,0,tier3\masks\moore-tornado_00000178_pre_disaster.png,0,0,31,31386,00000178 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000179_post_disaster.png,moore-tornado_00000179_post_disaster,0,0,tier3\masks\moore-tornado_00000179_post_disaster.png,0,0,1,90,00000179 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000179_pre_disaster.png,moore-tornado_00000179_pre_disaster,0,0,tier3\masks\moore-tornado_00000179_pre_disaster.png,0,0,1,90,00000179 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000180_post_disaster.png,moore-tornado_00000180_post_disaster,0,0,tier3\masks\moore-tornado_00000180_post_disaster.png,0,0,18,84598,00000180 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000180_pre_disaster.png,moore-tornado_00000180_pre_disaster,0,0,tier3\masks\moore-tornado_00000180_pre_disaster.png,0,0,18,84598,00000180 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000181_post_disaster.png,moore-tornado_00000181_post_disaster,0,0,tier3\masks\moore-tornado_00000181_post_disaster.png,0,0,107,122983,00000181 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000181_pre_disaster.png,moore-tornado_00000181_pre_disaster,0,0,tier3\masks\moore-tornado_00000181_pre_disaster.png,0,0,107,123055,00000181 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000182_post_disaster.png,moore-tornado_00000182_post_disaster,0,0,tier3\masks\moore-tornado_00000182_post_disaster.png,0,0,31,20096,00000182 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000182_pre_disaster.png,moore-tornado_00000182_pre_disaster,0,0,tier3\masks\moore-tornado_00000182_pre_disaster.png,0,0,31,20096,00000182 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000183_post_disaster.png,moore-tornado_00000183_post_disaster,0,0,tier3\masks\moore-tornado_00000183_post_disaster.png,0,0,14,115510,00000183 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000183_pre_disaster.png,moore-tornado_00000183_pre_disaster,0,0,tier3\masks\moore-tornado_00000183_pre_disaster.png,0,0,14,115617,00000183 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000184_post_disaster.png,moore-tornado_00000184_post_disaster,0,0,tier3\masks\moore-tornado_00000184_post_disaster.png,0,0,196,268245,00000184 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000184_pre_disaster.png,moore-tornado_00000184_pre_disaster,0,0,tier3\masks\moore-tornado_00000184_pre_disaster.png,0,0,196,268561,00000184 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000185_post_disaster.png,moore-tornado_00000185_post_disaster,0,0,tier3\masks\moore-tornado_00000185_post_disaster.png,0,0,262,271039,00000185 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000185_pre_disaster.png,moore-tornado_00000185_pre_disaster,0,0,tier3\masks\moore-tornado_00000185_pre_disaster.png,0,0,262,271063,00000185 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000186_post_disaster.png,moore-tornado_00000186_post_disaster,0,0,tier3\masks\moore-tornado_00000186_post_disaster.png,0,0,5,4992,00000186 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000186_pre_disaster.png,moore-tornado_00000186_pre_disaster,0,0,tier3\masks\moore-tornado_00000186_pre_disaster.png,0,0,5,4992,00000186 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000187_post_disaster.png,moore-tornado_00000187_post_disaster,0,0,tier3\masks\moore-tornado_00000187_post_disaster.png,0,0,93,196985,00000187 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000187_pre_disaster.png,moore-tornado_00000187_pre_disaster,0,0,tier3\masks\moore-tornado_00000187_pre_disaster.png,0,0,93,197051,00000187 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000188_post_disaster.png,moore-tornado_00000188_post_disaster,0,0,tier3\masks\moore-tornado_00000188_post_disaster.png,0,0,66,73912,00000188 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000188_pre_disaster.png,moore-tornado_00000188_pre_disaster,0,0,tier3\masks\moore-tornado_00000188_pre_disaster.png,0,0,66,73912,00000188 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000189_post_disaster.png,moore-tornado_00000189_post_disaster,0,0,tier3\masks\moore-tornado_00000189_post_disaster.png,0,0,255,255694,00000189 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000189_pre_disaster.png,moore-tornado_00000189_pre_disaster,0,0,tier3\masks\moore-tornado_00000189_pre_disaster.png,0,0,255,255710,00000189 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000190_post_disaster.png,moore-tornado_00000190_post_disaster,0,0,tier3\masks\moore-tornado_00000190_post_disaster.png,0,0,20,26291,00000190 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000190_pre_disaster.png,moore-tornado_00000190_pre_disaster,0,0,tier3\masks\moore-tornado_00000190_pre_disaster.png,0,0,20,26291,00000190 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000191_post_disaster.png,moore-tornado_00000191_post_disaster,0,0,tier3\masks\moore-tornado_00000191_post_disaster.png,0,0,48,135424,00000191 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000191_pre_disaster.png,moore-tornado_00000191_pre_disaster,0,0,tier3\masks\moore-tornado_00000191_pre_disaster.png,0,0,48,135466,00000191 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000192_post_disaster.png,moore-tornado_00000192_post_disaster,0,0,tier3\masks\moore-tornado_00000192_post_disaster.png,0,0,19,29243,00000192 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000192_pre_disaster.png,moore-tornado_00000192_pre_disaster,0,0,tier3\masks\moore-tornado_00000192_pre_disaster.png,0,0,19,29269,00000192 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000193_post_disaster.png,moore-tornado_00000193_post_disaster,0,0,tier3\masks\moore-tornado_00000193_post_disaster.png,0,0,179,166338,00000193 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000193_pre_disaster.png,moore-tornado_00000193_pre_disaster,0,0,tier3\masks\moore-tornado_00000193_pre_disaster.png,0,0,179,166667,00000193 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000194_post_disaster.png,moore-tornado_00000194_post_disaster,0,0,tier3\masks\moore-tornado_00000194_post_disaster.png,0,0,13,34600,00000194 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000194_pre_disaster.png,moore-tornado_00000194_pre_disaster,0,0,tier3\masks\moore-tornado_00000194_pre_disaster.png,0,0,13,34600,00000194 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000195_post_disaster.png,moore-tornado_00000195_post_disaster,0,0,tier3\masks\moore-tornado_00000195_post_disaster.png,0,0,40,52057,00000195 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000195_pre_disaster.png,moore-tornado_00000195_pre_disaster,0,0,tier3\masks\moore-tornado_00000195_pre_disaster.png,0,0,40,52123,00000195 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000196_post_disaster.png,moore-tornado_00000196_post_disaster,0,0,tier3\masks\moore-tornado_00000196_post_disaster.png,0,0,331,326572,00000196 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000196_pre_disaster.png,moore-tornado_00000196_pre_disaster,0,0,tier3\masks\moore-tornado_00000196_pre_disaster.png,0,0,331,326950,00000196 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000197_post_disaster.png,moore-tornado_00000197_post_disaster,1,911,tier3\masks\moore-tornado_00000197_post_disaster.png,0,0,19,16259,00000197 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000197_pre_disaster.png,moore-tornado_00000197_pre_disaster,0,0,tier3\masks\moore-tornado_00000197_pre_disaster.png,0,0,20,17380,00000197 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000198_post_disaster.png,moore-tornado_00000198_post_disaster,0,0,tier3\masks\moore-tornado_00000198_post_disaster.png,0,0,67,86243,00000198 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000198_pre_disaster.png,moore-tornado_00000198_pre_disaster,0,0,tier3\masks\moore-tornado_00000198_pre_disaster.png,0,0,67,86243,00000198 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000199_post_disaster.png,moore-tornado_00000199_post_disaster,0,0,tier3\masks\moore-tornado_00000199_post_disaster.png,0,0,224,284040,00000199 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000199_pre_disaster.png,moore-tornado_00000199_pre_disaster,0,0,tier3\masks\moore-tornado_00000199_pre_disaster.png,0,0,224,284192,00000199 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000200_post_disaster.png,moore-tornado_00000200_post_disaster,0,0,tier3\masks\moore-tornado_00000200_post_disaster.png,0,0,338,317961,00000200 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000200_pre_disaster.png,moore-tornado_00000200_pre_disaster,0,0,tier3\masks\moore-tornado_00000200_pre_disaster.png,0,0,338,318175,00000200 +1,686,moore-tornado,post,tier3,tier3\images\moore-tornado_00000201_post_disaster.png,moore-tornado_00000201_post_disaster,4,7682,tier3\masks\moore-tornado_00000201_post_disaster.png,1,698,15,24306,00000201 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000201_pre_disaster.png,moore-tornado_00000201_pre_disaster,0,0,tier3\masks\moore-tornado_00000201_pre_disaster.png,0,0,21,33372,00000201 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000202_post_disaster.png,moore-tornado_00000202_post_disaster,0,0,tier3\masks\moore-tornado_00000202_post_disaster.png,0,0,127,168307,00000202 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000202_pre_disaster.png,moore-tornado_00000202_pre_disaster,0,0,tier3\masks\moore-tornado_00000202_pre_disaster.png,0,0,127,168307,00000202 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000203_post_disaster.png,moore-tornado_00000203_post_disaster,1,1484,tier3\masks\moore-tornado_00000203_post_disaster.png,0,0,139,194449,00000203 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000203_pre_disaster.png,moore-tornado_00000203_pre_disaster,0,0,tier3\masks\moore-tornado_00000203_pre_disaster.png,0,0,140,196365,00000203 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000204_post_disaster.png,moore-tornado_00000204_post_disaster,0,0,tier3\masks\moore-tornado_00000204_post_disaster.png,0,0,236,253447,00000204 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000204_pre_disaster.png,moore-tornado_00000204_pre_disaster,0,0,tier3\masks\moore-tornado_00000204_pre_disaster.png,0,0,236,253503,00000204 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000205_post_disaster.png,moore-tornado_00000205_post_disaster,7,7026,tier3\masks\moore-tornado_00000205_post_disaster.png,0,0,103,99767,00000205 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000205_pre_disaster.png,moore-tornado_00000205_pre_disaster,0,0,tier3\masks\moore-tornado_00000205_pre_disaster.png,0,0,110,106789,00000205 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000206_post_disaster.png,moore-tornado_00000206_post_disaster,0,0,tier3\masks\moore-tornado_00000206_post_disaster.png,0,0,80,130542,00000206 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000206_pre_disaster.png,moore-tornado_00000206_pre_disaster,0,0,tier3\masks\moore-tornado_00000206_pre_disaster.png,0,0,80,130540,00000206 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000207_post_disaster.png,moore-tornado_00000207_post_disaster,0,0,tier3\masks\moore-tornado_00000207_post_disaster.png,0,0,58,88248,00000207 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000207_pre_disaster.png,moore-tornado_00000207_pre_disaster,0,0,tier3\masks\moore-tornado_00000207_pre_disaster.png,0,0,58,88339,00000207 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000208_post_disaster.png,moore-tornado_00000208_post_disaster,0,0,tier3\masks\moore-tornado_00000208_post_disaster.png,0,0,317,224213,00000208 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000208_pre_disaster.png,moore-tornado_00000208_pre_disaster,0,0,tier3\masks\moore-tornado_00000208_pre_disaster.png,0,0,317,224424,00000208 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000209_post_disaster.png,moore-tornado_00000209_post_disaster,12,12694,tier3\masks\moore-tornado_00000209_post_disaster.png,0,0,221,205799,00000209 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000209_pre_disaster.png,moore-tornado_00000209_pre_disaster,0,0,tier3\masks\moore-tornado_00000209_pre_disaster.png,0,0,233,218595,00000209 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000210_post_disaster.png,moore-tornado_00000210_post_disaster,0,0,tier3\masks\moore-tornado_00000210_post_disaster.png,0,0,321,230053,00000210 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000210_pre_disaster.png,moore-tornado_00000210_pre_disaster,0,0,tier3\masks\moore-tornado_00000210_pre_disaster.png,0,0,321,230775,00000210 +1,795,moore-tornado,post,tier3,tier3\images\moore-tornado_00000211_post_disaster.png,moore-tornado_00000211_post_disaster,0,0,tier3\masks\moore-tornado_00000211_post_disaster.png,0,0,39,85073,00000211 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000211_pre_disaster.png,moore-tornado_00000211_pre_disaster,0,0,tier3\masks\moore-tornado_00000211_pre_disaster.png,0,0,40,85954,00000211 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000212_post_disaster.png,moore-tornado_00000212_post_disaster,10,14038,tier3\masks\moore-tornado_00000212_post_disaster.png,0,0,278,331529,00000212 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000212_pre_disaster.png,moore-tornado_00000212_pre_disaster,0,0,tier3\masks\moore-tornado_00000212_pre_disaster.png,0,0,287,345628,00000212 +4,7966,moore-tornado,post,tier3,tier3\images\moore-tornado_00000213_post_disaster.png,moore-tornado_00000213_post_disaster,0,0,tier3\masks\moore-tornado_00000213_post_disaster.png,2,5319,15,51432,00000213 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000213_pre_disaster.png,moore-tornado_00000213_pre_disaster,0,0,tier3\masks\moore-tornado_00000213_pre_disaster.png,0,0,20,64731,00000213 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000214_post_disaster.png,moore-tornado_00000214_post_disaster,0,0,tier3\masks\moore-tornado_00000214_post_disaster.png,0,0,277,198078,00000214 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000214_pre_disaster.png,moore-tornado_00000214_pre_disaster,0,0,tier3\masks\moore-tornado_00000214_pre_disaster.png,0,0,277,198229,00000214 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000215_post_disaster.png,moore-tornado_00000215_post_disaster,2,1826,tier3\masks\moore-tornado_00000215_post_disaster.png,0,0,268,283659,00000215 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000215_pre_disaster.png,moore-tornado_00000215_pre_disaster,0,0,tier3\masks\moore-tornado_00000215_pre_disaster.png,0,0,270,285543,00000215 +10,17453,moore-tornado,post,tier3,tier3\images\moore-tornado_00000216_post_disaster.png,moore-tornado_00000216_post_disaster,0,0,tier3\masks\moore-tornado_00000216_post_disaster.png,2,1651,7,11756,00000216 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000216_pre_disaster.png,moore-tornado_00000216_pre_disaster,0,0,tier3\masks\moore-tornado_00000216_pre_disaster.png,0,0,19,30860,00000216 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000217_post_disaster.png,moore-tornado_00000217_post_disaster,0,0,tier3\masks\moore-tornado_00000217_post_disaster.png,0,0,127,146781,00000217 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000217_pre_disaster.png,moore-tornado_00000217_pre_disaster,0,0,tier3\masks\moore-tornado_00000217_pre_disaster.png,0,0,127,146955,00000217 +14,12078,moore-tornado,post,tier3,tier3\images\moore-tornado_00000218_post_disaster.png,moore-tornado_00000218_post_disaster,2,1988,tier3\masks\moore-tornado_00000218_post_disaster.png,3,4618,4,3711,00000218 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000218_pre_disaster.png,moore-tornado_00000218_pre_disaster,0,0,tier3\masks\moore-tornado_00000218_pre_disaster.png,0,0,22,22484,00000218 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000219_post_disaster.png,moore-tornado_00000219_post_disaster,0,0,tier3\masks\moore-tornado_00000219_post_disaster.png,0,0,121,216734,00000219 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000219_pre_disaster.png,moore-tornado_00000219_pre_disaster,0,0,tier3\masks\moore-tornado_00000219_pre_disaster.png,0,0,121,216734,00000219 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000220_post_disaster.png,moore-tornado_00000220_post_disaster,0,0,tier3\masks\moore-tornado_00000220_post_disaster.png,0,0,1,443,00000220 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000220_pre_disaster.png,moore-tornado_00000220_pre_disaster,0,0,tier3\masks\moore-tornado_00000220_pre_disaster.png,0,0,1,443,00000220 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000221_post_disaster.png,moore-tornado_00000221_post_disaster,0,0,tier3\masks\moore-tornado_00000221_post_disaster.png,0,0,130,147167,00000221 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000221_pre_disaster.png,moore-tornado_00000221_pre_disaster,0,0,tier3\masks\moore-tornado_00000221_pre_disaster.png,0,0,130,147162,00000221 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000222_post_disaster.png,moore-tornado_00000222_post_disaster,0,0,tier3\masks\moore-tornado_00000222_post_disaster.png,0,0,49,108693,00000222 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000222_pre_disaster.png,moore-tornado_00000222_pre_disaster,0,0,tier3\masks\moore-tornado_00000222_pre_disaster.png,0,0,49,108728,00000222 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000223_post_disaster.png,moore-tornado_00000223_post_disaster,0,0,tier3\masks\moore-tornado_00000223_post_disaster.png,0,0,3,2046,00000223 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000223_pre_disaster.png,moore-tornado_00000223_pre_disaster,0,0,tier3\masks\moore-tornado_00000223_pre_disaster.png,0,0,3,2046,00000223 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000224_post_disaster.png,moore-tornado_00000224_post_disaster,0,0,tier3\masks\moore-tornado_00000224_post_disaster.png,0,0,73,84296,00000224 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000224_pre_disaster.png,moore-tornado_00000224_pre_disaster,0,0,tier3\masks\moore-tornado_00000224_pre_disaster.png,0,0,73,84712,00000224 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000225_post_disaster.png,moore-tornado_00000225_post_disaster,0,0,tier3\masks\moore-tornado_00000225_post_disaster.png,0,0,75,70117,00000225 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000225_pre_disaster.png,moore-tornado_00000225_pre_disaster,0,0,tier3\masks\moore-tornado_00000225_pre_disaster.png,0,0,75,70361,00000225 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000226_post_disaster.png,moore-tornado_00000226_post_disaster,0,0,tier3\masks\moore-tornado_00000226_post_disaster.png,0,0,3,205,00000226 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000226_pre_disaster.png,moore-tornado_00000226_pre_disaster,0,0,tier3\masks\moore-tornado_00000226_pre_disaster.png,0,0,3,205,00000226 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000000_post_disaster.png,nepal-flooding_00000000_post_disaster,0,0,tier3\masks\nepal-flooding_00000000_post_disaster.png,0,0,0,0,00000000 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000000_pre_disaster.png,nepal-flooding_00000000_pre_disaster,0,0,tier3\masks\nepal-flooding_00000000_pre_disaster.png,0,0,0,0,00000000 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000001_post_disaster.png,nepal-flooding_00000001_post_disaster,0,0,tier3\masks\nepal-flooding_00000001_post_disaster.png,0,0,56,40133,00000001 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000001_pre_disaster.png,nepal-flooding_00000001_pre_disaster,0,0,tier3\masks\nepal-flooding_00000001_pre_disaster.png,0,0,56,40133,00000001 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000002_post_disaster.png,nepal-flooding_00000002_post_disaster,8,1779,tier3\masks\nepal-flooding_00000002_post_disaster.png,0,0,35,21333,00000002 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000002_pre_disaster.png,nepal-flooding_00000002_pre_disaster,0,0,tier3\masks\nepal-flooding_00000002_pre_disaster.png,0,0,42,23112,00000002 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000003_post_disaster.png,nepal-flooding_00000003_post_disaster,0,0,tier3\masks\nepal-flooding_00000003_post_disaster.png,0,0,12,7252,00000003 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000003_pre_disaster.png,nepal-flooding_00000003_pre_disaster,0,0,tier3\masks\nepal-flooding_00000003_pre_disaster.png,0,0,12,7249,00000003 +1,201,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000004_post_disaster.png,nepal-flooding_00000004_post_disaster,4,1095,tier3\masks\nepal-flooding_00000004_post_disaster.png,1,340,8,9492,00000004 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000004_pre_disaster.png,nepal-flooding_00000004_pre_disaster,0,0,tier3\masks\nepal-flooding_00000004_pre_disaster.png,0,0,12,11330,00000004 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000005_post_disaster.png,nepal-flooding_00000005_post_disaster,1,637,tier3\masks\nepal-flooding_00000005_post_disaster.png,1,1210,41,33861,00000005 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000005_pre_disaster.png,nepal-flooding_00000005_pre_disaster,0,0,tier3\masks\nepal-flooding_00000005_pre_disaster.png,0,0,43,35708,00000005 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000006_post_disaster.png,nepal-flooding_00000006_post_disaster,0,0,tier3\masks\nepal-flooding_00000006_post_disaster.png,0,0,91,109630,00000006 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000006_pre_disaster.png,nepal-flooding_00000006_pre_disaster,0,0,tier3\masks\nepal-flooding_00000006_pre_disaster.png,0,0,91,109624,00000006 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000007_post_disaster.png,nepal-flooding_00000007_post_disaster,0,0,tier3\masks\nepal-flooding_00000007_post_disaster.png,0,0,0,0,00000007 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000007_pre_disaster.png,nepal-flooding_00000007_pre_disaster,0,0,tier3\masks\nepal-flooding_00000007_pre_disaster.png,0,0,0,0,00000007 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000008_post_disaster.png,nepal-flooding_00000008_post_disaster,3,696,tier3\masks\nepal-flooding_00000008_post_disaster.png,0,0,33,26387,00000008 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000008_pre_disaster.png,nepal-flooding_00000008_pre_disaster,0,0,tier3\masks\nepal-flooding_00000008_pre_disaster.png,0,0,35,27083,00000008 +1,170,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000009_post_disaster.png,nepal-flooding_00000009_post_disaster,3,2171,tier3\masks\nepal-flooding_00000009_post_disaster.png,3,1067,2,551,00000009 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000009_pre_disaster.png,nepal-flooding_00000009_pre_disaster,0,0,tier3\masks\nepal-flooding_00000009_pre_disaster.png,0,0,6,3991,00000009 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000010_post_disaster.png,nepal-flooding_00000010_post_disaster,0,0,tier3\masks\nepal-flooding_00000010_post_disaster.png,0,0,96,94454,00000010 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000010_pre_disaster.png,nepal-flooding_00000010_pre_disaster,0,0,tier3\masks\nepal-flooding_00000010_pre_disaster.png,0,0,96,94483,00000010 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000011_post_disaster.png,nepal-flooding_00000011_post_disaster,3,1470,tier3\masks\nepal-flooding_00000011_post_disaster.png,0,0,0,0,00000011 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000011_pre_disaster.png,nepal-flooding_00000011_pre_disaster,0,0,tier3\masks\nepal-flooding_00000011_pre_disaster.png,0,0,3,1470,00000011 +1,212,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000012_post_disaster.png,nepal-flooding_00000012_post_disaster,3,642,tier3\masks\nepal-flooding_00000012_post_disaster.png,8,2758,6,1017,00000012 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000012_pre_disaster.png,nepal-flooding_00000012_pre_disaster,0,0,tier3\masks\nepal-flooding_00000012_pre_disaster.png,0,0,18,4629,00000012 +1,432,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000013_post_disaster.png,nepal-flooding_00000013_post_disaster,3,5808,tier3\masks\nepal-flooding_00000013_post_disaster.png,4,3592,117,114352,00000013 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000013_pre_disaster.png,nepal-flooding_00000013_pre_disaster,0,0,tier3\masks\nepal-flooding_00000013_pre_disaster.png,0,0,124,124325,00000013 +2,166,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000014_post_disaster.png,nepal-flooding_00000014_post_disaster,0,0,tier3\masks\nepal-flooding_00000014_post_disaster.png,1,3420,0,0,00000014 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000014_pre_disaster.png,nepal-flooding_00000014_pre_disaster,0,0,tier3\masks\nepal-flooding_00000014_pre_disaster.png,0,0,3,3586,00000014 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000015_post_disaster.png,nepal-flooding_00000015_post_disaster,0,0,tier3\masks\nepal-flooding_00000015_post_disaster.png,4,7575,0,0,00000015 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000015_pre_disaster.png,nepal-flooding_00000015_pre_disaster,0,0,tier3\masks\nepal-flooding_00000015_pre_disaster.png,0,0,4,7575,00000015 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000016_post_disaster.png,nepal-flooding_00000016_post_disaster,3,1311,tier3\masks\nepal-flooding_00000016_post_disaster.png,0,0,41,18248,00000016 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000016_pre_disaster.png,nepal-flooding_00000016_pre_disaster,0,0,tier3\masks\nepal-flooding_00000016_pre_disaster.png,0,0,42,19559,00000016 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000017_post_disaster.png,nepal-flooding_00000017_post_disaster,2,457,tier3\masks\nepal-flooding_00000017_post_disaster.png,10,7367,3,772,00000017 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000017_pre_disaster.png,nepal-flooding_00000017_pre_disaster,0,0,tier3\masks\nepal-flooding_00000017_pre_disaster.png,0,0,15,8605,00000017 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000018_post_disaster.png,nepal-flooding_00000018_post_disaster,5,4262,tier3\masks\nepal-flooding_00000018_post_disaster.png,37,25158,0,0,00000018 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000018_pre_disaster.png,nepal-flooding_00000018_pre_disaster,0,0,tier3\masks\nepal-flooding_00000018_pre_disaster.png,0,0,41,29437,00000018 +6,973,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000019_post_disaster.png,nepal-flooding_00000019_post_disaster,5,1543,tier3\masks\nepal-flooding_00000019_post_disaster.png,0,0,3,785,00000019 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000019_pre_disaster.png,nepal-flooding_00000019_pre_disaster,0,0,tier3\masks\nepal-flooding_00000019_pre_disaster.png,0,0,12,3300,00000019 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000020_post_disaster.png,nepal-flooding_00000020_post_disaster,49,33206,tier3\masks\nepal-flooding_00000020_post_disaster.png,12,12888,83,69208,00000020 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000020_pre_disaster.png,nepal-flooding_00000020_pre_disaster,0,0,tier3\masks\nepal-flooding_00000020_pre_disaster.png,0,0,129,115306,00000020 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000021_post_disaster.png,nepal-flooding_00000021_post_disaster,1,1011,tier3\masks\nepal-flooding_00000021_post_disaster.png,0,0,0,0,00000021 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000021_pre_disaster.png,nepal-flooding_00000021_pre_disaster,0,0,tier3\masks\nepal-flooding_00000021_pre_disaster.png,0,0,1,1011,00000021 +1,138,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000022_post_disaster.png,nepal-flooding_00000022_post_disaster,28,17673,tier3\masks\nepal-flooding_00000022_post_disaster.png,16,11808,57,44695,00000022 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000022_pre_disaster.png,nepal-flooding_00000022_pre_disaster,0,0,tier3\masks\nepal-flooding_00000022_pre_disaster.png,0,0,89,74321,00000022 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000023_post_disaster.png,nepal-flooding_00000023_post_disaster,18,13800,tier3\masks\nepal-flooding_00000023_post_disaster.png,15,13332,30,34064,00000023 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000023_pre_disaster.png,nepal-flooding_00000023_pre_disaster,0,0,tier3\masks\nepal-flooding_00000023_pre_disaster.png,0,0,56,61214,00000023 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000024_post_disaster.png,nepal-flooding_00000024_post_disaster,0,0,tier3\masks\nepal-flooding_00000024_post_disaster.png,0,0,0,0,00000024 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000024_pre_disaster.png,nepal-flooding_00000024_pre_disaster,0,0,tier3\masks\nepal-flooding_00000024_pre_disaster.png,0,0,0,0,00000024 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000025_post_disaster.png,nepal-flooding_00000025_post_disaster,25,13360,tier3\masks\nepal-flooding_00000025_post_disaster.png,6,1462,16,12706,00000025 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000025_pre_disaster.png,nepal-flooding_00000025_pre_disaster,0,0,tier3\masks\nepal-flooding_00000025_pre_disaster.png,0,0,40,27517,00000025 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000026_post_disaster.png,nepal-flooding_00000026_post_disaster,0,0,tier3\masks\nepal-flooding_00000026_post_disaster.png,0,0,18,9346,00000026 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000026_pre_disaster.png,nepal-flooding_00000026_pre_disaster,0,0,tier3\masks\nepal-flooding_00000026_pre_disaster.png,0,0,18,9346,00000026 +3,333,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000027_post_disaster.png,nepal-flooding_00000027_post_disaster,4,3235,tier3\masks\nepal-flooding_00000027_post_disaster.png,7,6188,31,25711,00000027 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000027_pre_disaster.png,nepal-flooding_00000027_pre_disaster,0,0,tier3\masks\nepal-flooding_00000027_pre_disaster.png,0,0,43,35538,00000027 +9,1101,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000028_post_disaster.png,nepal-flooding_00000028_post_disaster,36,19961,tier3\masks\nepal-flooding_00000028_post_disaster.png,18,7510,41,60415,00000028 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000028_pre_disaster.png,nepal-flooding_00000028_pre_disaster,0,0,tier3\masks\nepal-flooding_00000028_pre_disaster.png,0,0,77,88997,00000028 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000029_post_disaster.png,nepal-flooding_00000029_post_disaster,6,6154,tier3\masks\nepal-flooding_00000029_post_disaster.png,2,675,35,34461,00000029 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000029_pre_disaster.png,nepal-flooding_00000029_pre_disaster,0,0,tier3\masks\nepal-flooding_00000029_pre_disaster.png,0,0,41,41290,00000029 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000030_post_disaster.png,nepal-flooding_00000030_post_disaster,0,0,tier3\masks\nepal-flooding_00000030_post_disaster.png,0,0,20,29090,00000030 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000030_pre_disaster.png,nepal-flooding_00000030_pre_disaster,0,0,tier3\masks\nepal-flooding_00000030_pre_disaster.png,0,0,20,29187,00000030 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000031_post_disaster.png,nepal-flooding_00000031_post_disaster,22,19038,tier3\masks\nepal-flooding_00000031_post_disaster.png,6,4044,53,63710,00000031 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000031_pre_disaster.png,nepal-flooding_00000031_pre_disaster,0,0,tier3\masks\nepal-flooding_00000031_pre_disaster.png,0,0,65,86803,00000031 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000032_post_disaster.png,nepal-flooding_00000032_post_disaster,0,0,tier3\masks\nepal-flooding_00000032_post_disaster.png,0,0,0,0,00000032 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000032_pre_disaster.png,nepal-flooding_00000032_pre_disaster,0,0,tier3\masks\nepal-flooding_00000032_pre_disaster.png,0,0,0,0,00000032 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000033_post_disaster.png,nepal-flooding_00000033_post_disaster,1,442,tier3\masks\nepal-flooding_00000033_post_disaster.png,0,0,19,13484,00000033 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000033_pre_disaster.png,nepal-flooding_00000033_pre_disaster,0,0,tier3\masks\nepal-flooding_00000033_pre_disaster.png,0,0,20,13926,00000033 +3,634,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000034_post_disaster.png,nepal-flooding_00000034_post_disaster,17,12270,tier3\masks\nepal-flooding_00000034_post_disaster.png,6,2407,28,31648,00000034 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000034_pre_disaster.png,nepal-flooding_00000034_pre_disaster,0,0,tier3\masks\nepal-flooding_00000034_pre_disaster.png,0,0,34,46957,00000034 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000035_post_disaster.png,nepal-flooding_00000035_post_disaster,0,0,tier3\masks\nepal-flooding_00000035_post_disaster.png,0,0,4,1857,00000035 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000035_pre_disaster.png,nepal-flooding_00000035_pre_disaster,0,0,tier3\masks\nepal-flooding_00000035_pre_disaster.png,0,0,4,1898,00000035 +2,201,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000036_post_disaster.png,nepal-flooding_00000036_post_disaster,54,33890,tier3\masks\nepal-flooding_00000036_post_disaster.png,33,15324,17,10053,00000036 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000036_pre_disaster.png,nepal-flooding_00000036_pre_disaster,0,0,tier3\masks\nepal-flooding_00000036_pre_disaster.png,0,0,87,59482,00000036 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000037_post_disaster.png,nepal-flooding_00000037_post_disaster,0,0,tier3\masks\nepal-flooding_00000037_post_disaster.png,0,0,36,18432,00000037 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000037_pre_disaster.png,nepal-flooding_00000037_pre_disaster,0,0,tier3\masks\nepal-flooding_00000037_pre_disaster.png,0,0,36,18521,00000037 +2,246,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000038_post_disaster.png,nepal-flooding_00000038_post_disaster,6,4449,tier3\masks\nepal-flooding_00000038_post_disaster.png,0,0,48,21047,00000038 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000038_pre_disaster.png,nepal-flooding_00000038_pre_disaster,0,0,tier3\masks\nepal-flooding_00000038_pre_disaster.png,0,0,56,25791,00000038 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000039_post_disaster.png,nepal-flooding_00000039_post_disaster,3,5004,tier3\masks\nepal-flooding_00000039_post_disaster.png,0,0,10,4024,00000039 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000039_pre_disaster.png,nepal-flooding_00000039_pre_disaster,0,0,tier3\masks\nepal-flooding_00000039_pre_disaster.png,0,0,12,9028,00000039 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000040_post_disaster.png,nepal-flooding_00000040_post_disaster,1,244,tier3\masks\nepal-flooding_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000040_pre_disaster.png,nepal-flooding_00000040_pre_disaster,0,0,tier3\masks\nepal-flooding_00000040_pre_disaster.png,0,0,1,244,00000040 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000041_post_disaster.png,nepal-flooding_00000041_post_disaster,0,0,tier3\masks\nepal-flooding_00000041_post_disaster.png,0,0,0,0,00000041 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000041_pre_disaster.png,nepal-flooding_00000041_pre_disaster,0,0,tier3\masks\nepal-flooding_00000041_pre_disaster.png,0,0,0,0,00000041 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000042_post_disaster.png,nepal-flooding_00000042_post_disaster,4,2797,tier3\masks\nepal-flooding_00000042_post_disaster.png,2,1029,100,89923,00000042 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000042_pre_disaster.png,nepal-flooding_00000042_pre_disaster,0,0,tier3\masks\nepal-flooding_00000042_pre_disaster.png,0,0,103,93746,00000042 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000043_post_disaster.png,nepal-flooding_00000043_post_disaster,0,0,tier3\masks\nepal-flooding_00000043_post_disaster.png,1,274,0,0,00000043 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000043_pre_disaster.png,nepal-flooding_00000043_pre_disaster,0,0,tier3\masks\nepal-flooding_00000043_pre_disaster.png,0,0,1,274,00000043 +1,45,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000044_post_disaster.png,nepal-flooding_00000044_post_disaster,22,28132,tier3\masks\nepal-flooding_00000044_post_disaster.png,0,0,51,46493,00000044 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000044_pre_disaster.png,nepal-flooding_00000044_pre_disaster,0,0,tier3\masks\nepal-flooding_00000044_pre_disaster.png,0,0,63,74816,00000044 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000045_post_disaster.png,nepal-flooding_00000045_post_disaster,0,0,tier3\masks\nepal-flooding_00000045_post_disaster.png,0,0,0,0,00000045 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000045_pre_disaster.png,nepal-flooding_00000045_pre_disaster,0,0,tier3\masks\nepal-flooding_00000045_pre_disaster.png,0,0,0,0,00000045 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000046_post_disaster.png,nepal-flooding_00000046_post_disaster,1,85,tier3\masks\nepal-flooding_00000046_post_disaster.png,0,0,0,0,00000046 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000046_pre_disaster.png,nepal-flooding_00000046_pre_disaster,0,0,tier3\masks\nepal-flooding_00000046_pre_disaster.png,0,0,1,85,00000046 +2,153,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000047_post_disaster.png,nepal-flooding_00000047_post_disaster,1,42,tier3\masks\nepal-flooding_00000047_post_disaster.png,3,372,2,186,00000047 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000047_pre_disaster.png,nepal-flooding_00000047_pre_disaster,0,0,tier3\masks\nepal-flooding_00000047_pre_disaster.png,0,0,8,753,00000047 +4,636,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000048_post_disaster.png,nepal-flooding_00000048_post_disaster,3,4302,tier3\masks\nepal-flooding_00000048_post_disaster.png,0,0,17,26423,00000048 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000048_pre_disaster.png,nepal-flooding_00000048_pre_disaster,0,0,tier3\masks\nepal-flooding_00000048_pre_disaster.png,0,0,18,31553,00000048 +1,172,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000049_post_disaster.png,nepal-flooding_00000049_post_disaster,0,0,tier3\masks\nepal-flooding_00000049_post_disaster.png,9,6906,0,0,00000049 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000049_pre_disaster.png,nepal-flooding_00000049_pre_disaster,0,0,tier3\masks\nepal-flooding_00000049_pre_disaster.png,0,0,10,7081,00000049 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000050_post_disaster.png,nepal-flooding_00000050_post_disaster,0,0,tier3\masks\nepal-flooding_00000050_post_disaster.png,1,386,0,0,00000050 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000050_pre_disaster.png,nepal-flooding_00000050_pre_disaster,0,0,tier3\masks\nepal-flooding_00000050_pre_disaster.png,0,0,1,386,00000050 +1,152,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000051_post_disaster.png,nepal-flooding_00000051_post_disaster,0,0,tier3\masks\nepal-flooding_00000051_post_disaster.png,2,890,0,0,00000051 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000051_pre_disaster.png,nepal-flooding_00000051_pre_disaster,0,0,tier3\masks\nepal-flooding_00000051_pre_disaster.png,0,0,3,1042,00000051 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000052_post_disaster.png,nepal-flooding_00000052_post_disaster,0,0,tier3\masks\nepal-flooding_00000052_post_disaster.png,0,0,37,42632,00000052 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000052_pre_disaster.png,nepal-flooding_00000052_pre_disaster,0,0,tier3\masks\nepal-flooding_00000052_pre_disaster.png,0,0,37,42742,00000052 +1,123,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000053_post_disaster.png,nepal-flooding_00000053_post_disaster,0,0,tier3\masks\nepal-flooding_00000053_post_disaster.png,0,0,0,0,00000053 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000053_pre_disaster.png,nepal-flooding_00000053_pre_disaster,0,0,tier3\masks\nepal-flooding_00000053_pre_disaster.png,0,0,1,123,00000053 +3,370,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000054_post_disaster.png,nepal-flooding_00000054_post_disaster,0,0,tier3\masks\nepal-flooding_00000054_post_disaster.png,3,494,0,0,00000054 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000054_pre_disaster.png,nepal-flooding_00000054_pre_disaster,0,0,tier3\masks\nepal-flooding_00000054_pre_disaster.png,0,0,6,864,00000054 +2,155,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000055_post_disaster.png,nepal-flooding_00000055_post_disaster,6,912,tier3\masks\nepal-flooding_00000055_post_disaster.png,3,1209,17,11831,00000055 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000055_pre_disaster.png,nepal-flooding_00000055_pre_disaster,0,0,tier3\masks\nepal-flooding_00000055_pre_disaster.png,0,0,26,14107,00000055 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000056_post_disaster.png,nepal-flooding_00000056_post_disaster,1,353,tier3\masks\nepal-flooding_00000056_post_disaster.png,0,0,2,197,00000056 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000056_pre_disaster.png,nepal-flooding_00000056_pre_disaster,0,0,tier3\masks\nepal-flooding_00000056_pre_disaster.png,0,0,2,550,00000056 +1,140,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000057_post_disaster.png,nepal-flooding_00000057_post_disaster,1,719,tier3\masks\nepal-flooding_00000057_post_disaster.png,9,4404,0,0,00000057 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000057_pre_disaster.png,nepal-flooding_00000057_pre_disaster,0,0,tier3\masks\nepal-flooding_00000057_pre_disaster.png,0,0,10,5297,00000057 +3,212,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000058_post_disaster.png,nepal-flooding_00000058_post_disaster,0,0,tier3\masks\nepal-flooding_00000058_post_disaster.png,1,119,0,0,00000058 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000058_pre_disaster.png,nepal-flooding_00000058_pre_disaster,0,0,tier3\masks\nepal-flooding_00000058_pre_disaster.png,0,0,4,331,00000058 +2,263,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000059_post_disaster.png,nepal-flooding_00000059_post_disaster,2,2969,tier3\masks\nepal-flooding_00000059_post_disaster.png,0,0,6,2344,00000059 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000059_pre_disaster.png,nepal-flooding_00000059_pre_disaster,0,0,tier3\masks\nepal-flooding_00000059_pre_disaster.png,0,0,9,5670,00000059 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000060_post_disaster.png,nepal-flooding_00000060_post_disaster,1,1165,tier3\masks\nepal-flooding_00000060_post_disaster.png,0,0,62,45519,00000060 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000060_pre_disaster.png,nepal-flooding_00000060_pre_disaster,0,0,tier3\masks\nepal-flooding_00000060_pre_disaster.png,0,0,62,46688,00000060 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000061_post_disaster.png,nepal-flooding_00000061_post_disaster,0,0,tier3\masks\nepal-flooding_00000061_post_disaster.png,1,176,0,0,00000061 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000061_pre_disaster.png,nepal-flooding_00000061_pre_disaster,0,0,tier3\masks\nepal-flooding_00000061_pre_disaster.png,0,0,1,176,00000061 +1,191,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000062_post_disaster.png,nepal-flooding_00000062_post_disaster,0,0,tier3\masks\nepal-flooding_00000062_post_disaster.png,1,310,0,0,00000062 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000062_pre_disaster.png,nepal-flooding_00000062_pre_disaster,0,0,tier3\masks\nepal-flooding_00000062_pre_disaster.png,0,0,2,501,00000062 +1,188,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000063_post_disaster.png,nepal-flooding_00000063_post_disaster,12,13350,tier3\masks\nepal-flooding_00000063_post_disaster.png,6,5434,35,20487,00000063 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000063_pre_disaster.png,nepal-flooding_00000063_pre_disaster,0,0,tier3\masks\nepal-flooding_00000063_pre_disaster.png,0,0,50,39524,00000063 +1,54,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000064_post_disaster.png,nepal-flooding_00000064_post_disaster,1,2007,tier3\masks\nepal-flooding_00000064_post_disaster.png,6,2039,1,391,00000064 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000064_pre_disaster.png,nepal-flooding_00000064_pre_disaster,0,0,tier3\masks\nepal-flooding_00000064_pre_disaster.png,0,0,9,4534,00000064 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000065_post_disaster.png,nepal-flooding_00000065_post_disaster,4,2436,tier3\masks\nepal-flooding_00000065_post_disaster.png,4,1577,8,3907,00000065 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000065_pre_disaster.png,nepal-flooding_00000065_pre_disaster,0,0,tier3\masks\nepal-flooding_00000065_pre_disaster.png,0,0,16,8158,00000065 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000066_post_disaster.png,nepal-flooding_00000066_post_disaster,0,0,tier3\masks\nepal-flooding_00000066_post_disaster.png,0,0,0,0,00000066 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000066_pre_disaster.png,nepal-flooding_00000066_pre_disaster,0,0,tier3\masks\nepal-flooding_00000066_pre_disaster.png,0,0,0,0,00000066 +2,1115,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000067_post_disaster.png,nepal-flooding_00000067_post_disaster,4,5530,tier3\masks\nepal-flooding_00000067_post_disaster.png,8,9713,0,0,00000067 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000067_pre_disaster.png,nepal-flooding_00000067_pre_disaster,0,0,tier3\masks\nepal-flooding_00000067_pre_disaster.png,0,0,13,16358,00000067 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000068_post_disaster.png,nepal-flooding_00000068_post_disaster,3,431,tier3\masks\nepal-flooding_00000068_post_disaster.png,0,0,4,1517,00000068 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000068_pre_disaster.png,nepal-flooding_00000068_pre_disaster,0,0,tier3\masks\nepal-flooding_00000068_pre_disaster.png,0,0,7,1948,00000068 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000069_post_disaster.png,nepal-flooding_00000069_post_disaster,10,18247,tier3\masks\nepal-flooding_00000069_post_disaster.png,0,0,94,152866,00000069 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000069_pre_disaster.png,nepal-flooding_00000069_pre_disaster,0,0,tier3\masks\nepal-flooding_00000069_pre_disaster.png,0,0,102,171099,00000069 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000070_post_disaster.png,nepal-flooding_00000070_post_disaster,1,650,tier3\masks\nepal-flooding_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000070_pre_disaster.png,nepal-flooding_00000070_pre_disaster,0,0,tier3\masks\nepal-flooding_00000070_pre_disaster.png,0,0,1,650,00000070 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000071_post_disaster.png,nepal-flooding_00000071_post_disaster,0,0,tier3\masks\nepal-flooding_00000071_post_disaster.png,0,0,0,0,00000071 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000071_pre_disaster.png,nepal-flooding_00000071_pre_disaster,0,0,tier3\masks\nepal-flooding_00000071_pre_disaster.png,0,0,0,0,00000071 +20,3689,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000072_post_disaster.png,nepal-flooding_00000072_post_disaster,0,0,tier3\masks\nepal-flooding_00000072_post_disaster.png,0,0,0,0,00000072 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000072_pre_disaster.png,nepal-flooding_00000072_pre_disaster,0,0,tier3\masks\nepal-flooding_00000072_pre_disaster.png,0,0,20,3689,00000072 +1,162,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000073_post_disaster.png,nepal-flooding_00000073_post_disaster,5,1630,tier3\masks\nepal-flooding_00000073_post_disaster.png,0,0,52,48583,00000073 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000073_pre_disaster.png,nepal-flooding_00000073_pre_disaster,0,0,tier3\masks\nepal-flooding_00000073_pre_disaster.png,0,0,58,50440,00000073 +2,148,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000074_post_disaster.png,nepal-flooding_00000074_post_disaster,10,10066,tier3\masks\nepal-flooding_00000074_post_disaster.png,1,468,85,59149,00000074 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000074_pre_disaster.png,nepal-flooding_00000074_pre_disaster,0,0,tier3\masks\nepal-flooding_00000074_pre_disaster.png,0,0,95,69850,00000074 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000075_post_disaster.png,nepal-flooding_00000075_post_disaster,2,1880,tier3\masks\nepal-flooding_00000075_post_disaster.png,0,0,64,96076,00000075 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000075_pre_disaster.png,nepal-flooding_00000075_pre_disaster,0,0,tier3\masks\nepal-flooding_00000075_pre_disaster.png,0,0,64,97970,00000075 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000076_post_disaster.png,nepal-flooding_00000076_post_disaster,3,12882,tier3\masks\nepal-flooding_00000076_post_disaster.png,0,0,56,55427,00000076 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000076_pre_disaster.png,nepal-flooding_00000076_pre_disaster,0,0,tier3\masks\nepal-flooding_00000076_pre_disaster.png,0,0,57,68309,00000076 +1,77,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000077_post_disaster.png,nepal-flooding_00000077_post_disaster,3,1189,tier3\masks\nepal-flooding_00000077_post_disaster.png,3,1130,80,109743,00000077 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000077_pre_disaster.png,nepal-flooding_00000077_pre_disaster,0,0,tier3\masks\nepal-flooding_00000077_pre_disaster.png,0,0,85,112233,00000077 +1,195,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000078_post_disaster.png,nepal-flooding_00000078_post_disaster,0,0,tier3\masks\nepal-flooding_00000078_post_disaster.png,2,1848,49,81571,00000078 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000078_pre_disaster.png,nepal-flooding_00000078_pre_disaster,0,0,tier3\masks\nepal-flooding_00000078_pre_disaster.png,0,0,52,83617,00000078 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000079_post_disaster.png,nepal-flooding_00000079_post_disaster,0,0,tier3\masks\nepal-flooding_00000079_post_disaster.png,1,283,22,7773,00000079 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000079_pre_disaster.png,nepal-flooding_00000079_pre_disaster,0,0,tier3\masks\nepal-flooding_00000079_pre_disaster.png,0,0,23,8052,00000079 +3,409,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000080_post_disaster.png,nepal-flooding_00000080_post_disaster,2,722,tier3\masks\nepal-flooding_00000080_post_disaster.png,3,1096,3,4684,00000080 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000080_pre_disaster.png,nepal-flooding_00000080_pre_disaster,0,0,tier3\masks\nepal-flooding_00000080_pre_disaster.png,0,0,11,6911,00000080 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000081_post_disaster.png,nepal-flooding_00000081_post_disaster,0,0,tier3\masks\nepal-flooding_00000081_post_disaster.png,5,1127,0,0,00000081 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000081_pre_disaster.png,nepal-flooding_00000081_pre_disaster,0,0,tier3\masks\nepal-flooding_00000081_pre_disaster.png,0,0,5,1127,00000081 +1,121,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000082_post_disaster.png,nepal-flooding_00000082_post_disaster,19,8238,tier3\masks\nepal-flooding_00000082_post_disaster.png,11,7171,27,22249,00000082 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000082_pre_disaster.png,nepal-flooding_00000082_pre_disaster,0,0,tier3\masks\nepal-flooding_00000082_pre_disaster.png,0,0,54,37791,00000082 +2,277,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000083_post_disaster.png,nepal-flooding_00000083_post_disaster,6,3509,tier3\masks\nepal-flooding_00000083_post_disaster.png,3,3693,16,16545,00000083 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000083_pre_disaster.png,nepal-flooding_00000083_pre_disaster,0,0,tier3\masks\nepal-flooding_00000083_pre_disaster.png,0,0,20,24312,00000083 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000084_post_disaster.png,nepal-flooding_00000084_post_disaster,2,274,tier3\masks\nepal-flooding_00000084_post_disaster.png,5,887,18,21544,00000084 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000084_pre_disaster.png,nepal-flooding_00000084_pre_disaster,0,0,tier3\masks\nepal-flooding_00000084_pre_disaster.png,0,0,24,22705,00000084 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000085_post_disaster.png,nepal-flooding_00000085_post_disaster,10,4569,tier3\masks\nepal-flooding_00000085_post_disaster.png,23,7130,0,0,00000085 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000085_pre_disaster.png,nepal-flooding_00000085_pre_disaster,0,0,tier3\masks\nepal-flooding_00000085_pre_disaster.png,0,0,32,11700,00000085 +1,96,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000086_post_disaster.png,nepal-flooding_00000086_post_disaster,16,7010,tier3\masks\nepal-flooding_00000086_post_disaster.png,7,2579,58,34182,00000086 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000086_pre_disaster.png,nepal-flooding_00000086_pre_disaster,0,0,tier3\masks\nepal-flooding_00000086_pre_disaster.png,0,0,77,43965,00000086 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000087_post_disaster.png,nepal-flooding_00000087_post_disaster,12,6875,tier3\masks\nepal-flooding_00000087_post_disaster.png,1,275,79,40619,00000087 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000087_pre_disaster.png,nepal-flooding_00000087_pre_disaster,0,0,tier3\masks\nepal-flooding_00000087_pre_disaster.png,0,0,90,47795,00000087 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000088_post_disaster.png,nepal-flooding_00000088_post_disaster,7,3379,tier3\masks\nepal-flooding_00000088_post_disaster.png,1,486,48,36315,00000088 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000088_pre_disaster.png,nepal-flooding_00000088_pre_disaster,0,0,tier3\masks\nepal-flooding_00000088_pre_disaster.png,0,0,55,40180,00000088 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000089_post_disaster.png,nepal-flooding_00000089_post_disaster,7,1099,tier3\masks\nepal-flooding_00000089_post_disaster.png,0,0,1,877,00000089 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000089_pre_disaster.png,nepal-flooding_00000089_pre_disaster,0,0,tier3\masks\nepal-flooding_00000089_pre_disaster.png,0,0,8,1976,00000089 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000090_post_disaster.png,nepal-flooding_00000090_post_disaster,3,3848,tier3\masks\nepal-flooding_00000090_post_disaster.png,0,0,8,3810,00000090 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000090_pre_disaster.png,nepal-flooding_00000090_pre_disaster,0,0,tier3\masks\nepal-flooding_00000090_pre_disaster.png,0,0,10,7658,00000090 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000091_post_disaster.png,nepal-flooding_00000091_post_disaster,11,5366,tier3\masks\nepal-flooding_00000091_post_disaster.png,1,162,31,22535,00000091 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000091_pre_disaster.png,nepal-flooding_00000091_pre_disaster,0,0,tier3\masks\nepal-flooding_00000091_pre_disaster.png,0,0,41,28063,00000091 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000092_post_disaster.png,nepal-flooding_00000092_post_disaster,0,0,tier3\masks\nepal-flooding_00000092_post_disaster.png,0,0,0,0,00000092 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000092_pre_disaster.png,nepal-flooding_00000092_pre_disaster,0,0,tier3\masks\nepal-flooding_00000092_pre_disaster.png,0,0,0,0,00000092 +2,145,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000093_post_disaster.png,nepal-flooding_00000093_post_disaster,12,4171,tier3\masks\nepal-flooding_00000093_post_disaster.png,5,1850,5,777,00000093 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000093_pre_disaster.png,nepal-flooding_00000093_pre_disaster,0,0,tier3\masks\nepal-flooding_00000093_pre_disaster.png,0,0,21,6943,00000093 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000094_post_disaster.png,nepal-flooding_00000094_post_disaster,14,7021,tier3\masks\nepal-flooding_00000094_post_disaster.png,5,2759,99,80360,00000094 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000094_pre_disaster.png,nepal-flooding_00000094_pre_disaster,0,0,tier3\masks\nepal-flooding_00000094_pre_disaster.png,0,0,112,90178,00000094 +1,43,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000095_post_disaster.png,nepal-flooding_00000095_post_disaster,0,0,tier3\masks\nepal-flooding_00000095_post_disaster.png,4,955,0,0,00000095 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000095_pre_disaster.png,nepal-flooding_00000095_pre_disaster,0,0,tier3\masks\nepal-flooding_00000095_pre_disaster.png,0,0,5,998,00000095 +1,61,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000096_post_disaster.png,nepal-flooding_00000096_post_disaster,12,7770,tier3\masks\nepal-flooding_00000096_post_disaster.png,0,0,87,86270,00000096 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000096_pre_disaster.png,nepal-flooding_00000096_pre_disaster,0,0,tier3\masks\nepal-flooding_00000096_pre_disaster.png,0,0,97,94197,00000096 +1,209,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000097_post_disaster.png,nepal-flooding_00000097_post_disaster,0,0,tier3\masks\nepal-flooding_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000097_pre_disaster.png,nepal-flooding_00000097_pre_disaster,0,0,tier3\masks\nepal-flooding_00000097_pre_disaster.png,0,0,1,209,00000097 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000098_post_disaster.png,nepal-flooding_00000098_post_disaster,0,0,tier3\masks\nepal-flooding_00000098_post_disaster.png,0,0,5,741,00000098 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000098_pre_disaster.png,nepal-flooding_00000098_pre_disaster,0,0,tier3\masks\nepal-flooding_00000098_pre_disaster.png,0,0,5,747,00000098 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000099_post_disaster.png,nepal-flooding_00000099_post_disaster,0,0,tier3\masks\nepal-flooding_00000099_post_disaster.png,2,1746,0,0,00000099 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000099_pre_disaster.png,nepal-flooding_00000099_pre_disaster,0,0,tier3\masks\nepal-flooding_00000099_pre_disaster.png,0,0,2,1761,00000099 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000100_post_disaster.png,nepal-flooding_00000100_post_disaster,9,2478,tier3\masks\nepal-flooding_00000100_post_disaster.png,11,1872,12,12403,00000100 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000100_pre_disaster.png,nepal-flooding_00000100_pre_disaster,0,0,tier3\masks\nepal-flooding_00000100_pre_disaster.png,0,0,26,16787,00000100 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000101_post_disaster.png,nepal-flooding_00000101_post_disaster,5,2192,tier3\masks\nepal-flooding_00000101_post_disaster.png,0,0,31,25799,00000101 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000101_pre_disaster.png,nepal-flooding_00000101_pre_disaster,0,0,tier3\masks\nepal-flooding_00000101_pre_disaster.png,0,0,35,27969,00000101 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000102_post_disaster.png,nepal-flooding_00000102_post_disaster,0,0,tier3\masks\nepal-flooding_00000102_post_disaster.png,0,0,2,217,00000102 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000102_pre_disaster.png,nepal-flooding_00000102_pre_disaster,0,0,tier3\masks\nepal-flooding_00000102_pre_disaster.png,0,0,2,227,00000102 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000103_post_disaster.png,nepal-flooding_00000103_post_disaster,0,0,tier3\masks\nepal-flooding_00000103_post_disaster.png,0,0,0,0,00000103 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000103_pre_disaster.png,nepal-flooding_00000103_pre_disaster,0,0,tier3\masks\nepal-flooding_00000103_pre_disaster.png,0,0,0,0,00000103 +2,394,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000104_post_disaster.png,nepal-flooding_00000104_post_disaster,9,2115,tier3\masks\nepal-flooding_00000104_post_disaster.png,7,5568,24,20331,00000104 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000104_pre_disaster.png,nepal-flooding_00000104_pre_disaster,0,0,tier3\masks\nepal-flooding_00000104_pre_disaster.png,0,0,40,28500,00000104 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000105_post_disaster.png,nepal-flooding_00000105_post_disaster,10,4314,tier3\masks\nepal-flooding_00000105_post_disaster.png,14,4942,26,18598,00000105 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000105_pre_disaster.png,nepal-flooding_00000105_pre_disaster,0,0,tier3\masks\nepal-flooding_00000105_pre_disaster.png,0,0,44,27880,00000105 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000106_post_disaster.png,nepal-flooding_00000106_post_disaster,0,0,tier3\masks\nepal-flooding_00000106_post_disaster.png,6,6060,1,756,00000106 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000106_pre_disaster.png,nepal-flooding_00000106_pre_disaster,0,0,tier3\masks\nepal-flooding_00000106_pre_disaster.png,0,0,7,6831,00000106 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000107_post_disaster.png,nepal-flooding_00000107_post_disaster,10,6666,tier3\masks\nepal-flooding_00000107_post_disaster.png,9,5137,25,12133,00000107 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000107_pre_disaster.png,nepal-flooding_00000107_pre_disaster,0,0,tier3\masks\nepal-flooding_00000107_pre_disaster.png,0,0,37,23936,00000107 +1,74,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000108_post_disaster.png,nepal-flooding_00000108_post_disaster,0,0,tier3\masks\nepal-flooding_00000108_post_disaster.png,4,534,0,0,00000108 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000108_pre_disaster.png,nepal-flooding_00000108_pre_disaster,0,0,tier3\masks\nepal-flooding_00000108_pre_disaster.png,0,0,5,608,00000108 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000109_post_disaster.png,nepal-flooding_00000109_post_disaster,15,7083,tier3\masks\nepal-flooding_00000109_post_disaster.png,8,3485,21,20632,00000109 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000109_pre_disaster.png,nepal-flooding_00000109_pre_disaster,0,0,tier3\masks\nepal-flooding_00000109_pre_disaster.png,0,0,42,31475,00000109 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000110_post_disaster.png,nepal-flooding_00000110_post_disaster,3,843,tier3\masks\nepal-flooding_00000110_post_disaster.png,0,0,8,1388,00000110 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000110_pre_disaster.png,nepal-flooding_00000110_pre_disaster,0,0,tier3\masks\nepal-flooding_00000110_pre_disaster.png,0,0,9,2312,00000110 +4,714,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000111_post_disaster.png,nepal-flooding_00000111_post_disaster,0,0,tier3\masks\nepal-flooding_00000111_post_disaster.png,1,78,0,0,00000111 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000111_pre_disaster.png,nepal-flooding_00000111_pre_disaster,0,0,tier3\masks\nepal-flooding_00000111_pre_disaster.png,0,0,4,792,00000111 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000112_post_disaster.png,nepal-flooding_00000112_post_disaster,19,8709,tier3\masks\nepal-flooding_00000112_post_disaster.png,10,3674,63,29469,00000112 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000112_pre_disaster.png,nepal-flooding_00000112_pre_disaster,0,0,tier3\masks\nepal-flooding_00000112_pre_disaster.png,0,0,89,41895,00000112 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000113_post_disaster.png,nepal-flooding_00000113_post_disaster,3,1633,tier3\masks\nepal-flooding_00000113_post_disaster.png,2,883,20,9015,00000113 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000113_pre_disaster.png,nepal-flooding_00000113_pre_disaster,0,0,tier3\masks\nepal-flooding_00000113_pre_disaster.png,0,0,24,11531,00000113 +1,127,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000114_post_disaster.png,nepal-flooding_00000114_post_disaster,8,7286,tier3\masks\nepal-flooding_00000114_post_disaster.png,0,0,18,16815,00000114 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000114_pre_disaster.png,nepal-flooding_00000114_pre_disaster,0,0,tier3\masks\nepal-flooding_00000114_pre_disaster.png,0,0,23,24247,00000114 +5,344,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000115_post_disaster.png,nepal-flooding_00000115_post_disaster,0,0,tier3\masks\nepal-flooding_00000115_post_disaster.png,0,0,1,73,00000115 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000115_pre_disaster.png,nepal-flooding_00000115_pre_disaster,0,0,tier3\masks\nepal-flooding_00000115_pre_disaster.png,0,0,6,417,00000115 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000116_post_disaster.png,nepal-flooding_00000116_post_disaster,2,1146,tier3\masks\nepal-flooding_00000116_post_disaster.png,1,834,10,3254,00000116 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000116_pre_disaster.png,nepal-flooding_00000116_pre_disaster,0,0,tier3\masks\nepal-flooding_00000116_pre_disaster.png,0,0,11,5261,00000116 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000117_post_disaster.png,nepal-flooding_00000117_post_disaster,8,4784,tier3\masks\nepal-flooding_00000117_post_disaster.png,0,0,62,118747,00000117 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000117_pre_disaster.png,nepal-flooding_00000117_pre_disaster,0,0,tier3\masks\nepal-flooding_00000117_pre_disaster.png,0,0,63,123582,00000117 +1,56,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000118_post_disaster.png,nepal-flooding_00000118_post_disaster,6,3044,tier3\masks\nepal-flooding_00000118_post_disaster.png,4,1590,26,9605,00000118 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000118_pre_disaster.png,nepal-flooding_00000118_pre_disaster,0,0,tier3\masks\nepal-flooding_00000118_pre_disaster.png,0,0,30,14346,00000118 +3,381,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000119_post_disaster.png,nepal-flooding_00000119_post_disaster,24,27086,tier3\masks\nepal-flooding_00000119_post_disaster.png,10,13601,17,23917,00000119 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000119_pre_disaster.png,nepal-flooding_00000119_pre_disaster,0,0,tier3\masks\nepal-flooding_00000119_pre_disaster.png,0,0,46,64985,00000119 +3,710,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000120_post_disaster.png,nepal-flooding_00000120_post_disaster,0,0,tier3\masks\nepal-flooding_00000120_post_disaster.png,2,1236,1,194,00000120 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000120_pre_disaster.png,nepal-flooding_00000120_pre_disaster,0,0,tier3\masks\nepal-flooding_00000120_pre_disaster.png,0,0,5,2163,00000120 +1,39,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000121_post_disaster.png,nepal-flooding_00000121_post_disaster,0,0,tier3\masks\nepal-flooding_00000121_post_disaster.png,0,0,0,0,00000121 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000121_pre_disaster.png,nepal-flooding_00000121_pre_disaster,0,0,tier3\masks\nepal-flooding_00000121_pre_disaster.png,0,0,1,39,00000121 +6,1096,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000122_post_disaster.png,nepal-flooding_00000122_post_disaster,5,4049,tier3\masks\nepal-flooding_00000122_post_disaster.png,9,4961,29,30590,00000122 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000122_pre_disaster.png,nepal-flooding_00000122_pre_disaster,0,0,tier3\masks\nepal-flooding_00000122_pre_disaster.png,0,0,42,40694,00000122 +5,2589,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000123_post_disaster.png,nepal-flooding_00000123_post_disaster,11,12214,tier3\masks\nepal-flooding_00000123_post_disaster.png,0,0,126,139578,00000123 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000123_pre_disaster.png,nepal-flooding_00000123_pre_disaster,0,0,tier3\masks\nepal-flooding_00000123_pre_disaster.png,0,0,134,154473,00000123 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000124_post_disaster.png,nepal-flooding_00000124_post_disaster,5,4668,tier3\masks\nepal-flooding_00000124_post_disaster.png,3,2142,9,4830,00000124 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000124_pre_disaster.png,nepal-flooding_00000124_pre_disaster,0,0,tier3\masks\nepal-flooding_00000124_pre_disaster.png,0,0,14,11674,00000124 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000125_post_disaster.png,nepal-flooding_00000125_post_disaster,2,260,tier3\masks\nepal-flooding_00000125_post_disaster.png,0,0,105,94274,00000125 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000125_pre_disaster.png,nepal-flooding_00000125_pre_disaster,0,0,tier3\masks\nepal-flooding_00000125_pre_disaster.png,0,0,106,94528,00000125 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000126_post_disaster.png,nepal-flooding_00000126_post_disaster,25,14984,tier3\masks\nepal-flooding_00000126_post_disaster.png,20,14148,52,63853,00000126 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000126_pre_disaster.png,nepal-flooding_00000126_pre_disaster,0,0,tier3\masks\nepal-flooding_00000126_pre_disaster.png,0,0,70,93008,00000126 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000127_post_disaster.png,nepal-flooding_00000127_post_disaster,4,2233,tier3\masks\nepal-flooding_00000127_post_disaster.png,2,685,9,10757,00000127 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000127_pre_disaster.png,nepal-flooding_00000127_pre_disaster,0,0,tier3\masks\nepal-flooding_00000127_pre_disaster.png,0,0,14,13675,00000127 +3,647,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000128_post_disaster.png,nepal-flooding_00000128_post_disaster,2,588,tier3\masks\nepal-flooding_00000128_post_disaster.png,6,2038,0,0,00000128 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000128_pre_disaster.png,nepal-flooding_00000128_pre_disaster,0,0,tier3\masks\nepal-flooding_00000128_pre_disaster.png,0,0,10,3273,00000128 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000129_post_disaster.png,nepal-flooding_00000129_post_disaster,11,4723,tier3\masks\nepal-flooding_00000129_post_disaster.png,1,472,29,30985,00000129 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000129_pre_disaster.png,nepal-flooding_00000129_pre_disaster,0,0,tier3\masks\nepal-flooding_00000129_pre_disaster.png,0,0,38,36185,00000129 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000130_post_disaster.png,nepal-flooding_00000130_post_disaster,0,0,tier3\masks\nepal-flooding_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000130_pre_disaster.png,nepal-flooding_00000130_pre_disaster,0,0,tier3\masks\nepal-flooding_00000130_pre_disaster.png,0,0,0,0,00000130 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000131_post_disaster.png,nepal-flooding_00000131_post_disaster,0,0,tier3\masks\nepal-flooding_00000131_post_disaster.png,0,0,10,1038,00000131 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000131_pre_disaster.png,nepal-flooding_00000131_pre_disaster,0,0,tier3\masks\nepal-flooding_00000131_pre_disaster.png,0,0,10,1041,00000131 +1,1177,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000132_post_disaster.png,nepal-flooding_00000132_post_disaster,0,0,tier3\masks\nepal-flooding_00000132_post_disaster.png,0,0,10,2627,00000132 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000132_pre_disaster.png,nepal-flooding_00000132_pre_disaster,0,0,tier3\masks\nepal-flooding_00000132_pre_disaster.png,0,0,11,3804,00000132 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000133_post_disaster.png,nepal-flooding_00000133_post_disaster,5,4306,tier3\masks\nepal-flooding_00000133_post_disaster.png,0,0,66,61094,00000133 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000133_pre_disaster.png,nepal-flooding_00000133_pre_disaster,0,0,tier3\masks\nepal-flooding_00000133_pre_disaster.png,0,0,69,65400,00000133 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000134_post_disaster.png,nepal-flooding_00000134_post_disaster,0,0,tier3\masks\nepal-flooding_00000134_post_disaster.png,4,2157,2,1898,00000134 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000134_pre_disaster.png,nepal-flooding_00000134_pre_disaster,0,0,tier3\masks\nepal-flooding_00000134_pre_disaster.png,0,0,6,4055,00000134 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000135_post_disaster.png,nepal-flooding_00000135_post_disaster,0,0,tier3\masks\nepal-flooding_00000135_post_disaster.png,0,0,0,0,00000135 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000135_pre_disaster.png,nepal-flooding_00000135_pre_disaster,0,0,tier3\masks\nepal-flooding_00000135_pre_disaster.png,0,0,0,0,00000135 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000136_post_disaster.png,nepal-flooding_00000136_post_disaster,19,11565,tier3\masks\nepal-flooding_00000136_post_disaster.png,0,0,72,37852,00000136 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000136_pre_disaster.png,nepal-flooding_00000136_pre_disaster,0,0,tier3\masks\nepal-flooding_00000136_pre_disaster.png,0,0,89,49506,00000136 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000137_post_disaster.png,nepal-flooding_00000137_post_disaster,0,0,tier3\masks\nepal-flooding_00000137_post_disaster.png,0,0,0,0,00000137 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000137_pre_disaster.png,nepal-flooding_00000137_pre_disaster,0,0,tier3\masks\nepal-flooding_00000137_pre_disaster.png,0,0,0,0,00000137 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000138_post_disaster.png,nepal-flooding_00000138_post_disaster,3,561,tier3\masks\nepal-flooding_00000138_post_disaster.png,6,3575,130,93953,00000138 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000138_pre_disaster.png,nepal-flooding_00000138_pre_disaster,0,0,tier3\masks\nepal-flooding_00000138_pre_disaster.png,0,0,137,98077,00000138 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000139_post_disaster.png,nepal-flooding_00000139_post_disaster,0,0,tier3\masks\nepal-flooding_00000139_post_disaster.png,2,396,17,11684,00000139 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000139_pre_disaster.png,nepal-flooding_00000139_pre_disaster,0,0,tier3\masks\nepal-flooding_00000139_pre_disaster.png,0,0,17,12131,00000139 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000140_post_disaster.png,nepal-flooding_00000140_post_disaster,0,0,tier3\masks\nepal-flooding_00000140_post_disaster.png,5,1883,0,0,00000140 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000140_pre_disaster.png,nepal-flooding_00000140_pre_disaster,0,0,tier3\masks\nepal-flooding_00000140_pre_disaster.png,0,0,5,1883,00000140 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000141_post_disaster.png,nepal-flooding_00000141_post_disaster,0,0,tier3\masks\nepal-flooding_00000141_post_disaster.png,2,2767,0,0,00000141 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000141_pre_disaster.png,nepal-flooding_00000141_pre_disaster,0,0,tier3\masks\nepal-flooding_00000141_pre_disaster.png,0,0,2,2767,00000141 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000142_post_disaster.png,nepal-flooding_00000142_post_disaster,12,8913,tier3\masks\nepal-flooding_00000142_post_disaster.png,1,59,84,107423,00000142 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000142_pre_disaster.png,nepal-flooding_00000142_pre_disaster,0,0,tier3\masks\nepal-flooding_00000142_pre_disaster.png,0,0,89,116401,00000142 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000143_post_disaster.png,nepal-flooding_00000143_post_disaster,1,98,tier3\masks\nepal-flooding_00000143_post_disaster.png,0,0,2,1208,00000143 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000143_pre_disaster.png,nepal-flooding_00000143_pre_disaster,0,0,tier3\masks\nepal-flooding_00000143_pre_disaster.png,0,0,3,1306,00000143 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000144_post_disaster.png,nepal-flooding_00000144_post_disaster,0,0,tier3\masks\nepal-flooding_00000144_post_disaster.png,4,1008,0,0,00000144 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000144_pre_disaster.png,nepal-flooding_00000144_pre_disaster,0,0,tier3\masks\nepal-flooding_00000144_pre_disaster.png,0,0,4,1008,00000144 +1,90,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000145_post_disaster.png,nepal-flooding_00000145_post_disaster,4,2784,tier3\masks\nepal-flooding_00000145_post_disaster.png,2,780,9,7873,00000145 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000145_pre_disaster.png,nepal-flooding_00000145_pre_disaster,0,0,tier3\masks\nepal-flooding_00000145_pre_disaster.png,0,0,11,11527,00000145 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000146_post_disaster.png,nepal-flooding_00000146_post_disaster,0,0,tier3\masks\nepal-flooding_00000146_post_disaster.png,22,12920,0,0,00000146 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000146_pre_disaster.png,nepal-flooding_00000146_pre_disaster,0,0,tier3\masks\nepal-flooding_00000146_pre_disaster.png,0,0,22,12920,00000146 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000147_post_disaster.png,nepal-flooding_00000147_post_disaster,0,0,tier3\masks\nepal-flooding_00000147_post_disaster.png,41,32316,7,1658,00000147 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000147_pre_disaster.png,nepal-flooding_00000147_pre_disaster,0,0,tier3\masks\nepal-flooding_00000147_pre_disaster.png,0,0,46,33974,00000147 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000148_post_disaster.png,nepal-flooding_00000148_post_disaster,0,0,tier3\masks\nepal-flooding_00000148_post_disaster.png,0,0,6,3261,00000148 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000148_pre_disaster.png,nepal-flooding_00000148_pre_disaster,0,0,tier3\masks\nepal-flooding_00000148_pre_disaster.png,0,0,6,3261,00000148 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000149_post_disaster.png,nepal-flooding_00000149_post_disaster,14,2983,tier3\masks\nepal-flooding_00000149_post_disaster.png,0,0,157,88490,00000149 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000149_pre_disaster.png,nepal-flooding_00000149_pre_disaster,0,0,tier3\masks\nepal-flooding_00000149_pre_disaster.png,0,0,168,91554,00000149 +1,170,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000150_post_disaster.png,nepal-flooding_00000150_post_disaster,0,0,tier3\masks\nepal-flooding_00000150_post_disaster.png,3,2782,5,2595,00000150 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000150_pre_disaster.png,nepal-flooding_00000150_pre_disaster,0,0,tier3\masks\nepal-flooding_00000150_pre_disaster.png,0,0,9,5580,00000150 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000151_post_disaster.png,nepal-flooding_00000151_post_disaster,0,0,tier3\masks\nepal-flooding_00000151_post_disaster.png,1,474,0,0,00000151 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000151_pre_disaster.png,nepal-flooding_00000151_pre_disaster,0,0,tier3\masks\nepal-flooding_00000151_pre_disaster.png,0,0,1,474,00000151 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000152_post_disaster.png,nepal-flooding_00000152_post_disaster,12,15057,tier3\masks\nepal-flooding_00000152_post_disaster.png,8,3127,10,12577,00000152 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000152_pre_disaster.png,nepal-flooding_00000152_pre_disaster,0,0,tier3\masks\nepal-flooding_00000152_pre_disaster.png,0,0,24,30761,00000152 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000153_post_disaster.png,nepal-flooding_00000153_post_disaster,1,341,tier3\masks\nepal-flooding_00000153_post_disaster.png,0,0,4,1287,00000153 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000153_pre_disaster.png,nepal-flooding_00000153_pre_disaster,0,0,tier3\masks\nepal-flooding_00000153_pre_disaster.png,0,0,4,1628,00000153 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000154_post_disaster.png,nepal-flooding_00000154_post_disaster,0,0,tier3\masks\nepal-flooding_00000154_post_disaster.png,0,0,0,0,00000154 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000154_pre_disaster.png,nepal-flooding_00000154_pre_disaster,0,0,tier3\masks\nepal-flooding_00000154_pre_disaster.png,0,0,0,0,00000154 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000155_post_disaster.png,nepal-flooding_00000155_post_disaster,1,179,tier3\masks\nepal-flooding_00000155_post_disaster.png,1,132,12,12145,00000155 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000155_pre_disaster.png,nepal-flooding_00000155_pre_disaster,0,0,tier3\masks\nepal-flooding_00000155_pre_disaster.png,0,0,14,12441,00000155 +1,88,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000156_post_disaster.png,nepal-flooding_00000156_post_disaster,0,0,tier3\masks\nepal-flooding_00000156_post_disaster.png,0,0,0,0,00000156 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000156_pre_disaster.png,nepal-flooding_00000156_pre_disaster,0,0,tier3\masks\nepal-flooding_00000156_pre_disaster.png,0,0,1,88,00000156 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000157_post_disaster.png,nepal-flooding_00000157_post_disaster,0,0,tier3\masks\nepal-flooding_00000157_post_disaster.png,2,159,0,0,00000157 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000157_pre_disaster.png,nepal-flooding_00000157_pre_disaster,0,0,tier3\masks\nepal-flooding_00000157_pre_disaster.png,0,0,2,159,00000157 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000158_post_disaster.png,nepal-flooding_00000158_post_disaster,5,4639,tier3\masks\nepal-flooding_00000158_post_disaster.png,3,2193,0,0,00000158 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000158_pre_disaster.png,nepal-flooding_00000158_pre_disaster,0,0,tier3\masks\nepal-flooding_00000158_pre_disaster.png,0,0,8,6848,00000158 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000159_post_disaster.png,nepal-flooding_00000159_post_disaster,1,747,tier3\masks\nepal-flooding_00000159_post_disaster.png,4,1128,13,8481,00000159 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000159_pre_disaster.png,nepal-flooding_00000159_pre_disaster,0,0,tier3\masks\nepal-flooding_00000159_pre_disaster.png,0,0,17,10440,00000159 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000160_post_disaster.png,nepal-flooding_00000160_post_disaster,5,6500,tier3\masks\nepal-flooding_00000160_post_disaster.png,0,0,25,16214,00000160 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000160_pre_disaster.png,nepal-flooding_00000160_pre_disaster,0,0,tier3\masks\nepal-flooding_00000160_pre_disaster.png,0,0,25,22718,00000160 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000161_post_disaster.png,nepal-flooding_00000161_post_disaster,0,0,tier3\masks\nepal-flooding_00000161_post_disaster.png,2,936,0,0,00000161 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000161_pre_disaster.png,nepal-flooding_00000161_pre_disaster,0,0,tier3\masks\nepal-flooding_00000161_pre_disaster.png,0,0,2,936,00000161 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000162_post_disaster.png,nepal-flooding_00000162_post_disaster,8,5167,tier3\masks\nepal-flooding_00000162_post_disaster.png,11,4820,13,8508,00000162 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000162_pre_disaster.png,nepal-flooding_00000162_pre_disaster,0,0,tier3\masks\nepal-flooding_00000162_pre_disaster.png,0,0,23,18673,00000162 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000163_post_disaster.png,nepal-flooding_00000163_post_disaster,0,0,tier3\masks\nepal-flooding_00000163_post_disaster.png,0,0,14,12473,00000163 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000163_pre_disaster.png,nepal-flooding_00000163_pre_disaster,0,0,tier3\masks\nepal-flooding_00000163_pre_disaster.png,0,0,14,12541,00000163 +2,227,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000164_post_disaster.png,nepal-flooding_00000164_post_disaster,7,4274,tier3\masks\nepal-flooding_00000164_post_disaster.png,6,1954,28,12522,00000164 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000164_pre_disaster.png,nepal-flooding_00000164_pre_disaster,0,0,tier3\masks\nepal-flooding_00000164_pre_disaster.png,0,0,41,18972,00000164 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000165_post_disaster.png,nepal-flooding_00000165_post_disaster,24,12830,tier3\masks\nepal-flooding_00000165_post_disaster.png,10,4953,29,34446,00000165 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000165_pre_disaster.png,nepal-flooding_00000165_pre_disaster,0,0,tier3\masks\nepal-flooding_00000165_pre_disaster.png,0,0,55,52423,00000165 +1,295,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000166_post_disaster.png,nepal-flooding_00000166_post_disaster,1,3705,tier3\masks\nepal-flooding_00000166_post_disaster.png,12,11808,3,4026,00000166 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000166_pre_disaster.png,nepal-flooding_00000166_pre_disaster,0,0,tier3\masks\nepal-flooding_00000166_pre_disaster.png,0,0,15,19906,00000166 +5,1197,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000167_post_disaster.png,nepal-flooding_00000167_post_disaster,0,0,tier3\masks\nepal-flooding_00000167_post_disaster.png,14,4999,0,0,00000167 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000167_pre_disaster.png,nepal-flooding_00000167_pre_disaster,0,0,tier3\masks\nepal-flooding_00000167_pre_disaster.png,0,0,19,6196,00000167 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000168_post_disaster.png,nepal-flooding_00000168_post_disaster,13,5627,tier3\masks\nepal-flooding_00000168_post_disaster.png,0,0,122,70218,00000168 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000168_pre_disaster.png,nepal-flooding_00000168_pre_disaster,0,0,tier3\masks\nepal-flooding_00000168_pre_disaster.png,0,0,133,75947,00000168 +1,122,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000169_post_disaster.png,nepal-flooding_00000169_post_disaster,1,518,tier3\masks\nepal-flooding_00000169_post_disaster.png,3,1313,23,13499,00000169 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000169_pre_disaster.png,nepal-flooding_00000169_pre_disaster,0,0,tier3\masks\nepal-flooding_00000169_pre_disaster.png,0,0,28,15552,00000169 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000170_post_disaster.png,nepal-flooding_00000170_post_disaster,14,24682,tier3\masks\nepal-flooding_00000170_post_disaster.png,5,5408,10,11800,00000170 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000170_pre_disaster.png,nepal-flooding_00000170_pre_disaster,0,0,tier3\masks\nepal-flooding_00000170_pre_disaster.png,0,0,25,41991,00000170 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000171_post_disaster.png,nepal-flooding_00000171_post_disaster,0,0,tier3\masks\nepal-flooding_00000171_post_disaster.png,1,449,0,0,00000171 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000171_pre_disaster.png,nepal-flooding_00000171_pre_disaster,0,0,tier3\masks\nepal-flooding_00000171_pre_disaster.png,0,0,1,449,00000171 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000172_post_disaster.png,nepal-flooding_00000172_post_disaster,2,451,tier3\masks\nepal-flooding_00000172_post_disaster.png,0,0,6,1210,00000172 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000172_pre_disaster.png,nepal-flooding_00000172_pre_disaster,0,0,tier3\masks\nepal-flooding_00000172_pre_disaster.png,0,0,8,1679,00000172 +1,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000173_post_disaster.png,nepal-flooding_00000173_post_disaster,29,13382,tier3\masks\nepal-flooding_00000173_post_disaster.png,23,11069,46,33251,00000173 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000173_pre_disaster.png,nepal-flooding_00000173_pre_disaster,0,0,tier3\masks\nepal-flooding_00000173_pre_disaster.png,0,0,81,58131,00000173 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000174_post_disaster.png,nepal-flooding_00000174_post_disaster,9,7923,tier3\masks\nepal-flooding_00000174_post_disaster.png,0,0,31,33607,00000174 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000174_pre_disaster.png,nepal-flooding_00000174_pre_disaster,0,0,tier3\masks\nepal-flooding_00000174_pre_disaster.png,0,0,38,41597,00000174 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000175_post_disaster.png,nepal-flooding_00000175_post_disaster,0,0,tier3\masks\nepal-flooding_00000175_post_disaster.png,0,0,0,0,00000175 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000175_pre_disaster.png,nepal-flooding_00000175_pre_disaster,0,0,tier3\masks\nepal-flooding_00000175_pre_disaster.png,0,0,0,0,00000175 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000176_post_disaster.png,nepal-flooding_00000176_post_disaster,7,8512,tier3\masks\nepal-flooding_00000176_post_disaster.png,5,5350,10,6105,00000176 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000176_pre_disaster.png,nepal-flooding_00000176_pre_disaster,0,0,tier3\masks\nepal-flooding_00000176_pre_disaster.png,0,0,22,20078,00000176 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000177_post_disaster.png,nepal-flooding_00000177_post_disaster,0,0,tier3\masks\nepal-flooding_00000177_post_disaster.png,0,0,0,0,00000177 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000177_pre_disaster.png,nepal-flooding_00000177_pre_disaster,0,0,tier3\masks\nepal-flooding_00000177_pre_disaster.png,0,0,0,0,00000177 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000178_post_disaster.png,nepal-flooding_00000178_post_disaster,4,5001,tier3\masks\nepal-flooding_00000178_post_disaster.png,2,3685,48,69931,00000178 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000178_pre_disaster.png,nepal-flooding_00000178_pre_disaster,0,0,tier3\masks\nepal-flooding_00000178_pre_disaster.png,0,0,50,78617,00000178 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000179_post_disaster.png,nepal-flooding_00000179_post_disaster,0,0,tier3\masks\nepal-flooding_00000179_post_disaster.png,0,0,19,12572,00000179 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000179_pre_disaster.png,nepal-flooding_00000179_pre_disaster,0,0,tier3\masks\nepal-flooding_00000179_pre_disaster.png,0,0,19,12585,00000179 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000180_post_disaster.png,nepal-flooding_00000180_post_disaster,2,1899,tier3\masks\nepal-flooding_00000180_post_disaster.png,0,0,65,74880,00000180 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000180_pre_disaster.png,nepal-flooding_00000180_pre_disaster,0,0,tier3\masks\nepal-flooding_00000180_pre_disaster.png,0,0,66,76915,00000180 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000181_post_disaster.png,nepal-flooding_00000181_post_disaster,0,0,tier3\masks\nepal-flooding_00000181_post_disaster.png,0,0,70,45316,00000181 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000181_pre_disaster.png,nepal-flooding_00000181_pre_disaster,0,0,tier3\masks\nepal-flooding_00000181_pre_disaster.png,0,0,70,45376,00000181 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000182_post_disaster.png,nepal-flooding_00000182_post_disaster,0,0,tier3\masks\nepal-flooding_00000182_post_disaster.png,0,0,13,11565,00000182 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000182_pre_disaster.png,nepal-flooding_00000182_pre_disaster,0,0,tier3\masks\nepal-flooding_00000182_pre_disaster.png,0,0,13,11565,00000182 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000183_post_disaster.png,nepal-flooding_00000183_post_disaster,0,0,tier3\masks\nepal-flooding_00000183_post_disaster.png,0,0,29,26974,00000183 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000183_pre_disaster.png,nepal-flooding_00000183_pre_disaster,0,0,tier3\masks\nepal-flooding_00000183_pre_disaster.png,0,0,29,27012,00000183 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000184_post_disaster.png,nepal-flooding_00000184_post_disaster,0,0,tier3\masks\nepal-flooding_00000184_post_disaster.png,0,0,4,2779,00000184 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000184_pre_disaster.png,nepal-flooding_00000184_pre_disaster,0,0,tier3\masks\nepal-flooding_00000184_pre_disaster.png,0,0,4,2784,00000184 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000185_post_disaster.png,nepal-flooding_00000185_post_disaster,0,0,tier3\masks\nepal-flooding_00000185_post_disaster.png,1,200,0,0,00000185 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000185_pre_disaster.png,nepal-flooding_00000185_pre_disaster,0,0,tier3\masks\nepal-flooding_00000185_pre_disaster.png,0,0,1,200,00000185 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000186_post_disaster.png,nepal-flooding_00000186_post_disaster,0,0,tier3\masks\nepal-flooding_00000186_post_disaster.png,1,546,0,0,00000186 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000186_pre_disaster.png,nepal-flooding_00000186_pre_disaster,0,0,tier3\masks\nepal-flooding_00000186_pre_disaster.png,0,0,1,546,00000186 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000187_post_disaster.png,nepal-flooding_00000187_post_disaster,0,0,tier3\masks\nepal-flooding_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000187_pre_disaster.png,nepal-flooding_00000187_pre_disaster,0,0,tier3\masks\nepal-flooding_00000187_pre_disaster.png,0,0,0,0,00000187 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000188_post_disaster.png,nepal-flooding_00000188_post_disaster,0,0,tier3\masks\nepal-flooding_00000188_post_disaster.png,0,0,39,27380,00000188 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000188_pre_disaster.png,nepal-flooding_00000188_pre_disaster,0,0,tier3\masks\nepal-flooding_00000188_pre_disaster.png,0,0,39,27380,00000188 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000189_post_disaster.png,nepal-flooding_00000189_post_disaster,0,0,tier3\masks\nepal-flooding_00000189_post_disaster.png,0,0,0,0,00000189 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000189_pre_disaster.png,nepal-flooding_00000189_pre_disaster,0,0,tier3\masks\nepal-flooding_00000189_pre_disaster.png,0,0,0,0,00000189 +2,247,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000190_post_disaster.png,nepal-flooding_00000190_post_disaster,5,4082,tier3\masks\nepal-flooding_00000190_post_disaster.png,5,3639,1,1145,00000190 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000190_pre_disaster.png,nepal-flooding_00000190_pre_disaster,0,0,tier3\masks\nepal-flooding_00000190_pre_disaster.png,0,0,7,9113,00000190 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000191_post_disaster.png,nepal-flooding_00000191_post_disaster,0,0,tier3\masks\nepal-flooding_00000191_post_disaster.png,0,0,11,5036,00000191 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000191_pre_disaster.png,nepal-flooding_00000191_pre_disaster,0,0,tier3\masks\nepal-flooding_00000191_pre_disaster.png,0,0,11,5027,00000191 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000192_post_disaster.png,nepal-flooding_00000192_post_disaster,0,0,tier3\masks\nepal-flooding_00000192_post_disaster.png,0,0,4,2234,00000192 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000192_pre_disaster.png,nepal-flooding_00000192_pre_disaster,0,0,tier3\masks\nepal-flooding_00000192_pre_disaster.png,0,0,4,2234,00000192 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000193_post_disaster.png,nepal-flooding_00000193_post_disaster,2,204,tier3\masks\nepal-flooding_00000193_post_disaster.png,1,126,0,0,00000193 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000193_pre_disaster.png,nepal-flooding_00000193_pre_disaster,0,0,tier3\masks\nepal-flooding_00000193_pre_disaster.png,0,0,3,330,00000193 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000194_post_disaster.png,nepal-flooding_00000194_post_disaster,29,25651,tier3\masks\nepal-flooding_00000194_post_disaster.png,3,1239,44,51271,00000194 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000194_pre_disaster.png,nepal-flooding_00000194_pre_disaster,0,0,tier3\masks\nepal-flooding_00000194_pre_disaster.png,0,0,66,78142,00000194 +1,534,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000195_post_disaster.png,nepal-flooding_00000195_post_disaster,0,0,tier3\masks\nepal-flooding_00000195_post_disaster.png,0,0,0,0,00000195 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000195_pre_disaster.png,nepal-flooding_00000195_pre_disaster,0,0,tier3\masks\nepal-flooding_00000195_pre_disaster.png,0,0,1,543,00000195 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000196_post_disaster.png,nepal-flooding_00000196_post_disaster,6,1159,tier3\masks\nepal-flooding_00000196_post_disaster.png,0,0,29,14678,00000196 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000196_pre_disaster.png,nepal-flooding_00000196_pre_disaster,0,0,tier3\masks\nepal-flooding_00000196_pre_disaster.png,0,0,35,15874,00000196 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000197_post_disaster.png,nepal-flooding_00000197_post_disaster,28,34389,tier3\masks\nepal-flooding_00000197_post_disaster.png,18,11000,20,17720,00000197 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000197_pre_disaster.png,nepal-flooding_00000197_pre_disaster,0,0,tier3\masks\nepal-flooding_00000197_pre_disaster.png,0,0,57,63115,00000197 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000198_post_disaster.png,nepal-flooding_00000198_post_disaster,0,0,tier3\masks\nepal-flooding_00000198_post_disaster.png,0,0,73,59755,00000198 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000198_pre_disaster.png,nepal-flooding_00000198_pre_disaster,0,0,tier3\masks\nepal-flooding_00000198_pre_disaster.png,0,0,73,59755,00000198 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000199_post_disaster.png,nepal-flooding_00000199_post_disaster,0,0,tier3\masks\nepal-flooding_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000199_pre_disaster.png,nepal-flooding_00000199_pre_disaster,0,0,tier3\masks\nepal-flooding_00000199_pre_disaster.png,0,0,0,0,00000199 +1,199,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000200_post_disaster.png,nepal-flooding_00000200_post_disaster,11,6632,tier3\masks\nepal-flooding_00000200_post_disaster.png,19,9117,16,5600,00000200 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000200_pre_disaster.png,nepal-flooding_00000200_pre_disaster,0,0,tier3\masks\nepal-flooding_00000200_pre_disaster.png,0,0,39,21559,00000200 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000201_post_disaster.png,nepal-flooding_00000201_post_disaster,11,6508,tier3\masks\nepal-flooding_00000201_post_disaster.png,1,264,114,112726,00000201 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000201_pre_disaster.png,nepal-flooding_00000201_pre_disaster,0,0,tier3\masks\nepal-flooding_00000201_pre_disaster.png,0,0,123,119680,00000201 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000202_post_disaster.png,nepal-flooding_00000202_post_disaster,0,0,tier3\masks\nepal-flooding_00000202_post_disaster.png,2,1467,0,0,00000202 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000202_pre_disaster.png,nepal-flooding_00000202_pre_disaster,0,0,tier3\masks\nepal-flooding_00000202_pre_disaster.png,0,0,2,1467,00000202 +1,137,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000203_post_disaster.png,nepal-flooding_00000203_post_disaster,14,8736,tier3\masks\nepal-flooding_00000203_post_disaster.png,13,6761,36,51978,00000203 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000203_pre_disaster.png,nepal-flooding_00000203_pre_disaster,0,0,tier3\masks\nepal-flooding_00000203_pre_disaster.png,0,0,55,67633,00000203 +4,701,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000204_post_disaster.png,nepal-flooding_00000204_post_disaster,0,0,tier3\masks\nepal-flooding_00000204_post_disaster.png,38,32908,9,1464,00000204 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000204_pre_disaster.png,nepal-flooding_00000204_pre_disaster,0,0,tier3\masks\nepal-flooding_00000204_pre_disaster.png,0,0,49,35115,00000204 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000205_post_disaster.png,nepal-flooding_00000205_post_disaster,3,1585,tier3\masks\nepal-flooding_00000205_post_disaster.png,0,0,12,9632,00000205 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000205_pre_disaster.png,nepal-flooding_00000205_pre_disaster,0,0,tier3\masks\nepal-flooding_00000205_pre_disaster.png,0,0,14,11258,00000205 +1,381,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000206_post_disaster.png,nepal-flooding_00000206_post_disaster,7,4165,tier3\masks\nepal-flooding_00000206_post_disaster.png,17,5689,7,5189,00000206 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000206_pre_disaster.png,nepal-flooding_00000206_pre_disaster,0,0,tier3\masks\nepal-flooding_00000206_pre_disaster.png,0,0,30,15424,00000206 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000207_post_disaster.png,nepal-flooding_00000207_post_disaster,11,7346,tier3\masks\nepal-flooding_00000207_post_disaster.png,1,204,47,29383,00000207 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000207_pre_disaster.png,nepal-flooding_00000207_pre_disaster,0,0,tier3\masks\nepal-flooding_00000207_pre_disaster.png,0,0,56,36944,00000207 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000208_post_disaster.png,nepal-flooding_00000208_post_disaster,0,0,tier3\masks\nepal-flooding_00000208_post_disaster.png,0,0,0,0,00000208 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000208_pre_disaster.png,nepal-flooding_00000208_pre_disaster,0,0,tier3\masks\nepal-flooding_00000208_pre_disaster.png,0,0,0,0,00000208 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000209_post_disaster.png,nepal-flooding_00000209_post_disaster,27,27501,tier3\masks\nepal-flooding_00000209_post_disaster.png,2,1990,119,131789,00000209 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000209_pre_disaster.png,nepal-flooding_00000209_pre_disaster,0,0,tier3\masks\nepal-flooding_00000209_pre_disaster.png,0,0,137,161374,00000209 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000210_post_disaster.png,nepal-flooding_00000210_post_disaster,0,0,tier3\masks\nepal-flooding_00000210_post_disaster.png,8,4311,0,0,00000210 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000210_pre_disaster.png,nepal-flooding_00000210_pre_disaster,0,0,tier3\masks\nepal-flooding_00000210_pre_disaster.png,0,0,8,4311,00000210 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000211_post_disaster.png,nepal-flooding_00000211_post_disaster,3,3143,tier3\masks\nepal-flooding_00000211_post_disaster.png,8,4401,22,16794,00000211 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000211_pre_disaster.png,nepal-flooding_00000211_pre_disaster,0,0,tier3\masks\nepal-flooding_00000211_pre_disaster.png,0,0,28,24339,00000211 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000212_post_disaster.png,nepal-flooding_00000212_post_disaster,1,270,tier3\masks\nepal-flooding_00000212_post_disaster.png,0,0,22,12294,00000212 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000212_pre_disaster.png,nepal-flooding_00000212_pre_disaster,0,0,tier3\masks\nepal-flooding_00000212_pre_disaster.png,0,0,23,12563,00000212 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000213_post_disaster.png,nepal-flooding_00000213_post_disaster,10,4964,tier3\masks\nepal-flooding_00000213_post_disaster.png,0,0,60,46440,00000213 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000213_pre_disaster.png,nepal-flooding_00000213_pre_disaster,0,0,tier3\masks\nepal-flooding_00000213_pre_disaster.png,0,0,66,51435,00000213 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000214_post_disaster.png,nepal-flooding_00000214_post_disaster,8,4654,tier3\masks\nepal-flooding_00000214_post_disaster.png,2,5846,53,54490,00000214 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000214_pre_disaster.png,nepal-flooding_00000214_pre_disaster,0,0,tier3\masks\nepal-flooding_00000214_pre_disaster.png,0,0,62,64990,00000214 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000215_post_disaster.png,nepal-flooding_00000215_post_disaster,3,4577,tier3\masks\nepal-flooding_00000215_post_disaster.png,8,10332,0,0,00000215 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000215_pre_disaster.png,nepal-flooding_00000215_pre_disaster,0,0,tier3\masks\nepal-flooding_00000215_pre_disaster.png,0,0,11,14900,00000215 +1,137,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000216_post_disaster.png,nepal-flooding_00000216_post_disaster,5,5879,tier3\masks\nepal-flooding_00000216_post_disaster.png,0,0,34,26387,00000216 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000216_pre_disaster.png,nepal-flooding_00000216_pre_disaster,0,0,tier3\masks\nepal-flooding_00000216_pre_disaster.png,0,0,40,32393,00000216 +3,259,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000217_post_disaster.png,nepal-flooding_00000217_post_disaster,1,453,tier3\masks\nepal-flooding_00000217_post_disaster.png,0,0,16,8675,00000217 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000217_pre_disaster.png,nepal-flooding_00000217_pre_disaster,0,0,tier3\masks\nepal-flooding_00000217_pre_disaster.png,0,0,20,9378,00000217 +1,363,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000218_post_disaster.png,nepal-flooding_00000218_post_disaster,10,7666,tier3\masks\nepal-flooding_00000218_post_disaster.png,12,6331,19,10319,00000218 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000218_pre_disaster.png,nepal-flooding_00000218_pre_disaster,0,0,tier3\masks\nepal-flooding_00000218_pre_disaster.png,0,0,40,24677,00000218 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000219_post_disaster.png,nepal-flooding_00000219_post_disaster,11,4525,tier3\masks\nepal-flooding_00000219_post_disaster.png,1,166,37,29641,00000219 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000219_pre_disaster.png,nepal-flooding_00000219_pre_disaster,0,0,tier3\masks\nepal-flooding_00000219_pre_disaster.png,0,0,47,34334,00000219 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000220_post_disaster.png,nepal-flooding_00000220_post_disaster,3,681,tier3\masks\nepal-flooding_00000220_post_disaster.png,0,0,43,24362,00000220 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000220_pre_disaster.png,nepal-flooding_00000220_pre_disaster,0,0,tier3\masks\nepal-flooding_00000220_pre_disaster.png,0,0,45,25163,00000220 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000221_post_disaster.png,nepal-flooding_00000221_post_disaster,0,0,tier3\masks\nepal-flooding_00000221_post_disaster.png,0,0,30,15410,00000221 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000221_pre_disaster.png,nepal-flooding_00000221_pre_disaster,0,0,tier3\masks\nepal-flooding_00000221_pre_disaster.png,0,0,30,15450,00000221 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000222_post_disaster.png,nepal-flooding_00000222_post_disaster,5,978,tier3\masks\nepal-flooding_00000222_post_disaster.png,1,60,60,25075,00000222 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000222_pre_disaster.png,nepal-flooding_00000222_pre_disaster,0,0,tier3\masks\nepal-flooding_00000222_pre_disaster.png,0,0,67,26199,00000222 +1,50,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000223_post_disaster.png,nepal-flooding_00000223_post_disaster,5,2492,tier3\masks\nepal-flooding_00000223_post_disaster.png,3,4858,14,16432,00000223 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000223_pre_disaster.png,nepal-flooding_00000223_pre_disaster,0,0,tier3\masks\nepal-flooding_00000223_pre_disaster.png,0,0,18,23850,00000223 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000224_post_disaster.png,nepal-flooding_00000224_post_disaster,1,140,tier3\masks\nepal-flooding_00000224_post_disaster.png,0,0,25,28743,00000224 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000224_pre_disaster.png,nepal-flooding_00000224_pre_disaster,0,0,tier3\masks\nepal-flooding_00000224_pre_disaster.png,0,0,26,28883,00000224 +7,1507,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000225_post_disaster.png,nepal-flooding_00000225_post_disaster,35,27751,tier3\masks\nepal-flooding_00000225_post_disaster.png,36,40077,54,84722,00000225 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000225_pre_disaster.png,nepal-flooding_00000225_pre_disaster,0,0,tier3\masks\nepal-flooding_00000225_pre_disaster.png,0,0,109,154158,00000225 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000226_post_disaster.png,nepal-flooding_00000226_post_disaster,0,0,tier3\masks\nepal-flooding_00000226_post_disaster.png,0,0,0,0,00000226 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000226_pre_disaster.png,nepal-flooding_00000226_pre_disaster,0,0,tier3\masks\nepal-flooding_00000226_pre_disaster.png,0,0,0,0,00000226 +1,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000227_post_disaster.png,nepal-flooding_00000227_post_disaster,0,0,tier3\masks\nepal-flooding_00000227_post_disaster.png,1,9151,0,0,00000227 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000227_pre_disaster.png,nepal-flooding_00000227_pre_disaster,0,0,tier3\masks\nepal-flooding_00000227_pre_disaster.png,0,0,2,9287,00000227 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000228_post_disaster.png,nepal-flooding_00000228_post_disaster,0,0,tier3\masks\nepal-flooding_00000228_post_disaster.png,0,0,31,28016,00000228 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000228_pre_disaster.png,nepal-flooding_00000228_pre_disaster,0,0,tier3\masks\nepal-flooding_00000228_pre_disaster.png,0,0,31,28079,00000228 +2,721,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000229_post_disaster.png,nepal-flooding_00000229_post_disaster,0,0,tier3\masks\nepal-flooding_00000229_post_disaster.png,7,3283,2,617,00000229 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000229_pre_disaster.png,nepal-flooding_00000229_pre_disaster,0,0,tier3\masks\nepal-flooding_00000229_pre_disaster.png,0,0,9,4632,00000229 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000230_post_disaster.png,nepal-flooding_00000230_post_disaster,0,0,tier3\masks\nepal-flooding_00000230_post_disaster.png,17,7748,0,0,00000230 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000230_pre_disaster.png,nepal-flooding_00000230_pre_disaster,0,0,tier3\masks\nepal-flooding_00000230_pre_disaster.png,0,0,17,7756,00000230 +8,858,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000231_post_disaster.png,nepal-flooding_00000231_post_disaster,30,22406,tier3\masks\nepal-flooding_00000231_post_disaster.png,43,42992,19,6361,00000231 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000231_pre_disaster.png,nepal-flooding_00000231_pre_disaster,0,0,tier3\masks\nepal-flooding_00000231_pre_disaster.png,0,0,85,72957,00000231 +1,129,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000232_post_disaster.png,nepal-flooding_00000232_post_disaster,8,6019,tier3\masks\nepal-flooding_00000232_post_disaster.png,14,19534,29,42980,00000232 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000232_pre_disaster.png,nepal-flooding_00000232_pre_disaster,0,0,tier3\masks\nepal-flooding_00000232_pre_disaster.png,0,0,49,68785,00000232 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000233_post_disaster.png,nepal-flooding_00000233_post_disaster,0,0,tier3\masks\nepal-flooding_00000233_post_disaster.png,0,0,2,969,00000233 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000233_pre_disaster.png,nepal-flooding_00000233_pre_disaster,0,0,tier3\masks\nepal-flooding_00000233_pre_disaster.png,0,0,2,987,00000233 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000234_post_disaster.png,nepal-flooding_00000234_post_disaster,0,0,tier3\masks\nepal-flooding_00000234_post_disaster.png,0,0,37,33906,00000234 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000234_pre_disaster.png,nepal-flooding_00000234_pre_disaster,0,0,tier3\masks\nepal-flooding_00000234_pre_disaster.png,0,0,37,33906,00000234 +3,614,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000235_post_disaster.png,nepal-flooding_00000235_post_disaster,16,14583,tier3\masks\nepal-flooding_00000235_post_disaster.png,13,14204,21,22546,00000235 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000235_pre_disaster.png,nepal-flooding_00000235_pre_disaster,0,0,tier3\masks\nepal-flooding_00000235_pre_disaster.png,0,0,38,52014,00000235 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000236_post_disaster.png,nepal-flooding_00000236_post_disaster,0,0,tier3\masks\nepal-flooding_00000236_post_disaster.png,8,4101,4,769,00000236 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000236_pre_disaster.png,nepal-flooding_00000236_pre_disaster,0,0,tier3\masks\nepal-flooding_00000236_pre_disaster.png,0,0,9,4952,00000236 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000237_post_disaster.png,nepal-flooding_00000237_post_disaster,0,0,tier3\masks\nepal-flooding_00000237_post_disaster.png,1,272,0,0,00000237 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000237_pre_disaster.png,nepal-flooding_00000237_pre_disaster,0,0,tier3\masks\nepal-flooding_00000237_pre_disaster.png,0,0,1,272,00000237 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000238_post_disaster.png,nepal-flooding_00000238_post_disaster,0,0,tier3\masks\nepal-flooding_00000238_post_disaster.png,3,2024,0,0,00000238 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000238_pre_disaster.png,nepal-flooding_00000238_pre_disaster,0,0,tier3\masks\nepal-flooding_00000238_pre_disaster.png,0,0,3,2024,00000238 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000239_post_disaster.png,nepal-flooding_00000239_post_disaster,1,1150,tier3\masks\nepal-flooding_00000239_post_disaster.png,0,0,65,40127,00000239 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000239_pre_disaster.png,nepal-flooding_00000239_pre_disaster,0,0,tier3\masks\nepal-flooding_00000239_pre_disaster.png,0,0,65,41277,00000239 +3,1274,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000240_post_disaster.png,nepal-flooding_00000240_post_disaster,0,0,tier3\masks\nepal-flooding_00000240_post_disaster.png,17,9846,2,301,00000240 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000240_pre_disaster.png,nepal-flooding_00000240_pre_disaster,0,0,tier3\masks\nepal-flooding_00000240_pre_disaster.png,0,0,22,11457,00000240 +1,57,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000241_post_disaster.png,nepal-flooding_00000241_post_disaster,0,0,tier3\masks\nepal-flooding_00000241_post_disaster.png,1,194,0,0,00000241 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000241_pre_disaster.png,nepal-flooding_00000241_pre_disaster,0,0,tier3\masks\nepal-flooding_00000241_pre_disaster.png,0,0,2,251,00000241 +1,245,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000242_post_disaster.png,nepal-flooding_00000242_post_disaster,13,7362,tier3\masks\nepal-flooding_00000242_post_disaster.png,2,321,14,9973,00000242 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000242_pre_disaster.png,nepal-flooding_00000242_pre_disaster,0,0,tier3\masks\nepal-flooding_00000242_pre_disaster.png,0,0,23,17901,00000242 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000243_post_disaster.png,nepal-flooding_00000243_post_disaster,0,0,tier3\masks\nepal-flooding_00000243_post_disaster.png,3,881,0,0,00000243 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000243_pre_disaster.png,nepal-flooding_00000243_pre_disaster,0,0,tier3\masks\nepal-flooding_00000243_pre_disaster.png,0,0,3,877,00000243 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000244_post_disaster.png,nepal-flooding_00000244_post_disaster,0,0,tier3\masks\nepal-flooding_00000244_post_disaster.png,5,2222,1,57,00000244 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000244_pre_disaster.png,nepal-flooding_00000244_pre_disaster,0,0,tier3\masks\nepal-flooding_00000244_pre_disaster.png,0,0,6,2279,00000244 +2,1207,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000245_post_disaster.png,nepal-flooding_00000245_post_disaster,0,0,tier3\masks\nepal-flooding_00000245_post_disaster.png,7,3329,2,492,00000245 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000245_pre_disaster.png,nepal-flooding_00000245_pre_disaster,0,0,tier3\masks\nepal-flooding_00000245_pre_disaster.png,0,0,10,5021,00000245 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000246_post_disaster.png,nepal-flooding_00000246_post_disaster,1,400,tier3\masks\nepal-flooding_00000246_post_disaster.png,0,0,2,1255,00000246 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000246_pre_disaster.png,nepal-flooding_00000246_pre_disaster,0,0,tier3\masks\nepal-flooding_00000246_pre_disaster.png,0,0,1,1655,00000246 +3,476,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000247_post_disaster.png,nepal-flooding_00000247_post_disaster,0,0,tier3\masks\nepal-flooding_00000247_post_disaster.png,9,5834,0,0,00000247 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000247_pre_disaster.png,nepal-flooding_00000247_pre_disaster,0,0,tier3\masks\nepal-flooding_00000247_pre_disaster.png,0,0,12,6291,00000247 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000248_post_disaster.png,nepal-flooding_00000248_post_disaster,0,0,tier3\masks\nepal-flooding_00000248_post_disaster.png,0,0,2,290,00000248 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000248_pre_disaster.png,nepal-flooding_00000248_pre_disaster,0,0,tier3\masks\nepal-flooding_00000248_pre_disaster.png,0,0,2,293,00000248 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000249_post_disaster.png,nepal-flooding_00000249_post_disaster,17,29254,tier3\masks\nepal-flooding_00000249_post_disaster.png,34,40848,20,30560,00000249 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000249_pre_disaster.png,nepal-flooding_00000249_pre_disaster,0,0,tier3\masks\nepal-flooding_00000249_pre_disaster.png,0,0,51,100793,00000249 +5,924,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000250_post_disaster.png,nepal-flooding_00000250_post_disaster,4,12348,tier3\masks\nepal-flooding_00000250_post_disaster.png,29,15104,3,706,00000250 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000250_pre_disaster.png,nepal-flooding_00000250_pre_disaster,0,0,tier3\masks\nepal-flooding_00000250_pre_disaster.png,0,0,32,29151,00000250 +1,113,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000251_post_disaster.png,nepal-flooding_00000251_post_disaster,3,1663,tier3\masks\nepal-flooding_00000251_post_disaster.png,29,21454,2,442,00000251 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000251_pre_disaster.png,nepal-flooding_00000251_pre_disaster,0,0,tier3\masks\nepal-flooding_00000251_pre_disaster.png,0,0,35,23693,00000251 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000252_post_disaster.png,nepal-flooding_00000252_post_disaster,0,0,tier3\masks\nepal-flooding_00000252_post_disaster.png,0,0,0,0,00000252 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000252_pre_disaster.png,nepal-flooding_00000252_pre_disaster,0,0,tier3\masks\nepal-flooding_00000252_pre_disaster.png,0,0,0,0,00000252 +2,514,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000253_post_disaster.png,nepal-flooding_00000253_post_disaster,13,10729,tier3\masks\nepal-flooding_00000253_post_disaster.png,18,14256,37,55139,00000253 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000253_pre_disaster.png,nepal-flooding_00000253_pre_disaster,0,0,tier3\masks\nepal-flooding_00000253_pre_disaster.png,0,0,62,80649,00000253 +7,977,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000254_post_disaster.png,nepal-flooding_00000254_post_disaster,0,0,tier3\masks\nepal-flooding_00000254_post_disaster.png,15,19433,1,137,00000254 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000254_pre_disaster.png,nepal-flooding_00000254_pre_disaster,0,0,tier3\masks\nepal-flooding_00000254_pre_disaster.png,0,0,21,20580,00000254 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000255_post_disaster.png,nepal-flooding_00000255_post_disaster,0,0,tier3\masks\nepal-flooding_00000255_post_disaster.png,3,851,0,0,00000255 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000255_pre_disaster.png,nepal-flooding_00000255_pre_disaster,0,0,tier3\masks\nepal-flooding_00000255_pre_disaster.png,0,0,3,859,00000255 +3,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000256_post_disaster.png,nepal-flooding_00000256_post_disaster,6,3854,tier3\masks\nepal-flooding_00000256_post_disaster.png,4,1313,3,3222,00000256 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000256_pre_disaster.png,nepal-flooding_00000256_pre_disaster,0,0,tier3\masks\nepal-flooding_00000256_pre_disaster.png,0,0,12,8709,00000256 +1,154,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000257_post_disaster.png,nepal-flooding_00000257_post_disaster,0,0,tier3\masks\nepal-flooding_00000257_post_disaster.png,5,3143,0,0,00000257 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000257_pre_disaster.png,nepal-flooding_00000257_pre_disaster,0,0,tier3\masks\nepal-flooding_00000257_pre_disaster.png,0,0,6,3297,00000257 +8,934,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000258_post_disaster.png,nepal-flooding_00000258_post_disaster,2,1426,tier3\masks\nepal-flooding_00000258_post_disaster.png,7,3395,12,6247,00000258 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000258_pre_disaster.png,nepal-flooding_00000258_pre_disaster,0,0,tier3\masks\nepal-flooding_00000258_pre_disaster.png,0,0,26,12010,00000258 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000259_post_disaster.png,nepal-flooding_00000259_post_disaster,0,0,tier3\masks\nepal-flooding_00000259_post_disaster.png,1,527,75,54734,00000259 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000259_pre_disaster.png,nepal-flooding_00000259_pre_disaster,0,0,tier3\masks\nepal-flooding_00000259_pre_disaster.png,0,0,76,55260,00000259 +4,564,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000260_post_disaster.png,nepal-flooding_00000260_post_disaster,8,4945,tier3\masks\nepal-flooding_00000260_post_disaster.png,29,20358,6,1701,00000260 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000260_pre_disaster.png,nepal-flooding_00000260_pre_disaster,0,0,tier3\masks\nepal-flooding_00000260_pre_disaster.png,0,0,39,27649,00000260 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000261_post_disaster.png,nepal-flooding_00000261_post_disaster,0,0,tier3\masks\nepal-flooding_00000261_post_disaster.png,1,263,0,0,00000261 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000261_pre_disaster.png,nepal-flooding_00000261_pre_disaster,0,0,tier3\masks\nepal-flooding_00000261_pre_disaster.png,0,0,1,261,00000261 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000262_post_disaster.png,nepal-flooding_00000262_post_disaster,0,0,tier3\masks\nepal-flooding_00000262_post_disaster.png,1,530,0,0,00000262 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000262_pre_disaster.png,nepal-flooding_00000262_pre_disaster,0,0,tier3\masks\nepal-flooding_00000262_pre_disaster.png,0,0,1,530,00000262 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000263_post_disaster.png,nepal-flooding_00000263_post_disaster,0,0,tier3\masks\nepal-flooding_00000263_post_disaster.png,1,437,0,0,00000263 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000263_pre_disaster.png,nepal-flooding_00000263_pre_disaster,0,0,tier3\masks\nepal-flooding_00000263_pre_disaster.png,0,0,1,437,00000263 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000264_post_disaster.png,nepal-flooding_00000264_post_disaster,2,515,tier3\masks\nepal-flooding_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000264_pre_disaster.png,nepal-flooding_00000264_pre_disaster,0,0,tier3\masks\nepal-flooding_00000264_pre_disaster.png,0,0,2,515,00000264 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000265_post_disaster.png,nepal-flooding_00000265_post_disaster,1,1185,tier3\masks\nepal-flooding_00000265_post_disaster.png,0,0,75,66298,00000265 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000265_pre_disaster.png,nepal-flooding_00000265_pre_disaster,0,0,tier3\masks\nepal-flooding_00000265_pre_disaster.png,0,0,76,67487,00000265 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000266_post_disaster.png,nepal-flooding_00000266_post_disaster,12,11030,tier3\masks\nepal-flooding_00000266_post_disaster.png,6,3275,38,82793,00000266 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000266_pre_disaster.png,nepal-flooding_00000266_pre_disaster,0,0,tier3\masks\nepal-flooding_00000266_pre_disaster.png,0,0,46,97230,00000266 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000267_post_disaster.png,nepal-flooding_00000267_post_disaster,4,1277,tier3\masks\nepal-flooding_00000267_post_disaster.png,0,0,61,83464,00000267 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000267_pre_disaster.png,nepal-flooding_00000267_pre_disaster,0,0,tier3\masks\nepal-flooding_00000267_pre_disaster.png,0,0,65,84802,00000267 +1,1405,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000268_post_disaster.png,nepal-flooding_00000268_post_disaster,0,0,tier3\masks\nepal-flooding_00000268_post_disaster.png,0,0,0,0,00000268 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000268_pre_disaster.png,nepal-flooding_00000268_pre_disaster,0,0,tier3\masks\nepal-flooding_00000268_pre_disaster.png,0,0,1,1405,00000268 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000269_post_disaster.png,nepal-flooding_00000269_post_disaster,1,556,tier3\masks\nepal-flooding_00000269_post_disaster.png,0,0,21,10555,00000269 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000269_pre_disaster.png,nepal-flooding_00000269_pre_disaster,0,0,tier3\masks\nepal-flooding_00000269_pre_disaster.png,0,0,22,11100,00000269 +7,1348,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000270_post_disaster.png,nepal-flooding_00000270_post_disaster,6,3857,tier3\masks\nepal-flooding_00000270_post_disaster.png,14,9545,7,3441,00000270 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000270_pre_disaster.png,nepal-flooding_00000270_pre_disaster,0,0,tier3\masks\nepal-flooding_00000270_pre_disaster.png,0,0,25,18196,00000270 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000271_post_disaster.png,nepal-flooding_00000271_post_disaster,0,0,tier3\masks\nepal-flooding_00000271_post_disaster.png,2,1041,0,0,00000271 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000271_pre_disaster.png,nepal-flooding_00000271_pre_disaster,0,0,tier3\masks\nepal-flooding_00000271_pre_disaster.png,0,0,2,1041,00000271 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000272_post_disaster.png,nepal-flooding_00000272_post_disaster,0,0,tier3\masks\nepal-flooding_00000272_post_disaster.png,0,0,0,0,00000272 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000272_pre_disaster.png,nepal-flooding_00000272_pre_disaster,0,0,tier3\masks\nepal-flooding_00000272_pre_disaster.png,0,0,0,0,00000272 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000273_post_disaster.png,nepal-flooding_00000273_post_disaster,1,835,tier3\masks\nepal-flooding_00000273_post_disaster.png,16,9328,3,1426,00000273 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000273_pre_disaster.png,nepal-flooding_00000273_pre_disaster,0,0,tier3\masks\nepal-flooding_00000273_pre_disaster.png,0,0,18,11603,00000273 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000274_post_disaster.png,nepal-flooding_00000274_post_disaster,0,0,tier3\masks\nepal-flooding_00000274_post_disaster.png,1,1116,0,0,00000274 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000274_pre_disaster.png,nepal-flooding_00000274_pre_disaster,0,0,tier3\masks\nepal-flooding_00000274_pre_disaster.png,0,0,1,1116,00000274 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000275_post_disaster.png,nepal-flooding_00000275_post_disaster,1,868,tier3\masks\nepal-flooding_00000275_post_disaster.png,0,0,45,47791,00000275 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000275_pre_disaster.png,nepal-flooding_00000275_pre_disaster,0,0,tier3\masks\nepal-flooding_00000275_pre_disaster.png,0,0,46,48711,00000275 +2,277,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000276_post_disaster.png,nepal-flooding_00000276_post_disaster,0,0,tier3\masks\nepal-flooding_00000276_post_disaster.png,39,29692,3,1144,00000276 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000276_pre_disaster.png,nepal-flooding_00000276_pre_disaster,0,0,tier3\masks\nepal-flooding_00000276_pre_disaster.png,0,0,44,31110,00000276 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000277_post_disaster.png,nepal-flooding_00000277_post_disaster,2,2119,tier3\masks\nepal-flooding_00000277_post_disaster.png,0,0,77,41903,00000277 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000277_pre_disaster.png,nepal-flooding_00000277_pre_disaster,0,0,tier3\masks\nepal-flooding_00000277_pre_disaster.png,0,0,77,44033,00000277 +4,730,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000278_post_disaster.png,nepal-flooding_00000278_post_disaster,0,0,tier3\masks\nepal-flooding_00000278_post_disaster.png,2,285,0,0,00000278 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000278_pre_disaster.png,nepal-flooding_00000278_pre_disaster,0,0,tier3\masks\nepal-flooding_00000278_pre_disaster.png,0,0,6,1015,00000278 +1,356,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000279_post_disaster.png,nepal-flooding_00000279_post_disaster,5,4251,tier3\masks\nepal-flooding_00000279_post_disaster.png,0,0,8,5346,00000279 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000279_pre_disaster.png,nepal-flooding_00000279_pre_disaster,0,0,tier3\masks\nepal-flooding_00000279_pre_disaster.png,0,0,10,9953,00000279 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000280_post_disaster.png,nepal-flooding_00000280_post_disaster,0,0,tier3\masks\nepal-flooding_00000280_post_disaster.png,0,0,7,1060,00000280 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000280_pre_disaster.png,nepal-flooding_00000280_pre_disaster,0,0,tier3\masks\nepal-flooding_00000280_pre_disaster.png,0,0,7,1060,00000280 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000281_post_disaster.png,nepal-flooding_00000281_post_disaster,3,3703,tier3\masks\nepal-flooding_00000281_post_disaster.png,7,4060,0,0,00000281 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000281_pre_disaster.png,nepal-flooding_00000281_pre_disaster,0,0,tier3\masks\nepal-flooding_00000281_pre_disaster.png,0,0,10,7763,00000281 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000282_post_disaster.png,nepal-flooding_00000282_post_disaster,1,1249,tier3\masks\nepal-flooding_00000282_post_disaster.png,0,0,22,25433,00000282 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000282_pre_disaster.png,nepal-flooding_00000282_pre_disaster,0,0,tier3\masks\nepal-flooding_00000282_pre_disaster.png,0,0,23,26682,00000282 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000283_post_disaster.png,nepal-flooding_00000283_post_disaster,4,1117,tier3\masks\nepal-flooding_00000283_post_disaster.png,0,0,23,15138,00000283 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000283_pre_disaster.png,nepal-flooding_00000283_pre_disaster,0,0,tier3\masks\nepal-flooding_00000283_pre_disaster.png,0,0,27,16284,00000283 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000284_post_disaster.png,nepal-flooding_00000284_post_disaster,0,0,tier3\masks\nepal-flooding_00000284_post_disaster.png,0,0,50,38629,00000284 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000284_pre_disaster.png,nepal-flooding_00000284_pre_disaster,0,0,tier3\masks\nepal-flooding_00000284_pre_disaster.png,0,0,50,38667,00000284 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000285_post_disaster.png,nepal-flooding_00000285_post_disaster,0,0,tier3\masks\nepal-flooding_00000285_post_disaster.png,0,0,40,30013,00000285 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000285_pre_disaster.png,nepal-flooding_00000285_pre_disaster,0,0,tier3\masks\nepal-flooding_00000285_pre_disaster.png,0,0,40,30013,00000285 +1,161,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000286_post_disaster.png,nepal-flooding_00000286_post_disaster,0,0,tier3\masks\nepal-flooding_00000286_post_disaster.png,0,0,18,16097,00000286 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000286_pre_disaster.png,nepal-flooding_00000286_pre_disaster,0,0,tier3\masks\nepal-flooding_00000286_pre_disaster.png,0,0,19,16258,00000286 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000287_post_disaster.png,nepal-flooding_00000287_post_disaster,5,5032,tier3\masks\nepal-flooding_00000287_post_disaster.png,0,0,32,24453,00000287 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000287_pre_disaster.png,nepal-flooding_00000287_pre_disaster,0,0,tier3\masks\nepal-flooding_00000287_pre_disaster.png,0,0,35,29485,00000287 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000288_post_disaster.png,nepal-flooding_00000288_post_disaster,4,1239,tier3\masks\nepal-flooding_00000288_post_disaster.png,0,0,108,117774,00000288 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000288_pre_disaster.png,nepal-flooding_00000288_pre_disaster,0,0,tier3\masks\nepal-flooding_00000288_pre_disaster.png,0,0,111,119008,00000288 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000289_post_disaster.png,nepal-flooding_00000289_post_disaster,2,328,tier3\masks\nepal-flooding_00000289_post_disaster.png,0,0,34,31774,00000289 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000289_pre_disaster.png,nepal-flooding_00000289_pre_disaster,0,0,tier3\masks\nepal-flooding_00000289_pre_disaster.png,0,0,36,32102,00000289 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000290_post_disaster.png,nepal-flooding_00000290_post_disaster,0,0,tier3\masks\nepal-flooding_00000290_post_disaster.png,1,276,0,0,00000290 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000290_pre_disaster.png,nepal-flooding_00000290_pre_disaster,0,0,tier3\masks\nepal-flooding_00000290_pre_disaster.png,0,0,1,276,00000290 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000291_post_disaster.png,nepal-flooding_00000291_post_disaster,0,0,tier3\masks\nepal-flooding_00000291_post_disaster.png,0,0,0,0,00000291 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000291_pre_disaster.png,nepal-flooding_00000291_pre_disaster,0,0,tier3\masks\nepal-flooding_00000291_pre_disaster.png,0,0,0,0,00000291 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000292_post_disaster.png,nepal-flooding_00000292_post_disaster,8,7930,tier3\masks\nepal-flooding_00000292_post_disaster.png,0,0,17,25027,00000292 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000292_pre_disaster.png,nepal-flooding_00000292_pre_disaster,0,0,tier3\masks\nepal-flooding_00000292_pre_disaster.png,0,0,22,32957,00000292 +1,79,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000293_post_disaster.png,nepal-flooding_00000293_post_disaster,0,0,tier3\masks\nepal-flooding_00000293_post_disaster.png,4,3252,0,0,00000293 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000293_pre_disaster.png,nepal-flooding_00000293_pre_disaster,0,0,tier3\masks\nepal-flooding_00000293_pre_disaster.png,0,0,4,3331,00000293 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000294_post_disaster.png,nepal-flooding_00000294_post_disaster,2,764,tier3\masks\nepal-flooding_00000294_post_disaster.png,0,0,0,0,00000294 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000294_pre_disaster.png,nepal-flooding_00000294_pre_disaster,0,0,tier3\masks\nepal-flooding_00000294_pre_disaster.png,0,0,2,764,00000294 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000295_post_disaster.png,nepal-flooding_00000295_post_disaster,15,34645,tier3\masks\nepal-flooding_00000295_post_disaster.png,24,40126,16,47438,00000295 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000295_pre_disaster.png,nepal-flooding_00000295_pre_disaster,0,0,tier3\masks\nepal-flooding_00000295_pre_disaster.png,0,0,44,122462,00000295 +2,553,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000296_post_disaster.png,nepal-flooding_00000296_post_disaster,10,14008,tier3\masks\nepal-flooding_00000296_post_disaster.png,7,4345,1,120,00000296 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000296_pre_disaster.png,nepal-flooding_00000296_pre_disaster,0,0,tier3\masks\nepal-flooding_00000296_pre_disaster.png,0,0,17,19026,00000296 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000297_post_disaster.png,nepal-flooding_00000297_post_disaster,0,0,tier3\masks\nepal-flooding_00000297_post_disaster.png,4,671,1,318,00000297 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000297_pre_disaster.png,nepal-flooding_00000297_pre_disaster,0,0,tier3\masks\nepal-flooding_00000297_pre_disaster.png,0,0,5,989,00000297 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000298_post_disaster.png,nepal-flooding_00000298_post_disaster,10,6490,tier3\masks\nepal-flooding_00000298_post_disaster.png,19,13172,29,22919,00000298 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000298_pre_disaster.png,nepal-flooding_00000298_pre_disaster,0,0,tier3\masks\nepal-flooding_00000298_pre_disaster.png,0,0,54,42678,00000298 +2,446,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000299_post_disaster.png,nepal-flooding_00000299_post_disaster,0,0,tier3\masks\nepal-flooding_00000299_post_disaster.png,11,2927,0,0,00000299 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000299_pre_disaster.png,nepal-flooding_00000299_pre_disaster,0,0,tier3\masks\nepal-flooding_00000299_pre_disaster.png,0,0,13,3373,00000299 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000300_post_disaster.png,nepal-flooding_00000300_post_disaster,1,73,tier3\masks\nepal-flooding_00000300_post_disaster.png,0,0,24,29485,00000300 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000300_pre_disaster.png,nepal-flooding_00000300_pre_disaster,0,0,tier3\masks\nepal-flooding_00000300_pre_disaster.png,0,0,25,29558,00000300 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000301_post_disaster.png,nepal-flooding_00000301_post_disaster,0,0,tier3\masks\nepal-flooding_00000301_post_disaster.png,2,1380,0,0,00000301 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000301_pre_disaster.png,nepal-flooding_00000301_pre_disaster,0,0,tier3\masks\nepal-flooding_00000301_pre_disaster.png,0,0,2,1380,00000301 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000302_post_disaster.png,nepal-flooding_00000302_post_disaster,2,4482,tier3\masks\nepal-flooding_00000302_post_disaster.png,1,672,0,0,00000302 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000302_pre_disaster.png,nepal-flooding_00000302_pre_disaster,0,0,tier3\masks\nepal-flooding_00000302_pre_disaster.png,0,0,3,5150,00000302 +4,968,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000303_post_disaster.png,nepal-flooding_00000303_post_disaster,10,14114,tier3\masks\nepal-flooding_00000303_post_disaster.png,18,19796,47,81278,00000303 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000303_pre_disaster.png,nepal-flooding_00000303_pre_disaster,0,0,tier3\masks\nepal-flooding_00000303_pre_disaster.png,0,0,66,116482,00000303 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000304_post_disaster.png,nepal-flooding_00000304_post_disaster,13,16723,tier3\masks\nepal-flooding_00000304_post_disaster.png,26,31581,12,15296,00000304 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000304_pre_disaster.png,nepal-flooding_00000304_pre_disaster,0,0,tier3\masks\nepal-flooding_00000304_pre_disaster.png,0,0,43,63600,00000304 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000305_post_disaster.png,nepal-flooding_00000305_post_disaster,0,0,tier3\masks\nepal-flooding_00000305_post_disaster.png,3,1035,0,0,00000305 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000305_pre_disaster.png,nepal-flooding_00000305_pre_disaster,0,0,tier3\masks\nepal-flooding_00000305_pre_disaster.png,0,0,3,1035,00000305 +3,306,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000306_post_disaster.png,nepal-flooding_00000306_post_disaster,0,0,tier3\masks\nepal-flooding_00000306_post_disaster.png,6,7355,1,30,00000306 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000306_pre_disaster.png,nepal-flooding_00000306_pre_disaster,0,0,tier3\masks\nepal-flooding_00000306_pre_disaster.png,0,0,10,7691,00000306 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000307_post_disaster.png,nepal-flooding_00000307_post_disaster,29,30648,tier3\masks\nepal-flooding_00000307_post_disaster.png,13,10386,9,9579,00000307 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000307_pre_disaster.png,nepal-flooding_00000307_pre_disaster,0,0,tier3\masks\nepal-flooding_00000307_pre_disaster.png,0,0,41,50613,00000307 +12,2089,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000308_post_disaster.png,nepal-flooding_00000308_post_disaster,0,0,tier3\masks\nepal-flooding_00000308_post_disaster.png,73,112582,0,0,00000308 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000308_pre_disaster.png,nepal-flooding_00000308_pre_disaster,0,0,tier3\masks\nepal-flooding_00000308_pre_disaster.png,0,0,79,114733,00000308 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000309_post_disaster.png,nepal-flooding_00000309_post_disaster,0,0,tier3\masks\nepal-flooding_00000309_post_disaster.png,3,903,0,0,00000309 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000309_pre_disaster.png,nepal-flooding_00000309_pre_disaster,0,0,tier3\masks\nepal-flooding_00000309_pre_disaster.png,0,0,3,903,00000309 +3,437,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000310_post_disaster.png,nepal-flooding_00000310_post_disaster,16,8141,tier3\masks\nepal-flooding_00000310_post_disaster.png,37,17696,8,3698,00000310 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000310_pre_disaster.png,nepal-flooding_00000310_pre_disaster,0,0,tier3\masks\nepal-flooding_00000310_pre_disaster.png,0,0,60,30101,00000310 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000311_post_disaster.png,nepal-flooding_00000311_post_disaster,8,4321,tier3\masks\nepal-flooding_00000311_post_disaster.png,16,5988,22,15188,00000311 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000311_pre_disaster.png,nepal-flooding_00000311_pre_disaster,0,0,tier3\masks\nepal-flooding_00000311_pre_disaster.png,0,0,41,25501,00000311 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000312_post_disaster.png,nepal-flooding_00000312_post_disaster,8,4494,tier3\masks\nepal-flooding_00000312_post_disaster.png,0,0,12,8638,00000312 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000312_pre_disaster.png,nepal-flooding_00000312_pre_disaster,0,0,tier3\masks\nepal-flooding_00000312_pre_disaster.png,0,0,18,13221,00000312 +2,1754,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000313_post_disaster.png,nepal-flooding_00000313_post_disaster,30,16350,tier3\masks\nepal-flooding_00000313_post_disaster.png,64,36635,62,37415,00000313 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000313_pre_disaster.png,nepal-flooding_00000313_pre_disaster,0,0,tier3\masks\nepal-flooding_00000313_pre_disaster.png,0,0,149,92253,00000313 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000314_post_disaster.png,nepal-flooding_00000314_post_disaster,0,0,tier3\masks\nepal-flooding_00000314_post_disaster.png,11,8977,0,0,00000314 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000314_pre_disaster.png,nepal-flooding_00000314_pre_disaster,0,0,tier3\masks\nepal-flooding_00000314_pre_disaster.png,0,0,13,9164,00000314 +1,43,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000315_post_disaster.png,nepal-flooding_00000315_post_disaster,0,0,tier3\masks\nepal-flooding_00000315_post_disaster.png,10,17232,0,0,00000315 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000315_pre_disaster.png,nepal-flooding_00000315_pre_disaster,0,0,tier3\masks\nepal-flooding_00000315_pre_disaster.png,0,0,11,17321,00000315 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000316_post_disaster.png,nepal-flooding_00000316_post_disaster,2,1035,tier3\masks\nepal-flooding_00000316_post_disaster.png,3,1036,17,9412,00000316 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000316_pre_disaster.png,nepal-flooding_00000316_pre_disaster,0,0,tier3\masks\nepal-flooding_00000316_pre_disaster.png,0,0,21,11524,00000316 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000317_post_disaster.png,nepal-flooding_00000317_post_disaster,7,4042,tier3\masks\nepal-flooding_00000317_post_disaster.png,15,4726,21,15252,00000317 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000317_pre_disaster.png,nepal-flooding_00000317_pre_disaster,0,0,tier3\masks\nepal-flooding_00000317_pre_disaster.png,0,0,40,24017,00000317 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000318_post_disaster.png,nepal-flooding_00000318_post_disaster,0,0,tier3\masks\nepal-flooding_00000318_post_disaster.png,24,18237,2,297,00000318 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000318_pre_disaster.png,nepal-flooding_00000318_pre_disaster,0,0,tier3\masks\nepal-flooding_00000318_pre_disaster.png,0,0,26,18534,00000318 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000319_post_disaster.png,nepal-flooding_00000319_post_disaster,0,0,tier3\masks\nepal-flooding_00000319_post_disaster.png,4,3161,0,0,00000319 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000319_pre_disaster.png,nepal-flooding_00000319_pre_disaster,0,0,tier3\masks\nepal-flooding_00000319_pre_disaster.png,0,0,4,3182,00000319 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000320_post_disaster.png,nepal-flooding_00000320_post_disaster,0,0,tier3\masks\nepal-flooding_00000320_post_disaster.png,0,0,0,0,00000320 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000320_pre_disaster.png,nepal-flooding_00000320_pre_disaster,0,0,tier3\masks\nepal-flooding_00000320_pre_disaster.png,0,0,0,0,00000320 +4,818,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000321_post_disaster.png,nepal-flooding_00000321_post_disaster,1,1936,tier3\masks\nepal-flooding_00000321_post_disaster.png,15,10359,0,0,00000321 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000321_pre_disaster.png,nepal-flooding_00000321_pre_disaster,0,0,tier3\masks\nepal-flooding_00000321_pre_disaster.png,0,0,14,13113,00000321 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000322_post_disaster.png,nepal-flooding_00000322_post_disaster,0,0,tier3\masks\nepal-flooding_00000322_post_disaster.png,0,0,0,0,00000322 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000322_pre_disaster.png,nepal-flooding_00000322_pre_disaster,0,0,tier3\masks\nepal-flooding_00000322_pre_disaster.png,0,0,0,0,00000322 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000323_post_disaster.png,nepal-flooding_00000323_post_disaster,13,11359,tier3\masks\nepal-flooding_00000323_post_disaster.png,17,10424,25,32788,00000323 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000323_pre_disaster.png,nepal-flooding_00000323_pre_disaster,0,0,tier3\masks\nepal-flooding_00000323_pre_disaster.png,0,0,41,54731,00000323 +3,889,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000324_post_disaster.png,nepal-flooding_00000324_post_disaster,10,10973,tier3\masks\nepal-flooding_00000324_post_disaster.png,23,14029,33,20113,00000324 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000324_pre_disaster.png,nepal-flooding_00000324_pre_disaster,0,0,tier3\masks\nepal-flooding_00000324_pre_disaster.png,0,0,67,46004,00000324 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000325_post_disaster.png,nepal-flooding_00000325_post_disaster,12,16259,tier3\masks\nepal-flooding_00000325_post_disaster.png,30,21814,13,9237,00000325 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000325_pre_disaster.png,nepal-flooding_00000325_pre_disaster,0,0,tier3\masks\nepal-flooding_00000325_pre_disaster.png,0,0,53,47319,00000325 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000326_post_disaster.png,nepal-flooding_00000326_post_disaster,0,0,tier3\masks\nepal-flooding_00000326_post_disaster.png,3,2547,0,0,00000326 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000326_pre_disaster.png,nepal-flooding_00000326_pre_disaster,0,0,tier3\masks\nepal-flooding_00000326_pre_disaster.png,0,0,3,2547,00000326 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000327_post_disaster.png,nepal-flooding_00000327_post_disaster,4,1971,tier3\masks\nepal-flooding_00000327_post_disaster.png,5,1590,1,60,00000327 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000327_pre_disaster.png,nepal-flooding_00000327_pre_disaster,0,0,tier3\masks\nepal-flooding_00000327_pre_disaster.png,0,0,10,3612,00000327 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000328_post_disaster.png,nepal-flooding_00000328_post_disaster,0,0,tier3\masks\nepal-flooding_00000328_post_disaster.png,1,527,0,0,00000328 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000328_pre_disaster.png,nepal-flooding_00000328_pre_disaster,0,0,tier3\masks\nepal-flooding_00000328_pre_disaster.png,0,0,1,527,00000328 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000329_post_disaster.png,nepal-flooding_00000329_post_disaster,0,0,tier3\masks\nepal-flooding_00000329_post_disaster.png,1,81,0,0,00000329 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000329_pre_disaster.png,nepal-flooding_00000329_pre_disaster,0,0,tier3\masks\nepal-flooding_00000329_pre_disaster.png,0,0,1,81,00000329 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000330_post_disaster.png,nepal-flooding_00000330_post_disaster,0,0,tier3\masks\nepal-flooding_00000330_post_disaster.png,7,6331,0,0,00000330 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000330_pre_disaster.png,nepal-flooding_00000330_pre_disaster,0,0,tier3\masks\nepal-flooding_00000330_pre_disaster.png,0,0,7,6331,00000330 +4,643,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000331_post_disaster.png,nepal-flooding_00000331_post_disaster,20,14921,tier3\masks\nepal-flooding_00000331_post_disaster.png,22,17228,21,45271,00000331 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000331_pre_disaster.png,nepal-flooding_00000331_pre_disaster,0,0,tier3\masks\nepal-flooding_00000331_pre_disaster.png,0,0,60,78137,00000331 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000332_post_disaster.png,nepal-flooding_00000332_post_disaster,2,967,tier3\masks\nepal-flooding_00000332_post_disaster.png,0,0,60,89823,00000332 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000332_pre_disaster.png,nepal-flooding_00000332_pre_disaster,0,0,tier3\masks\nepal-flooding_00000332_pre_disaster.png,0,0,61,90790,00000332 +5,1962,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000333_post_disaster.png,nepal-flooding_00000333_post_disaster,14,20584,tier3\masks\nepal-flooding_00000333_post_disaster.png,27,34083,12,13868,00000333 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000333_pre_disaster.png,nepal-flooding_00000333_pre_disaster,0,0,tier3\masks\nepal-flooding_00000333_pre_disaster.png,0,0,49,70488,00000333 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000334_post_disaster.png,nepal-flooding_00000334_post_disaster,0,0,tier3\masks\nepal-flooding_00000334_post_disaster.png,1,367,0,0,00000334 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000334_pre_disaster.png,nepal-flooding_00000334_pre_disaster,0,0,tier3\masks\nepal-flooding_00000334_pre_disaster.png,0,0,1,367,00000334 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000335_post_disaster.png,nepal-flooding_00000335_post_disaster,5,1610,tier3\masks\nepal-flooding_00000335_post_disaster.png,5,3006,2,289,00000335 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000335_pre_disaster.png,nepal-flooding_00000335_pre_disaster,0,0,tier3\masks\nepal-flooding_00000335_pre_disaster.png,0,0,11,4905,00000335 +1,199,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000336_post_disaster.png,nepal-flooding_00000336_post_disaster,4,2285,tier3\masks\nepal-flooding_00000336_post_disaster.png,5,2847,21,10731,00000336 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000336_pre_disaster.png,nepal-flooding_00000336_pre_disaster,0,0,tier3\masks\nepal-flooding_00000336_pre_disaster.png,0,0,28,16114,00000336 +2,336,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000337_post_disaster.png,nepal-flooding_00000337_post_disaster,9,11840,tier3\masks\nepal-flooding_00000337_post_disaster.png,44,32165,8,6061,00000337 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000337_pre_disaster.png,nepal-flooding_00000337_pre_disaster,0,0,tier3\masks\nepal-flooding_00000337_pre_disaster.png,0,0,60,50410,00000337 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000338_post_disaster.png,nepal-flooding_00000338_post_disaster,28,11521,tier3\masks\nepal-flooding_00000338_post_disaster.png,69,29685,58,20748,00000338 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000338_pre_disaster.png,nepal-flooding_00000338_pre_disaster,0,0,tier3\masks\nepal-flooding_00000338_pre_disaster.png,0,0,133,61977,00000338 +2,173,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000339_post_disaster.png,nepal-flooding_00000339_post_disaster,9,2748,tier3\masks\nepal-flooding_00000339_post_disaster.png,9,4645,3,1677,00000339 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000339_pre_disaster.png,nepal-flooding_00000339_pre_disaster,0,0,tier3\masks\nepal-flooding_00000339_pre_disaster.png,0,0,19,9243,00000339 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000340_post_disaster.png,nepal-flooding_00000340_post_disaster,8,8146,tier3\masks\nepal-flooding_00000340_post_disaster.png,21,15003,15,10807,00000340 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000340_pre_disaster.png,nepal-flooding_00000340_pre_disaster,0,0,tier3\masks\nepal-flooding_00000340_pre_disaster.png,0,0,40,33956,00000340 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000341_post_disaster.png,nepal-flooding_00000341_post_disaster,26,23949,tier3\masks\nepal-flooding_00000341_post_disaster.png,27,18731,6,3595,00000341 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000341_pre_disaster.png,nepal-flooding_00000341_pre_disaster,0,0,tier3\masks\nepal-flooding_00000341_pre_disaster.png,0,0,52,46451,00000341 +1,176,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000342_post_disaster.png,nepal-flooding_00000342_post_disaster,8,7163,tier3\masks\nepal-flooding_00000342_post_disaster.png,7,6729,13,26318,00000342 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000342_pre_disaster.png,nepal-flooding_00000342_pre_disaster,0,0,tier3\masks\nepal-flooding_00000342_pre_disaster.png,0,0,21,40386,00000342 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000343_post_disaster.png,nepal-flooding_00000343_post_disaster,0,0,tier3\masks\nepal-flooding_00000343_post_disaster.png,2,1728,1,463,00000343 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000343_pre_disaster.png,nepal-flooding_00000343_pre_disaster,0,0,tier3\masks\nepal-flooding_00000343_pre_disaster.png,0,0,3,2191,00000343 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000344_post_disaster.png,nepal-flooding_00000344_post_disaster,15,24341,tier3\masks\nepal-flooding_00000344_post_disaster.png,35,44376,16,18119,00000344 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000344_pre_disaster.png,nepal-flooding_00000344_pre_disaster,0,0,tier3\masks\nepal-flooding_00000344_pre_disaster.png,0,0,51,86801,00000344 +1,160,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000345_post_disaster.png,nepal-flooding_00000345_post_disaster,0,0,tier3\masks\nepal-flooding_00000345_post_disaster.png,1,1160,0,0,00000345 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000345_pre_disaster.png,nepal-flooding_00000345_pre_disaster,0,0,tier3\masks\nepal-flooding_00000345_pre_disaster.png,0,0,2,1320,00000345 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000346_post_disaster.png,nepal-flooding_00000346_post_disaster,1,67,tier3\masks\nepal-flooding_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000346_pre_disaster.png,nepal-flooding_00000346_pre_disaster,0,0,tier3\masks\nepal-flooding_00000346_pre_disaster.png,0,0,1,67,00000346 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000347_post_disaster.png,nepal-flooding_00000347_post_disaster,36,26683,tier3\masks\nepal-flooding_00000347_post_disaster.png,23,13673,58,90387,00000347 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000347_pre_disaster.png,nepal-flooding_00000347_pre_disaster,0,0,tier3\masks\nepal-flooding_00000347_pre_disaster.png,0,0,84,130743,00000347 +1,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000348_post_disaster.png,nepal-flooding_00000348_post_disaster,0,0,tier3\masks\nepal-flooding_00000348_post_disaster.png,3,1132,0,0,00000348 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000348_pre_disaster.png,nepal-flooding_00000348_pre_disaster,0,0,tier3\masks\nepal-flooding_00000348_pre_disaster.png,0,0,4,1268,00000348 +1,118,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000349_post_disaster.png,nepal-flooding_00000349_post_disaster,0,0,tier3\masks\nepal-flooding_00000349_post_disaster.png,1,353,0,0,00000349 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000349_pre_disaster.png,nepal-flooding_00000349_pre_disaster,0,0,tier3\masks\nepal-flooding_00000349_pre_disaster.png,0,0,2,471,00000349 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000350_post_disaster.png,nepal-flooding_00000350_post_disaster,0,0,tier3\masks\nepal-flooding_00000350_post_disaster.png,0,0,1,44,00000350 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000350_pre_disaster.png,nepal-flooding_00000350_pre_disaster,0,0,tier3\masks\nepal-flooding_00000350_pre_disaster.png,0,0,1,41,00000350 +6,864,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000351_post_disaster.png,nepal-flooding_00000351_post_disaster,1,472,tier3\masks\nepal-flooding_00000351_post_disaster.png,17,22771,16,8223,00000351 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000351_pre_disaster.png,nepal-flooding_00000351_pre_disaster,0,0,tier3\masks\nepal-flooding_00000351_pre_disaster.png,0,0,35,32332,00000351 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000352_post_disaster.png,nepal-flooding_00000352_post_disaster,0,0,tier3\masks\nepal-flooding_00000352_post_disaster.png,4,1596,0,0,00000352 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000352_pre_disaster.png,nepal-flooding_00000352_pre_disaster,0,0,tier3\masks\nepal-flooding_00000352_pre_disaster.png,0,0,4,1596,00000352 +2,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000353_post_disaster.png,nepal-flooding_00000353_post_disaster,0,0,tier3\masks\nepal-flooding_00000353_post_disaster.png,13,4945,0,0,00000353 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000353_pre_disaster.png,nepal-flooding_00000353_pre_disaster,0,0,tier3\masks\nepal-flooding_00000353_pre_disaster.png,0,0,15,5083,00000353 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000354_post_disaster.png,nepal-flooding_00000354_post_disaster,0,0,tier3\masks\nepal-flooding_00000354_post_disaster.png,0,0,36,34107,00000354 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000354_pre_disaster.png,nepal-flooding_00000354_pre_disaster,0,0,tier3\masks\nepal-flooding_00000354_pre_disaster.png,0,0,36,34173,00000354 +2,189,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000355_post_disaster.png,nepal-flooding_00000355_post_disaster,0,0,tier3\masks\nepal-flooding_00000355_post_disaster.png,17,12793,2,514,00000355 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000355_pre_disaster.png,nepal-flooding_00000355_pre_disaster,0,0,tier3\masks\nepal-flooding_00000355_pre_disaster.png,0,0,21,13494,00000355 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000356_post_disaster.png,nepal-flooding_00000356_post_disaster,7,4269,tier3\masks\nepal-flooding_00000356_post_disaster.png,2,631,30,18961,00000356 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000356_pre_disaster.png,nepal-flooding_00000356_pre_disaster,0,0,tier3\masks\nepal-flooding_00000356_pre_disaster.png,0,0,37,23861,00000356 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000357_post_disaster.png,nepal-flooding_00000357_post_disaster,0,0,tier3\masks\nepal-flooding_00000357_post_disaster.png,1,995,0,0,00000357 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000357_pre_disaster.png,nepal-flooding_00000357_pre_disaster,0,0,tier3\masks\nepal-flooding_00000357_pre_disaster.png,0,0,1,995,00000357 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000358_post_disaster.png,nepal-flooding_00000358_post_disaster,0,0,tier3\masks\nepal-flooding_00000358_post_disaster.png,9,4440,1,214,00000358 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000358_pre_disaster.png,nepal-flooding_00000358_pre_disaster,0,0,tier3\masks\nepal-flooding_00000358_pre_disaster.png,0,0,10,4654,00000358 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000359_post_disaster.png,nepal-flooding_00000359_post_disaster,5,2285,tier3\masks\nepal-flooding_00000359_post_disaster.png,6,1835,56,45647,00000359 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000359_pre_disaster.png,nepal-flooding_00000359_pre_disaster,0,0,tier3\masks\nepal-flooding_00000359_pre_disaster.png,0,0,67,49763,00000359 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000360_post_disaster.png,nepal-flooding_00000360_post_disaster,0,0,tier3\masks\nepal-flooding_00000360_post_disaster.png,12,8159,0,0,00000360 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000360_pre_disaster.png,nepal-flooding_00000360_pre_disaster,0,0,tier3\masks\nepal-flooding_00000360_pre_disaster.png,0,0,12,8159,00000360 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000361_post_disaster.png,nepal-flooding_00000361_post_disaster,0,0,tier3\masks\nepal-flooding_00000361_post_disaster.png,0,0,12,9979,00000361 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000361_pre_disaster.png,nepal-flooding_00000361_pre_disaster,0,0,tier3\masks\nepal-flooding_00000361_pre_disaster.png,0,0,12,9991,00000361 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000362_post_disaster.png,nepal-flooding_00000362_post_disaster,23,4091,tier3\masks\nepal-flooding_00000362_post_disaster.png,6,2268,19,4226,00000362 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000362_pre_disaster.png,nepal-flooding_00000362_pre_disaster,0,0,tier3\masks\nepal-flooding_00000362_pre_disaster.png,0,0,49,10716,00000362 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000363_post_disaster.png,nepal-flooding_00000363_post_disaster,0,0,tier3\masks\nepal-flooding_00000363_post_disaster.png,0,0,0,0,00000363 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000363_pre_disaster.png,nepal-flooding_00000363_pre_disaster,0,0,tier3\masks\nepal-flooding_00000363_pre_disaster.png,0,0,0,0,00000363 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000364_post_disaster.png,nepal-flooding_00000364_post_disaster,0,0,tier3\masks\nepal-flooding_00000364_post_disaster.png,0,0,82,64522,00000364 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000364_pre_disaster.png,nepal-flooding_00000364_pre_disaster,0,0,tier3\masks\nepal-flooding_00000364_pre_disaster.png,0,0,82,64556,00000364 +1,211,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000365_post_disaster.png,nepal-flooding_00000365_post_disaster,0,0,tier3\masks\nepal-flooding_00000365_post_disaster.png,6,3876,0,0,00000365 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000365_pre_disaster.png,nepal-flooding_00000365_pre_disaster,0,0,tier3\masks\nepal-flooding_00000365_pre_disaster.png,0,0,7,4087,00000365 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000366_post_disaster.png,nepal-flooding_00000366_post_disaster,0,0,tier3\masks\nepal-flooding_00000366_post_disaster.png,0,0,30,36337,00000366 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000366_pre_disaster.png,nepal-flooding_00000366_pre_disaster,0,0,tier3\masks\nepal-flooding_00000366_pre_disaster.png,0,0,30,36259,00000366 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000367_post_disaster.png,nepal-flooding_00000367_post_disaster,0,0,tier3\masks\nepal-flooding_00000367_post_disaster.png,3,666,56,52661,00000367 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000367_pre_disaster.png,nepal-flooding_00000367_pre_disaster,0,0,tier3\masks\nepal-flooding_00000367_pre_disaster.png,0,0,58,53349,00000367 +3,1062,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000368_post_disaster.png,nepal-flooding_00000368_post_disaster,3,2916,tier3\masks\nepal-flooding_00000368_post_disaster.png,38,32021,1,211,00000368 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000368_pre_disaster.png,nepal-flooding_00000368_pre_disaster,0,0,tier3\masks\nepal-flooding_00000368_pre_disaster.png,0,0,42,36257,00000368 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000369_post_disaster.png,nepal-flooding_00000369_post_disaster,5,2212,tier3\masks\nepal-flooding_00000369_post_disaster.png,2,297,11,8128,00000369 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000369_pre_disaster.png,nepal-flooding_00000369_pre_disaster,0,0,tier3\masks\nepal-flooding_00000369_pre_disaster.png,0,0,15,10727,00000369 +2,1163,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000370_post_disaster.png,nepal-flooding_00000370_post_disaster,14,12110,tier3\masks\nepal-flooding_00000370_post_disaster.png,1,757,14,5118,00000370 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000370_pre_disaster.png,nepal-flooding_00000370_pre_disaster,0,0,tier3\masks\nepal-flooding_00000370_pre_disaster.png,0,0,25,19258,00000370 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000371_post_disaster.png,nepal-flooding_00000371_post_disaster,0,0,tier3\masks\nepal-flooding_00000371_post_disaster.png,0,0,63,67024,00000371 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000371_pre_disaster.png,nepal-flooding_00000371_pre_disaster,0,0,tier3\masks\nepal-flooding_00000371_pre_disaster.png,0,0,63,67046,00000371 +1,570,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000372_post_disaster.png,nepal-flooding_00000372_post_disaster,1,526,tier3\masks\nepal-flooding_00000372_post_disaster.png,4,824,1,1544,00000372 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000372_pre_disaster.png,nepal-flooding_00000372_pre_disaster,0,0,tier3\masks\nepal-flooding_00000372_pre_disaster.png,0,0,7,3453,00000372 +4,1329,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000373_post_disaster.png,nepal-flooding_00000373_post_disaster,17,14233,tier3\masks\nepal-flooding_00000373_post_disaster.png,9,4343,40,29398,00000373 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000373_pre_disaster.png,nepal-flooding_00000373_pre_disaster,0,0,tier3\masks\nepal-flooding_00000373_pre_disaster.png,0,0,68,49521,00000373 +1,45,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000374_post_disaster.png,nepal-flooding_00000374_post_disaster,25,14481,tier3\masks\nepal-flooding_00000374_post_disaster.png,9,4949,110,111773,00000374 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000374_pre_disaster.png,nepal-flooding_00000374_pre_disaster,0,0,tier3\masks\nepal-flooding_00000374_pre_disaster.png,0,0,133,131576,00000374 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000375_post_disaster.png,nepal-flooding_00000375_post_disaster,1,723,tier3\masks\nepal-flooding_00000375_post_disaster.png,0,0,0,0,00000375 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000375_pre_disaster.png,nepal-flooding_00000375_pre_disaster,0,0,tier3\masks\nepal-flooding_00000375_pre_disaster.png,0,0,1,723,00000375 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000376_post_disaster.png,nepal-flooding_00000376_post_disaster,3,594,tier3\masks\nepal-flooding_00000376_post_disaster.png,2,679,30,18061,00000376 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000376_pre_disaster.png,nepal-flooding_00000376_pre_disaster,0,0,tier3\masks\nepal-flooding_00000376_pre_disaster.png,0,0,35,19243,00000376 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000377_post_disaster.png,nepal-flooding_00000377_post_disaster,15,11479,tier3\masks\nepal-flooding_00000377_post_disaster.png,1,154,134,108169,00000377 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000377_pre_disaster.png,nepal-flooding_00000377_pre_disaster,0,0,tier3\masks\nepal-flooding_00000377_pre_disaster.png,0,0,143,119938,00000377 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000378_post_disaster.png,nepal-flooding_00000378_post_disaster,0,0,tier3\masks\nepal-flooding_00000378_post_disaster.png,4,2833,19,35627,00000378 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000378_pre_disaster.png,nepal-flooding_00000378_pre_disaster,0,0,tier3\masks\nepal-flooding_00000378_pre_disaster.png,0,0,23,38460,00000378 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000379_post_disaster.png,nepal-flooding_00000379_post_disaster,0,0,tier3\masks\nepal-flooding_00000379_post_disaster.png,0,0,0,0,00000379 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000379_pre_disaster.png,nepal-flooding_00000379_pre_disaster,0,0,tier3\masks\nepal-flooding_00000379_pre_disaster.png,0,0,0,0,00000379 +1,210,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000380_post_disaster.png,nepal-flooding_00000380_post_disaster,8,2945,tier3\masks\nepal-flooding_00000380_post_disaster.png,2,1034,20,10780,00000380 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000380_pre_disaster.png,nepal-flooding_00000380_pre_disaster,0,0,tier3\masks\nepal-flooding_00000380_pre_disaster.png,0,0,32,14982,00000380 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000381_post_disaster.png,nepal-flooding_00000381_post_disaster,17,15607,tier3\masks\nepal-flooding_00000381_post_disaster.png,2,1181,121,134262,00000381 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000381_pre_disaster.png,nepal-flooding_00000381_pre_disaster,0,0,tier3\masks\nepal-flooding_00000381_pre_disaster.png,0,0,132,150922,00000381 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000382_post_disaster.png,nepal-flooding_00000382_post_disaster,6,6598,tier3\masks\nepal-flooding_00000382_post_disaster.png,0,0,86,65150,00000382 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000382_pre_disaster.png,nepal-flooding_00000382_pre_disaster,0,0,tier3\masks\nepal-flooding_00000382_pre_disaster.png,0,0,91,71731,00000382 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000383_post_disaster.png,nepal-flooding_00000383_post_disaster,24,24074,tier3\masks\nepal-flooding_00000383_post_disaster.png,0,0,68,69272,00000383 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000383_pre_disaster.png,nepal-flooding_00000383_pre_disaster,0,0,tier3\masks\nepal-flooding_00000383_pre_disaster.png,0,0,91,93192,00000383 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000384_post_disaster.png,nepal-flooding_00000384_post_disaster,4,2955,tier3\masks\nepal-flooding_00000384_post_disaster.png,0,0,0,0,00000384 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000384_pre_disaster.png,nepal-flooding_00000384_pre_disaster,0,0,tier3\masks\nepal-flooding_00000384_pre_disaster.png,0,0,4,2933,00000384 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000385_post_disaster.png,nepal-flooding_00000385_post_disaster,1,148,tier3\masks\nepal-flooding_00000385_post_disaster.png,0,0,84,64593,00000385 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000385_pre_disaster.png,nepal-flooding_00000385_pre_disaster,0,0,tier3\masks\nepal-flooding_00000385_pre_disaster.png,0,0,85,64805,00000385 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000386_post_disaster.png,nepal-flooding_00000386_post_disaster,12,24783,tier3\masks\nepal-flooding_00000386_post_disaster.png,4,4813,23,54924,00000386 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000386_pre_disaster.png,nepal-flooding_00000386_pre_disaster,0,0,tier3\masks\nepal-flooding_00000386_pre_disaster.png,0,0,33,84520,00000386 +1,69,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000387_post_disaster.png,nepal-flooding_00000387_post_disaster,10,9117,tier3\masks\nepal-flooding_00000387_post_disaster.png,16,13541,8,9101,00000387 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000387_pre_disaster.png,nepal-flooding_00000387_pre_disaster,0,0,tier3\masks\nepal-flooding_00000387_pre_disaster.png,0,0,21,31828,00000387 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000388_post_disaster.png,nepal-flooding_00000388_post_disaster,3,816,tier3\masks\nepal-flooding_00000388_post_disaster.png,0,0,86,65086,00000388 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000388_pre_disaster.png,nepal-flooding_00000388_pre_disaster,0,0,tier3\masks\nepal-flooding_00000388_pre_disaster.png,0,0,87,65832,00000388 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000389_post_disaster.png,nepal-flooding_00000389_post_disaster,0,0,tier3\masks\nepal-flooding_00000389_post_disaster.png,1,1039,0,0,00000389 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000389_pre_disaster.png,nepal-flooding_00000389_pre_disaster,0,0,tier3\masks\nepal-flooding_00000389_pre_disaster.png,0,0,1,1039,00000389 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000390_post_disaster.png,nepal-flooding_00000390_post_disaster,5,3845,tier3\masks\nepal-flooding_00000390_post_disaster.png,7,3006,50,40780,00000390 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000390_pre_disaster.png,nepal-flooding_00000390_pre_disaster,0,0,tier3\masks\nepal-flooding_00000390_pre_disaster.png,0,0,62,47492,00000390 +10,3610,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000391_post_disaster.png,nepal-flooding_00000391_post_disaster,3,965,tier3\masks\nepal-flooding_00000391_post_disaster.png,2,284,2,310,00000391 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000391_pre_disaster.png,nepal-flooding_00000391_pre_disaster,0,0,tier3\masks\nepal-flooding_00000391_pre_disaster.png,0,0,17,5157,00000391 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000392_post_disaster.png,nepal-flooding_00000392_post_disaster,0,0,tier3\masks\nepal-flooding_00000392_post_disaster.png,0,0,47,67882,00000392 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000392_pre_disaster.png,nepal-flooding_00000392_pre_disaster,0,0,tier3\masks\nepal-flooding_00000392_pre_disaster.png,0,0,49,67908,00000392 +1,390,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000393_post_disaster.png,nepal-flooding_00000393_post_disaster,4,4378,tier3\masks\nepal-flooding_00000393_post_disaster.png,5,2186,8,4035,00000393 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000393_pre_disaster.png,nepal-flooding_00000393_pre_disaster,0,0,tier3\masks\nepal-flooding_00000393_pre_disaster.png,0,0,18,11000,00000393 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000394_post_disaster.png,nepal-flooding_00000394_post_disaster,0,0,tier3\masks\nepal-flooding_00000394_post_disaster.png,11,5469,0,0,00000394 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000394_pre_disaster.png,nepal-flooding_00000394_pre_disaster,0,0,tier3\masks\nepal-flooding_00000394_pre_disaster.png,0,0,11,5469,00000394 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000395_post_disaster.png,nepal-flooding_00000395_post_disaster,0,0,tier3\masks\nepal-flooding_00000395_post_disaster.png,8,5228,0,0,00000395 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000395_pre_disaster.png,nepal-flooding_00000395_pre_disaster,0,0,tier3\masks\nepal-flooding_00000395_pre_disaster.png,0,0,8,5228,00000395 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000396_post_disaster.png,nepal-flooding_00000396_post_disaster,0,0,tier3\masks\nepal-flooding_00000396_post_disaster.png,2,1383,1,79,00000396 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000396_pre_disaster.png,nepal-flooding_00000396_pre_disaster,0,0,tier3\masks\nepal-flooding_00000396_pre_disaster.png,0,0,3,1448,00000396 +2,904,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000397_post_disaster.png,nepal-flooding_00000397_post_disaster,0,0,tier3\masks\nepal-flooding_00000397_post_disaster.png,6,4365,0,0,00000397 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000397_pre_disaster.png,nepal-flooding_00000397_pre_disaster,0,0,tier3\masks\nepal-flooding_00000397_pre_disaster.png,0,0,8,5277,00000397 +1,250,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000398_post_disaster.png,nepal-flooding_00000398_post_disaster,16,8378,tier3\masks\nepal-flooding_00000398_post_disaster.png,5,3049,68,35043,00000398 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000398_pre_disaster.png,nepal-flooding_00000398_pre_disaster,0,0,tier3\masks\nepal-flooding_00000398_pre_disaster.png,0,0,91,46511,00000398 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000399_post_disaster.png,nepal-flooding_00000399_post_disaster,0,0,tier3\masks\nepal-flooding_00000399_post_disaster.png,0,0,0,0,00000399 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000399_pre_disaster.png,nepal-flooding_00000399_pre_disaster,0,0,tier3\masks\nepal-flooding_00000399_pre_disaster.png,0,0,0,0,00000399 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000400_post_disaster.png,nepal-flooding_00000400_post_disaster,11,3463,tier3\masks\nepal-flooding_00000400_post_disaster.png,1,255,108,86099,00000400 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000400_pre_disaster.png,nepal-flooding_00000400_pre_disaster,0,0,tier3\masks\nepal-flooding_00000400_pre_disaster.png,0,0,125,89850,00000400 +1,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000401_post_disaster.png,nepal-flooding_00000401_post_disaster,2,869,tier3\masks\nepal-flooding_00000401_post_disaster.png,0,0,20,26247,00000401 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000401_pre_disaster.png,nepal-flooding_00000401_pre_disaster,0,0,tier3\masks\nepal-flooding_00000401_pre_disaster.png,0,0,23,27747,00000401 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000402_post_disaster.png,nepal-flooding_00000402_post_disaster,3,3053,tier3\masks\nepal-flooding_00000402_post_disaster.png,0,0,20,16539,00000402 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000402_pre_disaster.png,nepal-flooding_00000402_pre_disaster,0,0,tier3\masks\nepal-flooding_00000402_pre_disaster.png,0,0,22,19554,00000402 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000403_post_disaster.png,nepal-flooding_00000403_post_disaster,13,13497,tier3\masks\nepal-flooding_00000403_post_disaster.png,10,6792,29,20768,00000403 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000403_pre_disaster.png,nepal-flooding_00000403_pre_disaster,0,0,tier3\masks\nepal-flooding_00000403_pre_disaster.png,0,0,50,41057,00000403 +3,396,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000404_post_disaster.png,nepal-flooding_00000404_post_disaster,3,3020,tier3\masks\nepal-flooding_00000404_post_disaster.png,9,2557,11,5539,00000404 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000404_pre_disaster.png,nepal-flooding_00000404_pre_disaster,0,0,tier3\masks\nepal-flooding_00000404_pre_disaster.png,0,0,25,11512,00000404 +3,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000405_post_disaster.png,nepal-flooding_00000405_post_disaster,0,0,tier3\masks\nepal-flooding_00000405_post_disaster.png,0,0,0,0,00000405 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000405_pre_disaster.png,nepal-flooding_00000405_pre_disaster,0,0,tier3\masks\nepal-flooding_00000405_pre_disaster.png,0,0,3,306,00000405 +1,109,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000406_post_disaster.png,nepal-flooding_00000406_post_disaster,1,183,tier3\masks\nepal-flooding_00000406_post_disaster.png,0,0,0,0,00000406 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000406_pre_disaster.png,nepal-flooding_00000406_pre_disaster,0,0,tier3\masks\nepal-flooding_00000406_pre_disaster.png,0,0,2,302,00000406 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000407_post_disaster.png,nepal-flooding_00000407_post_disaster,2,495,tier3\masks\nepal-flooding_00000407_post_disaster.png,3,666,117,111925,00000407 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000407_pre_disaster.png,nepal-flooding_00000407_pre_disaster,0,0,tier3\masks\nepal-flooding_00000407_pre_disaster.png,0,0,122,113213,00000407 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000408_post_disaster.png,nepal-flooding_00000408_post_disaster,15,8653,tier3\masks\nepal-flooding_00000408_post_disaster.png,60,63932,7,2670,00000408 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000408_pre_disaster.png,nepal-flooding_00000408_pre_disaster,0,0,tier3\masks\nepal-flooding_00000408_pre_disaster.png,0,0,77,75183,00000408 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000409_post_disaster.png,nepal-flooding_00000409_post_disaster,0,0,tier3\masks\nepal-flooding_00000409_post_disaster.png,4,1986,0,0,00000409 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000409_pre_disaster.png,nepal-flooding_00000409_pre_disaster,0,0,tier3\masks\nepal-flooding_00000409_pre_disaster.png,0,0,4,1986,00000409 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000410_post_disaster.png,nepal-flooding_00000410_post_disaster,3,5456,tier3\masks\nepal-flooding_00000410_post_disaster.png,0,0,103,172395,00000410 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000410_pre_disaster.png,nepal-flooding_00000410_pre_disaster,0,0,tier3\masks\nepal-flooding_00000410_pre_disaster.png,0,0,102,178113,00000410 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000411_post_disaster.png,nepal-flooding_00000411_post_disaster,1,896,tier3\masks\nepal-flooding_00000411_post_disaster.png,0,0,72,58992,00000411 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000411_pre_disaster.png,nepal-flooding_00000411_pre_disaster,0,0,tier3\masks\nepal-flooding_00000411_pre_disaster.png,0,0,72,59991,00000411 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000412_post_disaster.png,nepal-flooding_00000412_post_disaster,3,2718,tier3\masks\nepal-flooding_00000412_post_disaster.png,0,0,190,203367,00000412 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000412_pre_disaster.png,nepal-flooding_00000412_pre_disaster,0,0,tier3\masks\nepal-flooding_00000412_pre_disaster.png,0,0,194,206651,00000412 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000413_post_disaster.png,nepal-flooding_00000413_post_disaster,13,9871,tier3\masks\nepal-flooding_00000413_post_disaster.png,6,6444,15,12835,00000413 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000413_pre_disaster.png,nepal-flooding_00000413_pre_disaster,0,0,tier3\masks\nepal-flooding_00000413_pre_disaster.png,0,0,27,29342,00000413 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000414_post_disaster.png,nepal-flooding_00000414_post_disaster,0,0,tier3\masks\nepal-flooding_00000414_post_disaster.png,0,0,111,106007,00000414 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000414_pre_disaster.png,nepal-flooding_00000414_pre_disaster,0,0,tier3\masks\nepal-flooding_00000414_pre_disaster.png,0,0,111,106257,00000414 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000415_post_disaster.png,nepal-flooding_00000415_post_disaster,0,0,tier3\masks\nepal-flooding_00000415_post_disaster.png,12,2797,0,0,00000415 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000415_pre_disaster.png,nepal-flooding_00000415_pre_disaster,0,0,tier3\masks\nepal-flooding_00000415_pre_disaster.png,0,0,12,2796,00000415 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000416_post_disaster.png,nepal-flooding_00000416_post_disaster,9,8549,tier3\masks\nepal-flooding_00000416_post_disaster.png,5,7886,30,31657,00000416 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000416_pre_disaster.png,nepal-flooding_00000416_pre_disaster,0,0,tier3\masks\nepal-flooding_00000416_pre_disaster.png,0,0,39,48092,00000416 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000417_post_disaster.png,nepal-flooding_00000417_post_disaster,0,0,tier3\masks\nepal-flooding_00000417_post_disaster.png,1,128,0,0,00000417 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000417_pre_disaster.png,nepal-flooding_00000417_pre_disaster,0,0,tier3\masks\nepal-flooding_00000417_pre_disaster.png,0,0,1,128,00000417 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000418_post_disaster.png,nepal-flooding_00000418_post_disaster,14,16110,tier3\masks\nepal-flooding_00000418_post_disaster.png,0,0,127,222846,00000418 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000418_pre_disaster.png,nepal-flooding_00000418_pre_disaster,0,0,tier3\masks\nepal-flooding_00000418_pre_disaster.png,0,0,135,238484,00000418 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000419_post_disaster.png,nepal-flooding_00000419_post_disaster,0,0,tier3\masks\nepal-flooding_00000419_post_disaster.png,4,827,0,0,00000419 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000419_pre_disaster.png,nepal-flooding_00000419_pre_disaster,0,0,tier3\masks\nepal-flooding_00000419_pre_disaster.png,0,0,4,828,00000419 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000420_post_disaster.png,nepal-flooding_00000420_post_disaster,0,0,tier3\masks\nepal-flooding_00000420_post_disaster.png,0,0,0,0,00000420 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000420_pre_disaster.png,nepal-flooding_00000420_pre_disaster,0,0,tier3\masks\nepal-flooding_00000420_pre_disaster.png,0,0,0,0,00000420 +1,327,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000421_post_disaster.png,nepal-flooding_00000421_post_disaster,56,88889,tier3\masks\nepal-flooding_00000421_post_disaster.png,18,14378,0,0,00000421 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000421_pre_disaster.png,nepal-flooding_00000421_pre_disaster,0,0,tier3\masks\nepal-flooding_00000421_pre_disaster.png,0,0,73,103607,00000421 +1,360,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000422_post_disaster.png,nepal-flooding_00000422_post_disaster,0,0,tier3\masks\nepal-flooding_00000422_post_disaster.png,11,6310,0,0,00000422 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000422_pre_disaster.png,nepal-flooding_00000422_pre_disaster,0,0,tier3\masks\nepal-flooding_00000422_pre_disaster.png,0,0,10,6715,00000422 +5,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000423_post_disaster.png,nepal-flooding_00000423_post_disaster,0,0,tier3\masks\nepal-flooding_00000423_post_disaster.png,12,6934,2,489,00000423 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000423_pre_disaster.png,nepal-flooding_00000423_pre_disaster,0,0,tier3\masks\nepal-flooding_00000423_pre_disaster.png,0,0,16,7989,00000423 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000424_post_disaster.png,nepal-flooding_00000424_post_disaster,0,0,tier3\masks\nepal-flooding_00000424_post_disaster.png,0,0,26,27240,00000424 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000424_pre_disaster.png,nepal-flooding_00000424_pre_disaster,0,0,tier3\masks\nepal-flooding_00000424_pre_disaster.png,0,0,27,27425,00000424 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000425_post_disaster.png,nepal-flooding_00000425_post_disaster,8,6544,tier3\masks\nepal-flooding_00000425_post_disaster.png,9,7628,56,40228,00000425 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000425_pre_disaster.png,nepal-flooding_00000425_pre_disaster,0,0,tier3\masks\nepal-flooding_00000425_pre_disaster.png,0,0,70,54427,00000425 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000426_post_disaster.png,nepal-flooding_00000426_post_disaster,0,0,tier3\masks\nepal-flooding_00000426_post_disaster.png,21,22201,0,0,00000426 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000426_pre_disaster.png,nepal-flooding_00000426_pre_disaster,0,0,tier3\masks\nepal-flooding_00000426_pre_disaster.png,0,0,21,22361,00000426 +2,555,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000427_post_disaster.png,nepal-flooding_00000427_post_disaster,61,49003,tier3\masks\nepal-flooding_00000427_post_disaster.png,4,2144,60,68469,00000427 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000427_pre_disaster.png,nepal-flooding_00000427_pre_disaster,0,0,tier3\masks\nepal-flooding_00000427_pre_disaster.png,0,0,119,120427,00000427 +4,705,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000428_post_disaster.png,nepal-flooding_00000428_post_disaster,0,0,tier3\masks\nepal-flooding_00000428_post_disaster.png,7,1099,23,6340,00000428 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000428_pre_disaster.png,nepal-flooding_00000428_pre_disaster,0,0,tier3\masks\nepal-flooding_00000428_pre_disaster.png,0,0,34,8083,00000428 +2,481,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000429_post_disaster.png,nepal-flooding_00000429_post_disaster,0,0,tier3\masks\nepal-flooding_00000429_post_disaster.png,38,47111,3,1481,00000429 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000429_pre_disaster.png,nepal-flooding_00000429_pre_disaster,0,0,tier3\masks\nepal-flooding_00000429_pre_disaster.png,0,0,43,49121,00000429 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000430_post_disaster.png,nepal-flooding_00000430_post_disaster,0,0,tier3\masks\nepal-flooding_00000430_post_disaster.png,0,0,0,0,00000430 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000430_pre_disaster.png,nepal-flooding_00000430_pre_disaster,0,0,tier3\masks\nepal-flooding_00000430_pre_disaster.png,0,0,0,0,00000430 +1,173,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000431_post_disaster.png,nepal-flooding_00000431_post_disaster,14,8396,tier3\masks\nepal-flooding_00000431_post_disaster.png,5,3569,36,17824,00000431 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000431_pre_disaster.png,nepal-flooding_00000431_pre_disaster,0,0,tier3\masks\nepal-flooding_00000431_pre_disaster.png,0,0,55,29979,00000431 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000432_post_disaster.png,nepal-flooding_00000432_post_disaster,0,0,tier3\masks\nepal-flooding_00000432_post_disaster.png,0,0,0,0,00000432 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000432_pre_disaster.png,nepal-flooding_00000432_pre_disaster,0,0,tier3\masks\nepal-flooding_00000432_pre_disaster.png,0,0,0,0,00000432 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000433_post_disaster.png,nepal-flooding_00000433_post_disaster,0,0,tier3\masks\nepal-flooding_00000433_post_disaster.png,0,0,121,124187,00000433 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000433_pre_disaster.png,nepal-flooding_00000433_pre_disaster,0,0,tier3\masks\nepal-flooding_00000433_pre_disaster.png,0,0,116,124079,00000433 +1,175,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000434_post_disaster.png,nepal-flooding_00000434_post_disaster,6,4095,tier3\masks\nepal-flooding_00000434_post_disaster.png,0,0,34,24501,00000434 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000434_pre_disaster.png,nepal-flooding_00000434_pre_disaster,0,0,tier3\masks\nepal-flooding_00000434_pre_disaster.png,0,0,41,28947,00000434 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000435_post_disaster.png,nepal-flooding_00000435_post_disaster,0,0,tier3\masks\nepal-flooding_00000435_post_disaster.png,0,0,0,0,00000435 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000435_pre_disaster.png,nepal-flooding_00000435_pre_disaster,0,0,tier3\masks\nepal-flooding_00000435_pre_disaster.png,0,0,0,0,00000435 +2,226,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000436_post_disaster.png,nepal-flooding_00000436_post_disaster,29,19734,tier3\masks\nepal-flooding_00000436_post_disaster.png,47,24170,53,38499,00000436 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000436_pre_disaster.png,nepal-flooding_00000436_pre_disaster,0,0,tier3\masks\nepal-flooding_00000436_pre_disaster.png,0,0,103,82727,00000436 +1,93,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000437_post_disaster.png,nepal-flooding_00000437_post_disaster,12,6431,tier3\masks\nepal-flooding_00000437_post_disaster.png,1,534,10,9300,00000437 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000437_pre_disaster.png,nepal-flooding_00000437_pre_disaster,0,0,tier3\masks\nepal-flooding_00000437_pre_disaster.png,0,0,18,16382,00000437 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000438_post_disaster.png,nepal-flooding_00000438_post_disaster,2,516,tier3\masks\nepal-flooding_00000438_post_disaster.png,0,0,54,93660,00000438 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000438_pre_disaster.png,nepal-flooding_00000438_pre_disaster,0,0,tier3\masks\nepal-flooding_00000438_pre_disaster.png,0,0,55,94138,00000438 +1,262,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000439_post_disaster.png,nepal-flooding_00000439_post_disaster,5,979,tier3\masks\nepal-flooding_00000439_post_disaster.png,30,16671,15,3910,00000439 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000439_pre_disaster.png,nepal-flooding_00000439_pre_disaster,0,0,tier3\masks\nepal-flooding_00000439_pre_disaster.png,0,0,49,21887,00000439 +1,99,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000440_post_disaster.png,nepal-flooding_00000440_post_disaster,0,0,tier3\masks\nepal-flooding_00000440_post_disaster.png,0,0,0,0,00000440 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000440_pre_disaster.png,nepal-flooding_00000440_pre_disaster,0,0,tier3\masks\nepal-flooding_00000440_pre_disaster.png,0,0,1,99,00000440 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000441_post_disaster.png,nepal-flooding_00000441_post_disaster,0,0,tier3\masks\nepal-flooding_00000441_post_disaster.png,1,172,15,16697,00000441 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000441_pre_disaster.png,nepal-flooding_00000441_pre_disaster,0,0,tier3\masks\nepal-flooding_00000441_pre_disaster.png,0,0,16,16781,00000441 +22,3513,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000442_post_disaster.png,nepal-flooding_00000442_post_disaster,0,0,tier3\masks\nepal-flooding_00000442_post_disaster.png,1,292,0,0,00000442 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000442_pre_disaster.png,nepal-flooding_00000442_pre_disaster,0,0,tier3\masks\nepal-flooding_00000442_pre_disaster.png,0,0,23,3754,00000442 +6,559,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000443_post_disaster.png,nepal-flooding_00000443_post_disaster,18,9721,tier3\masks\nepal-flooding_00000443_post_disaster.png,34,14307,42,26404,00000443 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000443_pre_disaster.png,nepal-flooding_00000443_pre_disaster,0,0,tier3\masks\nepal-flooding_00000443_pre_disaster.png,0,0,87,51035,00000443 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000444_post_disaster.png,nepal-flooding_00000444_post_disaster,0,0,tier3\masks\nepal-flooding_00000444_post_disaster.png,8,1421,0,0,00000444 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000444_pre_disaster.png,nepal-flooding_00000444_pre_disaster,0,0,tier3\masks\nepal-flooding_00000444_pre_disaster.png,0,0,8,1415,00000444 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000445_post_disaster.png,nepal-flooding_00000445_post_disaster,8,3597,tier3\masks\nepal-flooding_00000445_post_disaster.png,4,1660,5,1079,00000445 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000445_pre_disaster.png,nepal-flooding_00000445_pre_disaster,0,0,tier3\masks\nepal-flooding_00000445_pre_disaster.png,0,0,16,6359,00000445 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000446_post_disaster.png,nepal-flooding_00000446_post_disaster,0,0,tier3\masks\nepal-flooding_00000446_post_disaster.png,1,383,0,0,00000446 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000446_pre_disaster.png,nepal-flooding_00000446_pre_disaster,0,0,tier3\masks\nepal-flooding_00000446_pre_disaster.png,0,0,1,389,00000446 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000447_post_disaster.png,nepal-flooding_00000447_post_disaster,3,2585,tier3\masks\nepal-flooding_00000447_post_disaster.png,0,0,16,16925,00000447 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000447_pre_disaster.png,nepal-flooding_00000447_pre_disaster,0,0,tier3\masks\nepal-flooding_00000447_pre_disaster.png,0,0,21,19487,00000447 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000448_post_disaster.png,nepal-flooding_00000448_post_disaster,5,3556,tier3\masks\nepal-flooding_00000448_post_disaster.png,2,200,38,67270,00000448 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000448_pre_disaster.png,nepal-flooding_00000448_pre_disaster,0,0,tier3\masks\nepal-flooding_00000448_pre_disaster.png,0,0,46,70898,00000448 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000449_post_disaster.png,nepal-flooding_00000449_post_disaster,1,1330,tier3\masks\nepal-flooding_00000449_post_disaster.png,0,0,1,110,00000449 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000449_pre_disaster.png,nepal-flooding_00000449_pre_disaster,0,0,tier3\masks\nepal-flooding_00000449_pre_disaster.png,0,0,2,1427,00000449 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000450_post_disaster.png,nepal-flooding_00000450_post_disaster,0,0,tier3\masks\nepal-flooding_00000450_post_disaster.png,5,1059,0,0,00000450 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000450_pre_disaster.png,nepal-flooding_00000450_pre_disaster,0,0,tier3\masks\nepal-flooding_00000450_pre_disaster.png,0,0,5,1058,00000450 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000451_post_disaster.png,nepal-flooding_00000451_post_disaster,2,1881,tier3\masks\nepal-flooding_00000451_post_disaster.png,1,194,67,100986,00000451 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000451_pre_disaster.png,nepal-flooding_00000451_pre_disaster,0,0,tier3\masks\nepal-flooding_00000451_pre_disaster.png,0,0,69,103086,00000451 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000452_post_disaster.png,nepal-flooding_00000452_post_disaster,1,137,tier3\masks\nepal-flooding_00000452_post_disaster.png,0,0,79,57535,00000452 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000452_pre_disaster.png,nepal-flooding_00000452_pre_disaster,0,0,tier3\masks\nepal-flooding_00000452_pre_disaster.png,0,0,79,57769,00000452 +2,197,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000453_post_disaster.png,nepal-flooding_00000453_post_disaster,0,0,tier3\masks\nepal-flooding_00000453_post_disaster.png,3,5219,5,1637,00000453 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000453_pre_disaster.png,nepal-flooding_00000453_pre_disaster,0,0,tier3\masks\nepal-flooding_00000453_pre_disaster.png,0,0,10,7028,00000453 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000454_post_disaster.png,nepal-flooding_00000454_post_disaster,0,0,tier3\masks\nepal-flooding_00000454_post_disaster.png,2,298,0,0,00000454 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000454_pre_disaster.png,nepal-flooding_00000454_pre_disaster,0,0,tier3\masks\nepal-flooding_00000454_pre_disaster.png,0,0,2,288,00000454 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000455_post_disaster.png,nepal-flooding_00000455_post_disaster,3,2388,tier3\masks\nepal-flooding_00000455_post_disaster.png,0,0,81,93157,00000455 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000455_pre_disaster.png,nepal-flooding_00000455_pre_disaster,0,0,tier3\masks\nepal-flooding_00000455_pre_disaster.png,0,0,83,95456,00000455 +2,311,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000456_post_disaster.png,nepal-flooding_00000456_post_disaster,10,5981,tier3\masks\nepal-flooding_00000456_post_disaster.png,7,3015,18,14772,00000456 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000456_pre_disaster.png,nepal-flooding_00000456_pre_disaster,0,0,tier3\masks\nepal-flooding_00000456_pre_disaster.png,0,0,36,24082,00000456 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000457_post_disaster.png,nepal-flooding_00000457_post_disaster,0,0,tier3\masks\nepal-flooding_00000457_post_disaster.png,0,0,177,95719,00000457 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000457_pre_disaster.png,nepal-flooding_00000457_pre_disaster,0,0,tier3\masks\nepal-flooding_00000457_pre_disaster.png,0,0,184,95329,00000457 +1,65,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000458_post_disaster.png,nepal-flooding_00000458_post_disaster,0,0,tier3\masks\nepal-flooding_00000458_post_disaster.png,6,933,0,0,00000458 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000458_pre_disaster.png,nepal-flooding_00000458_pre_disaster,0,0,tier3\masks\nepal-flooding_00000458_pre_disaster.png,0,0,7,1009,00000458 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000459_post_disaster.png,nepal-flooding_00000459_post_disaster,0,0,tier3\masks\nepal-flooding_00000459_post_disaster.png,0,0,0,0,00000459 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000459_pre_disaster.png,nepal-flooding_00000459_pre_disaster,0,0,tier3\masks\nepal-flooding_00000459_pre_disaster.png,0,0,0,0,00000459 +1,73,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000460_post_disaster.png,nepal-flooding_00000460_post_disaster,4,1860,tier3\masks\nepal-flooding_00000460_post_disaster.png,0,0,85,78852,00000460 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000460_pre_disaster.png,nepal-flooding_00000460_pre_disaster,0,0,tier3\masks\nepal-flooding_00000460_pre_disaster.png,0,0,93,80820,00000460 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000461_post_disaster.png,nepal-flooding_00000461_post_disaster,0,0,tier3\masks\nepal-flooding_00000461_post_disaster.png,0,0,0,0,00000461 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000461_pre_disaster.png,nepal-flooding_00000461_pre_disaster,0,0,tier3\masks\nepal-flooding_00000461_pre_disaster.png,0,0,0,0,00000461 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000462_post_disaster.png,nepal-flooding_00000462_post_disaster,0,0,tier3\masks\nepal-flooding_00000462_post_disaster.png,13,5083,0,0,00000462 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000462_pre_disaster.png,nepal-flooding_00000462_pre_disaster,0,0,tier3\masks\nepal-flooding_00000462_pre_disaster.png,0,0,14,5185,00000462 +2,316,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000463_post_disaster.png,nepal-flooding_00000463_post_disaster,4,4128,tier3\masks\nepal-flooding_00000463_post_disaster.png,0,0,12,18807,00000463 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000463_pre_disaster.png,nepal-flooding_00000463_pre_disaster,0,0,tier3\masks\nepal-flooding_00000463_pre_disaster.png,0,0,12,23326,00000463 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000464_post_disaster.png,nepal-flooding_00000464_post_disaster,0,0,tier3\masks\nepal-flooding_00000464_post_disaster.png,0,0,3,998,00000464 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000464_pre_disaster.png,nepal-flooding_00000464_pre_disaster,0,0,tier3\masks\nepal-flooding_00000464_pre_disaster.png,0,0,3,1025,00000464 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000465_post_disaster.png,nepal-flooding_00000465_post_disaster,29,30984,tier3\masks\nepal-flooding_00000465_post_disaster.png,7,9284,95,105645,00000465 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000465_pre_disaster.png,nepal-flooding_00000465_pre_disaster,0,0,tier3\masks\nepal-flooding_00000465_pre_disaster.png,0,0,122,145903,00000465 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000466_post_disaster.png,nepal-flooding_00000466_post_disaster,1,2064,tier3\masks\nepal-flooding_00000466_post_disaster.png,0,0,107,88633,00000466 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000466_pre_disaster.png,nepal-flooding_00000466_pre_disaster,0,0,tier3\masks\nepal-flooding_00000466_pre_disaster.png,0,0,108,90666,00000466 +2,187,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000467_post_disaster.png,nepal-flooding_00000467_post_disaster,14,18435,tier3\masks\nepal-flooding_00000467_post_disaster.png,10,10785,58,53185,00000467 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000467_pre_disaster.png,nepal-flooding_00000467_pre_disaster,0,0,tier3\masks\nepal-flooding_00000467_pre_disaster.png,0,0,77,82455,00000467 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000468_post_disaster.png,nepal-flooding_00000468_post_disaster,0,0,tier3\masks\nepal-flooding_00000468_post_disaster.png,3,668,1,39,00000468 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000468_pre_disaster.png,nepal-flooding_00000468_pre_disaster,0,0,tier3\masks\nepal-flooding_00000468_pre_disaster.png,0,0,3,710,00000468 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000469_post_disaster.png,nepal-flooding_00000469_post_disaster,0,0,tier3\masks\nepal-flooding_00000469_post_disaster.png,0,0,10,3569,00000469 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000469_pre_disaster.png,nepal-flooding_00000469_pre_disaster,0,0,tier3\masks\nepal-flooding_00000469_pre_disaster.png,0,0,10,3575,00000469 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000470_post_disaster.png,nepal-flooding_00000470_post_disaster,6,8970,tier3\masks\nepal-flooding_00000470_post_disaster.png,0,0,58,89020,00000470 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000470_pre_disaster.png,nepal-flooding_00000470_pre_disaster,0,0,tier3\masks\nepal-flooding_00000470_pre_disaster.png,0,0,61,98221,00000470 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000471_post_disaster.png,nepal-flooding_00000471_post_disaster,2,770,tier3\masks\nepal-flooding_00000471_post_disaster.png,0,0,65,53508,00000471 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000471_pre_disaster.png,nepal-flooding_00000471_pre_disaster,0,0,tier3\masks\nepal-flooding_00000471_pre_disaster.png,0,0,65,54273,00000471 +1,144,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000472_post_disaster.png,nepal-flooding_00000472_post_disaster,0,0,tier3\masks\nepal-flooding_00000472_post_disaster.png,4,2975,6,1733,00000472 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000472_pre_disaster.png,nepal-flooding_00000472_pre_disaster,0,0,tier3\masks\nepal-flooding_00000472_pre_disaster.png,0,0,7,4905,00000472 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000473_post_disaster.png,nepal-flooding_00000473_post_disaster,7,2552,tier3\masks\nepal-flooding_00000473_post_disaster.png,13,7394,32,14191,00000473 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000473_pre_disaster.png,nepal-flooding_00000473_pre_disaster,0,0,tier3\masks\nepal-flooding_00000473_pre_disaster.png,0,0,47,24286,00000473 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000474_post_disaster.png,nepal-flooding_00000474_post_disaster,3,1793,tier3\masks\nepal-flooding_00000474_post_disaster.png,0,0,114,76477,00000474 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000474_pre_disaster.png,nepal-flooding_00000474_pre_disaster,0,0,tier3\masks\nepal-flooding_00000474_pre_disaster.png,0,0,113,78062,00000474 +4,1660,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000475_post_disaster.png,nepal-flooding_00000475_post_disaster,0,0,tier3\masks\nepal-flooding_00000475_post_disaster.png,0,0,28,19727,00000475 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000475_pre_disaster.png,nepal-flooding_00000475_pre_disaster,0,0,tier3\masks\nepal-flooding_00000475_pre_disaster.png,0,0,34,21223,00000475 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000476_post_disaster.png,nepal-flooding_00000476_post_disaster,53,38392,tier3\masks\nepal-flooding_00000476_post_disaster.png,6,3206,104,76328,00000476 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000476_pre_disaster.png,nepal-flooding_00000476_pre_disaster,0,0,tier3\masks\nepal-flooding_00000476_pre_disaster.png,0,0,150,118168,00000476 +3,366,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000477_post_disaster.png,nepal-flooding_00000477_post_disaster,0,0,tier3\masks\nepal-flooding_00000477_post_disaster.png,12,5955,1,393,00000477 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000477_pre_disaster.png,nepal-flooding_00000477_pre_disaster,0,0,tier3\masks\nepal-flooding_00000477_pre_disaster.png,0,0,16,6753,00000477 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000478_post_disaster.png,nepal-flooding_00000478_post_disaster,0,0,tier3\masks\nepal-flooding_00000478_post_disaster.png,0,0,24,27047,00000478 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000478_pre_disaster.png,nepal-flooding_00000478_pre_disaster,0,0,tier3\masks\nepal-flooding_00000478_pre_disaster.png,0,0,24,27005,00000478 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000479_post_disaster.png,nepal-flooding_00000479_post_disaster,0,0,tier3\masks\nepal-flooding_00000479_post_disaster.png,0,0,212,146350,00000479 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000479_pre_disaster.png,nepal-flooding_00000479_pre_disaster,0,0,tier3\masks\nepal-flooding_00000479_pre_disaster.png,0,0,217,146441,00000479 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000480_post_disaster.png,nepal-flooding_00000480_post_disaster,22,18405,tier3\masks\nepal-flooding_00000480_post_disaster.png,5,8610,186,139526,00000480 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000480_pre_disaster.png,nepal-flooding_00000480_pre_disaster,0,0,tier3\masks\nepal-flooding_00000480_pre_disaster.png,0,0,207,166238,00000480 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000481_post_disaster.png,nepal-flooding_00000481_post_disaster,1,1102,tier3\masks\nepal-flooding_00000481_post_disaster.png,0,0,23,8650,00000481 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000481_pre_disaster.png,nepal-flooding_00000481_pre_disaster,0,0,tier3\masks\nepal-flooding_00000481_pre_disaster.png,0,0,22,9700,00000481 +2,242,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000482_post_disaster.png,nepal-flooding_00000482_post_disaster,0,0,tier3\masks\nepal-flooding_00000482_post_disaster.png,11,5017,1,71,00000482 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000482_pre_disaster.png,nepal-flooding_00000482_pre_disaster,0,0,tier3\masks\nepal-flooding_00000482_pre_disaster.png,0,0,12,5267,00000482 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000483_post_disaster.png,nepal-flooding_00000483_post_disaster,0,0,tier3\masks\nepal-flooding_00000483_post_disaster.png,0,0,0,0,00000483 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000483_pre_disaster.png,nepal-flooding_00000483_pre_disaster,0,0,tier3\masks\nepal-flooding_00000483_pre_disaster.png,0,0,0,0,00000483 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000484_post_disaster.png,nepal-flooding_00000484_post_disaster,11,9347,tier3\masks\nepal-flooding_00000484_post_disaster.png,0,0,46,50227,00000484 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000484_pre_disaster.png,nepal-flooding_00000484_pre_disaster,0,0,tier3\masks\nepal-flooding_00000484_pre_disaster.png,0,0,55,59498,00000484 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000485_post_disaster.png,nepal-flooding_00000485_post_disaster,0,0,tier3\masks\nepal-flooding_00000485_post_disaster.png,0,0,96,97476,00000485 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000485_pre_disaster.png,nepal-flooding_00000485_pre_disaster,0,0,tier3\masks\nepal-flooding_00000485_pre_disaster.png,0,0,98,97251,00000485 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000486_post_disaster.png,nepal-flooding_00000486_post_disaster,0,0,tier3\masks\nepal-flooding_00000486_post_disaster.png,0,0,36,19744,00000486 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000486_pre_disaster.png,nepal-flooding_00000486_pre_disaster,0,0,tier3\masks\nepal-flooding_00000486_pre_disaster.png,0,0,35,19739,00000486 +2,743,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000487_post_disaster.png,nepal-flooding_00000487_post_disaster,16,17936,tier3\masks\nepal-flooding_00000487_post_disaster.png,1,1635,46,38038,00000487 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000487_pre_disaster.png,nepal-flooding_00000487_pre_disaster,0,0,tier3\masks\nepal-flooding_00000487_pre_disaster.png,0,0,64,58374,00000487 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000488_post_disaster.png,nepal-flooding_00000488_post_disaster,0,0,tier3\masks\nepal-flooding_00000488_post_disaster.png,3,738,15,5963,00000488 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000488_pre_disaster.png,nepal-flooding_00000488_pre_disaster,0,0,tier3\masks\nepal-flooding_00000488_pre_disaster.png,0,0,19,6676,00000488 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000489_post_disaster.png,nepal-flooding_00000489_post_disaster,24,13555,tier3\masks\nepal-flooding_00000489_post_disaster.png,16,9206,85,58606,00000489 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000489_pre_disaster.png,nepal-flooding_00000489_pre_disaster,0,0,tier3\masks\nepal-flooding_00000489_pre_disaster.png,0,0,112,81435,00000489 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000490_post_disaster.png,nepal-flooding_00000490_post_disaster,0,0,tier3\masks\nepal-flooding_00000490_post_disaster.png,1,36,47,38139,00000490 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000490_pre_disaster.png,nepal-flooding_00000490_pre_disaster,0,0,tier3\masks\nepal-flooding_00000490_pre_disaster.png,0,0,47,37941,00000490 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000491_post_disaster.png,nepal-flooding_00000491_post_disaster,3,3214,tier3\masks\nepal-flooding_00000491_post_disaster.png,8,2147,90,77758,00000491 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000491_pre_disaster.png,nepal-flooding_00000491_pre_disaster,0,0,tier3\masks\nepal-flooding_00000491_pre_disaster.png,0,0,92,83244,00000491 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000492_post_disaster.png,nepal-flooding_00000492_post_disaster,36,32348,tier3\masks\nepal-flooding_00000492_post_disaster.png,1,332,67,35678,00000492 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000492_pre_disaster.png,nepal-flooding_00000492_pre_disaster,0,0,tier3\masks\nepal-flooding_00000492_pre_disaster.png,0,0,97,68438,00000492 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000493_post_disaster.png,nepal-flooding_00000493_post_disaster,9,5123,tier3\masks\nepal-flooding_00000493_post_disaster.png,4,3055,67,78087,00000493 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000493_pre_disaster.png,nepal-flooding_00000493_pre_disaster,0,0,tier3\masks\nepal-flooding_00000493_pre_disaster.png,0,0,75,86213,00000493 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000494_post_disaster.png,nepal-flooding_00000494_post_disaster,0,0,tier3\masks\nepal-flooding_00000494_post_disaster.png,2,1127,15,7223,00000494 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000494_pre_disaster.png,nepal-flooding_00000494_pre_disaster,0,0,tier3\masks\nepal-flooding_00000494_pre_disaster.png,0,0,16,8302,00000494 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000495_post_disaster.png,nepal-flooding_00000495_post_disaster,0,0,tier3\masks\nepal-flooding_00000495_post_disaster.png,0,0,25,10898,00000495 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000495_pre_disaster.png,nepal-flooding_00000495_pre_disaster,0,0,tier3\masks\nepal-flooding_00000495_pre_disaster.png,0,0,23,10848,00000495 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000496_post_disaster.png,nepal-flooding_00000496_post_disaster,6,5854,tier3\masks\nepal-flooding_00000496_post_disaster.png,0,0,9,5023,00000496 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000496_pre_disaster.png,nepal-flooding_00000496_pre_disaster,0,0,tier3\masks\nepal-flooding_00000496_pre_disaster.png,0,0,15,10791,00000496 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000497_post_disaster.png,nepal-flooding_00000497_post_disaster,5,1414,tier3\masks\nepal-flooding_00000497_post_disaster.png,15,12725,5,2376,00000497 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000497_pre_disaster.png,nepal-flooding_00000497_pre_disaster,0,0,tier3\masks\nepal-flooding_00000497_pre_disaster.png,0,0,27,16399,00000497 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000498_post_disaster.png,nepal-flooding_00000498_post_disaster,11,3560,tier3\masks\nepal-flooding_00000498_post_disaster.png,1,398,38,29148,00000498 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000498_pre_disaster.png,nepal-flooding_00000498_pre_disaster,0,0,tier3\masks\nepal-flooding_00000498_pre_disaster.png,0,0,45,33403,00000498 +3,452,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000499_post_disaster.png,nepal-flooding_00000499_post_disaster,1,112,tier3\masks\nepal-flooding_00000499_post_disaster.png,12,4403,6,2328,00000499 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000499_pre_disaster.png,nepal-flooding_00000499_pre_disaster,0,0,tier3\masks\nepal-flooding_00000499_pre_disaster.png,0,0,19,7305,00000499 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000500_post_disaster.png,nepal-flooding_00000500_post_disaster,0,0,tier3\masks\nepal-flooding_00000500_post_disaster.png,5,1238,2,2288,00000500 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000500_pre_disaster.png,nepal-flooding_00000500_pre_disaster,0,0,tier3\masks\nepal-flooding_00000500_pre_disaster.png,0,0,7,3465,00000500 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000501_post_disaster.png,nepal-flooding_00000501_post_disaster,0,0,tier3\masks\nepal-flooding_00000501_post_disaster.png,1,1378,29,27795,00000501 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000501_pre_disaster.png,nepal-flooding_00000501_pre_disaster,0,0,tier3\masks\nepal-flooding_00000501_pre_disaster.png,0,0,32,29073,00000501 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000502_post_disaster.png,nepal-flooding_00000502_post_disaster,0,0,tier3\masks\nepal-flooding_00000502_post_disaster.png,0,0,0,0,00000502 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000502_pre_disaster.png,nepal-flooding_00000502_pre_disaster,0,0,tier3\masks\nepal-flooding_00000502_pre_disaster.png,0,0,0,0,00000502 +1,49,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000503_post_disaster.png,nepal-flooding_00000503_post_disaster,1,723,tier3\masks\nepal-flooding_00000503_post_disaster.png,0,0,19,11063,00000503 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000503_pre_disaster.png,nepal-flooding_00000503_pre_disaster,0,0,tier3\masks\nepal-flooding_00000503_pre_disaster.png,0,0,19,11815,00000503 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000504_post_disaster.png,nepal-flooding_00000504_post_disaster,0,0,tier3\masks\nepal-flooding_00000504_post_disaster.png,0,0,85,106436,00000504 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000504_pre_disaster.png,nepal-flooding_00000504_pre_disaster,0,0,tier3\masks\nepal-flooding_00000504_pre_disaster.png,0,0,89,106519,00000504 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000505_post_disaster.png,nepal-flooding_00000505_post_disaster,3,2719,tier3\masks\nepal-flooding_00000505_post_disaster.png,2,649,7,4342,00000505 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000505_pre_disaster.png,nepal-flooding_00000505_pre_disaster,0,0,tier3\masks\nepal-flooding_00000505_pre_disaster.png,0,0,9,8007,00000505 +3,824,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000506_post_disaster.png,nepal-flooding_00000506_post_disaster,0,0,tier3\masks\nepal-flooding_00000506_post_disaster.png,0,0,0,0,00000506 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000506_pre_disaster.png,nepal-flooding_00000506_pre_disaster,0,0,tier3\masks\nepal-flooding_00000506_pre_disaster.png,0,0,3,867,00000506 +3,547,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000507_post_disaster.png,nepal-flooding_00000507_post_disaster,1,842,tier3\masks\nepal-flooding_00000507_post_disaster.png,0,0,23,9707,00000507 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000507_pre_disaster.png,nepal-flooding_00000507_pre_disaster,0,0,tier3\masks\nepal-flooding_00000507_pre_disaster.png,0,0,27,11078,00000507 +3,355,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000508_post_disaster.png,nepal-flooding_00000508_post_disaster,15,10620,tier3\masks\nepal-flooding_00000508_post_disaster.png,1,167,35,23439,00000508 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000508_pre_disaster.png,nepal-flooding_00000508_pre_disaster,0,0,tier3\masks\nepal-flooding_00000508_pre_disaster.png,0,0,51,34544,00000508 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000509_post_disaster.png,nepal-flooding_00000509_post_disaster,35,32654,tier3\masks\nepal-flooding_00000509_post_disaster.png,17,18556,0,0,00000509 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000509_pre_disaster.png,nepal-flooding_00000509_pre_disaster,0,0,tier3\masks\nepal-flooding_00000509_pre_disaster.png,0,0,55,51142,00000509 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000510_post_disaster.png,nepal-flooding_00000510_post_disaster,0,0,tier3\masks\nepal-flooding_00000510_post_disaster.png,0,0,30,23593,00000510 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000510_pre_disaster.png,nepal-flooding_00000510_pre_disaster,0,0,tier3\masks\nepal-flooding_00000510_pre_disaster.png,0,0,33,23541,00000510 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000511_post_disaster.png,nepal-flooding_00000511_post_disaster,16,12354,tier3\masks\nepal-flooding_00000511_post_disaster.png,2,986,29,17709,00000511 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000511_pre_disaster.png,nepal-flooding_00000511_pre_disaster,0,0,tier3\masks\nepal-flooding_00000511_pre_disaster.png,0,0,46,30911,00000511 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000512_post_disaster.png,nepal-flooding_00000512_post_disaster,10,4517,tier3\masks\nepal-flooding_00000512_post_disaster.png,7,3162,3,863,00000512 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000512_pre_disaster.png,nepal-flooding_00000512_pre_disaster,0,0,tier3\masks\nepal-flooding_00000512_pre_disaster.png,0,0,17,8578,00000512 +1,147,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000513_post_disaster.png,nepal-flooding_00000513_post_disaster,1,473,tier3\masks\nepal-flooding_00000513_post_disaster.png,1,1235,38,23517,00000513 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000513_pre_disaster.png,nepal-flooding_00000513_pre_disaster,0,0,tier3\masks\nepal-flooding_00000513_pre_disaster.png,0,0,38,25410,00000513 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000514_post_disaster.png,nepal-flooding_00000514_post_disaster,9,6552,tier3\masks\nepal-flooding_00000514_post_disaster.png,1,285,93,94152,00000514 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000514_pre_disaster.png,nepal-flooding_00000514_pre_disaster,0,0,tier3\masks\nepal-flooding_00000514_pre_disaster.png,0,0,101,101450,00000514 +1,167,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000515_post_disaster.png,nepal-flooding_00000515_post_disaster,4,4269,tier3\masks\nepal-flooding_00000515_post_disaster.png,4,1228,7,6772,00000515 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000515_pre_disaster.png,nepal-flooding_00000515_pre_disaster,0,0,tier3\masks\nepal-flooding_00000515_pre_disaster.png,0,0,13,12424,00000515 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000516_post_disaster.png,nepal-flooding_00000516_post_disaster,38,31699,tier3\masks\nepal-flooding_00000516_post_disaster.png,13,18609,72,68520,00000516 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000516_pre_disaster.png,nepal-flooding_00000516_pre_disaster,0,0,tier3\masks\nepal-flooding_00000516_pre_disaster.png,0,0,111,119050,00000516 +3,299,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000517_post_disaster.png,nepal-flooding_00000517_post_disaster,0,0,tier3\masks\nepal-flooding_00000517_post_disaster.png,7,6963,0,0,00000517 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000517_pre_disaster.png,nepal-flooding_00000517_pre_disaster,0,0,tier3\masks\nepal-flooding_00000517_pre_disaster.png,0,0,8,7214,00000517 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000518_post_disaster.png,nepal-flooding_00000518_post_disaster,0,0,tier3\masks\nepal-flooding_00000518_post_disaster.png,0,0,3,1350,00000518 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000518_pre_disaster.png,nepal-flooding_00000518_pre_disaster,0,0,tier3\masks\nepal-flooding_00000518_pre_disaster.png,0,0,3,1349,00000518 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000519_post_disaster.png,nepal-flooding_00000519_post_disaster,0,0,tier3\masks\nepal-flooding_00000519_post_disaster.png,3,2206,26,13306,00000519 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000519_pre_disaster.png,nepal-flooding_00000519_pre_disaster,0,0,tier3\masks\nepal-flooding_00000519_pre_disaster.png,0,0,29,15515,00000519 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000520_post_disaster.png,nepal-flooding_00000520_post_disaster,1,667,tier3\masks\nepal-flooding_00000520_post_disaster.png,6,3822,0,0,00000520 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000520_pre_disaster.png,nepal-flooding_00000520_pre_disaster,0,0,tier3\masks\nepal-flooding_00000520_pre_disaster.png,0,0,7,4524,00000520 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000521_post_disaster.png,nepal-flooding_00000521_post_disaster,0,0,tier3\masks\nepal-flooding_00000521_post_disaster.png,2,479,0,0,00000521 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000521_pre_disaster.png,nepal-flooding_00000521_pre_disaster,0,0,tier3\masks\nepal-flooding_00000521_pre_disaster.png,0,0,2,479,00000521 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000522_post_disaster.png,nepal-flooding_00000522_post_disaster,19,14146,tier3\masks\nepal-flooding_00000522_post_disaster.png,1,767,12,3954,00000522 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000522_pre_disaster.png,nepal-flooding_00000522_pre_disaster,0,0,tier3\masks\nepal-flooding_00000522_pre_disaster.png,0,0,31,18923,00000522 +3,1732,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000523_post_disaster.png,nepal-flooding_00000523_post_disaster,0,0,tier3\masks\nepal-flooding_00000523_post_disaster.png,7,3877,0,0,00000523 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000523_pre_disaster.png,nepal-flooding_00000523_pre_disaster,0,0,tier3\masks\nepal-flooding_00000523_pre_disaster.png,0,0,10,5609,00000523 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000524_post_disaster.png,nepal-flooding_00000524_post_disaster,0,0,tier3\masks\nepal-flooding_00000524_post_disaster.png,0,0,0,0,00000524 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000524_pre_disaster.png,nepal-flooding_00000524_pre_disaster,0,0,tier3\masks\nepal-flooding_00000524_pre_disaster.png,0,0,0,0,00000524 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000525_post_disaster.png,nepal-flooding_00000525_post_disaster,12,7104,tier3\masks\nepal-flooding_00000525_post_disaster.png,0,0,161,172305,00000525 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000525_pre_disaster.png,nepal-flooding_00000525_pre_disaster,0,0,tier3\masks\nepal-flooding_00000525_pre_disaster.png,0,0,173,179411,00000525 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000526_post_disaster.png,nepal-flooding_00000526_post_disaster,11,4629,tier3\masks\nepal-flooding_00000526_post_disaster.png,1,1450,19,20212,00000526 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000526_pre_disaster.png,nepal-flooding_00000526_pre_disaster,0,0,tier3\masks\nepal-flooding_00000526_pre_disaster.png,0,0,25,26282,00000526 +2,254,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000527_post_disaster.png,nepal-flooding_00000527_post_disaster,4,3093,tier3\masks\nepal-flooding_00000527_post_disaster.png,0,0,87,125735,00000527 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000527_pre_disaster.png,nepal-flooding_00000527_pre_disaster,0,0,tier3\masks\nepal-flooding_00000527_pre_disaster.png,0,0,93,129074,00000527 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000528_post_disaster.png,nepal-flooding_00000528_post_disaster,1,1794,tier3\masks\nepal-flooding_00000528_post_disaster.png,0,0,3,1410,00000528 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000528_pre_disaster.png,nepal-flooding_00000528_pre_disaster,0,0,tier3\masks\nepal-flooding_00000528_pre_disaster.png,0,0,4,3227,00000528 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000529_post_disaster.png,nepal-flooding_00000529_post_disaster,0,0,tier3\masks\nepal-flooding_00000529_post_disaster.png,1,524,0,0,00000529 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000529_pre_disaster.png,nepal-flooding_00000529_pre_disaster,0,0,tier3\masks\nepal-flooding_00000529_pre_disaster.png,0,0,1,524,00000529 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000530_post_disaster.png,nepal-flooding_00000530_post_disaster,3,3944,tier3\masks\nepal-flooding_00000530_post_disaster.png,3,2820,56,57990,00000530 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000530_pre_disaster.png,nepal-flooding_00000530_pre_disaster,0,0,tier3\masks\nepal-flooding_00000530_pre_disaster.png,0,0,60,64757,00000530 +4,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000531_post_disaster.png,nepal-flooding_00000531_post_disaster,35,28762,tier3\masks\nepal-flooding_00000531_post_disaster.png,5,6415,210,179578,00000531 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000531_pre_disaster.png,nepal-flooding_00000531_pre_disaster,0,0,tier3\masks\nepal-flooding_00000531_pre_disaster.png,0,0,244,215516,00000531 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000532_post_disaster.png,nepal-flooding_00000532_post_disaster,0,0,tier3\masks\nepal-flooding_00000532_post_disaster.png,0,0,1,43,00000532 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000532_pre_disaster.png,nepal-flooding_00000532_pre_disaster,0,0,tier3\masks\nepal-flooding_00000532_pre_disaster.png,0,0,1,43,00000532 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000533_post_disaster.png,nepal-flooding_00000533_post_disaster,8,6624,tier3\masks\nepal-flooding_00000533_post_disaster.png,0,0,37,27438,00000533 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000533_pre_disaster.png,nepal-flooding_00000533_pre_disaster,0,0,tier3\masks\nepal-flooding_00000533_pre_disaster.png,0,0,41,34050,00000533 +2,543,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000534_post_disaster.png,nepal-flooding_00000534_post_disaster,2,1292,tier3\masks\nepal-flooding_00000534_post_disaster.png,4,3178,10,3149,00000534 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000534_pre_disaster.png,nepal-flooding_00000534_pre_disaster,0,0,tier3\masks\nepal-flooding_00000534_pre_disaster.png,0,0,12,8246,00000534 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000535_post_disaster.png,nepal-flooding_00000535_post_disaster,11,18283,tier3\masks\nepal-flooding_00000535_post_disaster.png,4,2431,18,11756,00000535 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000535_pre_disaster.png,nepal-flooding_00000535_pre_disaster,0,0,tier3\masks\nepal-flooding_00000535_pre_disaster.png,0,0,31,32470,00000535 +2,157,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000536_post_disaster.png,nepal-flooding_00000536_post_disaster,2,755,tier3\masks\nepal-flooding_00000536_post_disaster.png,9,9002,2,3751,00000536 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000536_pre_disaster.png,nepal-flooding_00000536_pre_disaster,0,0,tier3\masks\nepal-flooding_00000536_pre_disaster.png,0,0,12,13658,00000536 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000537_post_disaster.png,nepal-flooding_00000537_post_disaster,3,1949,tier3\masks\nepal-flooding_00000537_post_disaster.png,2,1388,40,53889,00000537 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000537_pre_disaster.png,nepal-flooding_00000537_pre_disaster,0,0,tier3\masks\nepal-flooding_00000537_pre_disaster.png,0,0,45,57216,00000537 +2,251,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000538_post_disaster.png,nepal-flooding_00000538_post_disaster,0,0,tier3\masks\nepal-flooding_00000538_post_disaster.png,5,3644,1,27,00000538 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000538_pre_disaster.png,nepal-flooding_00000538_pre_disaster,0,0,tier3\masks\nepal-flooding_00000538_pre_disaster.png,0,0,8,3925,00000538 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000539_post_disaster.png,nepal-flooding_00000539_post_disaster,0,0,tier3\masks\nepal-flooding_00000539_post_disaster.png,0,0,0,0,00000539 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000539_pre_disaster.png,nepal-flooding_00000539_pre_disaster,0,0,tier3\masks\nepal-flooding_00000539_pre_disaster.png,0,0,0,0,00000539 +1,247,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000540_post_disaster.png,nepal-flooding_00000540_post_disaster,0,0,tier3\masks\nepal-flooding_00000540_post_disaster.png,8,6786,0,0,00000540 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000540_pre_disaster.png,nepal-flooding_00000540_pre_disaster,0,0,tier3\masks\nepal-flooding_00000540_pre_disaster.png,0,0,9,7033,00000540 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000541_post_disaster.png,nepal-flooding_00000541_post_disaster,24,12146,tier3\masks\nepal-flooding_00000541_post_disaster.png,2,1572,0,0,00000541 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000541_pre_disaster.png,nepal-flooding_00000541_pre_disaster,0,0,tier3\masks\nepal-flooding_00000541_pre_disaster.png,0,0,26,13718,00000541 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000542_post_disaster.png,nepal-flooding_00000542_post_disaster,0,0,tier3\masks\nepal-flooding_00000542_post_disaster.png,0,0,0,0,00000542 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000542_pre_disaster.png,nepal-flooding_00000542_pre_disaster,0,0,tier3\masks\nepal-flooding_00000542_pre_disaster.png,0,0,0,0,00000542 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000543_post_disaster.png,nepal-flooding_00000543_post_disaster,5,5932,tier3\masks\nepal-flooding_00000543_post_disaster.png,0,0,24,32449,00000543 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000543_pre_disaster.png,nepal-flooding_00000543_pre_disaster,0,0,tier3\masks\nepal-flooding_00000543_pre_disaster.png,0,0,25,38377,00000543 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000544_post_disaster.png,nepal-flooding_00000544_post_disaster,7,7253,tier3\masks\nepal-flooding_00000544_post_disaster.png,7,6606,9,3039,00000544 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000544_pre_disaster.png,nepal-flooding_00000544_pre_disaster,0,0,tier3\masks\nepal-flooding_00000544_pre_disaster.png,0,0,22,16898,00000544 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000545_post_disaster.png,nepal-flooding_00000545_post_disaster,0,0,tier3\masks\nepal-flooding_00000545_post_disaster.png,3,631,0,0,00000545 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000545_pre_disaster.png,nepal-flooding_00000545_pre_disaster,0,0,tier3\masks\nepal-flooding_00000545_pre_disaster.png,0,0,3,631,00000545 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000546_post_disaster.png,nepal-flooding_00000546_post_disaster,0,0,tier3\masks\nepal-flooding_00000546_post_disaster.png,0,0,53,53980,00000546 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000546_pre_disaster.png,nepal-flooding_00000546_pre_disaster,0,0,tier3\masks\nepal-flooding_00000546_pre_disaster.png,0,0,53,54018,00000546 +2,333,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000547_post_disaster.png,nepal-flooding_00000547_post_disaster,0,0,tier3\masks\nepal-flooding_00000547_post_disaster.png,3,1857,0,0,00000547 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000547_pre_disaster.png,nepal-flooding_00000547_pre_disaster,0,0,tier3\masks\nepal-flooding_00000547_pre_disaster.png,0,0,5,2190,00000547 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000548_post_disaster.png,nepal-flooding_00000548_post_disaster,8,3545,tier3\masks\nepal-flooding_00000548_post_disaster.png,0,0,77,56918,00000548 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000548_pre_disaster.png,nepal-flooding_00000548_pre_disaster,0,0,tier3\masks\nepal-flooding_00000548_pre_disaster.png,0,0,84,60147,00000548 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000549_post_disaster.png,nepal-flooding_00000549_post_disaster,0,0,tier3\masks\nepal-flooding_00000549_post_disaster.png,1,457,0,0,00000549 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000549_pre_disaster.png,nepal-flooding_00000549_pre_disaster,0,0,tier3\masks\nepal-flooding_00000549_pre_disaster.png,0,0,1,457,00000549 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000550_post_disaster.png,nepal-flooding_00000550_post_disaster,10,6174,tier3\masks\nepal-flooding_00000550_post_disaster.png,0,0,87,67942,00000550 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000550_pre_disaster.png,nepal-flooding_00000550_pre_disaster,0,0,tier3\masks\nepal-flooding_00000550_pre_disaster.png,0,0,96,74145,00000550 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000551_post_disaster.png,nepal-flooding_00000551_post_disaster,16,20162,tier3\masks\nepal-flooding_00000551_post_disaster.png,8,5812,28,21923,00000551 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000551_pre_disaster.png,nepal-flooding_00000551_pre_disaster,0,0,tier3\masks\nepal-flooding_00000551_pre_disaster.png,0,0,43,48114,00000551 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000552_post_disaster.png,nepal-flooding_00000552_post_disaster,9,3965,tier3\masks\nepal-flooding_00000552_post_disaster.png,7,6273,3,1927,00000552 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000552_pre_disaster.png,nepal-flooding_00000552_pre_disaster,0,0,tier3\masks\nepal-flooding_00000552_pre_disaster.png,0,0,17,12165,00000552 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000553_post_disaster.png,nepal-flooding_00000553_post_disaster,3,2899,tier3\masks\nepal-flooding_00000553_post_disaster.png,0,0,76,85567,00000553 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000553_pre_disaster.png,nepal-flooding_00000553_pre_disaster,0,0,tier3\masks\nepal-flooding_00000553_pre_disaster.png,0,0,83,88473,00000553 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000554_post_disaster.png,nepal-flooding_00000554_post_disaster,10,10514,tier3\masks\nepal-flooding_00000554_post_disaster.png,2,2546,119,110368,00000554 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000554_pre_disaster.png,nepal-flooding_00000554_pre_disaster,0,0,tier3\masks\nepal-flooding_00000554_pre_disaster.png,0,0,130,123499,00000554 +2,659,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000555_post_disaster.png,nepal-flooding_00000555_post_disaster,6,8118,tier3\masks\nepal-flooding_00000555_post_disaster.png,4,4421,9,9316,00000555 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000555_pre_disaster.png,nepal-flooding_00000555_pre_disaster,0,0,tier3\masks\nepal-flooding_00000555_pre_disaster.png,0,0,21,22610,00000555 +1,74,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000556_post_disaster.png,nepal-flooding_00000556_post_disaster,9,4582,tier3\masks\nepal-flooding_00000556_post_disaster.png,3,897,10,6823,00000556 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000556_pre_disaster.png,nepal-flooding_00000556_pre_disaster,0,0,tier3\masks\nepal-flooding_00000556_pre_disaster.png,0,0,22,12443,00000556 +1,672,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000557_post_disaster.png,nepal-flooding_00000557_post_disaster,5,1945,tier3\masks\nepal-flooding_00000557_post_disaster.png,3,1461,9,9400,00000557 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000557_pre_disaster.png,nepal-flooding_00000557_pre_disaster,0,0,tier3\masks\nepal-flooding_00000557_pre_disaster.png,0,0,18,13475,00000557 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000558_post_disaster.png,nepal-flooding_00000558_post_disaster,1,482,tier3\masks\nepal-flooding_00000558_post_disaster.png,0,0,1,182,00000558 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000558_pre_disaster.png,nepal-flooding_00000558_pre_disaster,0,0,tier3\masks\nepal-flooding_00000558_pre_disaster.png,0,0,2,664,00000558 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000559_post_disaster.png,nepal-flooding_00000559_post_disaster,0,0,tier3\masks\nepal-flooding_00000559_post_disaster.png,0,0,1,744,00000559 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000559_pre_disaster.png,nepal-flooding_00000559_pre_disaster,0,0,tier3\masks\nepal-flooding_00000559_pre_disaster.png,0,0,1,757,00000559 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000560_post_disaster.png,nepal-flooding_00000560_post_disaster,14,16844,tier3\masks\nepal-flooding_00000560_post_disaster.png,0,0,56,57637,00000560 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000560_pre_disaster.png,nepal-flooding_00000560_pre_disaster,0,0,tier3\masks\nepal-flooding_00000560_pre_disaster.png,0,0,66,74594,00000560 +1,135,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000561_post_disaster.png,nepal-flooding_00000561_post_disaster,0,0,tier3\masks\nepal-flooding_00000561_post_disaster.png,4,1447,0,0,00000561 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000561_pre_disaster.png,nepal-flooding_00000561_pre_disaster,0,0,tier3\masks\nepal-flooding_00000561_pre_disaster.png,0,0,5,1582,00000561 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000562_post_disaster.png,nepal-flooding_00000562_post_disaster,0,0,tier3\masks\nepal-flooding_00000562_post_disaster.png,0,0,0,0,00000562 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000562_pre_disaster.png,nepal-flooding_00000562_pre_disaster,0,0,tier3\masks\nepal-flooding_00000562_pre_disaster.png,0,0,0,0,00000562 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000563_post_disaster.png,nepal-flooding_00000563_post_disaster,54,51508,tier3\masks\nepal-flooding_00000563_post_disaster.png,11,10135,28,32516,00000563 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000563_pre_disaster.png,nepal-flooding_00000563_pre_disaster,0,0,tier3\masks\nepal-flooding_00000563_pre_disaster.png,0,0,84,94205,00000563 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000564_post_disaster.png,nepal-flooding_00000564_post_disaster,28,27001,tier3\masks\nepal-flooding_00000564_post_disaster.png,3,1656,141,202203,00000564 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000564_pre_disaster.png,nepal-flooding_00000564_pre_disaster,0,0,tier3\masks\nepal-flooding_00000564_pre_disaster.png,0,0,171,230895,00000564 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000565_post_disaster.png,nepal-flooding_00000565_post_disaster,6,3490,tier3\masks\nepal-flooding_00000565_post_disaster.png,2,420,1,883,00000565 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000565_pre_disaster.png,nepal-flooding_00000565_pre_disaster,0,0,tier3\masks\nepal-flooding_00000565_pre_disaster.png,0,0,8,4793,00000565 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000566_post_disaster.png,nepal-flooding_00000566_post_disaster,10,8330,tier3\masks\nepal-flooding_00000566_post_disaster.png,0,0,59,47224,00000566 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000566_pre_disaster.png,nepal-flooding_00000566_pre_disaster,0,0,tier3\masks\nepal-flooding_00000566_pre_disaster.png,0,0,68,55575,00000566 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000567_post_disaster.png,nepal-flooding_00000567_post_disaster,27,24682,tier3\masks\nepal-flooding_00000567_post_disaster.png,11,2996,79,55514,00000567 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000567_pre_disaster.png,nepal-flooding_00000567_pre_disaster,0,0,tier3\masks\nepal-flooding_00000567_pre_disaster.png,0,0,112,83305,00000567 +2,386,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000568_post_disaster.png,nepal-flooding_00000568_post_disaster,2,1433,tier3\masks\nepal-flooding_00000568_post_disaster.png,2,1533,9,5944,00000568 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000568_pre_disaster.png,nepal-flooding_00000568_pre_disaster,0,0,tier3\masks\nepal-flooding_00000568_pre_disaster.png,0,0,12,9313,00000568 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000569_post_disaster.png,nepal-flooding_00000569_post_disaster,0,0,tier3\masks\nepal-flooding_00000569_post_disaster.png,0,0,31,19582,00000569 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000569_pre_disaster.png,nepal-flooding_00000569_pre_disaster,0,0,tier3\masks\nepal-flooding_00000569_pre_disaster.png,0,0,31,19583,00000569 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000570_post_disaster.png,nepal-flooding_00000570_post_disaster,3,2266,tier3\masks\nepal-flooding_00000570_post_disaster.png,3,1289,0,0,00000570 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000570_pre_disaster.png,nepal-flooding_00000570_pre_disaster,0,0,tier3\masks\nepal-flooding_00000570_pre_disaster.png,0,0,6,3555,00000570 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000571_post_disaster.png,nepal-flooding_00000571_post_disaster,3,1695,tier3\masks\nepal-flooding_00000571_post_disaster.png,0,0,67,94361,00000571 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000571_pre_disaster.png,nepal-flooding_00000571_pre_disaster,0,0,tier3\masks\nepal-flooding_00000571_pre_disaster.png,0,0,69,96062,00000571 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000572_post_disaster.png,nepal-flooding_00000572_post_disaster,9,12230,tier3\masks\nepal-flooding_00000572_post_disaster.png,15,11843,9,13869,00000572 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000572_pre_disaster.png,nepal-flooding_00000572_pre_disaster,0,0,tier3\masks\nepal-flooding_00000572_pre_disaster.png,0,0,32,38029,00000572 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000573_post_disaster.png,nepal-flooding_00000573_post_disaster,0,0,tier3\masks\nepal-flooding_00000573_post_disaster.png,0,0,1,40,00000573 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000573_pre_disaster.png,nepal-flooding_00000573_pre_disaster,0,0,tier3\masks\nepal-flooding_00000573_pre_disaster.png,0,0,1,40,00000573 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000574_post_disaster.png,nepal-flooding_00000574_post_disaster,3,4403,tier3\masks\nepal-flooding_00000574_post_disaster.png,1,1182,18,21404,00000574 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000574_pre_disaster.png,nepal-flooding_00000574_pre_disaster,0,0,tier3\masks\nepal-flooding_00000574_pre_disaster.png,0,0,22,27014,00000574 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000575_post_disaster.png,nepal-flooding_00000575_post_disaster,29,31411,tier3\masks\nepal-flooding_00000575_post_disaster.png,6,1833,0,0,00000575 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000575_pre_disaster.png,nepal-flooding_00000575_pre_disaster,0,0,tier3\masks\nepal-flooding_00000575_pre_disaster.png,0,0,34,33233,00000575 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000576_post_disaster.png,nepal-flooding_00000576_post_disaster,13,9821,tier3\masks\nepal-flooding_00000576_post_disaster.png,8,7221,59,51682,00000576 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000576_pre_disaster.png,nepal-flooding_00000576_pre_disaster,0,0,tier3\masks\nepal-flooding_00000576_pre_disaster.png,0,0,75,68725,00000576 +1,149,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000577_post_disaster.png,nepal-flooding_00000577_post_disaster,0,0,tier3\masks\nepal-flooding_00000577_post_disaster.png,6,1843,0,0,00000577 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000577_pre_disaster.png,nepal-flooding_00000577_pre_disaster,0,0,tier3\masks\nepal-flooding_00000577_pre_disaster.png,0,0,7,1992,00000577 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000578_post_disaster.png,nepal-flooding_00000578_post_disaster,1,846,tier3\masks\nepal-flooding_00000578_post_disaster.png,0,0,27,24057,00000578 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000578_pre_disaster.png,nepal-flooding_00000578_pre_disaster,0,0,tier3\masks\nepal-flooding_00000578_pre_disaster.png,0,0,28,24943,00000578 +1,225,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000579_post_disaster.png,nepal-flooding_00000579_post_disaster,7,7898,tier3\masks\nepal-flooding_00000579_post_disaster.png,1,1180,6,7984,00000579 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000579_pre_disaster.png,nepal-flooding_00000579_pre_disaster,0,0,tier3\masks\nepal-flooding_00000579_pre_disaster.png,0,0,13,17305,00000579 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000580_post_disaster.png,nepal-flooding_00000580_post_disaster,0,0,tier3\masks\nepal-flooding_00000580_post_disaster.png,0,0,0,0,00000580 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000580_pre_disaster.png,nepal-flooding_00000580_pre_disaster,0,0,tier3\masks\nepal-flooding_00000580_pre_disaster.png,0,0,0,0,00000580 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000581_post_disaster.png,nepal-flooding_00000581_post_disaster,0,0,tier3\masks\nepal-flooding_00000581_post_disaster.png,1,407,0,0,00000581 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000581_pre_disaster.png,nepal-flooding_00000581_pre_disaster,0,0,tier3\masks\nepal-flooding_00000581_pre_disaster.png,0,0,1,407,00000581 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000582_post_disaster.png,nepal-flooding_00000582_post_disaster,0,0,tier3\masks\nepal-flooding_00000582_post_disaster.png,4,1878,1,47,00000582 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000582_pre_disaster.png,nepal-flooding_00000582_pre_disaster,0,0,tier3\masks\nepal-flooding_00000582_pre_disaster.png,0,0,5,1925,00000582 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000583_post_disaster.png,nepal-flooding_00000583_post_disaster,1,998,tier3\masks\nepal-flooding_00000583_post_disaster.png,2,979,2,518,00000583 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000583_pre_disaster.png,nepal-flooding_00000583_pre_disaster,0,0,tier3\masks\nepal-flooding_00000583_pre_disaster.png,0,0,5,2532,00000583 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000584_post_disaster.png,nepal-flooding_00000584_post_disaster,0,0,tier3\masks\nepal-flooding_00000584_post_disaster.png,0,0,272,200804,00000584 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000584_pre_disaster.png,nepal-flooding_00000584_pre_disaster,0,0,tier3\masks\nepal-flooding_00000584_pre_disaster.png,0,0,271,201155,00000584 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000585_post_disaster.png,nepal-flooding_00000585_post_disaster,8,4995,tier3\masks\nepal-flooding_00000585_post_disaster.png,0,0,62,40784,00000585 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000585_pre_disaster.png,nepal-flooding_00000585_pre_disaster,0,0,tier3\masks\nepal-flooding_00000585_pre_disaster.png,0,0,66,45791,00000585 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000586_post_disaster.png,nepal-flooding_00000586_post_disaster,2,599,tier3\masks\nepal-flooding_00000586_post_disaster.png,1,2438,1,325,00000586 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000586_pre_disaster.png,nepal-flooding_00000586_pre_disaster,0,0,tier3\masks\nepal-flooding_00000586_pre_disaster.png,0,0,4,3432,00000586 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000587_post_disaster.png,nepal-flooding_00000587_post_disaster,9,9607,tier3\masks\nepal-flooding_00000587_post_disaster.png,1,899,70,75056,00000587 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000587_pre_disaster.png,nepal-flooding_00000587_pre_disaster,0,0,tier3\masks\nepal-flooding_00000587_pre_disaster.png,0,0,79,85726,00000587 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000588_post_disaster.png,nepal-flooding_00000588_post_disaster,2,1038,tier3\masks\nepal-flooding_00000588_post_disaster.png,0,0,12,4272,00000588 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000588_pre_disaster.png,nepal-flooding_00000588_pre_disaster,0,0,tier3\masks\nepal-flooding_00000588_pre_disaster.png,0,0,14,5310,00000588 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000589_post_disaster.png,nepal-flooding_00000589_post_disaster,6,3302,tier3\masks\nepal-flooding_00000589_post_disaster.png,1,670,9,10503,00000589 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000589_pre_disaster.png,nepal-flooding_00000589_pre_disaster,0,0,tier3\masks\nepal-flooding_00000589_pre_disaster.png,0,0,13,14476,00000589 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000590_post_disaster.png,nepal-flooding_00000590_post_disaster,5,6262,tier3\masks\nepal-flooding_00000590_post_disaster.png,1,670,1,102,00000590 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000590_pre_disaster.png,nepal-flooding_00000590_pre_disaster,0,0,tier3\masks\nepal-flooding_00000590_pre_disaster.png,0,0,6,7043,00000590 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000591_post_disaster.png,nepal-flooding_00000591_post_disaster,0,0,tier3\masks\nepal-flooding_00000591_post_disaster.png,1,213,1,86,00000591 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000591_pre_disaster.png,nepal-flooding_00000591_pre_disaster,0,0,tier3\masks\nepal-flooding_00000591_pre_disaster.png,0,0,2,299,00000591 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000592_post_disaster.png,nepal-flooding_00000592_post_disaster,3,844,tier3\masks\nepal-flooding_00000592_post_disaster.png,0,0,8,3258,00000592 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000592_pre_disaster.png,nepal-flooding_00000592_pre_disaster,0,0,tier3\masks\nepal-flooding_00000592_pre_disaster.png,0,0,11,4109,00000592 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000593_post_disaster.png,nepal-flooding_00000593_post_disaster,0,0,tier3\masks\nepal-flooding_00000593_post_disaster.png,3,1995,0,0,00000593 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000593_pre_disaster.png,nepal-flooding_00000593_pre_disaster,0,0,tier3\masks\nepal-flooding_00000593_pre_disaster.png,0,0,3,1995,00000593 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000594_post_disaster.png,nepal-flooding_00000594_post_disaster,19,15984,tier3\masks\nepal-flooding_00000594_post_disaster.png,6,8620,55,49499,00000594 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000594_pre_disaster.png,nepal-flooding_00000594_pre_disaster,0,0,tier3\masks\nepal-flooding_00000594_pre_disaster.png,0,0,77,74121,00000594 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000595_post_disaster.png,nepal-flooding_00000595_post_disaster,7,5028,tier3\masks\nepal-flooding_00000595_post_disaster.png,14,16965,12,6184,00000595 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000595_pre_disaster.png,nepal-flooding_00000595_pre_disaster,0,0,tier3\masks\nepal-flooding_00000595_pre_disaster.png,0,0,32,28186,00000595 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000596_post_disaster.png,nepal-flooding_00000596_post_disaster,3,1212,tier3\masks\nepal-flooding_00000596_post_disaster.png,0,0,0,0,00000596 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000596_pre_disaster.png,nepal-flooding_00000596_pre_disaster,0,0,tier3\masks\nepal-flooding_00000596_pre_disaster.png,0,0,3,1212,00000596 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000597_post_disaster.png,nepal-flooding_00000597_post_disaster,3,7714,tier3\masks\nepal-flooding_00000597_post_disaster.png,2,583,44,62762,00000597 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000597_pre_disaster.png,nepal-flooding_00000597_pre_disaster,0,0,tier3\masks\nepal-flooding_00000597_pre_disaster.png,0,0,49,71110,00000597 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000598_post_disaster.png,nepal-flooding_00000598_post_disaster,4,5682,tier3\masks\nepal-flooding_00000598_post_disaster.png,1,361,3,327,00000598 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000598_pre_disaster.png,nepal-flooding_00000598_pre_disaster,0,0,tier3\masks\nepal-flooding_00000598_pre_disaster.png,0,0,7,6359,00000598 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000599_post_disaster.png,nepal-flooding_00000599_post_disaster,0,0,tier3\masks\nepal-flooding_00000599_post_disaster.png,0,0,18,7750,00000599 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000599_pre_disaster.png,nepal-flooding_00000599_pre_disaster,0,0,tier3\masks\nepal-flooding_00000599_pre_disaster.png,0,0,18,7750,00000599 +1,796,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000600_post_disaster.png,nepal-flooding_00000600_post_disaster,4,4117,tier3\masks\nepal-flooding_00000600_post_disaster.png,9,12109,5,5487,00000600 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000600_pre_disaster.png,nepal-flooding_00000600_pre_disaster,0,0,tier3\masks\nepal-flooding_00000600_pre_disaster.png,0,0,14,22566,00000600 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000601_post_disaster.png,nepal-flooding_00000601_post_disaster,14,13085,tier3\masks\nepal-flooding_00000601_post_disaster.png,2,1335,91,101331,00000601 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000601_pre_disaster.png,nepal-flooding_00000601_pre_disaster,0,0,tier3\masks\nepal-flooding_00000601_pre_disaster.png,0,0,102,115766,00000601 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000602_post_disaster.png,nepal-flooding_00000602_post_disaster,14,8890,tier3\masks\nepal-flooding_00000602_post_disaster.png,8,4880,27,16630,00000602 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000602_pre_disaster.png,nepal-flooding_00000602_pre_disaster,0,0,tier3\masks\nepal-flooding_00000602_pre_disaster.png,0,0,46,30400,00000602 +1,560,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000603_post_disaster.png,nepal-flooding_00000603_post_disaster,8,2015,tier3\masks\nepal-flooding_00000603_post_disaster.png,2,689,14,4893,00000603 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000603_pre_disaster.png,nepal-flooding_00000603_pre_disaster,0,0,tier3\masks\nepal-flooding_00000603_pre_disaster.png,0,0,24,8147,00000603 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000604_post_disaster.png,nepal-flooding_00000604_post_disaster,0,0,tier3\masks\nepal-flooding_00000604_post_disaster.png,0,0,12,25383,00000604 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000604_pre_disaster.png,nepal-flooding_00000604_pre_disaster,0,0,tier3\masks\nepal-flooding_00000604_pre_disaster.png,0,0,12,25419,00000604 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000605_post_disaster.png,nepal-flooding_00000605_post_disaster,4,3281,tier3\masks\nepal-flooding_00000605_post_disaster.png,0,0,101,111963,00000605 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000605_pre_disaster.png,nepal-flooding_00000605_pre_disaster,0,0,tier3\masks\nepal-flooding_00000605_pre_disaster.png,0,0,104,115345,00000605 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000606_post_disaster.png,nepal-flooding_00000606_post_disaster,10,10160,tier3\masks\nepal-flooding_00000606_post_disaster.png,10,18858,13,7891,00000606 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000606_pre_disaster.png,nepal-flooding_00000606_pre_disaster,0,0,tier3\masks\nepal-flooding_00000606_pre_disaster.png,0,0,22,37149,00000606 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000607_post_disaster.png,nepal-flooding_00000607_post_disaster,0,0,tier3\masks\nepal-flooding_00000607_post_disaster.png,0,0,28,20391,00000607 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000607_pre_disaster.png,nepal-flooding_00000607_pre_disaster,0,0,tier3\masks\nepal-flooding_00000607_pre_disaster.png,0,0,28,20398,00000607 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000608_post_disaster.png,nepal-flooding_00000608_post_disaster,7,5575,tier3\masks\nepal-flooding_00000608_post_disaster.png,0,0,330,334948,00000608 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000608_pre_disaster.png,nepal-flooding_00000608_pre_disaster,0,0,tier3\masks\nepal-flooding_00000608_pre_disaster.png,0,0,335,340874,00000608 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000609_post_disaster.png,nepal-flooding_00000609_post_disaster,19,16657,tier3\masks\nepal-flooding_00000609_post_disaster.png,5,2051,44,38364,00000609 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000609_pre_disaster.png,nepal-flooding_00000609_pre_disaster,0,0,tier3\masks\nepal-flooding_00000609_pre_disaster.png,0,0,62,57106,00000609 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000610_post_disaster.png,nepal-flooding_00000610_post_disaster,0,0,tier3\masks\nepal-flooding_00000610_post_disaster.png,0,0,152,155491,00000610 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000610_pre_disaster.png,nepal-flooding_00000610_pre_disaster,0,0,tier3\masks\nepal-flooding_00000610_pre_disaster.png,0,0,152,155666,00000610 +2,673,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000611_post_disaster.png,nepal-flooding_00000611_post_disaster,2,1458,tier3\masks\nepal-flooding_00000611_post_disaster.png,5,3563,5,1828,00000611 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000611_pre_disaster.png,nepal-flooding_00000611_pre_disaster,0,0,tier3\masks\nepal-flooding_00000611_pre_disaster.png,0,0,13,7590,00000611 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000612_post_disaster.png,nepal-flooding_00000612_post_disaster,7,6723,tier3\masks\nepal-flooding_00000612_post_disaster.png,5,3419,36,42942,00000612 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000612_pre_disaster.png,nepal-flooding_00000612_pre_disaster,0,0,tier3\masks\nepal-flooding_00000612_pre_disaster.png,0,0,44,53168,00000612 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000613_post_disaster.png,nepal-flooding_00000613_post_disaster,3,1729,tier3\masks\nepal-flooding_00000613_post_disaster.png,6,7160,24,19591,00000613 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000613_pre_disaster.png,nepal-flooding_00000613_pre_disaster,0,0,tier3\masks\nepal-flooding_00000613_pre_disaster.png,0,0,32,28566,00000613 +1,445,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000614_post_disaster.png,nepal-flooding_00000614_post_disaster,4,2767,tier3\masks\nepal-flooding_00000614_post_disaster.png,2,1865,4,2529,00000614 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000614_pre_disaster.png,nepal-flooding_00000614_pre_disaster,0,0,tier3\masks\nepal-flooding_00000614_pre_disaster.png,0,0,6,7597,00000614 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000615_post_disaster.png,nepal-flooding_00000615_post_disaster,0,0,tier3\masks\nepal-flooding_00000615_post_disaster.png,0,0,1,177,00000615 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000615_pre_disaster.png,nepal-flooding_00000615_pre_disaster,0,0,tier3\masks\nepal-flooding_00000615_pre_disaster.png,0,0,1,177,00000615 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000616_post_disaster.png,nepal-flooding_00000616_post_disaster,0,0,tier3\masks\nepal-flooding_00000616_post_disaster.png,0,0,0,0,00000616 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000616_pre_disaster.png,nepal-flooding_00000616_pre_disaster,0,0,tier3\masks\nepal-flooding_00000616_pre_disaster.png,0,0,0,0,00000616 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000617_post_disaster.png,nepal-flooding_00000617_post_disaster,9,4290,tier3\masks\nepal-flooding_00000617_post_disaster.png,1,2479,1,212,00000617 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000617_pre_disaster.png,nepal-flooding_00000617_pre_disaster,0,0,tier3\masks\nepal-flooding_00000617_pre_disaster.png,0,0,11,7002,00000617 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000618_post_disaster.png,nepal-flooding_00000618_post_disaster,46,30369,tier3\masks\nepal-flooding_00000618_post_disaster.png,12,5528,148,135378,00000618 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000618_pre_disaster.png,nepal-flooding_00000618_pre_disaster,0,0,tier3\masks\nepal-flooding_00000618_pre_disaster.png,0,0,201,171335,00000618 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000000_post_disaster.png,pinery-bushfire_00000000_post_disaster,0,0,tier3\masks\pinery-bushfire_00000000_post_disaster.png,0,0,0,0,00000000 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000000_pre_disaster.png,pinery-bushfire_00000000_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000000_pre_disaster.png,0,0,0,0,00000000 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000001_post_disaster.png,pinery-bushfire_00000001_post_disaster,0,0,tier3\masks\pinery-bushfire_00000001_post_disaster.png,0,0,1,88,00000001 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000001_pre_disaster.png,pinery-bushfire_00000001_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000001_pre_disaster.png,0,0,1,88,00000001 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000002_post_disaster.png,pinery-bushfire_00000002_post_disaster,0,0,tier3\masks\pinery-bushfire_00000002_post_disaster.png,0,0,7,1846,00000002 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000002_pre_disaster.png,pinery-bushfire_00000002_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000002_pre_disaster.png,0,0,7,1846,00000002 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000003_post_disaster.png,pinery-bushfire_00000003_post_disaster,0,0,tier3\masks\pinery-bushfire_00000003_post_disaster.png,0,0,0,0,00000003 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000003_pre_disaster.png,pinery-bushfire_00000003_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000003_pre_disaster.png,0,0,0,0,00000003 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000004_post_disaster.png,pinery-bushfire_00000004_post_disaster,0,0,tier3\masks\pinery-bushfire_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000004_pre_disaster.png,pinery-bushfire_00000004_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000004_pre_disaster.png,0,0,0,0,00000004 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000005_post_disaster.png,pinery-bushfire_00000005_post_disaster,0,0,tier3\masks\pinery-bushfire_00000005_post_disaster.png,0,0,0,0,00000005 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000005_pre_disaster.png,pinery-bushfire_00000005_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000005_pre_disaster.png,0,0,0,0,00000005 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000006_post_disaster.png,pinery-bushfire_00000006_post_disaster,0,0,tier3\masks\pinery-bushfire_00000006_post_disaster.png,0,0,0,0,00000006 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000006_pre_disaster.png,pinery-bushfire_00000006_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000006_pre_disaster.png,0,0,0,0,00000006 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000007_post_disaster.png,pinery-bushfire_00000007_post_disaster,0,0,tier3\masks\pinery-bushfire_00000007_post_disaster.png,0,0,0,0,00000007 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000007_pre_disaster.png,pinery-bushfire_00000007_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000007_pre_disaster.png,0,0,0,0,00000007 +5,2794,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000008_post_disaster.png,pinery-bushfire_00000008_post_disaster,0,0,tier3\masks\pinery-bushfire_00000008_post_disaster.png,2,2508,14,5604,00000008 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000008_pre_disaster.png,pinery-bushfire_00000008_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000008_pre_disaster.png,0,0,20,10920,00000008 +1,416,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000009_post_disaster.png,pinery-bushfire_00000009_post_disaster,0,0,tier3\masks\pinery-bushfire_00000009_post_disaster.png,0,0,10,2330,00000009 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000009_pre_disaster.png,pinery-bushfire_00000009_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000009_pre_disaster.png,0,0,11,2796,00000009 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000010_post_disaster.png,pinery-bushfire_00000010_post_disaster,0,0,tier3\masks\pinery-bushfire_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000010_pre_disaster.png,pinery-bushfire_00000010_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000010_pre_disaster.png,0,0,0,0,00000010 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000011_post_disaster.png,pinery-bushfire_00000011_post_disaster,0,0,tier3\masks\pinery-bushfire_00000011_post_disaster.png,0,0,0,0,00000011 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000011_pre_disaster.png,pinery-bushfire_00000011_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000011_pre_disaster.png,0,0,0,0,00000011 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000012_post_disaster.png,pinery-bushfire_00000012_post_disaster,0,0,tier3\masks\pinery-bushfire_00000012_post_disaster.png,0,0,0,0,00000012 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000012_pre_disaster.png,pinery-bushfire_00000012_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000012_pre_disaster.png,0,0,0,0,00000012 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000013_post_disaster.png,pinery-bushfire_00000013_post_disaster,0,0,tier3\masks\pinery-bushfire_00000013_post_disaster.png,0,0,4,2544,00000013 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000013_pre_disaster.png,pinery-bushfire_00000013_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000013_pre_disaster.png,0,0,4,2544,00000013 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000014_post_disaster.png,pinery-bushfire_00000014_post_disaster,0,0,tier3\masks\pinery-bushfire_00000014_post_disaster.png,0,0,0,0,00000014 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000014_pre_disaster.png,pinery-bushfire_00000014_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000014_pre_disaster.png,0,0,0,0,00000014 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000015_post_disaster.png,pinery-bushfire_00000015_post_disaster,0,0,tier3\masks\pinery-bushfire_00000015_post_disaster.png,0,0,0,0,00000015 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000015_pre_disaster.png,pinery-bushfire_00000015_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000015_pre_disaster.png,0,0,0,0,00000015 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000016_post_disaster.png,pinery-bushfire_00000016_post_disaster,0,0,tier3\masks\pinery-bushfire_00000016_post_disaster.png,0,0,0,0,00000016 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000016_pre_disaster.png,pinery-bushfire_00000016_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000016_pre_disaster.png,0,0,0,0,00000016 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000017_post_disaster.png,pinery-bushfire_00000017_post_disaster,0,0,tier3\masks\pinery-bushfire_00000017_post_disaster.png,0,0,0,0,00000017 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000017_pre_disaster.png,pinery-bushfire_00000017_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000017_pre_disaster.png,0,0,0,0,00000017 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000018_post_disaster.png,pinery-bushfire_00000018_post_disaster,0,0,tier3\masks\pinery-bushfire_00000018_post_disaster.png,0,0,1,2187,00000018 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000018_pre_disaster.png,pinery-bushfire_00000018_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000018_pre_disaster.png,0,0,1,2228,00000018 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000019_post_disaster.png,pinery-bushfire_00000019_post_disaster,0,0,tier3\masks\pinery-bushfire_00000019_post_disaster.png,0,0,0,0,00000019 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000019_pre_disaster.png,pinery-bushfire_00000019_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000019_pre_disaster.png,0,0,0,0,00000019 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000020_post_disaster.png,pinery-bushfire_00000020_post_disaster,0,0,tier3\masks\pinery-bushfire_00000020_post_disaster.png,0,0,0,0,00000020 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000020_pre_disaster.png,pinery-bushfire_00000020_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000020_pre_disaster.png,0,0,0,0,00000020 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000021_post_disaster.png,pinery-bushfire_00000021_post_disaster,0,0,tier3\masks\pinery-bushfire_00000021_post_disaster.png,0,0,0,0,00000021 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000021_pre_disaster.png,pinery-bushfire_00000021_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000021_pre_disaster.png,0,0,0,0,00000021 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000022_post_disaster.png,pinery-bushfire_00000022_post_disaster,0,0,tier3\masks\pinery-bushfire_00000022_post_disaster.png,0,0,9,26495,00000022 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000022_pre_disaster.png,pinery-bushfire_00000022_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000022_pre_disaster.png,0,0,9,26495,00000022 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000023_post_disaster.png,pinery-bushfire_00000023_post_disaster,0,0,tier3\masks\pinery-bushfire_00000023_post_disaster.png,0,0,0,0,00000023 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000023_pre_disaster.png,pinery-bushfire_00000023_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000023_pre_disaster.png,0,0,0,0,00000023 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000024_post_disaster.png,pinery-bushfire_00000024_post_disaster,0,0,tier3\masks\pinery-bushfire_00000024_post_disaster.png,0,0,0,0,00000024 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000024_pre_disaster.png,pinery-bushfire_00000024_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000024_pre_disaster.png,0,0,0,0,00000024 +2,180,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000025_post_disaster.png,pinery-bushfire_00000025_post_disaster,0,0,tier3\masks\pinery-bushfire_00000025_post_disaster.png,0,0,11,3076,00000025 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000025_pre_disaster.png,pinery-bushfire_00000025_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000025_pre_disaster.png,0,0,13,3256,00000025 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000026_post_disaster.png,pinery-bushfire_00000026_post_disaster,0,0,tier3\masks\pinery-bushfire_00000026_post_disaster.png,0,0,0,0,00000026 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000026_pre_disaster.png,pinery-bushfire_00000026_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000026_pre_disaster.png,0,0,0,0,00000026 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000027_post_disaster.png,pinery-bushfire_00000027_post_disaster,0,0,tier3\masks\pinery-bushfire_00000027_post_disaster.png,0,0,3,2856,00000027 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000027_pre_disaster.png,pinery-bushfire_00000027_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000027_pre_disaster.png,0,0,3,2856,00000027 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000028_post_disaster.png,pinery-bushfire_00000028_post_disaster,0,0,tier3\masks\pinery-bushfire_00000028_post_disaster.png,0,0,0,0,00000028 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000028_pre_disaster.png,pinery-bushfire_00000028_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000028_pre_disaster.png,0,0,0,0,00000028 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000029_post_disaster.png,pinery-bushfire_00000029_post_disaster,0,0,tier3\masks\pinery-bushfire_00000029_post_disaster.png,0,0,4,1602,00000029 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000029_pre_disaster.png,pinery-bushfire_00000029_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000029_pre_disaster.png,0,0,4,1639,00000029 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000030_post_disaster.png,pinery-bushfire_00000030_post_disaster,0,0,tier3\masks\pinery-bushfire_00000030_post_disaster.png,0,0,0,0,00000030 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000030_pre_disaster.png,pinery-bushfire_00000030_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000030_pre_disaster.png,0,0,0,0,00000030 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000031_post_disaster.png,pinery-bushfire_00000031_post_disaster,0,0,tier3\masks\pinery-bushfire_00000031_post_disaster.png,0,0,0,0,00000031 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000031_pre_disaster.png,pinery-bushfire_00000031_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000031_pre_disaster.png,0,0,0,0,00000031 +9,3160,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000032_post_disaster.png,pinery-bushfire_00000032_post_disaster,0,0,tier3\masks\pinery-bushfire_00000032_post_disaster.png,1,826,18,5215,00000032 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000032_pre_disaster.png,pinery-bushfire_00000032_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000032_pre_disaster.png,0,0,27,9216,00000032 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000033_post_disaster.png,pinery-bushfire_00000033_post_disaster,0,0,tier3\masks\pinery-bushfire_00000033_post_disaster.png,0,0,0,0,00000033 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000033_pre_disaster.png,pinery-bushfire_00000033_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000033_pre_disaster.png,0,0,0,0,00000033 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000034_post_disaster.png,pinery-bushfire_00000034_post_disaster,0,0,tier3\masks\pinery-bushfire_00000034_post_disaster.png,0,0,6,3291,00000034 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000034_pre_disaster.png,pinery-bushfire_00000034_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000034_pre_disaster.png,0,0,6,3291,00000034 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000035_post_disaster.png,pinery-bushfire_00000035_post_disaster,0,0,tier3\masks\pinery-bushfire_00000035_post_disaster.png,0,0,8,5222,00000035 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000035_pre_disaster.png,pinery-bushfire_00000035_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000035_pre_disaster.png,0,0,8,5222,00000035 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000036_post_disaster.png,pinery-bushfire_00000036_post_disaster,0,0,tier3\masks\pinery-bushfire_00000036_post_disaster.png,0,0,0,0,00000036 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000036_pre_disaster.png,pinery-bushfire_00000036_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000036_pre_disaster.png,0,0,0,0,00000036 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000037_post_disaster.png,pinery-bushfire_00000037_post_disaster,0,0,tier3\masks\pinery-bushfire_00000037_post_disaster.png,0,0,6,2788,00000037 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000037_pre_disaster.png,pinery-bushfire_00000037_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000037_pre_disaster.png,0,0,6,2788,00000037 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000038_post_disaster.png,pinery-bushfire_00000038_post_disaster,0,0,tier3\masks\pinery-bushfire_00000038_post_disaster.png,0,0,0,0,00000038 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000038_pre_disaster.png,pinery-bushfire_00000038_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000038_pre_disaster.png,0,0,0,0,00000038 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000039_post_disaster.png,pinery-bushfire_00000039_post_disaster,0,0,tier3\masks\pinery-bushfire_00000039_post_disaster.png,0,0,0,0,00000039 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000039_pre_disaster.png,pinery-bushfire_00000039_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000039_pre_disaster.png,0,0,0,0,00000039 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000040_post_disaster.png,pinery-bushfire_00000040_post_disaster,0,0,tier3\masks\pinery-bushfire_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000040_pre_disaster.png,pinery-bushfire_00000040_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000040_pre_disaster.png,0,0,0,0,00000040 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000041_post_disaster.png,pinery-bushfire_00000041_post_disaster,0,0,tier3\masks\pinery-bushfire_00000041_post_disaster.png,0,0,0,0,00000041 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000041_pre_disaster.png,pinery-bushfire_00000041_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000041_pre_disaster.png,0,0,0,0,00000041 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000042_post_disaster.png,pinery-bushfire_00000042_post_disaster,0,0,tier3\masks\pinery-bushfire_00000042_post_disaster.png,0,0,0,0,00000042 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000042_pre_disaster.png,pinery-bushfire_00000042_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000042_pre_disaster.png,0,0,0,0,00000042 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000043_post_disaster.png,pinery-bushfire_00000043_post_disaster,0,0,tier3\masks\pinery-bushfire_00000043_post_disaster.png,0,0,2,282,00000043 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000043_pre_disaster.png,pinery-bushfire_00000043_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000043_pre_disaster.png,0,0,2,289,00000043 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000044_post_disaster.png,pinery-bushfire_00000044_post_disaster,0,0,tier3\masks\pinery-bushfire_00000044_post_disaster.png,0,0,0,0,00000044 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000044_pre_disaster.png,pinery-bushfire_00000044_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000044_pre_disaster.png,0,0,0,0,00000044 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000045_post_disaster.png,pinery-bushfire_00000045_post_disaster,0,0,tier3\masks\pinery-bushfire_00000045_post_disaster.png,0,0,0,0,00000045 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000045_pre_disaster.png,pinery-bushfire_00000045_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000045_pre_disaster.png,0,0,0,0,00000045 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000046_post_disaster.png,pinery-bushfire_00000046_post_disaster,0,0,tier3\masks\pinery-bushfire_00000046_post_disaster.png,0,0,0,0,00000046 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000046_pre_disaster.png,pinery-bushfire_00000046_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000046_pre_disaster.png,0,0,0,0,00000046 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000047_post_disaster.png,pinery-bushfire_00000047_post_disaster,0,0,tier3\masks\pinery-bushfire_00000047_post_disaster.png,0,0,0,0,00000047 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000047_pre_disaster.png,pinery-bushfire_00000047_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000047_pre_disaster.png,0,0,0,0,00000047 +7,4277,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000048_post_disaster.png,pinery-bushfire_00000048_post_disaster,1,1271,tier3\masks\pinery-bushfire_00000048_post_disaster.png,1,241,15,6099,00000048 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000048_pre_disaster.png,pinery-bushfire_00000048_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000048_pre_disaster.png,0,0,22,11926,00000048 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000049_post_disaster.png,pinery-bushfire_00000049_post_disaster,0,0,tier3\masks\pinery-bushfire_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000049_pre_disaster.png,pinery-bushfire_00000049_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000049_pre_disaster.png,0,0,0,0,00000049 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000050_post_disaster.png,pinery-bushfire_00000050_post_disaster,0,0,tier3\masks\pinery-bushfire_00000050_post_disaster.png,0,0,0,0,00000050 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000050_pre_disaster.png,pinery-bushfire_00000050_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000050_pre_disaster.png,0,0,0,0,00000050 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000051_post_disaster.png,pinery-bushfire_00000051_post_disaster,0,0,tier3\masks\pinery-bushfire_00000051_post_disaster.png,0,0,0,0,00000051 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000051_pre_disaster.png,pinery-bushfire_00000051_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000051_pre_disaster.png,0,0,0,0,00000051 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000052_post_disaster.png,pinery-bushfire_00000052_post_disaster,0,0,tier3\masks\pinery-bushfire_00000052_post_disaster.png,0,0,0,0,00000052 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000052_pre_disaster.png,pinery-bushfire_00000052_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000052_pre_disaster.png,0,0,0,0,00000052 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000053_post_disaster.png,pinery-bushfire_00000053_post_disaster,0,0,tier3\masks\pinery-bushfire_00000053_post_disaster.png,0,0,11,6395,00000053 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000053_pre_disaster.png,pinery-bushfire_00000053_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000053_pre_disaster.png,0,0,11,6395,00000053 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000054_post_disaster.png,pinery-bushfire_00000054_post_disaster,0,0,tier3\masks\pinery-bushfire_00000054_post_disaster.png,0,0,0,0,00000054 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000054_pre_disaster.png,pinery-bushfire_00000054_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000054_pre_disaster.png,0,0,0,0,00000054 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000055_post_disaster.png,pinery-bushfire_00000055_post_disaster,0,0,tier3\masks\pinery-bushfire_00000055_post_disaster.png,0,0,0,0,00000055 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000055_pre_disaster.png,pinery-bushfire_00000055_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000055_pre_disaster.png,0,0,0,0,00000055 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000056_post_disaster.png,pinery-bushfire_00000056_post_disaster,0,0,tier3\masks\pinery-bushfire_00000056_post_disaster.png,0,0,38,43855,00000056 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000056_pre_disaster.png,pinery-bushfire_00000056_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000056_pre_disaster.png,0,0,38,43855,00000056 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000057_post_disaster.png,pinery-bushfire_00000057_post_disaster,0,0,tier3\masks\pinery-bushfire_00000057_post_disaster.png,0,0,0,0,00000057 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000057_pre_disaster.png,pinery-bushfire_00000057_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000057_pre_disaster.png,0,0,0,0,00000057 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000058_post_disaster.png,pinery-bushfire_00000058_post_disaster,0,0,tier3\masks\pinery-bushfire_00000058_post_disaster.png,0,0,0,0,00000058 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000058_pre_disaster.png,pinery-bushfire_00000058_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000058_pre_disaster.png,0,0,0,0,00000058 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000059_post_disaster.png,pinery-bushfire_00000059_post_disaster,0,0,tier3\masks\pinery-bushfire_00000059_post_disaster.png,0,0,0,0,00000059 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000059_pre_disaster.png,pinery-bushfire_00000059_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000059_pre_disaster.png,0,0,0,0,00000059 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000060_post_disaster.png,pinery-bushfire_00000060_post_disaster,0,0,tier3\masks\pinery-bushfire_00000060_post_disaster.png,0,0,0,0,00000060 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000060_pre_disaster.png,pinery-bushfire_00000060_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000060_pre_disaster.png,0,0,0,0,00000060 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000061_post_disaster.png,pinery-bushfire_00000061_post_disaster,0,0,tier3\masks\pinery-bushfire_00000061_post_disaster.png,0,0,0,0,00000061 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000061_pre_disaster.png,pinery-bushfire_00000061_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000061_pre_disaster.png,0,0,0,0,00000061 +1,169,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000062_post_disaster.png,pinery-bushfire_00000062_post_disaster,0,0,tier3\masks\pinery-bushfire_00000062_post_disaster.png,0,0,0,0,00000062 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000062_pre_disaster.png,pinery-bushfire_00000062_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000062_pre_disaster.png,0,0,1,169,00000062 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000063_post_disaster.png,pinery-bushfire_00000063_post_disaster,0,0,tier3\masks\pinery-bushfire_00000063_post_disaster.png,0,0,0,0,00000063 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000063_pre_disaster.png,pinery-bushfire_00000063_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000063_pre_disaster.png,0,0,0,0,00000063 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000064_post_disaster.png,pinery-bushfire_00000064_post_disaster,0,0,tier3\masks\pinery-bushfire_00000064_post_disaster.png,0,0,1,451,00000064 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000064_pre_disaster.png,pinery-bushfire_00000064_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000064_pre_disaster.png,0,0,1,451,00000064 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000065_post_disaster.png,pinery-bushfire_00000065_post_disaster,0,0,tier3\masks\pinery-bushfire_00000065_post_disaster.png,0,0,0,0,00000065 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000065_pre_disaster.png,pinery-bushfire_00000065_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000065_pre_disaster.png,0,0,0,0,00000065 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000066_post_disaster.png,pinery-bushfire_00000066_post_disaster,0,0,tier3\masks\pinery-bushfire_00000066_post_disaster.png,0,0,0,0,00000066 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000066_pre_disaster.png,pinery-bushfire_00000066_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000066_pre_disaster.png,0,0,0,0,00000066 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000067_post_disaster.png,pinery-bushfire_00000067_post_disaster,0,0,tier3\masks\pinery-bushfire_00000067_post_disaster.png,0,0,0,0,00000067 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000067_pre_disaster.png,pinery-bushfire_00000067_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000067_pre_disaster.png,0,0,0,0,00000067 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000068_post_disaster.png,pinery-bushfire_00000068_post_disaster,0,0,tier3\masks\pinery-bushfire_00000068_post_disaster.png,0,0,6,14790,00000068 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000068_pre_disaster.png,pinery-bushfire_00000068_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000068_pre_disaster.png,0,0,6,14790,00000068 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000069_post_disaster.png,pinery-bushfire_00000069_post_disaster,0,0,tier3\masks\pinery-bushfire_00000069_post_disaster.png,0,0,0,0,00000069 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000069_pre_disaster.png,pinery-bushfire_00000069_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000069_pre_disaster.png,0,0,0,0,00000069 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000070_post_disaster.png,pinery-bushfire_00000070_post_disaster,0,0,tier3\masks\pinery-bushfire_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000070_pre_disaster.png,pinery-bushfire_00000070_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000070_pre_disaster.png,0,0,0,0,00000070 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000071_post_disaster.png,pinery-bushfire_00000071_post_disaster,0,0,tier3\masks\pinery-bushfire_00000071_post_disaster.png,0,0,1,353,00000071 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000071_pre_disaster.png,pinery-bushfire_00000071_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000071_pre_disaster.png,0,0,1,353,00000071 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000072_post_disaster.png,pinery-bushfire_00000072_post_disaster,0,0,tier3\masks\pinery-bushfire_00000072_post_disaster.png,0,0,0,0,00000072 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000072_pre_disaster.png,pinery-bushfire_00000072_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000072_pre_disaster.png,0,0,0,0,00000072 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000073_post_disaster.png,pinery-bushfire_00000073_post_disaster,0,0,tier3\masks\pinery-bushfire_00000073_post_disaster.png,0,0,0,0,00000073 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000073_pre_disaster.png,pinery-bushfire_00000073_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000073_pre_disaster.png,0,0,0,0,00000073 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000074_post_disaster.png,pinery-bushfire_00000074_post_disaster,0,0,tier3\masks\pinery-bushfire_00000074_post_disaster.png,0,0,0,0,00000074 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000074_pre_disaster.png,pinery-bushfire_00000074_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000074_pre_disaster.png,0,0,0,0,00000074 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000075_post_disaster.png,pinery-bushfire_00000075_post_disaster,0,0,tier3\masks\pinery-bushfire_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000075_pre_disaster.png,pinery-bushfire_00000075_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000075_pre_disaster.png,0,0,0,0,00000075 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000076_post_disaster.png,pinery-bushfire_00000076_post_disaster,0,0,tier3\masks\pinery-bushfire_00000076_post_disaster.png,0,0,0,0,00000076 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000076_pre_disaster.png,pinery-bushfire_00000076_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000076_pre_disaster.png,0,0,0,0,00000076 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000077_post_disaster.png,pinery-bushfire_00000077_post_disaster,0,0,tier3\masks\pinery-bushfire_00000077_post_disaster.png,0,0,0,0,00000077 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000077_pre_disaster.png,pinery-bushfire_00000077_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000077_pre_disaster.png,0,0,0,0,00000077 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000078_post_disaster.png,pinery-bushfire_00000078_post_disaster,0,0,tier3\masks\pinery-bushfire_00000078_post_disaster.png,0,0,0,0,00000078 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000078_pre_disaster.png,pinery-bushfire_00000078_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000078_pre_disaster.png,0,0,0,0,00000078 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000079_post_disaster.png,pinery-bushfire_00000079_post_disaster,0,0,tier3\masks\pinery-bushfire_00000079_post_disaster.png,0,0,0,0,00000079 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000079_pre_disaster.png,pinery-bushfire_00000079_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000079_pre_disaster.png,0,0,0,0,00000079 +1,944,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000080_post_disaster.png,pinery-bushfire_00000080_post_disaster,0,0,tier3\masks\pinery-bushfire_00000080_post_disaster.png,0,0,1,866,00000080 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000080_pre_disaster.png,pinery-bushfire_00000080_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000080_pre_disaster.png,0,0,2,1810,00000080 +4,1943,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000081_post_disaster.png,pinery-bushfire_00000081_post_disaster,0,0,tier3\masks\pinery-bushfire_00000081_post_disaster.png,0,0,0,0,00000081 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000081_pre_disaster.png,pinery-bushfire_00000081_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000081_pre_disaster.png,0,0,4,1943,00000081 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000082_post_disaster.png,pinery-bushfire_00000082_post_disaster,0,0,tier3\masks\pinery-bushfire_00000082_post_disaster.png,0,0,0,0,00000082 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000082_pre_disaster.png,pinery-bushfire_00000082_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000082_pre_disaster.png,0,0,0,0,00000082 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000083_post_disaster.png,pinery-bushfire_00000083_post_disaster,0,0,tier3\masks\pinery-bushfire_00000083_post_disaster.png,0,0,0,0,00000083 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000083_pre_disaster.png,pinery-bushfire_00000083_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000083_pre_disaster.png,0,0,0,0,00000083 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000084_post_disaster.png,pinery-bushfire_00000084_post_disaster,0,0,tier3\masks\pinery-bushfire_00000084_post_disaster.png,0,0,0,0,00000084 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000084_pre_disaster.png,pinery-bushfire_00000084_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000084_pre_disaster.png,0,0,0,0,00000084 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000085_post_disaster.png,pinery-bushfire_00000085_post_disaster,0,0,tier3\masks\pinery-bushfire_00000085_post_disaster.png,0,0,11,6243,00000085 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000085_pre_disaster.png,pinery-bushfire_00000085_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000085_pre_disaster.png,0,0,11,6243,00000085 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000086_post_disaster.png,pinery-bushfire_00000086_post_disaster,0,0,tier3\masks\pinery-bushfire_00000086_post_disaster.png,0,0,0,0,00000086 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000086_pre_disaster.png,pinery-bushfire_00000086_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000086_pre_disaster.png,0,0,0,0,00000086 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000087_post_disaster.png,pinery-bushfire_00000087_post_disaster,0,0,tier3\masks\pinery-bushfire_00000087_post_disaster.png,0,0,0,0,00000087 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000087_pre_disaster.png,pinery-bushfire_00000087_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000087_pre_disaster.png,0,0,0,0,00000087 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000088_post_disaster.png,pinery-bushfire_00000088_post_disaster,0,0,tier3\masks\pinery-bushfire_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000088_pre_disaster.png,pinery-bushfire_00000088_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000089_post_disaster.png,pinery-bushfire_00000089_post_disaster,0,0,tier3\masks\pinery-bushfire_00000089_post_disaster.png,0,0,2,300,00000089 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000089_pre_disaster.png,pinery-bushfire_00000089_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000089_pre_disaster.png,0,0,2,300,00000089 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000090_post_disaster.png,pinery-bushfire_00000090_post_disaster,0,0,tier3\masks\pinery-bushfire_00000090_post_disaster.png,0,0,0,0,00000090 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000090_pre_disaster.png,pinery-bushfire_00000090_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000090_pre_disaster.png,0,0,0,0,00000090 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000091_post_disaster.png,pinery-bushfire_00000091_post_disaster,0,0,tier3\masks\pinery-bushfire_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000091_pre_disaster.png,pinery-bushfire_00000091_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000091_pre_disaster.png,0,0,0,0,00000091 +3,2864,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000092_post_disaster.png,pinery-bushfire_00000092_post_disaster,0,0,tier3\masks\pinery-bushfire_00000092_post_disaster.png,1,834,0,0,00000092 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000092_pre_disaster.png,pinery-bushfire_00000092_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000092_pre_disaster.png,0,0,4,3698,00000092 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000093_post_disaster.png,pinery-bushfire_00000093_post_disaster,0,0,tier3\masks\pinery-bushfire_00000093_post_disaster.png,0,0,0,0,00000093 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000093_pre_disaster.png,pinery-bushfire_00000093_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000093_pre_disaster.png,0,0,0,0,00000093 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000094_post_disaster.png,pinery-bushfire_00000094_post_disaster,0,0,tier3\masks\pinery-bushfire_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000094_pre_disaster.png,pinery-bushfire_00000094_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000094_pre_disaster.png,0,0,0,0,00000094 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000095_post_disaster.png,pinery-bushfire_00000095_post_disaster,0,0,tier3\masks\pinery-bushfire_00000095_post_disaster.png,0,0,0,0,00000095 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000095_pre_disaster.png,pinery-bushfire_00000095_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000095_pre_disaster.png,0,0,0,0,00000095 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000096_post_disaster.png,pinery-bushfire_00000096_post_disaster,0,0,tier3\masks\pinery-bushfire_00000096_post_disaster.png,0,0,0,0,00000096 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000096_pre_disaster.png,pinery-bushfire_00000096_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000096_pre_disaster.png,0,0,0,0,00000096 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000097_post_disaster.png,pinery-bushfire_00000097_post_disaster,0,0,tier3\masks\pinery-bushfire_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000097_pre_disaster.png,pinery-bushfire_00000097_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000098_post_disaster.png,pinery-bushfire_00000098_post_disaster,0,0,tier3\masks\pinery-bushfire_00000098_post_disaster.png,0,0,0,0,00000098 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000098_pre_disaster.png,pinery-bushfire_00000098_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000098_pre_disaster.png,0,0,0,0,00000098 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000099_post_disaster.png,pinery-bushfire_00000099_post_disaster,0,0,tier3\masks\pinery-bushfire_00000099_post_disaster.png,0,0,0,0,00000099 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000099_pre_disaster.png,pinery-bushfire_00000099_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000099_pre_disaster.png,0,0,0,0,00000099 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000100_post_disaster.png,pinery-bushfire_00000100_post_disaster,0,0,tier3\masks\pinery-bushfire_00000100_post_disaster.png,0,0,0,0,00000100 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000100_pre_disaster.png,pinery-bushfire_00000100_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000100_pre_disaster.png,0,0,0,0,00000100 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000101_post_disaster.png,pinery-bushfire_00000101_post_disaster,0,0,tier3\masks\pinery-bushfire_00000101_post_disaster.png,0,0,0,0,00000101 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000101_pre_disaster.png,pinery-bushfire_00000101_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000101_pre_disaster.png,0,0,0,0,00000101 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000102_post_disaster.png,pinery-bushfire_00000102_post_disaster,0,0,tier3\masks\pinery-bushfire_00000102_post_disaster.png,0,0,50,29750,00000102 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000102_pre_disaster.png,pinery-bushfire_00000102_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000102_pre_disaster.png,0,0,50,29801,00000102 +1,126,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000103_post_disaster.png,pinery-bushfire_00000103_post_disaster,0,0,tier3\masks\pinery-bushfire_00000103_post_disaster.png,1,273,10,3066,00000103 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000103_pre_disaster.png,pinery-bushfire_00000103_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000103_pre_disaster.png,0,0,12,3500,00000103 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000104_post_disaster.png,pinery-bushfire_00000104_post_disaster,0,0,tier3\masks\pinery-bushfire_00000104_post_disaster.png,0,0,8,4775,00000104 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000104_pre_disaster.png,pinery-bushfire_00000104_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000104_pre_disaster.png,0,0,8,4785,00000104 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000105_post_disaster.png,pinery-bushfire_00000105_post_disaster,0,0,tier3\masks\pinery-bushfire_00000105_post_disaster.png,0,0,0,0,00000105 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000105_pre_disaster.png,pinery-bushfire_00000105_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000105_pre_disaster.png,0,0,0,0,00000105 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000106_post_disaster.png,pinery-bushfire_00000106_post_disaster,0,0,tier3\masks\pinery-bushfire_00000106_post_disaster.png,0,0,0,0,00000106 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000106_pre_disaster.png,pinery-bushfire_00000106_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000106_pre_disaster.png,0,0,0,0,00000106 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000107_post_disaster.png,pinery-bushfire_00000107_post_disaster,0,0,tier3\masks\pinery-bushfire_00000107_post_disaster.png,0,0,0,0,00000107 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000107_pre_disaster.png,pinery-bushfire_00000107_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000107_pre_disaster.png,0,0,0,0,00000107 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000108_post_disaster.png,pinery-bushfire_00000108_post_disaster,0,0,tier3\masks\pinery-bushfire_00000108_post_disaster.png,0,0,0,0,00000108 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000108_pre_disaster.png,pinery-bushfire_00000108_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000108_pre_disaster.png,0,0,0,0,00000108 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000109_post_disaster.png,pinery-bushfire_00000109_post_disaster,0,0,tier3\masks\pinery-bushfire_00000109_post_disaster.png,0,0,0,0,00000109 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000109_pre_disaster.png,pinery-bushfire_00000109_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000109_pre_disaster.png,0,0,0,0,00000109 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000110_post_disaster.png,pinery-bushfire_00000110_post_disaster,0,0,tier3\masks\pinery-bushfire_00000110_post_disaster.png,0,0,0,0,00000110 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000110_pre_disaster.png,pinery-bushfire_00000110_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000110_pre_disaster.png,0,0,0,0,00000110 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000111_post_disaster.png,pinery-bushfire_00000111_post_disaster,0,0,tier3\masks\pinery-bushfire_00000111_post_disaster.png,0,0,0,0,00000111 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000111_pre_disaster.png,pinery-bushfire_00000111_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000111_pre_disaster.png,0,0,0,0,00000111 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000112_post_disaster.png,pinery-bushfire_00000112_post_disaster,0,0,tier3\masks\pinery-bushfire_00000112_post_disaster.png,0,0,2,443,00000112 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000112_pre_disaster.png,pinery-bushfire_00000112_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000112_pre_disaster.png,0,0,2,443,00000112 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000113_post_disaster.png,pinery-bushfire_00000113_post_disaster,0,0,tier3\masks\pinery-bushfire_00000113_post_disaster.png,0,0,0,0,00000113 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000113_pre_disaster.png,pinery-bushfire_00000113_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000113_pre_disaster.png,0,0,0,0,00000113 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000114_post_disaster.png,pinery-bushfire_00000114_post_disaster,0,0,tier3\masks\pinery-bushfire_00000114_post_disaster.png,0,0,0,0,00000114 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000114_pre_disaster.png,pinery-bushfire_00000114_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000114_pre_disaster.png,0,0,0,0,00000114 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000115_post_disaster.png,pinery-bushfire_00000115_post_disaster,0,0,tier3\masks\pinery-bushfire_00000115_post_disaster.png,0,0,0,0,00000115 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000115_pre_disaster.png,pinery-bushfire_00000115_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000115_pre_disaster.png,0,0,0,0,00000115 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000116_post_disaster.png,pinery-bushfire_00000116_post_disaster,0,0,tier3\masks\pinery-bushfire_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000116_pre_disaster.png,pinery-bushfire_00000116_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000116_pre_disaster.png,0,0,0,0,00000116 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000117_post_disaster.png,pinery-bushfire_00000117_post_disaster,0,0,tier3\masks\pinery-bushfire_00000117_post_disaster.png,3,946,86,57288,00000117 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000117_pre_disaster.png,pinery-bushfire_00000117_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000117_pre_disaster.png,0,0,89,58257,00000117 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000118_post_disaster.png,pinery-bushfire_00000118_post_disaster,0,0,tier3\masks\pinery-bushfire_00000118_post_disaster.png,0,0,0,0,00000118 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000118_pre_disaster.png,pinery-bushfire_00000118_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000118_pre_disaster.png,0,0,0,0,00000118 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000119_post_disaster.png,pinery-bushfire_00000119_post_disaster,0,0,tier3\masks\pinery-bushfire_00000119_post_disaster.png,0,0,0,0,00000119 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000119_pre_disaster.png,pinery-bushfire_00000119_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000119_pre_disaster.png,0,0,0,0,00000119 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000120_post_disaster.png,pinery-bushfire_00000120_post_disaster,0,0,tier3\masks\pinery-bushfire_00000120_post_disaster.png,0,0,3,1574,00000120 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000120_pre_disaster.png,pinery-bushfire_00000120_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000120_pre_disaster.png,0,0,3,1574,00000120 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000121_post_disaster.png,pinery-bushfire_00000121_post_disaster,0,0,tier3\masks\pinery-bushfire_00000121_post_disaster.png,0,0,0,0,00000121 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000121_pre_disaster.png,pinery-bushfire_00000121_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000121_pre_disaster.png,0,0,0,0,00000121 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000122_post_disaster.png,pinery-bushfire_00000122_post_disaster,0,0,tier3\masks\pinery-bushfire_00000122_post_disaster.png,0,0,0,0,00000122 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000122_pre_disaster.png,pinery-bushfire_00000122_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000122_pre_disaster.png,0,0,0,0,00000122 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000123_post_disaster.png,pinery-bushfire_00000123_post_disaster,0,0,tier3\masks\pinery-bushfire_00000123_post_disaster.png,0,0,0,0,00000123 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000123_pre_disaster.png,pinery-bushfire_00000123_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000123_pre_disaster.png,0,0,0,0,00000123 +1,55,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000124_post_disaster.png,pinery-bushfire_00000124_post_disaster,0,0,tier3\masks\pinery-bushfire_00000124_post_disaster.png,0,0,0,0,00000124 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000124_pre_disaster.png,pinery-bushfire_00000124_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000124_pre_disaster.png,0,0,1,55,00000124 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000125_post_disaster.png,pinery-bushfire_00000125_post_disaster,0,0,tier3\masks\pinery-bushfire_00000125_post_disaster.png,0,0,0,0,00000125 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000125_pre_disaster.png,pinery-bushfire_00000125_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000125_pre_disaster.png,0,0,0,0,00000125 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000126_post_disaster.png,pinery-bushfire_00000126_post_disaster,0,0,tier3\masks\pinery-bushfire_00000126_post_disaster.png,0,0,9,6840,00000126 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000126_pre_disaster.png,pinery-bushfire_00000126_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000126_pre_disaster.png,0,0,9,6840,00000126 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000127_post_disaster.png,pinery-bushfire_00000127_post_disaster,0,0,tier3\masks\pinery-bushfire_00000127_post_disaster.png,0,0,36,21735,00000127 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000127_pre_disaster.png,pinery-bushfire_00000127_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000127_pre_disaster.png,0,0,36,21865,00000127 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000128_post_disaster.png,pinery-bushfire_00000128_post_disaster,0,0,tier3\masks\pinery-bushfire_00000128_post_disaster.png,0,0,0,0,00000128 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000128_pre_disaster.png,pinery-bushfire_00000128_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000128_pre_disaster.png,0,0,0,0,00000128 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000129_post_disaster.png,pinery-bushfire_00000129_post_disaster,0,0,tier3\masks\pinery-bushfire_00000129_post_disaster.png,0,0,0,0,00000129 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000129_pre_disaster.png,pinery-bushfire_00000129_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000129_pre_disaster.png,0,0,0,0,00000129 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000130_post_disaster.png,pinery-bushfire_00000130_post_disaster,0,0,tier3\masks\pinery-bushfire_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000130_pre_disaster.png,pinery-bushfire_00000130_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000130_pre_disaster.png,0,0,0,0,00000130 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000131_post_disaster.png,pinery-bushfire_00000131_post_disaster,0,0,tier3\masks\pinery-bushfire_00000131_post_disaster.png,0,0,0,0,00000131 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000131_pre_disaster.png,pinery-bushfire_00000131_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000131_pre_disaster.png,0,0,0,0,00000131 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000132_post_disaster.png,pinery-bushfire_00000132_post_disaster,0,0,tier3\masks\pinery-bushfire_00000132_post_disaster.png,0,0,0,0,00000132 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000132_pre_disaster.png,pinery-bushfire_00000132_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000132_pre_disaster.png,0,0,0,0,00000132 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000133_post_disaster.png,pinery-bushfire_00000133_post_disaster,0,0,tier3\masks\pinery-bushfire_00000133_post_disaster.png,0,0,0,0,00000133 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000133_pre_disaster.png,pinery-bushfire_00000133_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000133_pre_disaster.png,0,0,0,0,00000133 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000134_post_disaster.png,pinery-bushfire_00000134_post_disaster,1,244,tier3\masks\pinery-bushfire_00000134_post_disaster.png,0,0,12,1925,00000134 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000134_pre_disaster.png,pinery-bushfire_00000134_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000134_pre_disaster.png,0,0,13,2169,00000134 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000135_post_disaster.png,pinery-bushfire_00000135_post_disaster,0,0,tier3\masks\pinery-bushfire_00000135_post_disaster.png,0,0,1,125,00000135 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000135_pre_disaster.png,pinery-bushfire_00000135_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000135_pre_disaster.png,0,0,1,125,00000135 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000136_post_disaster.png,pinery-bushfire_00000136_post_disaster,0,0,tier3\masks\pinery-bushfire_00000136_post_disaster.png,0,0,4,1662,00000136 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000136_pre_disaster.png,pinery-bushfire_00000136_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000136_pre_disaster.png,0,0,4,1662,00000136 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000137_post_disaster.png,pinery-bushfire_00000137_post_disaster,0,0,tier3\masks\pinery-bushfire_00000137_post_disaster.png,0,0,1,871,00000137 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000137_pre_disaster.png,pinery-bushfire_00000137_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000137_pre_disaster.png,0,0,1,871,00000137 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000138_post_disaster.png,pinery-bushfire_00000138_post_disaster,0,0,tier3\masks\pinery-bushfire_00000138_post_disaster.png,0,0,0,0,00000138 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000138_pre_disaster.png,pinery-bushfire_00000138_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000138_pre_disaster.png,0,0,0,0,00000138 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000139_post_disaster.png,pinery-bushfire_00000139_post_disaster,0,0,tier3\masks\pinery-bushfire_00000139_post_disaster.png,0,0,1,79,00000139 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000139_pre_disaster.png,pinery-bushfire_00000139_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000139_pre_disaster.png,0,0,1,79,00000139 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000140_post_disaster.png,pinery-bushfire_00000140_post_disaster,0,0,tier3\masks\pinery-bushfire_00000140_post_disaster.png,0,0,4,75640,00000140 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000140_pre_disaster.png,pinery-bushfire_00000140_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000140_pre_disaster.png,0,0,4,75649,00000140 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000141_post_disaster.png,pinery-bushfire_00000141_post_disaster,0,0,tier3\masks\pinery-bushfire_00000141_post_disaster.png,0,0,0,0,00000141 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000141_pre_disaster.png,pinery-bushfire_00000141_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000141_pre_disaster.png,0,0,0,0,00000141 +1,91,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000142_post_disaster.png,pinery-bushfire_00000142_post_disaster,0,0,tier3\masks\pinery-bushfire_00000142_post_disaster.png,0,0,0,0,00000142 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000142_pre_disaster.png,pinery-bushfire_00000142_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000142_pre_disaster.png,0,0,1,91,00000142 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000143_post_disaster.png,pinery-bushfire_00000143_post_disaster,0,0,tier3\masks\pinery-bushfire_00000143_post_disaster.png,0,0,0,0,00000143 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000143_pre_disaster.png,pinery-bushfire_00000143_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000143_pre_disaster.png,0,0,0,0,00000143 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000144_post_disaster.png,pinery-bushfire_00000144_post_disaster,0,0,tier3\masks\pinery-bushfire_00000144_post_disaster.png,0,0,1,50,00000144 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000144_pre_disaster.png,pinery-bushfire_00000144_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000144_pre_disaster.png,0,0,1,50,00000144 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000145_post_disaster.png,pinery-bushfire_00000145_post_disaster,0,0,tier3\masks\pinery-bushfire_00000145_post_disaster.png,0,0,0,0,00000145 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000145_pre_disaster.png,pinery-bushfire_00000145_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000145_pre_disaster.png,0,0,0,0,00000145 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000146_post_disaster.png,pinery-bushfire_00000146_post_disaster,0,0,tier3\masks\pinery-bushfire_00000146_post_disaster.png,0,0,0,0,00000146 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000146_pre_disaster.png,pinery-bushfire_00000146_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000146_pre_disaster.png,0,0,0,0,00000146 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000147_post_disaster.png,pinery-bushfire_00000147_post_disaster,0,0,tier3\masks\pinery-bushfire_00000147_post_disaster.png,0,0,0,0,00000147 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000147_pre_disaster.png,pinery-bushfire_00000147_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000147_pre_disaster.png,0,0,0,0,00000147 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000148_post_disaster.png,pinery-bushfire_00000148_post_disaster,0,0,tier3\masks\pinery-bushfire_00000148_post_disaster.png,0,0,0,0,00000148 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000148_pre_disaster.png,pinery-bushfire_00000148_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000148_pre_disaster.png,0,0,0,0,00000148 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000149_post_disaster.png,pinery-bushfire_00000149_post_disaster,0,0,tier3\masks\pinery-bushfire_00000149_post_disaster.png,0,0,0,0,00000149 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000149_pre_disaster.png,pinery-bushfire_00000149_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000149_pre_disaster.png,0,0,0,0,00000149 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000150_post_disaster.png,pinery-bushfire_00000150_post_disaster,0,0,tier3\masks\pinery-bushfire_00000150_post_disaster.png,0,0,0,0,00000150 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000150_pre_disaster.png,pinery-bushfire_00000150_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000150_pre_disaster.png,0,0,0,0,00000150 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000151_post_disaster.png,pinery-bushfire_00000151_post_disaster,0,0,tier3\masks\pinery-bushfire_00000151_post_disaster.png,0,0,0,0,00000151 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000151_pre_disaster.png,pinery-bushfire_00000151_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000151_pre_disaster.png,0,0,0,0,00000151 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000152_post_disaster.png,pinery-bushfire_00000152_post_disaster,0,0,tier3\masks\pinery-bushfire_00000152_post_disaster.png,0,0,1,115,00000152 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000152_pre_disaster.png,pinery-bushfire_00000152_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000152_pre_disaster.png,0,0,1,115,00000152 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000153_post_disaster.png,pinery-bushfire_00000153_post_disaster,0,0,tier3\masks\pinery-bushfire_00000153_post_disaster.png,0,0,0,0,00000153 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000153_pre_disaster.png,pinery-bushfire_00000153_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000153_pre_disaster.png,0,0,0,0,00000153 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000154_post_disaster.png,pinery-bushfire_00000154_post_disaster,0,0,tier3\masks\pinery-bushfire_00000154_post_disaster.png,0,0,1,1093,00000154 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000154_pre_disaster.png,pinery-bushfire_00000154_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000154_pre_disaster.png,0,0,1,1093,00000154 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000155_post_disaster.png,pinery-bushfire_00000155_post_disaster,0,0,tier3\masks\pinery-bushfire_00000155_post_disaster.png,1,526,5,2758,00000155 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000155_pre_disaster.png,pinery-bushfire_00000155_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000155_pre_disaster.png,0,0,6,3286,00000155 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000156_post_disaster.png,pinery-bushfire_00000156_post_disaster,0,0,tier3\masks\pinery-bushfire_00000156_post_disaster.png,0,0,2,98,00000156 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000156_pre_disaster.png,pinery-bushfire_00000156_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000156_pre_disaster.png,0,0,2,98,00000156 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000157_post_disaster.png,pinery-bushfire_00000157_post_disaster,0,0,tier3\masks\pinery-bushfire_00000157_post_disaster.png,0,0,0,0,00000157 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000157_pre_disaster.png,pinery-bushfire_00000157_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000157_pre_disaster.png,0,0,0,0,00000157 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000158_post_disaster.png,pinery-bushfire_00000158_post_disaster,0,0,tier3\masks\pinery-bushfire_00000158_post_disaster.png,0,0,6,65311,00000158 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000158_pre_disaster.png,pinery-bushfire_00000158_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000158_pre_disaster.png,0,0,6,65445,00000158 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000159_post_disaster.png,pinery-bushfire_00000159_post_disaster,0,0,tier3\masks\pinery-bushfire_00000159_post_disaster.png,1,30,17,5592,00000159 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000159_pre_disaster.png,pinery-bushfire_00000159_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000159_pre_disaster.png,0,0,18,5622,00000159 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000160_post_disaster.png,pinery-bushfire_00000160_post_disaster,0,0,tier3\masks\pinery-bushfire_00000160_post_disaster.png,0,0,0,0,00000160 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000160_pre_disaster.png,pinery-bushfire_00000160_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000160_pre_disaster.png,0,0,0,0,00000160 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000161_post_disaster.png,pinery-bushfire_00000161_post_disaster,0,0,tier3\masks\pinery-bushfire_00000161_post_disaster.png,0,0,0,0,00000161 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000161_pre_disaster.png,pinery-bushfire_00000161_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000161_pre_disaster.png,0,0,0,0,00000161 +1,147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000162_post_disaster.png,pinery-bushfire_00000162_post_disaster,0,0,tier3\masks\pinery-bushfire_00000162_post_disaster.png,0,0,0,0,00000162 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000162_pre_disaster.png,pinery-bushfire_00000162_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000162_pre_disaster.png,0,0,1,147,00000162 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000163_post_disaster.png,pinery-bushfire_00000163_post_disaster,0,0,tier3\masks\pinery-bushfire_00000163_post_disaster.png,0,0,0,0,00000163 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000163_pre_disaster.png,pinery-bushfire_00000163_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000163_pre_disaster.png,0,0,0,0,00000163 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000164_post_disaster.png,pinery-bushfire_00000164_post_disaster,0,0,tier3\masks\pinery-bushfire_00000164_post_disaster.png,0,0,0,0,00000164 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000164_pre_disaster.png,pinery-bushfire_00000164_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000164_pre_disaster.png,0,0,0,0,00000164 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000165_post_disaster.png,pinery-bushfire_00000165_post_disaster,0,0,tier3\masks\pinery-bushfire_00000165_post_disaster.png,0,0,0,0,00000165 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000165_pre_disaster.png,pinery-bushfire_00000165_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000165_pre_disaster.png,0,0,0,0,00000165 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000166_post_disaster.png,pinery-bushfire_00000166_post_disaster,0,0,tier3\masks\pinery-bushfire_00000166_post_disaster.png,0,0,0,0,00000166 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000166_pre_disaster.png,pinery-bushfire_00000166_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000166_pre_disaster.png,0,0,0,0,00000166 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000167_post_disaster.png,pinery-bushfire_00000167_post_disaster,0,0,tier3\masks\pinery-bushfire_00000167_post_disaster.png,0,0,0,0,00000167 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000167_pre_disaster.png,pinery-bushfire_00000167_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000167_pre_disaster.png,0,0,0,0,00000167 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000168_post_disaster.png,pinery-bushfire_00000168_post_disaster,0,0,tier3\masks\pinery-bushfire_00000168_post_disaster.png,0,0,0,0,00000168 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000168_pre_disaster.png,pinery-bushfire_00000168_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000168_pre_disaster.png,0,0,0,0,00000168 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000169_post_disaster.png,pinery-bushfire_00000169_post_disaster,0,0,tier3\masks\pinery-bushfire_00000169_post_disaster.png,0,0,0,0,00000169 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000169_pre_disaster.png,pinery-bushfire_00000169_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000169_pre_disaster.png,0,0,0,0,00000169 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000170_post_disaster.png,pinery-bushfire_00000170_post_disaster,0,0,tier3\masks\pinery-bushfire_00000170_post_disaster.png,0,0,4,2101,00000170 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000170_pre_disaster.png,pinery-bushfire_00000170_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000170_pre_disaster.png,0,0,4,2120,00000170 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000171_post_disaster.png,pinery-bushfire_00000171_post_disaster,0,0,tier3\masks\pinery-bushfire_00000171_post_disaster.png,0,0,0,0,00000171 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000171_pre_disaster.png,pinery-bushfire_00000171_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000171_pre_disaster.png,0,0,0,0,00000171 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000172_post_disaster.png,pinery-bushfire_00000172_post_disaster,3,566,tier3\masks\pinery-bushfire_00000172_post_disaster.png,1,1295,10,4110,00000172 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000172_pre_disaster.png,pinery-bushfire_00000172_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000172_pre_disaster.png,0,0,14,5971,00000172 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000173_post_disaster.png,pinery-bushfire_00000173_post_disaster,0,0,tier3\masks\pinery-bushfire_00000173_post_disaster.png,0,0,0,0,00000173 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000173_pre_disaster.png,pinery-bushfire_00000173_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000173_pre_disaster.png,0,0,0,0,00000173 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000174_post_disaster.png,pinery-bushfire_00000174_post_disaster,0,0,tier3\masks\pinery-bushfire_00000174_post_disaster.png,0,0,0,0,00000174 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000174_pre_disaster.png,pinery-bushfire_00000174_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000174_pre_disaster.png,0,0,0,0,00000174 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000175_post_disaster.png,pinery-bushfire_00000175_post_disaster,0,0,tier3\masks\pinery-bushfire_00000175_post_disaster.png,0,0,0,0,00000175 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000175_pre_disaster.png,pinery-bushfire_00000175_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000175_pre_disaster.png,0,0,0,0,00000175 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000176_post_disaster.png,pinery-bushfire_00000176_post_disaster,0,0,tier3\masks\pinery-bushfire_00000176_post_disaster.png,0,0,0,0,00000176 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000176_pre_disaster.png,pinery-bushfire_00000176_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000176_pre_disaster.png,0,0,0,0,00000176 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000177_post_disaster.png,pinery-bushfire_00000177_post_disaster,0,0,tier3\masks\pinery-bushfire_00000177_post_disaster.png,0,0,3,342,00000177 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000177_pre_disaster.png,pinery-bushfire_00000177_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000177_pre_disaster.png,0,0,3,342,00000177 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000178_post_disaster.png,pinery-bushfire_00000178_post_disaster,0,0,tier3\masks\pinery-bushfire_00000178_post_disaster.png,0,0,0,0,00000178 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000178_pre_disaster.png,pinery-bushfire_00000178_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000178_pre_disaster.png,0,0,0,0,00000178 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000179_post_disaster.png,pinery-bushfire_00000179_post_disaster,0,0,tier3\masks\pinery-bushfire_00000179_post_disaster.png,0,0,0,0,00000179 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000179_pre_disaster.png,pinery-bushfire_00000179_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000179_pre_disaster.png,0,0,0,0,00000179 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000180_post_disaster.png,pinery-bushfire_00000180_post_disaster,0,0,tier3\masks\pinery-bushfire_00000180_post_disaster.png,0,0,0,0,00000180 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000180_pre_disaster.png,pinery-bushfire_00000180_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000180_pre_disaster.png,0,0,0,0,00000180 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000181_post_disaster.png,pinery-bushfire_00000181_post_disaster,0,0,tier3\masks\pinery-bushfire_00000181_post_disaster.png,0,0,0,0,00000181 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000181_pre_disaster.png,pinery-bushfire_00000181_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000181_pre_disaster.png,0,0,0,0,00000181 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000182_post_disaster.png,pinery-bushfire_00000182_post_disaster,0,0,tier3\masks\pinery-bushfire_00000182_post_disaster.png,0,0,3,368,00000182 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000182_pre_disaster.png,pinery-bushfire_00000182_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000182_pre_disaster.png,0,0,3,368,00000182 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000183_post_disaster.png,pinery-bushfire_00000183_post_disaster,0,0,tier3\masks\pinery-bushfire_00000183_post_disaster.png,0,0,0,0,00000183 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000183_pre_disaster.png,pinery-bushfire_00000183_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000183_pre_disaster.png,0,0,0,0,00000183 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000184_post_disaster.png,pinery-bushfire_00000184_post_disaster,0,0,tier3\masks\pinery-bushfire_00000184_post_disaster.png,0,0,0,0,00000184 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000184_pre_disaster.png,pinery-bushfire_00000184_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000184_pre_disaster.png,0,0,0,0,00000184 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000185_post_disaster.png,pinery-bushfire_00000185_post_disaster,0,0,tier3\masks\pinery-bushfire_00000185_post_disaster.png,0,0,0,0,00000185 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000185_pre_disaster.png,pinery-bushfire_00000185_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000185_pre_disaster.png,0,0,0,0,00000185 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000186_post_disaster.png,pinery-bushfire_00000186_post_disaster,0,0,tier3\masks\pinery-bushfire_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000186_pre_disaster.png,pinery-bushfire_00000186_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000187_post_disaster.png,pinery-bushfire_00000187_post_disaster,0,0,tier3\masks\pinery-bushfire_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000187_pre_disaster.png,pinery-bushfire_00000187_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000187_pre_disaster.png,0,0,0,0,00000187 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000188_post_disaster.png,pinery-bushfire_00000188_post_disaster,0,0,tier3\masks\pinery-bushfire_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000188_pre_disaster.png,pinery-bushfire_00000188_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000188_pre_disaster.png,0,0,0,0,00000188 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000189_post_disaster.png,pinery-bushfire_00000189_post_disaster,0,0,tier3\masks\pinery-bushfire_00000189_post_disaster.png,0,0,14,6288,00000189 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000189_pre_disaster.png,pinery-bushfire_00000189_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000189_pre_disaster.png,0,0,14,6288,00000189 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000190_post_disaster.png,pinery-bushfire_00000190_post_disaster,0,0,tier3\masks\pinery-bushfire_00000190_post_disaster.png,0,0,6,488,00000190 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000190_pre_disaster.png,pinery-bushfire_00000190_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000190_pre_disaster.png,0,0,6,488,00000190 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000191_post_disaster.png,pinery-bushfire_00000191_post_disaster,0,0,tier3\masks\pinery-bushfire_00000191_post_disaster.png,0,0,0,0,00000191 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000191_pre_disaster.png,pinery-bushfire_00000191_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000191_pre_disaster.png,0,0,0,0,00000191 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000192_post_disaster.png,pinery-bushfire_00000192_post_disaster,0,0,tier3\masks\pinery-bushfire_00000192_post_disaster.png,0,0,0,0,00000192 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000192_pre_disaster.png,pinery-bushfire_00000192_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000192_pre_disaster.png,0,0,0,0,00000192 +7,5431,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000193_post_disaster.png,pinery-bushfire_00000193_post_disaster,0,0,tier3\masks\pinery-bushfire_00000193_post_disaster.png,1,1430,7,9446,00000193 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000193_pre_disaster.png,pinery-bushfire_00000193_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000193_pre_disaster.png,0,0,15,16332,00000193 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000194_post_disaster.png,pinery-bushfire_00000194_post_disaster,0,0,tier3\masks\pinery-bushfire_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000194_pre_disaster.png,pinery-bushfire_00000194_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000195_post_disaster.png,pinery-bushfire_00000195_post_disaster,0,0,tier3\masks\pinery-bushfire_00000195_post_disaster.png,0,0,0,0,00000195 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000195_pre_disaster.png,pinery-bushfire_00000195_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000195_pre_disaster.png,0,0,0,0,00000195 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000196_post_disaster.png,pinery-bushfire_00000196_post_disaster,0,0,tier3\masks\pinery-bushfire_00000196_post_disaster.png,0,0,0,0,00000196 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000196_pre_disaster.png,pinery-bushfire_00000196_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000196_pre_disaster.png,0,0,0,0,00000196 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000197_post_disaster.png,pinery-bushfire_00000197_post_disaster,0,0,tier3\masks\pinery-bushfire_00000197_post_disaster.png,0,0,0,0,00000197 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000197_pre_disaster.png,pinery-bushfire_00000197_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000197_pre_disaster.png,0,0,0,0,00000197 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000198_post_disaster.png,pinery-bushfire_00000198_post_disaster,0,0,tier3\masks\pinery-bushfire_00000198_post_disaster.png,0,0,1,84,00000198 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000198_pre_disaster.png,pinery-bushfire_00000198_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000198_pre_disaster.png,0,0,1,84,00000198 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000199_post_disaster.png,pinery-bushfire_00000199_post_disaster,0,0,tier3\masks\pinery-bushfire_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000199_pre_disaster.png,pinery-bushfire_00000199_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000199_pre_disaster.png,0,0,0,0,00000199 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000200_post_disaster.png,pinery-bushfire_00000200_post_disaster,0,0,tier3\masks\pinery-bushfire_00000200_post_disaster.png,0,0,0,0,00000200 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000200_pre_disaster.png,pinery-bushfire_00000200_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000200_pre_disaster.png,0,0,0,0,00000200 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000201_post_disaster.png,pinery-bushfire_00000201_post_disaster,0,0,tier3\masks\pinery-bushfire_00000201_post_disaster.png,0,0,0,0,00000201 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000201_pre_disaster.png,pinery-bushfire_00000201_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000201_pre_disaster.png,0,0,0,0,00000201 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000202_post_disaster.png,pinery-bushfire_00000202_post_disaster,0,0,tier3\masks\pinery-bushfire_00000202_post_disaster.png,0,0,0,0,00000202 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000202_pre_disaster.png,pinery-bushfire_00000202_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000202_pre_disaster.png,0,0,0,0,00000202 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000203_post_disaster.png,pinery-bushfire_00000203_post_disaster,0,0,tier3\masks\pinery-bushfire_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000203_pre_disaster.png,pinery-bushfire_00000203_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000203_pre_disaster.png,0,0,0,0,00000203 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000204_post_disaster.png,pinery-bushfire_00000204_post_disaster,0,0,tier3\masks\pinery-bushfire_00000204_post_disaster.png,0,0,1,43,00000204 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000204_pre_disaster.png,pinery-bushfire_00000204_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000204_pre_disaster.png,0,0,1,43,00000204 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000205_post_disaster.png,pinery-bushfire_00000205_post_disaster,0,0,tier3\masks\pinery-bushfire_00000205_post_disaster.png,0,0,0,0,00000205 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000205_pre_disaster.png,pinery-bushfire_00000205_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000205_pre_disaster.png,0,0,0,0,00000205 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000206_post_disaster.png,pinery-bushfire_00000206_post_disaster,0,0,tier3\masks\pinery-bushfire_00000206_post_disaster.png,0,0,0,0,00000206 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000206_pre_disaster.png,pinery-bushfire_00000206_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000206_pre_disaster.png,0,0,0,0,00000206 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000207_post_disaster.png,pinery-bushfire_00000207_post_disaster,0,0,tier3\masks\pinery-bushfire_00000207_post_disaster.png,0,0,0,0,00000207 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000207_pre_disaster.png,pinery-bushfire_00000207_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000207_pre_disaster.png,0,0,0,0,00000207 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000208_post_disaster.png,pinery-bushfire_00000208_post_disaster,0,0,tier3\masks\pinery-bushfire_00000208_post_disaster.png,0,0,1,87,00000208 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000208_pre_disaster.png,pinery-bushfire_00000208_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000208_pre_disaster.png,0,0,1,87,00000208 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000209_post_disaster.png,pinery-bushfire_00000209_post_disaster,0,0,tier3\masks\pinery-bushfire_00000209_post_disaster.png,0,0,0,0,00000209 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000209_pre_disaster.png,pinery-bushfire_00000209_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000209_pre_disaster.png,0,0,0,0,00000209 +1,775,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000210_post_disaster.png,pinery-bushfire_00000210_post_disaster,0,0,tier3\masks\pinery-bushfire_00000210_post_disaster.png,1,337,39,17856,00000210 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000210_pre_disaster.png,pinery-bushfire_00000210_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000210_pre_disaster.png,0,0,40,19085,00000210 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000211_post_disaster.png,pinery-bushfire_00000211_post_disaster,0,0,tier3\masks\pinery-bushfire_00000211_post_disaster.png,0,0,0,0,00000211 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000211_pre_disaster.png,pinery-bushfire_00000211_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000211_pre_disaster.png,0,0,0,0,00000211 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000212_post_disaster.png,pinery-bushfire_00000212_post_disaster,0,0,tier3\masks\pinery-bushfire_00000212_post_disaster.png,0,0,0,0,00000212 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000212_pre_disaster.png,pinery-bushfire_00000212_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000212_pre_disaster.png,0,0,0,0,00000212 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000213_post_disaster.png,pinery-bushfire_00000213_post_disaster,0,0,tier3\masks\pinery-bushfire_00000213_post_disaster.png,0,0,0,0,00000213 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000213_pre_disaster.png,pinery-bushfire_00000213_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000213_pre_disaster.png,0,0,0,0,00000213 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000214_post_disaster.png,pinery-bushfire_00000214_post_disaster,0,0,tier3\masks\pinery-bushfire_00000214_post_disaster.png,0,0,0,0,00000214 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000214_pre_disaster.png,pinery-bushfire_00000214_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000214_pre_disaster.png,0,0,0,0,00000214 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000215_post_disaster.png,pinery-bushfire_00000215_post_disaster,0,0,tier3\masks\pinery-bushfire_00000215_post_disaster.png,0,0,0,0,00000215 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000215_pre_disaster.png,pinery-bushfire_00000215_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000215_pre_disaster.png,0,0,0,0,00000215 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000216_post_disaster.png,pinery-bushfire_00000216_post_disaster,0,0,tier3\masks\pinery-bushfire_00000216_post_disaster.png,0,0,0,0,00000216 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000216_pre_disaster.png,pinery-bushfire_00000216_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000216_pre_disaster.png,0,0,0,0,00000216 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000217_post_disaster.png,pinery-bushfire_00000217_post_disaster,0,0,tier3\masks\pinery-bushfire_00000217_post_disaster.png,1,559,23,9105,00000217 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000217_pre_disaster.png,pinery-bushfire_00000217_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000217_pre_disaster.png,0,0,24,9695,00000217 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000218_post_disaster.png,pinery-bushfire_00000218_post_disaster,0,0,tier3\masks\pinery-bushfire_00000218_post_disaster.png,0,0,0,0,00000218 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000218_pre_disaster.png,pinery-bushfire_00000218_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000218_pre_disaster.png,0,0,0,0,00000218 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000219_post_disaster.png,pinery-bushfire_00000219_post_disaster,0,0,tier3\masks\pinery-bushfire_00000219_post_disaster.png,0,0,0,0,00000219 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000219_pre_disaster.png,pinery-bushfire_00000219_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000219_pre_disaster.png,0,0,0,0,00000219 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000220_post_disaster.png,pinery-bushfire_00000220_post_disaster,0,0,tier3\masks\pinery-bushfire_00000220_post_disaster.png,0,0,0,0,00000220 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000220_pre_disaster.png,pinery-bushfire_00000220_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000220_pre_disaster.png,0,0,0,0,00000220 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000221_post_disaster.png,pinery-bushfire_00000221_post_disaster,0,0,tier3\masks\pinery-bushfire_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000221_pre_disaster.png,pinery-bushfire_00000221_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000222_post_disaster.png,pinery-bushfire_00000222_post_disaster,0,0,tier3\masks\pinery-bushfire_00000222_post_disaster.png,0,0,0,0,00000222 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000222_pre_disaster.png,pinery-bushfire_00000222_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000222_pre_disaster.png,0,0,0,0,00000222 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000223_post_disaster.png,pinery-bushfire_00000223_post_disaster,0,0,tier3\masks\pinery-bushfire_00000223_post_disaster.png,0,0,0,0,00000223 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000223_pre_disaster.png,pinery-bushfire_00000223_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000223_pre_disaster.png,0,0,0,0,00000223 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000224_post_disaster.png,pinery-bushfire_00000224_post_disaster,0,0,tier3\masks\pinery-bushfire_00000224_post_disaster.png,0,0,0,0,00000224 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000224_pre_disaster.png,pinery-bushfire_00000224_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000224_pre_disaster.png,0,0,0,0,00000224 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000225_post_disaster.png,pinery-bushfire_00000225_post_disaster,0,0,tier3\masks\pinery-bushfire_00000225_post_disaster.png,0,0,0,0,00000225 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000225_pre_disaster.png,pinery-bushfire_00000225_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000225_pre_disaster.png,0,0,0,0,00000225 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000226_post_disaster.png,pinery-bushfire_00000226_post_disaster,0,0,tier3\masks\pinery-bushfire_00000226_post_disaster.png,0,0,0,0,00000226 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000226_pre_disaster.png,pinery-bushfire_00000226_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000226_pre_disaster.png,0,0,0,0,00000226 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000227_post_disaster.png,pinery-bushfire_00000227_post_disaster,0,0,tier3\masks\pinery-bushfire_00000227_post_disaster.png,0,0,0,0,00000227 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000227_pre_disaster.png,pinery-bushfire_00000227_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000227_pre_disaster.png,0,0,0,0,00000227 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000228_post_disaster.png,pinery-bushfire_00000228_post_disaster,0,0,tier3\masks\pinery-bushfire_00000228_post_disaster.png,0,0,0,0,00000228 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000228_pre_disaster.png,pinery-bushfire_00000228_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000228_pre_disaster.png,0,0,0,0,00000228 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000229_post_disaster.png,pinery-bushfire_00000229_post_disaster,0,0,tier3\masks\pinery-bushfire_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000229_pre_disaster.png,pinery-bushfire_00000229_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000229_pre_disaster.png,0,0,0,0,00000229 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000230_post_disaster.png,pinery-bushfire_00000230_post_disaster,0,0,tier3\masks\pinery-bushfire_00000230_post_disaster.png,0,0,6,752,00000230 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000230_pre_disaster.png,pinery-bushfire_00000230_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000230_pre_disaster.png,0,0,6,752,00000230 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000231_post_disaster.png,pinery-bushfire_00000231_post_disaster,0,0,tier3\masks\pinery-bushfire_00000231_post_disaster.png,0,0,0,0,00000231 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000231_pre_disaster.png,pinery-bushfire_00000231_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000231_pre_disaster.png,0,0,0,0,00000231 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000232_post_disaster.png,pinery-bushfire_00000232_post_disaster,0,0,tier3\masks\pinery-bushfire_00000232_post_disaster.png,0,0,0,0,00000232 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000232_pre_disaster.png,pinery-bushfire_00000232_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000232_pre_disaster.png,0,0,0,0,00000232 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000233_post_disaster.png,pinery-bushfire_00000233_post_disaster,0,0,tier3\masks\pinery-bushfire_00000233_post_disaster.png,0,0,0,0,00000233 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000233_pre_disaster.png,pinery-bushfire_00000233_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000233_pre_disaster.png,0,0,0,0,00000233 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000234_post_disaster.png,pinery-bushfire_00000234_post_disaster,0,0,tier3\masks\pinery-bushfire_00000234_post_disaster.png,0,0,0,0,00000234 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000234_pre_disaster.png,pinery-bushfire_00000234_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000234_pre_disaster.png,0,0,0,0,00000234 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000235_post_disaster.png,pinery-bushfire_00000235_post_disaster,0,0,tier3\masks\pinery-bushfire_00000235_post_disaster.png,0,0,0,0,00000235 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000235_pre_disaster.png,pinery-bushfire_00000235_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000235_pre_disaster.png,0,0,0,0,00000235 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000236_post_disaster.png,pinery-bushfire_00000236_post_disaster,0,0,tier3\masks\pinery-bushfire_00000236_post_disaster.png,0,0,0,0,00000236 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000236_pre_disaster.png,pinery-bushfire_00000236_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000236_pre_disaster.png,0,0,0,0,00000236 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000237_post_disaster.png,pinery-bushfire_00000237_post_disaster,0,0,tier3\masks\pinery-bushfire_00000237_post_disaster.png,1,351,8,5803,00000237 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000237_pre_disaster.png,pinery-bushfire_00000237_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000237_pre_disaster.png,0,0,9,6202,00000237 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000238_post_disaster.png,pinery-bushfire_00000238_post_disaster,0,0,tier3\masks\pinery-bushfire_00000238_post_disaster.png,0,0,0,0,00000238 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000238_pre_disaster.png,pinery-bushfire_00000238_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000238_pre_disaster.png,0,0,0,0,00000238 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000239_post_disaster.png,pinery-bushfire_00000239_post_disaster,0,0,tier3\masks\pinery-bushfire_00000239_post_disaster.png,0,0,0,0,00000239 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000239_pre_disaster.png,pinery-bushfire_00000239_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000239_pre_disaster.png,0,0,0,0,00000239 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000240_post_disaster.png,pinery-bushfire_00000240_post_disaster,0,0,tier3\masks\pinery-bushfire_00000240_post_disaster.png,0,0,0,0,00000240 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000240_pre_disaster.png,pinery-bushfire_00000240_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000240_pre_disaster.png,0,0,0,0,00000240 +1,199,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000241_post_disaster.png,pinery-bushfire_00000241_post_disaster,2,1010,tier3\masks\pinery-bushfire_00000241_post_disaster.png,1,236,4,3381,00000241 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000241_pre_disaster.png,pinery-bushfire_00000241_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000241_pre_disaster.png,0,0,7,4826,00000241 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000242_post_disaster.png,pinery-bushfire_00000242_post_disaster,0,0,tier3\masks\pinery-bushfire_00000242_post_disaster.png,0,0,0,0,00000242 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000242_pre_disaster.png,pinery-bushfire_00000242_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000242_pre_disaster.png,0,0,0,0,00000242 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000243_post_disaster.png,pinery-bushfire_00000243_post_disaster,0,0,tier3\masks\pinery-bushfire_00000243_post_disaster.png,0,0,0,0,00000243 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000243_pre_disaster.png,pinery-bushfire_00000243_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000243_pre_disaster.png,0,0,0,0,00000243 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000244_post_disaster.png,pinery-bushfire_00000244_post_disaster,0,0,tier3\masks\pinery-bushfire_00000244_post_disaster.png,0,0,0,0,00000244 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000244_pre_disaster.png,pinery-bushfire_00000244_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000244_pre_disaster.png,0,0,0,0,00000244 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000245_post_disaster.png,pinery-bushfire_00000245_post_disaster,0,0,tier3\masks\pinery-bushfire_00000245_post_disaster.png,0,0,0,0,00000245 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000245_pre_disaster.png,pinery-bushfire_00000245_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000245_pre_disaster.png,0,0,0,0,00000245 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000246_post_disaster.png,pinery-bushfire_00000246_post_disaster,0,0,tier3\masks\pinery-bushfire_00000246_post_disaster.png,0,0,0,0,00000246 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000246_pre_disaster.png,pinery-bushfire_00000246_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000246_pre_disaster.png,0,0,0,0,00000246 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000247_post_disaster.png,pinery-bushfire_00000247_post_disaster,0,0,tier3\masks\pinery-bushfire_00000247_post_disaster.png,0,0,0,0,00000247 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000247_pre_disaster.png,pinery-bushfire_00000247_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000247_pre_disaster.png,0,0,0,0,00000247 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000248_post_disaster.png,pinery-bushfire_00000248_post_disaster,0,0,tier3\masks\pinery-bushfire_00000248_post_disaster.png,0,0,0,0,00000248 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000248_pre_disaster.png,pinery-bushfire_00000248_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000248_pre_disaster.png,0,0,0,0,00000248 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000249_post_disaster.png,pinery-bushfire_00000249_post_disaster,0,0,tier3\masks\pinery-bushfire_00000249_post_disaster.png,0,0,0,0,00000249 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000249_pre_disaster.png,pinery-bushfire_00000249_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000249_pre_disaster.png,0,0,0,0,00000249 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000250_post_disaster.png,pinery-bushfire_00000250_post_disaster,0,0,tier3\masks\pinery-bushfire_00000250_post_disaster.png,0,0,0,0,00000250 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000250_pre_disaster.png,pinery-bushfire_00000250_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000250_pre_disaster.png,0,0,0,0,00000250 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000251_post_disaster.png,pinery-bushfire_00000251_post_disaster,0,0,tier3\masks\pinery-bushfire_00000251_post_disaster.png,0,0,3,806,00000251 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000251_pre_disaster.png,pinery-bushfire_00000251_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000251_pre_disaster.png,0,0,3,806,00000251 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000252_post_disaster.png,pinery-bushfire_00000252_post_disaster,0,0,tier3\masks\pinery-bushfire_00000252_post_disaster.png,0,0,0,0,00000252 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000252_pre_disaster.png,pinery-bushfire_00000252_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000252_pre_disaster.png,0,0,0,0,00000252 +3,1796,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000253_post_disaster.png,pinery-bushfire_00000253_post_disaster,1,313,tier3\masks\pinery-bushfire_00000253_post_disaster.png,4,2289,0,0,00000253 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000253_pre_disaster.png,pinery-bushfire_00000253_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000253_pre_disaster.png,0,0,8,4398,00000253 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000254_post_disaster.png,pinery-bushfire_00000254_post_disaster,0,0,tier3\masks\pinery-bushfire_00000254_post_disaster.png,0,0,0,0,00000254 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000254_pre_disaster.png,pinery-bushfire_00000254_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000254_pre_disaster.png,0,0,0,0,00000254 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000255_post_disaster.png,pinery-bushfire_00000255_post_disaster,0,0,tier3\masks\pinery-bushfire_00000255_post_disaster.png,0,0,0,0,00000255 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000255_pre_disaster.png,pinery-bushfire_00000255_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000255_pre_disaster.png,0,0,0,0,00000255 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000256_post_disaster.png,pinery-bushfire_00000256_post_disaster,0,0,tier3\masks\pinery-bushfire_00000256_post_disaster.png,0,0,0,0,00000256 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000256_pre_disaster.png,pinery-bushfire_00000256_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000256_pre_disaster.png,0,0,0,0,00000256 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000257_post_disaster.png,pinery-bushfire_00000257_post_disaster,0,0,tier3\masks\pinery-bushfire_00000257_post_disaster.png,0,0,0,0,00000257 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000257_pre_disaster.png,pinery-bushfire_00000257_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000257_pre_disaster.png,0,0,0,0,00000257 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000258_post_disaster.png,pinery-bushfire_00000258_post_disaster,0,0,tier3\masks\pinery-bushfire_00000258_post_disaster.png,0,0,2,1123,00000258 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000258_pre_disaster.png,pinery-bushfire_00000258_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000258_pre_disaster.png,0,0,2,1123,00000258 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000259_post_disaster.png,pinery-bushfire_00000259_post_disaster,0,0,tier3\masks\pinery-bushfire_00000259_post_disaster.png,0,0,0,0,00000259 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000259_pre_disaster.png,pinery-bushfire_00000259_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000259_pre_disaster.png,0,0,0,0,00000259 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000260_post_disaster.png,pinery-bushfire_00000260_post_disaster,0,0,tier3\masks\pinery-bushfire_00000260_post_disaster.png,0,0,0,0,00000260 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000260_pre_disaster.png,pinery-bushfire_00000260_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000260_pre_disaster.png,0,0,0,0,00000260 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000261_post_disaster.png,pinery-bushfire_00000261_post_disaster,0,0,tier3\masks\pinery-bushfire_00000261_post_disaster.png,0,0,2,1811,00000261 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000261_pre_disaster.png,pinery-bushfire_00000261_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000261_pre_disaster.png,0,0,2,1845,00000261 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000262_post_disaster.png,pinery-bushfire_00000262_post_disaster,0,0,tier3\masks\pinery-bushfire_00000262_post_disaster.png,0,0,0,0,00000262 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000262_pre_disaster.png,pinery-bushfire_00000262_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000262_pre_disaster.png,0,0,0,0,00000262 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000263_post_disaster.png,pinery-bushfire_00000263_post_disaster,0,0,tier3\masks\pinery-bushfire_00000263_post_disaster.png,0,0,0,0,00000263 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000263_pre_disaster.png,pinery-bushfire_00000263_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000263_pre_disaster.png,0,0,0,0,00000263 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000264_post_disaster.png,pinery-bushfire_00000264_post_disaster,0,0,tier3\masks\pinery-bushfire_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000264_pre_disaster.png,pinery-bushfire_00000264_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000264_pre_disaster.png,0,0,0,0,00000264 +1,372,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000265_post_disaster.png,pinery-bushfire_00000265_post_disaster,0,0,tier3\masks\pinery-bushfire_00000265_post_disaster.png,0,0,6,4477,00000265 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000265_pre_disaster.png,pinery-bushfire_00000265_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000265_pre_disaster.png,0,0,7,4849,00000265 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000266_post_disaster.png,pinery-bushfire_00000266_post_disaster,0,0,tier3\masks\pinery-bushfire_00000266_post_disaster.png,0,0,0,0,00000266 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000266_pre_disaster.png,pinery-bushfire_00000266_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000266_pre_disaster.png,0,0,0,0,00000266 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000267_post_disaster.png,pinery-bushfire_00000267_post_disaster,0,0,tier3\masks\pinery-bushfire_00000267_post_disaster.png,0,0,0,0,00000267 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000267_pre_disaster.png,pinery-bushfire_00000267_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000267_pre_disaster.png,0,0,0,0,00000267 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000268_post_disaster.png,pinery-bushfire_00000268_post_disaster,0,0,tier3\masks\pinery-bushfire_00000268_post_disaster.png,0,0,0,0,00000268 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000268_pre_disaster.png,pinery-bushfire_00000268_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000268_pre_disaster.png,0,0,0,0,00000268 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000269_post_disaster.png,pinery-bushfire_00000269_post_disaster,0,0,tier3\masks\pinery-bushfire_00000269_post_disaster.png,0,0,0,0,00000269 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000269_pre_disaster.png,pinery-bushfire_00000269_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000269_pre_disaster.png,0,0,0,0,00000269 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000270_post_disaster.png,pinery-bushfire_00000270_post_disaster,0,0,tier3\masks\pinery-bushfire_00000270_post_disaster.png,0,0,0,0,00000270 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000270_pre_disaster.png,pinery-bushfire_00000270_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000270_pre_disaster.png,0,0,0,0,00000270 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000271_post_disaster.png,pinery-bushfire_00000271_post_disaster,0,0,tier3\masks\pinery-bushfire_00000271_post_disaster.png,0,0,0,0,00000271 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000271_pre_disaster.png,pinery-bushfire_00000271_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000271_pre_disaster.png,0,0,0,0,00000271 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000272_post_disaster.png,pinery-bushfire_00000272_post_disaster,0,0,tier3\masks\pinery-bushfire_00000272_post_disaster.png,0,0,0,0,00000272 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000272_pre_disaster.png,pinery-bushfire_00000272_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000272_pre_disaster.png,0,0,0,0,00000272 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000273_post_disaster.png,pinery-bushfire_00000273_post_disaster,0,0,tier3\masks\pinery-bushfire_00000273_post_disaster.png,0,0,1,134,00000273 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000273_pre_disaster.png,pinery-bushfire_00000273_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000273_pre_disaster.png,0,0,1,134,00000273 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000274_post_disaster.png,pinery-bushfire_00000274_post_disaster,0,0,tier3\masks\pinery-bushfire_00000274_post_disaster.png,0,0,0,0,00000274 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000274_pre_disaster.png,pinery-bushfire_00000274_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000274_pre_disaster.png,0,0,0,0,00000274 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000275_post_disaster.png,pinery-bushfire_00000275_post_disaster,0,0,tier3\masks\pinery-bushfire_00000275_post_disaster.png,0,0,0,0,00000275 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000275_pre_disaster.png,pinery-bushfire_00000275_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000275_pre_disaster.png,0,0,0,0,00000275 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000276_post_disaster.png,pinery-bushfire_00000276_post_disaster,0,0,tier3\masks\pinery-bushfire_00000276_post_disaster.png,0,0,0,0,00000276 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000276_pre_disaster.png,pinery-bushfire_00000276_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000276_pre_disaster.png,0,0,0,0,00000276 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000277_post_disaster.png,pinery-bushfire_00000277_post_disaster,0,0,tier3\masks\pinery-bushfire_00000277_post_disaster.png,0,0,0,0,00000277 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000277_pre_disaster.png,pinery-bushfire_00000277_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000277_pre_disaster.png,0,0,0,0,00000277 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000278_post_disaster.png,pinery-bushfire_00000278_post_disaster,0,0,tier3\masks\pinery-bushfire_00000278_post_disaster.png,0,0,2,359,00000278 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000278_pre_disaster.png,pinery-bushfire_00000278_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000278_pre_disaster.png,0,0,2,398,00000278 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000279_post_disaster.png,pinery-bushfire_00000279_post_disaster,0,0,tier3\masks\pinery-bushfire_00000279_post_disaster.png,0,0,0,0,00000279 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000279_pre_disaster.png,pinery-bushfire_00000279_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000279_pre_disaster.png,0,0,0,0,00000279 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000280_post_disaster.png,pinery-bushfire_00000280_post_disaster,0,0,tier3\masks\pinery-bushfire_00000280_post_disaster.png,0,0,0,0,00000280 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000280_pre_disaster.png,pinery-bushfire_00000280_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000280_pre_disaster.png,0,0,0,0,00000280 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000281_post_disaster.png,pinery-bushfire_00000281_post_disaster,0,0,tier3\masks\pinery-bushfire_00000281_post_disaster.png,0,0,1,112,00000281 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000281_pre_disaster.png,pinery-bushfire_00000281_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000281_pre_disaster.png,0,0,1,112,00000281 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000282_post_disaster.png,pinery-bushfire_00000282_post_disaster,0,0,tier3\masks\pinery-bushfire_00000282_post_disaster.png,0,0,0,0,00000282 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000282_pre_disaster.png,pinery-bushfire_00000282_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000282_pre_disaster.png,0,0,0,0,00000282 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000283_post_disaster.png,pinery-bushfire_00000283_post_disaster,0,0,tier3\masks\pinery-bushfire_00000283_post_disaster.png,0,0,0,0,00000283 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000283_pre_disaster.png,pinery-bushfire_00000283_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000283_pre_disaster.png,0,0,0,0,00000283 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000284_post_disaster.png,pinery-bushfire_00000284_post_disaster,0,0,tier3\masks\pinery-bushfire_00000284_post_disaster.png,0,0,0,0,00000284 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000284_pre_disaster.png,pinery-bushfire_00000284_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000284_pre_disaster.png,0,0,0,0,00000284 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000285_post_disaster.png,pinery-bushfire_00000285_post_disaster,0,0,tier3\masks\pinery-bushfire_00000285_post_disaster.png,0,0,0,0,00000285 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000285_pre_disaster.png,pinery-bushfire_00000285_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000285_pre_disaster.png,0,0,0,0,00000285 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000286_post_disaster.png,pinery-bushfire_00000286_post_disaster,0,0,tier3\masks\pinery-bushfire_00000286_post_disaster.png,0,0,0,0,00000286 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000286_pre_disaster.png,pinery-bushfire_00000286_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000286_pre_disaster.png,0,0,0,0,00000286 +1,356,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000287_post_disaster.png,pinery-bushfire_00000287_post_disaster,0,0,tier3\masks\pinery-bushfire_00000287_post_disaster.png,3,3606,3,953,00000287 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000287_pre_disaster.png,pinery-bushfire_00000287_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000287_pre_disaster.png,0,0,6,4980,00000287 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000288_post_disaster.png,pinery-bushfire_00000288_post_disaster,0,0,tier3\masks\pinery-bushfire_00000288_post_disaster.png,0,0,0,0,00000288 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000288_pre_disaster.png,pinery-bushfire_00000288_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000288_pre_disaster.png,0,0,0,0,00000288 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000289_post_disaster.png,pinery-bushfire_00000289_post_disaster,0,0,tier3\masks\pinery-bushfire_00000289_post_disaster.png,0,0,0,0,00000289 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000289_pre_disaster.png,pinery-bushfire_00000289_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000289_pre_disaster.png,0,0,0,0,00000289 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000290_post_disaster.png,pinery-bushfire_00000290_post_disaster,0,0,tier3\masks\pinery-bushfire_00000290_post_disaster.png,0,0,0,0,00000290 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000290_pre_disaster.png,pinery-bushfire_00000290_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000290_pre_disaster.png,0,0,0,0,00000290 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000291_post_disaster.png,pinery-bushfire_00000291_post_disaster,0,0,tier3\masks\pinery-bushfire_00000291_post_disaster.png,0,0,0,0,00000291 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000291_pre_disaster.png,pinery-bushfire_00000291_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000291_pre_disaster.png,0,0,0,0,00000291 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000292_post_disaster.png,pinery-bushfire_00000292_post_disaster,0,0,tier3\masks\pinery-bushfire_00000292_post_disaster.png,0,0,0,0,00000292 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000292_pre_disaster.png,pinery-bushfire_00000292_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000292_pre_disaster.png,0,0,0,0,00000292 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000293_post_disaster.png,pinery-bushfire_00000293_post_disaster,0,0,tier3\masks\pinery-bushfire_00000293_post_disaster.png,0,0,0,0,00000293 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000293_pre_disaster.png,pinery-bushfire_00000293_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000293_pre_disaster.png,0,0,0,0,00000293 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000294_post_disaster.png,pinery-bushfire_00000294_post_disaster,0,0,tier3\masks\pinery-bushfire_00000294_post_disaster.png,0,0,0,0,00000294 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000294_pre_disaster.png,pinery-bushfire_00000294_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000294_pre_disaster.png,0,0,0,0,00000294 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000295_post_disaster.png,pinery-bushfire_00000295_post_disaster,0,0,tier3\masks\pinery-bushfire_00000295_post_disaster.png,0,0,0,0,00000295 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000295_pre_disaster.png,pinery-bushfire_00000295_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000295_pre_disaster.png,0,0,0,0,00000295 +1,128,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000296_post_disaster.png,pinery-bushfire_00000296_post_disaster,0,0,tier3\masks\pinery-bushfire_00000296_post_disaster.png,0,0,17,8074,00000296 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000296_pre_disaster.png,pinery-bushfire_00000296_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000296_pre_disaster.png,0,0,18,8202,00000296 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000297_post_disaster.png,pinery-bushfire_00000297_post_disaster,0,0,tier3\masks\pinery-bushfire_00000297_post_disaster.png,0,0,1,233,00000297 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000297_pre_disaster.png,pinery-bushfire_00000297_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000297_pre_disaster.png,0,0,1,233,00000297 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000298_post_disaster.png,pinery-bushfire_00000298_post_disaster,0,0,tier3\masks\pinery-bushfire_00000298_post_disaster.png,0,0,1,46,00000298 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000298_pre_disaster.png,pinery-bushfire_00000298_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000298_pre_disaster.png,0,0,1,46,00000298 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000299_post_disaster.png,pinery-bushfire_00000299_post_disaster,0,0,tier3\masks\pinery-bushfire_00000299_post_disaster.png,0,0,0,0,00000299 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000299_pre_disaster.png,pinery-bushfire_00000299_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000299_pre_disaster.png,0,0,0,0,00000299 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000300_post_disaster.png,pinery-bushfire_00000300_post_disaster,0,0,tier3\masks\pinery-bushfire_00000300_post_disaster.png,0,0,0,0,00000300 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000300_pre_disaster.png,pinery-bushfire_00000300_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000300_pre_disaster.png,0,0,0,0,00000300 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000301_post_disaster.png,pinery-bushfire_00000301_post_disaster,0,0,tier3\masks\pinery-bushfire_00000301_post_disaster.png,0,0,0,0,00000301 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000301_pre_disaster.png,pinery-bushfire_00000301_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000301_pre_disaster.png,0,0,0,0,00000301 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000302_post_disaster.png,pinery-bushfire_00000302_post_disaster,0,0,tier3\masks\pinery-bushfire_00000302_post_disaster.png,0,0,0,0,00000302 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000302_pre_disaster.png,pinery-bushfire_00000302_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000302_pre_disaster.png,0,0,0,0,00000302 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000303_post_disaster.png,pinery-bushfire_00000303_post_disaster,0,0,tier3\masks\pinery-bushfire_00000303_post_disaster.png,0,0,3,270,00000303 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000303_pre_disaster.png,pinery-bushfire_00000303_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000303_pre_disaster.png,0,0,3,270,00000303 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000304_post_disaster.png,pinery-bushfire_00000304_post_disaster,0,0,tier3\masks\pinery-bushfire_00000304_post_disaster.png,0,0,0,0,00000304 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000304_pre_disaster.png,pinery-bushfire_00000304_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000304_pre_disaster.png,0,0,0,0,00000304 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000305_post_disaster.png,pinery-bushfire_00000305_post_disaster,0,0,tier3\masks\pinery-bushfire_00000305_post_disaster.png,0,0,0,0,00000305 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000305_pre_disaster.png,pinery-bushfire_00000305_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000305_pre_disaster.png,0,0,0,0,00000305 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000306_post_disaster.png,pinery-bushfire_00000306_post_disaster,0,0,tier3\masks\pinery-bushfire_00000306_post_disaster.png,0,0,0,0,00000306 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000306_pre_disaster.png,pinery-bushfire_00000306_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000306_pre_disaster.png,0,0,0,0,00000306 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000307_post_disaster.png,pinery-bushfire_00000307_post_disaster,0,0,tier3\masks\pinery-bushfire_00000307_post_disaster.png,0,0,0,0,00000307 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000307_pre_disaster.png,pinery-bushfire_00000307_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000307_pre_disaster.png,0,0,0,0,00000307 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000308_post_disaster.png,pinery-bushfire_00000308_post_disaster,0,0,tier3\masks\pinery-bushfire_00000308_post_disaster.png,0,0,0,0,00000308 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000308_pre_disaster.png,pinery-bushfire_00000308_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000308_pre_disaster.png,0,0,0,0,00000308 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000309_post_disaster.png,pinery-bushfire_00000309_post_disaster,0,0,tier3\masks\pinery-bushfire_00000309_post_disaster.png,0,0,0,0,00000309 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000309_pre_disaster.png,pinery-bushfire_00000309_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000309_pre_disaster.png,0,0,0,0,00000309 +2,2550,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000310_post_disaster.png,pinery-bushfire_00000310_post_disaster,0,0,tier3\masks\pinery-bushfire_00000310_post_disaster.png,0,0,4,2181,00000310 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000310_pre_disaster.png,pinery-bushfire_00000310_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000310_pre_disaster.png,0,0,4,4731,00000310 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000311_post_disaster.png,pinery-bushfire_00000311_post_disaster,1,1088,tier3\masks\pinery-bushfire_00000311_post_disaster.png,0,0,4,4227,00000311 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000311_pre_disaster.png,pinery-bushfire_00000311_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000311_pre_disaster.png,0,0,5,5315,00000311 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000312_post_disaster.png,pinery-bushfire_00000312_post_disaster,0,0,tier3\masks\pinery-bushfire_00000312_post_disaster.png,0,0,0,0,00000312 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000312_pre_disaster.png,pinery-bushfire_00000312_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000312_pre_disaster.png,0,0,0,0,00000312 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000313_post_disaster.png,pinery-bushfire_00000313_post_disaster,0,0,tier3\masks\pinery-bushfire_00000313_post_disaster.png,0,0,0,0,00000313 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000313_pre_disaster.png,pinery-bushfire_00000313_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000313_pre_disaster.png,0,0,0,0,00000313 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000314_post_disaster.png,pinery-bushfire_00000314_post_disaster,0,0,tier3\masks\pinery-bushfire_00000314_post_disaster.png,0,0,0,0,00000314 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000314_pre_disaster.png,pinery-bushfire_00000314_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000314_pre_disaster.png,0,0,0,0,00000314 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000315_post_disaster.png,pinery-bushfire_00000315_post_disaster,0,0,tier3\masks\pinery-bushfire_00000315_post_disaster.png,0,0,2,862,00000315 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000315_pre_disaster.png,pinery-bushfire_00000315_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000315_pre_disaster.png,0,0,2,896,00000315 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000316_post_disaster.png,pinery-bushfire_00000316_post_disaster,0,0,tier3\masks\pinery-bushfire_00000316_post_disaster.png,0,0,0,0,00000316 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000316_pre_disaster.png,pinery-bushfire_00000316_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000316_pre_disaster.png,0,0,0,0,00000316 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000317_post_disaster.png,pinery-bushfire_00000317_post_disaster,0,0,tier3\masks\pinery-bushfire_00000317_post_disaster.png,0,0,0,0,00000317 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000317_pre_disaster.png,pinery-bushfire_00000317_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000317_pre_disaster.png,0,0,0,0,00000317 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000318_post_disaster.png,pinery-bushfire_00000318_post_disaster,0,0,tier3\masks\pinery-bushfire_00000318_post_disaster.png,0,0,0,0,00000318 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000318_pre_disaster.png,pinery-bushfire_00000318_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000318_pre_disaster.png,0,0,0,0,00000318 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000319_post_disaster.png,pinery-bushfire_00000319_post_disaster,0,0,tier3\masks\pinery-bushfire_00000319_post_disaster.png,0,0,10,6130,00000319 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000319_pre_disaster.png,pinery-bushfire_00000319_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000319_pre_disaster.png,0,0,10,6130,00000319 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000320_post_disaster.png,pinery-bushfire_00000320_post_disaster,0,0,tier3\masks\pinery-bushfire_00000320_post_disaster.png,0,0,0,0,00000320 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000320_pre_disaster.png,pinery-bushfire_00000320_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000320_pre_disaster.png,0,0,0,0,00000320 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000321_post_disaster.png,pinery-bushfire_00000321_post_disaster,0,0,tier3\masks\pinery-bushfire_00000321_post_disaster.png,0,0,0,0,00000321 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000321_pre_disaster.png,pinery-bushfire_00000321_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000321_pre_disaster.png,0,0,0,0,00000321 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000322_post_disaster.png,pinery-bushfire_00000322_post_disaster,0,0,tier3\masks\pinery-bushfire_00000322_post_disaster.png,0,0,0,0,00000322 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000322_pre_disaster.png,pinery-bushfire_00000322_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000322_pre_disaster.png,0,0,0,0,00000322 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000323_post_disaster.png,pinery-bushfire_00000323_post_disaster,0,0,tier3\masks\pinery-bushfire_00000323_post_disaster.png,0,0,0,0,00000323 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000323_pre_disaster.png,pinery-bushfire_00000323_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000323_pre_disaster.png,0,0,0,0,00000323 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000324_post_disaster.png,pinery-bushfire_00000324_post_disaster,0,0,tier3\masks\pinery-bushfire_00000324_post_disaster.png,0,0,0,0,00000324 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000324_pre_disaster.png,pinery-bushfire_00000324_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000324_pre_disaster.png,0,0,0,0,00000324 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000325_post_disaster.png,pinery-bushfire_00000325_post_disaster,0,0,tier3\masks\pinery-bushfire_00000325_post_disaster.png,0,0,0,0,00000325 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000325_pre_disaster.png,pinery-bushfire_00000325_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000325_pre_disaster.png,0,0,0,0,00000325 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000326_post_disaster.png,pinery-bushfire_00000326_post_disaster,0,0,tier3\masks\pinery-bushfire_00000326_post_disaster.png,0,0,0,0,00000326 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000326_pre_disaster.png,pinery-bushfire_00000326_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000326_pre_disaster.png,0,0,0,0,00000326 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000327_post_disaster.png,pinery-bushfire_00000327_post_disaster,1,1392,tier3\masks\pinery-bushfire_00000327_post_disaster.png,0,0,12,6448,00000327 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000327_pre_disaster.png,pinery-bushfire_00000327_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000327_pre_disaster.png,0,0,13,7854,00000327 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000328_post_disaster.png,pinery-bushfire_00000328_post_disaster,0,0,tier3\masks\pinery-bushfire_00000328_post_disaster.png,0,0,0,0,00000328 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000328_pre_disaster.png,pinery-bushfire_00000328_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000328_pre_disaster.png,0,0,0,0,00000328 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000329_post_disaster.png,pinery-bushfire_00000329_post_disaster,0,0,tier3\masks\pinery-bushfire_00000329_post_disaster.png,0,0,0,0,00000329 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000329_pre_disaster.png,pinery-bushfire_00000329_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000329_pre_disaster.png,0,0,0,0,00000329 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000330_post_disaster.png,pinery-bushfire_00000330_post_disaster,0,0,tier3\masks\pinery-bushfire_00000330_post_disaster.png,0,0,0,0,00000330 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000330_pre_disaster.png,pinery-bushfire_00000330_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000330_pre_disaster.png,0,0,0,0,00000330 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000331_post_disaster.png,pinery-bushfire_00000331_post_disaster,0,0,tier3\masks\pinery-bushfire_00000331_post_disaster.png,0,0,0,0,00000331 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000331_pre_disaster.png,pinery-bushfire_00000331_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000331_pre_disaster.png,0,0,0,0,00000331 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000332_post_disaster.png,pinery-bushfire_00000332_post_disaster,0,0,tier3\masks\pinery-bushfire_00000332_post_disaster.png,0,0,0,0,00000332 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000332_pre_disaster.png,pinery-bushfire_00000332_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000332_pre_disaster.png,0,0,0,0,00000332 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000333_post_disaster.png,pinery-bushfire_00000333_post_disaster,0,0,tier3\masks\pinery-bushfire_00000333_post_disaster.png,0,0,0,0,00000333 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000333_pre_disaster.png,pinery-bushfire_00000333_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000333_pre_disaster.png,0,0,0,0,00000333 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000334_post_disaster.png,pinery-bushfire_00000334_post_disaster,0,0,tier3\masks\pinery-bushfire_00000334_post_disaster.png,0,0,0,0,00000334 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000334_pre_disaster.png,pinery-bushfire_00000334_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000334_pre_disaster.png,0,0,0,0,00000334 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000335_post_disaster.png,pinery-bushfire_00000335_post_disaster,0,0,tier3\masks\pinery-bushfire_00000335_post_disaster.png,0,0,1,869,00000335 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000335_pre_disaster.png,pinery-bushfire_00000335_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000335_pre_disaster.png,0,0,1,869,00000335 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000336_post_disaster.png,pinery-bushfire_00000336_post_disaster,0,0,tier3\masks\pinery-bushfire_00000336_post_disaster.png,0,0,0,0,00000336 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000336_pre_disaster.png,pinery-bushfire_00000336_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000336_pre_disaster.png,0,0,0,0,00000336 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000337_post_disaster.png,pinery-bushfire_00000337_post_disaster,0,0,tier3\masks\pinery-bushfire_00000337_post_disaster.png,1,959,3,1059,00000337 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000337_pre_disaster.png,pinery-bushfire_00000337_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000337_pre_disaster.png,0,0,4,2018,00000337 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000338_post_disaster.png,pinery-bushfire_00000338_post_disaster,0,0,tier3\masks\pinery-bushfire_00000338_post_disaster.png,0,0,0,0,00000338 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000338_pre_disaster.png,pinery-bushfire_00000338_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000338_pre_disaster.png,0,0,0,0,00000338 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000339_post_disaster.png,pinery-bushfire_00000339_post_disaster,0,0,tier3\masks\pinery-bushfire_00000339_post_disaster.png,0,0,0,0,00000339 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000339_pre_disaster.png,pinery-bushfire_00000339_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000339_pre_disaster.png,0,0,0,0,00000339 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000340_post_disaster.png,pinery-bushfire_00000340_post_disaster,0,0,tier3\masks\pinery-bushfire_00000340_post_disaster.png,0,0,0,0,00000340 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000340_pre_disaster.png,pinery-bushfire_00000340_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000340_pre_disaster.png,0,0,0,0,00000340 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000341_post_disaster.png,pinery-bushfire_00000341_post_disaster,0,0,tier3\masks\pinery-bushfire_00000341_post_disaster.png,0,0,0,0,00000341 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000341_pre_disaster.png,pinery-bushfire_00000341_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000341_pre_disaster.png,0,0,0,0,00000341 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000342_post_disaster.png,pinery-bushfire_00000342_post_disaster,0,0,tier3\masks\pinery-bushfire_00000342_post_disaster.png,0,0,0,0,00000342 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000342_pre_disaster.png,pinery-bushfire_00000342_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000342_pre_disaster.png,0,0,0,0,00000342 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000343_post_disaster.png,pinery-bushfire_00000343_post_disaster,0,0,tier3\masks\pinery-bushfire_00000343_post_disaster.png,0,0,0,0,00000343 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000343_pre_disaster.png,pinery-bushfire_00000343_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000343_pre_disaster.png,0,0,0,0,00000343 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000344_post_disaster.png,pinery-bushfire_00000344_post_disaster,0,0,tier3\masks\pinery-bushfire_00000344_post_disaster.png,0,0,0,0,00000344 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000344_pre_disaster.png,pinery-bushfire_00000344_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000344_pre_disaster.png,0,0,0,0,00000344 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000345_post_disaster.png,pinery-bushfire_00000345_post_disaster,0,0,tier3\masks\pinery-bushfire_00000345_post_disaster.png,0,0,0,0,00000345 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000345_pre_disaster.png,pinery-bushfire_00000345_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000345_pre_disaster.png,0,0,0,0,00000345 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000346_post_disaster.png,pinery-bushfire_00000346_post_disaster,0,0,tier3\masks\pinery-bushfire_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000346_pre_disaster.png,pinery-bushfire_00000346_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000346_pre_disaster.png,0,0,0,0,00000346 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000347_post_disaster.png,pinery-bushfire_00000347_post_disaster,0,0,tier3\masks\pinery-bushfire_00000347_post_disaster.png,0,0,10,5851,00000347 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000347_pre_disaster.png,pinery-bushfire_00000347_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000347_pre_disaster.png,0,0,10,5859,00000347 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000348_post_disaster.png,pinery-bushfire_00000348_post_disaster,0,0,tier3\masks\pinery-bushfire_00000348_post_disaster.png,0,0,0,0,00000348 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000348_pre_disaster.png,pinery-bushfire_00000348_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000348_pre_disaster.png,0,0,0,0,00000348 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000349_post_disaster.png,pinery-bushfire_00000349_post_disaster,0,0,tier3\masks\pinery-bushfire_00000349_post_disaster.png,0,0,0,0,00000349 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000349_pre_disaster.png,pinery-bushfire_00000349_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000349_pre_disaster.png,0,0,0,0,00000349 +1,473,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000350_post_disaster.png,pinery-bushfire_00000350_post_disaster,0,0,tier3\masks\pinery-bushfire_00000350_post_disaster.png,0,0,2,1194,00000350 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000350_pre_disaster.png,pinery-bushfire_00000350_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000350_pre_disaster.png,0,0,3,1667,00000350 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000351_post_disaster.png,pinery-bushfire_00000351_post_disaster,0,0,tier3\masks\pinery-bushfire_00000351_post_disaster.png,0,0,0,0,00000351 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000351_pre_disaster.png,pinery-bushfire_00000351_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000351_pre_disaster.png,0,0,0,0,00000351 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000352_post_disaster.png,pinery-bushfire_00000352_post_disaster,0,0,tier3\masks\pinery-bushfire_00000352_post_disaster.png,0,0,16,7456,00000352 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000352_pre_disaster.png,pinery-bushfire_00000352_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000352_pre_disaster.png,0,0,16,7456,00000352 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000353_post_disaster.png,pinery-bushfire_00000353_post_disaster,0,0,tier3\masks\pinery-bushfire_00000353_post_disaster.png,0,0,0,0,00000353 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000353_pre_disaster.png,pinery-bushfire_00000353_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000353_pre_disaster.png,0,0,0,0,00000353 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000354_post_disaster.png,pinery-bushfire_00000354_post_disaster,0,0,tier3\masks\pinery-bushfire_00000354_post_disaster.png,0,0,0,0,00000354 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000354_pre_disaster.png,pinery-bushfire_00000354_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000354_pre_disaster.png,0,0,0,0,00000354 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000355_post_disaster.png,pinery-bushfire_00000355_post_disaster,0,0,tier3\masks\pinery-bushfire_00000355_post_disaster.png,0,0,0,0,00000355 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000355_pre_disaster.png,pinery-bushfire_00000355_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000355_pre_disaster.png,0,0,0,0,00000355 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000356_post_disaster.png,pinery-bushfire_00000356_post_disaster,0,0,tier3\masks\pinery-bushfire_00000356_post_disaster.png,0,0,0,0,00000356 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000356_pre_disaster.png,pinery-bushfire_00000356_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000356_pre_disaster.png,0,0,0,0,00000356 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000357_post_disaster.png,pinery-bushfire_00000357_post_disaster,0,0,tier3\masks\pinery-bushfire_00000357_post_disaster.png,0,0,0,0,00000357 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000357_pre_disaster.png,pinery-bushfire_00000357_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000357_pre_disaster.png,0,0,0,0,00000357 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000358_post_disaster.png,pinery-bushfire_00000358_post_disaster,0,0,tier3\masks\pinery-bushfire_00000358_post_disaster.png,0,0,0,0,00000358 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000358_pre_disaster.png,pinery-bushfire_00000358_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000358_pre_disaster.png,0,0,0,0,00000358 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000359_post_disaster.png,pinery-bushfire_00000359_post_disaster,0,0,tier3\masks\pinery-bushfire_00000359_post_disaster.png,0,0,0,0,00000359 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000359_pre_disaster.png,pinery-bushfire_00000359_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000359_pre_disaster.png,0,0,0,0,00000359 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000360_post_disaster.png,pinery-bushfire_00000360_post_disaster,0,0,tier3\masks\pinery-bushfire_00000360_post_disaster.png,0,0,0,0,00000360 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000360_pre_disaster.png,pinery-bushfire_00000360_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000360_pre_disaster.png,0,0,0,0,00000360 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000361_post_disaster.png,pinery-bushfire_00000361_post_disaster,0,0,tier3\masks\pinery-bushfire_00000361_post_disaster.png,0,0,0,0,00000361 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000361_pre_disaster.png,pinery-bushfire_00000361_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000361_pre_disaster.png,0,0,0,0,00000361 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000362_post_disaster.png,pinery-bushfire_00000362_post_disaster,1,361,tier3\masks\pinery-bushfire_00000362_post_disaster.png,0,0,41,28567,00000362 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000362_pre_disaster.png,pinery-bushfire_00000362_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000362_pre_disaster.png,0,0,42,28942,00000362 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000363_post_disaster.png,pinery-bushfire_00000363_post_disaster,0,0,tier3\masks\pinery-bushfire_00000363_post_disaster.png,0,0,0,0,00000363 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000363_pre_disaster.png,pinery-bushfire_00000363_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000363_pre_disaster.png,0,0,0,0,00000363 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000364_post_disaster.png,pinery-bushfire_00000364_post_disaster,0,0,tier3\masks\pinery-bushfire_00000364_post_disaster.png,0,0,0,0,00000364 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000364_pre_disaster.png,pinery-bushfire_00000364_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000364_pre_disaster.png,0,0,0,0,00000364 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000365_post_disaster.png,pinery-bushfire_00000365_post_disaster,0,0,tier3\masks\pinery-bushfire_00000365_post_disaster.png,0,0,0,0,00000365 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000365_pre_disaster.png,pinery-bushfire_00000365_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000365_pre_disaster.png,0,0,0,0,00000365 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000366_post_disaster.png,pinery-bushfire_00000366_post_disaster,0,0,tier3\masks\pinery-bushfire_00000366_post_disaster.png,0,0,2,2133,00000366 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000366_pre_disaster.png,pinery-bushfire_00000366_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000366_pre_disaster.png,0,0,2,2133,00000366 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000367_post_disaster.png,pinery-bushfire_00000367_post_disaster,0,0,tier3\masks\pinery-bushfire_00000367_post_disaster.png,0,0,0,0,00000367 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000367_pre_disaster.png,pinery-bushfire_00000367_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000367_pre_disaster.png,0,0,0,0,00000367 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000368_post_disaster.png,pinery-bushfire_00000368_post_disaster,0,0,tier3\masks\pinery-bushfire_00000368_post_disaster.png,0,0,0,0,00000368 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000368_pre_disaster.png,pinery-bushfire_00000368_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000368_pre_disaster.png,0,0,0,0,00000368 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000369_post_disaster.png,pinery-bushfire_00000369_post_disaster,0,0,tier3\masks\pinery-bushfire_00000369_post_disaster.png,0,0,0,0,00000369 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000369_pre_disaster.png,pinery-bushfire_00000369_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000369_pre_disaster.png,0,0,0,0,00000369 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000370_post_disaster.png,pinery-bushfire_00000370_post_disaster,0,0,tier3\masks\pinery-bushfire_00000370_post_disaster.png,0,0,0,0,00000370 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000370_pre_disaster.png,pinery-bushfire_00000370_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000370_pre_disaster.png,0,0,0,0,00000370 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000371_post_disaster.png,pinery-bushfire_00000371_post_disaster,0,0,tier3\masks\pinery-bushfire_00000371_post_disaster.png,0,0,0,0,00000371 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000371_pre_disaster.png,pinery-bushfire_00000371_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000371_pre_disaster.png,0,0,0,0,00000371 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000372_post_disaster.png,pinery-bushfire_00000372_post_disaster,0,0,tier3\masks\pinery-bushfire_00000372_post_disaster.png,0,0,0,0,00000372 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000372_pre_disaster.png,pinery-bushfire_00000372_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000372_pre_disaster.png,0,0,0,0,00000372 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000373_post_disaster.png,pinery-bushfire_00000373_post_disaster,0,0,tier3\masks\pinery-bushfire_00000373_post_disaster.png,0,0,0,0,00000373 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000373_pre_disaster.png,pinery-bushfire_00000373_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000373_pre_disaster.png,0,0,0,0,00000373 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000374_post_disaster.png,pinery-bushfire_00000374_post_disaster,0,0,tier3\masks\pinery-bushfire_00000374_post_disaster.png,0,0,0,0,00000374 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000374_pre_disaster.png,pinery-bushfire_00000374_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000374_pre_disaster.png,0,0,0,0,00000374 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000375_post_disaster.png,pinery-bushfire_00000375_post_disaster,0,0,tier3\masks\pinery-bushfire_00000375_post_disaster.png,0,0,0,0,00000375 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000375_pre_disaster.png,pinery-bushfire_00000375_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000375_pre_disaster.png,0,0,0,0,00000375 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000376_post_disaster.png,pinery-bushfire_00000376_post_disaster,0,0,tier3\masks\pinery-bushfire_00000376_post_disaster.png,0,0,0,0,00000376 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000376_pre_disaster.png,pinery-bushfire_00000376_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000376_pre_disaster.png,0,0,0,0,00000376 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000377_post_disaster.png,pinery-bushfire_00000377_post_disaster,0,0,tier3\masks\pinery-bushfire_00000377_post_disaster.png,0,0,1,1294,00000377 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000377_pre_disaster.png,pinery-bushfire_00000377_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000377_pre_disaster.png,0,0,1,1294,00000377 +5,2774,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000378_post_disaster.png,pinery-bushfire_00000378_post_disaster,0,0,tier3\masks\pinery-bushfire_00000378_post_disaster.png,0,0,0,0,00000378 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000378_pre_disaster.png,pinery-bushfire_00000378_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000378_pre_disaster.png,0,0,5,2774,00000378 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000379_post_disaster.png,pinery-bushfire_00000379_post_disaster,0,0,tier3\masks\pinery-bushfire_00000379_post_disaster.png,0,0,0,0,00000379 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000379_pre_disaster.png,pinery-bushfire_00000379_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000379_pre_disaster.png,0,0,0,0,00000379 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000380_post_disaster.png,pinery-bushfire_00000380_post_disaster,0,0,tier3\masks\pinery-bushfire_00000380_post_disaster.png,0,0,0,0,00000380 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000380_pre_disaster.png,pinery-bushfire_00000380_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000380_pre_disaster.png,0,0,0,0,00000380 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000381_post_disaster.png,pinery-bushfire_00000381_post_disaster,0,0,tier3\masks\pinery-bushfire_00000381_post_disaster.png,0,0,0,0,00000381 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000381_pre_disaster.png,pinery-bushfire_00000381_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000381_pre_disaster.png,0,0,0,0,00000381 +1,705,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000382_post_disaster.png,pinery-bushfire_00000382_post_disaster,1,381,tier3\masks\pinery-bushfire_00000382_post_disaster.png,0,0,26,16873,00000382 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000382_pre_disaster.png,pinery-bushfire_00000382_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000382_pre_disaster.png,0,0,28,17977,00000382 +8,2216,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000383_post_disaster.png,pinery-bushfire_00000383_post_disaster,0,0,tier3\masks\pinery-bushfire_00000383_post_disaster.png,2,442,12,5062,00000383 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000383_pre_disaster.png,pinery-bushfire_00000383_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000383_pre_disaster.png,0,0,20,7720,00000383 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000384_post_disaster.png,pinery-bushfire_00000384_post_disaster,0,0,tier3\masks\pinery-bushfire_00000384_post_disaster.png,0,0,0,0,00000384 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000384_pre_disaster.png,pinery-bushfire_00000384_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000384_pre_disaster.png,0,0,0,0,00000384 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000385_post_disaster.png,pinery-bushfire_00000385_post_disaster,0,0,tier3\masks\pinery-bushfire_00000385_post_disaster.png,0,0,0,0,00000385 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000385_pre_disaster.png,pinery-bushfire_00000385_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000385_pre_disaster.png,0,0,0,0,00000385 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000386_post_disaster.png,pinery-bushfire_00000386_post_disaster,0,0,tier3\masks\pinery-bushfire_00000386_post_disaster.png,0,0,0,0,00000386 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000386_pre_disaster.png,pinery-bushfire_00000386_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000386_pre_disaster.png,0,0,0,0,00000386 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000387_post_disaster.png,pinery-bushfire_00000387_post_disaster,0,0,tier3\masks\pinery-bushfire_00000387_post_disaster.png,0,0,0,0,00000387 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000387_pre_disaster.png,pinery-bushfire_00000387_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000387_pre_disaster.png,0,0,0,0,00000387 +1,462,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000388_post_disaster.png,pinery-bushfire_00000388_post_disaster,0,0,tier3\masks\pinery-bushfire_00000388_post_disaster.png,0,0,25,39457,00000388 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000388_pre_disaster.png,pinery-bushfire_00000388_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000388_pre_disaster.png,0,0,26,39919,00000388 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000389_post_disaster.png,pinery-bushfire_00000389_post_disaster,0,0,tier3\masks\pinery-bushfire_00000389_post_disaster.png,0,0,0,0,00000389 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000389_pre_disaster.png,pinery-bushfire_00000389_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000389_pre_disaster.png,0,0,0,0,00000389 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000390_post_disaster.png,pinery-bushfire_00000390_post_disaster,0,0,tier3\masks\pinery-bushfire_00000390_post_disaster.png,0,0,0,0,00000390 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000390_pre_disaster.png,pinery-bushfire_00000390_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000390_pre_disaster.png,0,0,0,0,00000390 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000391_post_disaster.png,pinery-bushfire_00000391_post_disaster,0,0,tier3\masks\pinery-bushfire_00000391_post_disaster.png,0,0,0,0,00000391 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000391_pre_disaster.png,pinery-bushfire_00000391_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000391_pre_disaster.png,0,0,0,0,00000391 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000392_post_disaster.png,pinery-bushfire_00000392_post_disaster,0,0,tier3\masks\pinery-bushfire_00000392_post_disaster.png,0,0,4,2722,00000392 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000392_pre_disaster.png,pinery-bushfire_00000392_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000392_pre_disaster.png,0,0,4,2722,00000392 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000393_post_disaster.png,pinery-bushfire_00000393_post_disaster,0,0,tier3\masks\pinery-bushfire_00000393_post_disaster.png,0,0,0,0,00000393 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000393_pre_disaster.png,pinery-bushfire_00000393_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000393_pre_disaster.png,0,0,0,0,00000393 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000394_post_disaster.png,pinery-bushfire_00000394_post_disaster,0,0,tier3\masks\pinery-bushfire_00000394_post_disaster.png,0,0,0,0,00000394 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000394_pre_disaster.png,pinery-bushfire_00000394_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000394_pre_disaster.png,0,0,0,0,00000394 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000395_post_disaster.png,pinery-bushfire_00000395_post_disaster,0,0,tier3\masks\pinery-bushfire_00000395_post_disaster.png,0,0,0,0,00000395 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000395_pre_disaster.png,pinery-bushfire_00000395_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000395_pre_disaster.png,0,0,0,0,00000395 +3,714,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000396_post_disaster.png,pinery-bushfire_00000396_post_disaster,0,0,tier3\masks\pinery-bushfire_00000396_post_disaster.png,0,0,1,285,00000396 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000396_pre_disaster.png,pinery-bushfire_00000396_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000396_pre_disaster.png,0,0,4,999,00000396 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000397_post_disaster.png,pinery-bushfire_00000397_post_disaster,0,0,tier3\masks\pinery-bushfire_00000397_post_disaster.png,0,0,19,12565,00000397 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000397_pre_disaster.png,pinery-bushfire_00000397_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000397_pre_disaster.png,0,0,19,12565,00000397 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000398_post_disaster.png,pinery-bushfire_00000398_post_disaster,0,0,tier3\masks\pinery-bushfire_00000398_post_disaster.png,0,0,0,0,00000398 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000398_pre_disaster.png,pinery-bushfire_00000398_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000398_pre_disaster.png,0,0,0,0,00000398 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000399_post_disaster.png,pinery-bushfire_00000399_post_disaster,0,0,tier3\masks\pinery-bushfire_00000399_post_disaster.png,0,0,0,0,00000399 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000399_pre_disaster.png,pinery-bushfire_00000399_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000399_pre_disaster.png,0,0,0,0,00000399 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000400_post_disaster.png,pinery-bushfire_00000400_post_disaster,0,0,tier3\masks\pinery-bushfire_00000400_post_disaster.png,0,0,0,0,00000400 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000400_pre_disaster.png,pinery-bushfire_00000400_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000400_pre_disaster.png,0,0,0,0,00000400 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000401_post_disaster.png,pinery-bushfire_00000401_post_disaster,0,0,tier3\masks\pinery-bushfire_00000401_post_disaster.png,0,0,0,0,00000401 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000401_pre_disaster.png,pinery-bushfire_00000401_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000401_pre_disaster.png,0,0,0,0,00000401 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000402_post_disaster.png,pinery-bushfire_00000402_post_disaster,0,0,tier3\masks\pinery-bushfire_00000402_post_disaster.png,3,910,5,2941,00000402 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000402_pre_disaster.png,pinery-bushfire_00000402_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000402_pre_disaster.png,0,0,8,3851,00000402 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000403_post_disaster.png,pinery-bushfire_00000403_post_disaster,0,0,tier3\masks\pinery-bushfire_00000403_post_disaster.png,0,0,0,0,00000403 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000403_pre_disaster.png,pinery-bushfire_00000403_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000403_pre_disaster.png,0,0,0,0,00000403 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000404_post_disaster.png,pinery-bushfire_00000404_post_disaster,0,0,tier3\masks\pinery-bushfire_00000404_post_disaster.png,0,0,0,0,00000404 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000404_pre_disaster.png,pinery-bushfire_00000404_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000404_pre_disaster.png,0,0,0,0,00000404 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000405_post_disaster.png,pinery-bushfire_00000405_post_disaster,0,0,tier3\masks\pinery-bushfire_00000405_post_disaster.png,0,0,0,0,00000405 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000405_pre_disaster.png,pinery-bushfire_00000405_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000405_pre_disaster.png,0,0,0,0,00000405 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000406_post_disaster.png,pinery-bushfire_00000406_post_disaster,0,0,tier3\masks\pinery-bushfire_00000406_post_disaster.png,0,0,1,106,00000406 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000406_pre_disaster.png,pinery-bushfire_00000406_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000406_pre_disaster.png,0,0,1,106,00000406 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000407_post_disaster.png,pinery-bushfire_00000407_post_disaster,0,0,tier3\masks\pinery-bushfire_00000407_post_disaster.png,0,0,3,2753,00000407 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000407_pre_disaster.png,pinery-bushfire_00000407_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000407_pre_disaster.png,0,0,3,2753,00000407 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000408_post_disaster.png,pinery-bushfire_00000408_post_disaster,0,0,tier3\masks\pinery-bushfire_00000408_post_disaster.png,0,0,0,0,00000408 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000408_pre_disaster.png,pinery-bushfire_00000408_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000408_pre_disaster.png,0,0,0,0,00000408 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000409_post_disaster.png,pinery-bushfire_00000409_post_disaster,0,0,tier3\masks\pinery-bushfire_00000409_post_disaster.png,0,0,0,0,00000409 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000409_pre_disaster.png,pinery-bushfire_00000409_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000409_pre_disaster.png,0,0,0,0,00000409 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000410_post_disaster.png,pinery-bushfire_00000410_post_disaster,0,0,tier3\masks\pinery-bushfire_00000410_post_disaster.png,0,0,0,0,00000410 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000410_pre_disaster.png,pinery-bushfire_00000410_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000410_pre_disaster.png,0,0,0,0,00000410 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000411_post_disaster.png,pinery-bushfire_00000411_post_disaster,0,0,tier3\masks\pinery-bushfire_00000411_post_disaster.png,0,0,0,0,00000411 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000411_pre_disaster.png,pinery-bushfire_00000411_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000411_pre_disaster.png,0,0,0,0,00000411 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000412_post_disaster.png,pinery-bushfire_00000412_post_disaster,0,0,tier3\masks\pinery-bushfire_00000412_post_disaster.png,0,0,0,0,00000412 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000412_pre_disaster.png,pinery-bushfire_00000412_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000412_pre_disaster.png,0,0,0,0,00000412 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000413_post_disaster.png,pinery-bushfire_00000413_post_disaster,0,0,tier3\masks\pinery-bushfire_00000413_post_disaster.png,0,0,0,0,00000413 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000413_pre_disaster.png,pinery-bushfire_00000413_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000413_pre_disaster.png,0,0,0,0,00000413 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000414_post_disaster.png,pinery-bushfire_00000414_post_disaster,0,0,tier3\masks\pinery-bushfire_00000414_post_disaster.png,0,0,0,0,00000414 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000414_pre_disaster.png,pinery-bushfire_00000414_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000414_pre_disaster.png,0,0,0,0,00000414 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000415_post_disaster.png,pinery-bushfire_00000415_post_disaster,0,0,tier3\masks\pinery-bushfire_00000415_post_disaster.png,0,0,0,0,00000415 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000415_pre_disaster.png,pinery-bushfire_00000415_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000415_pre_disaster.png,0,0,0,0,00000415 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000416_post_disaster.png,pinery-bushfire_00000416_post_disaster,0,0,tier3\masks\pinery-bushfire_00000416_post_disaster.png,0,0,0,0,00000416 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000416_pre_disaster.png,pinery-bushfire_00000416_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000416_pre_disaster.png,0,0,0,0,00000416 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000417_post_disaster.png,pinery-bushfire_00000417_post_disaster,0,0,tier3\masks\pinery-bushfire_00000417_post_disaster.png,0,0,0,0,00000417 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000417_pre_disaster.png,pinery-bushfire_00000417_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000417_pre_disaster.png,0,0,0,0,00000417 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000418_post_disaster.png,pinery-bushfire_00000418_post_disaster,0,0,tier3\masks\pinery-bushfire_00000418_post_disaster.png,0,0,0,0,00000418 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000418_pre_disaster.png,pinery-bushfire_00000418_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000418_pre_disaster.png,0,0,0,0,00000418 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000419_post_disaster.png,pinery-bushfire_00000419_post_disaster,0,0,tier3\masks\pinery-bushfire_00000419_post_disaster.png,0,0,0,0,00000419 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000419_pre_disaster.png,pinery-bushfire_00000419_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000419_pre_disaster.png,0,0,0,0,00000419 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000420_post_disaster.png,pinery-bushfire_00000420_post_disaster,0,0,tier3\masks\pinery-bushfire_00000420_post_disaster.png,0,0,0,0,00000420 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000420_pre_disaster.png,pinery-bushfire_00000420_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000420_pre_disaster.png,0,0,0,0,00000420 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000421_post_disaster.png,pinery-bushfire_00000421_post_disaster,0,0,tier3\masks\pinery-bushfire_00000421_post_disaster.png,0,0,0,0,00000421 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000421_pre_disaster.png,pinery-bushfire_00000421_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000421_pre_disaster.png,0,0,0,0,00000421 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000422_post_disaster.png,pinery-bushfire_00000422_post_disaster,0,0,tier3\masks\pinery-bushfire_00000422_post_disaster.png,0,0,0,0,00000422 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000422_pre_disaster.png,pinery-bushfire_00000422_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000422_pre_disaster.png,0,0,0,0,00000422 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000423_post_disaster.png,pinery-bushfire_00000423_post_disaster,0,0,tier3\masks\pinery-bushfire_00000423_post_disaster.png,0,0,0,0,00000423 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000423_pre_disaster.png,pinery-bushfire_00000423_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000423_pre_disaster.png,0,0,0,0,00000423 +1,1408,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000424_post_disaster.png,pinery-bushfire_00000424_post_disaster,0,0,tier3\masks\pinery-bushfire_00000424_post_disaster.png,0,0,6,5903,00000424 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000424_pre_disaster.png,pinery-bushfire_00000424_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000424_pre_disaster.png,0,0,7,7377,00000424 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000425_post_disaster.png,pinery-bushfire_00000425_post_disaster,0,0,tier3\masks\pinery-bushfire_00000425_post_disaster.png,0,0,0,0,00000425 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000425_pre_disaster.png,pinery-bushfire_00000425_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000425_pre_disaster.png,0,0,0,0,00000425 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000426_post_disaster.png,pinery-bushfire_00000426_post_disaster,0,0,tier3\masks\pinery-bushfire_00000426_post_disaster.png,0,0,9,17675,00000426 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000426_pre_disaster.png,pinery-bushfire_00000426_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000426_pre_disaster.png,0,0,9,17675,00000426 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000427_post_disaster.png,pinery-bushfire_00000427_post_disaster,0,0,tier3\masks\pinery-bushfire_00000427_post_disaster.png,0,0,0,0,00000427 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000427_pre_disaster.png,pinery-bushfire_00000427_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000427_pre_disaster.png,0,0,0,0,00000427 +1,749,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000428_post_disaster.png,pinery-bushfire_00000428_post_disaster,1,176,tier3\masks\pinery-bushfire_00000428_post_disaster.png,0,0,0,0,00000428 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000428_pre_disaster.png,pinery-bushfire_00000428_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000428_pre_disaster.png,0,0,2,929,00000428 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000429_post_disaster.png,pinery-bushfire_00000429_post_disaster,0,0,tier3\masks\pinery-bushfire_00000429_post_disaster.png,0,0,0,0,00000429 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000429_pre_disaster.png,pinery-bushfire_00000429_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000429_pre_disaster.png,0,0,0,0,00000429 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000430_post_disaster.png,pinery-bushfire_00000430_post_disaster,0,0,tier3\masks\pinery-bushfire_00000430_post_disaster.png,0,0,0,0,00000430 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000430_pre_disaster.png,pinery-bushfire_00000430_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000430_pre_disaster.png,0,0,0,0,00000430 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000431_post_disaster.png,pinery-bushfire_00000431_post_disaster,0,0,tier3\masks\pinery-bushfire_00000431_post_disaster.png,0,0,19,7844,00000431 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000431_pre_disaster.png,pinery-bushfire_00000431_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000431_pre_disaster.png,0,0,19,7880,00000431 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000432_post_disaster.png,pinery-bushfire_00000432_post_disaster,0,0,tier3\masks\pinery-bushfire_00000432_post_disaster.png,0,0,0,0,00000432 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000432_pre_disaster.png,pinery-bushfire_00000432_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000432_pre_disaster.png,0,0,0,0,00000432 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000433_post_disaster.png,pinery-bushfire_00000433_post_disaster,0,0,tier3\masks\pinery-bushfire_00000433_post_disaster.png,0,0,0,0,00000433 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000433_pre_disaster.png,pinery-bushfire_00000433_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000433_pre_disaster.png,0,0,0,0,00000433 +1,47,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000434_post_disaster.png,pinery-bushfire_00000434_post_disaster,0,0,tier3\masks\pinery-bushfire_00000434_post_disaster.png,0,0,37,23658,00000434 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000434_pre_disaster.png,pinery-bushfire_00000434_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000434_pre_disaster.png,0,0,38,23705,00000434 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000435_post_disaster.png,pinery-bushfire_00000435_post_disaster,1,355,tier3\masks\pinery-bushfire_00000435_post_disaster.png,0,0,3,981,00000435 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000435_pre_disaster.png,pinery-bushfire_00000435_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000435_pre_disaster.png,0,0,4,1385,00000435 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000436_post_disaster.png,pinery-bushfire_00000436_post_disaster,0,0,tier3\masks\pinery-bushfire_00000436_post_disaster.png,0,0,0,0,00000436 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000436_pre_disaster.png,pinery-bushfire_00000436_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000436_pre_disaster.png,0,0,0,0,00000436 +1,134,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000437_post_disaster.png,pinery-bushfire_00000437_post_disaster,0,0,tier3\masks\pinery-bushfire_00000437_post_disaster.png,1,106,10,6271,00000437 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000437_pre_disaster.png,pinery-bushfire_00000437_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000437_pre_disaster.png,0,0,12,6511,00000437 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000438_post_disaster.png,pinery-bushfire_00000438_post_disaster,0,0,tier3\masks\pinery-bushfire_00000438_post_disaster.png,0,0,0,0,00000438 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000438_pre_disaster.png,pinery-bushfire_00000438_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000438_pre_disaster.png,0,0,0,0,00000438 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000439_post_disaster.png,pinery-bushfire_00000439_post_disaster,0,0,tier3\masks\pinery-bushfire_00000439_post_disaster.png,0,0,0,0,00000439 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000439_pre_disaster.png,pinery-bushfire_00000439_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000439_pre_disaster.png,0,0,0,0,00000439 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000440_post_disaster.png,pinery-bushfire_00000440_post_disaster,0,0,tier3\masks\pinery-bushfire_00000440_post_disaster.png,0,0,2,4718,00000440 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000440_pre_disaster.png,pinery-bushfire_00000440_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000440_pre_disaster.png,0,0,2,4718,00000440 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000441_post_disaster.png,pinery-bushfire_00000441_post_disaster,0,0,tier3\masks\pinery-bushfire_00000441_post_disaster.png,0,0,0,0,00000441 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000441_pre_disaster.png,pinery-bushfire_00000441_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000441_pre_disaster.png,0,0,0,0,00000441 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000442_post_disaster.png,pinery-bushfire_00000442_post_disaster,0,0,tier3\masks\pinery-bushfire_00000442_post_disaster.png,0,0,0,0,00000442 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000442_pre_disaster.png,pinery-bushfire_00000442_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000442_pre_disaster.png,0,0,0,0,00000442 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000443_post_disaster.png,pinery-bushfire_00000443_post_disaster,0,0,tier3\masks\pinery-bushfire_00000443_post_disaster.png,0,0,0,0,00000443 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000443_pre_disaster.png,pinery-bushfire_00000443_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000443_pre_disaster.png,0,0,0,0,00000443 +1,526,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000444_post_disaster.png,pinery-bushfire_00000444_post_disaster,1,732,tier3\masks\pinery-bushfire_00000444_post_disaster.png,1,364,4,2078,00000444 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000444_pre_disaster.png,pinery-bushfire_00000444_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000444_pre_disaster.png,0,0,7,3700,00000444 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000445_post_disaster.png,pinery-bushfire_00000445_post_disaster,0,0,tier3\masks\pinery-bushfire_00000445_post_disaster.png,0,0,0,0,00000445 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000445_pre_disaster.png,pinery-bushfire_00000445_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000445_pre_disaster.png,0,0,0,0,00000445 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000446_post_disaster.png,pinery-bushfire_00000446_post_disaster,1,101,tier3\masks\pinery-bushfire_00000446_post_disaster.png,0,0,18,5270,00000446 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000446_pre_disaster.png,pinery-bushfire_00000446_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000446_pre_disaster.png,0,0,18,5371,00000446 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000447_post_disaster.png,pinery-bushfire_00000447_post_disaster,0,0,tier3\masks\pinery-bushfire_00000447_post_disaster.png,0,0,2,140,00000447 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000447_pre_disaster.png,pinery-bushfire_00000447_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000447_pre_disaster.png,0,0,2,140,00000447 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000448_post_disaster.png,pinery-bushfire_00000448_post_disaster,0,0,tier3\masks\pinery-bushfire_00000448_post_disaster.png,0,0,2,5133,00000448 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000448_pre_disaster.png,pinery-bushfire_00000448_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000448_pre_disaster.png,0,0,2,5133,00000448 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000449_post_disaster.png,pinery-bushfire_00000449_post_disaster,0,0,tier3\masks\pinery-bushfire_00000449_post_disaster.png,0,0,0,0,00000449 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000449_pre_disaster.png,pinery-bushfire_00000449_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000449_pre_disaster.png,0,0,0,0,00000449 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000450_post_disaster.png,pinery-bushfire_00000450_post_disaster,0,0,tier3\masks\pinery-bushfire_00000450_post_disaster.png,0,0,0,0,00000450 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000450_pre_disaster.png,pinery-bushfire_00000450_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000450_pre_disaster.png,0,0,0,0,00000450 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000451_post_disaster.png,pinery-bushfire_00000451_post_disaster,0,0,tier3\masks\pinery-bushfire_00000451_post_disaster.png,0,0,0,0,00000451 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000451_pre_disaster.png,pinery-bushfire_00000451_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000451_pre_disaster.png,0,0,0,0,00000451 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000452_post_disaster.png,pinery-bushfire_00000452_post_disaster,0,0,tier3\masks\pinery-bushfire_00000452_post_disaster.png,0,0,0,0,00000452 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000452_pre_disaster.png,pinery-bushfire_00000452_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000452_pre_disaster.png,0,0,0,0,00000452 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000453_post_disaster.png,pinery-bushfire_00000453_post_disaster,0,0,tier3\masks\pinery-bushfire_00000453_post_disaster.png,0,0,3,321,00000453 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000453_pre_disaster.png,pinery-bushfire_00000453_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000453_pre_disaster.png,0,0,3,321,00000453 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000454_post_disaster.png,pinery-bushfire_00000454_post_disaster,0,0,tier3\masks\pinery-bushfire_00000454_post_disaster.png,0,0,0,0,00000454 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000454_pre_disaster.png,pinery-bushfire_00000454_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000454_pre_disaster.png,0,0,0,0,00000454 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000455_post_disaster.png,pinery-bushfire_00000455_post_disaster,0,0,tier3\masks\pinery-bushfire_00000455_post_disaster.png,0,0,0,0,00000455 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000455_pre_disaster.png,pinery-bushfire_00000455_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000455_pre_disaster.png,0,0,0,0,00000455 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000456_post_disaster.png,pinery-bushfire_00000456_post_disaster,0,0,tier3\masks\pinery-bushfire_00000456_post_disaster.png,0,0,0,0,00000456 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000456_pre_disaster.png,pinery-bushfire_00000456_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000456_pre_disaster.png,0,0,0,0,00000456 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000457_post_disaster.png,pinery-bushfire_00000457_post_disaster,0,0,tier3\masks\pinery-bushfire_00000457_post_disaster.png,0,0,0,0,00000457 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000457_pre_disaster.png,pinery-bushfire_00000457_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000457_pre_disaster.png,0,0,0,0,00000457 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000458_post_disaster.png,pinery-bushfire_00000458_post_disaster,0,0,tier3\masks\pinery-bushfire_00000458_post_disaster.png,0,0,0,0,00000458 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000458_pre_disaster.png,pinery-bushfire_00000458_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000458_pre_disaster.png,0,0,0,0,00000458 +1,245,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000459_post_disaster.png,pinery-bushfire_00000459_post_disaster,0,0,tier3\masks\pinery-bushfire_00000459_post_disaster.png,0,0,10,4186,00000459 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000459_pre_disaster.png,pinery-bushfire_00000459_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000459_pre_disaster.png,0,0,11,4431,00000459 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000460_post_disaster.png,pinery-bushfire_00000460_post_disaster,0,0,tier3\masks\pinery-bushfire_00000460_post_disaster.png,0,0,0,0,00000460 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000460_pre_disaster.png,pinery-bushfire_00000460_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000460_pre_disaster.png,0,0,0,0,00000460 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000461_post_disaster.png,pinery-bushfire_00000461_post_disaster,0,0,tier3\masks\pinery-bushfire_00000461_post_disaster.png,0,0,0,0,00000461 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000461_pre_disaster.png,pinery-bushfire_00000461_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000461_pre_disaster.png,0,0,0,0,00000461 +1,466,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000462_post_disaster.png,pinery-bushfire_00000462_post_disaster,0,0,tier3\masks\pinery-bushfire_00000462_post_disaster.png,0,0,2,612,00000462 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000462_pre_disaster.png,pinery-bushfire_00000462_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000462_pre_disaster.png,0,0,3,1078,00000462 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000463_post_disaster.png,pinery-bushfire_00000463_post_disaster,0,0,tier3\masks\pinery-bushfire_00000463_post_disaster.png,0,0,0,0,00000463 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000463_pre_disaster.png,pinery-bushfire_00000463_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000463_pre_disaster.png,0,0,0,0,00000463 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000464_post_disaster.png,pinery-bushfire_00000464_post_disaster,0,0,tier3\masks\pinery-bushfire_00000464_post_disaster.png,0,0,1,1996,00000464 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000464_pre_disaster.png,pinery-bushfire_00000464_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000464_pre_disaster.png,0,0,1,1996,00000464 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000465_post_disaster.png,pinery-bushfire_00000465_post_disaster,0,0,tier3\masks\pinery-bushfire_00000465_post_disaster.png,0,0,0,0,00000465 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000465_pre_disaster.png,pinery-bushfire_00000465_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000465_pre_disaster.png,0,0,0,0,00000465 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000466_post_disaster.png,pinery-bushfire_00000466_post_disaster,0,0,tier3\masks\pinery-bushfire_00000466_post_disaster.png,0,0,0,0,00000466 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000466_pre_disaster.png,pinery-bushfire_00000466_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000466_pre_disaster.png,0,0,0,0,00000466 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000467_post_disaster.png,pinery-bushfire_00000467_post_disaster,0,0,tier3\masks\pinery-bushfire_00000467_post_disaster.png,0,0,0,0,00000467 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000467_pre_disaster.png,pinery-bushfire_00000467_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000467_pre_disaster.png,0,0,0,0,00000467 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000468_post_disaster.png,pinery-bushfire_00000468_post_disaster,0,0,tier3\masks\pinery-bushfire_00000468_post_disaster.png,0,0,0,0,00000468 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000468_pre_disaster.png,pinery-bushfire_00000468_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000468_pre_disaster.png,0,0,0,0,00000468 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000469_post_disaster.png,pinery-bushfire_00000469_post_disaster,0,0,tier3\masks\pinery-bushfire_00000469_post_disaster.png,0,0,0,0,00000469 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000469_pre_disaster.png,pinery-bushfire_00000469_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000469_pre_disaster.png,0,0,0,0,00000469 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000470_post_disaster.png,pinery-bushfire_00000470_post_disaster,0,0,tier3\masks\pinery-bushfire_00000470_post_disaster.png,0,0,0,0,00000470 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000470_pre_disaster.png,pinery-bushfire_00000470_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000470_pre_disaster.png,0,0,0,0,00000470 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000471_post_disaster.png,pinery-bushfire_00000471_post_disaster,0,0,tier3\masks\pinery-bushfire_00000471_post_disaster.png,0,0,0,0,00000471 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000471_pre_disaster.png,pinery-bushfire_00000471_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000471_pre_disaster.png,0,0,0,0,00000471 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000472_post_disaster.png,pinery-bushfire_00000472_post_disaster,0,0,tier3\masks\pinery-bushfire_00000472_post_disaster.png,0,0,2,187,00000472 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000472_pre_disaster.png,pinery-bushfire_00000472_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000472_pre_disaster.png,0,0,2,187,00000472 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000473_post_disaster.png,pinery-bushfire_00000473_post_disaster,0,0,tier3\masks\pinery-bushfire_00000473_post_disaster.png,0,0,0,0,00000473 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000473_pre_disaster.png,pinery-bushfire_00000473_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000473_pre_disaster.png,0,0,0,0,00000473 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000474_post_disaster.png,pinery-bushfire_00000474_post_disaster,0,0,tier3\masks\pinery-bushfire_00000474_post_disaster.png,0,0,0,0,00000474 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000474_pre_disaster.png,pinery-bushfire_00000474_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000474_pre_disaster.png,0,0,0,0,00000474 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000475_post_disaster.png,pinery-bushfire_00000475_post_disaster,0,0,tier3\masks\pinery-bushfire_00000475_post_disaster.png,0,0,0,0,00000475 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000475_pre_disaster.png,pinery-bushfire_00000475_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000475_pre_disaster.png,0,0,0,0,00000475 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000476_post_disaster.png,pinery-bushfire_00000476_post_disaster,0,0,tier3\masks\pinery-bushfire_00000476_post_disaster.png,0,0,0,0,00000476 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000476_pre_disaster.png,pinery-bushfire_00000476_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000476_pre_disaster.png,0,0,0,0,00000476 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000477_post_disaster.png,pinery-bushfire_00000477_post_disaster,0,0,tier3\masks\pinery-bushfire_00000477_post_disaster.png,0,0,0,0,00000477 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000477_pre_disaster.png,pinery-bushfire_00000477_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000477_pre_disaster.png,0,0,0,0,00000477 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000478_post_disaster.png,pinery-bushfire_00000478_post_disaster,0,0,tier3\masks\pinery-bushfire_00000478_post_disaster.png,0,0,18,10034,00000478 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000478_pre_disaster.png,pinery-bushfire_00000478_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000478_pre_disaster.png,0,0,18,10056,00000478 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000479_post_disaster.png,pinery-bushfire_00000479_post_disaster,0,0,tier3\masks\pinery-bushfire_00000479_post_disaster.png,0,0,0,0,00000479 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000479_pre_disaster.png,pinery-bushfire_00000479_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000479_pre_disaster.png,0,0,0,0,00000479 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000480_post_disaster.png,pinery-bushfire_00000480_post_disaster,0,0,tier3\masks\pinery-bushfire_00000480_post_disaster.png,0,0,12,9065,00000480 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000480_pre_disaster.png,pinery-bushfire_00000480_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000480_pre_disaster.png,0,0,12,9065,00000480 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000481_post_disaster.png,pinery-bushfire_00000481_post_disaster,0,0,tier3\masks\pinery-bushfire_00000481_post_disaster.png,0,0,0,0,00000481 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000481_pre_disaster.png,pinery-bushfire_00000481_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000481_pre_disaster.png,0,0,0,0,00000481 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000482_post_disaster.png,pinery-bushfire_00000482_post_disaster,0,0,tier3\masks\pinery-bushfire_00000482_post_disaster.png,0,0,0,0,00000482 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000482_pre_disaster.png,pinery-bushfire_00000482_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000482_pre_disaster.png,0,0,0,0,00000482 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000483_post_disaster.png,pinery-bushfire_00000483_post_disaster,0,0,tier3\masks\pinery-bushfire_00000483_post_disaster.png,0,0,8,4519,00000483 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000483_pre_disaster.png,pinery-bushfire_00000483_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000483_pre_disaster.png,0,0,8,4519,00000483 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000484_post_disaster.png,pinery-bushfire_00000484_post_disaster,1,1106,tier3\masks\pinery-bushfire_00000484_post_disaster.png,0,0,1,206,00000484 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000484_pre_disaster.png,pinery-bushfire_00000484_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000484_pre_disaster.png,0,0,2,1312,00000484 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000485_post_disaster.png,pinery-bushfire_00000485_post_disaster,0,0,tier3\masks\pinery-bushfire_00000485_post_disaster.png,0,0,0,0,00000485 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000485_pre_disaster.png,pinery-bushfire_00000485_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000485_pre_disaster.png,0,0,0,0,00000485 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000486_post_disaster.png,pinery-bushfire_00000486_post_disaster,0,0,tier3\masks\pinery-bushfire_00000486_post_disaster.png,0,0,0,0,00000486 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000486_pre_disaster.png,pinery-bushfire_00000486_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000486_pre_disaster.png,0,0,0,0,00000486 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000487_post_disaster.png,pinery-bushfire_00000487_post_disaster,0,0,tier3\masks\pinery-bushfire_00000487_post_disaster.png,0,0,0,0,00000487 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000487_pre_disaster.png,pinery-bushfire_00000487_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000487_pre_disaster.png,0,0,0,0,00000487 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000488_post_disaster.png,pinery-bushfire_00000488_post_disaster,1,1189,tier3\masks\pinery-bushfire_00000488_post_disaster.png,0,0,0,0,00000488 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000488_pre_disaster.png,pinery-bushfire_00000488_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000488_pre_disaster.png,0,0,1,1189,00000488 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000489_post_disaster.png,pinery-bushfire_00000489_post_disaster,0,0,tier3\masks\pinery-bushfire_00000489_post_disaster.png,0,0,3,3770,00000489 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000489_pre_disaster.png,pinery-bushfire_00000489_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000489_pre_disaster.png,0,0,3,3801,00000489 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000490_post_disaster.png,pinery-bushfire_00000490_post_disaster,0,0,tier3\masks\pinery-bushfire_00000490_post_disaster.png,0,0,0,0,00000490 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000490_pre_disaster.png,pinery-bushfire_00000490_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000490_pre_disaster.png,0,0,0,0,00000490 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000491_post_disaster.png,pinery-bushfire_00000491_post_disaster,0,0,tier3\masks\pinery-bushfire_00000491_post_disaster.png,0,0,0,0,00000491 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000491_pre_disaster.png,pinery-bushfire_00000491_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000491_pre_disaster.png,0,0,0,0,00000491 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000492_post_disaster.png,pinery-bushfire_00000492_post_disaster,0,0,tier3\masks\pinery-bushfire_00000492_post_disaster.png,0,0,0,0,00000492 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000492_pre_disaster.png,pinery-bushfire_00000492_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000492_pre_disaster.png,0,0,0,0,00000492 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000493_post_disaster.png,pinery-bushfire_00000493_post_disaster,0,0,tier3\masks\pinery-bushfire_00000493_post_disaster.png,0,0,0,0,00000493 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000493_pre_disaster.png,pinery-bushfire_00000493_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000493_pre_disaster.png,0,0,0,0,00000493 +1,42,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000494_post_disaster.png,pinery-bushfire_00000494_post_disaster,1,6223,tier3\masks\pinery-bushfire_00000494_post_disaster.png,0,0,0,0,00000494 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000494_pre_disaster.png,pinery-bushfire_00000494_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000494_pre_disaster.png,0,0,2,6265,00000494 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000495_post_disaster.png,pinery-bushfire_00000495_post_disaster,0,0,tier3\masks\pinery-bushfire_00000495_post_disaster.png,0,0,0,0,00000495 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000495_pre_disaster.png,pinery-bushfire_00000495_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000495_pre_disaster.png,0,0,0,0,00000495 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000496_post_disaster.png,pinery-bushfire_00000496_post_disaster,0,0,tier3\masks\pinery-bushfire_00000496_post_disaster.png,0,0,0,0,00000496 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000496_pre_disaster.png,pinery-bushfire_00000496_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000496_pre_disaster.png,0,0,0,0,00000496 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000497_post_disaster.png,pinery-bushfire_00000497_post_disaster,0,0,tier3\masks\pinery-bushfire_00000497_post_disaster.png,0,0,0,0,00000497 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000497_pre_disaster.png,pinery-bushfire_00000497_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000497_pre_disaster.png,0,0,0,0,00000497 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000498_post_disaster.png,pinery-bushfire_00000498_post_disaster,0,0,tier3\masks\pinery-bushfire_00000498_post_disaster.png,0,0,1,119,00000498 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000498_pre_disaster.png,pinery-bushfire_00000498_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000498_pre_disaster.png,0,0,1,119,00000498 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000499_post_disaster.png,pinery-bushfire_00000499_post_disaster,0,0,tier3\masks\pinery-bushfire_00000499_post_disaster.png,0,0,0,0,00000499 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000499_pre_disaster.png,pinery-bushfire_00000499_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000499_pre_disaster.png,0,0,0,0,00000499 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000500_post_disaster.png,pinery-bushfire_00000500_post_disaster,0,0,tier3\masks\pinery-bushfire_00000500_post_disaster.png,0,0,0,0,00000500 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000500_pre_disaster.png,pinery-bushfire_00000500_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000500_pre_disaster.png,0,0,0,0,00000500 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000501_post_disaster.png,pinery-bushfire_00000501_post_disaster,0,0,tier3\masks\pinery-bushfire_00000501_post_disaster.png,0,0,3,1223,00000501 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000501_pre_disaster.png,pinery-bushfire_00000501_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000501_pre_disaster.png,0,0,3,1278,00000501 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000502_post_disaster.png,pinery-bushfire_00000502_post_disaster,0,0,tier3\masks\pinery-bushfire_00000502_post_disaster.png,0,0,0,0,00000502 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000502_pre_disaster.png,pinery-bushfire_00000502_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000502_pre_disaster.png,0,0,0,0,00000502 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000503_post_disaster.png,pinery-bushfire_00000503_post_disaster,0,0,tier3\masks\pinery-bushfire_00000503_post_disaster.png,0,0,0,0,00000503 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000503_pre_disaster.png,pinery-bushfire_00000503_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000503_pre_disaster.png,0,0,0,0,00000503 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000504_post_disaster.png,pinery-bushfire_00000504_post_disaster,0,0,tier3\masks\pinery-bushfire_00000504_post_disaster.png,0,0,0,0,00000504 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000504_pre_disaster.png,pinery-bushfire_00000504_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000504_pre_disaster.png,0,0,0,0,00000504 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000505_post_disaster.png,pinery-bushfire_00000505_post_disaster,0,0,tier3\masks\pinery-bushfire_00000505_post_disaster.png,0,0,0,0,00000505 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000505_pre_disaster.png,pinery-bushfire_00000505_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000505_pre_disaster.png,0,0,0,0,00000505 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000506_post_disaster.png,pinery-bushfire_00000506_post_disaster,0,0,tier3\masks\pinery-bushfire_00000506_post_disaster.png,0,0,0,0,00000506 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000506_pre_disaster.png,pinery-bushfire_00000506_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000506_pre_disaster.png,0,0,0,0,00000506 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000507_post_disaster.png,pinery-bushfire_00000507_post_disaster,0,0,tier3\masks\pinery-bushfire_00000507_post_disaster.png,0,0,0,0,00000507 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000507_pre_disaster.png,pinery-bushfire_00000507_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000507_pre_disaster.png,0,0,0,0,00000507 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000508_post_disaster.png,pinery-bushfire_00000508_post_disaster,0,0,tier3\masks\pinery-bushfire_00000508_post_disaster.png,0,0,0,0,00000508 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000508_pre_disaster.png,pinery-bushfire_00000508_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000508_pre_disaster.png,0,0,0,0,00000508 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000509_post_disaster.png,pinery-bushfire_00000509_post_disaster,0,0,tier3\masks\pinery-bushfire_00000509_post_disaster.png,0,0,0,0,00000509 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000509_pre_disaster.png,pinery-bushfire_00000509_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000509_pre_disaster.png,0,0,0,0,00000509 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000510_post_disaster.png,pinery-bushfire_00000510_post_disaster,0,0,tier3\masks\pinery-bushfire_00000510_post_disaster.png,0,0,0,0,00000510 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000510_pre_disaster.png,pinery-bushfire_00000510_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000510_pre_disaster.png,0,0,0,0,00000510 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000511_post_disaster.png,pinery-bushfire_00000511_post_disaster,0,0,tier3\masks\pinery-bushfire_00000511_post_disaster.png,0,0,0,0,00000511 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000511_pre_disaster.png,pinery-bushfire_00000511_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000511_pre_disaster.png,0,0,0,0,00000511 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000512_post_disaster.png,pinery-bushfire_00000512_post_disaster,0,0,tier3\masks\pinery-bushfire_00000512_post_disaster.png,0,0,0,0,00000512 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000512_pre_disaster.png,pinery-bushfire_00000512_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000512_pre_disaster.png,0,0,0,0,00000512 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000513_post_disaster.png,pinery-bushfire_00000513_post_disaster,0,0,tier3\masks\pinery-bushfire_00000513_post_disaster.png,0,0,0,0,00000513 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000513_pre_disaster.png,pinery-bushfire_00000513_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000513_pre_disaster.png,0,0,0,0,00000513 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000514_post_disaster.png,pinery-bushfire_00000514_post_disaster,0,0,tier3\masks\pinery-bushfire_00000514_post_disaster.png,0,0,0,0,00000514 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000514_pre_disaster.png,pinery-bushfire_00000514_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000514_pre_disaster.png,0,0,0,0,00000514 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000515_post_disaster.png,pinery-bushfire_00000515_post_disaster,0,0,tier3\masks\pinery-bushfire_00000515_post_disaster.png,0,0,7,8736,00000515 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000515_pre_disaster.png,pinery-bushfire_00000515_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000515_pre_disaster.png,0,0,7,8736,00000515 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000516_post_disaster.png,pinery-bushfire_00000516_post_disaster,0,0,tier3\masks\pinery-bushfire_00000516_post_disaster.png,0,0,0,0,00000516 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000516_pre_disaster.png,pinery-bushfire_00000516_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000516_pre_disaster.png,0,0,0,0,00000516 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000517_post_disaster.png,pinery-bushfire_00000517_post_disaster,0,0,tier3\masks\pinery-bushfire_00000517_post_disaster.png,0,0,5,1708,00000517 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000517_pre_disaster.png,pinery-bushfire_00000517_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000517_pre_disaster.png,0,0,5,1708,00000517 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000518_post_disaster.png,pinery-bushfire_00000518_post_disaster,0,0,tier3\masks\pinery-bushfire_00000518_post_disaster.png,0,0,0,0,00000518 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000518_pre_disaster.png,pinery-bushfire_00000518_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000518_pre_disaster.png,0,0,0,0,00000518 +1,1071,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000519_post_disaster.png,pinery-bushfire_00000519_post_disaster,0,0,tier3\masks\pinery-bushfire_00000519_post_disaster.png,0,0,2,3586,00000519 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000519_pre_disaster.png,pinery-bushfire_00000519_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000519_pre_disaster.png,0,0,3,4696,00000519 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000520_post_disaster.png,pinery-bushfire_00000520_post_disaster,0,0,tier3\masks\pinery-bushfire_00000520_post_disaster.png,0,0,0,0,00000520 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000520_pre_disaster.png,pinery-bushfire_00000520_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000520_pre_disaster.png,0,0,0,0,00000520 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000521_post_disaster.png,pinery-bushfire_00000521_post_disaster,0,0,tier3\masks\pinery-bushfire_00000521_post_disaster.png,0,0,0,0,00000521 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000521_pre_disaster.png,pinery-bushfire_00000521_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000521_pre_disaster.png,0,0,0,0,00000521 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000522_post_disaster.png,pinery-bushfire_00000522_post_disaster,0,0,tier3\masks\pinery-bushfire_00000522_post_disaster.png,0,0,0,0,00000522 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000522_pre_disaster.png,pinery-bushfire_00000522_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000522_pre_disaster.png,0,0,0,0,00000522 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000523_post_disaster.png,pinery-bushfire_00000523_post_disaster,0,0,tier3\masks\pinery-bushfire_00000523_post_disaster.png,0,0,6,1830,00000523 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000523_pre_disaster.png,pinery-bushfire_00000523_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000523_pre_disaster.png,0,0,6,1830,00000523 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000524_post_disaster.png,pinery-bushfire_00000524_post_disaster,0,0,tier3\masks\pinery-bushfire_00000524_post_disaster.png,0,0,0,0,00000524 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000524_pre_disaster.png,pinery-bushfire_00000524_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000524_pre_disaster.png,0,0,0,0,00000524 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000525_post_disaster.png,pinery-bushfire_00000525_post_disaster,0,0,tier3\masks\pinery-bushfire_00000525_post_disaster.png,0,0,0,0,00000525 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000525_pre_disaster.png,pinery-bushfire_00000525_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000525_pre_disaster.png,0,0,0,0,00000525 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000526_post_disaster.png,pinery-bushfire_00000526_post_disaster,0,0,tier3\masks\pinery-bushfire_00000526_post_disaster.png,0,0,0,0,00000526 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000526_pre_disaster.png,pinery-bushfire_00000526_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000526_pre_disaster.png,0,0,0,0,00000526 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000527_post_disaster.png,pinery-bushfire_00000527_post_disaster,0,0,tier3\masks\pinery-bushfire_00000527_post_disaster.png,0,0,0,0,00000527 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000527_pre_disaster.png,pinery-bushfire_00000527_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000527_pre_disaster.png,0,0,0,0,00000527 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000528_post_disaster.png,pinery-bushfire_00000528_post_disaster,0,0,tier3\masks\pinery-bushfire_00000528_post_disaster.png,0,0,0,0,00000528 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000528_pre_disaster.png,pinery-bushfire_00000528_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000528_pre_disaster.png,0,0,0,0,00000528 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000529_post_disaster.png,pinery-bushfire_00000529_post_disaster,0,0,tier3\masks\pinery-bushfire_00000529_post_disaster.png,0,0,0,0,00000529 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000529_pre_disaster.png,pinery-bushfire_00000529_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000529_pre_disaster.png,0,0,0,0,00000529 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000530_post_disaster.png,pinery-bushfire_00000530_post_disaster,0,0,tier3\masks\pinery-bushfire_00000530_post_disaster.png,0,0,0,0,00000530 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000530_pre_disaster.png,pinery-bushfire_00000530_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000530_pre_disaster.png,0,0,0,0,00000530 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000531_post_disaster.png,pinery-bushfire_00000531_post_disaster,0,0,tier3\masks\pinery-bushfire_00000531_post_disaster.png,0,0,0,0,00000531 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000531_pre_disaster.png,pinery-bushfire_00000531_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000531_pre_disaster.png,0,0,0,0,00000531 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000532_post_disaster.png,pinery-bushfire_00000532_post_disaster,0,0,tier3\masks\pinery-bushfire_00000532_post_disaster.png,0,0,0,0,00000532 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000532_pre_disaster.png,pinery-bushfire_00000532_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000532_pre_disaster.png,0,0,0,0,00000532 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000533_post_disaster.png,pinery-bushfire_00000533_post_disaster,0,0,tier3\masks\pinery-bushfire_00000533_post_disaster.png,0,0,0,0,00000533 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000533_pre_disaster.png,pinery-bushfire_00000533_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000533_pre_disaster.png,0,0,0,0,00000533 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000534_post_disaster.png,pinery-bushfire_00000534_post_disaster,0,0,tier3\masks\pinery-bushfire_00000534_post_disaster.png,0,0,0,0,00000534 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000534_pre_disaster.png,pinery-bushfire_00000534_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000534_pre_disaster.png,0,0,0,0,00000534 +3,6957,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000535_post_disaster.png,pinery-bushfire_00000535_post_disaster,3,1024,tier3\masks\pinery-bushfire_00000535_post_disaster.png,3,443,10,4808,00000535 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000535_pre_disaster.png,pinery-bushfire_00000535_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000535_pre_disaster.png,0,0,16,13232,00000535 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000536_post_disaster.png,pinery-bushfire_00000536_post_disaster,0,0,tier3\masks\pinery-bushfire_00000536_post_disaster.png,0,0,0,0,00000536 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000536_pre_disaster.png,pinery-bushfire_00000536_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000536_pre_disaster.png,0,0,0,0,00000536 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000537_post_disaster.png,pinery-bushfire_00000537_post_disaster,0,0,tier3\masks\pinery-bushfire_00000537_post_disaster.png,0,0,0,0,00000537 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000537_pre_disaster.png,pinery-bushfire_00000537_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000537_pre_disaster.png,0,0,0,0,00000537 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000538_post_disaster.png,pinery-bushfire_00000538_post_disaster,0,0,tier3\masks\pinery-bushfire_00000538_post_disaster.png,0,0,0,0,00000538 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000538_pre_disaster.png,pinery-bushfire_00000538_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000538_pre_disaster.png,0,0,0,0,00000538 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000539_post_disaster.png,pinery-bushfire_00000539_post_disaster,0,0,tier3\masks\pinery-bushfire_00000539_post_disaster.png,0,0,1,105,00000539 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000539_pre_disaster.png,pinery-bushfire_00000539_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000539_pre_disaster.png,0,0,1,105,00000539 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000540_post_disaster.png,pinery-bushfire_00000540_post_disaster,0,0,tier3\masks\pinery-bushfire_00000540_post_disaster.png,0,0,0,0,00000540 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000540_pre_disaster.png,pinery-bushfire_00000540_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000540_pre_disaster.png,0,0,0,0,00000540 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000541_post_disaster.png,pinery-bushfire_00000541_post_disaster,0,0,tier3\masks\pinery-bushfire_00000541_post_disaster.png,1,558,7,4430,00000541 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000541_pre_disaster.png,pinery-bushfire_00000541_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000541_pre_disaster.png,0,0,8,4988,00000541 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000542_post_disaster.png,pinery-bushfire_00000542_post_disaster,1,356,tier3\masks\pinery-bushfire_00000542_post_disaster.png,0,0,4,2365,00000542 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000542_pre_disaster.png,pinery-bushfire_00000542_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000542_pre_disaster.png,0,0,5,2721,00000542 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000543_post_disaster.png,pinery-bushfire_00000543_post_disaster,0,0,tier3\masks\pinery-bushfire_00000543_post_disaster.png,0,0,0,0,00000543 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000543_pre_disaster.png,pinery-bushfire_00000543_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000543_pre_disaster.png,0,0,0,0,00000543 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000544_post_disaster.png,pinery-bushfire_00000544_post_disaster,0,0,tier3\masks\pinery-bushfire_00000544_post_disaster.png,0,0,0,0,00000544 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000544_pre_disaster.png,pinery-bushfire_00000544_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000544_pre_disaster.png,0,0,0,0,00000544 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000545_post_disaster.png,pinery-bushfire_00000545_post_disaster,0,0,tier3\masks\pinery-bushfire_00000545_post_disaster.png,0,0,0,0,00000545 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000545_pre_disaster.png,pinery-bushfire_00000545_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000545_pre_disaster.png,0,0,0,0,00000545 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000546_post_disaster.png,pinery-bushfire_00000546_post_disaster,0,0,tier3\masks\pinery-bushfire_00000546_post_disaster.png,0,0,0,0,00000546 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000546_pre_disaster.png,pinery-bushfire_00000546_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000546_pre_disaster.png,0,0,0,0,00000546 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000547_post_disaster.png,pinery-bushfire_00000547_post_disaster,0,0,tier3\masks\pinery-bushfire_00000547_post_disaster.png,0,0,0,0,00000547 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000547_pre_disaster.png,pinery-bushfire_00000547_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000547_pre_disaster.png,0,0,0,0,00000547 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000548_post_disaster.png,pinery-bushfire_00000548_post_disaster,0,0,tier3\masks\pinery-bushfire_00000548_post_disaster.png,0,0,0,0,00000548 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000548_pre_disaster.png,pinery-bushfire_00000548_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000548_pre_disaster.png,0,0,0,0,00000548 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000549_post_disaster.png,pinery-bushfire_00000549_post_disaster,0,0,tier3\masks\pinery-bushfire_00000549_post_disaster.png,0,0,0,0,00000549 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000549_pre_disaster.png,pinery-bushfire_00000549_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000549_pre_disaster.png,0,0,0,0,00000549 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000550_post_disaster.png,pinery-bushfire_00000550_post_disaster,0,0,tier3\masks\pinery-bushfire_00000550_post_disaster.png,0,0,0,0,00000550 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000550_pre_disaster.png,pinery-bushfire_00000550_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000550_pre_disaster.png,0,0,0,0,00000550 +3,2358,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000551_post_disaster.png,pinery-bushfire_00000551_post_disaster,1,4235,tier3\masks\pinery-bushfire_00000551_post_disaster.png,1,522,10,6138,00000551 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000551_pre_disaster.png,pinery-bushfire_00000551_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000551_pre_disaster.png,0,0,13,13308,00000551 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000552_post_disaster.png,pinery-bushfire_00000552_post_disaster,0,0,tier3\masks\pinery-bushfire_00000552_post_disaster.png,0,0,0,0,00000552 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000552_pre_disaster.png,pinery-bushfire_00000552_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000552_pre_disaster.png,0,0,0,0,00000552 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000553_post_disaster.png,pinery-bushfire_00000553_post_disaster,0,0,tier3\masks\pinery-bushfire_00000553_post_disaster.png,0,0,0,0,00000553 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000553_pre_disaster.png,pinery-bushfire_00000553_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000553_pre_disaster.png,0,0,0,0,00000553 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000554_post_disaster.png,pinery-bushfire_00000554_post_disaster,0,0,tier3\masks\pinery-bushfire_00000554_post_disaster.png,0,0,0,0,00000554 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000554_pre_disaster.png,pinery-bushfire_00000554_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000554_pre_disaster.png,0,0,0,0,00000554 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000555_post_disaster.png,pinery-bushfire_00000555_post_disaster,0,0,tier3\masks\pinery-bushfire_00000555_post_disaster.png,0,0,0,0,00000555 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000555_pre_disaster.png,pinery-bushfire_00000555_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000555_pre_disaster.png,0,0,0,0,00000555 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000556_post_disaster.png,pinery-bushfire_00000556_post_disaster,0,0,tier3\masks\pinery-bushfire_00000556_post_disaster.png,0,0,0,0,00000556 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000556_pre_disaster.png,pinery-bushfire_00000556_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000556_pre_disaster.png,0,0,0,0,00000556 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000557_post_disaster.png,pinery-bushfire_00000557_post_disaster,0,0,tier3\masks\pinery-bushfire_00000557_post_disaster.png,0,0,0,0,00000557 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000557_pre_disaster.png,pinery-bushfire_00000557_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000557_pre_disaster.png,0,0,0,0,00000557 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000558_post_disaster.png,pinery-bushfire_00000558_post_disaster,0,0,tier3\masks\pinery-bushfire_00000558_post_disaster.png,0,0,3,3887,00000558 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000558_pre_disaster.png,pinery-bushfire_00000558_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000558_pre_disaster.png,0,0,3,3887,00000558 +3,180,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000559_post_disaster.png,pinery-bushfire_00000559_post_disaster,3,141,tier3\masks\pinery-bushfire_00000559_post_disaster.png,0,0,11,18276,00000559 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000559_pre_disaster.png,pinery-bushfire_00000559_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000559_pre_disaster.png,0,0,17,18686,00000559 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000560_post_disaster.png,pinery-bushfire_00000560_post_disaster,0,0,tier3\masks\pinery-bushfire_00000560_post_disaster.png,0,0,0,0,00000560 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000560_pre_disaster.png,pinery-bushfire_00000560_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000560_pre_disaster.png,0,0,0,0,00000560 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000561_post_disaster.png,pinery-bushfire_00000561_post_disaster,0,0,tier3\masks\pinery-bushfire_00000561_post_disaster.png,0,0,2,2930,00000561 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000561_pre_disaster.png,pinery-bushfire_00000561_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000561_pre_disaster.png,0,0,2,2930,00000561 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000562_post_disaster.png,pinery-bushfire_00000562_post_disaster,0,0,tier3\masks\pinery-bushfire_00000562_post_disaster.png,0,0,20,11827,00000562 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000562_pre_disaster.png,pinery-bushfire_00000562_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000562_pre_disaster.png,0,0,20,11827,00000562 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000563_post_disaster.png,pinery-bushfire_00000563_post_disaster,0,0,tier3\masks\pinery-bushfire_00000563_post_disaster.png,0,0,0,0,00000563 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000563_pre_disaster.png,pinery-bushfire_00000563_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000563_pre_disaster.png,0,0,0,0,00000563 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000564_post_disaster.png,pinery-bushfire_00000564_post_disaster,0,0,tier3\masks\pinery-bushfire_00000564_post_disaster.png,0,0,0,0,00000564 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000564_pre_disaster.png,pinery-bushfire_00000564_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000564_pre_disaster.png,0,0,0,0,00000564 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000565_post_disaster.png,pinery-bushfire_00000565_post_disaster,0,0,tier3\masks\pinery-bushfire_00000565_post_disaster.png,0,0,0,0,00000565 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000565_pre_disaster.png,pinery-bushfire_00000565_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000565_pre_disaster.png,0,0,0,0,00000565 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000566_post_disaster.png,pinery-bushfire_00000566_post_disaster,0,0,tier3\masks\pinery-bushfire_00000566_post_disaster.png,0,0,0,0,00000566 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000566_pre_disaster.png,pinery-bushfire_00000566_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000566_pre_disaster.png,0,0,0,0,00000566 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000567_post_disaster.png,pinery-bushfire_00000567_post_disaster,0,0,tier3\masks\pinery-bushfire_00000567_post_disaster.png,0,0,0,0,00000567 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000567_pre_disaster.png,pinery-bushfire_00000567_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000567_pre_disaster.png,0,0,0,0,00000567 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000568_post_disaster.png,pinery-bushfire_00000568_post_disaster,0,0,tier3\masks\pinery-bushfire_00000568_post_disaster.png,0,0,0,0,00000568 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000568_pre_disaster.png,pinery-bushfire_00000568_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000568_pre_disaster.png,0,0,0,0,00000568 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000569_post_disaster.png,pinery-bushfire_00000569_post_disaster,0,0,tier3\masks\pinery-bushfire_00000569_post_disaster.png,0,0,0,0,00000569 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000569_pre_disaster.png,pinery-bushfire_00000569_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000569_pre_disaster.png,0,0,0,0,00000569 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000570_post_disaster.png,pinery-bushfire_00000570_post_disaster,0,0,tier3\masks\pinery-bushfire_00000570_post_disaster.png,0,0,0,0,00000570 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000570_pre_disaster.png,pinery-bushfire_00000570_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000570_pre_disaster.png,0,0,0,0,00000570 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000571_post_disaster.png,pinery-bushfire_00000571_post_disaster,0,0,tier3\masks\pinery-bushfire_00000571_post_disaster.png,0,0,0,0,00000571 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000571_pre_disaster.png,pinery-bushfire_00000571_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000571_pre_disaster.png,0,0,0,0,00000571 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000572_post_disaster.png,pinery-bushfire_00000572_post_disaster,0,0,tier3\masks\pinery-bushfire_00000572_post_disaster.png,0,0,5,15165,00000572 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000572_pre_disaster.png,pinery-bushfire_00000572_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000572_pre_disaster.png,0,0,5,15165,00000572 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000573_post_disaster.png,pinery-bushfire_00000573_post_disaster,0,0,tier3\masks\pinery-bushfire_00000573_post_disaster.png,0,0,0,0,00000573 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000573_pre_disaster.png,pinery-bushfire_00000573_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000573_pre_disaster.png,0,0,0,0,00000573 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000574_post_disaster.png,pinery-bushfire_00000574_post_disaster,0,0,tier3\masks\pinery-bushfire_00000574_post_disaster.png,0,0,0,0,00000574 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000574_pre_disaster.png,pinery-bushfire_00000574_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000574_pre_disaster.png,0,0,0,0,00000574 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000575_post_disaster.png,pinery-bushfire_00000575_post_disaster,0,0,tier3\masks\pinery-bushfire_00000575_post_disaster.png,0,0,0,0,00000575 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000575_pre_disaster.png,pinery-bushfire_00000575_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000575_pre_disaster.png,0,0,0,0,00000575 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000576_post_disaster.png,pinery-bushfire_00000576_post_disaster,0,0,tier3\masks\pinery-bushfire_00000576_post_disaster.png,0,0,0,0,00000576 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000576_pre_disaster.png,pinery-bushfire_00000576_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000576_pre_disaster.png,0,0,0,0,00000576 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000577_post_disaster.png,pinery-bushfire_00000577_post_disaster,0,0,tier3\masks\pinery-bushfire_00000577_post_disaster.png,0,0,0,0,00000577 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000577_pre_disaster.png,pinery-bushfire_00000577_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000577_pre_disaster.png,0,0,0,0,00000577 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000578_post_disaster.png,pinery-bushfire_00000578_post_disaster,0,0,tier3\masks\pinery-bushfire_00000578_post_disaster.png,0,0,0,0,00000578 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000578_pre_disaster.png,pinery-bushfire_00000578_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000578_pre_disaster.png,0,0,0,0,00000578 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000579_post_disaster.png,pinery-bushfire_00000579_post_disaster,0,0,tier3\masks\pinery-bushfire_00000579_post_disaster.png,0,0,0,0,00000579 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000579_pre_disaster.png,pinery-bushfire_00000579_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000579_pre_disaster.png,0,0,0,0,00000579 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000580_post_disaster.png,pinery-bushfire_00000580_post_disaster,0,0,tier3\masks\pinery-bushfire_00000580_post_disaster.png,0,0,3,1775,00000580 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000580_pre_disaster.png,pinery-bushfire_00000580_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000580_pre_disaster.png,0,0,3,1775,00000580 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000581_post_disaster.png,pinery-bushfire_00000581_post_disaster,0,0,tier3\masks\pinery-bushfire_00000581_post_disaster.png,0,0,0,0,00000581 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000581_pre_disaster.png,pinery-bushfire_00000581_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000581_pre_disaster.png,0,0,0,0,00000581 +4,3357,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000582_post_disaster.png,pinery-bushfire_00000582_post_disaster,4,1723,tier3\masks\pinery-bushfire_00000582_post_disaster.png,2,1697,6,2620,00000582 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000582_pre_disaster.png,pinery-bushfire_00000582_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000582_pre_disaster.png,0,0,16,9397,00000582 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000583_post_disaster.png,pinery-bushfire_00000583_post_disaster,0,0,tier3\masks\pinery-bushfire_00000583_post_disaster.png,0,0,0,0,00000583 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000583_pre_disaster.png,pinery-bushfire_00000583_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000583_pre_disaster.png,0,0,0,0,00000583 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000584_post_disaster.png,pinery-bushfire_00000584_post_disaster,0,0,tier3\masks\pinery-bushfire_00000584_post_disaster.png,0,0,0,0,00000584 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000584_pre_disaster.png,pinery-bushfire_00000584_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000584_pre_disaster.png,0,0,0,0,00000584 +3,566,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000585_post_disaster.png,pinery-bushfire_00000585_post_disaster,0,0,tier3\masks\pinery-bushfire_00000585_post_disaster.png,0,0,0,0,00000585 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000585_pre_disaster.png,pinery-bushfire_00000585_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000585_pre_disaster.png,0,0,3,566,00000585 +1,165,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000586_post_disaster.png,pinery-bushfire_00000586_post_disaster,0,0,tier3\masks\pinery-bushfire_00000586_post_disaster.png,0,0,3,1973,00000586 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000586_pre_disaster.png,pinery-bushfire_00000586_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000586_pre_disaster.png,0,0,4,2147,00000586 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000587_post_disaster.png,pinery-bushfire_00000587_post_disaster,0,0,tier3\masks\pinery-bushfire_00000587_post_disaster.png,0,0,0,0,00000587 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000587_pre_disaster.png,pinery-bushfire_00000587_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000587_pre_disaster.png,0,0,0,0,00000587 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000588_post_disaster.png,pinery-bushfire_00000588_post_disaster,0,0,tier3\masks\pinery-bushfire_00000588_post_disaster.png,0,0,0,0,00000588 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000588_pre_disaster.png,pinery-bushfire_00000588_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000588_pre_disaster.png,0,0,0,0,00000588 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000589_post_disaster.png,pinery-bushfire_00000589_post_disaster,0,0,tier3\masks\pinery-bushfire_00000589_post_disaster.png,0,0,0,0,00000589 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000589_pre_disaster.png,pinery-bushfire_00000589_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000589_pre_disaster.png,0,0,0,0,00000589 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000590_post_disaster.png,pinery-bushfire_00000590_post_disaster,0,0,tier3\masks\pinery-bushfire_00000590_post_disaster.png,0,0,0,0,00000590 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000590_pre_disaster.png,pinery-bushfire_00000590_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000590_pre_disaster.png,0,0,0,0,00000590 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000591_post_disaster.png,pinery-bushfire_00000591_post_disaster,0,0,tier3\masks\pinery-bushfire_00000591_post_disaster.png,0,0,0,0,00000591 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000591_pre_disaster.png,pinery-bushfire_00000591_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000591_pre_disaster.png,0,0,0,0,00000591 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000592_post_disaster.png,pinery-bushfire_00000592_post_disaster,0,0,tier3\masks\pinery-bushfire_00000592_post_disaster.png,0,0,1,316,00000592 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000592_pre_disaster.png,pinery-bushfire_00000592_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000592_pre_disaster.png,0,0,1,316,00000592 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000593_post_disaster.png,pinery-bushfire_00000593_post_disaster,0,0,tier3\masks\pinery-bushfire_00000593_post_disaster.png,0,0,0,0,00000593 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000593_pre_disaster.png,pinery-bushfire_00000593_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000593_pre_disaster.png,0,0,0,0,00000593 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000594_post_disaster.png,pinery-bushfire_00000594_post_disaster,0,0,tier3\masks\pinery-bushfire_00000594_post_disaster.png,0,0,0,0,00000594 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000594_pre_disaster.png,pinery-bushfire_00000594_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000594_pre_disaster.png,0,0,0,0,00000594 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000595_post_disaster.png,pinery-bushfire_00000595_post_disaster,0,0,tier3\masks\pinery-bushfire_00000595_post_disaster.png,0,0,4,5836,00000595 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000595_pre_disaster.png,pinery-bushfire_00000595_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000595_pre_disaster.png,0,0,4,5866,00000595 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000596_post_disaster.png,pinery-bushfire_00000596_post_disaster,0,0,tier3\masks\pinery-bushfire_00000596_post_disaster.png,0,0,0,0,00000596 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000596_pre_disaster.png,pinery-bushfire_00000596_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000596_pre_disaster.png,0,0,0,0,00000596 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000597_post_disaster.png,pinery-bushfire_00000597_post_disaster,0,0,tier3\masks\pinery-bushfire_00000597_post_disaster.png,0,0,2,1324,00000597 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000597_pre_disaster.png,pinery-bushfire_00000597_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000597_pre_disaster.png,0,0,2,1324,00000597 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000598_post_disaster.png,pinery-bushfire_00000598_post_disaster,0,0,tier3\masks\pinery-bushfire_00000598_post_disaster.png,0,0,0,0,00000598 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000598_pre_disaster.png,pinery-bushfire_00000598_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000598_pre_disaster.png,0,0,0,0,00000598 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000599_post_disaster.png,pinery-bushfire_00000599_post_disaster,1,77,tier3\masks\pinery-bushfire_00000599_post_disaster.png,1,87,2,206,00000599 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000599_pre_disaster.png,pinery-bushfire_00000599_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000599_pre_disaster.png,0,0,5,486,00000599 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000600_post_disaster.png,pinery-bushfire_00000600_post_disaster,0,0,tier3\masks\pinery-bushfire_00000600_post_disaster.png,0,0,0,0,00000600 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000600_pre_disaster.png,pinery-bushfire_00000600_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000600_pre_disaster.png,0,0,0,0,00000600 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000601_post_disaster.png,pinery-bushfire_00000601_post_disaster,0,0,tier3\masks\pinery-bushfire_00000601_post_disaster.png,1,691,0,0,00000601 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000601_pre_disaster.png,pinery-bushfire_00000601_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000601_pre_disaster.png,0,0,1,691,00000601 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000602_post_disaster.png,pinery-bushfire_00000602_post_disaster,0,0,tier3\masks\pinery-bushfire_00000602_post_disaster.png,0,0,0,0,00000602 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000602_pre_disaster.png,pinery-bushfire_00000602_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000602_pre_disaster.png,0,0,0,0,00000602 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000603_post_disaster.png,pinery-bushfire_00000603_post_disaster,0,0,tier3\masks\pinery-bushfire_00000603_post_disaster.png,0,0,0,0,00000603 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000603_pre_disaster.png,pinery-bushfire_00000603_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000603_pre_disaster.png,0,0,0,0,00000603 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000604_post_disaster.png,pinery-bushfire_00000604_post_disaster,0,0,tier3\masks\pinery-bushfire_00000604_post_disaster.png,0,0,18,14156,00000604 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000604_pre_disaster.png,pinery-bushfire_00000604_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000604_pre_disaster.png,0,0,18,14195,00000604 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000605_post_disaster.png,pinery-bushfire_00000605_post_disaster,0,0,tier3\masks\pinery-bushfire_00000605_post_disaster.png,0,0,0,0,00000605 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000605_pre_disaster.png,pinery-bushfire_00000605_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000605_pre_disaster.png,0,0,0,0,00000605 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000606_post_disaster.png,pinery-bushfire_00000606_post_disaster,0,0,tier3\masks\pinery-bushfire_00000606_post_disaster.png,0,0,5,4699,00000606 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000606_pre_disaster.png,pinery-bushfire_00000606_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000606_pre_disaster.png,0,0,5,4699,00000606 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000607_post_disaster.png,pinery-bushfire_00000607_post_disaster,0,0,tier3\masks\pinery-bushfire_00000607_post_disaster.png,0,0,0,0,00000607 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000607_pre_disaster.png,pinery-bushfire_00000607_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000607_pre_disaster.png,0,0,0,0,00000607 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000608_post_disaster.png,pinery-bushfire_00000608_post_disaster,0,0,tier3\masks\pinery-bushfire_00000608_post_disaster.png,0,0,0,0,00000608 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000608_pre_disaster.png,pinery-bushfire_00000608_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000608_pre_disaster.png,0,0,0,0,00000608 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000609_post_disaster.png,pinery-bushfire_00000609_post_disaster,0,0,tier3\masks\pinery-bushfire_00000609_post_disaster.png,0,0,0,0,00000609 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000609_pre_disaster.png,pinery-bushfire_00000609_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000609_pre_disaster.png,0,0,0,0,00000609 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000610_post_disaster.png,pinery-bushfire_00000610_post_disaster,0,0,tier3\masks\pinery-bushfire_00000610_post_disaster.png,0,0,0,0,00000610 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000610_pre_disaster.png,pinery-bushfire_00000610_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000610_pre_disaster.png,0,0,0,0,00000610 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000611_post_disaster.png,pinery-bushfire_00000611_post_disaster,0,0,tier3\masks\pinery-bushfire_00000611_post_disaster.png,0,0,0,0,00000611 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000611_pre_disaster.png,pinery-bushfire_00000611_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000611_pre_disaster.png,0,0,0,0,00000611 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000612_post_disaster.png,pinery-bushfire_00000612_post_disaster,0,0,tier3\masks\pinery-bushfire_00000612_post_disaster.png,0,0,0,0,00000612 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000612_pre_disaster.png,pinery-bushfire_00000612_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000612_pre_disaster.png,0,0,0,0,00000612 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000613_post_disaster.png,pinery-bushfire_00000613_post_disaster,0,0,tier3\masks\pinery-bushfire_00000613_post_disaster.png,0,0,17,10243,00000613 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000613_pre_disaster.png,pinery-bushfire_00000613_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000613_pre_disaster.png,0,0,17,10243,00000613 +1,99,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000614_post_disaster.png,pinery-bushfire_00000614_post_disaster,0,0,tier3\masks\pinery-bushfire_00000614_post_disaster.png,0,0,6,5930,00000614 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000614_pre_disaster.png,pinery-bushfire_00000614_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000614_pre_disaster.png,0,0,7,6029,00000614 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000615_post_disaster.png,pinery-bushfire_00000615_post_disaster,0,0,tier3\masks\pinery-bushfire_00000615_post_disaster.png,0,0,0,0,00000615 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000615_pre_disaster.png,pinery-bushfire_00000615_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000615_pre_disaster.png,0,0,0,0,00000615 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000616_post_disaster.png,pinery-bushfire_00000616_post_disaster,0,0,tier3\masks\pinery-bushfire_00000616_post_disaster.png,0,0,0,0,00000616 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000616_pre_disaster.png,pinery-bushfire_00000616_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000616_pre_disaster.png,0,0,0,0,00000616 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000617_post_disaster.png,pinery-bushfire_00000617_post_disaster,0,0,tier3\masks\pinery-bushfire_00000617_post_disaster.png,0,0,0,0,00000617 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000617_pre_disaster.png,pinery-bushfire_00000617_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000617_pre_disaster.png,0,0,0,0,00000617 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000618_post_disaster.png,pinery-bushfire_00000618_post_disaster,0,0,tier3\masks\pinery-bushfire_00000618_post_disaster.png,0,0,0,0,00000618 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000618_pre_disaster.png,pinery-bushfire_00000618_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000618_pre_disaster.png,0,0,0,0,00000618 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000619_post_disaster.png,pinery-bushfire_00000619_post_disaster,0,0,tier3\masks\pinery-bushfire_00000619_post_disaster.png,0,0,0,0,00000619 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000619_pre_disaster.png,pinery-bushfire_00000619_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000619_pre_disaster.png,0,0,0,0,00000619 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000620_post_disaster.png,pinery-bushfire_00000620_post_disaster,0,0,tier3\masks\pinery-bushfire_00000620_post_disaster.png,0,0,0,0,00000620 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000620_pre_disaster.png,pinery-bushfire_00000620_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000620_pre_disaster.png,0,0,0,0,00000620 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000621_post_disaster.png,pinery-bushfire_00000621_post_disaster,0,0,tier3\masks\pinery-bushfire_00000621_post_disaster.png,0,0,0,0,00000621 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000621_pre_disaster.png,pinery-bushfire_00000621_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000621_pre_disaster.png,0,0,0,0,00000621 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000622_post_disaster.png,pinery-bushfire_00000622_post_disaster,0,0,tier3\masks\pinery-bushfire_00000622_post_disaster.png,0,0,0,0,00000622 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000622_pre_disaster.png,pinery-bushfire_00000622_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000622_pre_disaster.png,0,0,0,0,00000622 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000623_post_disaster.png,pinery-bushfire_00000623_post_disaster,0,0,tier3\masks\pinery-bushfire_00000623_post_disaster.png,0,0,0,0,00000623 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000623_pre_disaster.png,pinery-bushfire_00000623_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000623_pre_disaster.png,0,0,0,0,00000623 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000624_post_disaster.png,pinery-bushfire_00000624_post_disaster,0,0,tier3\masks\pinery-bushfire_00000624_post_disaster.png,0,0,0,0,00000624 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000624_pre_disaster.png,pinery-bushfire_00000624_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000624_pre_disaster.png,0,0,0,0,00000624 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000625_post_disaster.png,pinery-bushfire_00000625_post_disaster,0,0,tier3\masks\pinery-bushfire_00000625_post_disaster.png,0,0,0,0,00000625 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000625_pre_disaster.png,pinery-bushfire_00000625_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000625_pre_disaster.png,0,0,0,0,00000625 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000626_post_disaster.png,pinery-bushfire_00000626_post_disaster,0,0,tier3\masks\pinery-bushfire_00000626_post_disaster.png,0,0,0,0,00000626 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000626_pre_disaster.png,pinery-bushfire_00000626_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000626_pre_disaster.png,0,0,0,0,00000626 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000627_post_disaster.png,pinery-bushfire_00000627_post_disaster,0,0,tier3\masks\pinery-bushfire_00000627_post_disaster.png,0,0,1,213,00000627 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000627_pre_disaster.png,pinery-bushfire_00000627_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000627_pre_disaster.png,0,0,1,213,00000627 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000628_post_disaster.png,pinery-bushfire_00000628_post_disaster,0,0,tier3\masks\pinery-bushfire_00000628_post_disaster.png,0,0,0,0,00000628 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000628_pre_disaster.png,pinery-bushfire_00000628_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000628_pre_disaster.png,0,0,0,0,00000628 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000629_post_disaster.png,pinery-bushfire_00000629_post_disaster,0,0,tier3\masks\pinery-bushfire_00000629_post_disaster.png,0,0,0,0,00000629 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000629_pre_disaster.png,pinery-bushfire_00000629_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000629_pre_disaster.png,0,0,0,0,00000629 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000630_post_disaster.png,pinery-bushfire_00000630_post_disaster,0,0,tier3\masks\pinery-bushfire_00000630_post_disaster.png,0,0,6,3574,00000630 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000630_pre_disaster.png,pinery-bushfire_00000630_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000630_pre_disaster.png,0,0,6,3594,00000630 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000631_post_disaster.png,pinery-bushfire_00000631_post_disaster,0,0,tier3\masks\pinery-bushfire_00000631_post_disaster.png,0,0,0,0,00000631 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000631_pre_disaster.png,pinery-bushfire_00000631_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000631_pre_disaster.png,0,0,0,0,00000631 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000632_post_disaster.png,pinery-bushfire_00000632_post_disaster,0,0,tier3\masks\pinery-bushfire_00000632_post_disaster.png,0,0,0,0,00000632 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000632_pre_disaster.png,pinery-bushfire_00000632_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000632_pre_disaster.png,0,0,0,0,00000632 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000633_post_disaster.png,pinery-bushfire_00000633_post_disaster,0,0,tier3\masks\pinery-bushfire_00000633_post_disaster.png,0,0,0,0,00000633 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000633_pre_disaster.png,pinery-bushfire_00000633_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000633_pre_disaster.png,0,0,0,0,00000633 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000634_post_disaster.png,pinery-bushfire_00000634_post_disaster,0,0,tier3\masks\pinery-bushfire_00000634_post_disaster.png,0,0,2,287,00000634 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000634_pre_disaster.png,pinery-bushfire_00000634_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000634_pre_disaster.png,0,0,2,287,00000634 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000635_post_disaster.png,pinery-bushfire_00000635_post_disaster,0,0,tier3\masks\pinery-bushfire_00000635_post_disaster.png,0,0,0,0,00000635 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000635_pre_disaster.png,pinery-bushfire_00000635_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000635_pre_disaster.png,0,0,0,0,00000635 +1,533,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000636_post_disaster.png,pinery-bushfire_00000636_post_disaster,0,0,tier3\masks\pinery-bushfire_00000636_post_disaster.png,0,0,1,201,00000636 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000636_pre_disaster.png,pinery-bushfire_00000636_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000636_pre_disaster.png,0,0,2,734,00000636 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000637_post_disaster.png,pinery-bushfire_00000637_post_disaster,0,0,tier3\masks\pinery-bushfire_00000637_post_disaster.png,0,0,1,2594,00000637 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000637_pre_disaster.png,pinery-bushfire_00000637_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000637_pre_disaster.png,0,0,1,2594,00000637 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000638_post_disaster.png,pinery-bushfire_00000638_post_disaster,0,0,tier3\masks\pinery-bushfire_00000638_post_disaster.png,0,0,0,0,00000638 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000638_pre_disaster.png,pinery-bushfire_00000638_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000638_pre_disaster.png,0,0,0,0,00000638 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000639_post_disaster.png,pinery-bushfire_00000639_post_disaster,0,0,tier3\masks\pinery-bushfire_00000639_post_disaster.png,0,0,3,1307,00000639 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000639_pre_disaster.png,pinery-bushfire_00000639_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000639_pre_disaster.png,0,0,3,1361,00000639 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000640_post_disaster.png,pinery-bushfire_00000640_post_disaster,1,47,tier3\masks\pinery-bushfire_00000640_post_disaster.png,1,649,17,8682,00000640 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000640_pre_disaster.png,pinery-bushfire_00000640_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000640_pre_disaster.png,0,0,19,9378,00000640 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000641_post_disaster.png,pinery-bushfire_00000641_post_disaster,0,0,tier3\masks\pinery-bushfire_00000641_post_disaster.png,0,0,0,0,00000641 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000641_pre_disaster.png,pinery-bushfire_00000641_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000641_pre_disaster.png,0,0,0,0,00000641 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000642_post_disaster.png,pinery-bushfire_00000642_post_disaster,0,0,tier3\masks\pinery-bushfire_00000642_post_disaster.png,0,0,0,0,00000642 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000642_pre_disaster.png,pinery-bushfire_00000642_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000642_pre_disaster.png,0,0,0,0,00000642 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000643_post_disaster.png,pinery-bushfire_00000643_post_disaster,0,0,tier3\masks\pinery-bushfire_00000643_post_disaster.png,0,0,0,0,00000643 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000643_pre_disaster.png,pinery-bushfire_00000643_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000643_pre_disaster.png,0,0,0,0,00000643 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000644_post_disaster.png,pinery-bushfire_00000644_post_disaster,0,0,tier3\masks\pinery-bushfire_00000644_post_disaster.png,0,0,0,0,00000644 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000644_pre_disaster.png,pinery-bushfire_00000644_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000644_pre_disaster.png,0,0,0,0,00000644 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000645_post_disaster.png,pinery-bushfire_00000645_post_disaster,0,0,tier3\masks\pinery-bushfire_00000645_post_disaster.png,0,0,0,0,00000645 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000645_pre_disaster.png,pinery-bushfire_00000645_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000645_pre_disaster.png,0,0,0,0,00000645 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000646_post_disaster.png,pinery-bushfire_00000646_post_disaster,0,0,tier3\masks\pinery-bushfire_00000646_post_disaster.png,0,0,0,0,00000646 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000646_pre_disaster.png,pinery-bushfire_00000646_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000646_pre_disaster.png,0,0,0,0,00000646 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000647_post_disaster.png,pinery-bushfire_00000647_post_disaster,0,0,tier3\masks\pinery-bushfire_00000647_post_disaster.png,0,0,0,0,00000647 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000647_pre_disaster.png,pinery-bushfire_00000647_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000647_pre_disaster.png,0,0,0,0,00000647 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000648_post_disaster.png,pinery-bushfire_00000648_post_disaster,0,0,tier3\masks\pinery-bushfire_00000648_post_disaster.png,0,0,3,2123,00000648 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000648_pre_disaster.png,pinery-bushfire_00000648_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000648_pre_disaster.png,0,0,3,2160,00000648 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000649_post_disaster.png,pinery-bushfire_00000649_post_disaster,0,0,tier3\masks\pinery-bushfire_00000649_post_disaster.png,0,0,0,0,00000649 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000649_pre_disaster.png,pinery-bushfire_00000649_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000649_pre_disaster.png,0,0,0,0,00000649 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000650_post_disaster.png,pinery-bushfire_00000650_post_disaster,0,0,tier3\masks\pinery-bushfire_00000650_post_disaster.png,0,0,0,0,00000650 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000650_pre_disaster.png,pinery-bushfire_00000650_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000650_pre_disaster.png,0,0,0,0,00000650 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000651_post_disaster.png,pinery-bushfire_00000651_post_disaster,0,0,tier3\masks\pinery-bushfire_00000651_post_disaster.png,0,0,0,0,00000651 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000651_pre_disaster.png,pinery-bushfire_00000651_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000651_pre_disaster.png,0,0,0,0,00000651 +5,1471,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000652_post_disaster.png,pinery-bushfire_00000652_post_disaster,2,596,tier3\masks\pinery-bushfire_00000652_post_disaster.png,1,1245,3,1335,00000652 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000652_pre_disaster.png,pinery-bushfire_00000652_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000652_pre_disaster.png,0,0,10,4647,00000652 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000653_post_disaster.png,pinery-bushfire_00000653_post_disaster,0,0,tier3\masks\pinery-bushfire_00000653_post_disaster.png,0,0,0,0,00000653 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000653_pre_disaster.png,pinery-bushfire_00000653_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000653_pre_disaster.png,0,0,0,0,00000653 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000654_post_disaster.png,pinery-bushfire_00000654_post_disaster,0,0,tier3\masks\pinery-bushfire_00000654_post_disaster.png,0,0,0,0,00000654 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000654_pre_disaster.png,pinery-bushfire_00000654_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000654_pre_disaster.png,0,0,0,0,00000654 +2,1430,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000655_post_disaster.png,pinery-bushfire_00000655_post_disaster,0,0,tier3\masks\pinery-bushfire_00000655_post_disaster.png,2,1046,19,8722,00000655 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000655_pre_disaster.png,pinery-bushfire_00000655_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000655_pre_disaster.png,0,0,22,11198,00000655 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000656_post_disaster.png,pinery-bushfire_00000656_post_disaster,0,0,tier3\masks\pinery-bushfire_00000656_post_disaster.png,0,0,1,91,00000656 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000656_pre_disaster.png,pinery-bushfire_00000656_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000656_pre_disaster.png,0,0,1,91,00000656 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000657_post_disaster.png,pinery-bushfire_00000657_post_disaster,0,0,tier3\masks\pinery-bushfire_00000657_post_disaster.png,0,0,0,0,00000657 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000657_pre_disaster.png,pinery-bushfire_00000657_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000657_pre_disaster.png,0,0,0,0,00000657 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000658_post_disaster.png,pinery-bushfire_00000658_post_disaster,0,0,tier3\masks\pinery-bushfire_00000658_post_disaster.png,0,0,0,0,00000658 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000658_pre_disaster.png,pinery-bushfire_00000658_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000658_pre_disaster.png,0,0,0,0,00000658 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000659_post_disaster.png,pinery-bushfire_00000659_post_disaster,0,0,tier3\masks\pinery-bushfire_00000659_post_disaster.png,0,0,0,0,00000659 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000659_pre_disaster.png,pinery-bushfire_00000659_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000659_pre_disaster.png,0,0,0,0,00000659 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000660_post_disaster.png,pinery-bushfire_00000660_post_disaster,0,0,tier3\masks\pinery-bushfire_00000660_post_disaster.png,0,0,0,0,00000660 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000660_pre_disaster.png,pinery-bushfire_00000660_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000660_pre_disaster.png,0,0,0,0,00000660 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000661_post_disaster.png,pinery-bushfire_00000661_post_disaster,0,0,tier3\masks\pinery-bushfire_00000661_post_disaster.png,0,0,0,0,00000661 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000661_pre_disaster.png,pinery-bushfire_00000661_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000661_pre_disaster.png,0,0,0,0,00000661 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000662_post_disaster.png,pinery-bushfire_00000662_post_disaster,0,0,tier3\masks\pinery-bushfire_00000662_post_disaster.png,0,0,0,0,00000662 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000662_pre_disaster.png,pinery-bushfire_00000662_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000662_pre_disaster.png,0,0,0,0,00000662 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000663_post_disaster.png,pinery-bushfire_00000663_post_disaster,0,0,tier3\masks\pinery-bushfire_00000663_post_disaster.png,0,0,11,11091,00000663 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000663_pre_disaster.png,pinery-bushfire_00000663_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000663_pre_disaster.png,0,0,11,11091,00000663 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000664_post_disaster.png,pinery-bushfire_00000664_post_disaster,0,0,tier3\masks\pinery-bushfire_00000664_post_disaster.png,0,0,3,198,00000664 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000664_pre_disaster.png,pinery-bushfire_00000664_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000664_pre_disaster.png,0,0,3,198,00000664 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000665_post_disaster.png,pinery-bushfire_00000665_post_disaster,0,0,tier3\masks\pinery-bushfire_00000665_post_disaster.png,0,0,2,1212,00000665 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000665_pre_disaster.png,pinery-bushfire_00000665_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000665_pre_disaster.png,0,0,2,1212,00000665 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000666_post_disaster.png,pinery-bushfire_00000666_post_disaster,0,0,tier3\masks\pinery-bushfire_00000666_post_disaster.png,0,0,2,325,00000666 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000666_pre_disaster.png,pinery-bushfire_00000666_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000666_pre_disaster.png,0,0,2,361,00000666 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000667_post_disaster.png,pinery-bushfire_00000667_post_disaster,4,797,tier3\masks\pinery-bushfire_00000667_post_disaster.png,0,0,2,2740,00000667 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000667_pre_disaster.png,pinery-bushfire_00000667_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000667_pre_disaster.png,0,0,6,3537,00000667 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000668_post_disaster.png,pinery-bushfire_00000668_post_disaster,0,0,tier3\masks\pinery-bushfire_00000668_post_disaster.png,0,0,1,211,00000668 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000668_pre_disaster.png,pinery-bushfire_00000668_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000668_pre_disaster.png,0,0,1,211,00000668 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000669_post_disaster.png,pinery-bushfire_00000669_post_disaster,0,0,tier3\masks\pinery-bushfire_00000669_post_disaster.png,0,0,4,3783,00000669 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000669_pre_disaster.png,pinery-bushfire_00000669_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000669_pre_disaster.png,0,0,4,3783,00000669 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000670_post_disaster.png,pinery-bushfire_00000670_post_disaster,0,0,tier3\masks\pinery-bushfire_00000670_post_disaster.png,0,0,10,4642,00000670 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000670_pre_disaster.png,pinery-bushfire_00000670_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000670_pre_disaster.png,0,0,10,4642,00000670 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000671_post_disaster.png,pinery-bushfire_00000671_post_disaster,0,0,tier3\masks\pinery-bushfire_00000671_post_disaster.png,0,0,0,0,00000671 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000671_pre_disaster.png,pinery-bushfire_00000671_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000671_pre_disaster.png,0,0,0,0,00000671 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000672_post_disaster.png,pinery-bushfire_00000672_post_disaster,0,0,tier3\masks\pinery-bushfire_00000672_post_disaster.png,0,0,0,0,00000672 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000672_pre_disaster.png,pinery-bushfire_00000672_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000672_pre_disaster.png,0,0,0,0,00000672 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000673_post_disaster.png,pinery-bushfire_00000673_post_disaster,0,0,tier3\masks\pinery-bushfire_00000673_post_disaster.png,0,0,0,0,00000673 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000673_pre_disaster.png,pinery-bushfire_00000673_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000673_pre_disaster.png,0,0,0,0,00000673 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000674_post_disaster.png,pinery-bushfire_00000674_post_disaster,0,0,tier3\masks\pinery-bushfire_00000674_post_disaster.png,0,0,1,714,00000674 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000674_pre_disaster.png,pinery-bushfire_00000674_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000674_pre_disaster.png,0,0,1,714,00000674 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000675_post_disaster.png,pinery-bushfire_00000675_post_disaster,0,0,tier3\masks\pinery-bushfire_00000675_post_disaster.png,0,0,11,3066,00000675 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000675_pre_disaster.png,pinery-bushfire_00000675_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000675_pre_disaster.png,0,0,11,3097,00000675 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000676_post_disaster.png,pinery-bushfire_00000676_post_disaster,0,0,tier3\masks\pinery-bushfire_00000676_post_disaster.png,0,0,0,0,00000676 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000676_pre_disaster.png,pinery-bushfire_00000676_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000676_pre_disaster.png,0,0,0,0,00000676 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000677_post_disaster.png,pinery-bushfire_00000677_post_disaster,0,0,tier3\masks\pinery-bushfire_00000677_post_disaster.png,0,0,0,0,00000677 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000677_pre_disaster.png,pinery-bushfire_00000677_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000677_pre_disaster.png,0,0,0,0,00000677 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000678_post_disaster.png,pinery-bushfire_00000678_post_disaster,0,0,tier3\masks\pinery-bushfire_00000678_post_disaster.png,0,0,0,0,00000678 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000678_pre_disaster.png,pinery-bushfire_00000678_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000678_pre_disaster.png,0,0,0,0,00000678 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000679_post_disaster.png,pinery-bushfire_00000679_post_disaster,0,0,tier3\masks\pinery-bushfire_00000679_post_disaster.png,0,0,0,0,00000679 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000679_pre_disaster.png,pinery-bushfire_00000679_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000679_pre_disaster.png,0,0,0,0,00000679 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000680_post_disaster.png,pinery-bushfire_00000680_post_disaster,0,0,tier3\masks\pinery-bushfire_00000680_post_disaster.png,0,0,0,0,00000680 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000680_pre_disaster.png,pinery-bushfire_00000680_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000680_pre_disaster.png,0,0,0,0,00000680 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000681_post_disaster.png,pinery-bushfire_00000681_post_disaster,0,0,tier3\masks\pinery-bushfire_00000681_post_disaster.png,0,0,0,0,00000681 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000681_pre_disaster.png,pinery-bushfire_00000681_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000681_pre_disaster.png,0,0,0,0,00000681 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000682_post_disaster.png,pinery-bushfire_00000682_post_disaster,0,0,tier3\masks\pinery-bushfire_00000682_post_disaster.png,0,0,0,0,00000682 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000682_pre_disaster.png,pinery-bushfire_00000682_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000682_pre_disaster.png,0,0,0,0,00000682 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000683_post_disaster.png,pinery-bushfire_00000683_post_disaster,0,0,tier3\masks\pinery-bushfire_00000683_post_disaster.png,0,0,1,381,00000683 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000683_pre_disaster.png,pinery-bushfire_00000683_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000683_pre_disaster.png,0,0,1,415,00000683 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000684_post_disaster.png,pinery-bushfire_00000684_post_disaster,0,0,tier3\masks\pinery-bushfire_00000684_post_disaster.png,0,0,1,1259,00000684 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000684_pre_disaster.png,pinery-bushfire_00000684_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000684_pre_disaster.png,0,0,1,1270,00000684 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000685_post_disaster.png,pinery-bushfire_00000685_post_disaster,0,0,tier3\masks\pinery-bushfire_00000685_post_disaster.png,0,0,0,0,00000685 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000685_pre_disaster.png,pinery-bushfire_00000685_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000685_pre_disaster.png,0,0,0,0,00000685 +2,1551,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000686_post_disaster.png,pinery-bushfire_00000686_post_disaster,0,0,tier3\masks\pinery-bushfire_00000686_post_disaster.png,2,950,8,3452,00000686 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000686_pre_disaster.png,pinery-bushfire_00000686_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000686_pre_disaster.png,0,0,12,5953,00000686 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000687_post_disaster.png,pinery-bushfire_00000687_post_disaster,0,0,tier3\masks\pinery-bushfire_00000687_post_disaster.png,0,0,0,0,00000687 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000687_pre_disaster.png,pinery-bushfire_00000687_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000687_pre_disaster.png,0,0,0,0,00000687 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000688_post_disaster.png,pinery-bushfire_00000688_post_disaster,0,0,tier3\masks\pinery-bushfire_00000688_post_disaster.png,0,0,0,0,00000688 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000688_pre_disaster.png,pinery-bushfire_00000688_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000688_pre_disaster.png,0,0,0,0,00000688 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000689_post_disaster.png,pinery-bushfire_00000689_post_disaster,0,0,tier3\masks\pinery-bushfire_00000689_post_disaster.png,0,0,0,0,00000689 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000689_pre_disaster.png,pinery-bushfire_00000689_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000689_pre_disaster.png,0,0,0,0,00000689 +3,1651,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000690_post_disaster.png,pinery-bushfire_00000690_post_disaster,0,0,tier3\masks\pinery-bushfire_00000690_post_disaster.png,0,0,5,2955,00000690 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000690_pre_disaster.png,pinery-bushfire_00000690_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000690_pre_disaster.png,0,0,8,4606,00000690 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000691_post_disaster.png,pinery-bushfire_00000691_post_disaster,0,0,tier3\masks\pinery-bushfire_00000691_post_disaster.png,0,0,0,0,00000691 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000691_pre_disaster.png,pinery-bushfire_00000691_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000691_pre_disaster.png,0,0,0,0,00000691 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000692_post_disaster.png,pinery-bushfire_00000692_post_disaster,0,0,tier3\masks\pinery-bushfire_00000692_post_disaster.png,0,0,0,0,00000692 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000692_pre_disaster.png,pinery-bushfire_00000692_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000692_pre_disaster.png,0,0,0,0,00000692 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000693_post_disaster.png,pinery-bushfire_00000693_post_disaster,0,0,tier3\masks\pinery-bushfire_00000693_post_disaster.png,0,0,0,0,00000693 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000693_pre_disaster.png,pinery-bushfire_00000693_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000693_pre_disaster.png,0,0,0,0,00000693 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000694_post_disaster.png,pinery-bushfire_00000694_post_disaster,0,0,tier3\masks\pinery-bushfire_00000694_post_disaster.png,0,0,0,0,00000694 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000694_pre_disaster.png,pinery-bushfire_00000694_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000694_pre_disaster.png,0,0,0,0,00000694 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000695_post_disaster.png,pinery-bushfire_00000695_post_disaster,0,0,tier3\masks\pinery-bushfire_00000695_post_disaster.png,0,0,0,0,00000695 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000695_pre_disaster.png,pinery-bushfire_00000695_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000695_pre_disaster.png,0,0,0,0,00000695 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000696_post_disaster.png,pinery-bushfire_00000696_post_disaster,0,0,tier3\masks\pinery-bushfire_00000696_post_disaster.png,0,0,0,0,00000696 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000696_pre_disaster.png,pinery-bushfire_00000696_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000696_pre_disaster.png,0,0,0,0,00000696 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000697_post_disaster.png,pinery-bushfire_00000697_post_disaster,0,0,tier3\masks\pinery-bushfire_00000697_post_disaster.png,0,0,0,0,00000697 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000697_pre_disaster.png,pinery-bushfire_00000697_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000697_pre_disaster.png,0,0,0,0,00000697 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000698_post_disaster.png,pinery-bushfire_00000698_post_disaster,0,0,tier3\masks\pinery-bushfire_00000698_post_disaster.png,0,0,0,0,00000698 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000698_pre_disaster.png,pinery-bushfire_00000698_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000698_pre_disaster.png,0,0,0,0,00000698 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000699_post_disaster.png,pinery-bushfire_00000699_post_disaster,0,0,tier3\masks\pinery-bushfire_00000699_post_disaster.png,0,0,0,0,00000699 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000699_pre_disaster.png,pinery-bushfire_00000699_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000699_pre_disaster.png,0,0,0,0,00000699 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000700_post_disaster.png,pinery-bushfire_00000700_post_disaster,0,0,tier3\masks\pinery-bushfire_00000700_post_disaster.png,0,0,0,0,00000700 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000700_pre_disaster.png,pinery-bushfire_00000700_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000700_pre_disaster.png,0,0,0,0,00000700 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000701_post_disaster.png,pinery-bushfire_00000701_post_disaster,0,0,tier3\masks\pinery-bushfire_00000701_post_disaster.png,0,0,0,0,00000701 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000701_pre_disaster.png,pinery-bushfire_00000701_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000701_pre_disaster.png,0,0,0,0,00000701 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000702_post_disaster.png,pinery-bushfire_00000702_post_disaster,0,0,tier3\masks\pinery-bushfire_00000702_post_disaster.png,0,0,0,0,00000702 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000702_pre_disaster.png,pinery-bushfire_00000702_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000702_pre_disaster.png,0,0,0,0,00000702 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000703_post_disaster.png,pinery-bushfire_00000703_post_disaster,0,0,tier3\masks\pinery-bushfire_00000703_post_disaster.png,0,0,2,1630,00000703 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000703_pre_disaster.png,pinery-bushfire_00000703_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000703_pre_disaster.png,0,0,2,1630,00000703 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000704_post_disaster.png,pinery-bushfire_00000704_post_disaster,0,0,tier3\masks\pinery-bushfire_00000704_post_disaster.png,0,0,0,0,00000704 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000704_pre_disaster.png,pinery-bushfire_00000704_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000704_pre_disaster.png,0,0,0,0,00000704 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000705_post_disaster.png,pinery-bushfire_00000705_post_disaster,0,0,tier3\masks\pinery-bushfire_00000705_post_disaster.png,0,0,0,0,00000705 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000705_pre_disaster.png,pinery-bushfire_00000705_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000705_pre_disaster.png,0,0,0,0,00000705 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000706_post_disaster.png,pinery-bushfire_00000706_post_disaster,0,0,tier3\masks\pinery-bushfire_00000706_post_disaster.png,0,0,0,0,00000706 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000706_pre_disaster.png,pinery-bushfire_00000706_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000706_pre_disaster.png,0,0,0,0,00000706 +1,147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000707_post_disaster.png,pinery-bushfire_00000707_post_disaster,0,0,tier3\masks\pinery-bushfire_00000707_post_disaster.png,3,3272,5,916,00000707 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000707_pre_disaster.png,pinery-bushfire_00000707_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000707_pre_disaster.png,0,0,8,4383,00000707 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000708_post_disaster.png,pinery-bushfire_00000708_post_disaster,0,0,tier3\masks\pinery-bushfire_00000708_post_disaster.png,0,0,1,38,00000708 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000708_pre_disaster.png,pinery-bushfire_00000708_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000708_pre_disaster.png,0,0,1,38,00000708 +7,699,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000709_post_disaster.png,pinery-bushfire_00000709_post_disaster,0,0,tier3\masks\pinery-bushfire_00000709_post_disaster.png,1,252,14,7215,00000709 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000709_pre_disaster.png,pinery-bushfire_00000709_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000709_pre_disaster.png,0,0,22,8166,00000709 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000710_post_disaster.png,pinery-bushfire_00000710_post_disaster,0,0,tier3\masks\pinery-bushfire_00000710_post_disaster.png,0,0,0,0,00000710 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000710_pre_disaster.png,pinery-bushfire_00000710_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000710_pre_disaster.png,0,0,0,0,00000710 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000711_post_disaster.png,pinery-bushfire_00000711_post_disaster,0,0,tier3\masks\pinery-bushfire_00000711_post_disaster.png,0,0,0,0,00000711 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000711_pre_disaster.png,pinery-bushfire_00000711_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000711_pre_disaster.png,0,0,0,0,00000711 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000712_post_disaster.png,pinery-bushfire_00000712_post_disaster,0,0,tier3\masks\pinery-bushfire_00000712_post_disaster.png,0,0,0,0,00000712 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000712_pre_disaster.png,pinery-bushfire_00000712_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000712_pre_disaster.png,0,0,0,0,00000712 +3,1359,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000713_post_disaster.png,pinery-bushfire_00000713_post_disaster,1,76,tier3\masks\pinery-bushfire_00000713_post_disaster.png,0,0,4,1209,00000713 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000713_pre_disaster.png,pinery-bushfire_00000713_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000713_pre_disaster.png,0,0,8,2655,00000713 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000714_post_disaster.png,pinery-bushfire_00000714_post_disaster,0,0,tier3\masks\pinery-bushfire_00000714_post_disaster.png,0,0,4,2849,00000714 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000714_pre_disaster.png,pinery-bushfire_00000714_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000714_pre_disaster.png,0,0,4,2881,00000714 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000715_post_disaster.png,pinery-bushfire_00000715_post_disaster,0,0,tier3\masks\pinery-bushfire_00000715_post_disaster.png,0,0,0,0,00000715 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000715_pre_disaster.png,pinery-bushfire_00000715_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000715_pre_disaster.png,0,0,0,0,00000715 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000716_post_disaster.png,pinery-bushfire_00000716_post_disaster,0,0,tier3\masks\pinery-bushfire_00000716_post_disaster.png,0,0,0,0,00000716 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000716_pre_disaster.png,pinery-bushfire_00000716_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000716_pre_disaster.png,0,0,0,0,00000716 +1,473,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000717_post_disaster.png,pinery-bushfire_00000717_post_disaster,0,0,tier3\masks\pinery-bushfire_00000717_post_disaster.png,0,0,0,0,00000717 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000717_pre_disaster.png,pinery-bushfire_00000717_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000717_pre_disaster.png,0,0,1,473,00000717 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000718_post_disaster.png,pinery-bushfire_00000718_post_disaster,0,0,tier3\masks\pinery-bushfire_00000718_post_disaster.png,0,0,0,0,00000718 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000718_pre_disaster.png,pinery-bushfire_00000718_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000718_pre_disaster.png,0,0,0,0,00000718 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000719_post_disaster.png,pinery-bushfire_00000719_post_disaster,0,0,tier3\masks\pinery-bushfire_00000719_post_disaster.png,0,0,0,0,00000719 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000719_pre_disaster.png,pinery-bushfire_00000719_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000719_pre_disaster.png,0,0,0,0,00000719 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000720_post_disaster.png,pinery-bushfire_00000720_post_disaster,0,0,tier3\masks\pinery-bushfire_00000720_post_disaster.png,0,0,0,0,00000720 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000720_pre_disaster.png,pinery-bushfire_00000720_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000720_pre_disaster.png,0,0,0,0,00000720 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000721_post_disaster.png,pinery-bushfire_00000721_post_disaster,0,0,tier3\masks\pinery-bushfire_00000721_post_disaster.png,0,0,0,0,00000721 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000721_pre_disaster.png,pinery-bushfire_00000721_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000721_pre_disaster.png,0,0,0,0,00000721 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000722_post_disaster.png,pinery-bushfire_00000722_post_disaster,0,0,tier3\masks\pinery-bushfire_00000722_post_disaster.png,0,0,0,0,00000722 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000722_pre_disaster.png,pinery-bushfire_00000722_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000722_pre_disaster.png,0,0,0,0,00000722 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000723_post_disaster.png,pinery-bushfire_00000723_post_disaster,0,0,tier3\masks\pinery-bushfire_00000723_post_disaster.png,0,0,0,0,00000723 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000723_pre_disaster.png,pinery-bushfire_00000723_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000723_pre_disaster.png,0,0,0,0,00000723 +2,695,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000724_post_disaster.png,pinery-bushfire_00000724_post_disaster,1,180,tier3\masks\pinery-bushfire_00000724_post_disaster.png,2,705,6,4648,00000724 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000724_pre_disaster.png,pinery-bushfire_00000724_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000724_pre_disaster.png,0,0,9,6228,00000724 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000725_post_disaster.png,pinery-bushfire_00000725_post_disaster,0,0,tier3\masks\pinery-bushfire_00000725_post_disaster.png,0,0,1,158,00000725 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000725_pre_disaster.png,pinery-bushfire_00000725_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000725_pre_disaster.png,0,0,1,158,00000725 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000726_post_disaster.png,pinery-bushfire_00000726_post_disaster,0,0,tier3\masks\pinery-bushfire_00000726_post_disaster.png,0,0,0,0,00000726 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000726_pre_disaster.png,pinery-bushfire_00000726_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000726_pre_disaster.png,0,0,0,0,00000726 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000727_post_disaster.png,pinery-bushfire_00000727_post_disaster,0,0,tier3\masks\pinery-bushfire_00000727_post_disaster.png,0,0,12,23346,00000727 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000727_pre_disaster.png,pinery-bushfire_00000727_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000727_pre_disaster.png,0,0,12,23346,00000727 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000728_post_disaster.png,pinery-bushfire_00000728_post_disaster,0,0,tier3\masks\pinery-bushfire_00000728_post_disaster.png,0,0,0,0,00000728 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000728_pre_disaster.png,pinery-bushfire_00000728_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000728_pre_disaster.png,0,0,0,0,00000728 +1,98,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000729_post_disaster.png,pinery-bushfire_00000729_post_disaster,0,0,tier3\masks\pinery-bushfire_00000729_post_disaster.png,0,0,0,0,00000729 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000729_pre_disaster.png,pinery-bushfire_00000729_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000729_pre_disaster.png,0,0,1,98,00000729 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000730_post_disaster.png,pinery-bushfire_00000730_post_disaster,0,0,tier3\masks\pinery-bushfire_00000730_post_disaster.png,0,0,0,0,00000730 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000730_pre_disaster.png,pinery-bushfire_00000730_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000730_pre_disaster.png,0,0,0,0,00000730 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000731_post_disaster.png,pinery-bushfire_00000731_post_disaster,0,0,tier3\masks\pinery-bushfire_00000731_post_disaster.png,0,0,0,0,00000731 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000731_pre_disaster.png,pinery-bushfire_00000731_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000731_pre_disaster.png,0,0,0,0,00000731 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000732_post_disaster.png,pinery-bushfire_00000732_post_disaster,0,0,tier3\masks\pinery-bushfire_00000732_post_disaster.png,0,0,0,0,00000732 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000732_pre_disaster.png,pinery-bushfire_00000732_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000732_pre_disaster.png,0,0,0,0,00000732 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000733_post_disaster.png,pinery-bushfire_00000733_post_disaster,0,0,tier3\masks\pinery-bushfire_00000733_post_disaster.png,0,0,5,7945,00000733 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000733_pre_disaster.png,pinery-bushfire_00000733_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000733_pre_disaster.png,0,0,5,7945,00000733 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000734_post_disaster.png,pinery-bushfire_00000734_post_disaster,0,0,tier3\masks\pinery-bushfire_00000734_post_disaster.png,0,0,1,311,00000734 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000734_pre_disaster.png,pinery-bushfire_00000734_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000734_pre_disaster.png,0,0,1,353,00000734 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000735_post_disaster.png,pinery-bushfire_00000735_post_disaster,0,0,tier3\masks\pinery-bushfire_00000735_post_disaster.png,0,0,0,0,00000735 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000735_pre_disaster.png,pinery-bushfire_00000735_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000735_pre_disaster.png,0,0,0,0,00000735 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000736_post_disaster.png,pinery-bushfire_00000736_post_disaster,0,0,tier3\masks\pinery-bushfire_00000736_post_disaster.png,0,0,0,0,00000736 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000736_pre_disaster.png,pinery-bushfire_00000736_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000736_pre_disaster.png,0,0,0,0,00000736 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000737_post_disaster.png,pinery-bushfire_00000737_post_disaster,0,0,tier3\masks\pinery-bushfire_00000737_post_disaster.png,0,0,0,0,00000737 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000737_pre_disaster.png,pinery-bushfire_00000737_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000737_pre_disaster.png,0,0,0,0,00000737 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000738_post_disaster.png,pinery-bushfire_00000738_post_disaster,0,0,tier3\masks\pinery-bushfire_00000738_post_disaster.png,0,0,0,0,00000738 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000738_pre_disaster.png,pinery-bushfire_00000738_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000738_pre_disaster.png,0,0,0,0,00000738 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000739_post_disaster.png,pinery-bushfire_00000739_post_disaster,0,0,tier3\masks\pinery-bushfire_00000739_post_disaster.png,0,0,5,4536,00000739 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000739_pre_disaster.png,pinery-bushfire_00000739_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000739_pre_disaster.png,0,0,5,4536,00000739 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000740_post_disaster.png,pinery-bushfire_00000740_post_disaster,0,0,tier3\masks\pinery-bushfire_00000740_post_disaster.png,0,0,0,0,00000740 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000740_pre_disaster.png,pinery-bushfire_00000740_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000740_pre_disaster.png,0,0,0,0,00000740 +1,63,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000741_post_disaster.png,pinery-bushfire_00000741_post_disaster,0,0,tier3\masks\pinery-bushfire_00000741_post_disaster.png,2,1908,20,22830,00000741 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000741_pre_disaster.png,pinery-bushfire_00000741_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000741_pre_disaster.png,0,0,23,24937,00000741 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000742_post_disaster.png,pinery-bushfire_00000742_post_disaster,0,0,tier3\masks\pinery-bushfire_00000742_post_disaster.png,0,0,0,0,00000742 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000742_pre_disaster.png,pinery-bushfire_00000742_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000742_pre_disaster.png,0,0,0,0,00000742 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000743_post_disaster.png,pinery-bushfire_00000743_post_disaster,0,0,tier3\masks\pinery-bushfire_00000743_post_disaster.png,0,0,0,0,00000743 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000743_pre_disaster.png,pinery-bushfire_00000743_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000743_pre_disaster.png,0,0,0,0,00000743 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000744_post_disaster.png,pinery-bushfire_00000744_post_disaster,0,0,tier3\masks\pinery-bushfire_00000744_post_disaster.png,0,0,0,0,00000744 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000744_pre_disaster.png,pinery-bushfire_00000744_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000744_pre_disaster.png,0,0,0,0,00000744 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000745_post_disaster.png,pinery-bushfire_00000745_post_disaster,0,0,tier3\masks\pinery-bushfire_00000745_post_disaster.png,0,0,0,0,00000745 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000745_pre_disaster.png,pinery-bushfire_00000745_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000745_pre_disaster.png,0,0,0,0,00000745 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000746_post_disaster.png,pinery-bushfire_00000746_post_disaster,0,0,tier3\masks\pinery-bushfire_00000746_post_disaster.png,0,0,0,0,00000746 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000746_pre_disaster.png,pinery-bushfire_00000746_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000746_pre_disaster.png,0,0,0,0,00000746 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000747_post_disaster.png,pinery-bushfire_00000747_post_disaster,0,0,tier3\masks\pinery-bushfire_00000747_post_disaster.png,0,0,0,0,00000747 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000747_pre_disaster.png,pinery-bushfire_00000747_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000747_pre_disaster.png,0,0,0,0,00000747 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000748_post_disaster.png,pinery-bushfire_00000748_post_disaster,0,0,tier3\masks\pinery-bushfire_00000748_post_disaster.png,0,0,0,0,00000748 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000748_pre_disaster.png,pinery-bushfire_00000748_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000748_pre_disaster.png,0,0,0,0,00000748 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000749_post_disaster.png,pinery-bushfire_00000749_post_disaster,0,0,tier3\masks\pinery-bushfire_00000749_post_disaster.png,0,0,3,1475,00000749 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000749_pre_disaster.png,pinery-bushfire_00000749_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000749_pre_disaster.png,0,0,3,1475,00000749 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000750_post_disaster.png,pinery-bushfire_00000750_post_disaster,0,0,tier3\masks\pinery-bushfire_00000750_post_disaster.png,0,0,0,0,00000750 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000750_pre_disaster.png,pinery-bushfire_00000750_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000750_pre_disaster.png,0,0,0,0,00000750 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000751_post_disaster.png,pinery-bushfire_00000751_post_disaster,0,0,tier3\masks\pinery-bushfire_00000751_post_disaster.png,0,0,0,0,00000751 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000751_pre_disaster.png,pinery-bushfire_00000751_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000751_pre_disaster.png,0,0,0,0,00000751 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000752_post_disaster.png,pinery-bushfire_00000752_post_disaster,0,0,tier3\masks\pinery-bushfire_00000752_post_disaster.png,0,0,0,0,00000752 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000752_pre_disaster.png,pinery-bushfire_00000752_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000752_pre_disaster.png,0,0,0,0,00000752 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000753_post_disaster.png,pinery-bushfire_00000753_post_disaster,0,0,tier3\masks\pinery-bushfire_00000753_post_disaster.png,0,0,0,0,00000753 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000753_pre_disaster.png,pinery-bushfire_00000753_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000753_pre_disaster.png,0,0,0,0,00000753 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000754_post_disaster.png,pinery-bushfire_00000754_post_disaster,0,0,tier3\masks\pinery-bushfire_00000754_post_disaster.png,0,0,2,430,00000754 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000754_pre_disaster.png,pinery-bushfire_00000754_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000754_pre_disaster.png,0,0,2,430,00000754 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000755_post_disaster.png,pinery-bushfire_00000755_post_disaster,0,0,tier3\masks\pinery-bushfire_00000755_post_disaster.png,0,0,0,0,00000755 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000755_pre_disaster.png,pinery-bushfire_00000755_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000755_pre_disaster.png,0,0,0,0,00000755 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000756_post_disaster.png,pinery-bushfire_00000756_post_disaster,0,0,tier3\masks\pinery-bushfire_00000756_post_disaster.png,0,0,0,0,00000756 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000756_pre_disaster.png,pinery-bushfire_00000756_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000756_pre_disaster.png,0,0,0,0,00000756 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000757_post_disaster.png,pinery-bushfire_00000757_post_disaster,0,0,tier3\masks\pinery-bushfire_00000757_post_disaster.png,0,0,14,7987,00000757 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000757_pre_disaster.png,pinery-bushfire_00000757_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000757_pre_disaster.png,0,0,14,7987,00000757 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000758_post_disaster.png,pinery-bushfire_00000758_post_disaster,0,0,tier3\masks\pinery-bushfire_00000758_post_disaster.png,0,0,0,0,00000758 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000758_pre_disaster.png,pinery-bushfire_00000758_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000758_pre_disaster.png,0,0,0,0,00000758 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000759_post_disaster.png,pinery-bushfire_00000759_post_disaster,0,0,tier3\masks\pinery-bushfire_00000759_post_disaster.png,0,0,0,0,00000759 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000759_pre_disaster.png,pinery-bushfire_00000759_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000759_pre_disaster.png,0,0,0,0,00000759 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000760_post_disaster.png,pinery-bushfire_00000760_post_disaster,0,0,tier3\masks\pinery-bushfire_00000760_post_disaster.png,0,0,0,0,00000760 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000760_pre_disaster.png,pinery-bushfire_00000760_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000760_pre_disaster.png,0,0,0,0,00000760 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000761_post_disaster.png,pinery-bushfire_00000761_post_disaster,0,0,tier3\masks\pinery-bushfire_00000761_post_disaster.png,0,0,0,0,00000761 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000761_pre_disaster.png,pinery-bushfire_00000761_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000761_pre_disaster.png,0,0,0,0,00000761 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000762_post_disaster.png,pinery-bushfire_00000762_post_disaster,0,0,tier3\masks\pinery-bushfire_00000762_post_disaster.png,0,0,0,0,00000762 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000762_pre_disaster.png,pinery-bushfire_00000762_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000762_pre_disaster.png,0,0,0,0,00000762 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000763_post_disaster.png,pinery-bushfire_00000763_post_disaster,0,0,tier3\masks\pinery-bushfire_00000763_post_disaster.png,0,0,0,0,00000763 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000763_pre_disaster.png,pinery-bushfire_00000763_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000763_pre_disaster.png,0,0,0,0,00000763 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000764_post_disaster.png,pinery-bushfire_00000764_post_disaster,0,0,tier3\masks\pinery-bushfire_00000764_post_disaster.png,0,0,0,0,00000764 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000764_pre_disaster.png,pinery-bushfire_00000764_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000764_pre_disaster.png,0,0,0,0,00000764 +1,700,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000765_post_disaster.png,pinery-bushfire_00000765_post_disaster,0,0,tier3\masks\pinery-bushfire_00000765_post_disaster.png,0,0,0,0,00000765 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000765_pre_disaster.png,pinery-bushfire_00000765_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000765_pre_disaster.png,0,0,1,700,00000765 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000766_post_disaster.png,pinery-bushfire_00000766_post_disaster,0,0,tier3\masks\pinery-bushfire_00000766_post_disaster.png,0,0,0,0,00000766 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000766_pre_disaster.png,pinery-bushfire_00000766_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000766_pre_disaster.png,0,0,0,0,00000766 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000767_post_disaster.png,pinery-bushfire_00000767_post_disaster,0,0,tier3\masks\pinery-bushfire_00000767_post_disaster.png,0,0,0,0,00000767 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000767_pre_disaster.png,pinery-bushfire_00000767_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000767_pre_disaster.png,0,0,0,0,00000767 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000768_post_disaster.png,pinery-bushfire_00000768_post_disaster,0,0,tier3\masks\pinery-bushfire_00000768_post_disaster.png,0,0,0,0,00000768 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000768_pre_disaster.png,pinery-bushfire_00000768_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000768_pre_disaster.png,0,0,0,0,00000768 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000769_post_disaster.png,pinery-bushfire_00000769_post_disaster,0,0,tier3\masks\pinery-bushfire_00000769_post_disaster.png,0,0,6,5688,00000769 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000769_pre_disaster.png,pinery-bushfire_00000769_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000769_pre_disaster.png,0,0,6,5688,00000769 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000770_post_disaster.png,pinery-bushfire_00000770_post_disaster,0,0,tier3\masks\pinery-bushfire_00000770_post_disaster.png,0,0,0,0,00000770 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000770_pre_disaster.png,pinery-bushfire_00000770_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000770_pre_disaster.png,0,0,0,0,00000770 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000771_post_disaster.png,pinery-bushfire_00000771_post_disaster,0,0,tier3\masks\pinery-bushfire_00000771_post_disaster.png,0,0,0,0,00000771 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000771_pre_disaster.png,pinery-bushfire_00000771_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000771_pre_disaster.png,0,0,0,0,00000771 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000772_post_disaster.png,pinery-bushfire_00000772_post_disaster,0,0,tier3\masks\pinery-bushfire_00000772_post_disaster.png,0,0,0,0,00000772 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000772_pre_disaster.png,pinery-bushfire_00000772_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000772_pre_disaster.png,0,0,0,0,00000772 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000773_post_disaster.png,pinery-bushfire_00000773_post_disaster,0,0,tier3\masks\pinery-bushfire_00000773_post_disaster.png,0,0,0,0,00000773 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000773_pre_disaster.png,pinery-bushfire_00000773_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000773_pre_disaster.png,0,0,0,0,00000773 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000774_post_disaster.png,pinery-bushfire_00000774_post_disaster,0,0,tier3\masks\pinery-bushfire_00000774_post_disaster.png,0,0,0,0,00000774 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000774_pre_disaster.png,pinery-bushfire_00000774_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000774_pre_disaster.png,0,0,0,0,00000774 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000775_post_disaster.png,pinery-bushfire_00000775_post_disaster,0,0,tier3\masks\pinery-bushfire_00000775_post_disaster.png,0,0,0,0,00000775 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000775_pre_disaster.png,pinery-bushfire_00000775_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000775_pre_disaster.png,0,0,0,0,00000775 +1,137,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000776_post_disaster.png,pinery-bushfire_00000776_post_disaster,0,0,tier3\masks\pinery-bushfire_00000776_post_disaster.png,0,0,2,323,00000776 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000776_pre_disaster.png,pinery-bushfire_00000776_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000776_pre_disaster.png,0,0,3,460,00000776 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000777_post_disaster.png,pinery-bushfire_00000777_post_disaster,0,0,tier3\masks\pinery-bushfire_00000777_post_disaster.png,0,0,0,0,00000777 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000777_pre_disaster.png,pinery-bushfire_00000777_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000777_pre_disaster.png,0,0,0,0,00000777 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000778_post_disaster.png,pinery-bushfire_00000778_post_disaster,0,0,tier3\masks\pinery-bushfire_00000778_post_disaster.png,0,0,0,0,00000778 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000778_pre_disaster.png,pinery-bushfire_00000778_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000778_pre_disaster.png,0,0,0,0,00000778 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000779_post_disaster.png,pinery-bushfire_00000779_post_disaster,0,0,tier3\masks\pinery-bushfire_00000779_post_disaster.png,0,0,0,0,00000779 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000779_pre_disaster.png,pinery-bushfire_00000779_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000779_pre_disaster.png,0,0,0,0,00000779 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000780_post_disaster.png,pinery-bushfire_00000780_post_disaster,0,0,tier3\masks\pinery-bushfire_00000780_post_disaster.png,0,0,0,0,00000780 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000780_pre_disaster.png,pinery-bushfire_00000780_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000780_pre_disaster.png,0,0,0,0,00000780 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000781_post_disaster.png,pinery-bushfire_00000781_post_disaster,0,0,tier3\masks\pinery-bushfire_00000781_post_disaster.png,0,0,0,0,00000781 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000781_pre_disaster.png,pinery-bushfire_00000781_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000781_pre_disaster.png,0,0,0,0,00000781 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000782_post_disaster.png,pinery-bushfire_00000782_post_disaster,0,0,tier3\masks\pinery-bushfire_00000782_post_disaster.png,0,0,22,13598,00000782 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000782_pre_disaster.png,pinery-bushfire_00000782_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000782_pre_disaster.png,0,0,22,13598,00000782 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000783_post_disaster.png,pinery-bushfire_00000783_post_disaster,0,0,tier3\masks\pinery-bushfire_00000783_post_disaster.png,0,0,0,0,00000783 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000783_pre_disaster.png,pinery-bushfire_00000783_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000783_pre_disaster.png,0,0,0,0,00000783 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000784_post_disaster.png,pinery-bushfire_00000784_post_disaster,0,0,tier3\masks\pinery-bushfire_00000784_post_disaster.png,0,0,0,0,00000784 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000784_pre_disaster.png,pinery-bushfire_00000784_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000784_pre_disaster.png,0,0,0,0,00000784 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000785_post_disaster.png,pinery-bushfire_00000785_post_disaster,0,0,tier3\masks\pinery-bushfire_00000785_post_disaster.png,0,0,0,0,00000785 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000785_pre_disaster.png,pinery-bushfire_00000785_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000785_pre_disaster.png,0,0,0,0,00000785 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000786_post_disaster.png,pinery-bushfire_00000786_post_disaster,0,0,tier3\masks\pinery-bushfire_00000786_post_disaster.png,0,0,1,98,00000786 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000786_pre_disaster.png,pinery-bushfire_00000786_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000786_pre_disaster.png,0,0,1,98,00000786 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000787_post_disaster.png,pinery-bushfire_00000787_post_disaster,0,0,tier3\masks\pinery-bushfire_00000787_post_disaster.png,0,0,0,0,00000787 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000787_pre_disaster.png,pinery-bushfire_00000787_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000787_pre_disaster.png,0,0,0,0,00000787 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000788_post_disaster.png,pinery-bushfire_00000788_post_disaster,0,0,tier3\masks\pinery-bushfire_00000788_post_disaster.png,0,0,0,0,00000788 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000788_pre_disaster.png,pinery-bushfire_00000788_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000788_pre_disaster.png,0,0,0,0,00000788 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000789_post_disaster.png,pinery-bushfire_00000789_post_disaster,0,0,tier3\masks\pinery-bushfire_00000789_post_disaster.png,0,0,19,16650,00000789 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000789_pre_disaster.png,pinery-bushfire_00000789_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000789_pre_disaster.png,0,0,19,16647,00000789 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000790_post_disaster.png,pinery-bushfire_00000790_post_disaster,0,0,tier3\masks\pinery-bushfire_00000790_post_disaster.png,0,0,0,0,00000790 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000790_pre_disaster.png,pinery-bushfire_00000790_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000790_pre_disaster.png,0,0,0,0,00000790 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000791_post_disaster.png,pinery-bushfire_00000791_post_disaster,0,0,tier3\masks\pinery-bushfire_00000791_post_disaster.png,0,0,0,0,00000791 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000791_pre_disaster.png,pinery-bushfire_00000791_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000791_pre_disaster.png,0,0,0,0,00000791 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000792_post_disaster.png,pinery-bushfire_00000792_post_disaster,0,0,tier3\masks\pinery-bushfire_00000792_post_disaster.png,0,0,0,0,00000792 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000792_pre_disaster.png,pinery-bushfire_00000792_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000792_pre_disaster.png,0,0,0,0,00000792 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000793_post_disaster.png,pinery-bushfire_00000793_post_disaster,0,0,tier3\masks\pinery-bushfire_00000793_post_disaster.png,0,0,0,0,00000793 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000793_pre_disaster.png,pinery-bushfire_00000793_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000793_pre_disaster.png,0,0,0,0,00000793 +1,244,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000794_post_disaster.png,pinery-bushfire_00000794_post_disaster,0,0,tier3\masks\pinery-bushfire_00000794_post_disaster.png,0,0,0,0,00000794 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000794_pre_disaster.png,pinery-bushfire_00000794_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000794_pre_disaster.png,0,0,1,244,00000794 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000795_post_disaster.png,pinery-bushfire_00000795_post_disaster,0,0,tier3\masks\pinery-bushfire_00000795_post_disaster.png,0,0,0,0,00000795 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000795_pre_disaster.png,pinery-bushfire_00000795_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000795_pre_disaster.png,0,0,0,0,00000795 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000796_post_disaster.png,pinery-bushfire_00000796_post_disaster,0,0,tier3\masks\pinery-bushfire_00000796_post_disaster.png,0,0,3,365,00000796 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000796_pre_disaster.png,pinery-bushfire_00000796_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000796_pre_disaster.png,0,0,3,365,00000796 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000797_post_disaster.png,pinery-bushfire_00000797_post_disaster,0,0,tier3\masks\pinery-bushfire_00000797_post_disaster.png,0,0,3,2492,00000797 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000797_pre_disaster.png,pinery-bushfire_00000797_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000797_pre_disaster.png,0,0,3,2492,00000797 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000798_post_disaster.png,pinery-bushfire_00000798_post_disaster,0,0,tier3\masks\pinery-bushfire_00000798_post_disaster.png,0,0,5,16750,00000798 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000798_pre_disaster.png,pinery-bushfire_00000798_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000798_pre_disaster.png,0,0,5,16750,00000798 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000799_post_disaster.png,pinery-bushfire_00000799_post_disaster,0,0,tier3\masks\pinery-bushfire_00000799_post_disaster.png,0,0,0,0,00000799 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000799_pre_disaster.png,pinery-bushfire_00000799_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000799_pre_disaster.png,0,0,0,0,00000799 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000800_post_disaster.png,pinery-bushfire_00000800_post_disaster,0,0,tier3\masks\pinery-bushfire_00000800_post_disaster.png,0,0,0,0,00000800 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000800_pre_disaster.png,pinery-bushfire_00000800_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000800_pre_disaster.png,0,0,0,0,00000800 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000801_post_disaster.png,pinery-bushfire_00000801_post_disaster,0,0,tier3\masks\pinery-bushfire_00000801_post_disaster.png,0,0,3,362,00000801 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000801_pre_disaster.png,pinery-bushfire_00000801_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000801_pre_disaster.png,0,0,3,362,00000801 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000802_post_disaster.png,pinery-bushfire_00000802_post_disaster,0,0,tier3\masks\pinery-bushfire_00000802_post_disaster.png,0,0,0,0,00000802 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000802_pre_disaster.png,pinery-bushfire_00000802_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000802_pre_disaster.png,0,0,0,0,00000802 +1,95,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000803_post_disaster.png,pinery-bushfire_00000803_post_disaster,0,0,tier3\masks\pinery-bushfire_00000803_post_disaster.png,0,0,5,6723,00000803 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000803_pre_disaster.png,pinery-bushfire_00000803_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000803_pre_disaster.png,0,0,6,6818,00000803 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000804_post_disaster.png,pinery-bushfire_00000804_post_disaster,0,0,tier3\masks\pinery-bushfire_00000804_post_disaster.png,0,0,0,0,00000804 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000804_pre_disaster.png,pinery-bushfire_00000804_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000804_pre_disaster.png,0,0,0,0,00000804 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000805_post_disaster.png,pinery-bushfire_00000805_post_disaster,0,0,tier3\masks\pinery-bushfire_00000805_post_disaster.png,0,0,0,0,00000805 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000805_pre_disaster.png,pinery-bushfire_00000805_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000805_pre_disaster.png,0,0,0,0,00000805 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000806_post_disaster.png,pinery-bushfire_00000806_post_disaster,0,0,tier3\masks\pinery-bushfire_00000806_post_disaster.png,0,0,0,0,00000806 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000806_pre_disaster.png,pinery-bushfire_00000806_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000806_pre_disaster.png,0,0,0,0,00000806 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000807_post_disaster.png,pinery-bushfire_00000807_post_disaster,0,0,tier3\masks\pinery-bushfire_00000807_post_disaster.png,0,0,0,0,00000807 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000807_pre_disaster.png,pinery-bushfire_00000807_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000807_pre_disaster.png,0,0,0,0,00000807 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000808_post_disaster.png,pinery-bushfire_00000808_post_disaster,0,0,tier3\masks\pinery-bushfire_00000808_post_disaster.png,4,2908,11,10834,00000808 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000808_pre_disaster.png,pinery-bushfire_00000808_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000808_pre_disaster.png,0,0,15,13742,00000808 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000809_post_disaster.png,pinery-bushfire_00000809_post_disaster,0,0,tier3\masks\pinery-bushfire_00000809_post_disaster.png,0,0,0,0,00000809 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000809_pre_disaster.png,pinery-bushfire_00000809_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000809_pre_disaster.png,0,0,0,0,00000809 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000810_post_disaster.png,pinery-bushfire_00000810_post_disaster,0,0,tier3\masks\pinery-bushfire_00000810_post_disaster.png,0,0,0,0,00000810 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000810_pre_disaster.png,pinery-bushfire_00000810_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000810_pre_disaster.png,0,0,0,0,00000810 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000811_post_disaster.png,pinery-bushfire_00000811_post_disaster,0,0,tier3\masks\pinery-bushfire_00000811_post_disaster.png,0,0,0,0,00000811 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000811_pre_disaster.png,pinery-bushfire_00000811_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000811_pre_disaster.png,0,0,0,0,00000811 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000812_post_disaster.png,pinery-bushfire_00000812_post_disaster,0,0,tier3\masks\pinery-bushfire_00000812_post_disaster.png,0,0,0,0,00000812 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000812_pre_disaster.png,pinery-bushfire_00000812_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000812_pre_disaster.png,0,0,0,0,00000812 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000813_post_disaster.png,pinery-bushfire_00000813_post_disaster,0,0,tier3\masks\pinery-bushfire_00000813_post_disaster.png,0,0,0,0,00000813 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000813_pre_disaster.png,pinery-bushfire_00000813_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000813_pre_disaster.png,0,0,0,0,00000813 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000814_post_disaster.png,pinery-bushfire_00000814_post_disaster,0,0,tier3\masks\pinery-bushfire_00000814_post_disaster.png,0,0,0,0,00000814 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000814_pre_disaster.png,pinery-bushfire_00000814_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000814_pre_disaster.png,0,0,0,0,00000814 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000815_post_disaster.png,pinery-bushfire_00000815_post_disaster,0,0,tier3\masks\pinery-bushfire_00000815_post_disaster.png,0,0,0,0,00000815 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000815_pre_disaster.png,pinery-bushfire_00000815_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000815_pre_disaster.png,0,0,0,0,00000815 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000816_post_disaster.png,pinery-bushfire_00000816_post_disaster,0,0,tier3\masks\pinery-bushfire_00000816_post_disaster.png,0,0,2,2806,00000816 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000816_pre_disaster.png,pinery-bushfire_00000816_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000816_pre_disaster.png,0,0,2,2806,00000816 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000817_post_disaster.png,pinery-bushfire_00000817_post_disaster,0,0,tier3\masks\pinery-bushfire_00000817_post_disaster.png,0,0,0,0,00000817 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000817_pre_disaster.png,pinery-bushfire_00000817_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000817_pre_disaster.png,0,0,0,0,00000817 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000818_post_disaster.png,pinery-bushfire_00000818_post_disaster,0,0,tier3\masks\pinery-bushfire_00000818_post_disaster.png,0,0,0,0,00000818 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000818_pre_disaster.png,pinery-bushfire_00000818_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000818_pre_disaster.png,0,0,0,0,00000818 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000819_post_disaster.png,pinery-bushfire_00000819_post_disaster,0,0,tier3\masks\pinery-bushfire_00000819_post_disaster.png,0,0,0,0,00000819 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000819_pre_disaster.png,pinery-bushfire_00000819_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000819_pre_disaster.png,0,0,0,0,00000819 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000820_post_disaster.png,pinery-bushfire_00000820_post_disaster,0,0,tier3\masks\pinery-bushfire_00000820_post_disaster.png,0,0,0,0,00000820 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000820_pre_disaster.png,pinery-bushfire_00000820_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000820_pre_disaster.png,0,0,0,0,00000820 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000821_post_disaster.png,pinery-bushfire_00000821_post_disaster,0,0,tier3\masks\pinery-bushfire_00000821_post_disaster.png,0,0,0,0,00000821 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000821_pre_disaster.png,pinery-bushfire_00000821_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000821_pre_disaster.png,0,0,0,0,00000821 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000822_post_disaster.png,pinery-bushfire_00000822_post_disaster,0,0,tier3\masks\pinery-bushfire_00000822_post_disaster.png,0,0,27,19761,00000822 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000822_pre_disaster.png,pinery-bushfire_00000822_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000822_pre_disaster.png,0,0,27,19806,00000822 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000823_post_disaster.png,pinery-bushfire_00000823_post_disaster,0,0,tier3\masks\pinery-bushfire_00000823_post_disaster.png,0,0,0,0,00000823 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000823_pre_disaster.png,pinery-bushfire_00000823_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000823_pre_disaster.png,0,0,0,0,00000823 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000824_post_disaster.png,pinery-bushfire_00000824_post_disaster,0,0,tier3\masks\pinery-bushfire_00000824_post_disaster.png,0,0,31,10489,00000824 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000824_pre_disaster.png,pinery-bushfire_00000824_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000824_pre_disaster.png,0,0,31,10500,00000824 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000825_post_disaster.png,pinery-bushfire_00000825_post_disaster,0,0,tier3\masks\pinery-bushfire_00000825_post_disaster.png,0,0,0,0,00000825 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000825_pre_disaster.png,pinery-bushfire_00000825_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000825_pre_disaster.png,0,0,0,0,00000825 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000826_post_disaster.png,pinery-bushfire_00000826_post_disaster,0,0,tier3\masks\pinery-bushfire_00000826_post_disaster.png,0,0,11,7024,00000826 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000826_pre_disaster.png,pinery-bushfire_00000826_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000826_pre_disaster.png,0,0,11,7074,00000826 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000827_post_disaster.png,pinery-bushfire_00000827_post_disaster,0,0,tier3\masks\pinery-bushfire_00000827_post_disaster.png,0,0,0,0,00000827 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000827_pre_disaster.png,pinery-bushfire_00000827_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000827_pre_disaster.png,0,0,0,0,00000827 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000828_post_disaster.png,pinery-bushfire_00000828_post_disaster,0,0,tier3\masks\pinery-bushfire_00000828_post_disaster.png,0,0,0,0,00000828 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000828_pre_disaster.png,pinery-bushfire_00000828_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000828_pre_disaster.png,0,0,0,0,00000828 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000829_post_disaster.png,pinery-bushfire_00000829_post_disaster,0,0,tier3\masks\pinery-bushfire_00000829_post_disaster.png,0,0,0,0,00000829 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000829_pre_disaster.png,pinery-bushfire_00000829_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000829_pre_disaster.png,0,0,0,0,00000829 +1,882,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000830_post_disaster.png,pinery-bushfire_00000830_post_disaster,0,0,tier3\masks\pinery-bushfire_00000830_post_disaster.png,1,1020,4,5977,00000830 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000830_pre_disaster.png,pinery-bushfire_00000830_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000830_pre_disaster.png,0,0,6,7879,00000830 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000831_post_disaster.png,pinery-bushfire_00000831_post_disaster,0,0,tier3\masks\pinery-bushfire_00000831_post_disaster.png,0,0,0,0,00000831 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000831_pre_disaster.png,pinery-bushfire_00000831_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000831_pre_disaster.png,0,0,0,0,00000831 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000832_post_disaster.png,pinery-bushfire_00000832_post_disaster,0,0,tier3\masks\pinery-bushfire_00000832_post_disaster.png,0,0,14,11865,00000832 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000832_pre_disaster.png,pinery-bushfire_00000832_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000832_pre_disaster.png,0,0,14,11908,00000832 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000833_post_disaster.png,pinery-bushfire_00000833_post_disaster,0,0,tier3\masks\pinery-bushfire_00000833_post_disaster.png,0,0,0,0,00000833 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000833_pre_disaster.png,pinery-bushfire_00000833_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000833_pre_disaster.png,0,0,0,0,00000833 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000834_post_disaster.png,pinery-bushfire_00000834_post_disaster,0,0,tier3\masks\pinery-bushfire_00000834_post_disaster.png,0,0,0,0,00000834 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000834_pre_disaster.png,pinery-bushfire_00000834_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000834_pre_disaster.png,0,0,0,0,00000834 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000835_post_disaster.png,pinery-bushfire_00000835_post_disaster,0,0,tier3\masks\pinery-bushfire_00000835_post_disaster.png,0,0,0,0,00000835 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000835_pre_disaster.png,pinery-bushfire_00000835_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000835_pre_disaster.png,0,0,0,0,00000835 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000836_post_disaster.png,pinery-bushfire_00000836_post_disaster,0,0,tier3\masks\pinery-bushfire_00000836_post_disaster.png,0,0,0,0,00000836 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000836_pre_disaster.png,pinery-bushfire_00000836_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000836_pre_disaster.png,0,0,0,0,00000836 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000837_post_disaster.png,pinery-bushfire_00000837_post_disaster,0,0,tier3\masks\pinery-bushfire_00000837_post_disaster.png,0,0,11,5686,00000837 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000837_pre_disaster.png,pinery-bushfire_00000837_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000837_pre_disaster.png,0,0,11,5686,00000837 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000838_post_disaster.png,pinery-bushfire_00000838_post_disaster,0,0,tier3\masks\pinery-bushfire_00000838_post_disaster.png,0,0,0,0,00000838 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000838_pre_disaster.png,pinery-bushfire_00000838_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000838_pre_disaster.png,0,0,0,0,00000838 +1,555,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000839_post_disaster.png,pinery-bushfire_00000839_post_disaster,0,0,tier3\masks\pinery-bushfire_00000839_post_disaster.png,0,0,4,1522,00000839 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000839_pre_disaster.png,pinery-bushfire_00000839_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000839_pre_disaster.png,0,0,5,2113,00000839 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000840_post_disaster.png,pinery-bushfire_00000840_post_disaster,0,0,tier3\masks\pinery-bushfire_00000840_post_disaster.png,0,0,0,0,00000840 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000840_pre_disaster.png,pinery-bushfire_00000840_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000840_pre_disaster.png,0,0,0,0,00000840 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000841_post_disaster.png,pinery-bushfire_00000841_post_disaster,0,0,tier3\masks\pinery-bushfire_00000841_post_disaster.png,0,0,0,0,00000841 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000841_pre_disaster.png,pinery-bushfire_00000841_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000841_pre_disaster.png,0,0,0,0,00000841 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000842_post_disaster.png,pinery-bushfire_00000842_post_disaster,0,0,tier3\masks\pinery-bushfire_00000842_post_disaster.png,0,0,1,145,00000842 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000842_pre_disaster.png,pinery-bushfire_00000842_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000842_pre_disaster.png,0,0,1,145,00000842 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000843_post_disaster.png,pinery-bushfire_00000843_post_disaster,0,0,tier3\masks\pinery-bushfire_00000843_post_disaster.png,0,0,0,0,00000843 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000843_pre_disaster.png,pinery-bushfire_00000843_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000843_pre_disaster.png,0,0,0,0,00000843 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000844_post_disaster.png,pinery-bushfire_00000844_post_disaster,0,0,tier3\masks\pinery-bushfire_00000844_post_disaster.png,0,0,0,0,00000844 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000844_pre_disaster.png,pinery-bushfire_00000844_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000844_pre_disaster.png,0,0,0,0,00000844 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000845_post_disaster.png,pinery-bushfire_00000845_post_disaster,0,0,tier3\masks\pinery-bushfire_00000845_post_disaster.png,0,0,0,0,00000845 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000845_pre_disaster.png,pinery-bushfire_00000845_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000845_pre_disaster.png,0,0,0,0,00000845 +1,1631,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000846_post_disaster.png,pinery-bushfire_00000846_post_disaster,0,0,tier3\masks\pinery-bushfire_00000846_post_disaster.png,0,0,11,5787,00000846 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000846_pre_disaster.png,pinery-bushfire_00000846_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000846_pre_disaster.png,0,0,12,7418,00000846 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000847_post_disaster.png,pinery-bushfire_00000847_post_disaster,0,0,tier3\masks\pinery-bushfire_00000847_post_disaster.png,0,0,1,98,00000847 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000847_pre_disaster.png,pinery-bushfire_00000847_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000847_pre_disaster.png,0,0,1,98,00000847 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000848_post_disaster.png,pinery-bushfire_00000848_post_disaster,0,0,tier3\masks\pinery-bushfire_00000848_post_disaster.png,0,0,20,11889,00000848 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000848_pre_disaster.png,pinery-bushfire_00000848_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000848_pre_disaster.png,0,0,20,11889,00000848 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000849_post_disaster.png,pinery-bushfire_00000849_post_disaster,0,0,tier3\masks\pinery-bushfire_00000849_post_disaster.png,0,0,0,0,00000849 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000849_pre_disaster.png,pinery-bushfire_00000849_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000849_pre_disaster.png,0,0,0,0,00000849 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000850_post_disaster.png,pinery-bushfire_00000850_post_disaster,0,0,tier3\masks\pinery-bushfire_00000850_post_disaster.png,0,0,33,24434,00000850 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000850_pre_disaster.png,pinery-bushfire_00000850_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000850_pre_disaster.png,0,0,33,24457,00000850 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000851_post_disaster.png,pinery-bushfire_00000851_post_disaster,0,0,tier3\masks\pinery-bushfire_00000851_post_disaster.png,0,0,0,0,00000851 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000851_pre_disaster.png,pinery-bushfire_00000851_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000851_pre_disaster.png,0,0,0,0,00000851 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000852_post_disaster.png,pinery-bushfire_00000852_post_disaster,0,0,tier3\masks\pinery-bushfire_00000852_post_disaster.png,0,0,4,2655,00000852 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000852_pre_disaster.png,pinery-bushfire_00000852_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000852_pre_disaster.png,0,0,4,2655,00000852 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000853_post_disaster.png,pinery-bushfire_00000853_post_disaster,0,0,tier3\masks\pinery-bushfire_00000853_post_disaster.png,0,0,9,1843,00000853 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000853_pre_disaster.png,pinery-bushfire_00000853_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000853_pre_disaster.png,0,0,9,1843,00000853 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000854_post_disaster.png,pinery-bushfire_00000854_post_disaster,0,0,tier3\masks\pinery-bushfire_00000854_post_disaster.png,0,0,0,0,00000854 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000854_pre_disaster.png,pinery-bushfire_00000854_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000854_pre_disaster.png,0,0,0,0,00000854 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000855_post_disaster.png,pinery-bushfire_00000855_post_disaster,0,0,tier3\masks\pinery-bushfire_00000855_post_disaster.png,0,0,0,0,00000855 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000855_pre_disaster.png,pinery-bushfire_00000855_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000855_pre_disaster.png,0,0,0,0,00000855 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000856_post_disaster.png,pinery-bushfire_00000856_post_disaster,0,0,tier3\masks\pinery-bushfire_00000856_post_disaster.png,0,0,9,5157,00000856 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000856_pre_disaster.png,pinery-bushfire_00000856_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000856_pre_disaster.png,0,0,9,5157,00000856 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000857_post_disaster.png,pinery-bushfire_00000857_post_disaster,0,0,tier3\masks\pinery-bushfire_00000857_post_disaster.png,0,0,0,0,00000857 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000857_pre_disaster.png,pinery-bushfire_00000857_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000857_pre_disaster.png,0,0,0,0,00000857 +2,1263,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000858_post_disaster.png,pinery-bushfire_00000858_post_disaster,0,0,tier3\masks\pinery-bushfire_00000858_post_disaster.png,0,0,15,9668,00000858 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000858_pre_disaster.png,pinery-bushfire_00000858_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000858_pre_disaster.png,0,0,17,10931,00000858 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000859_post_disaster.png,pinery-bushfire_00000859_post_disaster,0,0,tier3\masks\pinery-bushfire_00000859_post_disaster.png,0,0,10,8982,00000859 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000859_pre_disaster.png,pinery-bushfire_00000859_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000859_pre_disaster.png,0,0,10,8982,00000859 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000860_post_disaster.png,pinery-bushfire_00000860_post_disaster,0,0,tier3\masks\pinery-bushfire_00000860_post_disaster.png,0,0,0,0,00000860 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000860_pre_disaster.png,pinery-bushfire_00000860_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000860_pre_disaster.png,0,0,0,0,00000860 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000861_post_disaster.png,pinery-bushfire_00000861_post_disaster,0,0,tier3\masks\pinery-bushfire_00000861_post_disaster.png,0,0,0,0,00000861 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000861_pre_disaster.png,pinery-bushfire_00000861_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000861_pre_disaster.png,0,0,0,0,00000861 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000862_post_disaster.png,pinery-bushfire_00000862_post_disaster,0,0,tier3\masks\pinery-bushfire_00000862_post_disaster.png,0,0,0,0,00000862 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000862_pre_disaster.png,pinery-bushfire_00000862_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000862_pre_disaster.png,0,0,0,0,00000862 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000863_post_disaster.png,pinery-bushfire_00000863_post_disaster,0,0,tier3\masks\pinery-bushfire_00000863_post_disaster.png,0,0,0,0,00000863 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000863_pre_disaster.png,pinery-bushfire_00000863_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000863_pre_disaster.png,0,0,0,0,00000863 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000864_post_disaster.png,pinery-bushfire_00000864_post_disaster,0,0,tier3\masks\pinery-bushfire_00000864_post_disaster.png,0,0,0,0,00000864 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000864_pre_disaster.png,pinery-bushfire_00000864_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000864_pre_disaster.png,0,0,0,0,00000864 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000865_post_disaster.png,pinery-bushfire_00000865_post_disaster,0,0,tier3\masks\pinery-bushfire_00000865_post_disaster.png,0,0,0,0,00000865 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000865_pre_disaster.png,pinery-bushfire_00000865_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000865_pre_disaster.png,0,0,0,0,00000865 +3,1475,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000866_post_disaster.png,pinery-bushfire_00000866_post_disaster,1,37,tier3\masks\pinery-bushfire_00000866_post_disaster.png,2,141,105,88498,00000866 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000866_pre_disaster.png,pinery-bushfire_00000866_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000866_pre_disaster.png,0,0,108,90229,00000866 +3,2948,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000867_post_disaster.png,pinery-bushfire_00000867_post_disaster,1,423,tier3\masks\pinery-bushfire_00000867_post_disaster.png,0,0,15,19104,00000867 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000867_pre_disaster.png,pinery-bushfire_00000867_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000867_pre_disaster.png,0,0,19,22508,00000867 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000868_post_disaster.png,pinery-bushfire_00000868_post_disaster,0,0,tier3\masks\pinery-bushfire_00000868_post_disaster.png,0,0,0,0,00000868 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000868_pre_disaster.png,pinery-bushfire_00000868_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000868_pre_disaster.png,0,0,0,0,00000868 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000869_post_disaster.png,pinery-bushfire_00000869_post_disaster,0,0,tier3\masks\pinery-bushfire_00000869_post_disaster.png,0,0,0,0,00000869 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000869_pre_disaster.png,pinery-bushfire_00000869_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000869_pre_disaster.png,0,0,0,0,00000869 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000870_post_disaster.png,pinery-bushfire_00000870_post_disaster,0,0,tier3\masks\pinery-bushfire_00000870_post_disaster.png,0,0,3,1357,00000870 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000870_pre_disaster.png,pinery-bushfire_00000870_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000870_pre_disaster.png,0,0,3,1357,00000870 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000871_post_disaster.png,pinery-bushfire_00000871_post_disaster,0,0,tier3\masks\pinery-bushfire_00000871_post_disaster.png,0,0,0,0,00000871 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000871_pre_disaster.png,pinery-bushfire_00000871_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000871_pre_disaster.png,0,0,0,0,00000871 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000872_post_disaster.png,pinery-bushfire_00000872_post_disaster,0,0,tier3\masks\pinery-bushfire_00000872_post_disaster.png,0,0,0,0,00000872 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000872_pre_disaster.png,pinery-bushfire_00000872_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000872_pre_disaster.png,0,0,0,0,00000872 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000873_post_disaster.png,pinery-bushfire_00000873_post_disaster,0,0,tier3\masks\pinery-bushfire_00000873_post_disaster.png,0,0,0,0,00000873 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000873_pre_disaster.png,pinery-bushfire_00000873_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000873_pre_disaster.png,0,0,0,0,00000873 +1,1147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000874_post_disaster.png,pinery-bushfire_00000874_post_disaster,0,0,tier3\masks\pinery-bushfire_00000874_post_disaster.png,0,0,15,13559,00000874 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000874_pre_disaster.png,pinery-bushfire_00000874_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000874_pre_disaster.png,0,0,16,14706,00000874 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000875_post_disaster.png,pinery-bushfire_00000875_post_disaster,0,0,tier3\masks\pinery-bushfire_00000875_post_disaster.png,0,0,0,0,00000875 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000875_pre_disaster.png,pinery-bushfire_00000875_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000875_pre_disaster.png,0,0,0,0,00000875 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000876_post_disaster.png,pinery-bushfire_00000876_post_disaster,0,0,tier3\masks\pinery-bushfire_00000876_post_disaster.png,0,0,0,0,00000876 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000876_pre_disaster.png,pinery-bushfire_00000876_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000876_pre_disaster.png,0,0,0,0,00000876 +1,197,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000877_post_disaster.png,pinery-bushfire_00000877_post_disaster,0,0,tier3\masks\pinery-bushfire_00000877_post_disaster.png,0,0,17,10375,00000877 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000877_pre_disaster.png,pinery-bushfire_00000877_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000877_pre_disaster.png,0,0,18,10572,00000877 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000878_post_disaster.png,pinery-bushfire_00000878_post_disaster,0,0,tier3\masks\pinery-bushfire_00000878_post_disaster.png,0,0,0,0,00000878 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000878_pre_disaster.png,pinery-bushfire_00000878_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000878_pre_disaster.png,0,0,0,0,00000878 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000879_post_disaster.png,pinery-bushfire_00000879_post_disaster,0,0,tier3\masks\pinery-bushfire_00000879_post_disaster.png,0,0,0,0,00000879 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000879_pre_disaster.png,pinery-bushfire_00000879_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000879_pre_disaster.png,0,0,0,0,00000879 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000880_post_disaster.png,pinery-bushfire_00000880_post_disaster,0,0,tier3\masks\pinery-bushfire_00000880_post_disaster.png,0,0,2,917,00000880 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000880_pre_disaster.png,pinery-bushfire_00000880_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000880_pre_disaster.png,0,0,2,917,00000880 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000881_post_disaster.png,pinery-bushfire_00000881_post_disaster,0,0,tier3\masks\pinery-bushfire_00000881_post_disaster.png,0,0,0,0,00000881 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000881_pre_disaster.png,pinery-bushfire_00000881_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000881_pre_disaster.png,0,0,0,0,00000881 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000882_post_disaster.png,pinery-bushfire_00000882_post_disaster,0,0,tier3\masks\pinery-bushfire_00000882_post_disaster.png,0,0,11,41375,00000882 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000882_pre_disaster.png,pinery-bushfire_00000882_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000882_pre_disaster.png,0,0,11,41360,00000882 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000883_post_disaster.png,pinery-bushfire_00000883_post_disaster,0,0,tier3\masks\pinery-bushfire_00000883_post_disaster.png,0,0,0,0,00000883 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000883_pre_disaster.png,pinery-bushfire_00000883_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000883_pre_disaster.png,0,0,0,0,00000883 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000884_post_disaster.png,pinery-bushfire_00000884_post_disaster,0,0,tier3\masks\pinery-bushfire_00000884_post_disaster.png,0,0,0,0,00000884 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000884_pre_disaster.png,pinery-bushfire_00000884_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000884_pre_disaster.png,0,0,0,0,00000884 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000885_post_disaster.png,pinery-bushfire_00000885_post_disaster,0,0,tier3\masks\pinery-bushfire_00000885_post_disaster.png,0,0,0,0,00000885 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000885_pre_disaster.png,pinery-bushfire_00000885_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000885_pre_disaster.png,0,0,0,0,00000885 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000886_post_disaster.png,pinery-bushfire_00000886_post_disaster,0,0,tier3\masks\pinery-bushfire_00000886_post_disaster.png,0,0,0,0,00000886 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000886_pre_disaster.png,pinery-bushfire_00000886_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000886_pre_disaster.png,0,0,0,0,00000886 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000887_post_disaster.png,pinery-bushfire_00000887_post_disaster,0,0,tier3\masks\pinery-bushfire_00000887_post_disaster.png,0,0,0,0,00000887 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000887_pre_disaster.png,pinery-bushfire_00000887_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000887_pre_disaster.png,0,0,0,0,00000887 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000888_post_disaster.png,pinery-bushfire_00000888_post_disaster,0,0,tier3\masks\pinery-bushfire_00000888_post_disaster.png,0,0,0,0,00000888 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000888_pre_disaster.png,pinery-bushfire_00000888_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000888_pre_disaster.png,0,0,0,0,00000888 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000889_post_disaster.png,pinery-bushfire_00000889_post_disaster,0,0,tier3\masks\pinery-bushfire_00000889_post_disaster.png,0,0,0,0,00000889 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000889_pre_disaster.png,pinery-bushfire_00000889_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000889_pre_disaster.png,0,0,0,0,00000889 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000890_post_disaster.png,pinery-bushfire_00000890_post_disaster,0,0,tier3\masks\pinery-bushfire_00000890_post_disaster.png,0,0,0,0,00000890 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000890_pre_disaster.png,pinery-bushfire_00000890_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000890_pre_disaster.png,0,0,0,0,00000890 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000891_post_disaster.png,pinery-bushfire_00000891_post_disaster,0,0,tier3\masks\pinery-bushfire_00000891_post_disaster.png,0,0,0,0,00000891 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000891_pre_disaster.png,pinery-bushfire_00000891_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000891_pre_disaster.png,0,0,0,0,00000891 +4,657,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000892_post_disaster.png,pinery-bushfire_00000892_post_disaster,0,0,tier3\masks\pinery-bushfire_00000892_post_disaster.png,1,211,109,104631,00000892 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000892_pre_disaster.png,pinery-bushfire_00000892_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000892_pre_disaster.png,0,0,113,105660,00000892 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000893_post_disaster.png,pinery-bushfire_00000893_post_disaster,0,0,tier3\masks\pinery-bushfire_00000893_post_disaster.png,0,0,0,0,00000893 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000893_pre_disaster.png,pinery-bushfire_00000893_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000893_pre_disaster.png,0,0,0,0,00000893 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000894_post_disaster.png,pinery-bushfire_00000894_post_disaster,0,0,tier3\masks\pinery-bushfire_00000894_post_disaster.png,0,0,0,0,00000894 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000894_pre_disaster.png,pinery-bushfire_00000894_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000894_pre_disaster.png,0,0,0,0,00000894 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000895_post_disaster.png,pinery-bushfire_00000895_post_disaster,0,0,tier3\masks\pinery-bushfire_00000895_post_disaster.png,0,0,0,0,00000895 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000895_pre_disaster.png,pinery-bushfire_00000895_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000895_pre_disaster.png,0,0,0,0,00000895 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000896_post_disaster.png,pinery-bushfire_00000896_post_disaster,0,0,tier3\masks\pinery-bushfire_00000896_post_disaster.png,0,0,0,0,00000896 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000896_pre_disaster.png,pinery-bushfire_00000896_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000896_pre_disaster.png,0,0,0,0,00000896 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000897_post_disaster.png,pinery-bushfire_00000897_post_disaster,0,0,tier3\masks\pinery-bushfire_00000897_post_disaster.png,0,0,15,20160,00000897 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000897_pre_disaster.png,pinery-bushfire_00000897_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000897_pre_disaster.png,0,0,15,20160,00000897 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000898_post_disaster.png,pinery-bushfire_00000898_post_disaster,0,0,tier3\masks\pinery-bushfire_00000898_post_disaster.png,0,0,0,0,00000898 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000898_pre_disaster.png,pinery-bushfire_00000898_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000898_pre_disaster.png,0,0,0,0,00000898 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000899_post_disaster.png,pinery-bushfire_00000899_post_disaster,0,0,tier3\masks\pinery-bushfire_00000899_post_disaster.png,0,0,5,955,00000899 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000899_pre_disaster.png,pinery-bushfire_00000899_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000899_pre_disaster.png,0,0,5,958,00000899 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000900_post_disaster.png,pinery-bushfire_00000900_post_disaster,0,0,tier3\masks\pinery-bushfire_00000900_post_disaster.png,0,0,0,0,00000900 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000900_pre_disaster.png,pinery-bushfire_00000900_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000900_pre_disaster.png,0,0,0,0,00000900 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000901_post_disaster.png,pinery-bushfire_00000901_post_disaster,0,0,tier3\masks\pinery-bushfire_00000901_post_disaster.png,1,108,0,0,00000901 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000901_pre_disaster.png,pinery-bushfire_00000901_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000901_pre_disaster.png,0,0,1,108,00000901 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000902_post_disaster.png,pinery-bushfire_00000902_post_disaster,0,0,tier3\masks\pinery-bushfire_00000902_post_disaster.png,0,0,0,0,00000902 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000902_pre_disaster.png,pinery-bushfire_00000902_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000902_pre_disaster.png,0,0,0,0,00000902 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000903_post_disaster.png,pinery-bushfire_00000903_post_disaster,0,0,tier3\masks\pinery-bushfire_00000903_post_disaster.png,0,0,0,0,00000903 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000903_pre_disaster.png,pinery-bushfire_00000903_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000903_pre_disaster.png,0,0,0,0,00000903 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000904_post_disaster.png,pinery-bushfire_00000904_post_disaster,0,0,tier3\masks\pinery-bushfire_00000904_post_disaster.png,0,0,0,0,00000904 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000904_pre_disaster.png,pinery-bushfire_00000904_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000904_pre_disaster.png,0,0,0,0,00000904 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000905_post_disaster.png,pinery-bushfire_00000905_post_disaster,0,0,tier3\masks\pinery-bushfire_00000905_post_disaster.png,0,0,0,0,00000905 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000905_pre_disaster.png,pinery-bushfire_00000905_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000905_pre_disaster.png,0,0,0,0,00000905 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000906_post_disaster.png,pinery-bushfire_00000906_post_disaster,0,0,tier3\masks\pinery-bushfire_00000906_post_disaster.png,0,0,0,0,00000906 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000906_pre_disaster.png,pinery-bushfire_00000906_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000906_pre_disaster.png,0,0,0,0,00000906 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000907_post_disaster.png,pinery-bushfire_00000907_post_disaster,0,0,tier3\masks\pinery-bushfire_00000907_post_disaster.png,0,0,0,0,00000907 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000907_pre_disaster.png,pinery-bushfire_00000907_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000907_pre_disaster.png,0,0,0,0,00000907 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000908_post_disaster.png,pinery-bushfire_00000908_post_disaster,0,0,tier3\masks\pinery-bushfire_00000908_post_disaster.png,0,0,0,0,00000908 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000908_pre_disaster.png,pinery-bushfire_00000908_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000908_pre_disaster.png,0,0,0,0,00000908 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000909_post_disaster.png,pinery-bushfire_00000909_post_disaster,0,0,tier3\masks\pinery-bushfire_00000909_post_disaster.png,0,0,0,0,00000909 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000909_pre_disaster.png,pinery-bushfire_00000909_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000909_pre_disaster.png,0,0,0,0,00000909 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000910_post_disaster.png,pinery-bushfire_00000910_post_disaster,0,0,tier3\masks\pinery-bushfire_00000910_post_disaster.png,0,0,0,0,00000910 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000910_pre_disaster.png,pinery-bushfire_00000910_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000910_pre_disaster.png,0,0,0,0,00000910 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000911_post_disaster.png,pinery-bushfire_00000911_post_disaster,0,0,tier3\masks\pinery-bushfire_00000911_post_disaster.png,0,0,0,0,00000911 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000911_pre_disaster.png,pinery-bushfire_00000911_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000911_pre_disaster.png,0,0,1,116,00000911 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000912_post_disaster.png,pinery-bushfire_00000912_post_disaster,0,0,tier3\masks\pinery-bushfire_00000912_post_disaster.png,0,0,0,0,00000912 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000912_pre_disaster.png,pinery-bushfire_00000912_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000912_pre_disaster.png,0,0,0,0,00000912 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000913_post_disaster.png,pinery-bushfire_00000913_post_disaster,0,0,tier3\masks\pinery-bushfire_00000913_post_disaster.png,0,0,1,105,00000913 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000913_pre_disaster.png,pinery-bushfire_00000913_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000913_pre_disaster.png,0,0,1,105,00000913 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000914_post_disaster.png,pinery-bushfire_00000914_post_disaster,0,0,tier3\masks\pinery-bushfire_00000914_post_disaster.png,0,0,1,213,00000914 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000914_pre_disaster.png,pinery-bushfire_00000914_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000914_pre_disaster.png,0,0,1,213,00000914 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000915_post_disaster.png,pinery-bushfire_00000915_post_disaster,0,0,tier3\masks\pinery-bushfire_00000915_post_disaster.png,0,0,0,0,00000915 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000915_pre_disaster.png,pinery-bushfire_00000915_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000915_pre_disaster.png,0,0,0,0,00000915 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000916_post_disaster.png,pinery-bushfire_00000916_post_disaster,0,0,tier3\masks\pinery-bushfire_00000916_post_disaster.png,0,0,0,0,00000916 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000916_pre_disaster.png,pinery-bushfire_00000916_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000916_pre_disaster.png,0,0,0,0,00000916 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000917_post_disaster.png,pinery-bushfire_00000917_post_disaster,0,0,tier3\masks\pinery-bushfire_00000917_post_disaster.png,0,0,0,0,00000917 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000917_pre_disaster.png,pinery-bushfire_00000917_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000917_pre_disaster.png,0,0,0,0,00000917 +2,153,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000918_post_disaster.png,pinery-bushfire_00000918_post_disaster,0,0,tier3\masks\pinery-bushfire_00000918_post_disaster.png,0,0,3,592,00000918 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000918_pre_disaster.png,pinery-bushfire_00000918_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000918_pre_disaster.png,0,0,5,745,00000918 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000919_post_disaster.png,pinery-bushfire_00000919_post_disaster,0,0,tier3\masks\pinery-bushfire_00000919_post_disaster.png,0,0,3,1694,00000919 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000919_pre_disaster.png,pinery-bushfire_00000919_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000919_pre_disaster.png,0,0,3,1694,00000919 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000920_post_disaster.png,pinery-bushfire_00000920_post_disaster,0,0,tier3\masks\pinery-bushfire_00000920_post_disaster.png,0,0,0,0,00000920 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000920_pre_disaster.png,pinery-bushfire_00000920_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000920_pre_disaster.png,0,0,0,0,00000920 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000921_post_disaster.png,pinery-bushfire_00000921_post_disaster,0,0,tier3\masks\pinery-bushfire_00000921_post_disaster.png,0,0,1,509,00000921 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000921_pre_disaster.png,pinery-bushfire_00000921_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000921_pre_disaster.png,0,0,1,509,00000921 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000922_post_disaster.png,pinery-bushfire_00000922_post_disaster,0,0,tier3\masks\pinery-bushfire_00000922_post_disaster.png,0,0,0,0,00000922 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000922_pre_disaster.png,pinery-bushfire_00000922_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000922_pre_disaster.png,0,0,0,0,00000922 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000923_post_disaster.png,pinery-bushfire_00000923_post_disaster,0,0,tier3\masks\pinery-bushfire_00000923_post_disaster.png,0,0,0,0,00000923 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000923_pre_disaster.png,pinery-bushfire_00000923_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000923_pre_disaster.png,0,0,0,0,00000923 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000924_post_disaster.png,pinery-bushfire_00000924_post_disaster,0,0,tier3\masks\pinery-bushfire_00000924_post_disaster.png,0,0,0,0,00000924 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000924_pre_disaster.png,pinery-bushfire_00000924_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000924_pre_disaster.png,0,0,0,0,00000924 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000925_post_disaster.png,pinery-bushfire_00000925_post_disaster,0,0,tier3\masks\pinery-bushfire_00000925_post_disaster.png,0,0,0,0,00000925 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000925_pre_disaster.png,pinery-bushfire_00000925_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000925_pre_disaster.png,0,0,0,0,00000925 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000926_post_disaster.png,pinery-bushfire_00000926_post_disaster,0,0,tier3\masks\pinery-bushfire_00000926_post_disaster.png,0,0,0,0,00000926 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000926_pre_disaster.png,pinery-bushfire_00000926_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000926_pre_disaster.png,0,0,0,0,00000926 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000927_post_disaster.png,pinery-bushfire_00000927_post_disaster,0,0,tier3\masks\pinery-bushfire_00000927_post_disaster.png,0,0,0,0,00000927 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000927_pre_disaster.png,pinery-bushfire_00000927_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000927_pre_disaster.png,0,0,0,0,00000927 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000928_post_disaster.png,pinery-bushfire_00000928_post_disaster,0,0,tier3\masks\pinery-bushfire_00000928_post_disaster.png,0,0,0,0,00000928 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000928_pre_disaster.png,pinery-bushfire_00000928_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000928_pre_disaster.png,0,0,0,0,00000928 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000929_post_disaster.png,pinery-bushfire_00000929_post_disaster,0,0,tier3\masks\pinery-bushfire_00000929_post_disaster.png,0,0,0,0,00000929 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000929_pre_disaster.png,pinery-bushfire_00000929_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000929_pre_disaster.png,0,0,0,0,00000929 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000930_post_disaster.png,pinery-bushfire_00000930_post_disaster,0,0,tier3\masks\pinery-bushfire_00000930_post_disaster.png,0,0,2,192,00000930 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000930_pre_disaster.png,pinery-bushfire_00000930_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000930_pre_disaster.png,0,0,2,192,00000930 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000931_post_disaster.png,pinery-bushfire_00000931_post_disaster,0,0,tier3\masks\pinery-bushfire_00000931_post_disaster.png,0,0,1,133,00000931 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000931_pre_disaster.png,pinery-bushfire_00000931_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000931_pre_disaster.png,0,0,1,144,00000931 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000932_post_disaster.png,pinery-bushfire_00000932_post_disaster,0,0,tier3\masks\pinery-bushfire_00000932_post_disaster.png,0,0,0,0,00000932 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000932_pre_disaster.png,pinery-bushfire_00000932_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000932_pre_disaster.png,0,0,0,0,00000932 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000933_post_disaster.png,pinery-bushfire_00000933_post_disaster,0,0,tier3\masks\pinery-bushfire_00000933_post_disaster.png,0,0,0,0,00000933 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000933_pre_disaster.png,pinery-bushfire_00000933_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000933_pre_disaster.png,0,0,0,0,00000933 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000934_post_disaster.png,pinery-bushfire_00000934_post_disaster,0,0,tier3\masks\pinery-bushfire_00000934_post_disaster.png,0,0,0,0,00000934 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000934_pre_disaster.png,pinery-bushfire_00000934_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000934_pre_disaster.png,0,0,0,0,00000934 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000935_post_disaster.png,pinery-bushfire_00000935_post_disaster,0,0,tier3\masks\pinery-bushfire_00000935_post_disaster.png,0,0,0,0,00000935 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000935_pre_disaster.png,pinery-bushfire_00000935_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000935_pre_disaster.png,0,0,0,0,00000935 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000936_post_disaster.png,pinery-bushfire_00000936_post_disaster,0,0,tier3\masks\pinery-bushfire_00000936_post_disaster.png,0,0,0,0,00000936 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000936_pre_disaster.png,pinery-bushfire_00000936_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000936_pre_disaster.png,0,0,0,0,00000936 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000937_post_disaster.png,pinery-bushfire_00000937_post_disaster,0,0,tier3\masks\pinery-bushfire_00000937_post_disaster.png,0,0,0,0,00000937 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000937_pre_disaster.png,pinery-bushfire_00000937_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000937_pre_disaster.png,0,0,0,0,00000937 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000938_post_disaster.png,pinery-bushfire_00000938_post_disaster,0,0,tier3\masks\pinery-bushfire_00000938_post_disaster.png,0,0,0,0,00000938 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000938_pre_disaster.png,pinery-bushfire_00000938_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000938_pre_disaster.png,0,0,0,0,00000938 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000939_post_disaster.png,pinery-bushfire_00000939_post_disaster,0,0,tier3\masks\pinery-bushfire_00000939_post_disaster.png,0,0,1,72,00000939 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000939_pre_disaster.png,pinery-bushfire_00000939_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000939_pre_disaster.png,0,0,1,72,00000939 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000940_post_disaster.png,pinery-bushfire_00000940_post_disaster,0,0,tier3\masks\pinery-bushfire_00000940_post_disaster.png,0,0,0,0,00000940 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000940_pre_disaster.png,pinery-bushfire_00000940_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000940_pre_disaster.png,0,0,0,0,00000940 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000941_post_disaster.png,pinery-bushfire_00000941_post_disaster,0,0,tier3\masks\pinery-bushfire_00000941_post_disaster.png,0,0,5,3227,00000941 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000941_pre_disaster.png,pinery-bushfire_00000941_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000941_pre_disaster.png,0,0,5,3227,00000941 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000942_post_disaster.png,pinery-bushfire_00000942_post_disaster,0,0,tier3\masks\pinery-bushfire_00000942_post_disaster.png,0,0,0,0,00000942 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000942_pre_disaster.png,pinery-bushfire_00000942_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000942_pre_disaster.png,0,0,0,0,00000942 +1,732,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000943_post_disaster.png,pinery-bushfire_00000943_post_disaster,0,0,tier3\masks\pinery-bushfire_00000943_post_disaster.png,0,0,20,8600,00000943 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000943_pre_disaster.png,pinery-bushfire_00000943_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000943_pre_disaster.png,0,0,20,9332,00000943 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000944_post_disaster.png,pinery-bushfire_00000944_post_disaster,0,0,tier3\masks\pinery-bushfire_00000944_post_disaster.png,0,0,0,0,00000944 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000944_pre_disaster.png,pinery-bushfire_00000944_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000944_pre_disaster.png,0,0,0,0,00000944 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000945_post_disaster.png,pinery-bushfire_00000945_post_disaster,0,0,tier3\masks\pinery-bushfire_00000945_post_disaster.png,0,0,0,0,00000945 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000945_pre_disaster.png,pinery-bushfire_00000945_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000945_pre_disaster.png,0,0,0,0,00000945 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000946_post_disaster.png,pinery-bushfire_00000946_post_disaster,0,0,tier3\masks\pinery-bushfire_00000946_post_disaster.png,0,0,1,362,00000946 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000946_pre_disaster.png,pinery-bushfire_00000946_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000946_pre_disaster.png,0,0,1,362,00000946 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000947_post_disaster.png,pinery-bushfire_00000947_post_disaster,0,0,tier3\masks\pinery-bushfire_00000947_post_disaster.png,0,0,2,764,00000947 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000947_pre_disaster.png,pinery-bushfire_00000947_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000947_pre_disaster.png,0,0,2,815,00000947 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000948_post_disaster.png,pinery-bushfire_00000948_post_disaster,0,0,tier3\masks\pinery-bushfire_00000948_post_disaster.png,0,0,0,0,00000948 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000948_pre_disaster.png,pinery-bushfire_00000948_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000948_pre_disaster.png,0,0,0,0,00000948 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000949_post_disaster.png,pinery-bushfire_00000949_post_disaster,0,0,tier3\masks\pinery-bushfire_00000949_post_disaster.png,0,0,0,0,00000949 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000949_pre_disaster.png,pinery-bushfire_00000949_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000949_pre_disaster.png,0,0,0,0,00000949 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000950_post_disaster.png,pinery-bushfire_00000950_post_disaster,0,0,tier3\masks\pinery-bushfire_00000950_post_disaster.png,0,0,2,1817,00000950 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000950_pre_disaster.png,pinery-bushfire_00000950_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000950_pre_disaster.png,0,0,2,1817,00000950 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000951_post_disaster.png,pinery-bushfire_00000951_post_disaster,0,0,tier3\masks\pinery-bushfire_00000951_post_disaster.png,0,0,0,0,00000951 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000951_pre_disaster.png,pinery-bushfire_00000951_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000951_pre_disaster.png,0,0,0,0,00000951 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000952_post_disaster.png,pinery-bushfire_00000952_post_disaster,0,0,tier3\masks\pinery-bushfire_00000952_post_disaster.png,0,0,0,0,00000952 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000952_pre_disaster.png,pinery-bushfire_00000952_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000952_pre_disaster.png,0,0,0,0,00000952 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000953_post_disaster.png,pinery-bushfire_00000953_post_disaster,0,0,tier3\masks\pinery-bushfire_00000953_post_disaster.png,0,0,22,66444,00000953 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000953_pre_disaster.png,pinery-bushfire_00000953_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000953_pre_disaster.png,0,0,22,66444,00000953 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000954_post_disaster.png,pinery-bushfire_00000954_post_disaster,0,0,tier3\masks\pinery-bushfire_00000954_post_disaster.png,0,0,0,0,00000954 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000954_pre_disaster.png,pinery-bushfire_00000954_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000954_pre_disaster.png,0,0,0,0,00000954 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000955_post_disaster.png,pinery-bushfire_00000955_post_disaster,0,0,tier3\masks\pinery-bushfire_00000955_post_disaster.png,0,0,0,0,00000955 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000955_pre_disaster.png,pinery-bushfire_00000955_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000955_pre_disaster.png,0,0,0,0,00000955 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000956_post_disaster.png,pinery-bushfire_00000956_post_disaster,0,0,tier3\masks\pinery-bushfire_00000956_post_disaster.png,0,0,4,3102,00000956 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000956_pre_disaster.png,pinery-bushfire_00000956_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000956_pre_disaster.png,0,0,4,3102,00000956 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000957_post_disaster.png,pinery-bushfire_00000957_post_disaster,0,0,tier3\masks\pinery-bushfire_00000957_post_disaster.png,0,0,0,0,00000957 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000957_pre_disaster.png,pinery-bushfire_00000957_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000957_pre_disaster.png,0,0,0,0,00000957 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000958_post_disaster.png,pinery-bushfire_00000958_post_disaster,0,0,tier3\masks\pinery-bushfire_00000958_post_disaster.png,0,0,0,0,00000958 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000958_pre_disaster.png,pinery-bushfire_00000958_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000958_pre_disaster.png,0,0,0,0,00000958 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000959_post_disaster.png,pinery-bushfire_00000959_post_disaster,0,0,tier3\masks\pinery-bushfire_00000959_post_disaster.png,0,0,12,56697,00000959 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000959_pre_disaster.png,pinery-bushfire_00000959_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000959_pre_disaster.png,0,0,12,56697,00000959 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000960_post_disaster.png,pinery-bushfire_00000960_post_disaster,0,0,tier3\masks\pinery-bushfire_00000960_post_disaster.png,0,0,0,0,00000960 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000960_pre_disaster.png,pinery-bushfire_00000960_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000960_pre_disaster.png,0,0,0,0,00000960 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000961_post_disaster.png,pinery-bushfire_00000961_post_disaster,0,0,tier3\masks\pinery-bushfire_00000961_post_disaster.png,0,0,0,0,00000961 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000961_pre_disaster.png,pinery-bushfire_00000961_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000961_pre_disaster.png,0,0,0,0,00000961 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000962_post_disaster.png,pinery-bushfire_00000962_post_disaster,0,0,tier3\masks\pinery-bushfire_00000962_post_disaster.png,0,0,0,0,00000962 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000962_pre_disaster.png,pinery-bushfire_00000962_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000962_pre_disaster.png,0,0,0,0,00000962 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000963_post_disaster.png,pinery-bushfire_00000963_post_disaster,0,0,tier3\masks\pinery-bushfire_00000963_post_disaster.png,0,0,0,0,00000963 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000963_pre_disaster.png,pinery-bushfire_00000963_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000963_pre_disaster.png,0,0,0,0,00000963 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000964_post_disaster.png,pinery-bushfire_00000964_post_disaster,0,0,tier3\masks\pinery-bushfire_00000964_post_disaster.png,0,0,1,29,00000964 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000964_pre_disaster.png,pinery-bushfire_00000964_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000964_pre_disaster.png,0,0,1,29,00000964 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000965_post_disaster.png,pinery-bushfire_00000965_post_disaster,0,0,tier3\masks\pinery-bushfire_00000965_post_disaster.png,0,0,7,4681,00000965 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000965_pre_disaster.png,pinery-bushfire_00000965_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000965_pre_disaster.png,0,0,7,4681,00000965 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000966_post_disaster.png,pinery-bushfire_00000966_post_disaster,0,0,tier3\masks\pinery-bushfire_00000966_post_disaster.png,2,1915,4,1476,00000966 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000966_pre_disaster.png,pinery-bushfire_00000966_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000966_pre_disaster.png,0,0,4,3391,00000966 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000967_post_disaster.png,pinery-bushfire_00000967_post_disaster,1,130,tier3\masks\pinery-bushfire_00000967_post_disaster.png,0,0,7,6026,00000967 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000967_pre_disaster.png,pinery-bushfire_00000967_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000967_pre_disaster.png,0,0,8,6156,00000967 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000968_post_disaster.png,pinery-bushfire_00000968_post_disaster,0,0,tier3\masks\pinery-bushfire_00000968_post_disaster.png,0,0,3,311,00000968 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000968_pre_disaster.png,pinery-bushfire_00000968_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000968_pre_disaster.png,0,0,3,311,00000968 +2,325,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000969_post_disaster.png,pinery-bushfire_00000969_post_disaster,0,0,tier3\masks\pinery-bushfire_00000969_post_disaster.png,2,1954,13,5273,00000969 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000969_pre_disaster.png,pinery-bushfire_00000969_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000969_pre_disaster.png,0,0,17,7552,00000969 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000970_post_disaster.png,pinery-bushfire_00000970_post_disaster,0,0,tier3\masks\pinery-bushfire_00000970_post_disaster.png,0,0,0,0,00000970 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000970_pre_disaster.png,pinery-bushfire_00000970_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000970_pre_disaster.png,0,0,0,0,00000970 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000971_post_disaster.png,pinery-bushfire_00000971_post_disaster,0,0,tier3\masks\pinery-bushfire_00000971_post_disaster.png,0,0,0,0,00000971 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000971_pre_disaster.png,pinery-bushfire_00000971_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000971_pre_disaster.png,0,0,0,0,00000971 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000972_post_disaster.png,pinery-bushfire_00000972_post_disaster,0,0,tier3\masks\pinery-bushfire_00000972_post_disaster.png,0,0,0,0,00000972 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000972_pre_disaster.png,pinery-bushfire_00000972_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000972_pre_disaster.png,0,0,0,0,00000972 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000973_post_disaster.png,pinery-bushfire_00000973_post_disaster,0,0,tier3\masks\pinery-bushfire_00000973_post_disaster.png,0,0,4,3094,00000973 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000973_pre_disaster.png,pinery-bushfire_00000973_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000973_pre_disaster.png,0,0,4,3094,00000973 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000974_post_disaster.png,pinery-bushfire_00000974_post_disaster,0,0,tier3\masks\pinery-bushfire_00000974_post_disaster.png,0,0,4,3814,00000974 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000974_pre_disaster.png,pinery-bushfire_00000974_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000974_pre_disaster.png,0,0,4,3860,00000974 +3,863,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000975_post_disaster.png,pinery-bushfire_00000975_post_disaster,0,0,tier3\masks\pinery-bushfire_00000975_post_disaster.png,0,0,7,4774,00000975 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000975_pre_disaster.png,pinery-bushfire_00000975_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000975_pre_disaster.png,0,0,9,5646,00000975 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000976_post_disaster.png,pinery-bushfire_00000976_post_disaster,0,0,tier3\masks\pinery-bushfire_00000976_post_disaster.png,0,0,0,0,00000976 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000976_pre_disaster.png,pinery-bushfire_00000976_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000976_pre_disaster.png,0,0,0,0,00000976 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000977_post_disaster.png,pinery-bushfire_00000977_post_disaster,0,0,tier3\masks\pinery-bushfire_00000977_post_disaster.png,0,0,3,2635,00000977 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000977_pre_disaster.png,pinery-bushfire_00000977_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000977_pre_disaster.png,0,0,3,2656,00000977 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000978_post_disaster.png,pinery-bushfire_00000978_post_disaster,0,0,tier3\masks\pinery-bushfire_00000978_post_disaster.png,0,0,0,0,00000978 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000978_pre_disaster.png,pinery-bushfire_00000978_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000978_pre_disaster.png,0,0,0,0,00000978 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000979_post_disaster.png,pinery-bushfire_00000979_post_disaster,0,0,tier3\masks\pinery-bushfire_00000979_post_disaster.png,0,0,0,0,00000979 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000979_pre_disaster.png,pinery-bushfire_00000979_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000979_pre_disaster.png,0,0,0,0,00000979 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000980_post_disaster.png,pinery-bushfire_00000980_post_disaster,0,0,tier3\masks\pinery-bushfire_00000980_post_disaster.png,0,0,3,887,00000980 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000980_pre_disaster.png,pinery-bushfire_00000980_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000980_pre_disaster.png,0,0,3,912,00000980 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000981_post_disaster.png,pinery-bushfire_00000981_post_disaster,0,0,tier3\masks\pinery-bushfire_00000981_post_disaster.png,0,0,6,5118,00000981 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000981_pre_disaster.png,pinery-bushfire_00000981_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000981_pre_disaster.png,0,0,6,5162,00000981 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000982_post_disaster.png,pinery-bushfire_00000982_post_disaster,0,0,tier3\masks\pinery-bushfire_00000982_post_disaster.png,0,0,1,121,00000982 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000982_pre_disaster.png,pinery-bushfire_00000982_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000982_pre_disaster.png,0,0,1,121,00000982 +1,502,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000983_post_disaster.png,pinery-bushfire_00000983_post_disaster,0,0,tier3\masks\pinery-bushfire_00000983_post_disaster.png,0,0,0,0,00000983 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000983_pre_disaster.png,pinery-bushfire_00000983_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000983_pre_disaster.png,0,0,1,502,00000983 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000984_post_disaster.png,pinery-bushfire_00000984_post_disaster,0,0,tier3\masks\pinery-bushfire_00000984_post_disaster.png,0,0,0,0,00000984 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000984_pre_disaster.png,pinery-bushfire_00000984_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000984_pre_disaster.png,0,0,0,0,00000984 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000985_post_disaster.png,pinery-bushfire_00000985_post_disaster,0,0,tier3\masks\pinery-bushfire_00000985_post_disaster.png,0,0,0,0,00000985 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000985_pre_disaster.png,pinery-bushfire_00000985_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000985_pre_disaster.png,0,0,0,0,00000985 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000986_post_disaster.png,pinery-bushfire_00000986_post_disaster,0,0,tier3\masks\pinery-bushfire_00000986_post_disaster.png,0,0,11,11071,00000986 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000986_pre_disaster.png,pinery-bushfire_00000986_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000986_pre_disaster.png,0,0,11,11112,00000986 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000987_post_disaster.png,pinery-bushfire_00000987_post_disaster,0,0,tier3\masks\pinery-bushfire_00000987_post_disaster.png,0,0,0,0,00000987 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000987_pre_disaster.png,pinery-bushfire_00000987_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000987_pre_disaster.png,0,0,0,0,00000987 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000988_post_disaster.png,pinery-bushfire_00000988_post_disaster,0,0,tier3\masks\pinery-bushfire_00000988_post_disaster.png,0,0,0,0,00000988 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000988_pre_disaster.png,pinery-bushfire_00000988_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000988_pre_disaster.png,0,0,0,0,00000988 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000989_post_disaster.png,pinery-bushfire_00000989_post_disaster,0,0,tier3\masks\pinery-bushfire_00000989_post_disaster.png,0,0,0,0,00000989 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000989_pre_disaster.png,pinery-bushfire_00000989_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000989_pre_disaster.png,0,0,0,0,00000989 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000990_post_disaster.png,pinery-bushfire_00000990_post_disaster,0,0,tier3\masks\pinery-bushfire_00000990_post_disaster.png,0,0,0,0,00000990 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000990_pre_disaster.png,pinery-bushfire_00000990_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000990_pre_disaster.png,0,0,0,0,00000990 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000991_post_disaster.png,pinery-bushfire_00000991_post_disaster,0,0,tier3\masks\pinery-bushfire_00000991_post_disaster.png,0,0,0,0,00000991 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000991_pre_disaster.png,pinery-bushfire_00000991_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000991_pre_disaster.png,0,0,0,0,00000991 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000992_post_disaster.png,pinery-bushfire_00000992_post_disaster,0,0,tier3\masks\pinery-bushfire_00000992_post_disaster.png,0,0,0,0,00000992 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000992_pre_disaster.png,pinery-bushfire_00000992_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000992_pre_disaster.png,0,0,0,0,00000992 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000993_post_disaster.png,pinery-bushfire_00000993_post_disaster,0,0,tier3\masks\pinery-bushfire_00000993_post_disaster.png,0,0,0,0,00000993 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000993_pre_disaster.png,pinery-bushfire_00000993_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000993_pre_disaster.png,0,0,0,0,00000993 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000994_post_disaster.png,pinery-bushfire_00000994_post_disaster,0,0,tier3\masks\pinery-bushfire_00000994_post_disaster.png,0,0,0,0,00000994 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000994_pre_disaster.png,pinery-bushfire_00000994_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000994_pre_disaster.png,0,0,0,0,00000994 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000995_post_disaster.png,pinery-bushfire_00000995_post_disaster,0,0,tier3\masks\pinery-bushfire_00000995_post_disaster.png,0,0,20,6822,00000995 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000995_pre_disaster.png,pinery-bushfire_00000995_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000995_pre_disaster.png,0,0,20,6822,00000995 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000996_post_disaster.png,pinery-bushfire_00000996_post_disaster,0,0,tier3\masks\pinery-bushfire_00000996_post_disaster.png,0,0,0,0,00000996 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000996_pre_disaster.png,pinery-bushfire_00000996_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000996_pre_disaster.png,0,0,0,0,00000996 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000997_post_disaster.png,pinery-bushfire_00000997_post_disaster,0,0,tier3\masks\pinery-bushfire_00000997_post_disaster.png,0,0,0,0,00000997 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000997_pre_disaster.png,pinery-bushfire_00000997_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000997_pre_disaster.png,0,0,0,0,00000997 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000998_post_disaster.png,pinery-bushfire_00000998_post_disaster,0,0,tier3\masks\pinery-bushfire_00000998_post_disaster.png,0,0,0,0,00000998 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000998_pre_disaster.png,pinery-bushfire_00000998_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000998_pre_disaster.png,0,0,0,0,00000998 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000999_post_disaster.png,pinery-bushfire_00000999_post_disaster,0,0,tier3\masks\pinery-bushfire_00000999_post_disaster.png,0,0,0,0,00000999 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000999_pre_disaster.png,pinery-bushfire_00000999_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000999_pre_disaster.png,0,0,0,0,00000999 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001000_post_disaster.png,pinery-bushfire_00001000_post_disaster,0,0,tier3\masks\pinery-bushfire_00001000_post_disaster.png,0,0,0,0,00001000 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001000_pre_disaster.png,pinery-bushfire_00001000_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001000_pre_disaster.png,0,0,0,0,00001000 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001001_post_disaster.png,pinery-bushfire_00001001_post_disaster,0,0,tier3\masks\pinery-bushfire_00001001_post_disaster.png,0,0,12,24581,00001001 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001001_pre_disaster.png,pinery-bushfire_00001001_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001001_pre_disaster.png,0,0,12,24581,00001001 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001002_post_disaster.png,pinery-bushfire_00001002_post_disaster,0,0,tier3\masks\pinery-bushfire_00001002_post_disaster.png,0,0,0,0,00001002 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001002_pre_disaster.png,pinery-bushfire_00001002_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001002_pre_disaster.png,0,0,0,0,00001002 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001003_post_disaster.png,pinery-bushfire_00001003_post_disaster,0,0,tier3\masks\pinery-bushfire_00001003_post_disaster.png,0,0,0,0,00001003 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001003_pre_disaster.png,pinery-bushfire_00001003_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001003_pre_disaster.png,0,0,0,0,00001003 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001004_post_disaster.png,pinery-bushfire_00001004_post_disaster,1,879,tier3\masks\pinery-bushfire_00001004_post_disaster.png,0,0,7,3969,00001004 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001004_pre_disaster.png,pinery-bushfire_00001004_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001004_pre_disaster.png,0,0,8,4848,00001004 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001005_post_disaster.png,pinery-bushfire_00001005_post_disaster,0,0,tier3\masks\pinery-bushfire_00001005_post_disaster.png,0,0,0,0,00001005 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001005_pre_disaster.png,pinery-bushfire_00001005_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001005_pre_disaster.png,0,0,0,0,00001005 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001006_post_disaster.png,pinery-bushfire_00001006_post_disaster,0,0,tier3\masks\pinery-bushfire_00001006_post_disaster.png,0,0,0,0,00001006 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001006_pre_disaster.png,pinery-bushfire_00001006_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001006_pre_disaster.png,0,0,0,0,00001006 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001007_post_disaster.png,pinery-bushfire_00001007_post_disaster,0,0,tier3\masks\pinery-bushfire_00001007_post_disaster.png,0,0,0,0,00001007 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001007_pre_disaster.png,pinery-bushfire_00001007_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001007_pre_disaster.png,0,0,0,0,00001007 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001008_post_disaster.png,pinery-bushfire_00001008_post_disaster,0,0,tier3\masks\pinery-bushfire_00001008_post_disaster.png,0,0,0,0,00001008 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001008_pre_disaster.png,pinery-bushfire_00001008_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001008_pre_disaster.png,0,0,0,0,00001008 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001009_post_disaster.png,pinery-bushfire_00001009_post_disaster,0,0,tier3\masks\pinery-bushfire_00001009_post_disaster.png,0,0,0,0,00001009 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001009_pre_disaster.png,pinery-bushfire_00001009_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001009_pre_disaster.png,0,0,0,0,00001009 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001010_post_disaster.png,pinery-bushfire_00001010_post_disaster,0,0,tier3\masks\pinery-bushfire_00001010_post_disaster.png,0,0,0,0,00001010 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001010_pre_disaster.png,pinery-bushfire_00001010_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001010_pre_disaster.png,0,0,0,0,00001010 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001011_post_disaster.png,pinery-bushfire_00001011_post_disaster,0,0,tier3\masks\pinery-bushfire_00001011_post_disaster.png,0,0,0,0,00001011 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001011_pre_disaster.png,pinery-bushfire_00001011_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001011_pre_disaster.png,0,0,0,0,00001011 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001012_post_disaster.png,pinery-bushfire_00001012_post_disaster,0,0,tier3\masks\pinery-bushfire_00001012_post_disaster.png,0,0,0,0,00001012 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001012_pre_disaster.png,pinery-bushfire_00001012_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001012_pre_disaster.png,0,0,0,0,00001012 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001013_post_disaster.png,pinery-bushfire_00001013_post_disaster,0,0,tier3\masks\pinery-bushfire_00001013_post_disaster.png,0,0,0,0,00001013 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001013_pre_disaster.png,pinery-bushfire_00001013_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001013_pre_disaster.png,0,0,0,0,00001013 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001014_post_disaster.png,pinery-bushfire_00001014_post_disaster,0,0,tier3\masks\pinery-bushfire_00001014_post_disaster.png,0,0,0,0,00001014 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001014_pre_disaster.png,pinery-bushfire_00001014_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001014_pre_disaster.png,0,0,0,0,00001014 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001015_post_disaster.png,pinery-bushfire_00001015_post_disaster,0,0,tier3\masks\pinery-bushfire_00001015_post_disaster.png,0,0,0,0,00001015 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001015_pre_disaster.png,pinery-bushfire_00001015_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001015_pre_disaster.png,0,0,0,0,00001015 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001016_post_disaster.png,pinery-bushfire_00001016_post_disaster,0,0,tier3\masks\pinery-bushfire_00001016_post_disaster.png,0,0,0,0,00001016 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001016_pre_disaster.png,pinery-bushfire_00001016_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001016_pre_disaster.png,0,0,0,0,00001016 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001017_post_disaster.png,pinery-bushfire_00001017_post_disaster,0,0,tier3\masks\pinery-bushfire_00001017_post_disaster.png,0,0,0,0,00001017 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001017_pre_disaster.png,pinery-bushfire_00001017_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001017_pre_disaster.png,0,0,0,0,00001017 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001018_post_disaster.png,pinery-bushfire_00001018_post_disaster,0,0,tier3\masks\pinery-bushfire_00001018_post_disaster.png,0,0,0,0,00001018 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001018_pre_disaster.png,pinery-bushfire_00001018_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001018_pre_disaster.png,0,0,0,0,00001018 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001019_post_disaster.png,pinery-bushfire_00001019_post_disaster,0,0,tier3\masks\pinery-bushfire_00001019_post_disaster.png,0,0,0,0,00001019 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001019_pre_disaster.png,pinery-bushfire_00001019_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001019_pre_disaster.png,0,0,0,0,00001019 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001020_post_disaster.png,pinery-bushfire_00001020_post_disaster,0,0,tier3\masks\pinery-bushfire_00001020_post_disaster.png,0,0,4,2388,00001020 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001020_pre_disaster.png,pinery-bushfire_00001020_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001020_pre_disaster.png,0,0,4,2388,00001020 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001021_post_disaster.png,pinery-bushfire_00001021_post_disaster,0,0,tier3\masks\pinery-bushfire_00001021_post_disaster.png,0,0,0,0,00001021 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001021_pre_disaster.png,pinery-bushfire_00001021_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001021_pre_disaster.png,0,0,0,0,00001021 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001022_post_disaster.png,pinery-bushfire_00001022_post_disaster,0,0,tier3\masks\pinery-bushfire_00001022_post_disaster.png,0,0,0,0,00001022 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001022_pre_disaster.png,pinery-bushfire_00001022_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001022_pre_disaster.png,0,0,0,0,00001022 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001023_post_disaster.png,pinery-bushfire_00001023_post_disaster,0,0,tier3\masks\pinery-bushfire_00001023_post_disaster.png,0,0,0,0,00001023 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001023_pre_disaster.png,pinery-bushfire_00001023_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001023_pre_disaster.png,0,0,0,0,00001023 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001024_post_disaster.png,pinery-bushfire_00001024_post_disaster,0,0,tier3\masks\pinery-bushfire_00001024_post_disaster.png,0,0,0,0,00001024 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001024_pre_disaster.png,pinery-bushfire_00001024_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001024_pre_disaster.png,0,0,0,0,00001024 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001025_post_disaster.png,pinery-bushfire_00001025_post_disaster,0,0,tier3\masks\pinery-bushfire_00001025_post_disaster.png,0,0,0,0,00001025 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001025_pre_disaster.png,pinery-bushfire_00001025_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001025_pre_disaster.png,0,0,0,0,00001025 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001026_post_disaster.png,pinery-bushfire_00001026_post_disaster,0,0,tier3\masks\pinery-bushfire_00001026_post_disaster.png,0,0,0,0,00001026 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001026_pre_disaster.png,pinery-bushfire_00001026_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001026_pre_disaster.png,0,0,0,0,00001026 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001027_post_disaster.png,pinery-bushfire_00001027_post_disaster,0,0,tier3\masks\pinery-bushfire_00001027_post_disaster.png,0,0,0,0,00001027 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001027_pre_disaster.png,pinery-bushfire_00001027_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001027_pre_disaster.png,0,0,0,0,00001027 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001028_post_disaster.png,pinery-bushfire_00001028_post_disaster,0,0,tier3\masks\pinery-bushfire_00001028_post_disaster.png,0,0,0,0,00001028 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001028_pre_disaster.png,pinery-bushfire_00001028_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001028_pre_disaster.png,0,0,0,0,00001028 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001029_post_disaster.png,pinery-bushfire_00001029_post_disaster,0,0,tier3\masks\pinery-bushfire_00001029_post_disaster.png,0,0,0,0,00001029 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001029_pre_disaster.png,pinery-bushfire_00001029_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001029_pre_disaster.png,0,0,0,0,00001029 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001030_post_disaster.png,pinery-bushfire_00001030_post_disaster,0,0,tier3\masks\pinery-bushfire_00001030_post_disaster.png,0,0,0,0,00001030 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001030_pre_disaster.png,pinery-bushfire_00001030_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001030_pre_disaster.png,0,0,0,0,00001030 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001031_post_disaster.png,pinery-bushfire_00001031_post_disaster,0,0,tier3\masks\pinery-bushfire_00001031_post_disaster.png,0,0,0,0,00001031 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001031_pre_disaster.png,pinery-bushfire_00001031_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001031_pre_disaster.png,0,0,0,0,00001031 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001032_post_disaster.png,pinery-bushfire_00001032_post_disaster,0,0,tier3\masks\pinery-bushfire_00001032_post_disaster.png,0,0,7,6339,00001032 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001032_pre_disaster.png,pinery-bushfire_00001032_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001032_pre_disaster.png,0,0,7,6339,00001032 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001033_post_disaster.png,pinery-bushfire_00001033_post_disaster,0,0,tier3\masks\pinery-bushfire_00001033_post_disaster.png,0,0,0,0,00001033 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001033_pre_disaster.png,pinery-bushfire_00001033_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001033_pre_disaster.png,0,0,0,0,00001033 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001034_post_disaster.png,pinery-bushfire_00001034_post_disaster,0,0,tier3\masks\pinery-bushfire_00001034_post_disaster.png,0,0,0,0,00001034 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001034_pre_disaster.png,pinery-bushfire_00001034_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001034_pre_disaster.png,0,0,0,0,00001034 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001035_post_disaster.png,pinery-bushfire_00001035_post_disaster,0,0,tier3\masks\pinery-bushfire_00001035_post_disaster.png,0,0,1,1716,00001035 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001035_pre_disaster.png,pinery-bushfire_00001035_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001035_pre_disaster.png,0,0,1,1716,00001035 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001036_post_disaster.png,pinery-bushfire_00001036_post_disaster,0,0,tier3\masks\pinery-bushfire_00001036_post_disaster.png,0,0,0,0,00001036 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001036_pre_disaster.png,pinery-bushfire_00001036_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001036_pre_disaster.png,0,0,0,0,00001036 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001037_post_disaster.png,pinery-bushfire_00001037_post_disaster,0,0,tier3\masks\pinery-bushfire_00001037_post_disaster.png,0,0,0,0,00001037 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001037_pre_disaster.png,pinery-bushfire_00001037_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001037_pre_disaster.png,0,0,0,0,00001037 +6,2029,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001038_post_disaster.png,pinery-bushfire_00001038_post_disaster,0,0,tier3\masks\pinery-bushfire_00001038_post_disaster.png,2,3535,16,8354,00001038 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001038_pre_disaster.png,pinery-bushfire_00001038_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001038_pre_disaster.png,0,0,24,13918,00001038 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001039_post_disaster.png,pinery-bushfire_00001039_post_disaster,0,0,tier3\masks\pinery-bushfire_00001039_post_disaster.png,0,0,0,0,00001039 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001039_pre_disaster.png,pinery-bushfire_00001039_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001039_pre_disaster.png,0,0,0,0,00001039 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001040_post_disaster.png,pinery-bushfire_00001040_post_disaster,0,0,tier3\masks\pinery-bushfire_00001040_post_disaster.png,0,0,0,0,00001040 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001040_pre_disaster.png,pinery-bushfire_00001040_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001040_pre_disaster.png,0,0,0,0,00001040 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001041_post_disaster.png,pinery-bushfire_00001041_post_disaster,0,0,tier3\masks\pinery-bushfire_00001041_post_disaster.png,0,0,0,0,00001041 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001041_pre_disaster.png,pinery-bushfire_00001041_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001041_pre_disaster.png,0,0,0,0,00001041 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001042_post_disaster.png,pinery-bushfire_00001042_post_disaster,0,0,tier3\masks\pinery-bushfire_00001042_post_disaster.png,0,0,3,395,00001042 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001042_pre_disaster.png,pinery-bushfire_00001042_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001042_pre_disaster.png,0,0,3,395,00001042 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001043_post_disaster.png,pinery-bushfire_00001043_post_disaster,0,0,tier3\masks\pinery-bushfire_00001043_post_disaster.png,0,0,0,0,00001043 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001043_pre_disaster.png,pinery-bushfire_00001043_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001043_pre_disaster.png,0,0,0,0,00001043 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001044_post_disaster.png,pinery-bushfire_00001044_post_disaster,0,0,tier3\masks\pinery-bushfire_00001044_post_disaster.png,0,0,0,0,00001044 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001044_pre_disaster.png,pinery-bushfire_00001044_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001044_pre_disaster.png,0,0,0,0,00001044 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001045_post_disaster.png,pinery-bushfire_00001045_post_disaster,0,0,tier3\masks\pinery-bushfire_00001045_post_disaster.png,0,0,0,0,00001045 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001045_pre_disaster.png,pinery-bushfire_00001045_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001045_pre_disaster.png,0,0,0,0,00001045 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001046_post_disaster.png,pinery-bushfire_00001046_post_disaster,0,0,tier3\masks\pinery-bushfire_00001046_post_disaster.png,0,0,0,0,00001046 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001046_pre_disaster.png,pinery-bushfire_00001046_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001046_pre_disaster.png,0,0,0,0,00001046 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001047_post_disaster.png,pinery-bushfire_00001047_post_disaster,0,0,tier3\masks\pinery-bushfire_00001047_post_disaster.png,0,0,0,0,00001047 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001047_pre_disaster.png,pinery-bushfire_00001047_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001047_pre_disaster.png,0,0,0,0,00001047 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001048_post_disaster.png,pinery-bushfire_00001048_post_disaster,0,0,tier3\masks\pinery-bushfire_00001048_post_disaster.png,0,0,0,0,00001048 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001048_pre_disaster.png,pinery-bushfire_00001048_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001048_pre_disaster.png,0,0,0,0,00001048 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001049_post_disaster.png,pinery-bushfire_00001049_post_disaster,0,0,tier3\masks\pinery-bushfire_00001049_post_disaster.png,0,0,0,0,00001049 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001049_pre_disaster.png,pinery-bushfire_00001049_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001049_pre_disaster.png,0,0,0,0,00001049 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001050_post_disaster.png,pinery-bushfire_00001050_post_disaster,0,0,tier3\masks\pinery-bushfire_00001050_post_disaster.png,0,0,19,33278,00001050 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001050_pre_disaster.png,pinery-bushfire_00001050_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001050_pre_disaster.png,0,0,19,33328,00001050 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001051_post_disaster.png,pinery-bushfire_00001051_post_disaster,0,0,tier3\masks\pinery-bushfire_00001051_post_disaster.png,0,0,4,3337,00001051 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001051_pre_disaster.png,pinery-bushfire_00001051_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001051_pre_disaster.png,0,0,4,3337,00001051 +1,515,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001052_post_disaster.png,pinery-bushfire_00001052_post_disaster,0,0,tier3\masks\pinery-bushfire_00001052_post_disaster.png,0,0,2,709,00001052 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001052_pre_disaster.png,pinery-bushfire_00001052_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001052_pre_disaster.png,0,0,3,1224,00001052 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001053_post_disaster.png,pinery-bushfire_00001053_post_disaster,0,0,tier3\masks\pinery-bushfire_00001053_post_disaster.png,1,232,9,4795,00001053 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001053_pre_disaster.png,pinery-bushfire_00001053_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001053_pre_disaster.png,0,0,10,5027,00001053 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001054_post_disaster.png,pinery-bushfire_00001054_post_disaster,0,0,tier3\masks\pinery-bushfire_00001054_post_disaster.png,0,0,0,0,00001054 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001054_pre_disaster.png,pinery-bushfire_00001054_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001054_pre_disaster.png,0,0,0,0,00001054 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001055_post_disaster.png,pinery-bushfire_00001055_post_disaster,0,0,tier3\masks\pinery-bushfire_00001055_post_disaster.png,0,0,0,0,00001055 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001055_pre_disaster.png,pinery-bushfire_00001055_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001055_pre_disaster.png,0,0,0,0,00001055 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001056_post_disaster.png,pinery-bushfire_00001056_post_disaster,0,0,tier3\masks\pinery-bushfire_00001056_post_disaster.png,0,0,0,0,00001056 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001056_pre_disaster.png,pinery-bushfire_00001056_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001056_pre_disaster.png,0,0,0,0,00001056 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001057_post_disaster.png,pinery-bushfire_00001057_post_disaster,0,0,tier3\masks\pinery-bushfire_00001057_post_disaster.png,0,0,1,5704,00001057 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001057_pre_disaster.png,pinery-bushfire_00001057_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001057_pre_disaster.png,0,0,1,5704,00001057 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001058_post_disaster.png,pinery-bushfire_00001058_post_disaster,0,0,tier3\masks\pinery-bushfire_00001058_post_disaster.png,0,0,0,0,00001058 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001058_pre_disaster.png,pinery-bushfire_00001058_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001058_pre_disaster.png,0,0,0,0,00001058 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001059_post_disaster.png,pinery-bushfire_00001059_post_disaster,0,0,tier3\masks\pinery-bushfire_00001059_post_disaster.png,0,0,0,0,00001059 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001059_pre_disaster.png,pinery-bushfire_00001059_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001059_pre_disaster.png,0,0,0,0,00001059 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001060_post_disaster.png,pinery-bushfire_00001060_post_disaster,0,0,tier3\masks\pinery-bushfire_00001060_post_disaster.png,0,0,3,11612,00001060 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001060_pre_disaster.png,pinery-bushfire_00001060_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001060_pre_disaster.png,0,0,3,11612,00001060 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001061_post_disaster.png,pinery-bushfire_00001061_post_disaster,0,0,tier3\masks\pinery-bushfire_00001061_post_disaster.png,0,0,1,106,00001061 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001061_pre_disaster.png,pinery-bushfire_00001061_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001061_pre_disaster.png,0,0,1,106,00001061 +3,2150,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001062_post_disaster.png,pinery-bushfire_00001062_post_disaster,1,809,tier3\masks\pinery-bushfire_00001062_post_disaster.png,1,3876,1,957,00001062 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001062_pre_disaster.png,pinery-bushfire_00001062_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001062_pre_disaster.png,0,0,5,7792,00001062 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001063_post_disaster.png,pinery-bushfire_00001063_post_disaster,0,0,tier3\masks\pinery-bushfire_00001063_post_disaster.png,0,0,0,0,00001063 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001063_pre_disaster.png,pinery-bushfire_00001063_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001063_pre_disaster.png,0,0,0,0,00001063 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001064_post_disaster.png,pinery-bushfire_00001064_post_disaster,0,0,tier3\masks\pinery-bushfire_00001064_post_disaster.png,0,0,0,0,00001064 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001064_pre_disaster.png,pinery-bushfire_00001064_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001064_pre_disaster.png,0,0,0,0,00001064 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001065_post_disaster.png,pinery-bushfire_00001065_post_disaster,0,0,tier3\masks\pinery-bushfire_00001065_post_disaster.png,0,0,0,0,00001065 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001065_pre_disaster.png,pinery-bushfire_00001065_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001065_pre_disaster.png,0,0,0,0,00001065 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001066_post_disaster.png,pinery-bushfire_00001066_post_disaster,0,0,tier3\masks\pinery-bushfire_00001066_post_disaster.png,0,0,0,0,00001066 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001066_pre_disaster.png,pinery-bushfire_00001066_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001066_pre_disaster.png,0,0,0,0,00001066 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001067_post_disaster.png,pinery-bushfire_00001067_post_disaster,0,0,tier3\masks\pinery-bushfire_00001067_post_disaster.png,0,0,0,0,00001067 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001067_pre_disaster.png,pinery-bushfire_00001067_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001067_pre_disaster.png,0,0,0,0,00001067 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001068_post_disaster.png,pinery-bushfire_00001068_post_disaster,0,0,tier3\masks\pinery-bushfire_00001068_post_disaster.png,0,0,9,3193,00001068 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001068_pre_disaster.png,pinery-bushfire_00001068_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001068_pre_disaster.png,0,0,9,3193,00001068 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001069_post_disaster.png,pinery-bushfire_00001069_post_disaster,0,0,tier3\masks\pinery-bushfire_00001069_post_disaster.png,0,0,7,4692,00001069 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001069_pre_disaster.png,pinery-bushfire_00001069_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001069_pre_disaster.png,0,0,7,4692,00001069 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001070_post_disaster.png,pinery-bushfire_00001070_post_disaster,0,0,tier3\masks\pinery-bushfire_00001070_post_disaster.png,0,0,0,0,00001070 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001070_pre_disaster.png,pinery-bushfire_00001070_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001070_pre_disaster.png,0,0,0,0,00001070 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001071_post_disaster.png,pinery-bushfire_00001071_post_disaster,0,0,tier3\masks\pinery-bushfire_00001071_post_disaster.png,0,0,0,0,00001071 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001071_pre_disaster.png,pinery-bushfire_00001071_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001071_pre_disaster.png,0,0,0,0,00001071 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001072_post_disaster.png,pinery-bushfire_00001072_post_disaster,0,0,tier3\masks\pinery-bushfire_00001072_post_disaster.png,0,0,0,0,00001072 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001072_pre_disaster.png,pinery-bushfire_00001072_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001072_pre_disaster.png,0,0,0,0,00001072 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001073_post_disaster.png,pinery-bushfire_00001073_post_disaster,0,0,tier3\masks\pinery-bushfire_00001073_post_disaster.png,0,0,0,0,00001073 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001073_pre_disaster.png,pinery-bushfire_00001073_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001073_pre_disaster.png,0,0,0,0,00001073 +1,652,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001074_post_disaster.png,pinery-bushfire_00001074_post_disaster,0,0,tier3\masks\pinery-bushfire_00001074_post_disaster.png,0,0,0,0,00001074 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001074_pre_disaster.png,pinery-bushfire_00001074_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001074_pre_disaster.png,0,0,1,652,00001074 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001075_post_disaster.png,pinery-bushfire_00001075_post_disaster,0,0,tier3\masks\pinery-bushfire_00001075_post_disaster.png,0,0,0,0,00001075 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001075_pre_disaster.png,pinery-bushfire_00001075_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001075_pre_disaster.png,0,0,0,0,00001075 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001076_post_disaster.png,pinery-bushfire_00001076_post_disaster,0,0,tier3\masks\pinery-bushfire_00001076_post_disaster.png,0,0,0,0,00001076 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001076_pre_disaster.png,pinery-bushfire_00001076_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001076_pre_disaster.png,0,0,0,0,00001076 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001077_post_disaster.png,pinery-bushfire_00001077_post_disaster,0,0,tier3\masks\pinery-bushfire_00001077_post_disaster.png,0,0,0,0,00001077 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001077_pre_disaster.png,pinery-bushfire_00001077_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001077_pre_disaster.png,0,0,0,0,00001077 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001078_post_disaster.png,pinery-bushfire_00001078_post_disaster,0,0,tier3\masks\pinery-bushfire_00001078_post_disaster.png,0,0,0,0,00001078 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001078_pre_disaster.png,pinery-bushfire_00001078_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001078_pre_disaster.png,0,0,0,0,00001078 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001079_post_disaster.png,pinery-bushfire_00001079_post_disaster,0,0,tier3\masks\pinery-bushfire_00001079_post_disaster.png,0,0,0,0,00001079 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001079_pre_disaster.png,pinery-bushfire_00001079_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001079_pre_disaster.png,0,0,0,0,00001079 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001080_post_disaster.png,pinery-bushfire_00001080_post_disaster,0,0,tier3\masks\pinery-bushfire_00001080_post_disaster.png,0,0,1,1805,00001080 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001080_pre_disaster.png,pinery-bushfire_00001080_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001080_pre_disaster.png,0,0,1,1876,00001080 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001081_post_disaster.png,pinery-bushfire_00001081_post_disaster,0,0,tier3\masks\pinery-bushfire_00001081_post_disaster.png,0,0,0,0,00001081 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001081_pre_disaster.png,pinery-bushfire_00001081_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001081_pre_disaster.png,0,0,0,0,00001081 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001082_post_disaster.png,pinery-bushfire_00001082_post_disaster,0,0,tier3\masks\pinery-bushfire_00001082_post_disaster.png,0,0,0,0,00001082 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001082_pre_disaster.png,pinery-bushfire_00001082_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001082_pre_disaster.png,0,0,0,0,00001082 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001083_post_disaster.png,pinery-bushfire_00001083_post_disaster,0,0,tier3\masks\pinery-bushfire_00001083_post_disaster.png,0,0,0,0,00001083 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001083_pre_disaster.png,pinery-bushfire_00001083_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001083_pre_disaster.png,0,0,0,0,00001083 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001084_post_disaster.png,pinery-bushfire_00001084_post_disaster,0,0,tier3\masks\pinery-bushfire_00001084_post_disaster.png,0,0,0,0,00001084 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001084_pre_disaster.png,pinery-bushfire_00001084_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001084_pre_disaster.png,0,0,0,0,00001084 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001085_post_disaster.png,pinery-bushfire_00001085_post_disaster,0,0,tier3\masks\pinery-bushfire_00001085_post_disaster.png,0,0,1,12928,00001085 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001085_pre_disaster.png,pinery-bushfire_00001085_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001085_pre_disaster.png,0,0,1,13095,00001085 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001086_post_disaster.png,pinery-bushfire_00001086_post_disaster,0,0,tier3\masks\pinery-bushfire_00001086_post_disaster.png,0,0,0,0,00001086 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001086_pre_disaster.png,pinery-bushfire_00001086_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001086_pre_disaster.png,0,0,0,0,00001086 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001087_post_disaster.png,pinery-bushfire_00001087_post_disaster,0,0,tier3\masks\pinery-bushfire_00001087_post_disaster.png,0,0,1,107,00001087 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001087_pre_disaster.png,pinery-bushfire_00001087_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001087_pre_disaster.png,0,0,1,107,00001087 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001088_post_disaster.png,pinery-bushfire_00001088_post_disaster,0,0,tier3\masks\pinery-bushfire_00001088_post_disaster.png,0,0,0,0,00001088 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001088_pre_disaster.png,pinery-bushfire_00001088_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001088_pre_disaster.png,0,0,0,0,00001088 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001089_post_disaster.png,pinery-bushfire_00001089_post_disaster,0,0,tier3\masks\pinery-bushfire_00001089_post_disaster.png,0,0,0,0,00001089 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001089_pre_disaster.png,pinery-bushfire_00001089_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001089_pre_disaster.png,0,0,0,0,00001089 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001090_post_disaster.png,pinery-bushfire_00001090_post_disaster,0,0,tier3\masks\pinery-bushfire_00001090_post_disaster.png,0,0,7,4672,00001090 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001090_pre_disaster.png,pinery-bushfire_00001090_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001090_pre_disaster.png,0,0,7,4701,00001090 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001091_post_disaster.png,pinery-bushfire_00001091_post_disaster,0,0,tier3\masks\pinery-bushfire_00001091_post_disaster.png,0,0,1,141,00001091 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001091_pre_disaster.png,pinery-bushfire_00001091_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001091_pre_disaster.png,0,0,1,141,00001091 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001092_post_disaster.png,pinery-bushfire_00001092_post_disaster,0,0,tier3\masks\pinery-bushfire_00001092_post_disaster.png,0,0,0,0,00001092 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001092_pre_disaster.png,pinery-bushfire_00001092_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001092_pre_disaster.png,0,0,0,0,00001092 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001093_post_disaster.png,pinery-bushfire_00001093_post_disaster,0,0,tier3\masks\pinery-bushfire_00001093_post_disaster.png,0,0,0,0,00001093 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001093_pre_disaster.png,pinery-bushfire_00001093_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001093_pre_disaster.png,0,0,0,0,00001093 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001094_post_disaster.png,pinery-bushfire_00001094_post_disaster,0,0,tier3\masks\pinery-bushfire_00001094_post_disaster.png,0,0,0,0,00001094 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001094_pre_disaster.png,pinery-bushfire_00001094_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001094_pre_disaster.png,0,0,0,0,00001094 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001095_post_disaster.png,pinery-bushfire_00001095_post_disaster,0,0,tier3\masks\pinery-bushfire_00001095_post_disaster.png,0,0,0,0,00001095 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001095_pre_disaster.png,pinery-bushfire_00001095_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001095_pre_disaster.png,0,0,0,0,00001095 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001096_post_disaster.png,pinery-bushfire_00001096_post_disaster,0,0,tier3\masks\pinery-bushfire_00001096_post_disaster.png,0,0,0,0,00001096 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001096_pre_disaster.png,pinery-bushfire_00001096_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001096_pre_disaster.png,0,0,0,0,00001096 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001097_post_disaster.png,pinery-bushfire_00001097_post_disaster,0,0,tier3\masks\pinery-bushfire_00001097_post_disaster.png,0,0,7,5198,00001097 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001097_pre_disaster.png,pinery-bushfire_00001097_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001097_pre_disaster.png,0,0,7,5198,00001097 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001098_post_disaster.png,pinery-bushfire_00001098_post_disaster,0,0,tier3\masks\pinery-bushfire_00001098_post_disaster.png,0,0,21,24942,00001098 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001098_pre_disaster.png,pinery-bushfire_00001098_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001098_pre_disaster.png,0,0,21,24942,00001098 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001099_post_disaster.png,pinery-bushfire_00001099_post_disaster,0,0,tier3\masks\pinery-bushfire_00001099_post_disaster.png,0,0,0,0,00001099 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001099_pre_disaster.png,pinery-bushfire_00001099_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001099_pre_disaster.png,0,0,0,0,00001099 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001100_post_disaster.png,pinery-bushfire_00001100_post_disaster,0,0,tier3\masks\pinery-bushfire_00001100_post_disaster.png,0,0,0,0,00001100 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001100_pre_disaster.png,pinery-bushfire_00001100_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001100_pre_disaster.png,0,0,0,0,00001100 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001101_post_disaster.png,pinery-bushfire_00001101_post_disaster,0,0,tier3\masks\pinery-bushfire_00001101_post_disaster.png,0,0,1,104,00001101 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001101_pre_disaster.png,pinery-bushfire_00001101_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001101_pre_disaster.png,0,0,1,104,00001101 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001102_post_disaster.png,pinery-bushfire_00001102_post_disaster,0,0,tier3\masks\pinery-bushfire_00001102_post_disaster.png,0,0,1,125,00001102 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001102_pre_disaster.png,pinery-bushfire_00001102_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001102_pre_disaster.png,0,0,1,125,00001102 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001103_post_disaster.png,pinery-bushfire_00001103_post_disaster,0,0,tier3\masks\pinery-bushfire_00001103_post_disaster.png,0,0,0,0,00001103 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001103_pre_disaster.png,pinery-bushfire_00001103_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001103_pre_disaster.png,0,0,0,0,00001103 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001104_post_disaster.png,pinery-bushfire_00001104_post_disaster,0,0,tier3\masks\pinery-bushfire_00001104_post_disaster.png,0,0,0,0,00001104 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001104_pre_disaster.png,pinery-bushfire_00001104_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001104_pre_disaster.png,0,0,0,0,00001104 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001105_post_disaster.png,pinery-bushfire_00001105_post_disaster,0,0,tier3\masks\pinery-bushfire_00001105_post_disaster.png,0,0,0,0,00001105 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001105_pre_disaster.png,pinery-bushfire_00001105_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001105_pre_disaster.png,0,0,0,0,00001105 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001106_post_disaster.png,pinery-bushfire_00001106_post_disaster,0,0,tier3\masks\pinery-bushfire_00001106_post_disaster.png,0,0,0,0,00001106 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001106_pre_disaster.png,pinery-bushfire_00001106_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001106_pre_disaster.png,0,0,0,0,00001106 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001107_post_disaster.png,pinery-bushfire_00001107_post_disaster,0,0,tier3\masks\pinery-bushfire_00001107_post_disaster.png,0,0,12,3780,00001107 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001107_pre_disaster.png,pinery-bushfire_00001107_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001107_pre_disaster.png,0,0,12,3830,00001107 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001108_post_disaster.png,pinery-bushfire_00001108_post_disaster,0,0,tier3\masks\pinery-bushfire_00001108_post_disaster.png,0,0,0,0,00001108 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001108_pre_disaster.png,pinery-bushfire_00001108_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001108_pre_disaster.png,0,0,0,0,00001108 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001109_post_disaster.png,pinery-bushfire_00001109_post_disaster,0,0,tier3\masks\pinery-bushfire_00001109_post_disaster.png,0,0,0,0,00001109 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001109_pre_disaster.png,pinery-bushfire_00001109_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001109_pre_disaster.png,0,0,0,0,00001109 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001110_post_disaster.png,pinery-bushfire_00001110_post_disaster,0,0,tier3\masks\pinery-bushfire_00001110_post_disaster.png,0,0,0,0,00001110 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001110_pre_disaster.png,pinery-bushfire_00001110_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001110_pre_disaster.png,0,0,0,0,00001110 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001111_post_disaster.png,pinery-bushfire_00001111_post_disaster,0,0,tier3\masks\pinery-bushfire_00001111_post_disaster.png,0,0,0,0,00001111 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001111_pre_disaster.png,pinery-bushfire_00001111_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001111_pre_disaster.png,0,0,0,0,00001111 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001112_post_disaster.png,pinery-bushfire_00001112_post_disaster,0,0,tier3\masks\pinery-bushfire_00001112_post_disaster.png,0,0,0,0,00001112 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001112_pre_disaster.png,pinery-bushfire_00001112_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001112_pre_disaster.png,0,0,0,0,00001112 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001113_post_disaster.png,pinery-bushfire_00001113_post_disaster,0,0,tier3\masks\pinery-bushfire_00001113_post_disaster.png,0,0,0,0,00001113 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001113_pre_disaster.png,pinery-bushfire_00001113_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001113_pre_disaster.png,0,0,0,0,00001113 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001114_post_disaster.png,pinery-bushfire_00001114_post_disaster,0,0,tier3\masks\pinery-bushfire_00001114_post_disaster.png,0,0,0,0,00001114 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001114_pre_disaster.png,pinery-bushfire_00001114_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001114_pre_disaster.png,0,0,0,0,00001114 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001115_post_disaster.png,pinery-bushfire_00001115_post_disaster,0,0,tier3\masks\pinery-bushfire_00001115_post_disaster.png,0,0,5,2558,00001115 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001115_pre_disaster.png,pinery-bushfire_00001115_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001115_pre_disaster.png,0,0,5,2558,00001115 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001116_post_disaster.png,pinery-bushfire_00001116_post_disaster,0,0,tier3\masks\pinery-bushfire_00001116_post_disaster.png,0,0,0,0,00001116 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001116_pre_disaster.png,pinery-bushfire_00001116_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001116_pre_disaster.png,0,0,0,0,00001116 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001117_post_disaster.png,pinery-bushfire_00001117_post_disaster,0,0,tier3\masks\pinery-bushfire_00001117_post_disaster.png,0,0,0,0,00001117 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001117_pre_disaster.png,pinery-bushfire_00001117_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001117_pre_disaster.png,0,0,0,0,00001117 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001118_post_disaster.png,pinery-bushfire_00001118_post_disaster,0,0,tier3\masks\pinery-bushfire_00001118_post_disaster.png,0,0,0,0,00001118 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001118_pre_disaster.png,pinery-bushfire_00001118_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001118_pre_disaster.png,0,0,0,0,00001118 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001119_post_disaster.png,pinery-bushfire_00001119_post_disaster,0,0,tier3\masks\pinery-bushfire_00001119_post_disaster.png,0,0,0,0,00001119 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001119_pre_disaster.png,pinery-bushfire_00001119_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001119_pre_disaster.png,0,0,0,0,00001119 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001120_post_disaster.png,pinery-bushfire_00001120_post_disaster,0,0,tier3\masks\pinery-bushfire_00001120_post_disaster.png,0,0,0,0,00001120 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001120_pre_disaster.png,pinery-bushfire_00001120_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001120_pre_disaster.png,0,0,0,0,00001120 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001121_post_disaster.png,pinery-bushfire_00001121_post_disaster,0,0,tier3\masks\pinery-bushfire_00001121_post_disaster.png,0,0,0,0,00001121 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001121_pre_disaster.png,pinery-bushfire_00001121_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001121_pre_disaster.png,0,0,0,0,00001121 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001122_post_disaster.png,pinery-bushfire_00001122_post_disaster,1,2398,tier3\masks\pinery-bushfire_00001122_post_disaster.png,0,0,26,19060,00001122 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001122_pre_disaster.png,pinery-bushfire_00001122_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001122_pre_disaster.png,0,0,27,21458,00001122 +2,3202,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001123_post_disaster.png,pinery-bushfire_00001123_post_disaster,0,0,tier3\masks\pinery-bushfire_00001123_post_disaster.png,0,0,0,0,00001123 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001123_pre_disaster.png,pinery-bushfire_00001123_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001123_pre_disaster.png,0,0,2,3202,00001123 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001124_post_disaster.png,pinery-bushfire_00001124_post_disaster,0,0,tier3\masks\pinery-bushfire_00001124_post_disaster.png,0,0,0,0,00001124 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001124_pre_disaster.png,pinery-bushfire_00001124_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001124_pre_disaster.png,0,0,0,0,00001124 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001125_post_disaster.png,pinery-bushfire_00001125_post_disaster,0,0,tier3\masks\pinery-bushfire_00001125_post_disaster.png,0,0,0,0,00001125 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001125_pre_disaster.png,pinery-bushfire_00001125_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001125_pre_disaster.png,0,0,0,0,00001125 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001126_post_disaster.png,pinery-bushfire_00001126_post_disaster,0,0,tier3\masks\pinery-bushfire_00001126_post_disaster.png,0,0,0,0,00001126 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001126_pre_disaster.png,pinery-bushfire_00001126_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001126_pre_disaster.png,0,0,0,0,00001126 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001127_post_disaster.png,pinery-bushfire_00001127_post_disaster,0,0,tier3\masks\pinery-bushfire_00001127_post_disaster.png,0,0,0,0,00001127 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001127_pre_disaster.png,pinery-bushfire_00001127_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001127_pre_disaster.png,0,0,0,0,00001127 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001128_post_disaster.png,pinery-bushfire_00001128_post_disaster,0,0,tier3\masks\pinery-bushfire_00001128_post_disaster.png,0,0,0,0,00001128 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001128_pre_disaster.png,pinery-bushfire_00001128_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001128_pre_disaster.png,0,0,0,0,00001128 +1,1118,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001129_post_disaster.png,pinery-bushfire_00001129_post_disaster,1,1071,tier3\masks\pinery-bushfire_00001129_post_disaster.png,0,0,7,5554,00001129 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001129_pre_disaster.png,pinery-bushfire_00001129_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001129_pre_disaster.png,0,0,8,7743,00001129 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001130_post_disaster.png,pinery-bushfire_00001130_post_disaster,0,0,tier3\masks\pinery-bushfire_00001130_post_disaster.png,0,0,0,0,00001130 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001130_pre_disaster.png,pinery-bushfire_00001130_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001130_pre_disaster.png,0,0,0,0,00001130 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001131_post_disaster.png,pinery-bushfire_00001131_post_disaster,0,0,tier3\masks\pinery-bushfire_00001131_post_disaster.png,0,0,0,0,00001131 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001131_pre_disaster.png,pinery-bushfire_00001131_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001131_pre_disaster.png,0,0,0,0,00001131 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001132_post_disaster.png,pinery-bushfire_00001132_post_disaster,0,0,tier3\masks\pinery-bushfire_00001132_post_disaster.png,0,0,2,1563,00001132 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001132_pre_disaster.png,pinery-bushfire_00001132_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001132_pre_disaster.png,0,0,2,1563,00001132 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001133_post_disaster.png,pinery-bushfire_00001133_post_disaster,0,0,tier3\masks\pinery-bushfire_00001133_post_disaster.png,0,0,0,0,00001133 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001133_pre_disaster.png,pinery-bushfire_00001133_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001133_pre_disaster.png,0,0,0,0,00001133 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001134_post_disaster.png,pinery-bushfire_00001134_post_disaster,0,0,tier3\masks\pinery-bushfire_00001134_post_disaster.png,0,0,2,2716,00001134 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001134_pre_disaster.png,pinery-bushfire_00001134_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001134_pre_disaster.png,0,0,2,2716,00001134 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001135_post_disaster.png,pinery-bushfire_00001135_post_disaster,0,0,tier3\masks\pinery-bushfire_00001135_post_disaster.png,0,0,2,956,00001135 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001135_pre_disaster.png,pinery-bushfire_00001135_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001135_pre_disaster.png,0,0,2,956,00001135 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001136_post_disaster.png,pinery-bushfire_00001136_post_disaster,0,0,tier3\masks\pinery-bushfire_00001136_post_disaster.png,0,0,0,0,00001136 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001136_pre_disaster.png,pinery-bushfire_00001136_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001136_pre_disaster.png,0,0,0,0,00001136 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001137_post_disaster.png,pinery-bushfire_00001137_post_disaster,0,0,tier3\masks\pinery-bushfire_00001137_post_disaster.png,0,0,0,0,00001137 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001137_pre_disaster.png,pinery-bushfire_00001137_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001137_pre_disaster.png,0,0,0,0,00001137 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001138_post_disaster.png,pinery-bushfire_00001138_post_disaster,0,0,tier3\masks\pinery-bushfire_00001138_post_disaster.png,0,0,0,0,00001138 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001138_pre_disaster.png,pinery-bushfire_00001138_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001138_pre_disaster.png,0,0,0,0,00001138 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001139_post_disaster.png,pinery-bushfire_00001139_post_disaster,0,0,tier3\masks\pinery-bushfire_00001139_post_disaster.png,0,0,0,0,00001139 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001139_pre_disaster.png,pinery-bushfire_00001139_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001139_pre_disaster.png,0,0,0,0,00001139 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001140_post_disaster.png,pinery-bushfire_00001140_post_disaster,0,0,tier3\masks\pinery-bushfire_00001140_post_disaster.png,0,0,1,102,00001140 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001140_pre_disaster.png,pinery-bushfire_00001140_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001140_pre_disaster.png,0,0,1,102,00001140 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001141_post_disaster.png,pinery-bushfire_00001141_post_disaster,0,0,tier3\masks\pinery-bushfire_00001141_post_disaster.png,0,0,0,0,00001141 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001141_pre_disaster.png,pinery-bushfire_00001141_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001141_pre_disaster.png,0,0,0,0,00001141 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001142_post_disaster.png,pinery-bushfire_00001142_post_disaster,0,0,tier3\masks\pinery-bushfire_00001142_post_disaster.png,0,0,0,0,00001142 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001142_pre_disaster.png,pinery-bushfire_00001142_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001142_pre_disaster.png,0,0,0,0,00001142 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001143_post_disaster.png,pinery-bushfire_00001143_post_disaster,0,0,tier3\masks\pinery-bushfire_00001143_post_disaster.png,0,0,7,10395,00001143 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001143_pre_disaster.png,pinery-bushfire_00001143_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001143_pre_disaster.png,0,0,7,10395,00001143 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001144_post_disaster.png,pinery-bushfire_00001144_post_disaster,0,0,tier3\masks\pinery-bushfire_00001144_post_disaster.png,0,0,0,0,00001144 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001144_pre_disaster.png,pinery-bushfire_00001144_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001144_pre_disaster.png,0,0,0,0,00001144 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001145_post_disaster.png,pinery-bushfire_00001145_post_disaster,0,0,tier3\masks\pinery-bushfire_00001145_post_disaster.png,0,0,0,0,00001145 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001145_pre_disaster.png,pinery-bushfire_00001145_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001145_pre_disaster.png,0,0,0,0,00001145 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001146_post_disaster.png,pinery-bushfire_00001146_post_disaster,0,0,tier3\masks\pinery-bushfire_00001146_post_disaster.png,0,0,11,6409,00001146 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001146_pre_disaster.png,pinery-bushfire_00001146_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001146_pre_disaster.png,0,0,11,6409,00001146 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001147_post_disaster.png,pinery-bushfire_00001147_post_disaster,0,0,tier3\masks\pinery-bushfire_00001147_post_disaster.png,0,0,0,0,00001147 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001147_pre_disaster.png,pinery-bushfire_00001147_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001147_pre_disaster.png,0,0,0,0,00001147 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001148_post_disaster.png,pinery-bushfire_00001148_post_disaster,0,0,tier3\masks\pinery-bushfire_00001148_post_disaster.png,0,0,0,0,00001148 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001148_pre_disaster.png,pinery-bushfire_00001148_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001148_pre_disaster.png,0,0,0,0,00001148 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001149_post_disaster.png,pinery-bushfire_00001149_post_disaster,0,0,tier3\masks\pinery-bushfire_00001149_post_disaster.png,0,0,0,0,00001149 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001149_pre_disaster.png,pinery-bushfire_00001149_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001149_pre_disaster.png,0,0,0,0,00001149 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001150_post_disaster.png,pinery-bushfire_00001150_post_disaster,0,0,tier3\masks\pinery-bushfire_00001150_post_disaster.png,0,0,0,0,00001150 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001150_pre_disaster.png,pinery-bushfire_00001150_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001150_pre_disaster.png,0,0,0,0,00001150 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001151_post_disaster.png,pinery-bushfire_00001151_post_disaster,0,0,tier3\masks\pinery-bushfire_00001151_post_disaster.png,0,0,0,0,00001151 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001151_pre_disaster.png,pinery-bushfire_00001151_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001151_pre_disaster.png,0,0,0,0,00001151 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001152_post_disaster.png,pinery-bushfire_00001152_post_disaster,0,0,tier3\masks\pinery-bushfire_00001152_post_disaster.png,0,0,0,0,00001152 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001152_pre_disaster.png,pinery-bushfire_00001152_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001152_pre_disaster.png,0,0,0,0,00001152 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001153_post_disaster.png,pinery-bushfire_00001153_post_disaster,0,0,tier3\masks\pinery-bushfire_00001153_post_disaster.png,0,0,0,0,00001153 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001153_pre_disaster.png,pinery-bushfire_00001153_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001153_pre_disaster.png,0,0,0,0,00001153 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001154_post_disaster.png,pinery-bushfire_00001154_post_disaster,0,0,tier3\masks\pinery-bushfire_00001154_post_disaster.png,0,0,0,0,00001154 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001154_pre_disaster.png,pinery-bushfire_00001154_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001154_pre_disaster.png,0,0,0,0,00001154 +2,217,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001155_post_disaster.png,pinery-bushfire_00001155_post_disaster,0,0,tier3\masks\pinery-bushfire_00001155_post_disaster.png,0,0,2,602,00001155 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001155_pre_disaster.png,pinery-bushfire_00001155_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001155_pre_disaster.png,0,0,4,864,00001155 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001156_post_disaster.png,pinery-bushfire_00001156_post_disaster,0,0,tier3\masks\pinery-bushfire_00001156_post_disaster.png,0,0,0,0,00001156 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001156_pre_disaster.png,pinery-bushfire_00001156_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001156_pre_disaster.png,0,0,0,0,00001156 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001157_post_disaster.png,pinery-bushfire_00001157_post_disaster,0,0,tier3\masks\pinery-bushfire_00001157_post_disaster.png,0,0,0,0,00001157 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001157_pre_disaster.png,pinery-bushfire_00001157_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001157_pre_disaster.png,0,0,0,0,00001157 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001158_post_disaster.png,pinery-bushfire_00001158_post_disaster,0,0,tier3\masks\pinery-bushfire_00001158_post_disaster.png,0,0,0,0,00001158 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001158_pre_disaster.png,pinery-bushfire_00001158_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001158_pre_disaster.png,0,0,0,0,00001158 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001159_post_disaster.png,pinery-bushfire_00001159_post_disaster,0,0,tier3\masks\pinery-bushfire_00001159_post_disaster.png,0,0,0,0,00001159 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001159_pre_disaster.png,pinery-bushfire_00001159_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001159_pre_disaster.png,0,0,0,0,00001159 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001160_post_disaster.png,pinery-bushfire_00001160_post_disaster,0,0,tier3\masks\pinery-bushfire_00001160_post_disaster.png,0,0,0,0,00001160 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001160_pre_disaster.png,pinery-bushfire_00001160_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001160_pre_disaster.png,0,0,0,0,00001160 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001161_post_disaster.png,pinery-bushfire_00001161_post_disaster,0,0,tier3\masks\pinery-bushfire_00001161_post_disaster.png,0,0,23,11059,00001161 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001161_pre_disaster.png,pinery-bushfire_00001161_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001161_pre_disaster.png,0,0,23,11059,00001161 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001162_post_disaster.png,pinery-bushfire_00001162_post_disaster,0,0,tier3\masks\pinery-bushfire_00001162_post_disaster.png,0,0,0,0,00001162 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001162_pre_disaster.png,pinery-bushfire_00001162_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001162_pre_disaster.png,0,0,0,0,00001162 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001163_post_disaster.png,pinery-bushfire_00001163_post_disaster,0,0,tier3\masks\pinery-bushfire_00001163_post_disaster.png,0,0,0,0,00001163 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001163_pre_disaster.png,pinery-bushfire_00001163_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001163_pre_disaster.png,0,0,0,0,00001163 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001164_post_disaster.png,pinery-bushfire_00001164_post_disaster,0,0,tier3\masks\pinery-bushfire_00001164_post_disaster.png,0,0,0,0,00001164 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001164_pre_disaster.png,pinery-bushfire_00001164_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001164_pre_disaster.png,0,0,0,0,00001164 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001165_post_disaster.png,pinery-bushfire_00001165_post_disaster,0,0,tier3\masks\pinery-bushfire_00001165_post_disaster.png,0,0,0,0,00001165 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001165_pre_disaster.png,pinery-bushfire_00001165_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001165_pre_disaster.png,0,0,0,0,00001165 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001166_post_disaster.png,pinery-bushfire_00001166_post_disaster,0,0,tier3\masks\pinery-bushfire_00001166_post_disaster.png,0,0,16,26460,00001166 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001166_pre_disaster.png,pinery-bushfire_00001166_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001166_pre_disaster.png,0,0,16,26460,00001166 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001167_post_disaster.png,pinery-bushfire_00001167_post_disaster,1,1247,tier3\masks\pinery-bushfire_00001167_post_disaster.png,2,224,109,102944,00001167 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001167_pre_disaster.png,pinery-bushfire_00001167_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001167_pre_disaster.png,0,0,112,104888,00001167 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001168_post_disaster.png,pinery-bushfire_00001168_post_disaster,0,0,tier3\masks\pinery-bushfire_00001168_post_disaster.png,0,0,0,0,00001168 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001168_pre_disaster.png,pinery-bushfire_00001168_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001168_pre_disaster.png,0,0,0,0,00001168 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001169_post_disaster.png,pinery-bushfire_00001169_post_disaster,0,0,tier3\masks\pinery-bushfire_00001169_post_disaster.png,0,0,0,0,00001169 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001169_pre_disaster.png,pinery-bushfire_00001169_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001169_pre_disaster.png,0,0,0,0,00001169 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001170_post_disaster.png,pinery-bushfire_00001170_post_disaster,0,0,tier3\masks\pinery-bushfire_00001170_post_disaster.png,0,0,0,0,00001170 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001170_pre_disaster.png,pinery-bushfire_00001170_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001170_pre_disaster.png,0,0,0,0,00001170 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001171_post_disaster.png,pinery-bushfire_00001171_post_disaster,0,0,tier3\masks\pinery-bushfire_00001171_post_disaster.png,0,0,0,0,00001171 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001171_pre_disaster.png,pinery-bushfire_00001171_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001171_pre_disaster.png,0,0,0,0,00001171 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001172_post_disaster.png,pinery-bushfire_00001172_post_disaster,0,0,tier3\masks\pinery-bushfire_00001172_post_disaster.png,0,0,0,0,00001172 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001172_pre_disaster.png,pinery-bushfire_00001172_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001172_pre_disaster.png,0,0,0,0,00001172 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001173_post_disaster.png,pinery-bushfire_00001173_post_disaster,0,0,tier3\masks\pinery-bushfire_00001173_post_disaster.png,0,0,0,0,00001173 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001173_pre_disaster.png,pinery-bushfire_00001173_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001173_pre_disaster.png,0,0,0,0,00001173 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001174_post_disaster.png,pinery-bushfire_00001174_post_disaster,0,0,tier3\masks\pinery-bushfire_00001174_post_disaster.png,0,0,0,0,00001174 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001174_pre_disaster.png,pinery-bushfire_00001174_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001174_pre_disaster.png,0,0,0,0,00001174 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001175_post_disaster.png,pinery-bushfire_00001175_post_disaster,0,0,tier3\masks\pinery-bushfire_00001175_post_disaster.png,0,0,0,0,00001175 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001175_pre_disaster.png,pinery-bushfire_00001175_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001175_pre_disaster.png,0,0,0,0,00001175 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001176_post_disaster.png,pinery-bushfire_00001176_post_disaster,0,0,tier3\masks\pinery-bushfire_00001176_post_disaster.png,1,1125,13,9022,00001176 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001176_pre_disaster.png,pinery-bushfire_00001176_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001176_pre_disaster.png,0,0,14,10147,00001176 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001177_post_disaster.png,pinery-bushfire_00001177_post_disaster,0,0,tier3\masks\pinery-bushfire_00001177_post_disaster.png,0,0,0,0,00001177 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001177_pre_disaster.png,pinery-bushfire_00001177_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001177_pre_disaster.png,0,0,0,0,00001177 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001178_post_disaster.png,pinery-bushfire_00001178_post_disaster,0,0,tier3\masks\pinery-bushfire_00001178_post_disaster.png,0,0,2,2315,00001178 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001178_pre_disaster.png,pinery-bushfire_00001178_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001178_pre_disaster.png,0,0,2,2315,00001178 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001179_post_disaster.png,pinery-bushfire_00001179_post_disaster,0,0,tier3\masks\pinery-bushfire_00001179_post_disaster.png,0,0,0,0,00001179 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001179_pre_disaster.png,pinery-bushfire_00001179_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001179_pre_disaster.png,0,0,0,0,00001179 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001180_post_disaster.png,pinery-bushfire_00001180_post_disaster,0,0,tier3\masks\pinery-bushfire_00001180_post_disaster.png,0,0,0,0,00001180 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001180_pre_disaster.png,pinery-bushfire_00001180_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001180_pre_disaster.png,0,0,0,0,00001180 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001181_post_disaster.png,pinery-bushfire_00001181_post_disaster,0,0,tier3\masks\pinery-bushfire_00001181_post_disaster.png,0,0,0,0,00001181 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001181_pre_disaster.png,pinery-bushfire_00001181_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001181_pre_disaster.png,0,0,0,0,00001181 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001182_post_disaster.png,pinery-bushfire_00001182_post_disaster,0,0,tier3\masks\pinery-bushfire_00001182_post_disaster.png,0,0,0,0,00001182 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001182_pre_disaster.png,pinery-bushfire_00001182_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001182_pre_disaster.png,0,0,0,0,00001182 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001183_post_disaster.png,pinery-bushfire_00001183_post_disaster,0,0,tier3\masks\pinery-bushfire_00001183_post_disaster.png,0,0,0,0,00001183 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001183_pre_disaster.png,pinery-bushfire_00001183_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001183_pre_disaster.png,0,0,0,0,00001183 +3,8207,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001184_post_disaster.png,pinery-bushfire_00001184_post_disaster,1,3154,tier3\masks\pinery-bushfire_00001184_post_disaster.png,1,51,5,4821,00001184 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001184_pre_disaster.png,pinery-bushfire_00001184_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001184_pre_disaster.png,0,0,9,16233,00001184 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001185_post_disaster.png,pinery-bushfire_00001185_post_disaster,0,0,tier3\masks\pinery-bushfire_00001185_post_disaster.png,0,0,8,117196,00001185 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001185_pre_disaster.png,pinery-bushfire_00001185_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001185_pre_disaster.png,0,0,8,117392,00001185 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001186_post_disaster.png,pinery-bushfire_00001186_post_disaster,0,0,tier3\masks\pinery-bushfire_00001186_post_disaster.png,0,0,282,216651,00001186 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001186_pre_disaster.png,pinery-bushfire_00001186_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001186_pre_disaster.png,0,0,282,216900,00001186 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001187_post_disaster.png,pinery-bushfire_00001187_post_disaster,0,0,tier3\masks\pinery-bushfire_00001187_post_disaster.png,0,0,0,0,00001187 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001187_pre_disaster.png,pinery-bushfire_00001187_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001187_pre_disaster.png,0,0,0,0,00001187 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001188_post_disaster.png,pinery-bushfire_00001188_post_disaster,0,0,tier3\masks\pinery-bushfire_00001188_post_disaster.png,0,0,0,0,00001188 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001188_pre_disaster.png,pinery-bushfire_00001188_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001188_pre_disaster.png,0,0,0,0,00001188 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001189_post_disaster.png,pinery-bushfire_00001189_post_disaster,0,0,tier3\masks\pinery-bushfire_00001189_post_disaster.png,0,0,0,0,00001189 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001189_pre_disaster.png,pinery-bushfire_00001189_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001189_pre_disaster.png,0,0,0,0,00001189 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001190_post_disaster.png,pinery-bushfire_00001190_post_disaster,0,0,tier3\masks\pinery-bushfire_00001190_post_disaster.png,0,0,0,0,00001190 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001190_pre_disaster.png,pinery-bushfire_00001190_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001190_pre_disaster.png,0,0,0,0,00001190 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001191_post_disaster.png,pinery-bushfire_00001191_post_disaster,0,0,tier3\masks\pinery-bushfire_00001191_post_disaster.png,0,0,0,0,00001191 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001191_pre_disaster.png,pinery-bushfire_00001191_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001191_pre_disaster.png,0,0,0,0,00001191 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001192_post_disaster.png,pinery-bushfire_00001192_post_disaster,0,0,tier3\masks\pinery-bushfire_00001192_post_disaster.png,0,0,0,0,00001192 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001192_pre_disaster.png,pinery-bushfire_00001192_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001192_pre_disaster.png,0,0,0,0,00001192 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001193_post_disaster.png,pinery-bushfire_00001193_post_disaster,0,0,tier3\masks\pinery-bushfire_00001193_post_disaster.png,0,0,0,0,00001193 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001193_pre_disaster.png,pinery-bushfire_00001193_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001193_pre_disaster.png,0,0,0,0,00001193 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001194_post_disaster.png,pinery-bushfire_00001194_post_disaster,0,0,tier3\masks\pinery-bushfire_00001194_post_disaster.png,0,0,0,0,00001194 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001194_pre_disaster.png,pinery-bushfire_00001194_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001194_pre_disaster.png,0,0,0,0,00001194 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001195_post_disaster.png,pinery-bushfire_00001195_post_disaster,0,0,tier3\masks\pinery-bushfire_00001195_post_disaster.png,0,0,0,0,00001195 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001195_pre_disaster.png,pinery-bushfire_00001195_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001195_pre_disaster.png,0,0,0,0,00001195 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001196_post_disaster.png,pinery-bushfire_00001196_post_disaster,0,0,tier3\masks\pinery-bushfire_00001196_post_disaster.png,0,0,0,0,00001196 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001196_pre_disaster.png,pinery-bushfire_00001196_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001196_pre_disaster.png,0,0,0,0,00001196 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001197_post_disaster.png,pinery-bushfire_00001197_post_disaster,0,0,tier3\masks\pinery-bushfire_00001197_post_disaster.png,0,0,0,0,00001197 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001197_pre_disaster.png,pinery-bushfire_00001197_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001197_pre_disaster.png,0,0,0,0,00001197 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001198_post_disaster.png,pinery-bushfire_00001198_post_disaster,0,0,tier3\masks\pinery-bushfire_00001198_post_disaster.png,0,0,0,0,00001198 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001198_pre_disaster.png,pinery-bushfire_00001198_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001198_pre_disaster.png,0,0,0,0,00001198 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001199_post_disaster.png,pinery-bushfire_00001199_post_disaster,0,0,tier3\masks\pinery-bushfire_00001199_post_disaster.png,0,0,14,14018,00001199 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001199_pre_disaster.png,pinery-bushfire_00001199_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001199_pre_disaster.png,0,0,14,14018,00001199 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001200_post_disaster.png,pinery-bushfire_00001200_post_disaster,0,0,tier3\masks\pinery-bushfire_00001200_post_disaster.png,0,0,9,3636,00001200 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001200_pre_disaster.png,pinery-bushfire_00001200_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001200_pre_disaster.png,0,0,9,3636,00001200 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001201_post_disaster.png,pinery-bushfire_00001201_post_disaster,0,0,tier3\masks\pinery-bushfire_00001201_post_disaster.png,0,0,0,0,00001201 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001201_pre_disaster.png,pinery-bushfire_00001201_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001201_pre_disaster.png,0,0,0,0,00001201 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001202_post_disaster.png,pinery-bushfire_00001202_post_disaster,0,0,tier3\masks\pinery-bushfire_00001202_post_disaster.png,0,0,0,0,00001202 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001202_pre_disaster.png,pinery-bushfire_00001202_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001202_pre_disaster.png,0,0,0,0,00001202 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001203_post_disaster.png,pinery-bushfire_00001203_post_disaster,0,0,tier3\masks\pinery-bushfire_00001203_post_disaster.png,0,0,33,33632,00001203 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001203_pre_disaster.png,pinery-bushfire_00001203_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001203_pre_disaster.png,0,0,33,33704,00001203 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001204_post_disaster.png,pinery-bushfire_00001204_post_disaster,0,0,tier3\masks\pinery-bushfire_00001204_post_disaster.png,0,0,0,0,00001204 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001204_pre_disaster.png,pinery-bushfire_00001204_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001204_pre_disaster.png,0,0,0,0,00001204 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001205_post_disaster.png,pinery-bushfire_00001205_post_disaster,0,0,tier3\masks\pinery-bushfire_00001205_post_disaster.png,0,0,0,0,00001205 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001205_pre_disaster.png,pinery-bushfire_00001205_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001205_pre_disaster.png,0,0,0,0,00001205 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001206_post_disaster.png,pinery-bushfire_00001206_post_disaster,0,0,tier3\masks\pinery-bushfire_00001206_post_disaster.png,0,0,207,227764,00001206 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001206_pre_disaster.png,pinery-bushfire_00001206_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001206_pre_disaster.png,0,0,207,228105,00001206 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001207_post_disaster.png,pinery-bushfire_00001207_post_disaster,0,0,tier3\masks\pinery-bushfire_00001207_post_disaster.png,0,0,0,0,00001207 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001207_pre_disaster.png,pinery-bushfire_00001207_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001207_pre_disaster.png,0,0,0,0,00001207 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001208_post_disaster.png,pinery-bushfire_00001208_post_disaster,0,0,tier3\masks\pinery-bushfire_00001208_post_disaster.png,0,0,0,0,00001208 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001208_pre_disaster.png,pinery-bushfire_00001208_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001208_pre_disaster.png,0,0,0,0,00001208 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001209_post_disaster.png,pinery-bushfire_00001209_post_disaster,0,0,tier3\masks\pinery-bushfire_00001209_post_disaster.png,0,0,2,405,00001209 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001209_pre_disaster.png,pinery-bushfire_00001209_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001209_pre_disaster.png,0,0,2,405,00001209 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001210_post_disaster.png,pinery-bushfire_00001210_post_disaster,0,0,tier3\masks\pinery-bushfire_00001210_post_disaster.png,0,0,0,0,00001210 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001210_pre_disaster.png,pinery-bushfire_00001210_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001210_pre_disaster.png,0,0,0,0,00001210 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001211_post_disaster.png,pinery-bushfire_00001211_post_disaster,0,0,tier3\masks\pinery-bushfire_00001211_post_disaster.png,0,0,0,0,00001211 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001211_pre_disaster.png,pinery-bushfire_00001211_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001211_pre_disaster.png,0,0,0,0,00001211 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001212_post_disaster.png,pinery-bushfire_00001212_post_disaster,0,0,tier3\masks\pinery-bushfire_00001212_post_disaster.png,0,0,0,0,00001212 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001212_pre_disaster.png,pinery-bushfire_00001212_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001212_pre_disaster.png,0,0,0,0,00001212 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001213_post_disaster.png,pinery-bushfire_00001213_post_disaster,0,0,tier3\masks\pinery-bushfire_00001213_post_disaster.png,0,0,0,0,00001213 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001213_pre_disaster.png,pinery-bushfire_00001213_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001213_pre_disaster.png,0,0,0,0,00001213 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001214_post_disaster.png,pinery-bushfire_00001214_post_disaster,0,0,tier3\masks\pinery-bushfire_00001214_post_disaster.png,0,0,0,0,00001214 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001214_pre_disaster.png,pinery-bushfire_00001214_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001214_pre_disaster.png,0,0,0,0,00001214 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001215_post_disaster.png,pinery-bushfire_00001215_post_disaster,0,0,tier3\masks\pinery-bushfire_00001215_post_disaster.png,0,0,0,0,00001215 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001215_pre_disaster.png,pinery-bushfire_00001215_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001215_pre_disaster.png,0,0,0,0,00001215 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001216_post_disaster.png,pinery-bushfire_00001216_post_disaster,0,0,tier3\masks\pinery-bushfire_00001216_post_disaster.png,0,0,0,0,00001216 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001216_pre_disaster.png,pinery-bushfire_00001216_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001216_pre_disaster.png,0,0,0,0,00001216 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001217_post_disaster.png,pinery-bushfire_00001217_post_disaster,0,0,tier3\masks\pinery-bushfire_00001217_post_disaster.png,0,0,0,0,00001217 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001217_pre_disaster.png,pinery-bushfire_00001217_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001217_pre_disaster.png,0,0,0,0,00001217 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001218_post_disaster.png,pinery-bushfire_00001218_post_disaster,0,0,tier3\masks\pinery-bushfire_00001218_post_disaster.png,0,0,0,0,00001218 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001218_pre_disaster.png,pinery-bushfire_00001218_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001218_pre_disaster.png,0,0,0,0,00001218 +2,8484,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001219_post_disaster.png,pinery-bushfire_00001219_post_disaster,0,0,tier3\masks\pinery-bushfire_00001219_post_disaster.png,0,0,3,4348,00001219 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001219_pre_disaster.png,pinery-bushfire_00001219_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001219_pre_disaster.png,0,0,5,12832,00001219 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001220_post_disaster.png,pinery-bushfire_00001220_post_disaster,0,0,tier3\masks\pinery-bushfire_00001220_post_disaster.png,0,0,0,0,00001220 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001220_pre_disaster.png,pinery-bushfire_00001220_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001220_pre_disaster.png,0,0,0,0,00001220 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001221_post_disaster.png,pinery-bushfire_00001221_post_disaster,0,0,tier3\masks\pinery-bushfire_00001221_post_disaster.png,0,0,0,0,00001221 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001221_pre_disaster.png,pinery-bushfire_00001221_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001221_pre_disaster.png,0,0,0,0,00001221 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001222_post_disaster.png,pinery-bushfire_00001222_post_disaster,0,0,tier3\masks\pinery-bushfire_00001222_post_disaster.png,0,0,0,0,00001222 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001222_pre_disaster.png,pinery-bushfire_00001222_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001222_pre_disaster.png,0,0,0,0,00001222 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001223_post_disaster.png,pinery-bushfire_00001223_post_disaster,0,0,tier3\masks\pinery-bushfire_00001223_post_disaster.png,0,0,0,0,00001223 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001223_pre_disaster.png,pinery-bushfire_00001223_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001223_pre_disaster.png,0,0,0,0,00001223 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001224_post_disaster.png,pinery-bushfire_00001224_post_disaster,0,0,tier3\masks\pinery-bushfire_00001224_post_disaster.png,0,0,0,0,00001224 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001224_pre_disaster.png,pinery-bushfire_00001224_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001224_pre_disaster.png,0,0,0,0,00001224 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001225_post_disaster.png,pinery-bushfire_00001225_post_disaster,0,0,tier3\masks\pinery-bushfire_00001225_post_disaster.png,0,0,13,11482,00001225 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001225_pre_disaster.png,pinery-bushfire_00001225_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001225_pre_disaster.png,0,0,13,11516,00001225 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001226_post_disaster.png,pinery-bushfire_00001226_post_disaster,0,0,tier3\masks\pinery-bushfire_00001226_post_disaster.png,0,0,0,0,00001226 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001226_pre_disaster.png,pinery-bushfire_00001226_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001226_pre_disaster.png,0,0,0,0,00001226 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001227_post_disaster.png,pinery-bushfire_00001227_post_disaster,0,0,tier3\masks\pinery-bushfire_00001227_post_disaster.png,0,0,0,0,00001227 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001227_pre_disaster.png,pinery-bushfire_00001227_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001227_pre_disaster.png,0,0,0,0,00001227 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001228_post_disaster.png,pinery-bushfire_00001228_post_disaster,0,0,tier3\masks\pinery-bushfire_00001228_post_disaster.png,0,0,0,0,00001228 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001228_pre_disaster.png,pinery-bushfire_00001228_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001228_pre_disaster.png,0,0,0,0,00001228 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001229_post_disaster.png,pinery-bushfire_00001229_post_disaster,0,0,tier3\masks\pinery-bushfire_00001229_post_disaster.png,0,0,1,198,00001229 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001229_pre_disaster.png,pinery-bushfire_00001229_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001229_pre_disaster.png,0,0,1,198,00001229 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001230_post_disaster.png,pinery-bushfire_00001230_post_disaster,0,0,tier3\masks\pinery-bushfire_00001230_post_disaster.png,0,0,0,0,00001230 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001230_pre_disaster.png,pinery-bushfire_00001230_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001230_pre_disaster.png,0,0,0,0,00001230 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001231_post_disaster.png,pinery-bushfire_00001231_post_disaster,0,0,tier3\masks\pinery-bushfire_00001231_post_disaster.png,0,0,0,0,00001231 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001231_pre_disaster.png,pinery-bushfire_00001231_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001231_pre_disaster.png,0,0,0,0,00001231 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001232_post_disaster.png,pinery-bushfire_00001232_post_disaster,0,0,tier3\masks\pinery-bushfire_00001232_post_disaster.png,0,0,0,0,00001232 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001232_pre_disaster.png,pinery-bushfire_00001232_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001232_pre_disaster.png,0,0,0,0,00001232 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001233_post_disaster.png,pinery-bushfire_00001233_post_disaster,0,0,tier3\masks\pinery-bushfire_00001233_post_disaster.png,0,0,0,0,00001233 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001233_pre_disaster.png,pinery-bushfire_00001233_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001233_pre_disaster.png,0,0,0,0,00001233 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001234_post_disaster.png,pinery-bushfire_00001234_post_disaster,0,0,tier3\masks\pinery-bushfire_00001234_post_disaster.png,0,0,0,0,00001234 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001234_pre_disaster.png,pinery-bushfire_00001234_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001234_pre_disaster.png,0,0,0,0,00001234 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001235_post_disaster.png,pinery-bushfire_00001235_post_disaster,0,0,tier3\masks\pinery-bushfire_00001235_post_disaster.png,0,0,0,0,00001235 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001235_pre_disaster.png,pinery-bushfire_00001235_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001235_pre_disaster.png,0,0,0,0,00001235 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001236_post_disaster.png,pinery-bushfire_00001236_post_disaster,0,0,tier3\masks\pinery-bushfire_00001236_post_disaster.png,0,0,0,0,00001236 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001236_pre_disaster.png,pinery-bushfire_00001236_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001236_pre_disaster.png,0,0,0,0,00001236 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001237_post_disaster.png,pinery-bushfire_00001237_post_disaster,0,0,tier3\masks\pinery-bushfire_00001237_post_disaster.png,0,0,0,0,00001237 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001237_pre_disaster.png,pinery-bushfire_00001237_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001237_pre_disaster.png,0,0,0,0,00001237 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001238_post_disaster.png,pinery-bushfire_00001238_post_disaster,0,0,tier3\masks\pinery-bushfire_00001238_post_disaster.png,0,0,0,0,00001238 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001238_pre_disaster.png,pinery-bushfire_00001238_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001238_pre_disaster.png,0,0,0,0,00001238 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001239_post_disaster.png,pinery-bushfire_00001239_post_disaster,0,0,tier3\masks\pinery-bushfire_00001239_post_disaster.png,0,0,0,0,00001239 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001239_pre_disaster.png,pinery-bushfire_00001239_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001239_pre_disaster.png,0,0,0,0,00001239 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001240_post_disaster.png,pinery-bushfire_00001240_post_disaster,0,0,tier3\masks\pinery-bushfire_00001240_post_disaster.png,0,0,0,0,00001240 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001240_pre_disaster.png,pinery-bushfire_00001240_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001240_pre_disaster.png,0,0,0,0,00001240 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001241_post_disaster.png,pinery-bushfire_00001241_post_disaster,0,0,tier3\masks\pinery-bushfire_00001241_post_disaster.png,0,0,0,0,00001241 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001241_pre_disaster.png,pinery-bushfire_00001241_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001241_pre_disaster.png,0,0,0,0,00001241 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001242_post_disaster.png,pinery-bushfire_00001242_post_disaster,0,0,tier3\masks\pinery-bushfire_00001242_post_disaster.png,0,0,0,0,00001242 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001242_pre_disaster.png,pinery-bushfire_00001242_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001242_pre_disaster.png,0,0,0,0,00001242 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001243_post_disaster.png,pinery-bushfire_00001243_post_disaster,0,0,tier3\masks\pinery-bushfire_00001243_post_disaster.png,0,0,0,0,00001243 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001243_pre_disaster.png,pinery-bushfire_00001243_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001243_pre_disaster.png,0,0,0,0,00001243 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001244_post_disaster.png,pinery-bushfire_00001244_post_disaster,0,0,tier3\masks\pinery-bushfire_00001244_post_disaster.png,0,0,0,0,00001244 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001244_pre_disaster.png,pinery-bushfire_00001244_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001244_pre_disaster.png,0,0,0,0,00001244 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001245_post_disaster.png,pinery-bushfire_00001245_post_disaster,0,0,tier3\masks\pinery-bushfire_00001245_post_disaster.png,0,0,0,0,00001245 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001245_pre_disaster.png,pinery-bushfire_00001245_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001245_pre_disaster.png,0,0,0,0,00001245 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001246_post_disaster.png,pinery-bushfire_00001246_post_disaster,0,0,tier3\masks\pinery-bushfire_00001246_post_disaster.png,0,0,0,0,00001246 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001246_pre_disaster.png,pinery-bushfire_00001246_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001246_pre_disaster.png,0,0,0,0,00001246 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001247_post_disaster.png,pinery-bushfire_00001247_post_disaster,0,0,tier3\masks\pinery-bushfire_00001247_post_disaster.png,0,0,0,0,00001247 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001247_pre_disaster.png,pinery-bushfire_00001247_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001247_pre_disaster.png,0,0,0,0,00001247 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001248_post_disaster.png,pinery-bushfire_00001248_post_disaster,0,0,tier3\masks\pinery-bushfire_00001248_post_disaster.png,0,0,6,2475,00001248 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001248_pre_disaster.png,pinery-bushfire_00001248_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001248_pre_disaster.png,0,0,6,2475,00001248 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001249_post_disaster.png,pinery-bushfire_00001249_post_disaster,0,0,tier3\masks\pinery-bushfire_00001249_post_disaster.png,0,0,0,0,00001249 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001249_pre_disaster.png,pinery-bushfire_00001249_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001249_pre_disaster.png,0,0,0,0,00001249 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001250_post_disaster.png,pinery-bushfire_00001250_post_disaster,0,0,tier3\masks\pinery-bushfire_00001250_post_disaster.png,0,0,0,0,00001250 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001250_pre_disaster.png,pinery-bushfire_00001250_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001250_pre_disaster.png,0,0,0,0,00001250 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001251_post_disaster.png,pinery-bushfire_00001251_post_disaster,0,0,tier3\masks\pinery-bushfire_00001251_post_disaster.png,0,0,0,0,00001251 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001251_pre_disaster.png,pinery-bushfire_00001251_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001251_pre_disaster.png,0,0,0,0,00001251 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001252_post_disaster.png,pinery-bushfire_00001252_post_disaster,0,0,tier3\masks\pinery-bushfire_00001252_post_disaster.png,0,0,0,0,00001252 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001252_pre_disaster.png,pinery-bushfire_00001252_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001252_pre_disaster.png,0,0,0,0,00001252 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001253_post_disaster.png,pinery-bushfire_00001253_post_disaster,0,0,tier3\masks\pinery-bushfire_00001253_post_disaster.png,0,0,0,0,00001253 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001253_pre_disaster.png,pinery-bushfire_00001253_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001253_pre_disaster.png,0,0,0,0,00001253 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001254_post_disaster.png,pinery-bushfire_00001254_post_disaster,0,0,tier3\masks\pinery-bushfire_00001254_post_disaster.png,0,0,0,0,00001254 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001254_pre_disaster.png,pinery-bushfire_00001254_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001254_pre_disaster.png,0,0,0,0,00001254 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001255_post_disaster.png,pinery-bushfire_00001255_post_disaster,0,0,tier3\masks\pinery-bushfire_00001255_post_disaster.png,0,0,0,0,00001255 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001255_pre_disaster.png,pinery-bushfire_00001255_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001255_pre_disaster.png,0,0,0,0,00001255 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001256_post_disaster.png,pinery-bushfire_00001256_post_disaster,0,0,tier3\masks\pinery-bushfire_00001256_post_disaster.png,0,0,5,18577,00001256 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001256_pre_disaster.png,pinery-bushfire_00001256_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001256_pre_disaster.png,0,0,5,18714,00001256 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001257_post_disaster.png,pinery-bushfire_00001257_post_disaster,0,0,tier3\masks\pinery-bushfire_00001257_post_disaster.png,0,0,0,0,00001257 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001257_pre_disaster.png,pinery-bushfire_00001257_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001257_pre_disaster.png,0,0,0,0,00001257 +1,447,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001258_post_disaster.png,pinery-bushfire_00001258_post_disaster,5,1655,tier3\masks\pinery-bushfire_00001258_post_disaster.png,0,0,10,3062,00001258 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001258_pre_disaster.png,pinery-bushfire_00001258_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001258_pre_disaster.png,0,0,16,5164,00001258 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001259_post_disaster.png,pinery-bushfire_00001259_post_disaster,0,0,tier3\masks\pinery-bushfire_00001259_post_disaster.png,0,0,0,0,00001259 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001259_pre_disaster.png,pinery-bushfire_00001259_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001259_pre_disaster.png,0,0,0,0,00001259 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001260_post_disaster.png,pinery-bushfire_00001260_post_disaster,0,0,tier3\masks\pinery-bushfire_00001260_post_disaster.png,0,0,2,2695,00001260 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001260_pre_disaster.png,pinery-bushfire_00001260_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001260_pre_disaster.png,0,0,2,2695,00001260 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001261_post_disaster.png,pinery-bushfire_00001261_post_disaster,0,0,tier3\masks\pinery-bushfire_00001261_post_disaster.png,0,0,0,0,00001261 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001261_pre_disaster.png,pinery-bushfire_00001261_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001261_pre_disaster.png,0,0,0,0,00001261 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001262_post_disaster.png,pinery-bushfire_00001262_post_disaster,0,0,tier3\masks\pinery-bushfire_00001262_post_disaster.png,0,0,0,0,00001262 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001262_pre_disaster.png,pinery-bushfire_00001262_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001262_pre_disaster.png,0,0,0,0,00001262 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001263_post_disaster.png,pinery-bushfire_00001263_post_disaster,0,0,tier3\masks\pinery-bushfire_00001263_post_disaster.png,0,0,0,0,00001263 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001263_pre_disaster.png,pinery-bushfire_00001263_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001263_pre_disaster.png,0,0,0,0,00001263 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001264_post_disaster.png,pinery-bushfire_00001264_post_disaster,0,0,tier3\masks\pinery-bushfire_00001264_post_disaster.png,0,0,0,0,00001264 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001264_pre_disaster.png,pinery-bushfire_00001264_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001264_pre_disaster.png,0,0,0,0,00001264 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001265_post_disaster.png,pinery-bushfire_00001265_post_disaster,0,0,tier3\masks\pinery-bushfire_00001265_post_disaster.png,0,0,0,0,00001265 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001265_pre_disaster.png,pinery-bushfire_00001265_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001265_pre_disaster.png,0,0,0,0,00001265 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001266_post_disaster.png,pinery-bushfire_00001266_post_disaster,0,0,tier3\masks\pinery-bushfire_00001266_post_disaster.png,0,0,0,0,00001266 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001266_pre_disaster.png,pinery-bushfire_00001266_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001266_pre_disaster.png,0,0,0,0,00001266 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001267_post_disaster.png,pinery-bushfire_00001267_post_disaster,0,0,tier3\masks\pinery-bushfire_00001267_post_disaster.png,0,0,0,0,00001267 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001267_pre_disaster.png,pinery-bushfire_00001267_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001267_pre_disaster.png,0,0,0,0,00001267 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001268_post_disaster.png,pinery-bushfire_00001268_post_disaster,0,0,tier3\masks\pinery-bushfire_00001268_post_disaster.png,0,0,0,0,00001268 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001268_pre_disaster.png,pinery-bushfire_00001268_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001268_pre_disaster.png,0,0,0,0,00001268 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001269_post_disaster.png,pinery-bushfire_00001269_post_disaster,0,0,tier3\masks\pinery-bushfire_00001269_post_disaster.png,0,0,0,0,00001269 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001269_pre_disaster.png,pinery-bushfire_00001269_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001269_pre_disaster.png,0,0,0,0,00001269 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001270_post_disaster.png,pinery-bushfire_00001270_post_disaster,0,0,tier3\masks\pinery-bushfire_00001270_post_disaster.png,0,0,0,0,00001270 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001270_pre_disaster.png,pinery-bushfire_00001270_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001270_pre_disaster.png,0,0,0,0,00001270 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001271_post_disaster.png,pinery-bushfire_00001271_post_disaster,0,0,tier3\masks\pinery-bushfire_00001271_post_disaster.png,0,0,6,7042,00001271 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001271_pre_disaster.png,pinery-bushfire_00001271_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001271_pre_disaster.png,0,0,6,7116,00001271 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001272_post_disaster.png,pinery-bushfire_00001272_post_disaster,0,0,tier3\masks\pinery-bushfire_00001272_post_disaster.png,0,0,0,0,00001272 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001272_pre_disaster.png,pinery-bushfire_00001272_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001272_pre_disaster.png,0,0,0,0,00001272 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001273_post_disaster.png,pinery-bushfire_00001273_post_disaster,0,0,tier3\masks\pinery-bushfire_00001273_post_disaster.png,0,0,0,0,00001273 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001273_pre_disaster.png,pinery-bushfire_00001273_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001273_pre_disaster.png,0,0,0,0,00001273 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001274_post_disaster.png,pinery-bushfire_00001274_post_disaster,0,0,tier3\masks\pinery-bushfire_00001274_post_disaster.png,0,0,0,0,00001274 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001274_pre_disaster.png,pinery-bushfire_00001274_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001274_pre_disaster.png,0,0,0,0,00001274 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001275_post_disaster.png,pinery-bushfire_00001275_post_disaster,0,0,tier3\masks\pinery-bushfire_00001275_post_disaster.png,0,0,0,0,00001275 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001275_pre_disaster.png,pinery-bushfire_00001275_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001275_pre_disaster.png,0,0,0,0,00001275 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001276_post_disaster.png,pinery-bushfire_00001276_post_disaster,0,0,tier3\masks\pinery-bushfire_00001276_post_disaster.png,0,0,0,0,00001276 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001276_pre_disaster.png,pinery-bushfire_00001276_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001276_pre_disaster.png,0,0,0,0,00001276 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001277_post_disaster.png,pinery-bushfire_00001277_post_disaster,0,0,tier3\masks\pinery-bushfire_00001277_post_disaster.png,0,0,0,0,00001277 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001277_pre_disaster.png,pinery-bushfire_00001277_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001277_pre_disaster.png,0,0,0,0,00001277 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001278_post_disaster.png,pinery-bushfire_00001278_post_disaster,0,0,tier3\masks\pinery-bushfire_00001278_post_disaster.png,0,0,0,0,00001278 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001278_pre_disaster.png,pinery-bushfire_00001278_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001278_pre_disaster.png,0,0,0,0,00001278 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001279_post_disaster.png,pinery-bushfire_00001279_post_disaster,0,0,tier3\masks\pinery-bushfire_00001279_post_disaster.png,0,0,0,0,00001279 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001279_pre_disaster.png,pinery-bushfire_00001279_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001279_pre_disaster.png,0,0,0,0,00001279 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001280_post_disaster.png,pinery-bushfire_00001280_post_disaster,0,0,tier3\masks\pinery-bushfire_00001280_post_disaster.png,0,0,0,0,00001280 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001280_pre_disaster.png,pinery-bushfire_00001280_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001280_pre_disaster.png,0,0,0,0,00001280 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001281_post_disaster.png,pinery-bushfire_00001281_post_disaster,0,0,tier3\masks\pinery-bushfire_00001281_post_disaster.png,0,0,0,0,00001281 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001281_pre_disaster.png,pinery-bushfire_00001281_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001281_pre_disaster.png,0,0,0,0,00001281 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001282_post_disaster.png,pinery-bushfire_00001282_post_disaster,0,0,tier3\masks\pinery-bushfire_00001282_post_disaster.png,0,0,10,7468,00001282 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001282_pre_disaster.png,pinery-bushfire_00001282_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001282_pre_disaster.png,0,0,10,7530,00001282 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001283_post_disaster.png,pinery-bushfire_00001283_post_disaster,0,0,tier3\masks\pinery-bushfire_00001283_post_disaster.png,0,0,0,0,00001283 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001283_pre_disaster.png,pinery-bushfire_00001283_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001283_pre_disaster.png,0,0,0,0,00001283 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001284_post_disaster.png,pinery-bushfire_00001284_post_disaster,0,0,tier3\masks\pinery-bushfire_00001284_post_disaster.png,0,0,0,0,00001284 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001284_pre_disaster.png,pinery-bushfire_00001284_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001284_pre_disaster.png,0,0,0,0,00001284 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001285_post_disaster.png,pinery-bushfire_00001285_post_disaster,0,0,tier3\masks\pinery-bushfire_00001285_post_disaster.png,0,0,0,0,00001285 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001285_pre_disaster.png,pinery-bushfire_00001285_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001285_pre_disaster.png,0,0,0,0,00001285 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001286_post_disaster.png,pinery-bushfire_00001286_post_disaster,0,0,tier3\masks\pinery-bushfire_00001286_post_disaster.png,0,0,2,2278,00001286 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001286_pre_disaster.png,pinery-bushfire_00001286_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001286_pre_disaster.png,0,0,2,2278,00001286 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001287_post_disaster.png,pinery-bushfire_00001287_post_disaster,0,0,tier3\masks\pinery-bushfire_00001287_post_disaster.png,0,0,0,0,00001287 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001287_pre_disaster.png,pinery-bushfire_00001287_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001287_pre_disaster.png,0,0,0,0,00001287 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001288_post_disaster.png,pinery-bushfire_00001288_post_disaster,0,0,tier3\masks\pinery-bushfire_00001288_post_disaster.png,0,0,0,0,00001288 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001288_pre_disaster.png,pinery-bushfire_00001288_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001288_pre_disaster.png,0,0,0,0,00001288 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001289_post_disaster.png,pinery-bushfire_00001289_post_disaster,0,0,tier3\masks\pinery-bushfire_00001289_post_disaster.png,0,0,6,6770,00001289 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001289_pre_disaster.png,pinery-bushfire_00001289_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001289_pre_disaster.png,0,0,6,6770,00001289 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001290_post_disaster.png,pinery-bushfire_00001290_post_disaster,0,0,tier3\masks\pinery-bushfire_00001290_post_disaster.png,0,0,4,2653,00001290 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001290_pre_disaster.png,pinery-bushfire_00001290_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001290_pre_disaster.png,0,0,4,2653,00001290 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001291_post_disaster.png,pinery-bushfire_00001291_post_disaster,0,0,tier3\masks\pinery-bushfire_00001291_post_disaster.png,0,0,0,0,00001291 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001291_pre_disaster.png,pinery-bushfire_00001291_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001291_pre_disaster.png,0,0,0,0,00001291 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001292_post_disaster.png,pinery-bushfire_00001292_post_disaster,0,0,tier3\masks\pinery-bushfire_00001292_post_disaster.png,0,0,0,0,00001292 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001292_pre_disaster.png,pinery-bushfire_00001292_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001292_pre_disaster.png,0,0,0,0,00001292 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001293_post_disaster.png,pinery-bushfire_00001293_post_disaster,0,0,tier3\masks\pinery-bushfire_00001293_post_disaster.png,0,0,0,0,00001293 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001293_pre_disaster.png,pinery-bushfire_00001293_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001293_pre_disaster.png,0,0,0,0,00001293 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001294_post_disaster.png,pinery-bushfire_00001294_post_disaster,0,0,tier3\masks\pinery-bushfire_00001294_post_disaster.png,0,0,0,0,00001294 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001294_pre_disaster.png,pinery-bushfire_00001294_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001294_pre_disaster.png,0,0,0,0,00001294 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001295_post_disaster.png,pinery-bushfire_00001295_post_disaster,0,0,tier3\masks\pinery-bushfire_00001295_post_disaster.png,0,0,0,0,00001295 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001295_pre_disaster.png,pinery-bushfire_00001295_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001295_pre_disaster.png,0,0,0,0,00001295 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001296_post_disaster.png,pinery-bushfire_00001296_post_disaster,0,0,tier3\masks\pinery-bushfire_00001296_post_disaster.png,0,0,0,0,00001296 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001296_pre_disaster.png,pinery-bushfire_00001296_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001296_pre_disaster.png,0,0,0,0,00001296 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001297_post_disaster.png,pinery-bushfire_00001297_post_disaster,0,0,tier3\masks\pinery-bushfire_00001297_post_disaster.png,0,0,0,0,00001297 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001297_pre_disaster.png,pinery-bushfire_00001297_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001297_pre_disaster.png,0,0,0,0,00001297 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001298_post_disaster.png,pinery-bushfire_00001298_post_disaster,0,0,tier3\masks\pinery-bushfire_00001298_post_disaster.png,0,0,1,131,00001298 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001298_pre_disaster.png,pinery-bushfire_00001298_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001298_pre_disaster.png,0,0,1,131,00001298 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001299_post_disaster.png,pinery-bushfire_00001299_post_disaster,0,0,tier3\masks\pinery-bushfire_00001299_post_disaster.png,0,0,0,0,00001299 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001299_pre_disaster.png,pinery-bushfire_00001299_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001299_pre_disaster.png,0,0,0,0,00001299 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001300_post_disaster.png,pinery-bushfire_00001300_post_disaster,0,0,tier3\masks\pinery-bushfire_00001300_post_disaster.png,0,0,0,0,00001300 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001300_pre_disaster.png,pinery-bushfire_00001300_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001300_pre_disaster.png,0,0,0,0,00001300 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001301_post_disaster.png,pinery-bushfire_00001301_post_disaster,0,0,tier3\masks\pinery-bushfire_00001301_post_disaster.png,0,0,0,0,00001301 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001301_pre_disaster.png,pinery-bushfire_00001301_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001301_pre_disaster.png,0,0,0,0,00001301 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001302_post_disaster.png,pinery-bushfire_00001302_post_disaster,0,0,tier3\masks\pinery-bushfire_00001302_post_disaster.png,0,0,6,1730,00001302 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001302_pre_disaster.png,pinery-bushfire_00001302_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001302_pre_disaster.png,0,0,6,1730,00001302 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001303_post_disaster.png,pinery-bushfire_00001303_post_disaster,0,0,tier3\masks\pinery-bushfire_00001303_post_disaster.png,0,0,5,911,00001303 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001303_pre_disaster.png,pinery-bushfire_00001303_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001303_pre_disaster.png,0,0,5,938,00001303 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001304_post_disaster.png,pinery-bushfire_00001304_post_disaster,0,0,tier3\masks\pinery-bushfire_00001304_post_disaster.png,0,0,0,0,00001304 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001304_pre_disaster.png,pinery-bushfire_00001304_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001304_pre_disaster.png,0,0,0,0,00001304 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001305_post_disaster.png,pinery-bushfire_00001305_post_disaster,0,0,tier3\masks\pinery-bushfire_00001305_post_disaster.png,0,0,0,0,00001305 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001305_pre_disaster.png,pinery-bushfire_00001305_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001305_pre_disaster.png,0,0,0,0,00001305 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001306_post_disaster.png,pinery-bushfire_00001306_post_disaster,0,0,tier3\masks\pinery-bushfire_00001306_post_disaster.png,0,0,0,0,00001306 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001306_pre_disaster.png,pinery-bushfire_00001306_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001306_pre_disaster.png,0,0,0,0,00001306 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001307_post_disaster.png,pinery-bushfire_00001307_post_disaster,0,0,tier3\masks\pinery-bushfire_00001307_post_disaster.png,0,0,0,0,00001307 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001307_pre_disaster.png,pinery-bushfire_00001307_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001307_pre_disaster.png,0,0,0,0,00001307 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001308_post_disaster.png,pinery-bushfire_00001308_post_disaster,0,0,tier3\masks\pinery-bushfire_00001308_post_disaster.png,0,0,0,0,00001308 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001308_pre_disaster.png,pinery-bushfire_00001308_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001308_pre_disaster.png,0,0,0,0,00001308 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001309_post_disaster.png,pinery-bushfire_00001309_post_disaster,0,0,tier3\masks\pinery-bushfire_00001309_post_disaster.png,0,0,0,0,00001309 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001309_pre_disaster.png,pinery-bushfire_00001309_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001309_pre_disaster.png,0,0,0,0,00001309 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001310_post_disaster.png,pinery-bushfire_00001310_post_disaster,0,0,tier3\masks\pinery-bushfire_00001310_post_disaster.png,0,0,0,0,00001310 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001310_pre_disaster.png,pinery-bushfire_00001310_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001310_pre_disaster.png,0,0,0,0,00001310 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001311_post_disaster.png,pinery-bushfire_00001311_post_disaster,0,0,tier3\masks\pinery-bushfire_00001311_post_disaster.png,0,0,0,0,00001311 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001311_pre_disaster.png,pinery-bushfire_00001311_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001311_pre_disaster.png,0,0,0,0,00001311 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001312_post_disaster.png,pinery-bushfire_00001312_post_disaster,0,0,tier3\masks\pinery-bushfire_00001312_post_disaster.png,0,0,0,0,00001312 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001312_pre_disaster.png,pinery-bushfire_00001312_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001312_pre_disaster.png,0,0,0,0,00001312 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001313_post_disaster.png,pinery-bushfire_00001313_post_disaster,0,0,tier3\masks\pinery-bushfire_00001313_post_disaster.png,0,0,0,0,00001313 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001313_pre_disaster.png,pinery-bushfire_00001313_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001313_pre_disaster.png,0,0,0,0,00001313 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001314_post_disaster.png,pinery-bushfire_00001314_post_disaster,0,0,tier3\masks\pinery-bushfire_00001314_post_disaster.png,0,0,0,0,00001314 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001314_pre_disaster.png,pinery-bushfire_00001314_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001314_pre_disaster.png,0,0,0,0,00001314 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001315_post_disaster.png,pinery-bushfire_00001315_post_disaster,0,0,tier3\masks\pinery-bushfire_00001315_post_disaster.png,0,0,3,1888,00001315 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001315_pre_disaster.png,pinery-bushfire_00001315_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001315_pre_disaster.png,0,0,3,1888,00001315 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001316_post_disaster.png,pinery-bushfire_00001316_post_disaster,0,0,tier3\masks\pinery-bushfire_00001316_post_disaster.png,0,0,12,8647,00001316 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001316_pre_disaster.png,pinery-bushfire_00001316_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001316_pre_disaster.png,0,0,12,8647,00001316 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001317_post_disaster.png,pinery-bushfire_00001317_post_disaster,0,0,tier3\masks\pinery-bushfire_00001317_post_disaster.png,0,0,0,0,00001317 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001317_pre_disaster.png,pinery-bushfire_00001317_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001317_pre_disaster.png,0,0,0,0,00001317 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001318_post_disaster.png,pinery-bushfire_00001318_post_disaster,0,0,tier3\masks\pinery-bushfire_00001318_post_disaster.png,1,288,8,5725,00001318 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001318_pre_disaster.png,pinery-bushfire_00001318_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001318_pre_disaster.png,0,0,8,6013,00001318 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001319_post_disaster.png,pinery-bushfire_00001319_post_disaster,2,833,tier3\masks\pinery-bushfire_00001319_post_disaster.png,1,1122,3,1079,00001319 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001319_pre_disaster.png,pinery-bushfire_00001319_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001319_pre_disaster.png,0,0,6,3034,00001319 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001320_post_disaster.png,pinery-bushfire_00001320_post_disaster,0,0,tier3\masks\pinery-bushfire_00001320_post_disaster.png,0,0,0,0,00001320 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001320_pre_disaster.png,pinery-bushfire_00001320_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001320_pre_disaster.png,0,0,0,0,00001320 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001321_post_disaster.png,pinery-bushfire_00001321_post_disaster,0,0,tier3\masks\pinery-bushfire_00001321_post_disaster.png,0,0,0,0,00001321 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001321_pre_disaster.png,pinery-bushfire_00001321_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001321_pre_disaster.png,0,0,0,0,00001321 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001322_post_disaster.png,pinery-bushfire_00001322_post_disaster,0,0,tier3\masks\pinery-bushfire_00001322_post_disaster.png,0,0,0,0,00001322 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001322_pre_disaster.png,pinery-bushfire_00001322_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001322_pre_disaster.png,0,0,0,0,00001322 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001323_post_disaster.png,pinery-bushfire_00001323_post_disaster,0,0,tier3\masks\pinery-bushfire_00001323_post_disaster.png,0,0,0,0,00001323 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001323_pre_disaster.png,pinery-bushfire_00001323_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001323_pre_disaster.png,0,0,0,0,00001323 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001324_post_disaster.png,pinery-bushfire_00001324_post_disaster,0,0,tier3\masks\pinery-bushfire_00001324_post_disaster.png,0,0,0,0,00001324 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001324_pre_disaster.png,pinery-bushfire_00001324_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001324_pre_disaster.png,0,0,0,0,00001324 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001325_post_disaster.png,pinery-bushfire_00001325_post_disaster,0,0,tier3\masks\pinery-bushfire_00001325_post_disaster.png,0,0,0,0,00001325 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001325_pre_disaster.png,pinery-bushfire_00001325_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001325_pre_disaster.png,0,0,0,0,00001325 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001326_post_disaster.png,pinery-bushfire_00001326_post_disaster,0,0,tier3\masks\pinery-bushfire_00001326_post_disaster.png,0,0,2,1442,00001326 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001326_pre_disaster.png,pinery-bushfire_00001326_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001326_pre_disaster.png,0,0,2,1476,00001326 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001327_post_disaster.png,pinery-bushfire_00001327_post_disaster,0,0,tier3\masks\pinery-bushfire_00001327_post_disaster.png,0,0,6,3688,00001327 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001327_pre_disaster.png,pinery-bushfire_00001327_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001327_pre_disaster.png,0,0,6,3688,00001327 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001328_post_disaster.png,pinery-bushfire_00001328_post_disaster,0,0,tier3\masks\pinery-bushfire_00001328_post_disaster.png,0,0,0,0,00001328 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001328_pre_disaster.png,pinery-bushfire_00001328_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001328_pre_disaster.png,0,0,0,0,00001328 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001329_post_disaster.png,pinery-bushfire_00001329_post_disaster,0,0,tier3\masks\pinery-bushfire_00001329_post_disaster.png,0,0,4,379,00001329 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001329_pre_disaster.png,pinery-bushfire_00001329_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001329_pre_disaster.png,0,0,4,379,00001329 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001330_post_disaster.png,pinery-bushfire_00001330_post_disaster,0,0,tier3\masks\pinery-bushfire_00001330_post_disaster.png,0,0,0,0,00001330 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001330_pre_disaster.png,pinery-bushfire_00001330_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001330_pre_disaster.png,0,0,0,0,00001330 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001331_post_disaster.png,pinery-bushfire_00001331_post_disaster,0,0,tier3\masks\pinery-bushfire_00001331_post_disaster.png,0,0,31,20165,00001331 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001331_pre_disaster.png,pinery-bushfire_00001331_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001331_pre_disaster.png,0,0,31,20165,00001331 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001332_post_disaster.png,pinery-bushfire_00001332_post_disaster,0,0,tier3\masks\pinery-bushfire_00001332_post_disaster.png,0,0,0,0,00001332 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001332_pre_disaster.png,pinery-bushfire_00001332_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001332_pre_disaster.png,0,0,0,0,00001332 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001333_post_disaster.png,pinery-bushfire_00001333_post_disaster,0,0,tier3\masks\pinery-bushfire_00001333_post_disaster.png,0,0,0,0,00001333 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001333_pre_disaster.png,pinery-bushfire_00001333_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001333_pre_disaster.png,0,0,0,0,00001333 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001334_post_disaster.png,pinery-bushfire_00001334_post_disaster,0,0,tier3\masks\pinery-bushfire_00001334_post_disaster.png,0,0,5,6501,00001334 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001334_pre_disaster.png,pinery-bushfire_00001334_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001334_pre_disaster.png,0,0,5,6501,00001334 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001335_post_disaster.png,pinery-bushfire_00001335_post_disaster,0,0,tier3\masks\pinery-bushfire_00001335_post_disaster.png,0,0,0,0,00001335 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001335_pre_disaster.png,pinery-bushfire_00001335_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001335_pre_disaster.png,0,0,0,0,00001335 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001336_post_disaster.png,pinery-bushfire_00001336_post_disaster,0,0,tier3\masks\pinery-bushfire_00001336_post_disaster.png,0,0,0,0,00001336 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001336_pre_disaster.png,pinery-bushfire_00001336_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001336_pre_disaster.png,0,0,0,0,00001336 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001337_post_disaster.png,pinery-bushfire_00001337_post_disaster,1,279,tier3\masks\pinery-bushfire_00001337_post_disaster.png,0,0,14,6733,00001337 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001337_pre_disaster.png,pinery-bushfire_00001337_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001337_pre_disaster.png,0,0,14,7012,00001337 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001338_post_disaster.png,pinery-bushfire_00001338_post_disaster,0,0,tier3\masks\pinery-bushfire_00001338_post_disaster.png,0,0,0,0,00001338 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001338_pre_disaster.png,pinery-bushfire_00001338_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001338_pre_disaster.png,0,0,0,0,00001338 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001339_post_disaster.png,pinery-bushfire_00001339_post_disaster,0,0,tier3\masks\pinery-bushfire_00001339_post_disaster.png,0,0,0,0,00001339 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001339_pre_disaster.png,pinery-bushfire_00001339_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001339_pre_disaster.png,0,0,0,0,00001339 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001340_post_disaster.png,pinery-bushfire_00001340_post_disaster,0,0,tier3\masks\pinery-bushfire_00001340_post_disaster.png,0,0,0,0,00001340 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001340_pre_disaster.png,pinery-bushfire_00001340_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001340_pre_disaster.png,0,0,0,0,00001340 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001341_post_disaster.png,pinery-bushfire_00001341_post_disaster,0,0,tier3\masks\pinery-bushfire_00001341_post_disaster.png,0,0,0,0,00001341 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001341_pre_disaster.png,pinery-bushfire_00001341_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001341_pre_disaster.png,0,0,0,0,00001341 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001342_post_disaster.png,pinery-bushfire_00001342_post_disaster,0,0,tier3\masks\pinery-bushfire_00001342_post_disaster.png,0,0,0,0,00001342 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001342_pre_disaster.png,pinery-bushfire_00001342_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001342_pre_disaster.png,0,0,0,0,00001342 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001343_post_disaster.png,pinery-bushfire_00001343_post_disaster,0,0,tier3\masks\pinery-bushfire_00001343_post_disaster.png,0,0,0,0,00001343 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001343_pre_disaster.png,pinery-bushfire_00001343_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001343_pre_disaster.png,0,0,0,0,00001343 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001344_post_disaster.png,pinery-bushfire_00001344_post_disaster,0,0,tier3\masks\pinery-bushfire_00001344_post_disaster.png,0,0,0,0,00001344 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001344_pre_disaster.png,pinery-bushfire_00001344_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001344_pre_disaster.png,0,0,0,0,00001344 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001345_post_disaster.png,pinery-bushfire_00001345_post_disaster,0,0,tier3\masks\pinery-bushfire_00001345_post_disaster.png,0,0,0,0,00001345 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001345_pre_disaster.png,pinery-bushfire_00001345_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001345_pre_disaster.png,0,0,0,0,00001345 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001346_post_disaster.png,pinery-bushfire_00001346_post_disaster,0,0,tier3\masks\pinery-bushfire_00001346_post_disaster.png,0,0,0,0,00001346 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001346_pre_disaster.png,pinery-bushfire_00001346_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001346_pre_disaster.png,0,0,0,0,00001346 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001347_post_disaster.png,pinery-bushfire_00001347_post_disaster,0,0,tier3\masks\pinery-bushfire_00001347_post_disaster.png,0,0,1,1977,00001347 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001347_pre_disaster.png,pinery-bushfire_00001347_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001347_pre_disaster.png,0,0,1,1977,00001347 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001348_post_disaster.png,pinery-bushfire_00001348_post_disaster,0,0,tier3\masks\pinery-bushfire_00001348_post_disaster.png,0,0,0,0,00001348 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001348_pre_disaster.png,pinery-bushfire_00001348_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001348_pre_disaster.png,0,0,0,0,00001348 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001349_post_disaster.png,pinery-bushfire_00001349_post_disaster,0,0,tier3\masks\pinery-bushfire_00001349_post_disaster.png,0,0,0,0,00001349 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001349_pre_disaster.png,pinery-bushfire_00001349_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001349_pre_disaster.png,0,0,0,0,00001349 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001350_post_disaster.png,pinery-bushfire_00001350_post_disaster,0,0,tier3\masks\pinery-bushfire_00001350_post_disaster.png,0,0,0,0,00001350 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001350_pre_disaster.png,pinery-bushfire_00001350_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001350_pre_disaster.png,0,0,0,0,00001350 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001351_post_disaster.png,pinery-bushfire_00001351_post_disaster,0,0,tier3\masks\pinery-bushfire_00001351_post_disaster.png,0,0,4,8117,00001351 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001351_pre_disaster.png,pinery-bushfire_00001351_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001351_pre_disaster.png,0,0,4,8117,00001351 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001352_post_disaster.png,pinery-bushfire_00001352_post_disaster,0,0,tier3\masks\pinery-bushfire_00001352_post_disaster.png,0,0,0,0,00001352 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001352_pre_disaster.png,pinery-bushfire_00001352_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001352_pre_disaster.png,0,0,0,0,00001352 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001353_post_disaster.png,pinery-bushfire_00001353_post_disaster,0,0,tier3\masks\pinery-bushfire_00001353_post_disaster.png,0,0,0,0,00001353 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001353_pre_disaster.png,pinery-bushfire_00001353_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001353_pre_disaster.png,0,0,0,0,00001353 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001354_post_disaster.png,pinery-bushfire_00001354_post_disaster,0,0,tier3\masks\pinery-bushfire_00001354_post_disaster.png,0,0,0,0,00001354 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001354_pre_disaster.png,pinery-bushfire_00001354_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001354_pre_disaster.png,0,0,0,0,00001354 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001355_post_disaster.png,pinery-bushfire_00001355_post_disaster,0,0,tier3\masks\pinery-bushfire_00001355_post_disaster.png,0,0,0,0,00001355 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001355_pre_disaster.png,pinery-bushfire_00001355_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001355_pre_disaster.png,0,0,0,0,00001355 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001356_post_disaster.png,pinery-bushfire_00001356_post_disaster,0,0,tier3\masks\pinery-bushfire_00001356_post_disaster.png,0,0,0,0,00001356 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001356_pre_disaster.png,pinery-bushfire_00001356_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001356_pre_disaster.png,0,0,0,0,00001356 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001357_post_disaster.png,pinery-bushfire_00001357_post_disaster,0,0,tier3\masks\pinery-bushfire_00001357_post_disaster.png,0,0,0,0,00001357 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001357_pre_disaster.png,pinery-bushfire_00001357_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001357_pre_disaster.png,0,0,0,0,00001357 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001358_post_disaster.png,pinery-bushfire_00001358_post_disaster,0,0,tier3\masks\pinery-bushfire_00001358_post_disaster.png,0,0,0,0,00001358 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001358_pre_disaster.png,pinery-bushfire_00001358_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001358_pre_disaster.png,0,0,0,0,00001358 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001359_post_disaster.png,pinery-bushfire_00001359_post_disaster,0,0,tier3\masks\pinery-bushfire_00001359_post_disaster.png,0,0,4,2033,00001359 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001359_pre_disaster.png,pinery-bushfire_00001359_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001359_pre_disaster.png,0,0,4,2033,00001359 +1,75,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001360_post_disaster.png,pinery-bushfire_00001360_post_disaster,0,0,tier3\masks\pinery-bushfire_00001360_post_disaster.png,0,0,11,4225,00001360 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001360_pre_disaster.png,pinery-bushfire_00001360_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001360_pre_disaster.png,0,0,12,4337,00001360 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001361_post_disaster.png,pinery-bushfire_00001361_post_disaster,0,0,tier3\masks\pinery-bushfire_00001361_post_disaster.png,0,0,0,0,00001361 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001361_pre_disaster.png,pinery-bushfire_00001361_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001361_pre_disaster.png,0,0,0,0,00001361 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001362_post_disaster.png,pinery-bushfire_00001362_post_disaster,0,0,tier3\masks\pinery-bushfire_00001362_post_disaster.png,0,0,0,0,00001362 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001362_pre_disaster.png,pinery-bushfire_00001362_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001362_pre_disaster.png,0,0,0,0,00001362 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001363_post_disaster.png,pinery-bushfire_00001363_post_disaster,0,0,tier3\masks\pinery-bushfire_00001363_post_disaster.png,0,0,0,0,00001363 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001363_pre_disaster.png,pinery-bushfire_00001363_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001363_pre_disaster.png,0,0,0,0,00001363 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001364_post_disaster.png,pinery-bushfire_00001364_post_disaster,0,0,tier3\masks\pinery-bushfire_00001364_post_disaster.png,0,0,18,8415,00001364 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001364_pre_disaster.png,pinery-bushfire_00001364_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001364_pre_disaster.png,0,0,18,8477,00001364 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001365_post_disaster.png,pinery-bushfire_00001365_post_disaster,0,0,tier3\masks\pinery-bushfire_00001365_post_disaster.png,0,0,0,0,00001365 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001365_pre_disaster.png,pinery-bushfire_00001365_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001365_pre_disaster.png,0,0,0,0,00001365 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001366_post_disaster.png,pinery-bushfire_00001366_post_disaster,0,0,tier3\masks\pinery-bushfire_00001366_post_disaster.png,0,0,2,915,00001366 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001366_pre_disaster.png,pinery-bushfire_00001366_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001366_pre_disaster.png,0,0,2,915,00001366 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001367_post_disaster.png,pinery-bushfire_00001367_post_disaster,0,0,tier3\masks\pinery-bushfire_00001367_post_disaster.png,0,0,17,13432,00001367 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001367_pre_disaster.png,pinery-bushfire_00001367_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001367_pre_disaster.png,0,0,17,13493,00001367 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001368_post_disaster.png,pinery-bushfire_00001368_post_disaster,0,0,tier3\masks\pinery-bushfire_00001368_post_disaster.png,0,0,0,0,00001368 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001368_pre_disaster.png,pinery-bushfire_00001368_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001368_pre_disaster.png,0,0,0,0,00001368 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001369_post_disaster.png,pinery-bushfire_00001369_post_disaster,0,0,tier3\masks\pinery-bushfire_00001369_post_disaster.png,0,0,0,0,00001369 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001369_pre_disaster.png,pinery-bushfire_00001369_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001369_pre_disaster.png,0,0,0,0,00001369 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001370_post_disaster.png,pinery-bushfire_00001370_post_disaster,0,0,tier3\masks\pinery-bushfire_00001370_post_disaster.png,0,0,0,0,00001370 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001370_pre_disaster.png,pinery-bushfire_00001370_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001370_pre_disaster.png,0,0,0,0,00001370 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001371_post_disaster.png,pinery-bushfire_00001371_post_disaster,0,0,tier3\masks\pinery-bushfire_00001371_post_disaster.png,0,0,0,0,00001371 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001371_pre_disaster.png,pinery-bushfire_00001371_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001371_pre_disaster.png,0,0,0,0,00001371 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001372_post_disaster.png,pinery-bushfire_00001372_post_disaster,0,0,tier3\masks\pinery-bushfire_00001372_post_disaster.png,0,0,0,0,00001372 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001372_pre_disaster.png,pinery-bushfire_00001372_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001372_pre_disaster.png,0,0,0,0,00001372 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001373_post_disaster.png,pinery-bushfire_00001373_post_disaster,0,0,tier3\masks\pinery-bushfire_00001373_post_disaster.png,0,0,2,2579,00001373 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001373_pre_disaster.png,pinery-bushfire_00001373_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001373_pre_disaster.png,0,0,2,2579,00001373 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001374_post_disaster.png,pinery-bushfire_00001374_post_disaster,0,0,tier3\masks\pinery-bushfire_00001374_post_disaster.png,0,0,2,3615,00001374 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001374_pre_disaster.png,pinery-bushfire_00001374_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001374_pre_disaster.png,0,0,2,3615,00001374 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001375_post_disaster.png,pinery-bushfire_00001375_post_disaster,0,0,tier3\masks\pinery-bushfire_00001375_post_disaster.png,0,0,0,0,00001375 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001375_pre_disaster.png,pinery-bushfire_00001375_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001375_pre_disaster.png,0,0,0,0,00001375 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001376_post_disaster.png,pinery-bushfire_00001376_post_disaster,0,0,tier3\masks\pinery-bushfire_00001376_post_disaster.png,0,0,0,0,00001376 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001376_pre_disaster.png,pinery-bushfire_00001376_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001376_pre_disaster.png,0,0,0,0,00001376 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001377_post_disaster.png,pinery-bushfire_00001377_post_disaster,0,0,tier3\masks\pinery-bushfire_00001377_post_disaster.png,0,0,0,0,00001377 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001377_pre_disaster.png,pinery-bushfire_00001377_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001377_pre_disaster.png,0,0,0,0,00001377 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001378_post_disaster.png,pinery-bushfire_00001378_post_disaster,0,0,tier3\masks\pinery-bushfire_00001378_post_disaster.png,0,0,0,0,00001378 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001378_pre_disaster.png,pinery-bushfire_00001378_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001378_pre_disaster.png,0,0,0,0,00001378 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001379_post_disaster.png,pinery-bushfire_00001379_post_disaster,0,0,tier3\masks\pinery-bushfire_00001379_post_disaster.png,0,0,18,10158,00001379 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001379_pre_disaster.png,pinery-bushfire_00001379_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001379_pre_disaster.png,0,0,18,10159,00001379 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001380_post_disaster.png,pinery-bushfire_00001380_post_disaster,1,419,tier3\masks\pinery-bushfire_00001380_post_disaster.png,0,0,0,0,00001380 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001380_pre_disaster.png,pinery-bushfire_00001380_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001380_pre_disaster.png,0,0,1,419,00001380 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001381_post_disaster.png,pinery-bushfire_00001381_post_disaster,0,0,tier3\masks\pinery-bushfire_00001381_post_disaster.png,0,0,0,0,00001381 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001381_pre_disaster.png,pinery-bushfire_00001381_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001381_pre_disaster.png,0,0,0,0,00001381 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001382_post_disaster.png,pinery-bushfire_00001382_post_disaster,0,0,tier3\masks\pinery-bushfire_00001382_post_disaster.png,0,0,0,0,00001382 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001382_pre_disaster.png,pinery-bushfire_00001382_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001382_pre_disaster.png,0,0,0,0,00001382 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001383_post_disaster.png,pinery-bushfire_00001383_post_disaster,0,0,tier3\masks\pinery-bushfire_00001383_post_disaster.png,0,0,0,0,00001383 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001383_pre_disaster.png,pinery-bushfire_00001383_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001383_pre_disaster.png,0,0,0,0,00001383 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001384_post_disaster.png,pinery-bushfire_00001384_post_disaster,0,0,tier3\masks\pinery-bushfire_00001384_post_disaster.png,0,0,1,35,00001384 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001384_pre_disaster.png,pinery-bushfire_00001384_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001384_pre_disaster.png,0,0,1,35,00001384 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001385_post_disaster.png,pinery-bushfire_00001385_post_disaster,0,0,tier3\masks\pinery-bushfire_00001385_post_disaster.png,0,0,0,0,00001385 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001385_pre_disaster.png,pinery-bushfire_00001385_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001385_pre_disaster.png,0,0,0,0,00001385 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001386_post_disaster.png,pinery-bushfire_00001386_post_disaster,0,0,tier3\masks\pinery-bushfire_00001386_post_disaster.png,0,0,1,99,00001386 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001386_pre_disaster.png,pinery-bushfire_00001386_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001386_pre_disaster.png,0,0,1,99,00001386 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001387_post_disaster.png,pinery-bushfire_00001387_post_disaster,0,0,tier3\masks\pinery-bushfire_00001387_post_disaster.png,0,0,0,0,00001387 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001387_pre_disaster.png,pinery-bushfire_00001387_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001387_pre_disaster.png,0,0,0,0,00001387 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001388_post_disaster.png,pinery-bushfire_00001388_post_disaster,0,0,tier3\masks\pinery-bushfire_00001388_post_disaster.png,0,0,0,0,00001388 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001388_pre_disaster.png,pinery-bushfire_00001388_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001388_pre_disaster.png,0,0,0,0,00001388 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001389_post_disaster.png,pinery-bushfire_00001389_post_disaster,0,0,tier3\masks\pinery-bushfire_00001389_post_disaster.png,0,0,4,764,00001389 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001389_pre_disaster.png,pinery-bushfire_00001389_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001389_pre_disaster.png,0,0,4,764,00001389 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001390_post_disaster.png,pinery-bushfire_00001390_post_disaster,0,0,tier3\masks\pinery-bushfire_00001390_post_disaster.png,0,0,0,0,00001390 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001390_pre_disaster.png,pinery-bushfire_00001390_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001390_pre_disaster.png,0,0,0,0,00001390 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001391_post_disaster.png,pinery-bushfire_00001391_post_disaster,0,0,tier3\masks\pinery-bushfire_00001391_post_disaster.png,0,0,0,0,00001391 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001391_pre_disaster.png,pinery-bushfire_00001391_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001391_pre_disaster.png,0,0,0,0,00001391 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001392_post_disaster.png,pinery-bushfire_00001392_post_disaster,0,0,tier3\masks\pinery-bushfire_00001392_post_disaster.png,0,0,0,0,00001392 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001392_pre_disaster.png,pinery-bushfire_00001392_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001392_pre_disaster.png,0,0,0,0,00001392 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001393_post_disaster.png,pinery-bushfire_00001393_post_disaster,0,0,tier3\masks\pinery-bushfire_00001393_post_disaster.png,0,0,0,0,00001393 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001393_pre_disaster.png,pinery-bushfire_00001393_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001393_pre_disaster.png,0,0,0,0,00001393 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001394_post_disaster.png,pinery-bushfire_00001394_post_disaster,0,0,tier3\masks\pinery-bushfire_00001394_post_disaster.png,0,0,0,0,00001394 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001394_pre_disaster.png,pinery-bushfire_00001394_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001394_pre_disaster.png,0,0,0,0,00001394 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001395_post_disaster.png,pinery-bushfire_00001395_post_disaster,0,0,tier3\masks\pinery-bushfire_00001395_post_disaster.png,0,0,0,0,00001395 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001395_pre_disaster.png,pinery-bushfire_00001395_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001395_pre_disaster.png,0,0,0,0,00001395 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001396_post_disaster.png,pinery-bushfire_00001396_post_disaster,0,0,tier3\masks\pinery-bushfire_00001396_post_disaster.png,0,0,12,7240,00001396 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001396_pre_disaster.png,pinery-bushfire_00001396_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001396_pre_disaster.png,0,0,12,7282,00001396 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001397_post_disaster.png,pinery-bushfire_00001397_post_disaster,0,0,tier3\masks\pinery-bushfire_00001397_post_disaster.png,0,0,0,0,00001397 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001397_pre_disaster.png,pinery-bushfire_00001397_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001397_pre_disaster.png,0,0,0,0,00001397 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001398_post_disaster.png,pinery-bushfire_00001398_post_disaster,0,0,tier3\masks\pinery-bushfire_00001398_post_disaster.png,0,0,0,0,00001398 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001398_pre_disaster.png,pinery-bushfire_00001398_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001398_pre_disaster.png,0,0,0,0,00001398 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001399_post_disaster.png,pinery-bushfire_00001399_post_disaster,0,0,tier3\masks\pinery-bushfire_00001399_post_disaster.png,0,0,0,0,00001399 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001399_pre_disaster.png,pinery-bushfire_00001399_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001399_pre_disaster.png,0,0,0,0,00001399 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001400_post_disaster.png,pinery-bushfire_00001400_post_disaster,1,401,tier3\masks\pinery-bushfire_00001400_post_disaster.png,0,0,1,495,00001400 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001400_pre_disaster.png,pinery-bushfire_00001400_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001400_pre_disaster.png,0,0,2,896,00001400 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001401_post_disaster.png,pinery-bushfire_00001401_post_disaster,0,0,tier3\masks\pinery-bushfire_00001401_post_disaster.png,0,0,0,0,00001401 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001401_pre_disaster.png,pinery-bushfire_00001401_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001401_pre_disaster.png,0,0,0,0,00001401 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001402_post_disaster.png,pinery-bushfire_00001402_post_disaster,0,0,tier3\masks\pinery-bushfire_00001402_post_disaster.png,0,0,0,0,00001402 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001402_pre_disaster.png,pinery-bushfire_00001402_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001402_pre_disaster.png,0,0,0,0,00001402 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001403_post_disaster.png,pinery-bushfire_00001403_post_disaster,0,0,tier3\masks\pinery-bushfire_00001403_post_disaster.png,0,0,0,0,00001403 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001403_pre_disaster.png,pinery-bushfire_00001403_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001403_pre_disaster.png,0,0,0,0,00001403 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001404_post_disaster.png,pinery-bushfire_00001404_post_disaster,0,0,tier3\masks\pinery-bushfire_00001404_post_disaster.png,0,0,0,0,00001404 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001404_pre_disaster.png,pinery-bushfire_00001404_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001404_pre_disaster.png,0,0,0,0,00001404 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001405_post_disaster.png,pinery-bushfire_00001405_post_disaster,0,0,tier3\masks\pinery-bushfire_00001405_post_disaster.png,0,0,0,0,00001405 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001405_pre_disaster.png,pinery-bushfire_00001405_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001405_pre_disaster.png,0,0,0,0,00001405 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001406_post_disaster.png,pinery-bushfire_00001406_post_disaster,0,0,tier3\masks\pinery-bushfire_00001406_post_disaster.png,0,0,0,0,00001406 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001406_pre_disaster.png,pinery-bushfire_00001406_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001406_pre_disaster.png,0,0,0,0,00001406 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001407_post_disaster.png,pinery-bushfire_00001407_post_disaster,0,0,tier3\masks\pinery-bushfire_00001407_post_disaster.png,0,0,0,0,00001407 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001407_pre_disaster.png,pinery-bushfire_00001407_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001407_pre_disaster.png,0,0,0,0,00001407 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001408_post_disaster.png,pinery-bushfire_00001408_post_disaster,0,0,tier3\masks\pinery-bushfire_00001408_post_disaster.png,0,0,0,0,00001408 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001408_pre_disaster.png,pinery-bushfire_00001408_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001408_pre_disaster.png,0,0,0,0,00001408 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001409_post_disaster.png,pinery-bushfire_00001409_post_disaster,0,0,tier3\masks\pinery-bushfire_00001409_post_disaster.png,0,0,11,7479,00001409 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001409_pre_disaster.png,pinery-bushfire_00001409_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001409_pre_disaster.png,0,0,11,7479,00001409 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001410_post_disaster.png,pinery-bushfire_00001410_post_disaster,0,0,tier3\masks\pinery-bushfire_00001410_post_disaster.png,0,0,11,7709,00001410 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001410_pre_disaster.png,pinery-bushfire_00001410_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001410_pre_disaster.png,0,0,11,7709,00001410 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001411_post_disaster.png,pinery-bushfire_00001411_post_disaster,0,0,tier3\masks\pinery-bushfire_00001411_post_disaster.png,0,0,0,0,00001411 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001411_pre_disaster.png,pinery-bushfire_00001411_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001411_pre_disaster.png,0,0,0,0,00001411 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001412_post_disaster.png,pinery-bushfire_00001412_post_disaster,0,0,tier3\masks\pinery-bushfire_00001412_post_disaster.png,0,0,0,0,00001412 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001412_pre_disaster.png,pinery-bushfire_00001412_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001412_pre_disaster.png,0,0,0,0,00001412 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001413_post_disaster.png,pinery-bushfire_00001413_post_disaster,0,0,tier3\masks\pinery-bushfire_00001413_post_disaster.png,0,0,0,0,00001413 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001413_pre_disaster.png,pinery-bushfire_00001413_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001413_pre_disaster.png,0,0,0,0,00001413 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001414_post_disaster.png,pinery-bushfire_00001414_post_disaster,0,0,tier3\masks\pinery-bushfire_00001414_post_disaster.png,0,0,4,5754,00001414 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001414_pre_disaster.png,pinery-bushfire_00001414_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001414_pre_disaster.png,0,0,4,5798,00001414 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001415_post_disaster.png,pinery-bushfire_00001415_post_disaster,0,0,tier3\masks\pinery-bushfire_00001415_post_disaster.png,0,0,0,0,00001415 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001415_pre_disaster.png,pinery-bushfire_00001415_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001415_pre_disaster.png,0,0,0,0,00001415 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001416_post_disaster.png,pinery-bushfire_00001416_post_disaster,0,0,tier3\masks\pinery-bushfire_00001416_post_disaster.png,0,0,0,0,00001416 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001416_pre_disaster.png,pinery-bushfire_00001416_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001416_pre_disaster.png,0,0,0,0,00001416 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001417_post_disaster.png,pinery-bushfire_00001417_post_disaster,0,0,tier3\masks\pinery-bushfire_00001417_post_disaster.png,0,0,0,0,00001417 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001417_pre_disaster.png,pinery-bushfire_00001417_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001417_pre_disaster.png,0,0,0,0,00001417 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001418_post_disaster.png,pinery-bushfire_00001418_post_disaster,0,0,tier3\masks\pinery-bushfire_00001418_post_disaster.png,0,0,0,0,00001418 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001418_pre_disaster.png,pinery-bushfire_00001418_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001418_pre_disaster.png,0,0,0,0,00001418 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001419_post_disaster.png,pinery-bushfire_00001419_post_disaster,0,0,tier3\masks\pinery-bushfire_00001419_post_disaster.png,0,0,0,0,00001419 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001419_pre_disaster.png,pinery-bushfire_00001419_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001419_pre_disaster.png,0,0,0,0,00001419 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001420_post_disaster.png,pinery-bushfire_00001420_post_disaster,0,0,tier3\masks\pinery-bushfire_00001420_post_disaster.png,0,0,0,0,00001420 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001420_pre_disaster.png,pinery-bushfire_00001420_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001420_pre_disaster.png,0,0,0,0,00001420 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001421_post_disaster.png,pinery-bushfire_00001421_post_disaster,0,0,tier3\masks\pinery-bushfire_00001421_post_disaster.png,0,0,0,0,00001421 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001421_pre_disaster.png,pinery-bushfire_00001421_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001421_pre_disaster.png,0,0,0,0,00001421 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001422_post_disaster.png,pinery-bushfire_00001422_post_disaster,0,0,tier3\masks\pinery-bushfire_00001422_post_disaster.png,0,0,0,0,00001422 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001422_pre_disaster.png,pinery-bushfire_00001422_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001422_pre_disaster.png,0,0,0,0,00001422 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001423_post_disaster.png,pinery-bushfire_00001423_post_disaster,0,0,tier3\masks\pinery-bushfire_00001423_post_disaster.png,0,0,0,0,00001423 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001423_pre_disaster.png,pinery-bushfire_00001423_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001423_pre_disaster.png,0,0,0,0,00001423 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001424_post_disaster.png,pinery-bushfire_00001424_post_disaster,0,0,tier3\masks\pinery-bushfire_00001424_post_disaster.png,0,0,0,0,00001424 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001424_pre_disaster.png,pinery-bushfire_00001424_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001424_pre_disaster.png,0,0,0,0,00001424 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001425_post_disaster.png,pinery-bushfire_00001425_post_disaster,0,0,tier3\masks\pinery-bushfire_00001425_post_disaster.png,0,0,0,0,00001425 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001425_pre_disaster.png,pinery-bushfire_00001425_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001425_pre_disaster.png,0,0,0,0,00001425 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001426_post_disaster.png,pinery-bushfire_00001426_post_disaster,0,0,tier3\masks\pinery-bushfire_00001426_post_disaster.png,0,0,0,0,00001426 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001426_pre_disaster.png,pinery-bushfire_00001426_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001426_pre_disaster.png,0,0,0,0,00001426 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001427_post_disaster.png,pinery-bushfire_00001427_post_disaster,0,0,tier3\masks\pinery-bushfire_00001427_post_disaster.png,0,0,0,0,00001427 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001427_pre_disaster.png,pinery-bushfire_00001427_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001427_pre_disaster.png,0,0,0,0,00001427 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001428_post_disaster.png,pinery-bushfire_00001428_post_disaster,0,0,tier3\masks\pinery-bushfire_00001428_post_disaster.png,0,0,0,0,00001428 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001428_pre_disaster.png,pinery-bushfire_00001428_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001428_pre_disaster.png,0,0,0,0,00001428 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001429_post_disaster.png,pinery-bushfire_00001429_post_disaster,0,0,tier3\masks\pinery-bushfire_00001429_post_disaster.png,0,0,10,25104,00001429 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001429_pre_disaster.png,pinery-bushfire_00001429_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001429_pre_disaster.png,0,0,10,25104,00001429 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001430_post_disaster.png,pinery-bushfire_00001430_post_disaster,0,0,tier3\masks\pinery-bushfire_00001430_post_disaster.png,0,0,0,0,00001430 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001430_pre_disaster.png,pinery-bushfire_00001430_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001430_pre_disaster.png,0,0,0,0,00001430 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001431_post_disaster.png,pinery-bushfire_00001431_post_disaster,0,0,tier3\masks\pinery-bushfire_00001431_post_disaster.png,0,0,0,0,00001431 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001431_pre_disaster.png,pinery-bushfire_00001431_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001431_pre_disaster.png,0,0,0,0,00001431 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001432_post_disaster.png,pinery-bushfire_00001432_post_disaster,0,0,tier3\masks\pinery-bushfire_00001432_post_disaster.png,0,0,0,0,00001432 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001432_pre_disaster.png,pinery-bushfire_00001432_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001432_pre_disaster.png,0,0,0,0,00001432 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001433_post_disaster.png,pinery-bushfire_00001433_post_disaster,0,0,tier3\masks\pinery-bushfire_00001433_post_disaster.png,0,0,0,0,00001433 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001433_pre_disaster.png,pinery-bushfire_00001433_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001433_pre_disaster.png,0,0,0,0,00001433 +1,437,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001434_post_disaster.png,pinery-bushfire_00001434_post_disaster,0,0,tier3\masks\pinery-bushfire_00001434_post_disaster.png,1,609,17,13118,00001434 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001434_pre_disaster.png,pinery-bushfire_00001434_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001434_pre_disaster.png,0,0,19,14169,00001434 +1,1125,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001435_post_disaster.png,pinery-bushfire_00001435_post_disaster,0,0,tier3\masks\pinery-bushfire_00001435_post_disaster.png,1,835,5,2591,00001435 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001435_pre_disaster.png,pinery-bushfire_00001435_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001435_pre_disaster.png,0,0,7,4551,00001435 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001436_post_disaster.png,pinery-bushfire_00001436_post_disaster,0,0,tier3\masks\pinery-bushfire_00001436_post_disaster.png,0,0,0,0,00001436 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001436_pre_disaster.png,pinery-bushfire_00001436_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001436_pre_disaster.png,0,0,0,0,00001436 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001437_post_disaster.png,pinery-bushfire_00001437_post_disaster,0,0,tier3\masks\pinery-bushfire_00001437_post_disaster.png,0,0,0,0,00001437 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001437_pre_disaster.png,pinery-bushfire_00001437_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001437_pre_disaster.png,0,0,0,0,00001437 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001438_post_disaster.png,pinery-bushfire_00001438_post_disaster,0,0,tier3\masks\pinery-bushfire_00001438_post_disaster.png,0,0,4,5229,00001438 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001438_pre_disaster.png,pinery-bushfire_00001438_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001438_pre_disaster.png,0,0,4,5229,00001438 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001439_post_disaster.png,pinery-bushfire_00001439_post_disaster,0,0,tier3\masks\pinery-bushfire_00001439_post_disaster.png,0,0,0,0,00001439 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001439_pre_disaster.png,pinery-bushfire_00001439_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001439_pre_disaster.png,0,0,0,0,00001439 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001440_post_disaster.png,pinery-bushfire_00001440_post_disaster,0,0,tier3\masks\pinery-bushfire_00001440_post_disaster.png,0,0,13,9412,00001440 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001440_pre_disaster.png,pinery-bushfire_00001440_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001440_pre_disaster.png,0,0,13,9470,00001440 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001441_post_disaster.png,pinery-bushfire_00001441_post_disaster,0,0,tier3\masks\pinery-bushfire_00001441_post_disaster.png,0,0,0,0,00001441 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001441_pre_disaster.png,pinery-bushfire_00001441_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001441_pre_disaster.png,0,0,0,0,00001441 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001442_post_disaster.png,pinery-bushfire_00001442_post_disaster,0,0,tier3\masks\pinery-bushfire_00001442_post_disaster.png,0,0,0,0,00001442 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001442_pre_disaster.png,pinery-bushfire_00001442_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001442_pre_disaster.png,0,0,0,0,00001442 +1,1750,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001443_post_disaster.png,pinery-bushfire_00001443_post_disaster,0,0,tier3\masks\pinery-bushfire_00001443_post_disaster.png,0,0,23,24056,00001443 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001443_pre_disaster.png,pinery-bushfire_00001443_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001443_pre_disaster.png,0,0,24,25945,00001443 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001444_post_disaster.png,pinery-bushfire_00001444_post_disaster,0,0,tier3\masks\pinery-bushfire_00001444_post_disaster.png,0,0,1,32,00001444 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001444_pre_disaster.png,pinery-bushfire_00001444_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001444_pre_disaster.png,0,0,1,32,00001444 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001445_post_disaster.png,pinery-bushfire_00001445_post_disaster,0,0,tier3\masks\pinery-bushfire_00001445_post_disaster.png,0,0,6,3972,00001445 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001445_pre_disaster.png,pinery-bushfire_00001445_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001445_pre_disaster.png,0,0,6,3972,00001445 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001446_post_disaster.png,pinery-bushfire_00001446_post_disaster,0,0,tier3\masks\pinery-bushfire_00001446_post_disaster.png,0,0,0,0,00001446 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001446_pre_disaster.png,pinery-bushfire_00001446_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001446_pre_disaster.png,0,0,0,0,00001446 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001447_post_disaster.png,pinery-bushfire_00001447_post_disaster,1,70,tier3\masks\pinery-bushfire_00001447_post_disaster.png,0,0,2,597,00001447 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001447_pre_disaster.png,pinery-bushfire_00001447_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001447_pre_disaster.png,0,0,4,783,00001447 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001448_post_disaster.png,pinery-bushfire_00001448_post_disaster,0,0,tier3\masks\pinery-bushfire_00001448_post_disaster.png,0,0,0,0,00001448 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001448_pre_disaster.png,pinery-bushfire_00001448_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001448_pre_disaster.png,0,0,0,0,00001448 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001449_post_disaster.png,pinery-bushfire_00001449_post_disaster,0,0,tier3\masks\pinery-bushfire_00001449_post_disaster.png,0,0,0,0,00001449 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001449_pre_disaster.png,pinery-bushfire_00001449_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001449_pre_disaster.png,0,0,0,0,00001449 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001450_post_disaster.png,pinery-bushfire_00001450_post_disaster,0,0,tier3\masks\pinery-bushfire_00001450_post_disaster.png,0,0,6,2973,00001450 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001450_pre_disaster.png,pinery-bushfire_00001450_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001450_pre_disaster.png,0,0,6,3035,00001450 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001451_post_disaster.png,pinery-bushfire_00001451_post_disaster,0,0,tier3\masks\pinery-bushfire_00001451_post_disaster.png,0,0,0,0,00001451 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001451_pre_disaster.png,pinery-bushfire_00001451_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001451_pre_disaster.png,0,0,0,0,00001451 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001452_post_disaster.png,pinery-bushfire_00001452_post_disaster,0,0,tier3\masks\pinery-bushfire_00001452_post_disaster.png,0,0,0,0,00001452 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001452_pre_disaster.png,pinery-bushfire_00001452_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001452_pre_disaster.png,0,0,0,0,00001452 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001453_post_disaster.png,pinery-bushfire_00001453_post_disaster,0,0,tier3\masks\pinery-bushfire_00001453_post_disaster.png,0,0,0,0,00001453 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001453_pre_disaster.png,pinery-bushfire_00001453_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001453_pre_disaster.png,0,0,0,0,00001453 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001454_post_disaster.png,pinery-bushfire_00001454_post_disaster,0,0,tier3\masks\pinery-bushfire_00001454_post_disaster.png,0,0,0,0,00001454 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001454_pre_disaster.png,pinery-bushfire_00001454_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001454_pre_disaster.png,0,0,0,0,00001454 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001455_post_disaster.png,pinery-bushfire_00001455_post_disaster,0,0,tier3\masks\pinery-bushfire_00001455_post_disaster.png,0,0,11,7451,00001455 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001455_pre_disaster.png,pinery-bushfire_00001455_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001455_pre_disaster.png,0,0,11,7477,00001455 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001456_post_disaster.png,pinery-bushfire_00001456_post_disaster,0,0,tier3\masks\pinery-bushfire_00001456_post_disaster.png,0,0,0,0,00001456 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001456_pre_disaster.png,pinery-bushfire_00001456_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001456_pre_disaster.png,0,0,0,0,00001456 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001457_post_disaster.png,pinery-bushfire_00001457_post_disaster,0,0,tier3\masks\pinery-bushfire_00001457_post_disaster.png,0,0,2,885,00001457 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001457_pre_disaster.png,pinery-bushfire_00001457_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001457_pre_disaster.png,0,0,2,885,00001457 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001458_post_disaster.png,pinery-bushfire_00001458_post_disaster,0,0,tier3\masks\pinery-bushfire_00001458_post_disaster.png,0,0,0,0,00001458 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001458_pre_disaster.png,pinery-bushfire_00001458_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001458_pre_disaster.png,0,0,0,0,00001458 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001459_post_disaster.png,pinery-bushfire_00001459_post_disaster,0,0,tier3\masks\pinery-bushfire_00001459_post_disaster.png,0,0,0,0,00001459 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001459_pre_disaster.png,pinery-bushfire_00001459_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001459_pre_disaster.png,0,0,0,0,00001459 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001460_post_disaster.png,pinery-bushfire_00001460_post_disaster,0,0,tier3\masks\pinery-bushfire_00001460_post_disaster.png,0,0,0,0,00001460 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001460_pre_disaster.png,pinery-bushfire_00001460_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001460_pre_disaster.png,0,0,0,0,00001460 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001461_post_disaster.png,pinery-bushfire_00001461_post_disaster,0,0,tier3\masks\pinery-bushfire_00001461_post_disaster.png,0,0,0,0,00001461 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001461_pre_disaster.png,pinery-bushfire_00001461_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001461_pre_disaster.png,0,0,0,0,00001461 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001462_post_disaster.png,pinery-bushfire_00001462_post_disaster,0,0,tier3\masks\pinery-bushfire_00001462_post_disaster.png,0,0,7,5582,00001462 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001462_pre_disaster.png,pinery-bushfire_00001462_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001462_pre_disaster.png,0,0,7,5667,00001462 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001463_post_disaster.png,pinery-bushfire_00001463_post_disaster,0,0,tier3\masks\pinery-bushfire_00001463_post_disaster.png,0,0,0,0,00001463 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001463_pre_disaster.png,pinery-bushfire_00001463_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001463_pre_disaster.png,0,0,0,0,00001463 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001464_post_disaster.png,pinery-bushfire_00001464_post_disaster,0,0,tier3\masks\pinery-bushfire_00001464_post_disaster.png,0,0,0,0,00001464 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001464_pre_disaster.png,pinery-bushfire_00001464_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001464_pre_disaster.png,0,0,0,0,00001464 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001465_post_disaster.png,pinery-bushfire_00001465_post_disaster,0,0,tier3\masks\pinery-bushfire_00001465_post_disaster.png,0,0,0,0,00001465 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001465_pre_disaster.png,pinery-bushfire_00001465_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001465_pre_disaster.png,0,0,0,0,00001465 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001466_post_disaster.png,pinery-bushfire_00001466_post_disaster,0,0,tier3\masks\pinery-bushfire_00001466_post_disaster.png,0,0,8,4276,00001466 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001466_pre_disaster.png,pinery-bushfire_00001466_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001466_pre_disaster.png,0,0,8,4276,00001466 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001467_post_disaster.png,pinery-bushfire_00001467_post_disaster,0,0,tier3\masks\pinery-bushfire_00001467_post_disaster.png,0,0,0,0,00001467 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001467_pre_disaster.png,pinery-bushfire_00001467_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001467_pre_disaster.png,0,0,0,0,00001467 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001468_post_disaster.png,pinery-bushfire_00001468_post_disaster,0,0,tier3\masks\pinery-bushfire_00001468_post_disaster.png,0,0,1,690,00001468 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001468_pre_disaster.png,pinery-bushfire_00001468_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001468_pre_disaster.png,0,0,1,690,00001468 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001469_post_disaster.png,pinery-bushfire_00001469_post_disaster,0,0,tier3\masks\pinery-bushfire_00001469_post_disaster.png,0,0,0,0,00001469 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001469_pre_disaster.png,pinery-bushfire_00001469_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001469_pre_disaster.png,0,0,0,0,00001469 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001470_post_disaster.png,pinery-bushfire_00001470_post_disaster,0,0,tier3\masks\pinery-bushfire_00001470_post_disaster.png,0,0,0,0,00001470 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001470_pre_disaster.png,pinery-bushfire_00001470_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001470_pre_disaster.png,0,0,0,0,00001470 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001471_post_disaster.png,pinery-bushfire_00001471_post_disaster,0,0,tier3\masks\pinery-bushfire_00001471_post_disaster.png,0,0,0,0,00001471 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001471_pre_disaster.png,pinery-bushfire_00001471_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001471_pre_disaster.png,0,0,0,0,00001471 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001472_post_disaster.png,pinery-bushfire_00001472_post_disaster,0,0,tier3\masks\pinery-bushfire_00001472_post_disaster.png,0,0,0,0,00001472 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001472_pre_disaster.png,pinery-bushfire_00001472_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001472_pre_disaster.png,0,0,0,0,00001472 +2,2645,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001473_post_disaster.png,pinery-bushfire_00001473_post_disaster,1,1618,tier3\masks\pinery-bushfire_00001473_post_disaster.png,0,0,4,1565,00001473 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001473_pre_disaster.png,pinery-bushfire_00001473_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001473_pre_disaster.png,0,0,7,5828,00001473 +2,1067,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001474_post_disaster.png,pinery-bushfire_00001474_post_disaster,0,0,tier3\masks\pinery-bushfire_00001474_post_disaster.png,1,670,0,0,00001474 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001474_pre_disaster.png,pinery-bushfire_00001474_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001474_pre_disaster.png,0,0,3,1737,00001474 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001475_post_disaster.png,pinery-bushfire_00001475_post_disaster,0,0,tier3\masks\pinery-bushfire_00001475_post_disaster.png,0,0,11,9564,00001475 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001475_pre_disaster.png,pinery-bushfire_00001475_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001475_pre_disaster.png,0,0,11,9567,00001475 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001476_post_disaster.png,pinery-bushfire_00001476_post_disaster,0,0,tier3\masks\pinery-bushfire_00001476_post_disaster.png,0,0,0,0,00001476 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001476_pre_disaster.png,pinery-bushfire_00001476_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001476_pre_disaster.png,0,0,0,0,00001476 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001477_post_disaster.png,pinery-bushfire_00001477_post_disaster,0,0,tier3\masks\pinery-bushfire_00001477_post_disaster.png,0,0,0,0,00001477 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001477_pre_disaster.png,pinery-bushfire_00001477_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001477_pre_disaster.png,0,0,0,0,00001477 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001478_post_disaster.png,pinery-bushfire_00001478_post_disaster,0,0,tier3\masks\pinery-bushfire_00001478_post_disaster.png,0,0,0,0,00001478 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001478_pre_disaster.png,pinery-bushfire_00001478_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001478_pre_disaster.png,0,0,0,0,00001478 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001479_post_disaster.png,pinery-bushfire_00001479_post_disaster,0,0,tier3\masks\pinery-bushfire_00001479_post_disaster.png,0,0,5,6157,00001479 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001479_pre_disaster.png,pinery-bushfire_00001479_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001479_pre_disaster.png,0,0,5,6157,00001479 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001480_post_disaster.png,pinery-bushfire_00001480_post_disaster,0,0,tier3\masks\pinery-bushfire_00001480_post_disaster.png,0,0,0,0,00001480 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001480_pre_disaster.png,pinery-bushfire_00001480_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001480_pre_disaster.png,0,0,0,0,00001480 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001481_post_disaster.png,pinery-bushfire_00001481_post_disaster,0,0,tier3\masks\pinery-bushfire_00001481_post_disaster.png,0,0,0,0,00001481 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001481_pre_disaster.png,pinery-bushfire_00001481_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001481_pre_disaster.png,0,0,0,0,00001481 +1,56,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001482_post_disaster.png,pinery-bushfire_00001482_post_disaster,0,0,tier3\masks\pinery-bushfire_00001482_post_disaster.png,2,177,15,6045,00001482 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001482_pre_disaster.png,pinery-bushfire_00001482_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001482_pre_disaster.png,0,0,18,6278,00001482 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001483_post_disaster.png,pinery-bushfire_00001483_post_disaster,0,0,tier3\masks\pinery-bushfire_00001483_post_disaster.png,0,0,0,0,00001483 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001483_pre_disaster.png,pinery-bushfire_00001483_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001483_pre_disaster.png,0,0,0,0,00001483 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001484_post_disaster.png,pinery-bushfire_00001484_post_disaster,0,0,tier3\masks\pinery-bushfire_00001484_post_disaster.png,0,0,0,0,00001484 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001484_pre_disaster.png,pinery-bushfire_00001484_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001484_pre_disaster.png,0,0,0,0,00001484 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001485_post_disaster.png,pinery-bushfire_00001485_post_disaster,0,0,tier3\masks\pinery-bushfire_00001485_post_disaster.png,0,0,0,0,00001485 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001485_pre_disaster.png,pinery-bushfire_00001485_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001485_pre_disaster.png,0,0,0,0,00001485 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001486_post_disaster.png,pinery-bushfire_00001486_post_disaster,1,33,tier3\masks\pinery-bushfire_00001486_post_disaster.png,0,0,0,0,00001486 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001486_pre_disaster.png,pinery-bushfire_00001486_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001486_pre_disaster.png,0,0,1,33,00001486 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001487_post_disaster.png,pinery-bushfire_00001487_post_disaster,0,0,tier3\masks\pinery-bushfire_00001487_post_disaster.png,0,0,0,0,00001487 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001487_pre_disaster.png,pinery-bushfire_00001487_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001487_pre_disaster.png,0,0,0,0,00001487 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001488_post_disaster.png,pinery-bushfire_00001488_post_disaster,0,0,tier3\masks\pinery-bushfire_00001488_post_disaster.png,0,0,0,0,00001488 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001488_pre_disaster.png,pinery-bushfire_00001488_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001488_pre_disaster.png,0,0,0,0,00001488 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001489_post_disaster.png,pinery-bushfire_00001489_post_disaster,0,0,tier3\masks\pinery-bushfire_00001489_post_disaster.png,0,0,5,2041,00001489 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001489_pre_disaster.png,pinery-bushfire_00001489_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001489_pre_disaster.png,0,0,5,2045,00001489 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001490_post_disaster.png,pinery-bushfire_00001490_post_disaster,0,0,tier3\masks\pinery-bushfire_00001490_post_disaster.png,0,0,0,0,00001490 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001490_pre_disaster.png,pinery-bushfire_00001490_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001490_pre_disaster.png,0,0,0,0,00001490 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001491_post_disaster.png,pinery-bushfire_00001491_post_disaster,0,0,tier3\masks\pinery-bushfire_00001491_post_disaster.png,0,0,0,0,00001491 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001491_pre_disaster.png,pinery-bushfire_00001491_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001491_pre_disaster.png,0,0,0,0,00001491 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001492_post_disaster.png,pinery-bushfire_00001492_post_disaster,0,0,tier3\masks\pinery-bushfire_00001492_post_disaster.png,0,0,0,0,00001492 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001492_pre_disaster.png,pinery-bushfire_00001492_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001492_pre_disaster.png,0,0,0,0,00001492 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001493_post_disaster.png,pinery-bushfire_00001493_post_disaster,0,0,tier3\masks\pinery-bushfire_00001493_post_disaster.png,0,0,1,27,00001493 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001493_pre_disaster.png,pinery-bushfire_00001493_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001493_pre_disaster.png,0,0,1,27,00001493 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001494_post_disaster.png,pinery-bushfire_00001494_post_disaster,0,0,tier3\masks\pinery-bushfire_00001494_post_disaster.png,0,0,0,0,00001494 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001494_pre_disaster.png,pinery-bushfire_00001494_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001494_pre_disaster.png,0,0,0,0,00001494 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001495_post_disaster.png,pinery-bushfire_00001495_post_disaster,0,0,tier3\masks\pinery-bushfire_00001495_post_disaster.png,0,0,0,0,00001495 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001495_pre_disaster.png,pinery-bushfire_00001495_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001495_pre_disaster.png,0,0,0,0,00001495 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001496_post_disaster.png,pinery-bushfire_00001496_post_disaster,0,0,tier3\masks\pinery-bushfire_00001496_post_disaster.png,0,0,0,0,00001496 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001496_pre_disaster.png,pinery-bushfire_00001496_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001496_pre_disaster.png,0,0,0,0,00001496 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001497_post_disaster.png,pinery-bushfire_00001497_post_disaster,0,0,tier3\masks\pinery-bushfire_00001497_post_disaster.png,0,0,0,0,00001497 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001497_pre_disaster.png,pinery-bushfire_00001497_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001497_pre_disaster.png,0,0,0,0,00001497 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001498_post_disaster.png,pinery-bushfire_00001498_post_disaster,0,0,tier3\masks\pinery-bushfire_00001498_post_disaster.png,0,0,0,0,00001498 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001498_pre_disaster.png,pinery-bushfire_00001498_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001498_pre_disaster.png,0,0,0,0,00001498 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001499_post_disaster.png,pinery-bushfire_00001499_post_disaster,0,0,tier3\masks\pinery-bushfire_00001499_post_disaster.png,0,0,1,460,00001499 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001499_pre_disaster.png,pinery-bushfire_00001499_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001499_pre_disaster.png,0,0,1,460,00001499 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001500_post_disaster.png,pinery-bushfire_00001500_post_disaster,0,0,tier3\masks\pinery-bushfire_00001500_post_disaster.png,0,0,0,0,00001500 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001500_pre_disaster.png,pinery-bushfire_00001500_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001500_pre_disaster.png,0,0,0,0,00001500 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001501_post_disaster.png,pinery-bushfire_00001501_post_disaster,0,0,tier3\masks\pinery-bushfire_00001501_post_disaster.png,0,0,0,0,00001501 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001501_pre_disaster.png,pinery-bushfire_00001501_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001501_pre_disaster.png,0,0,0,0,00001501 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001502_post_disaster.png,pinery-bushfire_00001502_post_disaster,0,0,tier3\masks\pinery-bushfire_00001502_post_disaster.png,0,0,1,90,00001502 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001502_pre_disaster.png,pinery-bushfire_00001502_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001502_pre_disaster.png,0,0,1,90,00001502 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001503_post_disaster.png,pinery-bushfire_00001503_post_disaster,0,0,tier3\masks\pinery-bushfire_00001503_post_disaster.png,0,0,1,176,00001503 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001503_pre_disaster.png,pinery-bushfire_00001503_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001503_pre_disaster.png,0,0,1,187,00001503 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001504_post_disaster.png,pinery-bushfire_00001504_post_disaster,0,0,tier3\masks\pinery-bushfire_00001504_post_disaster.png,0,0,0,0,00001504 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001504_pre_disaster.png,pinery-bushfire_00001504_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001504_pre_disaster.png,0,0,0,0,00001504 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001505_post_disaster.png,pinery-bushfire_00001505_post_disaster,0,0,tier3\masks\pinery-bushfire_00001505_post_disaster.png,0,0,0,0,00001505 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001505_pre_disaster.png,pinery-bushfire_00001505_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001505_pre_disaster.png,0,0,0,0,00001505 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001506_post_disaster.png,pinery-bushfire_00001506_post_disaster,0,0,tier3\masks\pinery-bushfire_00001506_post_disaster.png,0,0,0,0,00001506 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001506_pre_disaster.png,pinery-bushfire_00001506_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001506_pre_disaster.png,0,0,0,0,00001506 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001507_post_disaster.png,pinery-bushfire_00001507_post_disaster,1,563,tier3\masks\pinery-bushfire_00001507_post_disaster.png,1,1628,11,3866,00001507 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001507_pre_disaster.png,pinery-bushfire_00001507_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001507_pre_disaster.png,0,0,13,6057,00001507 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001508_post_disaster.png,pinery-bushfire_00001508_post_disaster,0,0,tier3\masks\pinery-bushfire_00001508_post_disaster.png,0,0,0,0,00001508 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001508_pre_disaster.png,pinery-bushfire_00001508_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001508_pre_disaster.png,0,0,0,0,00001508 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001509_post_disaster.png,pinery-bushfire_00001509_post_disaster,0,0,tier3\masks\pinery-bushfire_00001509_post_disaster.png,0,0,0,0,00001509 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001509_pre_disaster.png,pinery-bushfire_00001509_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001509_pre_disaster.png,0,0,0,0,00001509 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001510_post_disaster.png,pinery-bushfire_00001510_post_disaster,0,0,tier3\masks\pinery-bushfire_00001510_post_disaster.png,0,0,0,0,00001510 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001510_pre_disaster.png,pinery-bushfire_00001510_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001510_pre_disaster.png,0,0,0,0,00001510 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001511_post_disaster.png,pinery-bushfire_00001511_post_disaster,0,0,tier3\masks\pinery-bushfire_00001511_post_disaster.png,0,0,0,0,00001511 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001511_pre_disaster.png,pinery-bushfire_00001511_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001511_pre_disaster.png,0,0,0,0,00001511 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001512_post_disaster.png,pinery-bushfire_00001512_post_disaster,0,0,tier3\masks\pinery-bushfire_00001512_post_disaster.png,0,0,3,1085,00001512 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001512_pre_disaster.png,pinery-bushfire_00001512_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001512_pre_disaster.png,0,0,3,1150,00001512 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001513_post_disaster.png,pinery-bushfire_00001513_post_disaster,0,0,tier3\masks\pinery-bushfire_00001513_post_disaster.png,0,0,0,0,00001513 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001513_pre_disaster.png,pinery-bushfire_00001513_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001513_pre_disaster.png,0,0,0,0,00001513 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001514_post_disaster.png,pinery-bushfire_00001514_post_disaster,0,0,tier3\masks\pinery-bushfire_00001514_post_disaster.png,0,0,0,0,00001514 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001514_pre_disaster.png,pinery-bushfire_00001514_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001514_pre_disaster.png,0,0,0,0,00001514 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001515_post_disaster.png,pinery-bushfire_00001515_post_disaster,0,0,tier3\masks\pinery-bushfire_00001515_post_disaster.png,0,0,9,9649,00001515 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001515_pre_disaster.png,pinery-bushfire_00001515_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001515_pre_disaster.png,0,0,9,9708,00001515 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001516_post_disaster.png,pinery-bushfire_00001516_post_disaster,0,0,tier3\masks\pinery-bushfire_00001516_post_disaster.png,0,0,0,0,00001516 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001516_pre_disaster.png,pinery-bushfire_00001516_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001516_pre_disaster.png,0,0,0,0,00001516 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001517_post_disaster.png,pinery-bushfire_00001517_post_disaster,0,0,tier3\masks\pinery-bushfire_00001517_post_disaster.png,0,0,0,0,00001517 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001517_pre_disaster.png,pinery-bushfire_00001517_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001517_pre_disaster.png,0,0,0,0,00001517 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001518_post_disaster.png,pinery-bushfire_00001518_post_disaster,0,0,tier3\masks\pinery-bushfire_00001518_post_disaster.png,0,0,0,0,00001518 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001518_pre_disaster.png,pinery-bushfire_00001518_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001518_pre_disaster.png,0,0,0,0,00001518 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001519_post_disaster.png,pinery-bushfire_00001519_post_disaster,0,0,tier3\masks\pinery-bushfire_00001519_post_disaster.png,0,0,86,119583,00001519 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001519_pre_disaster.png,pinery-bushfire_00001519_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001519_pre_disaster.png,0,0,86,119836,00001519 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001520_post_disaster.png,pinery-bushfire_00001520_post_disaster,0,0,tier3\masks\pinery-bushfire_00001520_post_disaster.png,0,0,0,0,00001520 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001520_pre_disaster.png,pinery-bushfire_00001520_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001520_pre_disaster.png,0,0,0,0,00001520 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001521_post_disaster.png,pinery-bushfire_00001521_post_disaster,0,0,tier3\masks\pinery-bushfire_00001521_post_disaster.png,0,0,0,0,00001521 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001521_pre_disaster.png,pinery-bushfire_00001521_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001521_pre_disaster.png,0,0,0,0,00001521 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001522_post_disaster.png,pinery-bushfire_00001522_post_disaster,0,0,tier3\masks\pinery-bushfire_00001522_post_disaster.png,0,0,0,0,00001522 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001522_pre_disaster.png,pinery-bushfire_00001522_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001522_pre_disaster.png,0,0,0,0,00001522 +2,540,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001523_post_disaster.png,pinery-bushfire_00001523_post_disaster,0,0,tier3\masks\pinery-bushfire_00001523_post_disaster.png,2,1084,4,5023,00001523 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001523_pre_disaster.png,pinery-bushfire_00001523_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001523_pre_disaster.png,0,0,8,6647,00001523 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001524_post_disaster.png,pinery-bushfire_00001524_post_disaster,0,0,tier3\masks\pinery-bushfire_00001524_post_disaster.png,0,0,0,0,00001524 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001524_pre_disaster.png,pinery-bushfire_00001524_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001524_pre_disaster.png,0,0,0,0,00001524 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001525_post_disaster.png,pinery-bushfire_00001525_post_disaster,0,0,tier3\masks\pinery-bushfire_00001525_post_disaster.png,0,0,4,5769,00001525 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001525_pre_disaster.png,pinery-bushfire_00001525_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001525_pre_disaster.png,0,0,4,5769,00001525 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001526_post_disaster.png,pinery-bushfire_00001526_post_disaster,0,0,tier3\masks\pinery-bushfire_00001526_post_disaster.png,0,0,0,0,00001526 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001526_pre_disaster.png,pinery-bushfire_00001526_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001526_pre_disaster.png,0,0,0,0,00001526 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001527_post_disaster.png,pinery-bushfire_00001527_post_disaster,0,0,tier3\masks\pinery-bushfire_00001527_post_disaster.png,0,0,0,0,00001527 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001527_pre_disaster.png,pinery-bushfire_00001527_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001527_pre_disaster.png,0,0,0,0,00001527 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001528_post_disaster.png,pinery-bushfire_00001528_post_disaster,0,0,tier3\masks\pinery-bushfire_00001528_post_disaster.png,0,0,1,1501,00001528 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001528_pre_disaster.png,pinery-bushfire_00001528_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001528_pre_disaster.png,0,0,1,1497,00001528 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001529_post_disaster.png,pinery-bushfire_00001529_post_disaster,0,0,tier3\masks\pinery-bushfire_00001529_post_disaster.png,0,0,68,53142,00001529 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001529_pre_disaster.png,pinery-bushfire_00001529_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001529_pre_disaster.png,0,0,68,53196,00001529 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001530_post_disaster.png,pinery-bushfire_00001530_post_disaster,0,0,tier3\masks\pinery-bushfire_00001530_post_disaster.png,0,0,1,291,00001530 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001530_pre_disaster.png,pinery-bushfire_00001530_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001530_pre_disaster.png,0,0,1,291,00001530 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001531_post_disaster.png,pinery-bushfire_00001531_post_disaster,0,0,tier3\masks\pinery-bushfire_00001531_post_disaster.png,0,0,0,0,00001531 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001531_pre_disaster.png,pinery-bushfire_00001531_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001531_pre_disaster.png,0,0,0,0,00001531 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001532_post_disaster.png,pinery-bushfire_00001532_post_disaster,0,0,tier3\masks\pinery-bushfire_00001532_post_disaster.png,0,0,0,0,00001532 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001532_pre_disaster.png,pinery-bushfire_00001532_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001532_pre_disaster.png,0,0,0,0,00001532 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001533_post_disaster.png,pinery-bushfire_00001533_post_disaster,0,0,tier3\masks\pinery-bushfire_00001533_post_disaster.png,0,0,0,0,00001533 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001533_pre_disaster.png,pinery-bushfire_00001533_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001533_pre_disaster.png,0,0,0,0,00001533 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001534_post_disaster.png,pinery-bushfire_00001534_post_disaster,0,0,tier3\masks\pinery-bushfire_00001534_post_disaster.png,0,0,1,274,00001534 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001534_pre_disaster.png,pinery-bushfire_00001534_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001534_pre_disaster.png,0,0,1,297,00001534 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001535_post_disaster.png,pinery-bushfire_00001535_post_disaster,0,0,tier3\masks\pinery-bushfire_00001535_post_disaster.png,0,0,0,0,00001535 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001535_pre_disaster.png,pinery-bushfire_00001535_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001535_pre_disaster.png,0,0,0,0,00001535 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001536_post_disaster.png,pinery-bushfire_00001536_post_disaster,0,0,tier3\masks\pinery-bushfire_00001536_post_disaster.png,0,0,0,0,00001536 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001536_pre_disaster.png,pinery-bushfire_00001536_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001536_pre_disaster.png,0,0,0,0,00001536 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001537_post_disaster.png,pinery-bushfire_00001537_post_disaster,0,0,tier3\masks\pinery-bushfire_00001537_post_disaster.png,0,0,3,421,00001537 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001537_pre_disaster.png,pinery-bushfire_00001537_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001537_pre_disaster.png,0,0,3,421,00001537 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001538_post_disaster.png,pinery-bushfire_00001538_post_disaster,0,0,tier3\masks\pinery-bushfire_00001538_post_disaster.png,0,0,0,0,00001538 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001538_pre_disaster.png,pinery-bushfire_00001538_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001538_pre_disaster.png,0,0,0,0,00001538 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001539_post_disaster.png,pinery-bushfire_00001539_post_disaster,0,0,tier3\masks\pinery-bushfire_00001539_post_disaster.png,0,0,0,0,00001539 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001539_pre_disaster.png,pinery-bushfire_00001539_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001539_pre_disaster.png,0,0,0,0,00001539 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001540_post_disaster.png,pinery-bushfire_00001540_post_disaster,0,0,tier3\masks\pinery-bushfire_00001540_post_disaster.png,0,0,0,0,00001540 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001540_pre_disaster.png,pinery-bushfire_00001540_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001540_pre_disaster.png,0,0,0,0,00001540 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001541_post_disaster.png,pinery-bushfire_00001541_post_disaster,0,0,tier3\masks\pinery-bushfire_00001541_post_disaster.png,0,0,0,0,00001541 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001541_pre_disaster.png,pinery-bushfire_00001541_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001541_pre_disaster.png,0,0,0,0,00001541 +1,278,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001542_post_disaster.png,pinery-bushfire_00001542_post_disaster,0,0,tier3\masks\pinery-bushfire_00001542_post_disaster.png,0,0,10,6134,00001542 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001542_pre_disaster.png,pinery-bushfire_00001542_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001542_pre_disaster.png,0,0,11,6412,00001542 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001543_post_disaster.png,pinery-bushfire_00001543_post_disaster,0,0,tier3\masks\pinery-bushfire_00001543_post_disaster.png,0,0,3,2916,00001543 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001543_pre_disaster.png,pinery-bushfire_00001543_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001543_pre_disaster.png,0,0,3,2916,00001543 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001544_post_disaster.png,pinery-bushfire_00001544_post_disaster,0,0,tier3\masks\pinery-bushfire_00001544_post_disaster.png,0,0,0,0,00001544 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001544_pre_disaster.png,pinery-bushfire_00001544_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001544_pre_disaster.png,0,0,0,0,00001544 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001545_post_disaster.png,pinery-bushfire_00001545_post_disaster,0,0,tier3\masks\pinery-bushfire_00001545_post_disaster.png,0,0,0,0,00001545 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001545_pre_disaster.png,pinery-bushfire_00001545_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001545_pre_disaster.png,0,0,0,0,00001545 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001546_post_disaster.png,pinery-bushfire_00001546_post_disaster,0,0,tier3\masks\pinery-bushfire_00001546_post_disaster.png,0,0,0,0,00001546 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001546_pre_disaster.png,pinery-bushfire_00001546_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001546_pre_disaster.png,0,0,0,0,00001546 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001547_post_disaster.png,pinery-bushfire_00001547_post_disaster,0,0,tier3\masks\pinery-bushfire_00001547_post_disaster.png,0,0,1,228,00001547 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001547_pre_disaster.png,pinery-bushfire_00001547_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001547_pre_disaster.png,0,0,1,228,00001547 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001548_post_disaster.png,pinery-bushfire_00001548_post_disaster,0,0,tier3\masks\pinery-bushfire_00001548_post_disaster.png,0,0,0,0,00001548 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001548_pre_disaster.png,pinery-bushfire_00001548_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001548_pre_disaster.png,0,0,0,0,00001548 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001549_post_disaster.png,pinery-bushfire_00001549_post_disaster,0,0,tier3\masks\pinery-bushfire_00001549_post_disaster.png,0,0,0,0,00001549 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001549_pre_disaster.png,pinery-bushfire_00001549_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001549_pre_disaster.png,0,0,0,0,00001549 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001550_post_disaster.png,pinery-bushfire_00001550_post_disaster,0,0,tier3\masks\pinery-bushfire_00001550_post_disaster.png,0,0,0,0,00001550 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001550_pre_disaster.png,pinery-bushfire_00001550_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001550_pre_disaster.png,0,0,0,0,00001550 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001551_post_disaster.png,pinery-bushfire_00001551_post_disaster,2,3059,tier3\masks\pinery-bushfire_00001551_post_disaster.png,1,362,8,4343,00001551 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001551_pre_disaster.png,pinery-bushfire_00001551_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001551_pre_disaster.png,0,0,10,7767,00001551 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001552_post_disaster.png,pinery-bushfire_00001552_post_disaster,0,0,tier3\masks\pinery-bushfire_00001552_post_disaster.png,0,0,0,0,00001552 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001552_pre_disaster.png,pinery-bushfire_00001552_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001552_pre_disaster.png,0,0,0,0,00001552 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001553_post_disaster.png,pinery-bushfire_00001553_post_disaster,0,0,tier3\masks\pinery-bushfire_00001553_post_disaster.png,0,0,0,0,00001553 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001553_pre_disaster.png,pinery-bushfire_00001553_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001553_pre_disaster.png,0,0,0,0,00001553 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001554_post_disaster.png,pinery-bushfire_00001554_post_disaster,0,0,tier3\masks\pinery-bushfire_00001554_post_disaster.png,0,0,0,0,00001554 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001554_pre_disaster.png,pinery-bushfire_00001554_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001554_pre_disaster.png,0,0,0,0,00001554 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001555_post_disaster.png,pinery-bushfire_00001555_post_disaster,0,0,tier3\masks\pinery-bushfire_00001555_post_disaster.png,0,0,14,7264,00001555 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001555_pre_disaster.png,pinery-bushfire_00001555_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001555_pre_disaster.png,0,0,14,7264,00001555 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001556_post_disaster.png,pinery-bushfire_00001556_post_disaster,0,0,tier3\masks\pinery-bushfire_00001556_post_disaster.png,0,0,0,0,00001556 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001556_pre_disaster.png,pinery-bushfire_00001556_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001556_pre_disaster.png,0,0,0,0,00001556 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001557_post_disaster.png,pinery-bushfire_00001557_post_disaster,0,0,tier3\masks\pinery-bushfire_00001557_post_disaster.png,0,0,0,0,00001557 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001557_pre_disaster.png,pinery-bushfire_00001557_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001557_pre_disaster.png,0,0,0,0,00001557 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001558_post_disaster.png,pinery-bushfire_00001558_post_disaster,0,0,tier3\masks\pinery-bushfire_00001558_post_disaster.png,0,0,0,0,00001558 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001558_pre_disaster.png,pinery-bushfire_00001558_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001558_pre_disaster.png,0,0,0,0,00001558 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001559_post_disaster.png,pinery-bushfire_00001559_post_disaster,0,0,tier3\masks\pinery-bushfire_00001559_post_disaster.png,0,0,1,1777,00001559 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001559_pre_disaster.png,pinery-bushfire_00001559_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001559_pre_disaster.png,0,0,1,1777,00001559 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001560_post_disaster.png,pinery-bushfire_00001560_post_disaster,0,0,tier3\masks\pinery-bushfire_00001560_post_disaster.png,0,0,0,0,00001560 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001560_pre_disaster.png,pinery-bushfire_00001560_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001560_pre_disaster.png,0,0,0,0,00001560 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001561_post_disaster.png,pinery-bushfire_00001561_post_disaster,0,0,tier3\masks\pinery-bushfire_00001561_post_disaster.png,0,0,0,0,00001561 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001561_pre_disaster.png,pinery-bushfire_00001561_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001561_pre_disaster.png,0,0,0,0,00001561 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001562_post_disaster.png,pinery-bushfire_00001562_post_disaster,0,0,tier3\masks\pinery-bushfire_00001562_post_disaster.png,0,0,4,2982,00001562 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001562_pre_disaster.png,pinery-bushfire_00001562_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001562_pre_disaster.png,0,0,4,2982,00001562 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001563_post_disaster.png,pinery-bushfire_00001563_post_disaster,0,0,tier3\masks\pinery-bushfire_00001563_post_disaster.png,0,0,1,1118,00001563 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001563_pre_disaster.png,pinery-bushfire_00001563_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001563_pre_disaster.png,0,0,1,1118,00001563 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001564_post_disaster.png,pinery-bushfire_00001564_post_disaster,0,0,tier3\masks\pinery-bushfire_00001564_post_disaster.png,0,0,0,0,00001564 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001564_pre_disaster.png,pinery-bushfire_00001564_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001564_pre_disaster.png,0,0,0,0,00001564 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001565_post_disaster.png,pinery-bushfire_00001565_post_disaster,0,0,tier3\masks\pinery-bushfire_00001565_post_disaster.png,0,0,0,0,00001565 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001565_pre_disaster.png,pinery-bushfire_00001565_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001565_pre_disaster.png,0,0,0,0,00001565 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001566_post_disaster.png,pinery-bushfire_00001566_post_disaster,0,0,tier3\masks\pinery-bushfire_00001566_post_disaster.png,0,0,13,9722,00001566 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001566_pre_disaster.png,pinery-bushfire_00001566_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001566_pre_disaster.png,0,0,13,9722,00001566 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001567_post_disaster.png,pinery-bushfire_00001567_post_disaster,0,0,tier3\masks\pinery-bushfire_00001567_post_disaster.png,0,0,1,123,00001567 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001567_pre_disaster.png,pinery-bushfire_00001567_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001567_pre_disaster.png,0,0,1,123,00001567 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001568_post_disaster.png,pinery-bushfire_00001568_post_disaster,0,0,tier3\masks\pinery-bushfire_00001568_post_disaster.png,0,0,0,0,00001568 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001568_pre_disaster.png,pinery-bushfire_00001568_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001568_pre_disaster.png,0,0,0,0,00001568 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001569_post_disaster.png,pinery-bushfire_00001569_post_disaster,0,0,tier3\masks\pinery-bushfire_00001569_post_disaster.png,0,0,1,441,00001569 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001569_pre_disaster.png,pinery-bushfire_00001569_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001569_pre_disaster.png,0,0,1,441,00001569 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001570_post_disaster.png,pinery-bushfire_00001570_post_disaster,0,0,tier3\masks\pinery-bushfire_00001570_post_disaster.png,0,0,0,0,00001570 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001570_pre_disaster.png,pinery-bushfire_00001570_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001570_pre_disaster.png,0,0,0,0,00001570 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001571_post_disaster.png,pinery-bushfire_00001571_post_disaster,0,0,tier3\masks\pinery-bushfire_00001571_post_disaster.png,0,0,0,0,00001571 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001571_pre_disaster.png,pinery-bushfire_00001571_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001571_pre_disaster.png,0,0,0,0,00001571 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001572_post_disaster.png,pinery-bushfire_00001572_post_disaster,0,0,tier3\masks\pinery-bushfire_00001572_post_disaster.png,0,0,0,0,00001572 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001572_pre_disaster.png,pinery-bushfire_00001572_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001572_pre_disaster.png,0,0,0,0,00001572 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001573_post_disaster.png,pinery-bushfire_00001573_post_disaster,0,0,tier3\masks\pinery-bushfire_00001573_post_disaster.png,0,0,0,0,00001573 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001573_pre_disaster.png,pinery-bushfire_00001573_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001573_pre_disaster.png,0,0,0,0,00001573 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001574_post_disaster.png,pinery-bushfire_00001574_post_disaster,0,0,tier3\masks\pinery-bushfire_00001574_post_disaster.png,0,0,0,0,00001574 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001574_pre_disaster.png,pinery-bushfire_00001574_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001574_pre_disaster.png,0,0,0,0,00001574 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001575_post_disaster.png,pinery-bushfire_00001575_post_disaster,0,0,tier3\masks\pinery-bushfire_00001575_post_disaster.png,0,0,0,0,00001575 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001575_pre_disaster.png,pinery-bushfire_00001575_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001575_pre_disaster.png,0,0,0,0,00001575 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001576_post_disaster.png,pinery-bushfire_00001576_post_disaster,0,0,tier3\masks\pinery-bushfire_00001576_post_disaster.png,0,0,0,0,00001576 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001576_pre_disaster.png,pinery-bushfire_00001576_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001576_pre_disaster.png,0,0,0,0,00001576 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001577_post_disaster.png,pinery-bushfire_00001577_post_disaster,0,0,tier3\masks\pinery-bushfire_00001577_post_disaster.png,0,0,0,0,00001577 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001577_pre_disaster.png,pinery-bushfire_00001577_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001577_pre_disaster.png,0,0,0,0,00001577 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001578_post_disaster.png,pinery-bushfire_00001578_post_disaster,0,0,tier3\masks\pinery-bushfire_00001578_post_disaster.png,0,0,0,0,00001578 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001578_pre_disaster.png,pinery-bushfire_00001578_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001578_pre_disaster.png,0,0,0,0,00001578 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001579_post_disaster.png,pinery-bushfire_00001579_post_disaster,0,0,tier3\masks\pinery-bushfire_00001579_post_disaster.png,0,0,0,0,00001579 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001579_pre_disaster.png,pinery-bushfire_00001579_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001579_pre_disaster.png,0,0,0,0,00001579 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001580_post_disaster.png,pinery-bushfire_00001580_post_disaster,0,0,tier3\masks\pinery-bushfire_00001580_post_disaster.png,0,0,0,0,00001580 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001580_pre_disaster.png,pinery-bushfire_00001580_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001580_pre_disaster.png,0,0,0,0,00001580 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001581_post_disaster.png,pinery-bushfire_00001581_post_disaster,0,0,tier3\masks\pinery-bushfire_00001581_post_disaster.png,0,0,0,0,00001581 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001581_pre_disaster.png,pinery-bushfire_00001581_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001581_pre_disaster.png,0,0,0,0,00001581 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001582_post_disaster.png,pinery-bushfire_00001582_post_disaster,0,0,tier3\masks\pinery-bushfire_00001582_post_disaster.png,0,0,0,0,00001582 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001582_pre_disaster.png,pinery-bushfire_00001582_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001582_pre_disaster.png,0,0,0,0,00001582 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001583_post_disaster.png,pinery-bushfire_00001583_post_disaster,0,0,tier3\masks\pinery-bushfire_00001583_post_disaster.png,0,0,0,0,00001583 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001583_pre_disaster.png,pinery-bushfire_00001583_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001583_pre_disaster.png,0,0,0,0,00001583 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001584_post_disaster.png,pinery-bushfire_00001584_post_disaster,0,0,tier3\masks\pinery-bushfire_00001584_post_disaster.png,0,0,0,0,00001584 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001584_pre_disaster.png,pinery-bushfire_00001584_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001584_pre_disaster.png,0,0,0,0,00001584 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001585_post_disaster.png,pinery-bushfire_00001585_post_disaster,0,0,tier3\masks\pinery-bushfire_00001585_post_disaster.png,0,0,0,0,00001585 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001585_pre_disaster.png,pinery-bushfire_00001585_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001585_pre_disaster.png,0,0,0,0,00001585 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001586_post_disaster.png,pinery-bushfire_00001586_post_disaster,0,0,tier3\masks\pinery-bushfire_00001586_post_disaster.png,0,0,0,0,00001586 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001586_pre_disaster.png,pinery-bushfire_00001586_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001586_pre_disaster.png,0,0,0,0,00001586 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001587_post_disaster.png,pinery-bushfire_00001587_post_disaster,0,0,tier3\masks\pinery-bushfire_00001587_post_disaster.png,0,0,0,0,00001587 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001587_pre_disaster.png,pinery-bushfire_00001587_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001587_pre_disaster.png,0,0,0,0,00001587 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001588_post_disaster.png,pinery-bushfire_00001588_post_disaster,0,0,tier3\masks\pinery-bushfire_00001588_post_disaster.png,0,0,0,0,00001588 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001588_pre_disaster.png,pinery-bushfire_00001588_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001588_pre_disaster.png,0,0,0,0,00001588 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001589_post_disaster.png,pinery-bushfire_00001589_post_disaster,0,0,tier3\masks\pinery-bushfire_00001589_post_disaster.png,0,0,0,0,00001589 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001589_pre_disaster.png,pinery-bushfire_00001589_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001589_pre_disaster.png,0,0,0,0,00001589 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001590_post_disaster.png,pinery-bushfire_00001590_post_disaster,0,0,tier3\masks\pinery-bushfire_00001590_post_disaster.png,0,0,0,0,00001590 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001590_pre_disaster.png,pinery-bushfire_00001590_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001590_pre_disaster.png,0,0,0,0,00001590 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001591_post_disaster.png,pinery-bushfire_00001591_post_disaster,0,0,tier3\masks\pinery-bushfire_00001591_post_disaster.png,0,0,9,7279,00001591 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001591_pre_disaster.png,pinery-bushfire_00001591_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001591_pre_disaster.png,0,0,9,7306,00001591 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001592_post_disaster.png,pinery-bushfire_00001592_post_disaster,0,0,tier3\masks\pinery-bushfire_00001592_post_disaster.png,0,0,0,0,00001592 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001592_pre_disaster.png,pinery-bushfire_00001592_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001592_pre_disaster.png,0,0,0,0,00001592 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001593_post_disaster.png,pinery-bushfire_00001593_post_disaster,0,0,tier3\masks\pinery-bushfire_00001593_post_disaster.png,0,0,0,0,00001593 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001593_pre_disaster.png,pinery-bushfire_00001593_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001593_pre_disaster.png,0,0,0,0,00001593 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001594_post_disaster.png,pinery-bushfire_00001594_post_disaster,0,0,tier3\masks\pinery-bushfire_00001594_post_disaster.png,0,0,0,0,00001594 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001594_pre_disaster.png,pinery-bushfire_00001594_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001594_pre_disaster.png,0,0,0,0,00001594 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001595_post_disaster.png,pinery-bushfire_00001595_post_disaster,0,0,tier3\masks\pinery-bushfire_00001595_post_disaster.png,0,0,20,16645,00001595 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001595_pre_disaster.png,pinery-bushfire_00001595_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001595_pre_disaster.png,0,0,20,16672,00001595 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001596_post_disaster.png,pinery-bushfire_00001596_post_disaster,0,0,tier3\masks\pinery-bushfire_00001596_post_disaster.png,0,0,0,0,00001596 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001596_pre_disaster.png,pinery-bushfire_00001596_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001596_pre_disaster.png,0,0,0,0,00001596 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001597_post_disaster.png,pinery-bushfire_00001597_post_disaster,0,0,tier3\masks\pinery-bushfire_00001597_post_disaster.png,0,0,0,0,00001597 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001597_pre_disaster.png,pinery-bushfire_00001597_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001597_pre_disaster.png,0,0,0,0,00001597 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001598_post_disaster.png,pinery-bushfire_00001598_post_disaster,0,0,tier3\masks\pinery-bushfire_00001598_post_disaster.png,0,0,5,3507,00001598 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001598_pre_disaster.png,pinery-bushfire_00001598_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001598_pre_disaster.png,0,0,5,3507,00001598 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001599_post_disaster.png,pinery-bushfire_00001599_post_disaster,0,0,tier3\masks\pinery-bushfire_00001599_post_disaster.png,0,0,0,0,00001599 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001599_pre_disaster.png,pinery-bushfire_00001599_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001599_pre_disaster.png,0,0,0,0,00001599 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001600_post_disaster.png,pinery-bushfire_00001600_post_disaster,0,0,tier3\masks\pinery-bushfire_00001600_post_disaster.png,0,0,0,0,00001600 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001600_pre_disaster.png,pinery-bushfire_00001600_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001600_pre_disaster.png,0,0,0,0,00001600 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001601_post_disaster.png,pinery-bushfire_00001601_post_disaster,0,0,tier3\masks\pinery-bushfire_00001601_post_disaster.png,0,0,0,0,00001601 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001601_pre_disaster.png,pinery-bushfire_00001601_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001601_pre_disaster.png,0,0,0,0,00001601 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001602_post_disaster.png,pinery-bushfire_00001602_post_disaster,0,0,tier3\masks\pinery-bushfire_00001602_post_disaster.png,0,0,0,0,00001602 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001602_pre_disaster.png,pinery-bushfire_00001602_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001602_pre_disaster.png,0,0,0,0,00001602 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001603_post_disaster.png,pinery-bushfire_00001603_post_disaster,0,0,tier3\masks\pinery-bushfire_00001603_post_disaster.png,0,0,0,0,00001603 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001603_pre_disaster.png,pinery-bushfire_00001603_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001603_pre_disaster.png,0,0,0,0,00001603 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001604_post_disaster.png,pinery-bushfire_00001604_post_disaster,0,0,tier3\masks\pinery-bushfire_00001604_post_disaster.png,0,0,2,2095,00001604 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001604_pre_disaster.png,pinery-bushfire_00001604_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001604_pre_disaster.png,0,0,2,2212,00001604 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001605_post_disaster.png,pinery-bushfire_00001605_post_disaster,0,0,tier3\masks\pinery-bushfire_00001605_post_disaster.png,0,0,0,0,00001605 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001605_pre_disaster.png,pinery-bushfire_00001605_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001605_pre_disaster.png,0,0,0,0,00001605 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001606_post_disaster.png,pinery-bushfire_00001606_post_disaster,0,0,tier3\masks\pinery-bushfire_00001606_post_disaster.png,0,0,0,0,00001606 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001606_pre_disaster.png,pinery-bushfire_00001606_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001606_pre_disaster.png,0,0,0,0,00001606 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001607_post_disaster.png,pinery-bushfire_00001607_post_disaster,0,0,tier3\masks\pinery-bushfire_00001607_post_disaster.png,0,0,0,0,00001607 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001607_pre_disaster.png,pinery-bushfire_00001607_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001607_pre_disaster.png,0,0,0,0,00001607 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001608_post_disaster.png,pinery-bushfire_00001608_post_disaster,0,0,tier3\masks\pinery-bushfire_00001608_post_disaster.png,0,0,0,0,00001608 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001608_pre_disaster.png,pinery-bushfire_00001608_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001608_pre_disaster.png,0,0,0,0,00001608 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001609_post_disaster.png,pinery-bushfire_00001609_post_disaster,0,0,tier3\masks\pinery-bushfire_00001609_post_disaster.png,0,0,0,0,00001609 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001609_pre_disaster.png,pinery-bushfire_00001609_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001609_pre_disaster.png,0,0,0,0,00001609 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001610_post_disaster.png,pinery-bushfire_00001610_post_disaster,0,0,tier3\masks\pinery-bushfire_00001610_post_disaster.png,0,0,2,1336,00001610 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001610_pre_disaster.png,pinery-bushfire_00001610_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001610_pre_disaster.png,0,0,2,1379,00001610 +1,81,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001611_post_disaster.png,pinery-bushfire_00001611_post_disaster,0,0,tier3\masks\pinery-bushfire_00001611_post_disaster.png,0,0,3,2388,00001611 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001611_pre_disaster.png,pinery-bushfire_00001611_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001611_pre_disaster.png,0,0,4,2469,00001611 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001612_post_disaster.png,pinery-bushfire_00001612_post_disaster,0,0,tier3\masks\pinery-bushfire_00001612_post_disaster.png,0,0,0,0,00001612 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001612_pre_disaster.png,pinery-bushfire_00001612_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001612_pre_disaster.png,0,0,0,0,00001612 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001613_post_disaster.png,pinery-bushfire_00001613_post_disaster,0,0,tier3\masks\pinery-bushfire_00001613_post_disaster.png,0,0,0,0,00001613 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001613_pre_disaster.png,pinery-bushfire_00001613_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001613_pre_disaster.png,0,0,0,0,00001613 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001614_post_disaster.png,pinery-bushfire_00001614_post_disaster,0,0,tier3\masks\pinery-bushfire_00001614_post_disaster.png,0,0,0,0,00001614 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001614_pre_disaster.png,pinery-bushfire_00001614_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001614_pre_disaster.png,0,0,0,0,00001614 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001615_post_disaster.png,pinery-bushfire_00001615_post_disaster,0,0,tier3\masks\pinery-bushfire_00001615_post_disaster.png,0,0,0,0,00001615 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001615_pre_disaster.png,pinery-bushfire_00001615_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001615_pre_disaster.png,0,0,0,0,00001615 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001616_post_disaster.png,pinery-bushfire_00001616_post_disaster,0,0,tier3\masks\pinery-bushfire_00001616_post_disaster.png,0,0,1,129,00001616 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001616_pre_disaster.png,pinery-bushfire_00001616_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001616_pre_disaster.png,0,0,1,129,00001616 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001617_post_disaster.png,pinery-bushfire_00001617_post_disaster,0,0,tier3\masks\pinery-bushfire_00001617_post_disaster.png,0,0,3,2208,00001617 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001617_pre_disaster.png,pinery-bushfire_00001617_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001617_pre_disaster.png,0,0,3,2208,00001617 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001618_post_disaster.png,pinery-bushfire_00001618_post_disaster,0,0,tier3\masks\pinery-bushfire_00001618_post_disaster.png,0,0,0,0,00001618 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001618_pre_disaster.png,pinery-bushfire_00001618_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001618_pre_disaster.png,0,0,0,0,00001618 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001619_post_disaster.png,pinery-bushfire_00001619_post_disaster,0,0,tier3\masks\pinery-bushfire_00001619_post_disaster.png,0,0,0,0,00001619 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001619_pre_disaster.png,pinery-bushfire_00001619_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001619_pre_disaster.png,0,0,0,0,00001619 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001620_post_disaster.png,pinery-bushfire_00001620_post_disaster,0,0,tier3\masks\pinery-bushfire_00001620_post_disaster.png,0,0,0,0,00001620 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001620_pre_disaster.png,pinery-bushfire_00001620_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001620_pre_disaster.png,0,0,0,0,00001620 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001621_post_disaster.png,pinery-bushfire_00001621_post_disaster,0,0,tier3\masks\pinery-bushfire_00001621_post_disaster.png,0,0,0,0,00001621 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001621_pre_disaster.png,pinery-bushfire_00001621_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001621_pre_disaster.png,0,0,0,0,00001621 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001622_post_disaster.png,pinery-bushfire_00001622_post_disaster,0,0,tier3\masks\pinery-bushfire_00001622_post_disaster.png,0,0,0,0,00001622 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001622_pre_disaster.png,pinery-bushfire_00001622_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001622_pre_disaster.png,0,0,0,0,00001622 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001623_post_disaster.png,pinery-bushfire_00001623_post_disaster,0,0,tier3\masks\pinery-bushfire_00001623_post_disaster.png,0,0,0,0,00001623 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001623_pre_disaster.png,pinery-bushfire_00001623_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001623_pre_disaster.png,0,0,0,0,00001623 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001624_post_disaster.png,pinery-bushfire_00001624_post_disaster,0,0,tier3\masks\pinery-bushfire_00001624_post_disaster.png,0,0,0,0,00001624 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001624_pre_disaster.png,pinery-bushfire_00001624_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001624_pre_disaster.png,0,0,0,0,00001624 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001625_post_disaster.png,pinery-bushfire_00001625_post_disaster,0,0,tier3\masks\pinery-bushfire_00001625_post_disaster.png,0,0,0,0,00001625 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001625_pre_disaster.png,pinery-bushfire_00001625_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001625_pre_disaster.png,0,0,0,0,00001625 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001626_post_disaster.png,pinery-bushfire_00001626_post_disaster,0,0,tier3\masks\pinery-bushfire_00001626_post_disaster.png,0,0,0,0,00001626 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001626_pre_disaster.png,pinery-bushfire_00001626_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001626_pre_disaster.png,0,0,0,0,00001626 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001627_post_disaster.png,pinery-bushfire_00001627_post_disaster,0,0,tier3\masks\pinery-bushfire_00001627_post_disaster.png,0,0,0,0,00001627 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001627_pre_disaster.png,pinery-bushfire_00001627_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001627_pre_disaster.png,0,0,0,0,00001627 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001628_post_disaster.png,pinery-bushfire_00001628_post_disaster,0,0,tier3\masks\pinery-bushfire_00001628_post_disaster.png,0,0,0,0,00001628 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001628_pre_disaster.png,pinery-bushfire_00001628_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001628_pre_disaster.png,0,0,0,0,00001628 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001629_post_disaster.png,pinery-bushfire_00001629_post_disaster,0,0,tier3\masks\pinery-bushfire_00001629_post_disaster.png,0,0,0,0,00001629 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001629_pre_disaster.png,pinery-bushfire_00001629_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001629_pre_disaster.png,0,0,0,0,00001629 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001630_post_disaster.png,pinery-bushfire_00001630_post_disaster,0,0,tier3\masks\pinery-bushfire_00001630_post_disaster.png,0,0,0,0,00001630 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001630_pre_disaster.png,pinery-bushfire_00001630_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001630_pre_disaster.png,0,0,0,0,00001630 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001631_post_disaster.png,pinery-bushfire_00001631_post_disaster,0,0,tier3\masks\pinery-bushfire_00001631_post_disaster.png,0,0,0,0,00001631 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001631_pre_disaster.png,pinery-bushfire_00001631_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001631_pre_disaster.png,0,0,0,0,00001631 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001632_post_disaster.png,pinery-bushfire_00001632_post_disaster,0,0,tier3\masks\pinery-bushfire_00001632_post_disaster.png,0,0,0,0,00001632 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001632_pre_disaster.png,pinery-bushfire_00001632_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001632_pre_disaster.png,0,0,0,0,00001632 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001633_post_disaster.png,pinery-bushfire_00001633_post_disaster,0,0,tier3\masks\pinery-bushfire_00001633_post_disaster.png,0,0,0,0,00001633 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001633_pre_disaster.png,pinery-bushfire_00001633_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001633_pre_disaster.png,0,0,0,0,00001633 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001634_post_disaster.png,pinery-bushfire_00001634_post_disaster,0,0,tier3\masks\pinery-bushfire_00001634_post_disaster.png,0,0,5,2774,00001634 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001634_pre_disaster.png,pinery-bushfire_00001634_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001634_pre_disaster.png,0,0,5,2774,00001634 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001635_post_disaster.png,pinery-bushfire_00001635_post_disaster,0,0,tier3\masks\pinery-bushfire_00001635_post_disaster.png,0,0,0,0,00001635 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001635_pre_disaster.png,pinery-bushfire_00001635_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001635_pre_disaster.png,0,0,0,0,00001635 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001636_post_disaster.png,pinery-bushfire_00001636_post_disaster,0,0,tier3\masks\pinery-bushfire_00001636_post_disaster.png,0,0,4,5480,00001636 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001636_pre_disaster.png,pinery-bushfire_00001636_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001636_pre_disaster.png,0,0,4,5480,00001636 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001637_post_disaster.png,pinery-bushfire_00001637_post_disaster,0,0,tier3\masks\pinery-bushfire_00001637_post_disaster.png,0,0,0,0,00001637 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001637_pre_disaster.png,pinery-bushfire_00001637_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001637_pre_disaster.png,0,0,0,0,00001637 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001638_post_disaster.png,pinery-bushfire_00001638_post_disaster,0,0,tier3\masks\pinery-bushfire_00001638_post_disaster.png,0,0,0,0,00001638 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001638_pre_disaster.png,pinery-bushfire_00001638_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001638_pre_disaster.png,0,0,0,0,00001638 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001639_post_disaster.png,pinery-bushfire_00001639_post_disaster,0,0,tier3\masks\pinery-bushfire_00001639_post_disaster.png,0,0,0,0,00001639 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001639_pre_disaster.png,pinery-bushfire_00001639_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001639_pre_disaster.png,0,0,0,0,00001639 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001640_post_disaster.png,pinery-bushfire_00001640_post_disaster,0,0,tier3\masks\pinery-bushfire_00001640_post_disaster.png,0,0,0,0,00001640 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001640_pre_disaster.png,pinery-bushfire_00001640_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001640_pre_disaster.png,0,0,0,0,00001640 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001641_post_disaster.png,pinery-bushfire_00001641_post_disaster,0,0,tier3\masks\pinery-bushfire_00001641_post_disaster.png,0,0,0,0,00001641 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001641_pre_disaster.png,pinery-bushfire_00001641_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001641_pre_disaster.png,0,0,0,0,00001641 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001642_post_disaster.png,pinery-bushfire_00001642_post_disaster,0,0,tier3\masks\pinery-bushfire_00001642_post_disaster.png,0,0,0,0,00001642 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001642_pre_disaster.png,pinery-bushfire_00001642_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001642_pre_disaster.png,0,0,0,0,00001642 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001643_post_disaster.png,pinery-bushfire_00001643_post_disaster,0,0,tier3\masks\pinery-bushfire_00001643_post_disaster.png,0,0,0,0,00001643 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001643_pre_disaster.png,pinery-bushfire_00001643_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001643_pre_disaster.png,0,0,0,0,00001643 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001644_post_disaster.png,pinery-bushfire_00001644_post_disaster,0,0,tier3\masks\pinery-bushfire_00001644_post_disaster.png,0,0,0,0,00001644 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001644_pre_disaster.png,pinery-bushfire_00001644_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001644_pre_disaster.png,0,0,0,0,00001644 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001645_post_disaster.png,pinery-bushfire_00001645_post_disaster,0,0,tier3\masks\pinery-bushfire_00001645_post_disaster.png,0,0,0,0,00001645 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001645_pre_disaster.png,pinery-bushfire_00001645_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001645_pre_disaster.png,0,0,0,0,00001645 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001646_post_disaster.png,pinery-bushfire_00001646_post_disaster,0,0,tier3\masks\pinery-bushfire_00001646_post_disaster.png,0,0,0,0,00001646 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001646_pre_disaster.png,pinery-bushfire_00001646_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001646_pre_disaster.png,0,0,0,0,00001646 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001647_post_disaster.png,pinery-bushfire_00001647_post_disaster,0,0,tier3\masks\pinery-bushfire_00001647_post_disaster.png,0,0,0,0,00001647 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001647_pre_disaster.png,pinery-bushfire_00001647_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001647_pre_disaster.png,0,0,0,0,00001647 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001648_post_disaster.png,pinery-bushfire_00001648_post_disaster,0,0,tier3\masks\pinery-bushfire_00001648_post_disaster.png,0,0,0,0,00001648 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001648_pre_disaster.png,pinery-bushfire_00001648_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001648_pre_disaster.png,0,0,0,0,00001648 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001649_post_disaster.png,pinery-bushfire_00001649_post_disaster,0,0,tier3\masks\pinery-bushfire_00001649_post_disaster.png,0,0,0,0,00001649 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001649_pre_disaster.png,pinery-bushfire_00001649_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001649_pre_disaster.png,0,0,0,0,00001649 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001650_post_disaster.png,pinery-bushfire_00001650_post_disaster,0,0,tier3\masks\pinery-bushfire_00001650_post_disaster.png,0,0,0,0,00001650 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001650_pre_disaster.png,pinery-bushfire_00001650_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001650_pre_disaster.png,0,0,0,0,00001650 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001651_post_disaster.png,pinery-bushfire_00001651_post_disaster,0,0,tier3\masks\pinery-bushfire_00001651_post_disaster.png,0,0,0,0,00001651 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001651_pre_disaster.png,pinery-bushfire_00001651_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001651_pre_disaster.png,0,0,0,0,00001651 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001652_post_disaster.png,pinery-bushfire_00001652_post_disaster,0,0,tier3\masks\pinery-bushfire_00001652_post_disaster.png,0,0,0,0,00001652 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001652_pre_disaster.png,pinery-bushfire_00001652_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001652_pre_disaster.png,0,0,0,0,00001652 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001653_post_disaster.png,pinery-bushfire_00001653_post_disaster,0,0,tier3\masks\pinery-bushfire_00001653_post_disaster.png,0,0,0,0,00001653 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001653_pre_disaster.png,pinery-bushfire_00001653_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001653_pre_disaster.png,0,0,0,0,00001653 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001654_post_disaster.png,pinery-bushfire_00001654_post_disaster,0,0,tier3\masks\pinery-bushfire_00001654_post_disaster.png,0,0,0,0,00001654 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001654_pre_disaster.png,pinery-bushfire_00001654_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001654_pre_disaster.png,0,0,0,0,00001654 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001655_post_disaster.png,pinery-bushfire_00001655_post_disaster,0,0,tier3\masks\pinery-bushfire_00001655_post_disaster.png,0,0,0,0,00001655 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001655_pre_disaster.png,pinery-bushfire_00001655_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001655_pre_disaster.png,0,0,0,0,00001655 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001656_post_disaster.png,pinery-bushfire_00001656_post_disaster,0,0,tier3\masks\pinery-bushfire_00001656_post_disaster.png,0,0,0,0,00001656 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001656_pre_disaster.png,pinery-bushfire_00001656_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001656_pre_disaster.png,0,0,0,0,00001656 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001657_post_disaster.png,pinery-bushfire_00001657_post_disaster,0,0,tier3\masks\pinery-bushfire_00001657_post_disaster.png,0,0,0,0,00001657 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001657_pre_disaster.png,pinery-bushfire_00001657_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001657_pre_disaster.png,0,0,0,0,00001657 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001658_post_disaster.png,pinery-bushfire_00001658_post_disaster,0,0,tier3\masks\pinery-bushfire_00001658_post_disaster.png,0,0,0,0,00001658 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001658_pre_disaster.png,pinery-bushfire_00001658_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001658_pre_disaster.png,0,0,0,0,00001658 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001659_post_disaster.png,pinery-bushfire_00001659_post_disaster,0,0,tier3\masks\pinery-bushfire_00001659_post_disaster.png,0,0,0,0,00001659 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001659_pre_disaster.png,pinery-bushfire_00001659_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001659_pre_disaster.png,0,0,0,0,00001659 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001660_post_disaster.png,pinery-bushfire_00001660_post_disaster,0,0,tier3\masks\pinery-bushfire_00001660_post_disaster.png,0,0,0,0,00001660 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001660_pre_disaster.png,pinery-bushfire_00001660_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001660_pre_disaster.png,0,0,0,0,00001660 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001661_post_disaster.png,pinery-bushfire_00001661_post_disaster,0,0,tier3\masks\pinery-bushfire_00001661_post_disaster.png,0,0,1,127,00001661 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001661_pre_disaster.png,pinery-bushfire_00001661_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001661_pre_disaster.png,0,0,1,127,00001661 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001662_post_disaster.png,pinery-bushfire_00001662_post_disaster,0,0,tier3\masks\pinery-bushfire_00001662_post_disaster.png,0,0,9,1373,00001662 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001662_pre_disaster.png,pinery-bushfire_00001662_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001662_pre_disaster.png,0,0,9,1373,00001662 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001663_post_disaster.png,pinery-bushfire_00001663_post_disaster,0,0,tier3\masks\pinery-bushfire_00001663_post_disaster.png,0,0,0,0,00001663 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001663_pre_disaster.png,pinery-bushfire_00001663_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001663_pre_disaster.png,0,0,0,0,00001663 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001664_post_disaster.png,pinery-bushfire_00001664_post_disaster,0,0,tier3\masks\pinery-bushfire_00001664_post_disaster.png,0,0,0,0,00001664 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001664_pre_disaster.png,pinery-bushfire_00001664_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001664_pre_disaster.png,0,0,0,0,00001664 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001665_post_disaster.png,pinery-bushfire_00001665_post_disaster,0,0,tier3\masks\pinery-bushfire_00001665_post_disaster.png,0,0,0,0,00001665 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001665_pre_disaster.png,pinery-bushfire_00001665_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001665_pre_disaster.png,0,0,0,0,00001665 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001666_post_disaster.png,pinery-bushfire_00001666_post_disaster,0,0,tier3\masks\pinery-bushfire_00001666_post_disaster.png,0,0,0,0,00001666 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001666_pre_disaster.png,pinery-bushfire_00001666_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001666_pre_disaster.png,0,0,0,0,00001666 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001667_post_disaster.png,pinery-bushfire_00001667_post_disaster,0,0,tier3\masks\pinery-bushfire_00001667_post_disaster.png,0,0,4,2158,00001667 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001667_pre_disaster.png,pinery-bushfire_00001667_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001667_pre_disaster.png,0,0,4,2224,00001667 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001668_post_disaster.png,pinery-bushfire_00001668_post_disaster,0,0,tier3\masks\pinery-bushfire_00001668_post_disaster.png,0,0,2,1250,00001668 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001668_pre_disaster.png,pinery-bushfire_00001668_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001668_pre_disaster.png,0,0,2,1277,00001668 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001669_post_disaster.png,pinery-bushfire_00001669_post_disaster,0,0,tier3\masks\pinery-bushfire_00001669_post_disaster.png,0,0,0,0,00001669 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001669_pre_disaster.png,pinery-bushfire_00001669_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001669_pre_disaster.png,0,0,0,0,00001669 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001670_post_disaster.png,pinery-bushfire_00001670_post_disaster,0,0,tier3\masks\pinery-bushfire_00001670_post_disaster.png,0,0,0,0,00001670 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001670_pre_disaster.png,pinery-bushfire_00001670_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001670_pre_disaster.png,0,0,0,0,00001670 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001671_post_disaster.png,pinery-bushfire_00001671_post_disaster,0,0,tier3\masks\pinery-bushfire_00001671_post_disaster.png,0,0,0,0,00001671 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001671_pre_disaster.png,pinery-bushfire_00001671_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001671_pre_disaster.png,0,0,0,0,00001671 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001672_post_disaster.png,pinery-bushfire_00001672_post_disaster,0,0,tier3\masks\pinery-bushfire_00001672_post_disaster.png,0,0,8,3495,00001672 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001672_pre_disaster.png,pinery-bushfire_00001672_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001672_pre_disaster.png,0,0,8,3529,00001672 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001673_post_disaster.png,pinery-bushfire_00001673_post_disaster,0,0,tier3\masks\pinery-bushfire_00001673_post_disaster.png,0,0,0,0,00001673 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001673_pre_disaster.png,pinery-bushfire_00001673_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001673_pre_disaster.png,0,0,0,0,00001673 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001674_post_disaster.png,pinery-bushfire_00001674_post_disaster,0,0,tier3\masks\pinery-bushfire_00001674_post_disaster.png,0,0,0,0,00001674 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001674_pre_disaster.png,pinery-bushfire_00001674_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001674_pre_disaster.png,0,0,0,0,00001674 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001675_post_disaster.png,pinery-bushfire_00001675_post_disaster,0,0,tier3\masks\pinery-bushfire_00001675_post_disaster.png,0,0,0,0,00001675 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001675_pre_disaster.png,pinery-bushfire_00001675_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001675_pre_disaster.png,0,0,0,0,00001675 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001676_post_disaster.png,pinery-bushfire_00001676_post_disaster,0,0,tier3\masks\pinery-bushfire_00001676_post_disaster.png,0,0,0,0,00001676 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001676_pre_disaster.png,pinery-bushfire_00001676_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001676_pre_disaster.png,0,0,0,0,00001676 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001677_post_disaster.png,pinery-bushfire_00001677_post_disaster,0,0,tier3\masks\pinery-bushfire_00001677_post_disaster.png,0,0,0,0,00001677 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001677_pre_disaster.png,pinery-bushfire_00001677_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001677_pre_disaster.png,0,0,0,0,00001677 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001678_post_disaster.png,pinery-bushfire_00001678_post_disaster,0,0,tier3\masks\pinery-bushfire_00001678_post_disaster.png,0,0,0,0,00001678 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001678_pre_disaster.png,pinery-bushfire_00001678_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001678_pre_disaster.png,0,0,0,0,00001678 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001679_post_disaster.png,pinery-bushfire_00001679_post_disaster,0,0,tier3\masks\pinery-bushfire_00001679_post_disaster.png,0,0,17,10131,00001679 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001679_pre_disaster.png,pinery-bushfire_00001679_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001679_pre_disaster.png,0,0,17,10131,00001679 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001680_post_disaster.png,pinery-bushfire_00001680_post_disaster,0,0,tier3\masks\pinery-bushfire_00001680_post_disaster.png,0,0,0,0,00001680 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001680_pre_disaster.png,pinery-bushfire_00001680_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001680_pre_disaster.png,0,0,0,0,00001680 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001681_post_disaster.png,pinery-bushfire_00001681_post_disaster,0,0,tier3\masks\pinery-bushfire_00001681_post_disaster.png,0,0,1,110,00001681 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001681_pre_disaster.png,pinery-bushfire_00001681_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001681_pre_disaster.png,0,0,1,110,00001681 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001682_post_disaster.png,pinery-bushfire_00001682_post_disaster,0,0,tier3\masks\pinery-bushfire_00001682_post_disaster.png,0,0,7,3531,00001682 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001682_pre_disaster.png,pinery-bushfire_00001682_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001682_pre_disaster.png,0,0,7,3531,00001682 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001683_post_disaster.png,pinery-bushfire_00001683_post_disaster,0,0,tier3\masks\pinery-bushfire_00001683_post_disaster.png,0,0,0,0,00001683 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001683_pre_disaster.png,pinery-bushfire_00001683_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001683_pre_disaster.png,0,0,0,0,00001683 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001684_post_disaster.png,pinery-bushfire_00001684_post_disaster,0,0,tier3\masks\pinery-bushfire_00001684_post_disaster.png,0,0,12,9074,00001684 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001684_pre_disaster.png,pinery-bushfire_00001684_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001684_pre_disaster.png,0,0,12,9074,00001684 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001685_post_disaster.png,pinery-bushfire_00001685_post_disaster,0,0,tier3\masks\pinery-bushfire_00001685_post_disaster.png,0,0,0,0,00001685 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001685_pre_disaster.png,pinery-bushfire_00001685_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001685_pre_disaster.png,0,0,0,0,00001685 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001686_post_disaster.png,pinery-bushfire_00001686_post_disaster,0,0,tier3\masks\pinery-bushfire_00001686_post_disaster.png,1,2202,1,198,00001686 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001686_pre_disaster.png,pinery-bushfire_00001686_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001686_pre_disaster.png,0,0,2,2400,00001686 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001687_post_disaster.png,pinery-bushfire_00001687_post_disaster,0,0,tier3\masks\pinery-bushfire_00001687_post_disaster.png,0,0,0,0,00001687 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001687_pre_disaster.png,pinery-bushfire_00001687_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001687_pre_disaster.png,0,0,0,0,00001687 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001688_post_disaster.png,pinery-bushfire_00001688_post_disaster,0,0,tier3\masks\pinery-bushfire_00001688_post_disaster.png,0,0,0,0,00001688 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001688_pre_disaster.png,pinery-bushfire_00001688_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001688_pre_disaster.png,0,0,0,0,00001688 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001689_post_disaster.png,pinery-bushfire_00001689_post_disaster,0,0,tier3\masks\pinery-bushfire_00001689_post_disaster.png,0,0,0,0,00001689 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001689_pre_disaster.png,pinery-bushfire_00001689_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001689_pre_disaster.png,0,0,0,0,00001689 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001690_post_disaster.png,pinery-bushfire_00001690_post_disaster,0,0,tier3\masks\pinery-bushfire_00001690_post_disaster.png,0,0,0,0,00001690 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001690_pre_disaster.png,pinery-bushfire_00001690_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001690_pre_disaster.png,0,0,0,0,00001690 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001691_post_disaster.png,pinery-bushfire_00001691_post_disaster,0,0,tier3\masks\pinery-bushfire_00001691_post_disaster.png,0,0,0,0,00001691 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001691_pre_disaster.png,pinery-bushfire_00001691_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001691_pre_disaster.png,0,0,0,0,00001691 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001692_post_disaster.png,pinery-bushfire_00001692_post_disaster,0,0,tier3\masks\pinery-bushfire_00001692_post_disaster.png,0,0,0,0,00001692 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001692_pre_disaster.png,pinery-bushfire_00001692_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001692_pre_disaster.png,0,0,0,0,00001692 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001693_post_disaster.png,pinery-bushfire_00001693_post_disaster,0,0,tier3\masks\pinery-bushfire_00001693_post_disaster.png,0,0,0,0,00001693 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001693_pre_disaster.png,pinery-bushfire_00001693_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001693_pre_disaster.png,0,0,0,0,00001693 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001694_post_disaster.png,pinery-bushfire_00001694_post_disaster,0,0,tier3\masks\pinery-bushfire_00001694_post_disaster.png,0,0,0,0,00001694 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001694_pre_disaster.png,pinery-bushfire_00001694_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001694_pre_disaster.png,0,0,0,0,00001694 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001695_post_disaster.png,pinery-bushfire_00001695_post_disaster,0,0,tier3\masks\pinery-bushfire_00001695_post_disaster.png,0,0,0,0,00001695 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001695_pre_disaster.png,pinery-bushfire_00001695_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001695_pre_disaster.png,0,0,0,0,00001695 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001696_post_disaster.png,pinery-bushfire_00001696_post_disaster,0,0,tier3\masks\pinery-bushfire_00001696_post_disaster.png,0,0,0,0,00001696 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001696_pre_disaster.png,pinery-bushfire_00001696_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001696_pre_disaster.png,0,0,0,0,00001696 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001697_post_disaster.png,pinery-bushfire_00001697_post_disaster,0,0,tier3\masks\pinery-bushfire_00001697_post_disaster.png,0,0,0,0,00001697 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001697_pre_disaster.png,pinery-bushfire_00001697_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001697_pre_disaster.png,0,0,0,0,00001697 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001698_post_disaster.png,pinery-bushfire_00001698_post_disaster,0,0,tier3\masks\pinery-bushfire_00001698_post_disaster.png,0,0,6,9984,00001698 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001698_pre_disaster.png,pinery-bushfire_00001698_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001698_pre_disaster.png,0,0,6,9984,00001698 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001699_post_disaster.png,pinery-bushfire_00001699_post_disaster,0,0,tier3\masks\pinery-bushfire_00001699_post_disaster.png,0,0,0,0,00001699 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001699_pre_disaster.png,pinery-bushfire_00001699_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001699_pre_disaster.png,0,0,0,0,00001699 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001700_post_disaster.png,pinery-bushfire_00001700_post_disaster,0,0,tier3\masks\pinery-bushfire_00001700_post_disaster.png,0,0,3,1685,00001700 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001700_pre_disaster.png,pinery-bushfire_00001700_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001700_pre_disaster.png,0,0,3,1685,00001700 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001701_post_disaster.png,pinery-bushfire_00001701_post_disaster,0,0,tier3\masks\pinery-bushfire_00001701_post_disaster.png,0,0,0,0,00001701 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001701_pre_disaster.png,pinery-bushfire_00001701_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001701_pre_disaster.png,0,0,0,0,00001701 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001702_post_disaster.png,pinery-bushfire_00001702_post_disaster,0,0,tier3\masks\pinery-bushfire_00001702_post_disaster.png,0,0,0,0,00001702 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001702_pre_disaster.png,pinery-bushfire_00001702_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001702_pre_disaster.png,0,0,0,0,00001702 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001703_post_disaster.png,pinery-bushfire_00001703_post_disaster,0,0,tier3\masks\pinery-bushfire_00001703_post_disaster.png,0,0,4,388,00001703 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001703_pre_disaster.png,pinery-bushfire_00001703_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001703_pre_disaster.png,0,0,4,388,00001703 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001704_post_disaster.png,pinery-bushfire_00001704_post_disaster,0,0,tier3\masks\pinery-bushfire_00001704_post_disaster.png,0,0,8,6782,00001704 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001704_pre_disaster.png,pinery-bushfire_00001704_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001704_pre_disaster.png,0,0,8,6782,00001704 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001705_post_disaster.png,pinery-bushfire_00001705_post_disaster,0,0,tier3\masks\pinery-bushfire_00001705_post_disaster.png,0,0,13,8745,00001705 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001705_pre_disaster.png,pinery-bushfire_00001705_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001705_pre_disaster.png,0,0,13,8745,00001705 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001706_post_disaster.png,pinery-bushfire_00001706_post_disaster,0,0,tier3\masks\pinery-bushfire_00001706_post_disaster.png,0,0,0,0,00001706 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001706_pre_disaster.png,pinery-bushfire_00001706_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001706_pre_disaster.png,0,0,0,0,00001706 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001707_post_disaster.png,pinery-bushfire_00001707_post_disaster,0,0,tier3\masks\pinery-bushfire_00001707_post_disaster.png,0,0,2,559,00001707 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001707_pre_disaster.png,pinery-bushfire_00001707_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001707_pre_disaster.png,0,0,2,559,00001707 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001708_post_disaster.png,pinery-bushfire_00001708_post_disaster,0,0,tier3\masks\pinery-bushfire_00001708_post_disaster.png,0,0,0,0,00001708 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001708_pre_disaster.png,pinery-bushfire_00001708_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001708_pre_disaster.png,0,0,0,0,00001708 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001709_post_disaster.png,pinery-bushfire_00001709_post_disaster,0,0,tier3\masks\pinery-bushfire_00001709_post_disaster.png,0,0,0,0,00001709 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001709_pre_disaster.png,pinery-bushfire_00001709_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001709_pre_disaster.png,0,0,0,0,00001709 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001710_post_disaster.png,pinery-bushfire_00001710_post_disaster,0,0,tier3\masks\pinery-bushfire_00001710_post_disaster.png,0,0,0,0,00001710 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001710_pre_disaster.png,pinery-bushfire_00001710_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001710_pre_disaster.png,0,0,0,0,00001710 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001711_post_disaster.png,pinery-bushfire_00001711_post_disaster,0,0,tier3\masks\pinery-bushfire_00001711_post_disaster.png,0,0,0,0,00001711 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001711_pre_disaster.png,pinery-bushfire_00001711_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001711_pre_disaster.png,0,0,0,0,00001711 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001712_post_disaster.png,pinery-bushfire_00001712_post_disaster,0,0,tier3\masks\pinery-bushfire_00001712_post_disaster.png,0,0,0,0,00001712 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001712_pre_disaster.png,pinery-bushfire_00001712_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001712_pre_disaster.png,0,0,0,0,00001712 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001713_post_disaster.png,pinery-bushfire_00001713_post_disaster,0,0,tier3\masks\pinery-bushfire_00001713_post_disaster.png,0,0,0,0,00001713 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001713_pre_disaster.png,pinery-bushfire_00001713_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001713_pre_disaster.png,0,0,0,0,00001713 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001714_post_disaster.png,pinery-bushfire_00001714_post_disaster,0,0,tier3\masks\pinery-bushfire_00001714_post_disaster.png,0,0,0,0,00001714 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001714_pre_disaster.png,pinery-bushfire_00001714_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001714_pre_disaster.png,0,0,0,0,00001714 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001715_post_disaster.png,pinery-bushfire_00001715_post_disaster,0,0,tier3\masks\pinery-bushfire_00001715_post_disaster.png,0,0,0,0,00001715 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001715_pre_disaster.png,pinery-bushfire_00001715_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001715_pre_disaster.png,0,0,0,0,00001715 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001716_post_disaster.png,pinery-bushfire_00001716_post_disaster,0,0,tier3\masks\pinery-bushfire_00001716_post_disaster.png,0,0,5,2485,00001716 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001716_pre_disaster.png,pinery-bushfire_00001716_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001716_pre_disaster.png,0,0,5,2485,00001716 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001717_post_disaster.png,pinery-bushfire_00001717_post_disaster,0,0,tier3\masks\pinery-bushfire_00001717_post_disaster.png,0,0,13,9782,00001717 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001717_pre_disaster.png,pinery-bushfire_00001717_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001717_pre_disaster.png,0,0,13,9836,00001717 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001718_post_disaster.png,pinery-bushfire_00001718_post_disaster,0,0,tier3\masks\pinery-bushfire_00001718_post_disaster.png,0,0,6,3995,00001718 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001718_pre_disaster.png,pinery-bushfire_00001718_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001718_pre_disaster.png,0,0,6,4062,00001718 +5,602,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001719_post_disaster.png,pinery-bushfire_00001719_post_disaster,0,0,tier3\masks\pinery-bushfire_00001719_post_disaster.png,0,0,20,4686,00001719 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001719_pre_disaster.png,pinery-bushfire_00001719_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001719_pre_disaster.png,0,0,24,5288,00001719 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001720_post_disaster.png,pinery-bushfire_00001720_post_disaster,0,0,tier3\masks\pinery-bushfire_00001720_post_disaster.png,0,0,6,4589,00001720 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001720_pre_disaster.png,pinery-bushfire_00001720_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001720_pre_disaster.png,0,0,6,4589,00001720 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001721_post_disaster.png,pinery-bushfire_00001721_post_disaster,0,0,tier3\masks\pinery-bushfire_00001721_post_disaster.png,0,0,0,0,00001721 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001721_pre_disaster.png,pinery-bushfire_00001721_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001721_pre_disaster.png,0,0,0,0,00001721 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001722_post_disaster.png,pinery-bushfire_00001722_post_disaster,0,0,tier3\masks\pinery-bushfire_00001722_post_disaster.png,0,0,18,9861,00001722 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001722_pre_disaster.png,pinery-bushfire_00001722_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001722_pre_disaster.png,0,0,18,9861,00001722 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001723_post_disaster.png,pinery-bushfire_00001723_post_disaster,0,0,tier3\masks\pinery-bushfire_00001723_post_disaster.png,0,0,0,0,00001723 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001723_pre_disaster.png,pinery-bushfire_00001723_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001723_pre_disaster.png,0,0,0,0,00001723 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001724_post_disaster.png,pinery-bushfire_00001724_post_disaster,0,0,tier3\masks\pinery-bushfire_00001724_post_disaster.png,0,0,0,0,00001724 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001724_pre_disaster.png,pinery-bushfire_00001724_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001724_pre_disaster.png,0,0,0,0,00001724 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001725_post_disaster.png,pinery-bushfire_00001725_post_disaster,0,0,tier3\masks\pinery-bushfire_00001725_post_disaster.png,0,0,16,10940,00001725 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001725_pre_disaster.png,pinery-bushfire_00001725_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001725_pre_disaster.png,0,0,16,10940,00001725 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001726_post_disaster.png,pinery-bushfire_00001726_post_disaster,0,0,tier3\masks\pinery-bushfire_00001726_post_disaster.png,0,0,2,327,00001726 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001726_pre_disaster.png,pinery-bushfire_00001726_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001726_pre_disaster.png,0,0,2,327,00001726 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001727_post_disaster.png,pinery-bushfire_00001727_post_disaster,0,0,tier3\masks\pinery-bushfire_00001727_post_disaster.png,0,0,1,2724,00001727 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001727_pre_disaster.png,pinery-bushfire_00001727_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001727_pre_disaster.png,0,0,1,2724,00001727 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001728_post_disaster.png,pinery-bushfire_00001728_post_disaster,0,0,tier3\masks\pinery-bushfire_00001728_post_disaster.png,0,0,0,0,00001728 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001728_pre_disaster.png,pinery-bushfire_00001728_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001728_pre_disaster.png,0,0,0,0,00001728 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001729_post_disaster.png,pinery-bushfire_00001729_post_disaster,0,0,tier3\masks\pinery-bushfire_00001729_post_disaster.png,0,0,0,0,00001729 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001729_pre_disaster.png,pinery-bushfire_00001729_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001729_pre_disaster.png,0,0,0,0,00001729 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001730_post_disaster.png,pinery-bushfire_00001730_post_disaster,0,0,tier3\masks\pinery-bushfire_00001730_post_disaster.png,0,0,0,0,00001730 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001730_pre_disaster.png,pinery-bushfire_00001730_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001730_pre_disaster.png,0,0,0,0,00001730 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001731_post_disaster.png,pinery-bushfire_00001731_post_disaster,0,0,tier3\masks\pinery-bushfire_00001731_post_disaster.png,0,0,0,0,00001731 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001731_pre_disaster.png,pinery-bushfire_00001731_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001731_pre_disaster.png,0,0,0,0,00001731 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001732_post_disaster.png,pinery-bushfire_00001732_post_disaster,0,0,tier3\masks\pinery-bushfire_00001732_post_disaster.png,0,0,9,8464,00001732 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001732_pre_disaster.png,pinery-bushfire_00001732_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001732_pre_disaster.png,0,0,9,8464,00001732 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001733_post_disaster.png,pinery-bushfire_00001733_post_disaster,0,0,tier3\masks\pinery-bushfire_00001733_post_disaster.png,0,0,0,0,00001733 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001733_pre_disaster.png,pinery-bushfire_00001733_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001733_pre_disaster.png,0,0,0,0,00001733 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001734_post_disaster.png,pinery-bushfire_00001734_post_disaster,0,0,tier3\masks\pinery-bushfire_00001734_post_disaster.png,0,0,0,0,00001734 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001734_pre_disaster.png,pinery-bushfire_00001734_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001734_pre_disaster.png,0,0,0,0,00001734 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001735_post_disaster.png,pinery-bushfire_00001735_post_disaster,0,0,tier3\masks\pinery-bushfire_00001735_post_disaster.png,0,0,0,0,00001735 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001735_pre_disaster.png,pinery-bushfire_00001735_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001735_pre_disaster.png,0,0,0,0,00001735 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001736_post_disaster.png,pinery-bushfire_00001736_post_disaster,0,0,tier3\masks\pinery-bushfire_00001736_post_disaster.png,0,0,0,0,00001736 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001736_pre_disaster.png,pinery-bushfire_00001736_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001736_pre_disaster.png,0,0,0,0,00001736 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001737_post_disaster.png,pinery-bushfire_00001737_post_disaster,0,0,tier3\masks\pinery-bushfire_00001737_post_disaster.png,0,0,0,0,00001737 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001737_pre_disaster.png,pinery-bushfire_00001737_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001737_pre_disaster.png,0,0,0,0,00001737 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001738_post_disaster.png,pinery-bushfire_00001738_post_disaster,0,0,tier3\masks\pinery-bushfire_00001738_post_disaster.png,0,0,0,0,00001738 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001738_pre_disaster.png,pinery-bushfire_00001738_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001738_pre_disaster.png,0,0,0,0,00001738 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001739_post_disaster.png,pinery-bushfire_00001739_post_disaster,0,0,tier3\masks\pinery-bushfire_00001739_post_disaster.png,0,0,0,0,00001739 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001739_pre_disaster.png,pinery-bushfire_00001739_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001739_pre_disaster.png,0,0,0,0,00001739 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001740_post_disaster.png,pinery-bushfire_00001740_post_disaster,0,0,tier3\masks\pinery-bushfire_00001740_post_disaster.png,0,0,0,0,00001740 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001740_pre_disaster.png,pinery-bushfire_00001740_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001740_pre_disaster.png,0,0,0,0,00001740 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001741_post_disaster.png,pinery-bushfire_00001741_post_disaster,0,0,tier3\masks\pinery-bushfire_00001741_post_disaster.png,0,0,0,0,00001741 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001741_pre_disaster.png,pinery-bushfire_00001741_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001741_pre_disaster.png,0,0,0,0,00001741 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001742_post_disaster.png,pinery-bushfire_00001742_post_disaster,0,0,tier3\masks\pinery-bushfire_00001742_post_disaster.png,0,0,0,0,00001742 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001742_pre_disaster.png,pinery-bushfire_00001742_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001742_pre_disaster.png,0,0,0,0,00001742 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001743_post_disaster.png,pinery-bushfire_00001743_post_disaster,0,0,tier3\masks\pinery-bushfire_00001743_post_disaster.png,0,0,0,0,00001743 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001743_pre_disaster.png,pinery-bushfire_00001743_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001743_pre_disaster.png,0,0,0,0,00001743 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001744_post_disaster.png,pinery-bushfire_00001744_post_disaster,0,0,tier3\masks\pinery-bushfire_00001744_post_disaster.png,0,0,0,0,00001744 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001744_pre_disaster.png,pinery-bushfire_00001744_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001744_pre_disaster.png,0,0,0,0,00001744 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001745_post_disaster.png,pinery-bushfire_00001745_post_disaster,1,268,tier3\masks\pinery-bushfire_00001745_post_disaster.png,0,0,5,4941,00001745 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001745_pre_disaster.png,pinery-bushfire_00001745_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001745_pre_disaster.png,0,0,6,5209,00001745 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001746_post_disaster.png,pinery-bushfire_00001746_post_disaster,0,0,tier3\masks\pinery-bushfire_00001746_post_disaster.png,0,0,0,0,00001746 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001746_pre_disaster.png,pinery-bushfire_00001746_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001746_pre_disaster.png,0,0,0,0,00001746 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001747_post_disaster.png,pinery-bushfire_00001747_post_disaster,0,0,tier3\masks\pinery-bushfire_00001747_post_disaster.png,0,0,0,0,00001747 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001747_pre_disaster.png,pinery-bushfire_00001747_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001747_pre_disaster.png,0,0,0,0,00001747 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001748_post_disaster.png,pinery-bushfire_00001748_post_disaster,0,0,tier3\masks\pinery-bushfire_00001748_post_disaster.png,0,0,0,0,00001748 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001748_pre_disaster.png,pinery-bushfire_00001748_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001748_pre_disaster.png,0,0,0,0,00001748 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001749_post_disaster.png,pinery-bushfire_00001749_post_disaster,0,0,tier3\masks\pinery-bushfire_00001749_post_disaster.png,0,0,0,0,00001749 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001749_pre_disaster.png,pinery-bushfire_00001749_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001749_pre_disaster.png,0,0,0,0,00001749 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001750_post_disaster.png,pinery-bushfire_00001750_post_disaster,0,0,tier3\masks\pinery-bushfire_00001750_post_disaster.png,0,0,2,251,00001750 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001750_pre_disaster.png,pinery-bushfire_00001750_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001750_pre_disaster.png,0,0,2,251,00001750 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001751_post_disaster.png,pinery-bushfire_00001751_post_disaster,0,0,tier3\masks\pinery-bushfire_00001751_post_disaster.png,0,0,0,0,00001751 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001751_pre_disaster.png,pinery-bushfire_00001751_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001751_pre_disaster.png,0,0,0,0,00001751 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001752_post_disaster.png,pinery-bushfire_00001752_post_disaster,0,0,tier3\masks\pinery-bushfire_00001752_post_disaster.png,0,0,20,11869,00001752 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001752_pre_disaster.png,pinery-bushfire_00001752_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001752_pre_disaster.png,0,0,20,11869,00001752 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001753_post_disaster.png,pinery-bushfire_00001753_post_disaster,0,0,tier3\masks\pinery-bushfire_00001753_post_disaster.png,1,120,1,69,00001753 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001753_pre_disaster.png,pinery-bushfire_00001753_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001753_pre_disaster.png,0,0,2,189,00001753 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001754_post_disaster.png,pinery-bushfire_00001754_post_disaster,0,0,tier3\masks\pinery-bushfire_00001754_post_disaster.png,0,0,0,0,00001754 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001754_pre_disaster.png,pinery-bushfire_00001754_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001754_pre_disaster.png,0,0,0,0,00001754 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001755_post_disaster.png,pinery-bushfire_00001755_post_disaster,0,0,tier3\masks\pinery-bushfire_00001755_post_disaster.png,0,0,0,0,00001755 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001755_pre_disaster.png,pinery-bushfire_00001755_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001755_pre_disaster.png,0,0,0,0,00001755 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001756_post_disaster.png,pinery-bushfire_00001756_post_disaster,0,0,tier3\masks\pinery-bushfire_00001756_post_disaster.png,0,0,0,0,00001756 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001756_pre_disaster.png,pinery-bushfire_00001756_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001756_pre_disaster.png,0,0,0,0,00001756 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001757_post_disaster.png,pinery-bushfire_00001757_post_disaster,0,0,tier3\masks\pinery-bushfire_00001757_post_disaster.png,0,0,0,0,00001757 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001757_pre_disaster.png,pinery-bushfire_00001757_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001757_pre_disaster.png,0,0,0,0,00001757 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001758_post_disaster.png,pinery-bushfire_00001758_post_disaster,0,0,tier3\masks\pinery-bushfire_00001758_post_disaster.png,0,0,0,0,00001758 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001758_pre_disaster.png,pinery-bushfire_00001758_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001758_pre_disaster.png,0,0,0,0,00001758 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001759_post_disaster.png,pinery-bushfire_00001759_post_disaster,0,0,tier3\masks\pinery-bushfire_00001759_post_disaster.png,0,0,0,0,00001759 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001759_pre_disaster.png,pinery-bushfire_00001759_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001759_pre_disaster.png,0,0,0,0,00001759 +2,557,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001760_post_disaster.png,pinery-bushfire_00001760_post_disaster,0,0,tier3\masks\pinery-bushfire_00001760_post_disaster.png,0,0,0,0,00001760 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001760_pre_disaster.png,pinery-bushfire_00001760_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001760_pre_disaster.png,0,0,2,557,00001760 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001761_post_disaster.png,pinery-bushfire_00001761_post_disaster,0,0,tier3\masks\pinery-bushfire_00001761_post_disaster.png,0,0,0,0,00001761 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001761_pre_disaster.png,pinery-bushfire_00001761_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001761_pre_disaster.png,0,0,0,0,00001761 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001762_post_disaster.png,pinery-bushfire_00001762_post_disaster,0,0,tier3\masks\pinery-bushfire_00001762_post_disaster.png,0,0,0,0,00001762 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001762_pre_disaster.png,pinery-bushfire_00001762_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001762_pre_disaster.png,0,0,0,0,00001762 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001763_post_disaster.png,pinery-bushfire_00001763_post_disaster,0,0,tier3\masks\pinery-bushfire_00001763_post_disaster.png,0,0,0,0,00001763 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001763_pre_disaster.png,pinery-bushfire_00001763_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001763_pre_disaster.png,0,0,0,0,00001763 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001764_post_disaster.png,pinery-bushfire_00001764_post_disaster,0,0,tier3\masks\pinery-bushfire_00001764_post_disaster.png,0,0,0,0,00001764 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001764_pre_disaster.png,pinery-bushfire_00001764_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001764_pre_disaster.png,0,0,0,0,00001764 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001765_post_disaster.png,pinery-bushfire_00001765_post_disaster,0,0,tier3\masks\pinery-bushfire_00001765_post_disaster.png,0,0,0,0,00001765 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001765_pre_disaster.png,pinery-bushfire_00001765_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001765_pre_disaster.png,0,0,0,0,00001765 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001766_post_disaster.png,pinery-bushfire_00001766_post_disaster,0,0,tier3\masks\pinery-bushfire_00001766_post_disaster.png,0,0,0,0,00001766 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001766_pre_disaster.png,pinery-bushfire_00001766_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001766_pre_disaster.png,0,0,0,0,00001766 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001767_post_disaster.png,pinery-bushfire_00001767_post_disaster,0,0,tier3\masks\pinery-bushfire_00001767_post_disaster.png,0,0,0,0,00001767 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001767_pre_disaster.png,pinery-bushfire_00001767_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001767_pre_disaster.png,0,0,0,0,00001767 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001768_post_disaster.png,pinery-bushfire_00001768_post_disaster,0,0,tier3\masks\pinery-bushfire_00001768_post_disaster.png,0,0,4,2107,00001768 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001768_pre_disaster.png,pinery-bushfire_00001768_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001768_pre_disaster.png,0,0,4,2107,00001768 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001769_post_disaster.png,pinery-bushfire_00001769_post_disaster,0,0,tier3\masks\pinery-bushfire_00001769_post_disaster.png,0,0,0,0,00001769 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001769_pre_disaster.png,pinery-bushfire_00001769_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001769_pre_disaster.png,0,0,0,0,00001769 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001770_post_disaster.png,pinery-bushfire_00001770_post_disaster,0,0,tier3\masks\pinery-bushfire_00001770_post_disaster.png,0,0,10,8702,00001770 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001770_pre_disaster.png,pinery-bushfire_00001770_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001770_pre_disaster.png,0,0,10,8702,00001770 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001771_post_disaster.png,pinery-bushfire_00001771_post_disaster,0,0,tier3\masks\pinery-bushfire_00001771_post_disaster.png,0,0,0,0,00001771 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001771_pre_disaster.png,pinery-bushfire_00001771_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001771_pre_disaster.png,0,0,0,0,00001771 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001772_post_disaster.png,pinery-bushfire_00001772_post_disaster,0,0,tier3\masks\pinery-bushfire_00001772_post_disaster.png,0,0,0,0,00001772 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001772_pre_disaster.png,pinery-bushfire_00001772_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001772_pre_disaster.png,0,0,0,0,00001772 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001773_post_disaster.png,pinery-bushfire_00001773_post_disaster,0,0,tier3\masks\pinery-bushfire_00001773_post_disaster.png,0,0,0,0,00001773 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001773_pre_disaster.png,pinery-bushfire_00001773_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001773_pre_disaster.png,0,0,0,0,00001773 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001774_post_disaster.png,pinery-bushfire_00001774_post_disaster,0,0,tier3\masks\pinery-bushfire_00001774_post_disaster.png,0,0,0,0,00001774 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001774_pre_disaster.png,pinery-bushfire_00001774_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001774_pre_disaster.png,0,0,0,0,00001774 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001775_post_disaster.png,pinery-bushfire_00001775_post_disaster,0,0,tier3\masks\pinery-bushfire_00001775_post_disaster.png,0,0,0,0,00001775 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001775_pre_disaster.png,pinery-bushfire_00001775_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001775_pre_disaster.png,0,0,0,0,00001775 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001776_post_disaster.png,pinery-bushfire_00001776_post_disaster,0,0,tier3\masks\pinery-bushfire_00001776_post_disaster.png,0,0,0,0,00001776 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001776_pre_disaster.png,pinery-bushfire_00001776_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001776_pre_disaster.png,0,0,0,0,00001776 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001777_post_disaster.png,pinery-bushfire_00001777_post_disaster,0,0,tier3\masks\pinery-bushfire_00001777_post_disaster.png,0,0,0,0,00001777 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001777_pre_disaster.png,pinery-bushfire_00001777_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001777_pre_disaster.png,0,0,0,0,00001777 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001778_post_disaster.png,pinery-bushfire_00001778_post_disaster,0,0,tier3\masks\pinery-bushfire_00001778_post_disaster.png,0,0,0,0,00001778 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001778_pre_disaster.png,pinery-bushfire_00001778_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001778_pre_disaster.png,0,0,0,0,00001778 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001779_post_disaster.png,pinery-bushfire_00001779_post_disaster,0,0,tier3\masks\pinery-bushfire_00001779_post_disaster.png,0,0,2,1505,00001779 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001779_pre_disaster.png,pinery-bushfire_00001779_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001779_pre_disaster.png,0,0,2,1528,00001779 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001780_post_disaster.png,pinery-bushfire_00001780_post_disaster,0,0,tier3\masks\pinery-bushfire_00001780_post_disaster.png,0,0,0,0,00001780 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001780_pre_disaster.png,pinery-bushfire_00001780_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001780_pre_disaster.png,0,0,0,0,00001780 +1,220,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001781_post_disaster.png,pinery-bushfire_00001781_post_disaster,0,0,tier3\masks\pinery-bushfire_00001781_post_disaster.png,0,0,0,0,00001781 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001781_pre_disaster.png,pinery-bushfire_00001781_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001781_pre_disaster.png,0,0,1,220,00001781 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001782_post_disaster.png,pinery-bushfire_00001782_post_disaster,0,0,tier3\masks\pinery-bushfire_00001782_post_disaster.png,0,0,0,0,00001782 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001782_pre_disaster.png,pinery-bushfire_00001782_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001782_pre_disaster.png,0,0,0,0,00001782 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001783_post_disaster.png,pinery-bushfire_00001783_post_disaster,0,0,tier3\masks\pinery-bushfire_00001783_post_disaster.png,0,0,0,0,00001783 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001783_pre_disaster.png,pinery-bushfire_00001783_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001783_pre_disaster.png,0,0,0,0,00001783 +2,2125,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001784_post_disaster.png,pinery-bushfire_00001784_post_disaster,2,1278,tier3\masks\pinery-bushfire_00001784_post_disaster.png,1,732,13,5644,00001784 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001784_pre_disaster.png,pinery-bushfire_00001784_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001784_pre_disaster.png,0,0,16,9779,00001784 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001785_post_disaster.png,pinery-bushfire_00001785_post_disaster,0,0,tier3\masks\pinery-bushfire_00001785_post_disaster.png,1,744,3,4563,00001785 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001785_pre_disaster.png,pinery-bushfire_00001785_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001785_pre_disaster.png,0,0,4,5307,00001785 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001786_post_disaster.png,pinery-bushfire_00001786_post_disaster,0,0,tier3\masks\pinery-bushfire_00001786_post_disaster.png,0,0,0,0,00001786 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001786_pre_disaster.png,pinery-bushfire_00001786_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001786_pre_disaster.png,0,0,0,0,00001786 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001787_post_disaster.png,pinery-bushfire_00001787_post_disaster,0,0,tier3\masks\pinery-bushfire_00001787_post_disaster.png,0,0,0,0,00001787 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001787_pre_disaster.png,pinery-bushfire_00001787_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001787_pre_disaster.png,0,0,0,0,00001787 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001788_post_disaster.png,pinery-bushfire_00001788_post_disaster,0,0,tier3\masks\pinery-bushfire_00001788_post_disaster.png,0,0,0,0,00001788 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001788_pre_disaster.png,pinery-bushfire_00001788_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001788_pre_disaster.png,0,0,0,0,00001788 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001789_post_disaster.png,pinery-bushfire_00001789_post_disaster,0,0,tier3\masks\pinery-bushfire_00001789_post_disaster.png,0,0,0,0,00001789 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001789_pre_disaster.png,pinery-bushfire_00001789_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001789_pre_disaster.png,0,0,0,0,00001789 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001790_post_disaster.png,pinery-bushfire_00001790_post_disaster,0,0,tier3\masks\pinery-bushfire_00001790_post_disaster.png,0,0,3,522,00001790 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001790_pre_disaster.png,pinery-bushfire_00001790_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001790_pre_disaster.png,0,0,3,522,00001790 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001791_post_disaster.png,pinery-bushfire_00001791_post_disaster,0,0,tier3\masks\pinery-bushfire_00001791_post_disaster.png,0,0,0,0,00001791 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001791_pre_disaster.png,pinery-bushfire_00001791_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001791_pre_disaster.png,0,0,0,0,00001791 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001792_post_disaster.png,pinery-bushfire_00001792_post_disaster,0,0,tier3\masks\pinery-bushfire_00001792_post_disaster.png,1,141,5,4233,00001792 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001792_pre_disaster.png,pinery-bushfire_00001792_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001792_pre_disaster.png,0,0,6,4374,00001792 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001793_post_disaster.png,pinery-bushfire_00001793_post_disaster,0,0,tier3\masks\pinery-bushfire_00001793_post_disaster.png,0,0,0,0,00001793 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001793_pre_disaster.png,pinery-bushfire_00001793_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001793_pre_disaster.png,0,0,0,0,00001793 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001794_post_disaster.png,pinery-bushfire_00001794_post_disaster,0,0,tier3\masks\pinery-bushfire_00001794_post_disaster.png,0,0,8,6923,00001794 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001794_pre_disaster.png,pinery-bushfire_00001794_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001794_pre_disaster.png,0,0,8,6970,00001794 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001795_post_disaster.png,pinery-bushfire_00001795_post_disaster,0,0,tier3\masks\pinery-bushfire_00001795_post_disaster.png,0,0,0,0,00001795 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001795_pre_disaster.png,pinery-bushfire_00001795_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001795_pre_disaster.png,0,0,0,0,00001795 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001796_post_disaster.png,pinery-bushfire_00001796_post_disaster,0,0,tier3\masks\pinery-bushfire_00001796_post_disaster.png,0,0,1,316,00001796 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001796_pre_disaster.png,pinery-bushfire_00001796_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001796_pre_disaster.png,0,0,1,316,00001796 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001797_post_disaster.png,pinery-bushfire_00001797_post_disaster,0,0,tier3\masks\pinery-bushfire_00001797_post_disaster.png,0,0,13,17713,00001797 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001797_pre_disaster.png,pinery-bushfire_00001797_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001797_pre_disaster.png,0,0,13,17713,00001797 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001798_post_disaster.png,pinery-bushfire_00001798_post_disaster,0,0,tier3\masks\pinery-bushfire_00001798_post_disaster.png,0,0,0,0,00001798 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001798_pre_disaster.png,pinery-bushfire_00001798_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001798_pre_disaster.png,0,0,0,0,00001798 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001799_post_disaster.png,pinery-bushfire_00001799_post_disaster,0,0,tier3\masks\pinery-bushfire_00001799_post_disaster.png,0,0,0,0,00001799 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001799_pre_disaster.png,pinery-bushfire_00001799_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001799_pre_disaster.png,0,0,0,0,00001799 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001800_post_disaster.png,pinery-bushfire_00001800_post_disaster,0,0,tier3\masks\pinery-bushfire_00001800_post_disaster.png,0,0,0,0,00001800 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001800_pre_disaster.png,pinery-bushfire_00001800_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001800_pre_disaster.png,0,0,0,0,00001800 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001801_post_disaster.png,pinery-bushfire_00001801_post_disaster,0,0,tier3\masks\pinery-bushfire_00001801_post_disaster.png,0,0,4,6048,00001801 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001801_pre_disaster.png,pinery-bushfire_00001801_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001801_pre_disaster.png,0,0,4,6048,00001801 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001802_post_disaster.png,pinery-bushfire_00001802_post_disaster,0,0,tier3\masks\pinery-bushfire_00001802_post_disaster.png,0,0,7,2004,00001802 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001802_pre_disaster.png,pinery-bushfire_00001802_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001802_pre_disaster.png,0,0,7,2004,00001802 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001803_post_disaster.png,pinery-bushfire_00001803_post_disaster,0,0,tier3\masks\pinery-bushfire_00001803_post_disaster.png,0,0,0,0,00001803 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001803_pre_disaster.png,pinery-bushfire_00001803_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001803_pre_disaster.png,0,0,0,0,00001803 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001804_post_disaster.png,pinery-bushfire_00001804_post_disaster,0,0,tier3\masks\pinery-bushfire_00001804_post_disaster.png,0,0,5,1364,00001804 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001804_pre_disaster.png,pinery-bushfire_00001804_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001804_pre_disaster.png,0,0,5,1364,00001804 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001805_post_disaster.png,pinery-bushfire_00001805_post_disaster,0,0,tier3\masks\pinery-bushfire_00001805_post_disaster.png,0,0,0,0,00001805 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001805_pre_disaster.png,pinery-bushfire_00001805_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001805_pre_disaster.png,0,0,0,0,00001805 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001806_post_disaster.png,pinery-bushfire_00001806_post_disaster,0,0,tier3\masks\pinery-bushfire_00001806_post_disaster.png,0,0,0,0,00001806 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001806_pre_disaster.png,pinery-bushfire_00001806_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001806_pre_disaster.png,0,0,0,0,00001806 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001807_post_disaster.png,pinery-bushfire_00001807_post_disaster,0,0,tier3\masks\pinery-bushfire_00001807_post_disaster.png,0,0,0,0,00001807 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001807_pre_disaster.png,pinery-bushfire_00001807_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001807_pre_disaster.png,0,0,0,0,00001807 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001808_post_disaster.png,pinery-bushfire_00001808_post_disaster,0,0,tier3\masks\pinery-bushfire_00001808_post_disaster.png,0,0,0,0,00001808 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001808_pre_disaster.png,pinery-bushfire_00001808_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001808_pre_disaster.png,0,0,0,0,00001808 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001809_post_disaster.png,pinery-bushfire_00001809_post_disaster,0,0,tier3\masks\pinery-bushfire_00001809_post_disaster.png,0,0,2,203,00001809 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001809_pre_disaster.png,pinery-bushfire_00001809_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001809_pre_disaster.png,0,0,2,203,00001809 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001810_post_disaster.png,pinery-bushfire_00001810_post_disaster,0,0,tier3\masks\pinery-bushfire_00001810_post_disaster.png,0,0,0,0,00001810 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001810_pre_disaster.png,pinery-bushfire_00001810_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001810_pre_disaster.png,0,0,0,0,00001810 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001811_post_disaster.png,pinery-bushfire_00001811_post_disaster,0,0,tier3\masks\pinery-bushfire_00001811_post_disaster.png,0,0,0,0,00001811 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001811_pre_disaster.png,pinery-bushfire_00001811_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001811_pre_disaster.png,0,0,0,0,00001811 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001812_post_disaster.png,pinery-bushfire_00001812_post_disaster,0,0,tier3\masks\pinery-bushfire_00001812_post_disaster.png,0,0,0,0,00001812 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001812_pre_disaster.png,pinery-bushfire_00001812_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001812_pre_disaster.png,0,0,0,0,00001812 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001813_post_disaster.png,pinery-bushfire_00001813_post_disaster,0,0,tier3\masks\pinery-bushfire_00001813_post_disaster.png,0,0,2,1871,00001813 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001813_pre_disaster.png,pinery-bushfire_00001813_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001813_pre_disaster.png,0,0,2,1898,00001813 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001814_post_disaster.png,pinery-bushfire_00001814_post_disaster,0,0,tier3\masks\pinery-bushfire_00001814_post_disaster.png,0,0,0,0,00001814 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001814_pre_disaster.png,pinery-bushfire_00001814_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001814_pre_disaster.png,0,0,0,0,00001814 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001815_post_disaster.png,pinery-bushfire_00001815_post_disaster,0,0,tier3\masks\pinery-bushfire_00001815_post_disaster.png,0,0,0,0,00001815 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001815_pre_disaster.png,pinery-bushfire_00001815_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001815_pre_disaster.png,0,0,0,0,00001815 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001816_post_disaster.png,pinery-bushfire_00001816_post_disaster,0,0,tier3\masks\pinery-bushfire_00001816_post_disaster.png,0,0,0,0,00001816 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001816_pre_disaster.png,pinery-bushfire_00001816_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001816_pre_disaster.png,0,0,0,0,00001816 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001817_post_disaster.png,pinery-bushfire_00001817_post_disaster,0,0,tier3\masks\pinery-bushfire_00001817_post_disaster.png,0,0,0,0,00001817 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001817_pre_disaster.png,pinery-bushfire_00001817_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001817_pre_disaster.png,0,0,0,0,00001817 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001818_post_disaster.png,pinery-bushfire_00001818_post_disaster,0,0,tier3\masks\pinery-bushfire_00001818_post_disaster.png,0,0,0,0,00001818 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001818_pre_disaster.png,pinery-bushfire_00001818_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001818_pre_disaster.png,0,0,0,0,00001818 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001819_post_disaster.png,pinery-bushfire_00001819_post_disaster,0,0,tier3\masks\pinery-bushfire_00001819_post_disaster.png,0,0,0,0,00001819 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001819_pre_disaster.png,pinery-bushfire_00001819_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001819_pre_disaster.png,0,0,0,0,00001819 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001820_post_disaster.png,pinery-bushfire_00001820_post_disaster,0,0,tier3\masks\pinery-bushfire_00001820_post_disaster.png,0,0,0,0,00001820 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001820_pre_disaster.png,pinery-bushfire_00001820_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001820_pre_disaster.png,0,0,0,0,00001820 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001821_post_disaster.png,pinery-bushfire_00001821_post_disaster,0,0,tier3\masks\pinery-bushfire_00001821_post_disaster.png,0,0,10,13849,00001821 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001821_pre_disaster.png,pinery-bushfire_00001821_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001821_pre_disaster.png,0,0,10,13849,00001821 +1,1144,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001822_post_disaster.png,pinery-bushfire_00001822_post_disaster,1,211,tier3\masks\pinery-bushfire_00001822_post_disaster.png,0,0,12,11285,00001822 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001822_pre_disaster.png,pinery-bushfire_00001822_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001822_pre_disaster.png,0,0,14,12640,00001822 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001823_post_disaster.png,pinery-bushfire_00001823_post_disaster,0,0,tier3\masks\pinery-bushfire_00001823_post_disaster.png,0,0,0,0,00001823 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001823_pre_disaster.png,pinery-bushfire_00001823_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001823_pre_disaster.png,0,0,0,0,00001823 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001824_post_disaster.png,pinery-bushfire_00001824_post_disaster,0,0,tier3\masks\pinery-bushfire_00001824_post_disaster.png,0,0,0,0,00001824 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001824_pre_disaster.png,pinery-bushfire_00001824_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001824_pre_disaster.png,0,0,0,0,00001824 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001825_post_disaster.png,pinery-bushfire_00001825_post_disaster,0,0,tier3\masks\pinery-bushfire_00001825_post_disaster.png,0,0,0,0,00001825 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001825_pre_disaster.png,pinery-bushfire_00001825_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001825_pre_disaster.png,0,0,0,0,00001825 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001826_post_disaster.png,pinery-bushfire_00001826_post_disaster,0,0,tier3\masks\pinery-bushfire_00001826_post_disaster.png,0,0,0,0,00001826 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001826_pre_disaster.png,pinery-bushfire_00001826_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001826_pre_disaster.png,0,0,0,0,00001826 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001827_post_disaster.png,pinery-bushfire_00001827_post_disaster,0,0,tier3\masks\pinery-bushfire_00001827_post_disaster.png,0,0,0,0,00001827 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001827_pre_disaster.png,pinery-bushfire_00001827_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001827_pre_disaster.png,0,0,0,0,00001827 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001828_post_disaster.png,pinery-bushfire_00001828_post_disaster,0,0,tier3\masks\pinery-bushfire_00001828_post_disaster.png,0,0,0,0,00001828 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001828_pre_disaster.png,pinery-bushfire_00001828_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001828_pre_disaster.png,0,0,0,0,00001828 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001829_post_disaster.png,pinery-bushfire_00001829_post_disaster,0,0,tier3\masks\pinery-bushfire_00001829_post_disaster.png,0,0,0,0,00001829 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001829_pre_disaster.png,pinery-bushfire_00001829_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001829_pre_disaster.png,0,0,0,0,00001829 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001830_post_disaster.png,pinery-bushfire_00001830_post_disaster,0,0,tier3\masks\pinery-bushfire_00001830_post_disaster.png,0,0,0,0,00001830 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001830_pre_disaster.png,pinery-bushfire_00001830_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001830_pre_disaster.png,0,0,0,0,00001830 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001831_post_disaster.png,pinery-bushfire_00001831_post_disaster,0,0,tier3\masks\pinery-bushfire_00001831_post_disaster.png,0,0,0,0,00001831 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001831_pre_disaster.png,pinery-bushfire_00001831_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001831_pre_disaster.png,0,0,0,0,00001831 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001832_post_disaster.png,pinery-bushfire_00001832_post_disaster,0,0,tier3\masks\pinery-bushfire_00001832_post_disaster.png,0,0,0,0,00001832 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001832_pre_disaster.png,pinery-bushfire_00001832_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001832_pre_disaster.png,0,0,0,0,00001832 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001833_post_disaster.png,pinery-bushfire_00001833_post_disaster,0,0,tier3\masks\pinery-bushfire_00001833_post_disaster.png,0,0,9,3984,00001833 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001833_pre_disaster.png,pinery-bushfire_00001833_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001833_pre_disaster.png,0,0,9,3984,00001833 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001834_post_disaster.png,pinery-bushfire_00001834_post_disaster,0,0,tier3\masks\pinery-bushfire_00001834_post_disaster.png,0,0,1,144,00001834 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001834_pre_disaster.png,pinery-bushfire_00001834_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001834_pre_disaster.png,0,0,1,156,00001834 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001835_post_disaster.png,pinery-bushfire_00001835_post_disaster,0,0,tier3\masks\pinery-bushfire_00001835_post_disaster.png,0,0,0,0,00001835 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001835_pre_disaster.png,pinery-bushfire_00001835_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001835_pre_disaster.png,0,0,0,0,00001835 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001836_post_disaster.png,pinery-bushfire_00001836_post_disaster,0,0,tier3\masks\pinery-bushfire_00001836_post_disaster.png,0,0,0,0,00001836 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001836_pre_disaster.png,pinery-bushfire_00001836_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001836_pre_disaster.png,0,0,0,0,00001836 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001837_post_disaster.png,pinery-bushfire_00001837_post_disaster,0,0,tier3\masks\pinery-bushfire_00001837_post_disaster.png,0,0,0,0,00001837 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001837_pre_disaster.png,pinery-bushfire_00001837_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001837_pre_disaster.png,0,0,0,0,00001837 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001838_post_disaster.png,pinery-bushfire_00001838_post_disaster,0,0,tier3\masks\pinery-bushfire_00001838_post_disaster.png,0,0,0,0,00001838 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001838_pre_disaster.png,pinery-bushfire_00001838_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001838_pre_disaster.png,0,0,0,0,00001838 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001839_post_disaster.png,pinery-bushfire_00001839_post_disaster,0,0,tier3\masks\pinery-bushfire_00001839_post_disaster.png,0,0,4,511,00001839 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001839_pre_disaster.png,pinery-bushfire_00001839_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001839_pre_disaster.png,0,0,4,511,00001839 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001840_post_disaster.png,pinery-bushfire_00001840_post_disaster,0,0,tier3\masks\pinery-bushfire_00001840_post_disaster.png,0,0,0,0,00001840 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001840_pre_disaster.png,pinery-bushfire_00001840_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001840_pre_disaster.png,0,0,0,0,00001840 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001841_post_disaster.png,pinery-bushfire_00001841_post_disaster,0,0,tier3\masks\pinery-bushfire_00001841_post_disaster.png,0,0,0,0,00001841 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001841_pre_disaster.png,pinery-bushfire_00001841_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001841_pre_disaster.png,0,0,0,0,00001841 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001842_post_disaster.png,pinery-bushfire_00001842_post_disaster,0,0,tier3\masks\pinery-bushfire_00001842_post_disaster.png,0,0,0,0,00001842 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001842_pre_disaster.png,pinery-bushfire_00001842_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001842_pre_disaster.png,0,0,0,0,00001842 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001843_post_disaster.png,pinery-bushfire_00001843_post_disaster,0,0,tier3\masks\pinery-bushfire_00001843_post_disaster.png,0,0,0,0,00001843 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001843_pre_disaster.png,pinery-bushfire_00001843_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001843_pre_disaster.png,0,0,0,0,00001843 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001844_post_disaster.png,pinery-bushfire_00001844_post_disaster,0,0,tier3\masks\pinery-bushfire_00001844_post_disaster.png,0,0,0,0,00001844 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001844_pre_disaster.png,pinery-bushfire_00001844_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001844_pre_disaster.png,0,0,0,0,00001844 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000000_post_disaster.png,portugal-wildfire_00000000_post_disaster,0,0,tier3\masks\portugal-wildfire_00000000_post_disaster.png,0,0,5,2059,00000000 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000000_pre_disaster.png,portugal-wildfire_00000000_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000000_pre_disaster.png,0,0,5,2077,00000000 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000001_post_disaster.png,portugal-wildfire_00000001_post_disaster,0,0,tier3\masks\portugal-wildfire_00000001_post_disaster.png,0,0,50,34399,00000001 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000001_pre_disaster.png,portugal-wildfire_00000001_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000001_pre_disaster.png,0,0,50,34473,00000001 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000002_post_disaster.png,portugal-wildfire_00000002_post_disaster,0,0,tier3\masks\portugal-wildfire_00000002_post_disaster.png,0,0,0,0,00000002 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000002_pre_disaster.png,portugal-wildfire_00000002_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000002_pre_disaster.png,0,0,0,0,00000002 +1,583,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000003_post_disaster.png,portugal-wildfire_00000003_post_disaster,2,1432,tier3\masks\portugal-wildfire_00000003_post_disaster.png,0,0,4,3905,00000003 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000003_pre_disaster.png,portugal-wildfire_00000003_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000003_pre_disaster.png,0,0,6,5920,00000003 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000004_post_disaster.png,portugal-wildfire_00000004_post_disaster,0,0,tier3\masks\portugal-wildfire_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000004_pre_disaster.png,portugal-wildfire_00000004_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000004_pre_disaster.png,0,0,0,0,00000004 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000005_post_disaster.png,portugal-wildfire_00000005_post_disaster,0,0,tier3\masks\portugal-wildfire_00000005_post_disaster.png,0,0,0,0,00000005 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000005_pre_disaster.png,portugal-wildfire_00000005_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000005_pre_disaster.png,0,0,0,0,00000005 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000006_post_disaster.png,portugal-wildfire_00000006_post_disaster,0,0,tier3\masks\portugal-wildfire_00000006_post_disaster.png,0,0,77,46645,00000006 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000006_pre_disaster.png,portugal-wildfire_00000006_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000006_pre_disaster.png,0,0,77,46661,00000006 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000007_post_disaster.png,portugal-wildfire_00000007_post_disaster,0,0,tier3\masks\portugal-wildfire_00000007_post_disaster.png,0,0,0,0,00000007 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000007_pre_disaster.png,portugal-wildfire_00000007_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000007_pre_disaster.png,0,0,0,0,00000007 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000008_post_disaster.png,portugal-wildfire_00000008_post_disaster,0,0,tier3\masks\portugal-wildfire_00000008_post_disaster.png,0,0,0,0,00000008 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000008_pre_disaster.png,portugal-wildfire_00000008_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000008_pre_disaster.png,0,0,0,0,00000008 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000009_post_disaster.png,portugal-wildfire_00000009_post_disaster,0,0,tier3\masks\portugal-wildfire_00000009_post_disaster.png,0,0,0,0,00000009 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000009_pre_disaster.png,portugal-wildfire_00000009_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000009_pre_disaster.png,0,0,0,0,00000009 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000010_post_disaster.png,portugal-wildfire_00000010_post_disaster,0,0,tier3\masks\portugal-wildfire_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000010_pre_disaster.png,portugal-wildfire_00000010_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000010_pre_disaster.png,0,0,0,0,00000010 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000011_post_disaster.png,portugal-wildfire_00000011_post_disaster,0,0,tier3\masks\portugal-wildfire_00000011_post_disaster.png,0,0,0,0,00000011 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000011_pre_disaster.png,portugal-wildfire_00000011_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000011_pre_disaster.png,0,0,0,0,00000011 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000012_post_disaster.png,portugal-wildfire_00000012_post_disaster,0,0,tier3\masks\portugal-wildfire_00000012_post_disaster.png,0,0,0,0,00000012 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000012_pre_disaster.png,portugal-wildfire_00000012_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000012_pre_disaster.png,0,0,0,0,00000012 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000013_post_disaster.png,portugal-wildfire_00000013_post_disaster,0,0,tier3\masks\portugal-wildfire_00000013_post_disaster.png,0,0,6,4101,00000013 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000013_pre_disaster.png,portugal-wildfire_00000013_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000013_pre_disaster.png,0,0,6,4101,00000013 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000014_post_disaster.png,portugal-wildfire_00000014_post_disaster,0,0,tier3\masks\portugal-wildfire_00000014_post_disaster.png,0,0,4,2315,00000014 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000014_pre_disaster.png,portugal-wildfire_00000014_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000014_pre_disaster.png,0,0,4,2345,00000014 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000015_post_disaster.png,portugal-wildfire_00000015_post_disaster,0,0,tier3\masks\portugal-wildfire_00000015_post_disaster.png,0,0,0,0,00000015 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000015_pre_disaster.png,portugal-wildfire_00000015_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000015_pre_disaster.png,0,0,0,0,00000015 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000016_post_disaster.png,portugal-wildfire_00000016_post_disaster,0,0,tier3\masks\portugal-wildfire_00000016_post_disaster.png,0,0,0,0,00000016 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000016_pre_disaster.png,portugal-wildfire_00000016_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000016_pre_disaster.png,0,0,0,0,00000016 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000017_post_disaster.png,portugal-wildfire_00000017_post_disaster,0,0,tier3\masks\portugal-wildfire_00000017_post_disaster.png,0,0,0,0,00000017 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000017_pre_disaster.png,portugal-wildfire_00000017_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000017_pre_disaster.png,0,0,0,0,00000017 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000018_post_disaster.png,portugal-wildfire_00000018_post_disaster,0,0,tier3\masks\portugal-wildfire_00000018_post_disaster.png,0,0,1,171,00000018 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000018_pre_disaster.png,portugal-wildfire_00000018_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000018_pre_disaster.png,0,0,1,196,00000018 +1,1779,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000019_post_disaster.png,portugal-wildfire_00000019_post_disaster,0,0,tier3\masks\portugal-wildfire_00000019_post_disaster.png,3,3286,64,56097,00000019 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000019_pre_disaster.png,portugal-wildfire_00000019_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000019_pre_disaster.png,0,0,67,61178,00000019 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000020_post_disaster.png,portugal-wildfire_00000020_post_disaster,0,0,tier3\masks\portugal-wildfire_00000020_post_disaster.png,0,0,74,50236,00000020 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000020_pre_disaster.png,portugal-wildfire_00000020_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000020_pre_disaster.png,0,0,74,50308,00000020 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000021_post_disaster.png,portugal-wildfire_00000021_post_disaster,0,0,tier3\masks\portugal-wildfire_00000021_post_disaster.png,0,0,0,0,00000021 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000021_pre_disaster.png,portugal-wildfire_00000021_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000021_pre_disaster.png,0,0,0,0,00000021 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000022_post_disaster.png,portugal-wildfire_00000022_post_disaster,0,0,tier3\masks\portugal-wildfire_00000022_post_disaster.png,0,0,0,0,00000022 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000022_pre_disaster.png,portugal-wildfire_00000022_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000022_pre_disaster.png,0,0,0,0,00000022 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000023_post_disaster.png,portugal-wildfire_00000023_post_disaster,0,0,tier3\masks\portugal-wildfire_00000023_post_disaster.png,0,0,0,0,00000023 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000023_pre_disaster.png,portugal-wildfire_00000023_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000023_pre_disaster.png,0,0,0,0,00000023 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000024_post_disaster.png,portugal-wildfire_00000024_post_disaster,0,0,tier3\masks\portugal-wildfire_00000024_post_disaster.png,0,0,4,4526,00000024 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000024_pre_disaster.png,portugal-wildfire_00000024_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000024_pre_disaster.png,0,0,4,4526,00000024 +1,79,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000025_post_disaster.png,portugal-wildfire_00000025_post_disaster,0,0,tier3\masks\portugal-wildfire_00000025_post_disaster.png,0,0,13,7706,00000025 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000025_pre_disaster.png,portugal-wildfire_00000025_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000025_pre_disaster.png,0,0,14,7827,00000025 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000026_post_disaster.png,portugal-wildfire_00000026_post_disaster,0,0,tier3\masks\portugal-wildfire_00000026_post_disaster.png,0,0,0,0,00000026 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000026_pre_disaster.png,portugal-wildfire_00000026_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000026_pre_disaster.png,0,0,0,0,00000026 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000027_post_disaster.png,portugal-wildfire_00000027_post_disaster,0,0,tier3\masks\portugal-wildfire_00000027_post_disaster.png,0,0,0,0,00000027 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000027_pre_disaster.png,portugal-wildfire_00000027_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000027_pre_disaster.png,0,0,0,0,00000027 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000028_post_disaster.png,portugal-wildfire_00000028_post_disaster,1,1390,tier3\masks\portugal-wildfire_00000028_post_disaster.png,0,0,24,18186,00000028 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000028_pre_disaster.png,portugal-wildfire_00000028_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000028_pre_disaster.png,0,0,25,19576,00000028 +1,547,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000029_post_disaster.png,portugal-wildfire_00000029_post_disaster,0,0,tier3\masks\portugal-wildfire_00000029_post_disaster.png,1,247,67,45910,00000029 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000029_pre_disaster.png,portugal-wildfire_00000029_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000029_pre_disaster.png,0,0,69,46823,00000029 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000030_post_disaster.png,portugal-wildfire_00000030_post_disaster,0,0,tier3\masks\portugal-wildfire_00000030_post_disaster.png,0,0,0,0,00000030 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000030_pre_disaster.png,portugal-wildfire_00000030_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000030_pre_disaster.png,0,0,0,0,00000030 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000031_post_disaster.png,portugal-wildfire_00000031_post_disaster,0,0,tier3\masks\portugal-wildfire_00000031_post_disaster.png,0,0,0,0,00000031 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000031_pre_disaster.png,portugal-wildfire_00000031_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000031_pre_disaster.png,0,0,0,0,00000031 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000032_post_disaster.png,portugal-wildfire_00000032_post_disaster,0,0,tier3\masks\portugal-wildfire_00000032_post_disaster.png,0,0,1,300,00000032 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000032_pre_disaster.png,portugal-wildfire_00000032_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000032_pre_disaster.png,0,0,1,300,00000032 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000033_post_disaster.png,portugal-wildfire_00000033_post_disaster,0,0,tier3\masks\portugal-wildfire_00000033_post_disaster.png,0,0,11,8425,00000033 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000033_pre_disaster.png,portugal-wildfire_00000033_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000033_pre_disaster.png,0,0,11,8460,00000033 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000034_post_disaster.png,portugal-wildfire_00000034_post_disaster,0,0,tier3\masks\portugal-wildfire_00000034_post_disaster.png,0,0,1,733,00000034 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000034_pre_disaster.png,portugal-wildfire_00000034_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000034_pre_disaster.png,0,0,1,733,00000034 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000035_post_disaster.png,portugal-wildfire_00000035_post_disaster,0,0,tier3\masks\portugal-wildfire_00000035_post_disaster.png,0,0,1,194,00000035 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000035_pre_disaster.png,portugal-wildfire_00000035_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000035_pre_disaster.png,0,0,1,194,00000035 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000036_post_disaster.png,portugal-wildfire_00000036_post_disaster,0,0,tier3\masks\portugal-wildfire_00000036_post_disaster.png,0,0,0,0,00000036 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000036_pre_disaster.png,portugal-wildfire_00000036_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000036_pre_disaster.png,0,0,0,0,00000036 +1,924,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000037_post_disaster.png,portugal-wildfire_00000037_post_disaster,0,0,tier3\masks\portugal-wildfire_00000037_post_disaster.png,0,0,25,18210,00000037 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000037_pre_disaster.png,portugal-wildfire_00000037_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000037_pre_disaster.png,0,0,26,19241,00000037 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000038_post_disaster.png,portugal-wildfire_00000038_post_disaster,0,0,tier3\masks\portugal-wildfire_00000038_post_disaster.png,0,0,0,0,00000038 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000038_pre_disaster.png,portugal-wildfire_00000038_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000038_pre_disaster.png,0,0,0,0,00000038 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000039_post_disaster.png,portugal-wildfire_00000039_post_disaster,1,1157,tier3\masks\portugal-wildfire_00000039_post_disaster.png,0,0,36,66961,00000039 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000039_pre_disaster.png,portugal-wildfire_00000039_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000039_pre_disaster.png,0,0,36,68928,00000039 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000040_post_disaster.png,portugal-wildfire_00000040_post_disaster,0,0,tier3\masks\portugal-wildfire_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000040_pre_disaster.png,portugal-wildfire_00000040_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000040_pre_disaster.png,0,0,0,0,00000040 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000041_post_disaster.png,portugal-wildfire_00000041_post_disaster,0,0,tier3\masks\portugal-wildfire_00000041_post_disaster.png,0,0,0,0,00000041 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000041_pre_disaster.png,portugal-wildfire_00000041_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000041_pre_disaster.png,0,0,0,0,00000041 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000042_post_disaster.png,portugal-wildfire_00000042_post_disaster,0,0,tier3\masks\portugal-wildfire_00000042_post_disaster.png,0,0,0,0,00000042 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000042_pre_disaster.png,portugal-wildfire_00000042_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000042_pre_disaster.png,0,0,0,0,00000042 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000043_post_disaster.png,portugal-wildfire_00000043_post_disaster,0,0,tier3\masks\portugal-wildfire_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000043_pre_disaster.png,portugal-wildfire_00000043_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000043_pre_disaster.png,0,0,0,0,00000043 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000044_post_disaster.png,portugal-wildfire_00000044_post_disaster,0,0,tier3\masks\portugal-wildfire_00000044_post_disaster.png,0,0,0,0,00000044 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000044_pre_disaster.png,portugal-wildfire_00000044_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000044_pre_disaster.png,0,0,0,0,00000044 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000045_post_disaster.png,portugal-wildfire_00000045_post_disaster,0,0,tier3\masks\portugal-wildfire_00000045_post_disaster.png,0,0,0,0,00000045 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000045_pre_disaster.png,portugal-wildfire_00000045_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000045_pre_disaster.png,0,0,0,0,00000045 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000046_post_disaster.png,portugal-wildfire_00000046_post_disaster,0,0,tier3\masks\portugal-wildfire_00000046_post_disaster.png,0,0,19,11229,00000046 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000046_pre_disaster.png,portugal-wildfire_00000046_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000046_pre_disaster.png,0,0,19,11284,00000046 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000047_post_disaster.png,portugal-wildfire_00000047_post_disaster,0,0,tier3\masks\portugal-wildfire_00000047_post_disaster.png,0,0,0,0,00000047 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000047_pre_disaster.png,portugal-wildfire_00000047_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000047_pre_disaster.png,0,0,0,0,00000047 +1,1078,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000048_post_disaster.png,portugal-wildfire_00000048_post_disaster,0,0,tier3\masks\portugal-wildfire_00000048_post_disaster.png,0,0,40,51471,00000048 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000048_pre_disaster.png,portugal-wildfire_00000048_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000048_pre_disaster.png,0,0,41,52549,00000048 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000049_post_disaster.png,portugal-wildfire_00000049_post_disaster,0,0,tier3\masks\portugal-wildfire_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000049_pre_disaster.png,portugal-wildfire_00000049_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000049_pre_disaster.png,0,0,0,0,00000049 +1,328,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000050_post_disaster.png,portugal-wildfire_00000050_post_disaster,1,175,tier3\masks\portugal-wildfire_00000050_post_disaster.png,0,0,20,12867,00000050 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000050_pre_disaster.png,portugal-wildfire_00000050_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000050_pre_disaster.png,0,0,22,13385,00000050 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000051_post_disaster.png,portugal-wildfire_00000051_post_disaster,0,0,tier3\masks\portugal-wildfire_00000051_post_disaster.png,0,0,14,14120,00000051 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000051_pre_disaster.png,portugal-wildfire_00000051_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000051_pre_disaster.png,0,0,14,14120,00000051 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000052_post_disaster.png,portugal-wildfire_00000052_post_disaster,0,0,tier3\masks\portugal-wildfire_00000052_post_disaster.png,0,0,68,139185,00000052 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000052_pre_disaster.png,portugal-wildfire_00000052_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000052_pre_disaster.png,0,0,68,139446,00000052 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000053_post_disaster.png,portugal-wildfire_00000053_post_disaster,0,0,tier3\masks\portugal-wildfire_00000053_post_disaster.png,0,0,0,0,00000053 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000053_pre_disaster.png,portugal-wildfire_00000053_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000053_pre_disaster.png,0,0,0,0,00000053 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000054_post_disaster.png,portugal-wildfire_00000054_post_disaster,0,0,tier3\masks\portugal-wildfire_00000054_post_disaster.png,0,0,0,0,00000054 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000054_pre_disaster.png,portugal-wildfire_00000054_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000054_pre_disaster.png,0,0,0,0,00000054 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000055_post_disaster.png,portugal-wildfire_00000055_post_disaster,0,0,tier3\masks\portugal-wildfire_00000055_post_disaster.png,0,0,0,0,00000055 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000055_pre_disaster.png,portugal-wildfire_00000055_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000055_pre_disaster.png,0,0,0,0,00000055 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000056_post_disaster.png,portugal-wildfire_00000056_post_disaster,0,0,tier3\masks\portugal-wildfire_00000056_post_disaster.png,0,0,27,27809,00000056 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000056_pre_disaster.png,portugal-wildfire_00000056_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000056_pre_disaster.png,0,0,27,27876,00000056 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000057_post_disaster.png,portugal-wildfire_00000057_post_disaster,2,1187,tier3\masks\portugal-wildfire_00000057_post_disaster.png,0,0,5,1250,00000057 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000057_pre_disaster.png,portugal-wildfire_00000057_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000057_pre_disaster.png,0,0,6,2437,00000057 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000058_post_disaster.png,portugal-wildfire_00000058_post_disaster,0,0,tier3\masks\portugal-wildfire_00000058_post_disaster.png,0,0,0,0,00000058 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000058_pre_disaster.png,portugal-wildfire_00000058_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000058_pre_disaster.png,0,0,0,0,00000058 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000059_post_disaster.png,portugal-wildfire_00000059_post_disaster,0,0,tier3\masks\portugal-wildfire_00000059_post_disaster.png,0,0,0,0,00000059 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000059_pre_disaster.png,portugal-wildfire_00000059_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000059_pre_disaster.png,0,0,0,0,00000059 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000060_post_disaster.png,portugal-wildfire_00000060_post_disaster,0,0,tier3\masks\portugal-wildfire_00000060_post_disaster.png,0,0,14,10639,00000060 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000060_pre_disaster.png,portugal-wildfire_00000060_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000060_pre_disaster.png,0,0,14,10639,00000060 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000061_post_disaster.png,portugal-wildfire_00000061_post_disaster,0,0,tier3\masks\portugal-wildfire_00000061_post_disaster.png,0,0,5,2161,00000061 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000061_pre_disaster.png,portugal-wildfire_00000061_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000061_pre_disaster.png,0,0,5,2192,00000061 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000062_post_disaster.png,portugal-wildfire_00000062_post_disaster,0,0,tier3\masks\portugal-wildfire_00000062_post_disaster.png,0,0,10,9872,00000062 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000062_pre_disaster.png,portugal-wildfire_00000062_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000062_pre_disaster.png,0,0,10,9897,00000062 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000063_post_disaster.png,portugal-wildfire_00000063_post_disaster,0,0,tier3\masks\portugal-wildfire_00000063_post_disaster.png,0,0,0,0,00000063 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000063_pre_disaster.png,portugal-wildfire_00000063_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000063_pre_disaster.png,0,0,0,0,00000063 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000064_post_disaster.png,portugal-wildfire_00000064_post_disaster,0,0,tier3\masks\portugal-wildfire_00000064_post_disaster.png,0,0,2,355,00000064 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000064_pre_disaster.png,portugal-wildfire_00000064_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000064_pre_disaster.png,0,0,2,355,00000064 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000065_post_disaster.png,portugal-wildfire_00000065_post_disaster,0,0,tier3\masks\portugal-wildfire_00000065_post_disaster.png,0,0,0,0,00000065 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000065_pre_disaster.png,portugal-wildfire_00000065_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000065_pre_disaster.png,0,0,0,0,00000065 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000066_post_disaster.png,portugal-wildfire_00000066_post_disaster,0,0,tier3\masks\portugal-wildfire_00000066_post_disaster.png,0,0,0,0,00000066 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000066_pre_disaster.png,portugal-wildfire_00000066_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000066_pre_disaster.png,0,0,0,0,00000066 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000067_post_disaster.png,portugal-wildfire_00000067_post_disaster,0,0,tier3\masks\portugal-wildfire_00000067_post_disaster.png,0,0,0,0,00000067 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000067_pre_disaster.png,portugal-wildfire_00000067_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000067_pre_disaster.png,0,0,0,0,00000067 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000068_post_disaster.png,portugal-wildfire_00000068_post_disaster,0,0,tier3\masks\portugal-wildfire_00000068_post_disaster.png,0,0,87,141813,00000068 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000068_pre_disaster.png,portugal-wildfire_00000068_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000068_pre_disaster.png,0,0,87,141945,00000068 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000069_post_disaster.png,portugal-wildfire_00000069_post_disaster,0,0,tier3\masks\portugal-wildfire_00000069_post_disaster.png,0,0,59,60289,00000069 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000069_pre_disaster.png,portugal-wildfire_00000069_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000069_pre_disaster.png,0,0,59,60571,00000069 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000070_post_disaster.png,portugal-wildfire_00000070_post_disaster,0,0,tier3\masks\portugal-wildfire_00000070_post_disaster.png,0,0,0,0,00000070 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000070_pre_disaster.png,portugal-wildfire_00000070_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000070_pre_disaster.png,0,0,0,0,00000070 +1,559,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000071_post_disaster.png,portugal-wildfire_00000071_post_disaster,1,409,tier3\masks\portugal-wildfire_00000071_post_disaster.png,0,0,20,11122,00000071 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000071_pre_disaster.png,portugal-wildfire_00000071_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000071_pre_disaster.png,0,0,22,12090,00000071 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000072_post_disaster.png,portugal-wildfire_00000072_post_disaster,0,0,tier3\masks\portugal-wildfire_00000072_post_disaster.png,0,0,0,0,00000072 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000072_pre_disaster.png,portugal-wildfire_00000072_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000072_pre_disaster.png,0,0,0,0,00000072 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000073_post_disaster.png,portugal-wildfire_00000073_post_disaster,0,0,tier3\masks\portugal-wildfire_00000073_post_disaster.png,0,0,0,0,00000073 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000073_pre_disaster.png,portugal-wildfire_00000073_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000073_pre_disaster.png,0,0,0,0,00000073 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000074_post_disaster.png,portugal-wildfire_00000074_post_disaster,0,0,tier3\masks\portugal-wildfire_00000074_post_disaster.png,0,0,0,0,00000074 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000074_pre_disaster.png,portugal-wildfire_00000074_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000074_pre_disaster.png,0,0,0,0,00000074 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000075_post_disaster.png,portugal-wildfire_00000075_post_disaster,0,0,tier3\masks\portugal-wildfire_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000075_pre_disaster.png,portugal-wildfire_00000075_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000075_pre_disaster.png,0,0,0,0,00000075 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000076_post_disaster.png,portugal-wildfire_00000076_post_disaster,0,0,tier3\masks\portugal-wildfire_00000076_post_disaster.png,0,0,9,6658,00000076 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000076_pre_disaster.png,portugal-wildfire_00000076_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000076_pre_disaster.png,0,0,9,6726,00000076 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000077_post_disaster.png,portugal-wildfire_00000077_post_disaster,0,0,tier3\masks\portugal-wildfire_00000077_post_disaster.png,0,0,0,0,00000077 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000077_pre_disaster.png,portugal-wildfire_00000077_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000077_pre_disaster.png,0,0,0,0,00000077 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000078_post_disaster.png,portugal-wildfire_00000078_post_disaster,0,0,tier3\masks\portugal-wildfire_00000078_post_disaster.png,0,0,0,0,00000078 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000078_pre_disaster.png,portugal-wildfire_00000078_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000078_pre_disaster.png,0,0,0,0,00000078 +1,579,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000079_post_disaster.png,portugal-wildfire_00000079_post_disaster,0,0,tier3\masks\portugal-wildfire_00000079_post_disaster.png,0,0,6,3301,00000079 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000079_pre_disaster.png,portugal-wildfire_00000079_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000079_pre_disaster.png,0,0,7,3880,00000079 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000080_post_disaster.png,portugal-wildfire_00000080_post_disaster,1,1729,tier3\masks\portugal-wildfire_00000080_post_disaster.png,0,0,52,45480,00000080 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000080_pre_disaster.png,portugal-wildfire_00000080_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000080_pre_disaster.png,0,0,53,47226,00000080 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000081_post_disaster.png,portugal-wildfire_00000081_post_disaster,0,0,tier3\masks\portugal-wildfire_00000081_post_disaster.png,0,0,71,193185,00000081 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000081_pre_disaster.png,portugal-wildfire_00000081_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000081_pre_disaster.png,0,0,71,193431,00000081 +1,198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000082_post_disaster.png,portugal-wildfire_00000082_post_disaster,0,0,tier3\masks\portugal-wildfire_00000082_post_disaster.png,0,0,41,37157,00000082 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000082_pre_disaster.png,portugal-wildfire_00000082_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000082_pre_disaster.png,0,0,42,37355,00000082 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000083_post_disaster.png,portugal-wildfire_00000083_post_disaster,0,0,tier3\masks\portugal-wildfire_00000083_post_disaster.png,0,0,0,0,00000083 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000083_pre_disaster.png,portugal-wildfire_00000083_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000083_pre_disaster.png,0,0,0,0,00000083 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000084_post_disaster.png,portugal-wildfire_00000084_post_disaster,0,0,tier3\masks\portugal-wildfire_00000084_post_disaster.png,0,0,0,0,00000084 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000084_pre_disaster.png,portugal-wildfire_00000084_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000084_pre_disaster.png,0,0,0,0,00000084 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000085_post_disaster.png,portugal-wildfire_00000085_post_disaster,0,0,tier3\masks\portugal-wildfire_00000085_post_disaster.png,0,0,0,0,00000085 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000085_pre_disaster.png,portugal-wildfire_00000085_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000085_pre_disaster.png,0,0,0,0,00000085 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000086_post_disaster.png,portugal-wildfire_00000086_post_disaster,0,0,tier3\masks\portugal-wildfire_00000086_post_disaster.png,0,0,3,1850,00000086 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000086_pre_disaster.png,portugal-wildfire_00000086_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000086_pre_disaster.png,0,0,3,1850,00000086 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000087_post_disaster.png,portugal-wildfire_00000087_post_disaster,0,0,tier3\masks\portugal-wildfire_00000087_post_disaster.png,0,0,57,43248,00000087 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000087_pre_disaster.png,portugal-wildfire_00000087_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000087_pre_disaster.png,0,0,57,43248,00000087 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000088_post_disaster.png,portugal-wildfire_00000088_post_disaster,0,0,tier3\masks\portugal-wildfire_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000088_pre_disaster.png,portugal-wildfire_00000088_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000089_post_disaster.png,portugal-wildfire_00000089_post_disaster,0,0,tier3\masks\portugal-wildfire_00000089_post_disaster.png,0,0,0,0,00000089 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000089_pre_disaster.png,portugal-wildfire_00000089_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000089_pre_disaster.png,0,0,0,0,00000089 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000090_post_disaster.png,portugal-wildfire_00000090_post_disaster,0,0,tier3\masks\portugal-wildfire_00000090_post_disaster.png,0,0,3,810,00000090 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000090_pre_disaster.png,portugal-wildfire_00000090_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000090_pre_disaster.png,0,0,3,810,00000090 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000091_post_disaster.png,portugal-wildfire_00000091_post_disaster,0,0,tier3\masks\portugal-wildfire_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000091_pre_disaster.png,portugal-wildfire_00000091_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000091_pre_disaster.png,0,0,0,0,00000091 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000092_post_disaster.png,portugal-wildfire_00000092_post_disaster,0,0,tier3\masks\portugal-wildfire_00000092_post_disaster.png,0,0,0,0,00000092 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000092_pre_disaster.png,portugal-wildfire_00000092_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000092_pre_disaster.png,0,0,0,0,00000092 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000093_post_disaster.png,portugal-wildfire_00000093_post_disaster,0,0,tier3\masks\portugal-wildfire_00000093_post_disaster.png,0,0,13,7365,00000093 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000093_pre_disaster.png,portugal-wildfire_00000093_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000093_pre_disaster.png,0,0,13,7365,00000093 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000094_post_disaster.png,portugal-wildfire_00000094_post_disaster,0,0,tier3\masks\portugal-wildfire_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000094_pre_disaster.png,portugal-wildfire_00000094_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000094_pre_disaster.png,0,0,0,0,00000094 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000095_post_disaster.png,portugal-wildfire_00000095_post_disaster,0,0,tier3\masks\portugal-wildfire_00000095_post_disaster.png,0,0,47,51928,00000095 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000095_pre_disaster.png,portugal-wildfire_00000095_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000095_pre_disaster.png,0,0,47,51984,00000095 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000096_post_disaster.png,portugal-wildfire_00000096_post_disaster,0,0,tier3\masks\portugal-wildfire_00000096_post_disaster.png,0,0,1,1071,00000096 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000096_pre_disaster.png,portugal-wildfire_00000096_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000096_pre_disaster.png,0,0,1,1071,00000096 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000097_post_disaster.png,portugal-wildfire_00000097_post_disaster,0,0,tier3\masks\portugal-wildfire_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000097_pre_disaster.png,portugal-wildfire_00000097_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000098_post_disaster.png,portugal-wildfire_00000098_post_disaster,0,0,tier3\masks\portugal-wildfire_00000098_post_disaster.png,0,0,0,0,00000098 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000098_pre_disaster.png,portugal-wildfire_00000098_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000098_pre_disaster.png,0,0,0,0,00000098 +2,385,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000099_post_disaster.png,portugal-wildfire_00000099_post_disaster,0,0,tier3\masks\portugal-wildfire_00000099_post_disaster.png,0,0,21,17764,00000099 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000099_pre_disaster.png,portugal-wildfire_00000099_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000099_pre_disaster.png,0,0,23,18164,00000099 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000100_post_disaster.png,portugal-wildfire_00000100_post_disaster,0,0,tier3\masks\portugal-wildfire_00000100_post_disaster.png,0,0,1,212,00000100 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000100_pre_disaster.png,portugal-wildfire_00000100_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000100_pre_disaster.png,0,0,1,212,00000100 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000101_post_disaster.png,portugal-wildfire_00000101_post_disaster,0,0,tier3\masks\portugal-wildfire_00000101_post_disaster.png,0,0,0,0,00000101 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000101_pre_disaster.png,portugal-wildfire_00000101_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000101_pre_disaster.png,0,0,0,0,00000101 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000102_post_disaster.png,portugal-wildfire_00000102_post_disaster,0,0,tier3\masks\portugal-wildfire_00000102_post_disaster.png,0,0,0,0,00000102 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000102_pre_disaster.png,portugal-wildfire_00000102_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000102_pre_disaster.png,0,0,0,0,00000102 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000103_post_disaster.png,portugal-wildfire_00000103_post_disaster,0,0,tier3\masks\portugal-wildfire_00000103_post_disaster.png,0,0,0,0,00000103 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000103_pre_disaster.png,portugal-wildfire_00000103_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000103_pre_disaster.png,0,0,0,0,00000103 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000104_post_disaster.png,portugal-wildfire_00000104_post_disaster,0,0,tier3\masks\portugal-wildfire_00000104_post_disaster.png,0,0,0,0,00000104 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000104_pre_disaster.png,portugal-wildfire_00000104_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000104_pre_disaster.png,0,0,0,0,00000104 +1,241,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000105_post_disaster.png,portugal-wildfire_00000105_post_disaster,1,368,tier3\masks\portugal-wildfire_00000105_post_disaster.png,0,0,60,46247,00000105 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000105_pre_disaster.png,portugal-wildfire_00000105_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000105_pre_disaster.png,0,0,62,47011,00000105 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000106_post_disaster.png,portugal-wildfire_00000106_post_disaster,0,0,tier3\masks\portugal-wildfire_00000106_post_disaster.png,0,0,0,0,00000106 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000106_pre_disaster.png,portugal-wildfire_00000106_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000106_pre_disaster.png,0,0,0,0,00000106 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000107_post_disaster.png,portugal-wildfire_00000107_post_disaster,0,0,tier3\masks\portugal-wildfire_00000107_post_disaster.png,0,0,1,365,00000107 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000107_pre_disaster.png,portugal-wildfire_00000107_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000107_pre_disaster.png,0,0,1,365,00000107 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000108_post_disaster.png,portugal-wildfire_00000108_post_disaster,0,0,tier3\masks\portugal-wildfire_00000108_post_disaster.png,0,0,0,0,00000108 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000108_pre_disaster.png,portugal-wildfire_00000108_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000108_pre_disaster.png,0,0,0,0,00000108 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000109_post_disaster.png,portugal-wildfire_00000109_post_disaster,0,0,tier3\masks\portugal-wildfire_00000109_post_disaster.png,0,0,10,7823,00000109 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000109_pre_disaster.png,portugal-wildfire_00000109_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000109_pre_disaster.png,0,0,10,7907,00000109 +2,157,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000110_post_disaster.png,portugal-wildfire_00000110_post_disaster,0,0,tier3\masks\portugal-wildfire_00000110_post_disaster.png,0,0,33,25779,00000110 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000110_pre_disaster.png,portugal-wildfire_00000110_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000110_pre_disaster.png,0,0,35,25979,00000110 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000111_post_disaster.png,portugal-wildfire_00000111_post_disaster,0,0,tier3\masks\portugal-wildfire_00000111_post_disaster.png,0,0,0,0,00000111 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000111_pre_disaster.png,portugal-wildfire_00000111_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000111_pre_disaster.png,0,0,0,0,00000111 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000112_post_disaster.png,portugal-wildfire_00000112_post_disaster,0,0,tier3\masks\portugal-wildfire_00000112_post_disaster.png,0,0,0,0,00000112 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000112_pre_disaster.png,portugal-wildfire_00000112_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000112_pre_disaster.png,0,0,0,0,00000112 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000113_post_disaster.png,portugal-wildfire_00000113_post_disaster,0,0,tier3\masks\portugal-wildfire_00000113_post_disaster.png,0,0,0,0,00000113 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000113_pre_disaster.png,portugal-wildfire_00000113_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000113_pre_disaster.png,0,0,0,0,00000113 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000114_post_disaster.png,portugal-wildfire_00000114_post_disaster,0,0,tier3\masks\portugal-wildfire_00000114_post_disaster.png,0,0,3,1018,00000114 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000114_pre_disaster.png,portugal-wildfire_00000114_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000114_pre_disaster.png,0,0,3,1018,00000114 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000115_post_disaster.png,portugal-wildfire_00000115_post_disaster,0,0,tier3\masks\portugal-wildfire_00000115_post_disaster.png,0,0,0,0,00000115 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000115_pre_disaster.png,portugal-wildfire_00000115_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000115_pre_disaster.png,0,0,0,0,00000115 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000116_post_disaster.png,portugal-wildfire_00000116_post_disaster,0,0,tier3\masks\portugal-wildfire_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000116_pre_disaster.png,portugal-wildfire_00000116_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000116_pre_disaster.png,0,0,0,0,00000116 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000117_post_disaster.png,portugal-wildfire_00000117_post_disaster,0,0,tier3\masks\portugal-wildfire_00000117_post_disaster.png,0,0,0,0,00000117 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000117_pre_disaster.png,portugal-wildfire_00000117_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000117_pre_disaster.png,0,0,0,0,00000117 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000118_post_disaster.png,portugal-wildfire_00000118_post_disaster,0,0,tier3\masks\portugal-wildfire_00000118_post_disaster.png,0,0,0,0,00000118 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000118_pre_disaster.png,portugal-wildfire_00000118_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000118_pre_disaster.png,0,0,0,0,00000118 +4,3262,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000119_post_disaster.png,portugal-wildfire_00000119_post_disaster,0,0,tier3\masks\portugal-wildfire_00000119_post_disaster.png,0,0,19,12324,00000119 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000119_pre_disaster.png,portugal-wildfire_00000119_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000119_pre_disaster.png,0,0,23,15586,00000119 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000120_post_disaster.png,portugal-wildfire_00000120_post_disaster,0,0,tier3\masks\portugal-wildfire_00000120_post_disaster.png,0,0,0,0,00000120 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000120_pre_disaster.png,portugal-wildfire_00000120_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000120_pre_disaster.png,0,0,0,0,00000120 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000121_post_disaster.png,portugal-wildfire_00000121_post_disaster,0,0,tier3\masks\portugal-wildfire_00000121_post_disaster.png,0,0,0,0,00000121 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000121_pre_disaster.png,portugal-wildfire_00000121_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000121_pre_disaster.png,0,0,0,0,00000121 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000122_post_disaster.png,portugal-wildfire_00000122_post_disaster,0,0,tier3\masks\portugal-wildfire_00000122_post_disaster.png,0,0,0,0,00000122 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000122_pre_disaster.png,portugal-wildfire_00000122_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000122_pre_disaster.png,0,0,0,0,00000122 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000123_post_disaster.png,portugal-wildfire_00000123_post_disaster,0,0,tier3\masks\portugal-wildfire_00000123_post_disaster.png,0,0,23,29535,00000123 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000123_pre_disaster.png,portugal-wildfire_00000123_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000123_pre_disaster.png,0,0,23,29660,00000123 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000124_post_disaster.png,portugal-wildfire_00000124_post_disaster,0,0,tier3\masks\portugal-wildfire_00000124_post_disaster.png,0,0,4,2779,00000124 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000124_pre_disaster.png,portugal-wildfire_00000124_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000124_pre_disaster.png,0,0,4,2779,00000124 +1,1163,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000125_post_disaster.png,portugal-wildfire_00000125_post_disaster,0,0,tier3\masks\portugal-wildfire_00000125_post_disaster.png,0,0,2,2737,00000125 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000125_pre_disaster.png,portugal-wildfire_00000125_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000125_pre_disaster.png,0,0,3,3900,00000125 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000126_post_disaster.png,portugal-wildfire_00000126_post_disaster,0,0,tier3\masks\portugal-wildfire_00000126_post_disaster.png,0,0,7,3358,00000126 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000126_pre_disaster.png,portugal-wildfire_00000126_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000126_pre_disaster.png,0,0,7,3358,00000126 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000127_post_disaster.png,portugal-wildfire_00000127_post_disaster,0,0,tier3\masks\portugal-wildfire_00000127_post_disaster.png,0,0,0,0,00000127 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000127_pre_disaster.png,portugal-wildfire_00000127_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000127_pre_disaster.png,0,0,0,0,00000127 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000128_post_disaster.png,portugal-wildfire_00000128_post_disaster,0,0,tier3\masks\portugal-wildfire_00000128_post_disaster.png,0,0,9,4601,00000128 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000128_pre_disaster.png,portugal-wildfire_00000128_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000128_pre_disaster.png,0,0,9,4643,00000128 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000129_post_disaster.png,portugal-wildfire_00000129_post_disaster,0,0,tier3\masks\portugal-wildfire_00000129_post_disaster.png,0,0,0,0,00000129 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000129_pre_disaster.png,portugal-wildfire_00000129_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000129_pre_disaster.png,0,0,0,0,00000129 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000130_post_disaster.png,portugal-wildfire_00000130_post_disaster,0,0,tier3\masks\portugal-wildfire_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000130_pre_disaster.png,portugal-wildfire_00000130_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000130_pre_disaster.png,0,0,0,0,00000130 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000131_post_disaster.png,portugal-wildfire_00000131_post_disaster,0,0,tier3\masks\portugal-wildfire_00000131_post_disaster.png,0,0,0,0,00000131 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000131_pre_disaster.png,portugal-wildfire_00000131_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000131_pre_disaster.png,0,0,0,0,00000131 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000132_post_disaster.png,portugal-wildfire_00000132_post_disaster,0,0,tier3\masks\portugal-wildfire_00000132_post_disaster.png,0,0,1,865,00000132 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000132_pre_disaster.png,portugal-wildfire_00000132_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000132_pre_disaster.png,0,0,1,865,00000132 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000133_post_disaster.png,portugal-wildfire_00000133_post_disaster,0,0,tier3\masks\portugal-wildfire_00000133_post_disaster.png,0,0,1,950,00000133 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000133_pre_disaster.png,portugal-wildfire_00000133_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000133_pre_disaster.png,0,0,1,950,00000133 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000134_post_disaster.png,portugal-wildfire_00000134_post_disaster,0,0,tier3\masks\portugal-wildfire_00000134_post_disaster.png,0,0,26,26586,00000134 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000134_pre_disaster.png,portugal-wildfire_00000134_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000134_pre_disaster.png,0,0,26,26586,00000134 +2,832,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000135_post_disaster.png,portugal-wildfire_00000135_post_disaster,0,0,tier3\masks\portugal-wildfire_00000135_post_disaster.png,0,0,2,1928,00000135 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000135_pre_disaster.png,portugal-wildfire_00000135_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000135_pre_disaster.png,0,0,4,2775,00000135 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000136_post_disaster.png,portugal-wildfire_00000136_post_disaster,3,1108,tier3\masks\portugal-wildfire_00000136_post_disaster.png,1,953,13,8672,00000136 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000136_pre_disaster.png,portugal-wildfire_00000136_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000136_pre_disaster.png,0,0,16,10781,00000136 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000137_post_disaster.png,portugal-wildfire_00000137_post_disaster,0,0,tier3\masks\portugal-wildfire_00000137_post_disaster.png,0,0,1,61,00000137 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000137_pre_disaster.png,portugal-wildfire_00000137_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000137_pre_disaster.png,0,0,1,61,00000137 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000138_post_disaster.png,portugal-wildfire_00000138_post_disaster,0,0,tier3\masks\portugal-wildfire_00000138_post_disaster.png,0,0,0,0,00000138 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000138_pre_disaster.png,portugal-wildfire_00000138_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000138_pre_disaster.png,0,0,0,0,00000138 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000139_post_disaster.png,portugal-wildfire_00000139_post_disaster,0,0,tier3\masks\portugal-wildfire_00000139_post_disaster.png,0,0,0,0,00000139 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000139_pre_disaster.png,portugal-wildfire_00000139_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000139_pre_disaster.png,0,0,0,0,00000139 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000140_post_disaster.png,portugal-wildfire_00000140_post_disaster,0,0,tier3\masks\portugal-wildfire_00000140_post_disaster.png,0,0,0,0,00000140 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000140_pre_disaster.png,portugal-wildfire_00000140_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000140_pre_disaster.png,0,0,0,0,00000140 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000141_post_disaster.png,portugal-wildfire_00000141_post_disaster,0,0,tier3\masks\portugal-wildfire_00000141_post_disaster.png,0,0,0,0,00000141 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000141_pre_disaster.png,portugal-wildfire_00000141_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000141_pre_disaster.png,0,0,0,0,00000141 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000142_post_disaster.png,portugal-wildfire_00000142_post_disaster,0,0,tier3\masks\portugal-wildfire_00000142_post_disaster.png,0,0,2,911,00000142 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000142_pre_disaster.png,portugal-wildfire_00000142_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000142_pre_disaster.png,0,0,2,931,00000142 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000143_post_disaster.png,portugal-wildfire_00000143_post_disaster,0,0,tier3\masks\portugal-wildfire_00000143_post_disaster.png,0,0,0,0,00000143 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000143_pre_disaster.png,portugal-wildfire_00000143_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000143_pre_disaster.png,0,0,0,0,00000143 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000144_post_disaster.png,portugal-wildfire_00000144_post_disaster,0,0,tier3\masks\portugal-wildfire_00000144_post_disaster.png,0,0,0,0,00000144 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000144_pre_disaster.png,portugal-wildfire_00000144_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000144_pre_disaster.png,0,0,0,0,00000144 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000145_post_disaster.png,portugal-wildfire_00000145_post_disaster,0,0,tier3\masks\portugal-wildfire_00000145_post_disaster.png,0,0,3,1763,00000145 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000145_pre_disaster.png,portugal-wildfire_00000145_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000145_pre_disaster.png,0,0,3,1763,00000145 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000146_post_disaster.png,portugal-wildfire_00000146_post_disaster,0,0,tier3\masks\portugal-wildfire_00000146_post_disaster.png,0,0,0,0,00000146 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000146_pre_disaster.png,portugal-wildfire_00000146_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000146_pre_disaster.png,0,0,0,0,00000146 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000147_post_disaster.png,portugal-wildfire_00000147_post_disaster,0,0,tier3\masks\portugal-wildfire_00000147_post_disaster.png,0,0,0,0,00000147 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000147_pre_disaster.png,portugal-wildfire_00000147_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000147_pre_disaster.png,0,0,0,0,00000147 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000148_post_disaster.png,portugal-wildfire_00000148_post_disaster,0,0,tier3\masks\portugal-wildfire_00000148_post_disaster.png,0,0,62,73422,00000148 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000148_pre_disaster.png,portugal-wildfire_00000148_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000148_pre_disaster.png,0,0,62,73438,00000148 +1,320,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000149_post_disaster.png,portugal-wildfire_00000149_post_disaster,0,0,tier3\masks\portugal-wildfire_00000149_post_disaster.png,0,0,16,15575,00000149 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000149_pre_disaster.png,portugal-wildfire_00000149_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000149_pre_disaster.png,0,0,17,15895,00000149 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000150_post_disaster.png,portugal-wildfire_00000150_post_disaster,0,0,tier3\masks\portugal-wildfire_00000150_post_disaster.png,0,0,0,0,00000150 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000150_pre_disaster.png,portugal-wildfire_00000150_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000150_pre_disaster.png,0,0,0,0,00000150 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000151_post_disaster.png,portugal-wildfire_00000151_post_disaster,0,0,tier3\masks\portugal-wildfire_00000151_post_disaster.png,0,0,0,0,00000151 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000151_pre_disaster.png,portugal-wildfire_00000151_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000151_pre_disaster.png,0,0,0,0,00000151 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000152_post_disaster.png,portugal-wildfire_00000152_post_disaster,0,0,tier3\masks\portugal-wildfire_00000152_post_disaster.png,0,0,0,0,00000152 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000152_pre_disaster.png,portugal-wildfire_00000152_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000152_pre_disaster.png,0,0,0,0,00000152 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000153_post_disaster.png,portugal-wildfire_00000153_post_disaster,0,0,tier3\masks\portugal-wildfire_00000153_post_disaster.png,0,0,0,0,00000153 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000153_pre_disaster.png,portugal-wildfire_00000153_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000153_pre_disaster.png,0,0,0,0,00000153 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000154_post_disaster.png,portugal-wildfire_00000154_post_disaster,0,0,tier3\masks\portugal-wildfire_00000154_post_disaster.png,0,0,0,0,00000154 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000154_pre_disaster.png,portugal-wildfire_00000154_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000154_pre_disaster.png,0,0,0,0,00000154 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000155_post_disaster.png,portugal-wildfire_00000155_post_disaster,0,0,tier3\masks\portugal-wildfire_00000155_post_disaster.png,0,0,0,0,00000155 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000155_pre_disaster.png,portugal-wildfire_00000155_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000155_pre_disaster.png,0,0,0,0,00000155 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000156_post_disaster.png,portugal-wildfire_00000156_post_disaster,0,0,tier3\masks\portugal-wildfire_00000156_post_disaster.png,0,0,1,1724,00000156 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000156_pre_disaster.png,portugal-wildfire_00000156_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000156_pre_disaster.png,0,0,1,1733,00000156 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000157_post_disaster.png,portugal-wildfire_00000157_post_disaster,0,0,tier3\masks\portugal-wildfire_00000157_post_disaster.png,0,0,0,0,00000157 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000157_pre_disaster.png,portugal-wildfire_00000157_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000157_pre_disaster.png,0,0,0,0,00000157 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000158_post_disaster.png,portugal-wildfire_00000158_post_disaster,0,0,tier3\masks\portugal-wildfire_00000158_post_disaster.png,0,0,0,0,00000158 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000158_pre_disaster.png,portugal-wildfire_00000158_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000158_pre_disaster.png,0,0,0,0,00000158 +3,3502,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000159_post_disaster.png,portugal-wildfire_00000159_post_disaster,0,0,tier3\masks\portugal-wildfire_00000159_post_disaster.png,2,555,20,21276,00000159 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000159_pre_disaster.png,portugal-wildfire_00000159_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000159_pre_disaster.png,0,0,25,25397,00000159 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000160_post_disaster.png,portugal-wildfire_00000160_post_disaster,0,0,tier3\masks\portugal-wildfire_00000160_post_disaster.png,0,0,0,0,00000160 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000160_pre_disaster.png,portugal-wildfire_00000160_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000160_pre_disaster.png,0,0,0,0,00000160 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000161_post_disaster.png,portugal-wildfire_00000161_post_disaster,0,0,tier3\masks\portugal-wildfire_00000161_post_disaster.png,0,0,52,47548,00000161 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000161_pre_disaster.png,portugal-wildfire_00000161_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000161_pre_disaster.png,0,0,52,47649,00000161 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000162_post_disaster.png,portugal-wildfire_00000162_post_disaster,0,0,tier3\masks\portugal-wildfire_00000162_post_disaster.png,0,0,22,12335,00000162 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000162_pre_disaster.png,portugal-wildfire_00000162_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000162_pre_disaster.png,0,0,22,12335,00000162 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000163_post_disaster.png,portugal-wildfire_00000163_post_disaster,0,0,tier3\masks\portugal-wildfire_00000163_post_disaster.png,0,0,0,0,00000163 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000163_pre_disaster.png,portugal-wildfire_00000163_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000163_pre_disaster.png,0,0,0,0,00000163 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000164_post_disaster.png,portugal-wildfire_00000164_post_disaster,0,0,tier3\masks\portugal-wildfire_00000164_post_disaster.png,0,0,14,10023,00000164 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000164_pre_disaster.png,portugal-wildfire_00000164_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000164_pre_disaster.png,0,0,14,10040,00000164 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000165_post_disaster.png,portugal-wildfire_00000165_post_disaster,0,0,tier3\masks\portugal-wildfire_00000165_post_disaster.png,0,0,0,0,00000165 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000165_pre_disaster.png,portugal-wildfire_00000165_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000165_pre_disaster.png,0,0,0,0,00000165 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000166_post_disaster.png,portugal-wildfire_00000166_post_disaster,0,0,tier3\masks\portugal-wildfire_00000166_post_disaster.png,0,0,0,0,00000166 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000166_pre_disaster.png,portugal-wildfire_00000166_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000166_pre_disaster.png,0,0,0,0,00000166 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000167_post_disaster.png,portugal-wildfire_00000167_post_disaster,0,0,tier3\masks\portugal-wildfire_00000167_post_disaster.png,0,0,0,0,00000167 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000167_pre_disaster.png,portugal-wildfire_00000167_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000167_pre_disaster.png,0,0,0,0,00000167 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000168_post_disaster.png,portugal-wildfire_00000168_post_disaster,0,0,tier3\masks\portugal-wildfire_00000168_post_disaster.png,0,0,10,1082,00000168 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000168_pre_disaster.png,portugal-wildfire_00000168_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000168_pre_disaster.png,0,0,10,1082,00000168 +1,171,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000169_post_disaster.png,portugal-wildfire_00000169_post_disaster,0,0,tier3\masks\portugal-wildfire_00000169_post_disaster.png,0,0,22,11203,00000169 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000169_pre_disaster.png,portugal-wildfire_00000169_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000169_pre_disaster.png,0,0,23,11374,00000169 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000170_post_disaster.png,portugal-wildfire_00000170_post_disaster,0,0,tier3\masks\portugal-wildfire_00000170_post_disaster.png,0,0,0,0,00000170 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000170_pre_disaster.png,portugal-wildfire_00000170_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000170_pre_disaster.png,0,0,0,0,00000170 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000171_post_disaster.png,portugal-wildfire_00000171_post_disaster,0,0,tier3\masks\portugal-wildfire_00000171_post_disaster.png,0,0,38,37248,00000171 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000171_pre_disaster.png,portugal-wildfire_00000171_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000171_pre_disaster.png,0,0,38,37274,00000171 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000172_post_disaster.png,portugal-wildfire_00000172_post_disaster,0,0,tier3\masks\portugal-wildfire_00000172_post_disaster.png,0,0,12,8118,00000172 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000172_pre_disaster.png,portugal-wildfire_00000172_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000172_pre_disaster.png,0,0,12,8151,00000172 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000173_post_disaster.png,portugal-wildfire_00000173_post_disaster,0,0,tier3\masks\portugal-wildfire_00000173_post_disaster.png,0,0,3,2037,00000173 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000173_pre_disaster.png,portugal-wildfire_00000173_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000173_pre_disaster.png,0,0,3,2037,00000173 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000174_post_disaster.png,portugal-wildfire_00000174_post_disaster,0,0,tier3\masks\portugal-wildfire_00000174_post_disaster.png,0,0,30,22968,00000174 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000174_pre_disaster.png,portugal-wildfire_00000174_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000174_pre_disaster.png,0,0,30,23043,00000174 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000175_post_disaster.png,portugal-wildfire_00000175_post_disaster,0,0,tier3\masks\portugal-wildfire_00000175_post_disaster.png,0,0,0,0,00000175 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000175_pre_disaster.png,portugal-wildfire_00000175_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000175_pre_disaster.png,0,0,0,0,00000175 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000176_post_disaster.png,portugal-wildfire_00000176_post_disaster,0,0,tier3\masks\portugal-wildfire_00000176_post_disaster.png,0,0,0,0,00000176 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000176_pre_disaster.png,portugal-wildfire_00000176_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000176_pre_disaster.png,0,0,0,0,00000176 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000177_post_disaster.png,portugal-wildfire_00000177_post_disaster,0,0,tier3\masks\portugal-wildfire_00000177_post_disaster.png,0,0,0,0,00000177 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000177_pre_disaster.png,portugal-wildfire_00000177_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000177_pre_disaster.png,0,0,0,0,00000177 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000178_post_disaster.png,portugal-wildfire_00000178_post_disaster,0,0,tier3\masks\portugal-wildfire_00000178_post_disaster.png,0,0,0,0,00000178 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000178_pre_disaster.png,portugal-wildfire_00000178_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000178_pre_disaster.png,0,0,0,0,00000178 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000179_post_disaster.png,portugal-wildfire_00000179_post_disaster,0,0,tier3\masks\portugal-wildfire_00000179_post_disaster.png,0,0,0,0,00000179 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000179_pre_disaster.png,portugal-wildfire_00000179_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000179_pre_disaster.png,0,0,0,0,00000179 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000180_post_disaster.png,portugal-wildfire_00000180_post_disaster,0,0,tier3\masks\portugal-wildfire_00000180_post_disaster.png,0,0,0,0,00000180 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000180_pre_disaster.png,portugal-wildfire_00000180_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000180_pre_disaster.png,0,0,0,0,00000180 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000181_post_disaster.png,portugal-wildfire_00000181_post_disaster,0,0,tier3\masks\portugal-wildfire_00000181_post_disaster.png,0,0,43,40812,00000181 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000181_pre_disaster.png,portugal-wildfire_00000181_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000181_pre_disaster.png,0,0,43,40843,00000181 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000182_post_disaster.png,portugal-wildfire_00000182_post_disaster,0,0,tier3\masks\portugal-wildfire_00000182_post_disaster.png,0,0,0,0,00000182 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000182_pre_disaster.png,portugal-wildfire_00000182_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000182_pre_disaster.png,0,0,0,0,00000182 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000183_post_disaster.png,portugal-wildfire_00000183_post_disaster,0,0,tier3\masks\portugal-wildfire_00000183_post_disaster.png,0,0,10,4819,00000183 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000183_pre_disaster.png,portugal-wildfire_00000183_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000183_pre_disaster.png,0,0,10,4846,00000183 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000184_post_disaster.png,portugal-wildfire_00000184_post_disaster,0,0,tier3\masks\portugal-wildfire_00000184_post_disaster.png,0,0,1,322,00000184 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000184_pre_disaster.png,portugal-wildfire_00000184_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000184_pre_disaster.png,0,0,1,322,00000184 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000185_post_disaster.png,portugal-wildfire_00000185_post_disaster,0,0,tier3\masks\portugal-wildfire_00000185_post_disaster.png,0,0,1,400,00000185 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000185_pre_disaster.png,portugal-wildfire_00000185_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000185_pre_disaster.png,0,0,1,400,00000185 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000186_post_disaster.png,portugal-wildfire_00000186_post_disaster,0,0,tier3\masks\portugal-wildfire_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000186_pre_disaster.png,portugal-wildfire_00000186_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000187_post_disaster.png,portugal-wildfire_00000187_post_disaster,0,0,tier3\masks\portugal-wildfire_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000187_pre_disaster.png,portugal-wildfire_00000187_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000187_pre_disaster.png,0,0,0,0,00000187 +1,419,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000188_post_disaster.png,portugal-wildfire_00000188_post_disaster,5,1243,tier3\masks\portugal-wildfire_00000188_post_disaster.png,0,0,35,26732,00000188 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000188_pre_disaster.png,portugal-wildfire_00000188_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000188_pre_disaster.png,0,0,41,28424,00000188 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000189_post_disaster.png,portugal-wildfire_00000189_post_disaster,0,0,tier3\masks\portugal-wildfire_00000189_post_disaster.png,0,0,3,1764,00000189 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000189_pre_disaster.png,portugal-wildfire_00000189_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000189_pre_disaster.png,0,0,3,1764,00000189 +1,614,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000190_post_disaster.png,portugal-wildfire_00000190_post_disaster,0,0,tier3\masks\portugal-wildfire_00000190_post_disaster.png,0,0,30,23943,00000190 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000190_pre_disaster.png,portugal-wildfire_00000190_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000190_pre_disaster.png,0,0,31,24618,00000190 +1,614,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000191_post_disaster.png,portugal-wildfire_00000191_post_disaster,0,0,tier3\masks\portugal-wildfire_00000191_post_disaster.png,1,950,55,36308,00000191 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000191_pre_disaster.png,portugal-wildfire_00000191_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000191_pre_disaster.png,0,0,57,37873,00000191 +1,62,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000192_post_disaster.png,portugal-wildfire_00000192_post_disaster,0,0,tier3\masks\portugal-wildfire_00000192_post_disaster.png,0,0,15,4970,00000192 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000192_pre_disaster.png,portugal-wildfire_00000192_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000192_pre_disaster.png,0,0,16,5032,00000192 +2,992,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000193_post_disaster.png,portugal-wildfire_00000193_post_disaster,0,0,tier3\masks\portugal-wildfire_00000193_post_disaster.png,0,0,29,23296,00000193 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000193_pre_disaster.png,portugal-wildfire_00000193_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000193_pre_disaster.png,0,0,31,24435,00000193 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000194_post_disaster.png,portugal-wildfire_00000194_post_disaster,0,0,tier3\masks\portugal-wildfire_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000194_pre_disaster.png,portugal-wildfire_00000194_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000195_post_disaster.png,portugal-wildfire_00000195_post_disaster,0,0,tier3\masks\portugal-wildfire_00000195_post_disaster.png,0,0,16,20168,00000195 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000195_pre_disaster.png,portugal-wildfire_00000195_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000195_pre_disaster.png,0,0,16,20168,00000195 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000196_post_disaster.png,portugal-wildfire_00000196_post_disaster,0,0,tier3\masks\portugal-wildfire_00000196_post_disaster.png,0,0,0,0,00000196 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000196_pre_disaster.png,portugal-wildfire_00000196_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000196_pre_disaster.png,0,0,0,0,00000196 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000197_post_disaster.png,portugal-wildfire_00000197_post_disaster,0,0,tier3\masks\portugal-wildfire_00000197_post_disaster.png,0,0,10,8543,00000197 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000197_pre_disaster.png,portugal-wildfire_00000197_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000197_pre_disaster.png,0,0,10,8543,00000197 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000198_post_disaster.png,portugal-wildfire_00000198_post_disaster,0,0,tier3\masks\portugal-wildfire_00000198_post_disaster.png,0,0,0,0,00000198 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000198_pre_disaster.png,portugal-wildfire_00000198_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000198_pre_disaster.png,0,0,0,0,00000198 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000199_post_disaster.png,portugal-wildfire_00000199_post_disaster,0,0,tier3\masks\portugal-wildfire_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000199_pre_disaster.png,portugal-wildfire_00000199_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000199_pre_disaster.png,0,0,0,0,00000199 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000200_post_disaster.png,portugal-wildfire_00000200_post_disaster,1,270,tier3\masks\portugal-wildfire_00000200_post_disaster.png,0,0,1,115,00000200 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000200_pre_disaster.png,portugal-wildfire_00000200_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000200_pre_disaster.png,0,0,2,394,00000200 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000201_post_disaster.png,portugal-wildfire_00000201_post_disaster,0,0,tier3\masks\portugal-wildfire_00000201_post_disaster.png,0,0,17,11092,00000201 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000201_pre_disaster.png,portugal-wildfire_00000201_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000201_pre_disaster.png,0,0,17,11092,00000201 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000202_post_disaster.png,portugal-wildfire_00000202_post_disaster,0,0,tier3\masks\portugal-wildfire_00000202_post_disaster.png,0,0,0,0,00000202 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000202_pre_disaster.png,portugal-wildfire_00000202_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000202_pre_disaster.png,0,0,0,0,00000202 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000203_post_disaster.png,portugal-wildfire_00000203_post_disaster,0,0,tier3\masks\portugal-wildfire_00000203_post_disaster.png,0,0,0,0,00000203 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000203_pre_disaster.png,portugal-wildfire_00000203_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000203_pre_disaster.png,0,0,0,0,00000203 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000204_post_disaster.png,portugal-wildfire_00000204_post_disaster,0,0,tier3\masks\portugal-wildfire_00000204_post_disaster.png,0,0,0,0,00000204 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000204_pre_disaster.png,portugal-wildfire_00000204_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000204_pre_disaster.png,0,0,0,0,00000204 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000205_post_disaster.png,portugal-wildfire_00000205_post_disaster,0,0,tier3\masks\portugal-wildfire_00000205_post_disaster.png,0,0,0,0,00000205 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000205_pre_disaster.png,portugal-wildfire_00000205_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000205_pre_disaster.png,0,0,0,0,00000205 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000206_post_disaster.png,portugal-wildfire_00000206_post_disaster,0,0,tier3\masks\portugal-wildfire_00000206_post_disaster.png,0,0,0,0,00000206 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000206_pre_disaster.png,portugal-wildfire_00000206_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000206_pre_disaster.png,0,0,0,0,00000206 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000207_post_disaster.png,portugal-wildfire_00000207_post_disaster,0,0,tier3\masks\portugal-wildfire_00000207_post_disaster.png,0,0,0,0,00000207 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000207_pre_disaster.png,portugal-wildfire_00000207_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000207_pre_disaster.png,0,0,0,0,00000207 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000208_post_disaster.png,portugal-wildfire_00000208_post_disaster,0,0,tier3\masks\portugal-wildfire_00000208_post_disaster.png,0,0,18,11394,00000208 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000208_pre_disaster.png,portugal-wildfire_00000208_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000208_pre_disaster.png,0,0,18,11426,00000208 +5,1725,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000209_post_disaster.png,portugal-wildfire_00000209_post_disaster,1,987,tier3\masks\portugal-wildfire_00000209_post_disaster.png,1,1359,43,37479,00000209 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000209_pre_disaster.png,portugal-wildfire_00000209_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000209_pre_disaster.png,0,0,49,41630,00000209 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000210_post_disaster.png,portugal-wildfire_00000210_post_disaster,0,0,tier3\masks\portugal-wildfire_00000210_post_disaster.png,0,0,0,0,00000210 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000210_pre_disaster.png,portugal-wildfire_00000210_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000210_pre_disaster.png,0,0,0,0,00000210 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000211_post_disaster.png,portugal-wildfire_00000211_post_disaster,0,0,tier3\masks\portugal-wildfire_00000211_post_disaster.png,0,0,0,0,00000211 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000211_pre_disaster.png,portugal-wildfire_00000211_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000211_pre_disaster.png,0,0,0,0,00000211 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000212_post_disaster.png,portugal-wildfire_00000212_post_disaster,0,0,tier3\masks\portugal-wildfire_00000212_post_disaster.png,0,0,0,0,00000212 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000212_pre_disaster.png,portugal-wildfire_00000212_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000212_pre_disaster.png,0,0,0,0,00000212 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000213_post_disaster.png,portugal-wildfire_00000213_post_disaster,0,0,tier3\masks\portugal-wildfire_00000213_post_disaster.png,1,381,11,7928,00000213 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000213_pre_disaster.png,portugal-wildfire_00000213_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000213_pre_disaster.png,0,0,12,8309,00000213 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000214_post_disaster.png,portugal-wildfire_00000214_post_disaster,0,0,tier3\masks\portugal-wildfire_00000214_post_disaster.png,0,0,45,52434,00000214 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000214_pre_disaster.png,portugal-wildfire_00000214_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000214_pre_disaster.png,0,0,45,52759,00000214 +2,1396,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000215_post_disaster.png,portugal-wildfire_00000215_post_disaster,0,0,tier3\masks\portugal-wildfire_00000215_post_disaster.png,0,0,94,64739,00000215 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000215_pre_disaster.png,portugal-wildfire_00000215_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000215_pre_disaster.png,0,0,95,66284,00000215 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000216_post_disaster.png,portugal-wildfire_00000216_post_disaster,0,0,tier3\masks\portugal-wildfire_00000216_post_disaster.png,0,0,0,0,00000216 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000216_pre_disaster.png,portugal-wildfire_00000216_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000216_pre_disaster.png,0,0,0,0,00000216 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000217_post_disaster.png,portugal-wildfire_00000217_post_disaster,0,0,tier3\masks\portugal-wildfire_00000217_post_disaster.png,0,0,0,0,00000217 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000217_pre_disaster.png,portugal-wildfire_00000217_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000217_pre_disaster.png,0,0,0,0,00000217 +4,1051,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000218_post_disaster.png,portugal-wildfire_00000218_post_disaster,0,0,tier3\masks\portugal-wildfire_00000218_post_disaster.png,2,747,8,3534,00000218 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000218_pre_disaster.png,portugal-wildfire_00000218_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000218_pre_disaster.png,0,0,14,5332,00000218 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000219_post_disaster.png,portugal-wildfire_00000219_post_disaster,0,0,tier3\masks\portugal-wildfire_00000219_post_disaster.png,0,0,0,0,00000219 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000219_pre_disaster.png,portugal-wildfire_00000219_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000219_pre_disaster.png,0,0,0,0,00000219 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000220_post_disaster.png,portugal-wildfire_00000220_post_disaster,0,0,tier3\masks\portugal-wildfire_00000220_post_disaster.png,0,0,0,0,00000220 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000220_pre_disaster.png,portugal-wildfire_00000220_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000220_pre_disaster.png,0,0,0,0,00000220 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000221_post_disaster.png,portugal-wildfire_00000221_post_disaster,0,0,tier3\masks\portugal-wildfire_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000221_pre_disaster.png,portugal-wildfire_00000221_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000222_post_disaster.png,portugal-wildfire_00000222_post_disaster,0,0,tier3\masks\portugal-wildfire_00000222_post_disaster.png,0,0,0,0,00000222 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000222_pre_disaster.png,portugal-wildfire_00000222_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000222_pre_disaster.png,0,0,0,0,00000222 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000223_post_disaster.png,portugal-wildfire_00000223_post_disaster,0,0,tier3\masks\portugal-wildfire_00000223_post_disaster.png,0,0,29,21209,00000223 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000223_pre_disaster.png,portugal-wildfire_00000223_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000223_pre_disaster.png,0,0,29,21209,00000223 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000224_post_disaster.png,portugal-wildfire_00000224_post_disaster,0,0,tier3\masks\portugal-wildfire_00000224_post_disaster.png,0,0,0,0,00000224 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000224_pre_disaster.png,portugal-wildfire_00000224_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000224_pre_disaster.png,0,0,0,0,00000224 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000225_post_disaster.png,portugal-wildfire_00000225_post_disaster,0,0,tier3\masks\portugal-wildfire_00000225_post_disaster.png,0,0,0,0,00000225 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000225_pre_disaster.png,portugal-wildfire_00000225_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000225_pre_disaster.png,0,0,0,0,00000225 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000226_post_disaster.png,portugal-wildfire_00000226_post_disaster,0,0,tier3\masks\portugal-wildfire_00000226_post_disaster.png,0,0,13,10870,00000226 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000226_pre_disaster.png,portugal-wildfire_00000226_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000226_pre_disaster.png,0,0,13,10870,00000226 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000227_post_disaster.png,portugal-wildfire_00000227_post_disaster,0,0,tier3\masks\portugal-wildfire_00000227_post_disaster.png,0,0,3,2281,00000227 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000227_pre_disaster.png,portugal-wildfire_00000227_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000227_pre_disaster.png,0,0,3,2281,00000227 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000228_post_disaster.png,portugal-wildfire_00000228_post_disaster,0,0,tier3\masks\portugal-wildfire_00000228_post_disaster.png,0,0,0,0,00000228 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000228_pre_disaster.png,portugal-wildfire_00000228_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000228_pre_disaster.png,0,0,0,0,00000228 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000229_post_disaster.png,portugal-wildfire_00000229_post_disaster,0,0,tier3\masks\portugal-wildfire_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000229_pre_disaster.png,portugal-wildfire_00000229_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000229_pre_disaster.png,0,0,0,0,00000229 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000230_post_disaster.png,portugal-wildfire_00000230_post_disaster,0,0,tier3\masks\portugal-wildfire_00000230_post_disaster.png,0,0,0,0,00000230 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000230_pre_disaster.png,portugal-wildfire_00000230_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000230_pre_disaster.png,0,0,0,0,00000230 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000231_post_disaster.png,portugal-wildfire_00000231_post_disaster,0,0,tier3\masks\portugal-wildfire_00000231_post_disaster.png,0,0,3,694,00000231 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000231_pre_disaster.png,portugal-wildfire_00000231_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000231_pre_disaster.png,0,0,3,694,00000231 +2,949,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000232_post_disaster.png,portugal-wildfire_00000232_post_disaster,1,683,tier3\masks\portugal-wildfire_00000232_post_disaster.png,1,650,43,30709,00000232 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000232_pre_disaster.png,portugal-wildfire_00000232_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000232_pre_disaster.png,0,0,47,32991,00000232 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000233_post_disaster.png,portugal-wildfire_00000233_post_disaster,0,0,tier3\masks\portugal-wildfire_00000233_post_disaster.png,0,0,0,0,00000233 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000233_pre_disaster.png,portugal-wildfire_00000233_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000233_pre_disaster.png,0,0,0,0,00000233 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000234_post_disaster.png,portugal-wildfire_00000234_post_disaster,0,0,tier3\masks\portugal-wildfire_00000234_post_disaster.png,0,0,1,461,00000234 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000234_pre_disaster.png,portugal-wildfire_00000234_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000234_pre_disaster.png,0,0,1,461,00000234 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000235_post_disaster.png,portugal-wildfire_00000235_post_disaster,0,0,tier3\masks\portugal-wildfire_00000235_post_disaster.png,0,0,0,0,00000235 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000235_pre_disaster.png,portugal-wildfire_00000235_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000235_pre_disaster.png,0,0,0,0,00000235 +2,443,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000236_post_disaster.png,portugal-wildfire_00000236_post_disaster,0,0,tier3\masks\portugal-wildfire_00000236_post_disaster.png,0,0,1,1140,00000236 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000236_pre_disaster.png,portugal-wildfire_00000236_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000236_pre_disaster.png,0,0,3,1611,00000236 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000237_post_disaster.png,portugal-wildfire_00000237_post_disaster,0,0,tier3\masks\portugal-wildfire_00000237_post_disaster.png,0,0,36,36151,00000237 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000237_pre_disaster.png,portugal-wildfire_00000237_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000237_pre_disaster.png,0,0,36,36169,00000237 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000238_post_disaster.png,portugal-wildfire_00000238_post_disaster,0,0,tier3\masks\portugal-wildfire_00000238_post_disaster.png,0,0,1,64,00000238 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000238_pre_disaster.png,portugal-wildfire_00000238_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000238_pre_disaster.png,0,0,1,64,00000238 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000239_post_disaster.png,portugal-wildfire_00000239_post_disaster,1,338,tier3\masks\portugal-wildfire_00000239_post_disaster.png,0,0,0,0,00000239 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000239_pre_disaster.png,portugal-wildfire_00000239_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000239_pre_disaster.png,0,0,1,338,00000239 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000240_post_disaster.png,portugal-wildfire_00000240_post_disaster,0,0,tier3\masks\portugal-wildfire_00000240_post_disaster.png,0,0,1,350,00000240 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000240_pre_disaster.png,portugal-wildfire_00000240_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000240_pre_disaster.png,0,0,1,350,00000240 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000241_post_disaster.png,portugal-wildfire_00000241_post_disaster,0,0,tier3\masks\portugal-wildfire_00000241_post_disaster.png,0,0,0,0,00000241 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000241_pre_disaster.png,portugal-wildfire_00000241_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000241_pre_disaster.png,0,0,0,0,00000241 +1,199,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000242_post_disaster.png,portugal-wildfire_00000242_post_disaster,0,0,tier3\masks\portugal-wildfire_00000242_post_disaster.png,0,0,16,9836,00000242 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000242_pre_disaster.png,portugal-wildfire_00000242_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000242_pre_disaster.png,0,0,17,10078,00000242 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000243_post_disaster.png,portugal-wildfire_00000243_post_disaster,0,0,tier3\masks\portugal-wildfire_00000243_post_disaster.png,0,0,6,4369,00000243 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000243_pre_disaster.png,portugal-wildfire_00000243_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000243_pre_disaster.png,0,0,6,4391,00000243 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000244_post_disaster.png,portugal-wildfire_00000244_post_disaster,0,0,tier3\masks\portugal-wildfire_00000244_post_disaster.png,0,0,12,10389,00000244 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000244_pre_disaster.png,portugal-wildfire_00000244_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000244_pre_disaster.png,0,0,12,10388,00000244 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000245_post_disaster.png,portugal-wildfire_00000245_post_disaster,0,0,tier3\masks\portugal-wildfire_00000245_post_disaster.png,0,0,2,300,00000245 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000245_pre_disaster.png,portugal-wildfire_00000245_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000245_pre_disaster.png,0,0,2,300,00000245 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000246_post_disaster.png,portugal-wildfire_00000246_post_disaster,0,0,tier3\masks\portugal-wildfire_00000246_post_disaster.png,0,0,0,0,00000246 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000246_pre_disaster.png,portugal-wildfire_00000246_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000246_pre_disaster.png,0,0,0,0,00000246 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000247_post_disaster.png,portugal-wildfire_00000247_post_disaster,0,0,tier3\masks\portugal-wildfire_00000247_post_disaster.png,0,0,0,0,00000247 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000247_pre_disaster.png,portugal-wildfire_00000247_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000247_pre_disaster.png,0,0,0,0,00000247 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000248_post_disaster.png,portugal-wildfire_00000248_post_disaster,0,0,tier3\masks\portugal-wildfire_00000248_post_disaster.png,0,0,7,4287,00000248 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000248_pre_disaster.png,portugal-wildfire_00000248_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000248_pre_disaster.png,0,0,7,4326,00000248 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000249_post_disaster.png,portugal-wildfire_00000249_post_disaster,0,0,tier3\masks\portugal-wildfire_00000249_post_disaster.png,0,0,0,0,00000249 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000249_pre_disaster.png,portugal-wildfire_00000249_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000249_pre_disaster.png,0,0,0,0,00000249 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000250_post_disaster.png,portugal-wildfire_00000250_post_disaster,0,0,tier3\masks\portugal-wildfire_00000250_post_disaster.png,0,0,0,0,00000250 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000250_pre_disaster.png,portugal-wildfire_00000250_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000250_pre_disaster.png,0,0,0,0,00000250 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000251_post_disaster.png,portugal-wildfire_00000251_post_disaster,0,0,tier3\masks\portugal-wildfire_00000251_post_disaster.png,0,0,0,0,00000251 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000251_pre_disaster.png,portugal-wildfire_00000251_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000251_pre_disaster.png,0,0,0,0,00000251 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000252_post_disaster.png,portugal-wildfire_00000252_post_disaster,0,0,tier3\masks\portugal-wildfire_00000252_post_disaster.png,0,0,0,0,00000252 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000252_pre_disaster.png,portugal-wildfire_00000252_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000252_pre_disaster.png,0,0,0,0,00000252 +1,4210,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000253_post_disaster.png,portugal-wildfire_00000253_post_disaster,0,0,tier3\masks\portugal-wildfire_00000253_post_disaster.png,0,0,0,0,00000253 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000253_pre_disaster.png,portugal-wildfire_00000253_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000253_pre_disaster.png,0,0,1,4210,00000253 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000254_post_disaster.png,portugal-wildfire_00000254_post_disaster,0,0,tier3\masks\portugal-wildfire_00000254_post_disaster.png,0,0,0,0,00000254 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000254_pre_disaster.png,portugal-wildfire_00000254_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000254_pre_disaster.png,0,0,0,0,00000254 +2,1067,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000255_post_disaster.png,portugal-wildfire_00000255_post_disaster,0,0,tier3\masks\portugal-wildfire_00000255_post_disaster.png,0,0,17,12294,00000255 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000255_pre_disaster.png,portugal-wildfire_00000255_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000255_pre_disaster.png,0,0,19,13361,00000255 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000256_post_disaster.png,portugal-wildfire_00000256_post_disaster,0,0,tier3\masks\portugal-wildfire_00000256_post_disaster.png,0,0,32,27335,00000256 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000256_pre_disaster.png,portugal-wildfire_00000256_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000256_pre_disaster.png,0,0,32,27400,00000256 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000257_post_disaster.png,portugal-wildfire_00000257_post_disaster,0,0,tier3\masks\portugal-wildfire_00000257_post_disaster.png,0,0,0,0,00000257 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000257_pre_disaster.png,portugal-wildfire_00000257_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000257_pre_disaster.png,0,0,0,0,00000257 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000258_post_disaster.png,portugal-wildfire_00000258_post_disaster,0,0,tier3\masks\portugal-wildfire_00000258_post_disaster.png,0,0,0,0,00000258 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000258_pre_disaster.png,portugal-wildfire_00000258_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000258_pre_disaster.png,0,0,0,0,00000258 +1,511,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000259_post_disaster.png,portugal-wildfire_00000259_post_disaster,0,0,tier3\masks\portugal-wildfire_00000259_post_disaster.png,0,0,105,123010,00000259 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000259_pre_disaster.png,portugal-wildfire_00000259_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000259_pre_disaster.png,0,0,106,123594,00000259 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000260_post_disaster.png,portugal-wildfire_00000260_post_disaster,0,0,tier3\masks\portugal-wildfire_00000260_post_disaster.png,0,0,0,0,00000260 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000260_pre_disaster.png,portugal-wildfire_00000260_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000260_pre_disaster.png,0,0,0,0,00000260 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000261_post_disaster.png,portugal-wildfire_00000261_post_disaster,0,0,tier3\masks\portugal-wildfire_00000261_post_disaster.png,0,0,0,0,00000261 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000261_pre_disaster.png,portugal-wildfire_00000261_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000261_pre_disaster.png,0,0,0,0,00000261 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000262_post_disaster.png,portugal-wildfire_00000262_post_disaster,0,0,tier3\masks\portugal-wildfire_00000262_post_disaster.png,0,0,0,0,00000262 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000262_pre_disaster.png,portugal-wildfire_00000262_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000262_pre_disaster.png,0,0,0,0,00000262 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000263_post_disaster.png,portugal-wildfire_00000263_post_disaster,0,0,tier3\masks\portugal-wildfire_00000263_post_disaster.png,0,0,0,0,00000263 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000263_pre_disaster.png,portugal-wildfire_00000263_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000263_pre_disaster.png,0,0,0,0,00000263 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000264_post_disaster.png,portugal-wildfire_00000264_post_disaster,0,0,tier3\masks\portugal-wildfire_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000264_pre_disaster.png,portugal-wildfire_00000264_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000264_pre_disaster.png,0,0,0,0,00000264 +1,107,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000265_post_disaster.png,portugal-wildfire_00000265_post_disaster,0,0,tier3\masks\portugal-wildfire_00000265_post_disaster.png,0,0,49,33122,00000265 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000265_pre_disaster.png,portugal-wildfire_00000265_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000265_pre_disaster.png,0,0,50,33272,00000265 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000266_post_disaster.png,portugal-wildfire_00000266_post_disaster,0,0,tier3\masks\portugal-wildfire_00000266_post_disaster.png,0,0,2,989,00000266 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000266_pre_disaster.png,portugal-wildfire_00000266_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000266_pre_disaster.png,0,0,2,1020,00000266 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000267_post_disaster.png,portugal-wildfire_00000267_post_disaster,0,0,tier3\masks\portugal-wildfire_00000267_post_disaster.png,0,0,1,224,00000267 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000267_pre_disaster.png,portugal-wildfire_00000267_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000267_pre_disaster.png,0,0,1,224,00000267 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000268_post_disaster.png,portugal-wildfire_00000268_post_disaster,0,0,tier3\masks\portugal-wildfire_00000268_post_disaster.png,0,0,10,3947,00000268 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000268_pre_disaster.png,portugal-wildfire_00000268_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000268_pre_disaster.png,0,0,10,3947,00000268 +1,471,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000269_post_disaster.png,portugal-wildfire_00000269_post_disaster,0,0,tier3\masks\portugal-wildfire_00000269_post_disaster.png,0,0,0,0,00000269 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000269_pre_disaster.png,portugal-wildfire_00000269_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000269_pre_disaster.png,0,0,1,471,00000269 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000270_post_disaster.png,portugal-wildfire_00000270_post_disaster,0,0,tier3\masks\portugal-wildfire_00000270_post_disaster.png,0,0,0,0,00000270 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000270_pre_disaster.png,portugal-wildfire_00000270_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000270_pre_disaster.png,0,0,0,0,00000270 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000271_post_disaster.png,portugal-wildfire_00000271_post_disaster,0,0,tier3\masks\portugal-wildfire_00000271_post_disaster.png,0,0,8,6507,00000271 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000271_pre_disaster.png,portugal-wildfire_00000271_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000271_pre_disaster.png,0,0,8,6507,00000271 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000272_post_disaster.png,portugal-wildfire_00000272_post_disaster,0,0,tier3\masks\portugal-wildfire_00000272_post_disaster.png,0,0,0,0,00000272 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000272_pre_disaster.png,portugal-wildfire_00000272_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000272_pre_disaster.png,0,0,0,0,00000272 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000273_post_disaster.png,portugal-wildfire_00000273_post_disaster,0,0,tier3\masks\portugal-wildfire_00000273_post_disaster.png,1,544,7,4196,00000273 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000273_pre_disaster.png,portugal-wildfire_00000273_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000273_pre_disaster.png,0,0,8,4740,00000273 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000274_post_disaster.png,portugal-wildfire_00000274_post_disaster,0,0,tier3\masks\portugal-wildfire_00000274_post_disaster.png,0,0,41,58188,00000274 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000274_pre_disaster.png,portugal-wildfire_00000274_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000274_pre_disaster.png,0,0,41,58424,00000274 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000275_post_disaster.png,portugal-wildfire_00000275_post_disaster,2,322,tier3\masks\portugal-wildfire_00000275_post_disaster.png,0,0,5,3229,00000275 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000275_pre_disaster.png,portugal-wildfire_00000275_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000275_pre_disaster.png,0,0,7,3555,00000275 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000276_post_disaster.png,portugal-wildfire_00000276_post_disaster,0,0,tier3\masks\portugal-wildfire_00000276_post_disaster.png,0,0,0,0,00000276 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000276_pre_disaster.png,portugal-wildfire_00000276_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000276_pre_disaster.png,0,0,0,0,00000276 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000277_post_disaster.png,portugal-wildfire_00000277_post_disaster,0,0,tier3\masks\portugal-wildfire_00000277_post_disaster.png,0,0,0,0,00000277 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000277_pre_disaster.png,portugal-wildfire_00000277_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000277_pre_disaster.png,0,0,0,0,00000277 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000278_post_disaster.png,portugal-wildfire_00000278_post_disaster,0,0,tier3\masks\portugal-wildfire_00000278_post_disaster.png,0,0,28,23153,00000278 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000278_pre_disaster.png,portugal-wildfire_00000278_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000278_pre_disaster.png,0,0,28,23160,00000278 +1,308,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000279_post_disaster.png,portugal-wildfire_00000279_post_disaster,1,553,tier3\masks\portugal-wildfire_00000279_post_disaster.png,0,0,19,21862,00000279 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000279_pre_disaster.png,portugal-wildfire_00000279_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000279_pre_disaster.png,0,0,21,22723,00000279 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000280_post_disaster.png,portugal-wildfire_00000280_post_disaster,0,0,tier3\masks\portugal-wildfire_00000280_post_disaster.png,0,0,0,0,00000280 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000280_pre_disaster.png,portugal-wildfire_00000280_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000280_pre_disaster.png,0,0,0,0,00000280 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000281_post_disaster.png,portugal-wildfire_00000281_post_disaster,0,0,tier3\masks\portugal-wildfire_00000281_post_disaster.png,0,0,0,0,00000281 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000281_pre_disaster.png,portugal-wildfire_00000281_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000281_pre_disaster.png,0,0,0,0,00000281 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000282_post_disaster.png,portugal-wildfire_00000282_post_disaster,4,1791,tier3\masks\portugal-wildfire_00000282_post_disaster.png,0,0,4,2389,00000282 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000282_pre_disaster.png,portugal-wildfire_00000282_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000282_pre_disaster.png,0,0,8,4180,00000282 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000283_post_disaster.png,portugal-wildfire_00000283_post_disaster,0,0,tier3\masks\portugal-wildfire_00000283_post_disaster.png,0,0,0,0,00000283 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000283_pre_disaster.png,portugal-wildfire_00000283_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000283_pre_disaster.png,0,0,0,0,00000283 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000284_post_disaster.png,portugal-wildfire_00000284_post_disaster,0,0,tier3\masks\portugal-wildfire_00000284_post_disaster.png,0,0,0,0,00000284 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000284_pre_disaster.png,portugal-wildfire_00000284_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000284_pre_disaster.png,0,0,0,0,00000284 +2,511,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000285_post_disaster.png,portugal-wildfire_00000285_post_disaster,1,524,tier3\masks\portugal-wildfire_00000285_post_disaster.png,0,0,65,57153,00000285 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000285_pre_disaster.png,portugal-wildfire_00000285_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000285_pre_disaster.png,0,0,68,58287,00000285 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000286_post_disaster.png,portugal-wildfire_00000286_post_disaster,0,0,tier3\masks\portugal-wildfire_00000286_post_disaster.png,0,0,2,930,00000286 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000286_pre_disaster.png,portugal-wildfire_00000286_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000286_pre_disaster.png,0,0,2,980,00000286 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000287_post_disaster.png,portugal-wildfire_00000287_post_disaster,0,0,tier3\masks\portugal-wildfire_00000287_post_disaster.png,0,0,1,409,00000287 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000287_pre_disaster.png,portugal-wildfire_00000287_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000287_pre_disaster.png,0,0,1,409,00000287 +2,593,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000288_post_disaster.png,portugal-wildfire_00000288_post_disaster,0,0,tier3\masks\portugal-wildfire_00000288_post_disaster.png,0,0,7,3791,00000288 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000288_pre_disaster.png,portugal-wildfire_00000288_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000288_pre_disaster.png,0,0,9,4425,00000288 +1,454,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000289_post_disaster.png,portugal-wildfire_00000289_post_disaster,0,0,tier3\masks\portugal-wildfire_00000289_post_disaster.png,1,135,17,13145,00000289 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000289_pre_disaster.png,portugal-wildfire_00000289_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000289_pre_disaster.png,0,0,19,13775,00000289 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000290_post_disaster.png,portugal-wildfire_00000290_post_disaster,0,0,tier3\masks\portugal-wildfire_00000290_post_disaster.png,0,0,0,0,00000290 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000290_pre_disaster.png,portugal-wildfire_00000290_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000290_pre_disaster.png,0,0,0,0,00000290 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000291_post_disaster.png,portugal-wildfire_00000291_post_disaster,0,0,tier3\masks\portugal-wildfire_00000291_post_disaster.png,0,0,0,0,00000291 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000291_pre_disaster.png,portugal-wildfire_00000291_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000291_pre_disaster.png,0,0,0,0,00000291 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000292_post_disaster.png,portugal-wildfire_00000292_post_disaster,0,0,tier3\masks\portugal-wildfire_00000292_post_disaster.png,0,0,0,0,00000292 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000292_pre_disaster.png,portugal-wildfire_00000292_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000292_pre_disaster.png,0,0,0,0,00000292 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000293_post_disaster.png,portugal-wildfire_00000293_post_disaster,0,0,tier3\masks\portugal-wildfire_00000293_post_disaster.png,0,0,0,0,00000293 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000293_pre_disaster.png,portugal-wildfire_00000293_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000293_pre_disaster.png,0,0,0,0,00000293 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000294_post_disaster.png,portugal-wildfire_00000294_post_disaster,0,0,tier3\masks\portugal-wildfire_00000294_post_disaster.png,0,0,6,6871,00000294 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000294_pre_disaster.png,portugal-wildfire_00000294_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000294_pre_disaster.png,0,0,6,6871,00000294 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000295_post_disaster.png,portugal-wildfire_00000295_post_disaster,0,0,tier3\masks\portugal-wildfire_00000295_post_disaster.png,0,0,2,652,00000295 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000295_pre_disaster.png,portugal-wildfire_00000295_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000295_pre_disaster.png,0,0,2,652,00000295 +10,9294,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000296_post_disaster.png,portugal-wildfire_00000296_post_disaster,0,0,tier3\masks\portugal-wildfire_00000296_post_disaster.png,0,0,2,1582,00000296 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000296_pre_disaster.png,portugal-wildfire_00000296_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000296_pre_disaster.png,0,0,12,10899,00000296 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000297_post_disaster.png,portugal-wildfire_00000297_post_disaster,0,0,tier3\masks\portugal-wildfire_00000297_post_disaster.png,0,0,8,4593,00000297 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000297_pre_disaster.png,portugal-wildfire_00000297_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000297_pre_disaster.png,0,0,8,4593,00000297 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000298_post_disaster.png,portugal-wildfire_00000298_post_disaster,0,0,tier3\masks\portugal-wildfire_00000298_post_disaster.png,0,0,1,536,00000298 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000298_pre_disaster.png,portugal-wildfire_00000298_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000298_pre_disaster.png,0,0,1,536,00000298 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000299_post_disaster.png,portugal-wildfire_00000299_post_disaster,0,0,tier3\masks\portugal-wildfire_00000299_post_disaster.png,0,0,12,6654,00000299 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000299_pre_disaster.png,portugal-wildfire_00000299_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000299_pre_disaster.png,0,0,12,6730,00000299 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000300_post_disaster.png,portugal-wildfire_00000300_post_disaster,0,0,tier3\masks\portugal-wildfire_00000300_post_disaster.png,0,0,0,0,00000300 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000300_pre_disaster.png,portugal-wildfire_00000300_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000300_pre_disaster.png,0,0,0,0,00000300 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000301_post_disaster.png,portugal-wildfire_00000301_post_disaster,0,0,tier3\masks\portugal-wildfire_00000301_post_disaster.png,0,0,1,448,00000301 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000301_pre_disaster.png,portugal-wildfire_00000301_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000301_pre_disaster.png,0,0,1,448,00000301 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000302_post_disaster.png,portugal-wildfire_00000302_post_disaster,0,0,tier3\masks\portugal-wildfire_00000302_post_disaster.png,0,0,8,5236,00000302 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000302_pre_disaster.png,portugal-wildfire_00000302_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000302_pre_disaster.png,0,0,8,5236,00000302 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000303_post_disaster.png,portugal-wildfire_00000303_post_disaster,0,0,tier3\masks\portugal-wildfire_00000303_post_disaster.png,0,0,0,0,00000303 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000303_pre_disaster.png,portugal-wildfire_00000303_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000303_pre_disaster.png,0,0,0,0,00000303 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000304_post_disaster.png,portugal-wildfire_00000304_post_disaster,1,1118,tier3\masks\portugal-wildfire_00000304_post_disaster.png,0,0,0,0,00000304 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000304_pre_disaster.png,portugal-wildfire_00000304_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000304_pre_disaster.png,0,0,1,1118,00000304 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000305_post_disaster.png,portugal-wildfire_00000305_post_disaster,0,0,tier3\masks\portugal-wildfire_00000305_post_disaster.png,0,0,0,0,00000305 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000305_pre_disaster.png,portugal-wildfire_00000305_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000305_pre_disaster.png,0,0,0,0,00000305 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000306_post_disaster.png,portugal-wildfire_00000306_post_disaster,0,0,tier3\masks\portugal-wildfire_00000306_post_disaster.png,0,0,0,0,00000306 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000306_pre_disaster.png,portugal-wildfire_00000306_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000306_pre_disaster.png,0,0,0,0,00000306 +1,236,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000307_post_disaster.png,portugal-wildfire_00000307_post_disaster,0,0,tier3\masks\portugal-wildfire_00000307_post_disaster.png,0,0,12,6219,00000307 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000307_pre_disaster.png,portugal-wildfire_00000307_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000307_pre_disaster.png,0,0,13,6455,00000307 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000308_post_disaster.png,portugal-wildfire_00000308_post_disaster,0,0,tier3\masks\portugal-wildfire_00000308_post_disaster.png,0,0,0,0,00000308 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000308_pre_disaster.png,portugal-wildfire_00000308_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000308_pre_disaster.png,0,0,0,0,00000308 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000309_post_disaster.png,portugal-wildfire_00000309_post_disaster,0,0,tier3\masks\portugal-wildfire_00000309_post_disaster.png,0,0,2,812,00000309 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000309_pre_disaster.png,portugal-wildfire_00000309_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000309_pre_disaster.png,0,0,2,812,00000309 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000310_post_disaster.png,portugal-wildfire_00000310_post_disaster,0,0,tier3\masks\portugal-wildfire_00000310_post_disaster.png,0,0,14,10960,00000310 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000310_pre_disaster.png,portugal-wildfire_00000310_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000310_pre_disaster.png,0,0,14,11018,00000310 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000311_post_disaster.png,portugal-wildfire_00000311_post_disaster,0,0,tier3\masks\portugal-wildfire_00000311_post_disaster.png,0,0,0,0,00000311 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000311_pre_disaster.png,portugal-wildfire_00000311_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000311_pre_disaster.png,0,0,0,0,00000311 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000312_post_disaster.png,portugal-wildfire_00000312_post_disaster,0,0,tier3\masks\portugal-wildfire_00000312_post_disaster.png,0,0,0,0,00000312 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000312_pre_disaster.png,portugal-wildfire_00000312_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000312_pre_disaster.png,0,0,0,0,00000312 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000313_post_disaster.png,portugal-wildfire_00000313_post_disaster,0,0,tier3\masks\portugal-wildfire_00000313_post_disaster.png,0,0,0,0,00000313 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000313_pre_disaster.png,portugal-wildfire_00000313_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000313_pre_disaster.png,0,0,0,0,00000313 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000314_post_disaster.png,portugal-wildfire_00000314_post_disaster,0,0,tier3\masks\portugal-wildfire_00000314_post_disaster.png,0,0,1,131,00000314 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000314_pre_disaster.png,portugal-wildfire_00000314_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000314_pre_disaster.png,0,0,1,131,00000314 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000315_post_disaster.png,portugal-wildfire_00000315_post_disaster,0,0,tier3\masks\portugal-wildfire_00000315_post_disaster.png,0,0,0,0,00000315 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000315_pre_disaster.png,portugal-wildfire_00000315_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000315_pre_disaster.png,0,0,0,0,00000315 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000316_post_disaster.png,portugal-wildfire_00000316_post_disaster,0,0,tier3\masks\portugal-wildfire_00000316_post_disaster.png,0,0,0,0,00000316 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000316_pre_disaster.png,portugal-wildfire_00000316_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000316_pre_disaster.png,0,0,0,0,00000316 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000317_post_disaster.png,portugal-wildfire_00000317_post_disaster,0,0,tier3\masks\portugal-wildfire_00000317_post_disaster.png,0,0,1,138,00000317 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000317_pre_disaster.png,portugal-wildfire_00000317_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000317_pre_disaster.png,0,0,1,138,00000317 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000318_post_disaster.png,portugal-wildfire_00000318_post_disaster,0,0,tier3\masks\portugal-wildfire_00000318_post_disaster.png,0,0,0,0,00000318 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000318_pre_disaster.png,portugal-wildfire_00000318_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000318_pre_disaster.png,0,0,0,0,00000318 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000319_post_disaster.png,portugal-wildfire_00000319_post_disaster,0,0,tier3\masks\portugal-wildfire_00000319_post_disaster.png,0,0,0,0,00000319 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000319_pre_disaster.png,portugal-wildfire_00000319_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000319_pre_disaster.png,0,0,0,0,00000319 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000320_post_disaster.png,portugal-wildfire_00000320_post_disaster,0,0,tier3\masks\portugal-wildfire_00000320_post_disaster.png,0,0,0,0,00000320 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000320_pre_disaster.png,portugal-wildfire_00000320_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000320_pre_disaster.png,0,0,0,0,00000320 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000321_post_disaster.png,portugal-wildfire_00000321_post_disaster,0,0,tier3\masks\portugal-wildfire_00000321_post_disaster.png,0,0,4,2857,00000321 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000321_pre_disaster.png,portugal-wildfire_00000321_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000321_pre_disaster.png,0,0,4,2857,00000321 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000322_post_disaster.png,portugal-wildfire_00000322_post_disaster,0,0,tier3\masks\portugal-wildfire_00000322_post_disaster.png,0,0,0,0,00000322 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000322_pre_disaster.png,portugal-wildfire_00000322_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000322_pre_disaster.png,0,0,0,0,00000322 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000323_post_disaster.png,portugal-wildfire_00000323_post_disaster,0,0,tier3\masks\portugal-wildfire_00000323_post_disaster.png,0,0,0,0,00000323 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000323_pre_disaster.png,portugal-wildfire_00000323_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000323_pre_disaster.png,0,0,0,0,00000323 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000324_post_disaster.png,portugal-wildfire_00000324_post_disaster,0,0,tier3\masks\portugal-wildfire_00000324_post_disaster.png,0,0,0,0,00000324 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000324_pre_disaster.png,portugal-wildfire_00000324_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000324_pre_disaster.png,0,0,0,0,00000324 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000325_post_disaster.png,portugal-wildfire_00000325_post_disaster,0,0,tier3\masks\portugal-wildfire_00000325_post_disaster.png,0,0,55,46538,00000325 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000325_pre_disaster.png,portugal-wildfire_00000325_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000325_pre_disaster.png,0,0,55,46606,00000325 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000326_post_disaster.png,portugal-wildfire_00000326_post_disaster,0,0,tier3\masks\portugal-wildfire_00000326_post_disaster.png,0,0,0,0,00000326 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000326_pre_disaster.png,portugal-wildfire_00000326_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000326_pre_disaster.png,0,0,0,0,00000326 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000327_post_disaster.png,portugal-wildfire_00000327_post_disaster,0,0,tier3\masks\portugal-wildfire_00000327_post_disaster.png,0,0,0,0,00000327 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000327_pre_disaster.png,portugal-wildfire_00000327_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000327_pre_disaster.png,0,0,0,0,00000327 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000328_post_disaster.png,portugal-wildfire_00000328_post_disaster,0,0,tier3\masks\portugal-wildfire_00000328_post_disaster.png,0,0,2,1959,00000328 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000328_pre_disaster.png,portugal-wildfire_00000328_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000328_pre_disaster.png,0,0,2,1959,00000328 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000329_post_disaster.png,portugal-wildfire_00000329_post_disaster,0,0,tier3\masks\portugal-wildfire_00000329_post_disaster.png,0,0,0,0,00000329 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000329_pre_disaster.png,portugal-wildfire_00000329_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000329_pre_disaster.png,0,0,0,0,00000329 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000330_post_disaster.png,portugal-wildfire_00000330_post_disaster,0,0,tier3\masks\portugal-wildfire_00000330_post_disaster.png,0,0,0,0,00000330 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000330_pre_disaster.png,portugal-wildfire_00000330_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000330_pre_disaster.png,0,0,0,0,00000330 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000331_post_disaster.png,portugal-wildfire_00000331_post_disaster,0,0,tier3\masks\portugal-wildfire_00000331_post_disaster.png,0,0,0,0,00000331 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000331_pre_disaster.png,portugal-wildfire_00000331_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000331_pre_disaster.png,0,0,0,0,00000331 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000332_post_disaster.png,portugal-wildfire_00000332_post_disaster,0,0,tier3\masks\portugal-wildfire_00000332_post_disaster.png,0,0,2,999,00000332 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000332_pre_disaster.png,portugal-wildfire_00000332_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000332_pre_disaster.png,0,0,2,999,00000332 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000333_post_disaster.png,portugal-wildfire_00000333_post_disaster,0,0,tier3\masks\portugal-wildfire_00000333_post_disaster.png,0,0,29,22290,00000333 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000333_pre_disaster.png,portugal-wildfire_00000333_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000333_pre_disaster.png,0,0,29,22388,00000333 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000334_post_disaster.png,portugal-wildfire_00000334_post_disaster,0,0,tier3\masks\portugal-wildfire_00000334_post_disaster.png,0,0,25,14995,00000334 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000334_pre_disaster.png,portugal-wildfire_00000334_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000334_pre_disaster.png,0,0,25,15133,00000334 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000335_post_disaster.png,portugal-wildfire_00000335_post_disaster,0,0,tier3\masks\portugal-wildfire_00000335_post_disaster.png,0,0,0,0,00000335 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000335_pre_disaster.png,portugal-wildfire_00000335_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000335_pre_disaster.png,0,0,0,0,00000335 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000336_post_disaster.png,portugal-wildfire_00000336_post_disaster,0,0,tier3\masks\portugal-wildfire_00000336_post_disaster.png,0,0,8,5832,00000336 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000336_pre_disaster.png,portugal-wildfire_00000336_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000336_pre_disaster.png,0,0,8,5890,00000336 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000337_post_disaster.png,portugal-wildfire_00000337_post_disaster,0,0,tier3\masks\portugal-wildfire_00000337_post_disaster.png,0,0,0,0,00000337 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000337_pre_disaster.png,portugal-wildfire_00000337_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000337_pre_disaster.png,0,0,0,0,00000337 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000338_post_disaster.png,portugal-wildfire_00000338_post_disaster,0,0,tier3\masks\portugal-wildfire_00000338_post_disaster.png,0,0,0,0,00000338 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000338_pre_disaster.png,portugal-wildfire_00000338_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000338_pre_disaster.png,0,0,0,0,00000338 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000339_post_disaster.png,portugal-wildfire_00000339_post_disaster,0,0,tier3\masks\portugal-wildfire_00000339_post_disaster.png,0,0,4,1754,00000339 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000339_pre_disaster.png,portugal-wildfire_00000339_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000339_pre_disaster.png,0,0,4,1754,00000339 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000340_post_disaster.png,portugal-wildfire_00000340_post_disaster,0,0,tier3\masks\portugal-wildfire_00000340_post_disaster.png,1,327,9,4700,00000340 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000340_pre_disaster.png,portugal-wildfire_00000340_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000340_pre_disaster.png,0,0,10,5045,00000340 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000341_post_disaster.png,portugal-wildfire_00000341_post_disaster,0,0,tier3\masks\portugal-wildfire_00000341_post_disaster.png,0,0,0,0,00000341 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000341_pre_disaster.png,portugal-wildfire_00000341_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000341_pre_disaster.png,0,0,0,0,00000341 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000342_post_disaster.png,portugal-wildfire_00000342_post_disaster,0,0,tier3\masks\portugal-wildfire_00000342_post_disaster.png,0,0,0,0,00000342 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000342_pre_disaster.png,portugal-wildfire_00000342_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000342_pre_disaster.png,0,0,0,0,00000342 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000343_post_disaster.png,portugal-wildfire_00000343_post_disaster,0,0,tier3\masks\portugal-wildfire_00000343_post_disaster.png,0,0,0,0,00000343 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000343_pre_disaster.png,portugal-wildfire_00000343_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000343_pre_disaster.png,0,0,0,0,00000343 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000344_post_disaster.png,portugal-wildfire_00000344_post_disaster,0,0,tier3\masks\portugal-wildfire_00000344_post_disaster.png,0,0,2,1298,00000344 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000344_pre_disaster.png,portugal-wildfire_00000344_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000344_pre_disaster.png,0,0,2,1298,00000344 +1,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000345_post_disaster.png,portugal-wildfire_00000345_post_disaster,0,0,tier3\masks\portugal-wildfire_00000345_post_disaster.png,0,0,19,13828,00000345 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000345_pre_disaster.png,portugal-wildfire_00000345_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000345_pre_disaster.png,0,0,20,14764,00000345 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000346_post_disaster.png,portugal-wildfire_00000346_post_disaster,0,0,tier3\masks\portugal-wildfire_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000346_pre_disaster.png,portugal-wildfire_00000346_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000346_pre_disaster.png,0,0,0,0,00000346 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000347_post_disaster.png,portugal-wildfire_00000347_post_disaster,0,0,tier3\masks\portugal-wildfire_00000347_post_disaster.png,0,0,0,0,00000347 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000347_pre_disaster.png,portugal-wildfire_00000347_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000347_pre_disaster.png,0,0,0,0,00000347 +1,143,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000348_post_disaster.png,portugal-wildfire_00000348_post_disaster,0,0,tier3\masks\portugal-wildfire_00000348_post_disaster.png,0,0,3,1850,00000348 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000348_pre_disaster.png,portugal-wildfire_00000348_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000348_pre_disaster.png,0,0,4,1993,00000348 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000349_post_disaster.png,portugal-wildfire_00000349_post_disaster,0,0,tier3\masks\portugal-wildfire_00000349_post_disaster.png,0,0,1,168,00000349 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000349_pre_disaster.png,portugal-wildfire_00000349_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000349_pre_disaster.png,0,0,1,168,00000349 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000350_post_disaster.png,portugal-wildfire_00000350_post_disaster,0,0,tier3\masks\portugal-wildfire_00000350_post_disaster.png,0,0,0,0,00000350 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000350_pre_disaster.png,portugal-wildfire_00000350_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000350_pre_disaster.png,0,0,0,0,00000350 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000351_post_disaster.png,portugal-wildfire_00000351_post_disaster,0,0,tier3\masks\portugal-wildfire_00000351_post_disaster.png,0,0,1,156,00000351 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000351_pre_disaster.png,portugal-wildfire_00000351_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000351_pre_disaster.png,0,0,1,156,00000351 +2,825,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000352_post_disaster.png,portugal-wildfire_00000352_post_disaster,0,0,tier3\masks\portugal-wildfire_00000352_post_disaster.png,0,0,9,4393,00000352 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000352_pre_disaster.png,portugal-wildfire_00000352_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000352_pre_disaster.png,0,0,10,5262,00000352 +1,354,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000353_post_disaster.png,portugal-wildfire_00000353_post_disaster,0,0,tier3\masks\portugal-wildfire_00000353_post_disaster.png,0,0,43,34045,00000353 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000353_pre_disaster.png,portugal-wildfire_00000353_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000353_pre_disaster.png,0,0,44,34399,00000353 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000354_post_disaster.png,portugal-wildfire_00000354_post_disaster,0,0,tier3\masks\portugal-wildfire_00000354_post_disaster.png,0,0,65,54926,00000354 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000354_pre_disaster.png,portugal-wildfire_00000354_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000354_pre_disaster.png,0,0,65,54983,00000354 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000355_post_disaster.png,portugal-wildfire_00000355_post_disaster,0,0,tier3\masks\portugal-wildfire_00000355_post_disaster.png,0,0,0,0,00000355 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000355_pre_disaster.png,portugal-wildfire_00000355_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000355_pre_disaster.png,0,0,0,0,00000355 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000356_post_disaster.png,portugal-wildfire_00000356_post_disaster,0,0,tier3\masks\portugal-wildfire_00000356_post_disaster.png,0,0,13,21039,00000356 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000356_pre_disaster.png,portugal-wildfire_00000356_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000356_pre_disaster.png,0,0,13,21070,00000356 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000357_post_disaster.png,portugal-wildfire_00000357_post_disaster,0,0,tier3\masks\portugal-wildfire_00000357_post_disaster.png,0,0,0,0,00000357 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000357_pre_disaster.png,portugal-wildfire_00000357_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000357_pre_disaster.png,0,0,0,0,00000357 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000358_post_disaster.png,portugal-wildfire_00000358_post_disaster,0,0,tier3\masks\portugal-wildfire_00000358_post_disaster.png,0,0,0,0,00000358 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000358_pre_disaster.png,portugal-wildfire_00000358_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000358_pre_disaster.png,0,0,0,0,00000358 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000359_post_disaster.png,portugal-wildfire_00000359_post_disaster,0,0,tier3\masks\portugal-wildfire_00000359_post_disaster.png,1,1287,17,9335,00000359 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000359_pre_disaster.png,portugal-wildfire_00000359_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000359_pre_disaster.png,0,0,18,10622,00000359 +3,3935,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000360_post_disaster.png,portugal-wildfire_00000360_post_disaster,0,0,tier3\masks\portugal-wildfire_00000360_post_disaster.png,0,0,41,32052,00000360 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000360_pre_disaster.png,portugal-wildfire_00000360_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000360_pre_disaster.png,0,0,44,36026,00000360 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000361_post_disaster.png,portugal-wildfire_00000361_post_disaster,0,0,tier3\masks\portugal-wildfire_00000361_post_disaster.png,0,0,8,2718,00000361 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000361_pre_disaster.png,portugal-wildfire_00000361_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000361_pre_disaster.png,0,0,8,2718,00000361 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000362_post_disaster.png,portugal-wildfire_00000362_post_disaster,0,0,tier3\masks\portugal-wildfire_00000362_post_disaster.png,0,0,0,0,00000362 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000362_pre_disaster.png,portugal-wildfire_00000362_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000362_pre_disaster.png,0,0,0,0,00000362 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000363_post_disaster.png,portugal-wildfire_00000363_post_disaster,0,0,tier3\masks\portugal-wildfire_00000363_post_disaster.png,0,0,0,0,00000363 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000363_pre_disaster.png,portugal-wildfire_00000363_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000363_pre_disaster.png,0,0,0,0,00000363 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000364_post_disaster.png,portugal-wildfire_00000364_post_disaster,0,0,tier3\masks\portugal-wildfire_00000364_post_disaster.png,0,0,0,0,00000364 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000364_pre_disaster.png,portugal-wildfire_00000364_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000364_pre_disaster.png,0,0,0,0,00000364 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000365_post_disaster.png,portugal-wildfire_00000365_post_disaster,0,0,tier3\masks\portugal-wildfire_00000365_post_disaster.png,0,0,0,0,00000365 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000365_pre_disaster.png,portugal-wildfire_00000365_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000365_pre_disaster.png,0,0,0,0,00000365 +1,329,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000366_post_disaster.png,portugal-wildfire_00000366_post_disaster,0,0,tier3\masks\portugal-wildfire_00000366_post_disaster.png,0,0,14,9976,00000366 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000366_pre_disaster.png,portugal-wildfire_00000366_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000366_pre_disaster.png,0,0,15,10305,00000366 +1,178,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000367_post_disaster.png,portugal-wildfire_00000367_post_disaster,0,0,tier3\masks\portugal-wildfire_00000367_post_disaster.png,0,0,5,5429,00000367 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000367_pre_disaster.png,portugal-wildfire_00000367_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000367_pre_disaster.png,0,0,6,5607,00000367 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000368_post_disaster.png,portugal-wildfire_00000368_post_disaster,0,0,tier3\masks\portugal-wildfire_00000368_post_disaster.png,0,0,45,34939,00000368 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000368_pre_disaster.png,portugal-wildfire_00000368_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000368_pre_disaster.png,0,0,45,35025,00000368 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000369_post_disaster.png,portugal-wildfire_00000369_post_disaster,0,0,tier3\masks\portugal-wildfire_00000369_post_disaster.png,0,0,0,0,00000369 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000369_pre_disaster.png,portugal-wildfire_00000369_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000369_pre_disaster.png,0,0,0,0,00000369 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000370_post_disaster.png,portugal-wildfire_00000370_post_disaster,0,0,tier3\masks\portugal-wildfire_00000370_post_disaster.png,0,0,3,1614,00000370 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000370_pre_disaster.png,portugal-wildfire_00000370_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000370_pre_disaster.png,0,0,3,1614,00000370 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000371_post_disaster.png,portugal-wildfire_00000371_post_disaster,0,0,tier3\masks\portugal-wildfire_00000371_post_disaster.png,0,0,7,6020,00000371 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000371_pre_disaster.png,portugal-wildfire_00000371_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000371_pre_disaster.png,0,0,7,6020,00000371 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000372_post_disaster.png,portugal-wildfire_00000372_post_disaster,0,0,tier3\masks\portugal-wildfire_00000372_post_disaster.png,2,639,0,0,00000372 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000372_pre_disaster.png,portugal-wildfire_00000372_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000372_pre_disaster.png,0,0,2,639,00000372 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000373_post_disaster.png,portugal-wildfire_00000373_post_disaster,0,0,tier3\masks\portugal-wildfire_00000373_post_disaster.png,0,0,5,3732,00000373 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000373_pre_disaster.png,portugal-wildfire_00000373_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000373_pre_disaster.png,0,0,5,3748,00000373 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000374_post_disaster.png,portugal-wildfire_00000374_post_disaster,0,0,tier3\masks\portugal-wildfire_00000374_post_disaster.png,0,0,14,9338,00000374 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000374_pre_disaster.png,portugal-wildfire_00000374_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000374_pre_disaster.png,0,0,14,9433,00000374 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000375_post_disaster.png,portugal-wildfire_00000375_post_disaster,0,0,tier3\masks\portugal-wildfire_00000375_post_disaster.png,0,0,31,17441,00000375 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000375_pre_disaster.png,portugal-wildfire_00000375_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000375_pre_disaster.png,0,0,31,17467,00000375 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000376_post_disaster.png,portugal-wildfire_00000376_post_disaster,0,0,tier3\masks\portugal-wildfire_00000376_post_disaster.png,0,0,1,273,00000376 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000376_pre_disaster.png,portugal-wildfire_00000376_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000376_pre_disaster.png,0,0,1,273,00000376 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000377_post_disaster.png,portugal-wildfire_00000377_post_disaster,1,138,tier3\masks\portugal-wildfire_00000377_post_disaster.png,0,0,2,442,00000377 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000377_pre_disaster.png,portugal-wildfire_00000377_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000377_pre_disaster.png,0,0,3,580,00000377 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000378_post_disaster.png,portugal-wildfire_00000378_post_disaster,0,0,tier3\masks\portugal-wildfire_00000378_post_disaster.png,0,0,0,0,00000378 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000378_pre_disaster.png,portugal-wildfire_00000378_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000378_pre_disaster.png,0,0,0,0,00000378 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000379_post_disaster.png,portugal-wildfire_00000379_post_disaster,0,0,tier3\masks\portugal-wildfire_00000379_post_disaster.png,0,0,0,0,00000379 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000379_pre_disaster.png,portugal-wildfire_00000379_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000379_pre_disaster.png,0,0,0,0,00000379 +1,228,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000380_post_disaster.png,portugal-wildfire_00000380_post_disaster,0,0,tier3\masks\portugal-wildfire_00000380_post_disaster.png,0,0,2,1329,00000380 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000380_pre_disaster.png,portugal-wildfire_00000380_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000380_pre_disaster.png,0,0,3,1562,00000380 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000381_post_disaster.png,portugal-wildfire_00000381_post_disaster,0,0,tier3\masks\portugal-wildfire_00000381_post_disaster.png,0,0,0,0,00000381 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000381_pre_disaster.png,portugal-wildfire_00000381_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000381_pre_disaster.png,0,0,0,0,00000381 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000382_post_disaster.png,portugal-wildfire_00000382_post_disaster,0,0,tier3\masks\portugal-wildfire_00000382_post_disaster.png,0,0,18,20949,00000382 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000382_pre_disaster.png,portugal-wildfire_00000382_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000382_pre_disaster.png,0,0,18,21020,00000382 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000383_post_disaster.png,portugal-wildfire_00000383_post_disaster,0,0,tier3\masks\portugal-wildfire_00000383_post_disaster.png,0,0,22,19469,00000383 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000383_pre_disaster.png,portugal-wildfire_00000383_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000383_pre_disaster.png,0,0,22,19469,00000383 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000384_post_disaster.png,portugal-wildfire_00000384_post_disaster,0,0,tier3\masks\portugal-wildfire_00000384_post_disaster.png,2,306,4,2254,00000384 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000384_pre_disaster.png,portugal-wildfire_00000384_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000384_pre_disaster.png,0,0,6,2560,00000384 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000385_post_disaster.png,portugal-wildfire_00000385_post_disaster,0,0,tier3\masks\portugal-wildfire_00000385_post_disaster.png,0,0,0,0,00000385 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000385_pre_disaster.png,portugal-wildfire_00000385_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000385_pre_disaster.png,0,0,0,0,00000385 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000386_post_disaster.png,portugal-wildfire_00000386_post_disaster,0,0,tier3\masks\portugal-wildfire_00000386_post_disaster.png,0,0,3,1227,00000386 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000386_pre_disaster.png,portugal-wildfire_00000386_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000386_pre_disaster.png,0,0,3,1246,00000386 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000387_post_disaster.png,portugal-wildfire_00000387_post_disaster,0,0,tier3\masks\portugal-wildfire_00000387_post_disaster.png,0,0,7,4372,00000387 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000387_pre_disaster.png,portugal-wildfire_00000387_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000387_pre_disaster.png,0,0,7,4455,00000387 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000388_post_disaster.png,portugal-wildfire_00000388_post_disaster,0,0,tier3\masks\portugal-wildfire_00000388_post_disaster.png,0,0,0,0,00000388 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000388_pre_disaster.png,portugal-wildfire_00000388_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000388_pre_disaster.png,0,0,0,0,00000388 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000389_post_disaster.png,portugal-wildfire_00000389_post_disaster,0,0,tier3\masks\portugal-wildfire_00000389_post_disaster.png,0,0,0,0,00000389 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000389_pre_disaster.png,portugal-wildfire_00000389_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000389_pre_disaster.png,0,0,0,0,00000389 +1,137,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000390_post_disaster.png,portugal-wildfire_00000390_post_disaster,0,0,tier3\masks\portugal-wildfire_00000390_post_disaster.png,0,0,59,67795,00000390 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000390_pre_disaster.png,portugal-wildfire_00000390_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000390_pre_disaster.png,0,0,60,68052,00000390 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000391_post_disaster.png,portugal-wildfire_00000391_post_disaster,0,0,tier3\masks\portugal-wildfire_00000391_post_disaster.png,0,0,0,0,00000391 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000391_pre_disaster.png,portugal-wildfire_00000391_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000391_pre_disaster.png,0,0,0,0,00000391 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000392_post_disaster.png,portugal-wildfire_00000392_post_disaster,0,0,tier3\masks\portugal-wildfire_00000392_post_disaster.png,0,0,0,0,00000392 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000392_pre_disaster.png,portugal-wildfire_00000392_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000392_pre_disaster.png,0,0,0,0,00000392 +1,232,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000393_post_disaster.png,portugal-wildfire_00000393_post_disaster,0,0,tier3\masks\portugal-wildfire_00000393_post_disaster.png,0,0,7,3380,00000393 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000393_pre_disaster.png,portugal-wildfire_00000393_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000393_pre_disaster.png,0,0,8,3612,00000393 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000394_post_disaster.png,portugal-wildfire_00000394_post_disaster,0,0,tier3\masks\portugal-wildfire_00000394_post_disaster.png,0,0,0,0,00000394 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000394_pre_disaster.png,portugal-wildfire_00000394_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000394_pre_disaster.png,0,0,0,0,00000394 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000395_post_disaster.png,portugal-wildfire_00000395_post_disaster,0,0,tier3\masks\portugal-wildfire_00000395_post_disaster.png,0,0,0,0,00000395 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000395_pre_disaster.png,portugal-wildfire_00000395_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000395_pre_disaster.png,0,0,0,0,00000395 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000396_post_disaster.png,portugal-wildfire_00000396_post_disaster,0,0,tier3\masks\portugal-wildfire_00000396_post_disaster.png,0,0,0,0,00000396 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000396_pre_disaster.png,portugal-wildfire_00000396_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000396_pre_disaster.png,0,0,0,0,00000396 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000397_post_disaster.png,portugal-wildfire_00000397_post_disaster,0,0,tier3\masks\portugal-wildfire_00000397_post_disaster.png,0,0,0,0,00000397 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000397_pre_disaster.png,portugal-wildfire_00000397_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000397_pre_disaster.png,0,0,0,0,00000397 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000398_post_disaster.png,portugal-wildfire_00000398_post_disaster,0,0,tier3\masks\portugal-wildfire_00000398_post_disaster.png,0,0,5,1673,00000398 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000398_pre_disaster.png,portugal-wildfire_00000398_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000398_pre_disaster.png,0,0,5,1673,00000398 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000399_post_disaster.png,portugal-wildfire_00000399_post_disaster,0,0,tier3\masks\portugal-wildfire_00000399_post_disaster.png,0,0,4,2566,00000399 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000399_pre_disaster.png,portugal-wildfire_00000399_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000399_pre_disaster.png,0,0,4,2566,00000399 +1,234,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000400_post_disaster.png,portugal-wildfire_00000400_post_disaster,0,0,tier3\masks\portugal-wildfire_00000400_post_disaster.png,1,964,47,35090,00000400 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000400_pre_disaster.png,portugal-wildfire_00000400_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000400_pre_disaster.png,0,0,49,36288,00000400 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000401_post_disaster.png,portugal-wildfire_00000401_post_disaster,0,0,tier3\masks\portugal-wildfire_00000401_post_disaster.png,0,0,0,0,00000401 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000401_pre_disaster.png,portugal-wildfire_00000401_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000401_pre_disaster.png,0,0,0,0,00000401 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000402_post_disaster.png,portugal-wildfire_00000402_post_disaster,0,0,tier3\masks\portugal-wildfire_00000402_post_disaster.png,0,0,0,0,00000402 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000402_pre_disaster.png,portugal-wildfire_00000402_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000402_pre_disaster.png,0,0,0,0,00000402 +2,229,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000403_post_disaster.png,portugal-wildfire_00000403_post_disaster,2,921,tier3\masks\portugal-wildfire_00000403_post_disaster.png,1,311,7,3627,00000403 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000403_pre_disaster.png,portugal-wildfire_00000403_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000403_pre_disaster.png,0,0,12,5088,00000403 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000404_post_disaster.png,portugal-wildfire_00000404_post_disaster,0,0,tier3\masks\portugal-wildfire_00000404_post_disaster.png,0,0,5,3245,00000404 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000404_pre_disaster.png,portugal-wildfire_00000404_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000404_pre_disaster.png,0,0,5,3354,00000404 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000405_post_disaster.png,portugal-wildfire_00000405_post_disaster,0,0,tier3\masks\portugal-wildfire_00000405_post_disaster.png,0,0,0,0,00000405 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000405_pre_disaster.png,portugal-wildfire_00000405_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000405_pre_disaster.png,0,0,0,0,00000405 +2,439,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000406_post_disaster.png,portugal-wildfire_00000406_post_disaster,0,0,tier3\masks\portugal-wildfire_00000406_post_disaster.png,3,1492,83,54441,00000406 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000406_pre_disaster.png,portugal-wildfire_00000406_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000406_pre_disaster.png,0,0,88,56372,00000406 +1,136,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000407_post_disaster.png,portugal-wildfire_00000407_post_disaster,0,0,tier3\masks\portugal-wildfire_00000407_post_disaster.png,0,0,70,41247,00000407 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000407_pre_disaster.png,portugal-wildfire_00000407_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000407_pre_disaster.png,0,0,71,41426,00000407 +3,576,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000408_post_disaster.png,portugal-wildfire_00000408_post_disaster,0,0,tier3\masks\portugal-wildfire_00000408_post_disaster.png,1,202,23,11530,00000408 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000408_pre_disaster.png,portugal-wildfire_00000408_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000408_pre_disaster.png,0,0,27,12350,00000408 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000409_post_disaster.png,portugal-wildfire_00000409_post_disaster,0,0,tier3\masks\portugal-wildfire_00000409_post_disaster.png,0,0,0,0,00000409 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000409_pre_disaster.png,portugal-wildfire_00000409_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000409_pre_disaster.png,0,0,0,0,00000409 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000410_post_disaster.png,portugal-wildfire_00000410_post_disaster,0,0,tier3\masks\portugal-wildfire_00000410_post_disaster.png,0,0,5,2212,00000410 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000410_pre_disaster.png,portugal-wildfire_00000410_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000410_pre_disaster.png,0,0,5,2229,00000410 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000411_post_disaster.png,portugal-wildfire_00000411_post_disaster,0,0,tier3\masks\portugal-wildfire_00000411_post_disaster.png,0,0,0,0,00000411 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000411_pre_disaster.png,portugal-wildfire_00000411_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000411_pre_disaster.png,0,0,0,0,00000411 +6,1961,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000412_post_disaster.png,portugal-wildfire_00000412_post_disaster,0,0,tier3\masks\portugal-wildfire_00000412_post_disaster.png,0,0,12,7254,00000412 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000412_pre_disaster.png,portugal-wildfire_00000412_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000412_pre_disaster.png,0,0,18,9238,00000412 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000413_post_disaster.png,portugal-wildfire_00000413_post_disaster,0,0,tier3\masks\portugal-wildfire_00000413_post_disaster.png,0,0,23,18608,00000413 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000413_pre_disaster.png,portugal-wildfire_00000413_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000413_pre_disaster.png,0,0,23,18608,00000413 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000414_post_disaster.png,portugal-wildfire_00000414_post_disaster,0,0,tier3\masks\portugal-wildfire_00000414_post_disaster.png,0,0,0,0,00000414 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000414_pre_disaster.png,portugal-wildfire_00000414_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000414_pre_disaster.png,0,0,0,0,00000414 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000415_post_disaster.png,portugal-wildfire_00000415_post_disaster,0,0,tier3\masks\portugal-wildfire_00000415_post_disaster.png,0,0,0,0,00000415 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000415_pre_disaster.png,portugal-wildfire_00000415_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000415_pre_disaster.png,0,0,0,0,00000415 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000416_post_disaster.png,portugal-wildfire_00000416_post_disaster,0,0,tier3\masks\portugal-wildfire_00000416_post_disaster.png,0,0,0,0,00000416 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000416_pre_disaster.png,portugal-wildfire_00000416_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000416_pre_disaster.png,0,0,0,0,00000416 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000417_post_disaster.png,portugal-wildfire_00000417_post_disaster,0,0,tier3\masks\portugal-wildfire_00000417_post_disaster.png,0,0,0,0,00000417 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000417_pre_disaster.png,portugal-wildfire_00000417_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000417_pre_disaster.png,0,0,0,0,00000417 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000418_post_disaster.png,portugal-wildfire_00000418_post_disaster,0,0,tier3\masks\portugal-wildfire_00000418_post_disaster.png,0,0,13,6158,00000418 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000418_pre_disaster.png,portugal-wildfire_00000418_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000418_pre_disaster.png,0,0,13,6158,00000418 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000419_post_disaster.png,portugal-wildfire_00000419_post_disaster,0,0,tier3\masks\portugal-wildfire_00000419_post_disaster.png,0,0,11,11609,00000419 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000419_pre_disaster.png,portugal-wildfire_00000419_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000419_pre_disaster.png,0,0,11,11645,00000419 +4,699,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000420_post_disaster.png,portugal-wildfire_00000420_post_disaster,0,0,tier3\masks\portugal-wildfire_00000420_post_disaster.png,2,1948,49,35610,00000420 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000420_pre_disaster.png,portugal-wildfire_00000420_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000420_pre_disaster.png,0,0,55,38286,00000420 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000421_post_disaster.png,portugal-wildfire_00000421_post_disaster,0,0,tier3\masks\portugal-wildfire_00000421_post_disaster.png,0,0,52,54159,00000421 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000421_pre_disaster.png,portugal-wildfire_00000421_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000421_pre_disaster.png,0,0,52,54420,00000421 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000422_post_disaster.png,portugal-wildfire_00000422_post_disaster,0,0,tier3\masks\portugal-wildfire_00000422_post_disaster.png,0,0,1,187,00000422 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000422_pre_disaster.png,portugal-wildfire_00000422_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000422_pre_disaster.png,0,0,1,187,00000422 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000423_post_disaster.png,portugal-wildfire_00000423_post_disaster,0,0,tier3\masks\portugal-wildfire_00000423_post_disaster.png,0,0,0,0,00000423 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000423_pre_disaster.png,portugal-wildfire_00000423_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000423_pre_disaster.png,0,0,0,0,00000423 +1,183,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000424_post_disaster.png,portugal-wildfire_00000424_post_disaster,0,0,tier3\masks\portugal-wildfire_00000424_post_disaster.png,0,0,44,33910,00000424 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000424_pre_disaster.png,portugal-wildfire_00000424_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000424_pre_disaster.png,0,0,45,34093,00000424 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000425_post_disaster.png,portugal-wildfire_00000425_post_disaster,0,0,tier3\masks\portugal-wildfire_00000425_post_disaster.png,0,0,0,0,00000425 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000425_pre_disaster.png,portugal-wildfire_00000425_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000425_pre_disaster.png,0,0,0,0,00000425 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000426_post_disaster.png,portugal-wildfire_00000426_post_disaster,0,0,tier3\masks\portugal-wildfire_00000426_post_disaster.png,0,0,2,910,00000426 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000426_pre_disaster.png,portugal-wildfire_00000426_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000426_pre_disaster.png,0,0,2,910,00000426 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000427_post_disaster.png,portugal-wildfire_00000427_post_disaster,0,0,tier3\masks\portugal-wildfire_00000427_post_disaster.png,0,0,0,0,00000427 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000427_pre_disaster.png,portugal-wildfire_00000427_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000427_pre_disaster.png,0,0,0,0,00000427 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000428_post_disaster.png,portugal-wildfire_00000428_post_disaster,0,0,tier3\masks\portugal-wildfire_00000428_post_disaster.png,0,0,3,1452,00000428 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000428_pre_disaster.png,portugal-wildfire_00000428_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000428_pre_disaster.png,0,0,3,1505,00000428 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000429_post_disaster.png,portugal-wildfire_00000429_post_disaster,0,0,tier3\masks\portugal-wildfire_00000429_post_disaster.png,0,0,0,0,00000429 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000429_pre_disaster.png,portugal-wildfire_00000429_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000429_pre_disaster.png,0,0,0,0,00000429 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000430_post_disaster.png,portugal-wildfire_00000430_post_disaster,0,0,tier3\masks\portugal-wildfire_00000430_post_disaster.png,0,0,0,0,00000430 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000430_pre_disaster.png,portugal-wildfire_00000430_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000430_pre_disaster.png,0,0,0,0,00000430 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000431_post_disaster.png,portugal-wildfire_00000431_post_disaster,0,0,tier3\masks\portugal-wildfire_00000431_post_disaster.png,0,0,0,0,00000431 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000431_pre_disaster.png,portugal-wildfire_00000431_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000431_pre_disaster.png,0,0,0,0,00000431 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000432_post_disaster.png,portugal-wildfire_00000432_post_disaster,0,0,tier3\masks\portugal-wildfire_00000432_post_disaster.png,0,0,0,0,00000432 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000432_pre_disaster.png,portugal-wildfire_00000432_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000432_pre_disaster.png,0,0,0,0,00000432 +3,605,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000433_post_disaster.png,portugal-wildfire_00000433_post_disaster,0,0,tier3\masks\portugal-wildfire_00000433_post_disaster.png,4,1146,16,19584,00000433 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000433_pre_disaster.png,portugal-wildfire_00000433_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000433_pre_disaster.png,0,0,23,21335,00000433 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000434_post_disaster.png,portugal-wildfire_00000434_post_disaster,0,0,tier3\masks\portugal-wildfire_00000434_post_disaster.png,0,0,0,0,00000434 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000434_pre_disaster.png,portugal-wildfire_00000434_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000434_pre_disaster.png,0,0,0,0,00000434 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000435_post_disaster.png,portugal-wildfire_00000435_post_disaster,0,0,tier3\masks\portugal-wildfire_00000435_post_disaster.png,0,0,0,0,00000435 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000435_pre_disaster.png,portugal-wildfire_00000435_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000435_pre_disaster.png,0,0,0,0,00000435 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000436_post_disaster.png,portugal-wildfire_00000436_post_disaster,0,0,tier3\masks\portugal-wildfire_00000436_post_disaster.png,0,0,15,10680,00000436 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000436_pre_disaster.png,portugal-wildfire_00000436_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000436_pre_disaster.png,0,0,15,10677,00000436 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000437_post_disaster.png,portugal-wildfire_00000437_post_disaster,0,0,tier3\masks\portugal-wildfire_00000437_post_disaster.png,0,0,1,1749,00000437 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000437_pre_disaster.png,portugal-wildfire_00000437_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000437_pre_disaster.png,0,0,1,1749,00000437 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000438_post_disaster.png,portugal-wildfire_00000438_post_disaster,0,0,tier3\masks\portugal-wildfire_00000438_post_disaster.png,0,0,1,1278,00000438 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000438_pre_disaster.png,portugal-wildfire_00000438_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000438_pre_disaster.png,0,0,1,1278,00000438 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000439_post_disaster.png,portugal-wildfire_00000439_post_disaster,0,0,tier3\masks\portugal-wildfire_00000439_post_disaster.png,0,0,0,0,00000439 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000439_pre_disaster.png,portugal-wildfire_00000439_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000439_pre_disaster.png,0,0,0,0,00000439 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000440_post_disaster.png,portugal-wildfire_00000440_post_disaster,0,0,tier3\masks\portugal-wildfire_00000440_post_disaster.png,1,823,20,18239,00000440 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000440_pre_disaster.png,portugal-wildfire_00000440_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000440_pre_disaster.png,0,0,20,19221,00000440 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000441_post_disaster.png,portugal-wildfire_00000441_post_disaster,0,0,tier3\masks\portugal-wildfire_00000441_post_disaster.png,0,0,0,0,00000441 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000441_pre_disaster.png,portugal-wildfire_00000441_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000441_pre_disaster.png,0,0,0,0,00000441 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000442_post_disaster.png,portugal-wildfire_00000442_post_disaster,0,0,tier3\masks\portugal-wildfire_00000442_post_disaster.png,0,0,2,710,00000442 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000442_pre_disaster.png,portugal-wildfire_00000442_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000442_pre_disaster.png,0,0,2,710,00000442 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000443_post_disaster.png,portugal-wildfire_00000443_post_disaster,0,0,tier3\masks\portugal-wildfire_00000443_post_disaster.png,0,0,0,0,00000443 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000443_pre_disaster.png,portugal-wildfire_00000443_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000443_pre_disaster.png,0,0,0,0,00000443 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000444_post_disaster.png,portugal-wildfire_00000444_post_disaster,0,0,tier3\masks\portugal-wildfire_00000444_post_disaster.png,0,0,0,0,00000444 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000444_pre_disaster.png,portugal-wildfire_00000444_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000444_pre_disaster.png,0,0,0,0,00000444 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000445_post_disaster.png,portugal-wildfire_00000445_post_disaster,0,0,tier3\masks\portugal-wildfire_00000445_post_disaster.png,0,0,0,0,00000445 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000445_pre_disaster.png,portugal-wildfire_00000445_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000445_pre_disaster.png,0,0,0,0,00000445 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000446_post_disaster.png,portugal-wildfire_00000446_post_disaster,0,0,tier3\masks\portugal-wildfire_00000446_post_disaster.png,0,0,0,0,00000446 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000446_pre_disaster.png,portugal-wildfire_00000446_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000446_pre_disaster.png,0,0,0,0,00000446 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000447_post_disaster.png,portugal-wildfire_00000447_post_disaster,0,0,tier3\masks\portugal-wildfire_00000447_post_disaster.png,0,0,30,35609,00000447 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000447_pre_disaster.png,portugal-wildfire_00000447_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000447_pre_disaster.png,0,0,30,35609,00000447 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000448_post_disaster.png,portugal-wildfire_00000448_post_disaster,1,226,tier3\masks\portugal-wildfire_00000448_post_disaster.png,0,0,0,0,00000448 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000448_pre_disaster.png,portugal-wildfire_00000448_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000448_pre_disaster.png,0,0,1,226,00000448 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000449_post_disaster.png,portugal-wildfire_00000449_post_disaster,0,0,tier3\masks\portugal-wildfire_00000449_post_disaster.png,0,0,0,0,00000449 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000449_pre_disaster.png,portugal-wildfire_00000449_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000449_pre_disaster.png,0,0,0,0,00000449 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000450_post_disaster.png,portugal-wildfire_00000450_post_disaster,0,0,tier3\masks\portugal-wildfire_00000450_post_disaster.png,0,0,0,0,00000450 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000450_pre_disaster.png,portugal-wildfire_00000450_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000450_pre_disaster.png,0,0,0,0,00000450 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000451_post_disaster.png,portugal-wildfire_00000451_post_disaster,0,0,tier3\masks\portugal-wildfire_00000451_post_disaster.png,0,0,18,18187,00000451 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000451_pre_disaster.png,portugal-wildfire_00000451_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000451_pre_disaster.png,0,0,18,18242,00000451 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000452_post_disaster.png,portugal-wildfire_00000452_post_disaster,0,0,tier3\masks\portugal-wildfire_00000452_post_disaster.png,0,0,0,0,00000452 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000452_pre_disaster.png,portugal-wildfire_00000452_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000452_pre_disaster.png,0,0,0,0,00000452 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000453_post_disaster.png,portugal-wildfire_00000453_post_disaster,0,0,tier3\masks\portugal-wildfire_00000453_post_disaster.png,0,0,0,0,00000453 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000453_pre_disaster.png,portugal-wildfire_00000453_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000453_pre_disaster.png,0,0,0,0,00000453 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000454_post_disaster.png,portugal-wildfire_00000454_post_disaster,0,0,tier3\masks\portugal-wildfire_00000454_post_disaster.png,0,0,0,0,00000454 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000454_pre_disaster.png,portugal-wildfire_00000454_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000454_pre_disaster.png,0,0,0,0,00000454 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000455_post_disaster.png,portugal-wildfire_00000455_post_disaster,0,0,tier3\masks\portugal-wildfire_00000455_post_disaster.png,0,0,2,1758,00000455 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000455_pre_disaster.png,portugal-wildfire_00000455_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000455_pre_disaster.png,0,0,2,1758,00000455 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000456_post_disaster.png,portugal-wildfire_00000456_post_disaster,0,0,tier3\masks\portugal-wildfire_00000456_post_disaster.png,0,0,0,0,00000456 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000456_pre_disaster.png,portugal-wildfire_00000456_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000456_pre_disaster.png,0,0,0,0,00000456 +2,613,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000457_post_disaster.png,portugal-wildfire_00000457_post_disaster,0,0,tier3\masks\portugal-wildfire_00000457_post_disaster.png,0,0,1,118,00000457 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000457_pre_disaster.png,portugal-wildfire_00000457_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000457_pre_disaster.png,0,0,3,750,00000457 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000458_post_disaster.png,portugal-wildfire_00000458_post_disaster,0,0,tier3\masks\portugal-wildfire_00000458_post_disaster.png,0,0,0,0,00000458 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000458_pre_disaster.png,portugal-wildfire_00000458_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000458_pre_disaster.png,0,0,0,0,00000458 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000459_post_disaster.png,portugal-wildfire_00000459_post_disaster,0,0,tier3\masks\portugal-wildfire_00000459_post_disaster.png,0,0,1,207,00000459 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000459_pre_disaster.png,portugal-wildfire_00000459_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000459_pre_disaster.png,0,0,1,207,00000459 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000460_post_disaster.png,portugal-wildfire_00000460_post_disaster,0,0,tier3\masks\portugal-wildfire_00000460_post_disaster.png,0,0,0,0,00000460 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000460_pre_disaster.png,portugal-wildfire_00000460_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000460_pre_disaster.png,0,0,0,0,00000460 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000461_post_disaster.png,portugal-wildfire_00000461_post_disaster,0,0,tier3\masks\portugal-wildfire_00000461_post_disaster.png,0,0,1,211,00000461 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000461_pre_disaster.png,portugal-wildfire_00000461_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000461_pre_disaster.png,0,0,1,211,00000461 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000462_post_disaster.png,portugal-wildfire_00000462_post_disaster,0,0,tier3\masks\portugal-wildfire_00000462_post_disaster.png,0,0,0,0,00000462 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000462_pre_disaster.png,portugal-wildfire_00000462_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000462_pre_disaster.png,0,0,0,0,00000462 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000463_post_disaster.png,portugal-wildfire_00000463_post_disaster,0,0,tier3\masks\portugal-wildfire_00000463_post_disaster.png,0,0,0,0,00000463 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000463_pre_disaster.png,portugal-wildfire_00000463_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000463_pre_disaster.png,0,0,0,0,00000463 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000464_post_disaster.png,portugal-wildfire_00000464_post_disaster,0,0,tier3\masks\portugal-wildfire_00000464_post_disaster.png,0,0,0,0,00000464 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000464_pre_disaster.png,portugal-wildfire_00000464_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000464_pre_disaster.png,0,0,0,0,00000464 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000465_post_disaster.png,portugal-wildfire_00000465_post_disaster,0,0,tier3\masks\portugal-wildfire_00000465_post_disaster.png,0,0,0,0,00000465 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000465_pre_disaster.png,portugal-wildfire_00000465_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000465_pre_disaster.png,0,0,0,0,00000465 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000466_post_disaster.png,portugal-wildfire_00000466_post_disaster,0,0,tier3\masks\portugal-wildfire_00000466_post_disaster.png,0,0,0,0,00000466 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000466_pre_disaster.png,portugal-wildfire_00000466_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000466_pre_disaster.png,0,0,0,0,00000466 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000467_post_disaster.png,portugal-wildfire_00000467_post_disaster,0,0,tier3\masks\portugal-wildfire_00000467_post_disaster.png,0,0,0,0,00000467 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000467_pre_disaster.png,portugal-wildfire_00000467_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000467_pre_disaster.png,0,0,0,0,00000467 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000468_post_disaster.png,portugal-wildfire_00000468_post_disaster,0,0,tier3\masks\portugal-wildfire_00000468_post_disaster.png,0,0,2,406,00000468 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000468_pre_disaster.png,portugal-wildfire_00000468_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000468_pre_disaster.png,0,0,2,406,00000468 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000469_post_disaster.png,portugal-wildfire_00000469_post_disaster,0,0,tier3\masks\portugal-wildfire_00000469_post_disaster.png,0,0,0,0,00000469 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000469_pre_disaster.png,portugal-wildfire_00000469_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000469_pre_disaster.png,0,0,0,0,00000469 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000470_post_disaster.png,portugal-wildfire_00000470_post_disaster,0,0,tier3\masks\portugal-wildfire_00000470_post_disaster.png,0,0,0,0,00000470 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000470_pre_disaster.png,portugal-wildfire_00000470_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000470_pre_disaster.png,0,0,0,0,00000470 +1,261,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000471_post_disaster.png,portugal-wildfire_00000471_post_disaster,1,207,tier3\masks\portugal-wildfire_00000471_post_disaster.png,4,3374,25,17322,00000471 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000471_pre_disaster.png,portugal-wildfire_00000471_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000471_pre_disaster.png,0,0,31,21164,00000471 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000472_post_disaster.png,portugal-wildfire_00000472_post_disaster,0,0,tier3\masks\portugal-wildfire_00000472_post_disaster.png,0,0,15,11196,00000472 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000472_pre_disaster.png,portugal-wildfire_00000472_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000472_pre_disaster.png,0,0,15,11212,00000472 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000473_post_disaster.png,portugal-wildfire_00000473_post_disaster,0,0,tier3\masks\portugal-wildfire_00000473_post_disaster.png,0,0,0,0,00000473 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000473_pre_disaster.png,portugal-wildfire_00000473_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000473_pre_disaster.png,0,0,0,0,00000473 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000474_post_disaster.png,portugal-wildfire_00000474_post_disaster,0,0,tier3\masks\portugal-wildfire_00000474_post_disaster.png,0,0,8,3510,00000474 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000474_pre_disaster.png,portugal-wildfire_00000474_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000474_pre_disaster.png,0,0,8,3574,00000474 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000475_post_disaster.png,portugal-wildfire_00000475_post_disaster,0,0,tier3\masks\portugal-wildfire_00000475_post_disaster.png,0,0,0,0,00000475 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000475_pre_disaster.png,portugal-wildfire_00000475_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000475_pre_disaster.png,0,0,0,0,00000475 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000476_post_disaster.png,portugal-wildfire_00000476_post_disaster,0,0,tier3\masks\portugal-wildfire_00000476_post_disaster.png,0,0,2,1561,00000476 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000476_pre_disaster.png,portugal-wildfire_00000476_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000476_pre_disaster.png,0,0,2,1561,00000476 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000477_post_disaster.png,portugal-wildfire_00000477_post_disaster,0,0,tier3\masks\portugal-wildfire_00000477_post_disaster.png,0,0,0,0,00000477 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000477_pre_disaster.png,portugal-wildfire_00000477_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000477_pre_disaster.png,0,0,0,0,00000477 +4,1820,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000478_post_disaster.png,portugal-wildfire_00000478_post_disaster,0,0,tier3\masks\portugal-wildfire_00000478_post_disaster.png,0,0,5,2462,00000478 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000478_pre_disaster.png,portugal-wildfire_00000478_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000478_pre_disaster.png,0,0,9,4282,00000478 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000479_post_disaster.png,portugal-wildfire_00000479_post_disaster,0,0,tier3\masks\portugal-wildfire_00000479_post_disaster.png,0,0,5,2967,00000479 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000479_pre_disaster.png,portugal-wildfire_00000479_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000479_pre_disaster.png,0,0,5,2967,00000479 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000480_post_disaster.png,portugal-wildfire_00000480_post_disaster,0,0,tier3\masks\portugal-wildfire_00000480_post_disaster.png,0,0,0,0,00000480 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000480_pre_disaster.png,portugal-wildfire_00000480_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000480_pre_disaster.png,0,0,0,0,00000480 +8,4488,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000481_post_disaster.png,portugal-wildfire_00000481_post_disaster,0,0,tier3\masks\portugal-wildfire_00000481_post_disaster.png,2,1256,17,10406,00000481 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000481_pre_disaster.png,portugal-wildfire_00000481_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000481_pre_disaster.png,0,0,22,16150,00000481 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000482_post_disaster.png,portugal-wildfire_00000482_post_disaster,0,0,tier3\masks\portugal-wildfire_00000482_post_disaster.png,0,0,0,0,00000482 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000482_pre_disaster.png,portugal-wildfire_00000482_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000482_pre_disaster.png,0,0,0,0,00000482 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000483_post_disaster.png,portugal-wildfire_00000483_post_disaster,4,1435,tier3\masks\portugal-wildfire_00000483_post_disaster.png,0,0,34,27887,00000483 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000483_pre_disaster.png,portugal-wildfire_00000483_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000483_pre_disaster.png,0,0,38,29322,00000483 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000484_post_disaster.png,portugal-wildfire_00000484_post_disaster,0,0,tier3\masks\portugal-wildfire_00000484_post_disaster.png,0,0,0,0,00000484 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000484_pre_disaster.png,portugal-wildfire_00000484_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000484_pre_disaster.png,0,0,0,0,00000484 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000485_post_disaster.png,portugal-wildfire_00000485_post_disaster,0,0,tier3\masks\portugal-wildfire_00000485_post_disaster.png,0,0,0,0,00000485 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000485_pre_disaster.png,portugal-wildfire_00000485_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000485_pre_disaster.png,0,0,0,0,00000485 +1,301,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000486_post_disaster.png,portugal-wildfire_00000486_post_disaster,1,226,tier3\masks\portugal-wildfire_00000486_post_disaster.png,0,0,29,34662,00000486 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000486_pre_disaster.png,portugal-wildfire_00000486_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000486_pre_disaster.png,0,0,31,35212,00000486 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000487_post_disaster.png,portugal-wildfire_00000487_post_disaster,0,0,tier3\masks\portugal-wildfire_00000487_post_disaster.png,0,0,0,0,00000487 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000487_pre_disaster.png,portugal-wildfire_00000487_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000487_pre_disaster.png,0,0,0,0,00000487 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000488_post_disaster.png,portugal-wildfire_00000488_post_disaster,0,0,tier3\masks\portugal-wildfire_00000488_post_disaster.png,0,0,12,7425,00000488 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000488_pre_disaster.png,portugal-wildfire_00000488_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000488_pre_disaster.png,0,0,12,7425,00000488 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000489_post_disaster.png,portugal-wildfire_00000489_post_disaster,0,0,tier3\masks\portugal-wildfire_00000489_post_disaster.png,0,0,0,0,00000489 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000489_pre_disaster.png,portugal-wildfire_00000489_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000489_pre_disaster.png,0,0,0,0,00000489 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000490_post_disaster.png,portugal-wildfire_00000490_post_disaster,0,0,tier3\masks\portugal-wildfire_00000490_post_disaster.png,0,0,0,0,00000490 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000490_pre_disaster.png,portugal-wildfire_00000490_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000490_pre_disaster.png,0,0,0,0,00000490 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000491_post_disaster.png,portugal-wildfire_00000491_post_disaster,0,0,tier3\masks\portugal-wildfire_00000491_post_disaster.png,0,0,0,0,00000491 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000491_pre_disaster.png,portugal-wildfire_00000491_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000491_pre_disaster.png,0,0,0,0,00000491 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000492_post_disaster.png,portugal-wildfire_00000492_post_disaster,0,0,tier3\masks\portugal-wildfire_00000492_post_disaster.png,0,0,36,22820,00000492 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000492_pre_disaster.png,portugal-wildfire_00000492_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000492_pre_disaster.png,0,0,36,22912,00000492 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000493_post_disaster.png,portugal-wildfire_00000493_post_disaster,0,0,tier3\masks\portugal-wildfire_00000493_post_disaster.png,0,0,0,0,00000493 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000493_pre_disaster.png,portugal-wildfire_00000493_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000493_pre_disaster.png,0,0,0,0,00000493 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000494_post_disaster.png,portugal-wildfire_00000494_post_disaster,0,0,tier3\masks\portugal-wildfire_00000494_post_disaster.png,1,743,8,3216,00000494 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000494_pre_disaster.png,portugal-wildfire_00000494_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000494_pre_disaster.png,0,0,9,3975,00000494 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000495_post_disaster.png,portugal-wildfire_00000495_post_disaster,0,0,tier3\masks\portugal-wildfire_00000495_post_disaster.png,0,0,0,0,00000495 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000495_pre_disaster.png,portugal-wildfire_00000495_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000495_pre_disaster.png,0,0,0,0,00000495 +2,616,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000496_post_disaster.png,portugal-wildfire_00000496_post_disaster,0,0,tier3\masks\portugal-wildfire_00000496_post_disaster.png,0,0,8,2060,00000496 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000496_pre_disaster.png,portugal-wildfire_00000496_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000496_pre_disaster.png,0,0,10,2676,00000496 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000497_post_disaster.png,portugal-wildfire_00000497_post_disaster,0,0,tier3\masks\portugal-wildfire_00000497_post_disaster.png,0,0,21,18053,00000497 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000497_pre_disaster.png,portugal-wildfire_00000497_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000497_pre_disaster.png,0,0,21,18122,00000497 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000498_post_disaster.png,portugal-wildfire_00000498_post_disaster,0,0,tier3\masks\portugal-wildfire_00000498_post_disaster.png,0,0,0,0,00000498 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000498_pre_disaster.png,portugal-wildfire_00000498_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000498_pre_disaster.png,0,0,0,0,00000498 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000499_post_disaster.png,portugal-wildfire_00000499_post_disaster,0,0,tier3\masks\portugal-wildfire_00000499_post_disaster.png,0,0,1,640,00000499 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000499_pre_disaster.png,portugal-wildfire_00000499_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000499_pre_disaster.png,0,0,1,687,00000499 +1,167,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000500_post_disaster.png,portugal-wildfire_00000500_post_disaster,0,0,tier3\masks\portugal-wildfire_00000500_post_disaster.png,0,0,0,0,00000500 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000500_pre_disaster.png,portugal-wildfire_00000500_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000500_pre_disaster.png,0,0,1,167,00000500 +1,143,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000501_post_disaster.png,portugal-wildfire_00000501_post_disaster,1,192,tier3\masks\portugal-wildfire_00000501_post_disaster.png,0,0,5,1670,00000501 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000501_pre_disaster.png,portugal-wildfire_00000501_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000501_pre_disaster.png,0,0,7,2005,00000501 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000502_post_disaster.png,portugal-wildfire_00000502_post_disaster,0,0,tier3\masks\portugal-wildfire_00000502_post_disaster.png,0,0,0,0,00000502 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000502_pre_disaster.png,portugal-wildfire_00000502_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000502_pre_disaster.png,0,0,0,0,00000502 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000503_post_disaster.png,portugal-wildfire_00000503_post_disaster,0,0,tier3\masks\portugal-wildfire_00000503_post_disaster.png,0,0,0,0,00000503 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000503_pre_disaster.png,portugal-wildfire_00000503_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000503_pre_disaster.png,0,0,0,0,00000503 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000504_post_disaster.png,portugal-wildfire_00000504_post_disaster,0,0,tier3\masks\portugal-wildfire_00000504_post_disaster.png,0,0,7,5327,00000504 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000504_pre_disaster.png,portugal-wildfire_00000504_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000504_pre_disaster.png,0,0,7,5327,00000504 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000505_post_disaster.png,portugal-wildfire_00000505_post_disaster,0,0,tier3\masks\portugal-wildfire_00000505_post_disaster.png,0,0,0,0,00000505 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000505_pre_disaster.png,portugal-wildfire_00000505_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000505_pre_disaster.png,0,0,0,0,00000505 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000506_post_disaster.png,portugal-wildfire_00000506_post_disaster,0,0,tier3\masks\portugal-wildfire_00000506_post_disaster.png,0,0,0,0,00000506 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000506_pre_disaster.png,portugal-wildfire_00000506_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000506_pre_disaster.png,0,0,0,0,00000506 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000507_post_disaster.png,portugal-wildfire_00000507_post_disaster,0,0,tier3\masks\portugal-wildfire_00000507_post_disaster.png,0,0,15,14678,00000507 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000507_pre_disaster.png,portugal-wildfire_00000507_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000507_pre_disaster.png,0,0,15,14678,00000507 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000508_post_disaster.png,portugal-wildfire_00000508_post_disaster,0,0,tier3\masks\portugal-wildfire_00000508_post_disaster.png,0,0,0,0,00000508 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000508_pre_disaster.png,portugal-wildfire_00000508_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000508_pre_disaster.png,0,0,0,0,00000508 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000509_post_disaster.png,portugal-wildfire_00000509_post_disaster,0,0,tier3\masks\portugal-wildfire_00000509_post_disaster.png,0,0,0,0,00000509 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000509_pre_disaster.png,portugal-wildfire_00000509_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000509_pre_disaster.png,0,0,0,0,00000509 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000510_post_disaster.png,portugal-wildfire_00000510_post_disaster,0,0,tier3\masks\portugal-wildfire_00000510_post_disaster.png,0,0,0,0,00000510 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000510_pre_disaster.png,portugal-wildfire_00000510_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000510_pre_disaster.png,0,0,0,0,00000510 +10,3722,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000511_post_disaster.png,portugal-wildfire_00000511_post_disaster,1,1111,tier3\masks\portugal-wildfire_00000511_post_disaster.png,0,0,12,6270,00000511 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000511_pre_disaster.png,portugal-wildfire_00000511_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000511_pre_disaster.png,0,0,22,11103,00000511 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000512_post_disaster.png,portugal-wildfire_00000512_post_disaster,0,0,tier3\masks\portugal-wildfire_00000512_post_disaster.png,0,0,0,0,00000512 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000512_pre_disaster.png,portugal-wildfire_00000512_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000512_pre_disaster.png,0,0,0,0,00000512 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000513_post_disaster.png,portugal-wildfire_00000513_post_disaster,0,0,tier3\masks\portugal-wildfire_00000513_post_disaster.png,0,0,6,4351,00000513 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000513_pre_disaster.png,portugal-wildfire_00000513_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000513_pre_disaster.png,0,0,6,4351,00000513 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000514_post_disaster.png,portugal-wildfire_00000514_post_disaster,1,134,tier3\masks\portugal-wildfire_00000514_post_disaster.png,0,0,18,15976,00000514 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000514_pre_disaster.png,portugal-wildfire_00000514_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000514_pre_disaster.png,0,0,18,16110,00000514 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000515_post_disaster.png,portugal-wildfire_00000515_post_disaster,0,0,tier3\masks\portugal-wildfire_00000515_post_disaster.png,0,0,0,0,00000515 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000515_pre_disaster.png,portugal-wildfire_00000515_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000515_pre_disaster.png,0,0,0,0,00000515 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000516_post_disaster.png,portugal-wildfire_00000516_post_disaster,0,0,tier3\masks\portugal-wildfire_00000516_post_disaster.png,0,0,52,42247,00000516 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000516_pre_disaster.png,portugal-wildfire_00000516_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000516_pre_disaster.png,0,0,52,42322,00000516 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000517_post_disaster.png,portugal-wildfire_00000517_post_disaster,0,0,tier3\masks\portugal-wildfire_00000517_post_disaster.png,0,0,0,0,00000517 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000517_pre_disaster.png,portugal-wildfire_00000517_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000517_pre_disaster.png,0,0,0,0,00000517 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000518_post_disaster.png,portugal-wildfire_00000518_post_disaster,0,0,tier3\masks\portugal-wildfire_00000518_post_disaster.png,0,0,31,48026,00000518 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000518_pre_disaster.png,portugal-wildfire_00000518_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000518_pre_disaster.png,0,0,31,48076,00000518 +1,498,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000519_post_disaster.png,portugal-wildfire_00000519_post_disaster,0,0,tier3\masks\portugal-wildfire_00000519_post_disaster.png,0,0,19,15004,00000519 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000519_pre_disaster.png,portugal-wildfire_00000519_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000519_pre_disaster.png,0,0,20,15604,00000519 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000520_post_disaster.png,portugal-wildfire_00000520_post_disaster,0,0,tier3\masks\portugal-wildfire_00000520_post_disaster.png,0,0,0,0,00000520 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000520_pre_disaster.png,portugal-wildfire_00000520_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000520_pre_disaster.png,0,0,0,0,00000520 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000521_post_disaster.png,portugal-wildfire_00000521_post_disaster,0,0,tier3\masks\portugal-wildfire_00000521_post_disaster.png,0,0,11,9305,00000521 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000521_pre_disaster.png,portugal-wildfire_00000521_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000521_pre_disaster.png,0,0,11,9305,00000521 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000522_post_disaster.png,portugal-wildfire_00000522_post_disaster,0,0,tier3\masks\portugal-wildfire_00000522_post_disaster.png,0,0,40,19264,00000522 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000522_pre_disaster.png,portugal-wildfire_00000522_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000522_pre_disaster.png,0,0,40,19264,00000522 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000523_post_disaster.png,portugal-wildfire_00000523_post_disaster,0,0,tier3\masks\portugal-wildfire_00000523_post_disaster.png,0,0,0,0,00000523 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000523_pre_disaster.png,portugal-wildfire_00000523_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000523_pre_disaster.png,0,0,0,0,00000523 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000524_post_disaster.png,portugal-wildfire_00000524_post_disaster,0,0,tier3\masks\portugal-wildfire_00000524_post_disaster.png,0,0,0,0,00000524 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000524_pre_disaster.png,portugal-wildfire_00000524_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000524_pre_disaster.png,0,0,0,0,00000524 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000525_post_disaster.png,portugal-wildfire_00000525_post_disaster,0,0,tier3\masks\portugal-wildfire_00000525_post_disaster.png,0,0,0,0,00000525 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000525_pre_disaster.png,portugal-wildfire_00000525_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000525_pre_disaster.png,0,0,0,0,00000525 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000526_post_disaster.png,portugal-wildfire_00000526_post_disaster,0,0,tier3\masks\portugal-wildfire_00000526_post_disaster.png,0,0,3,6219,00000526 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000526_pre_disaster.png,portugal-wildfire_00000526_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000526_pre_disaster.png,0,0,3,6219,00000526 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000527_post_disaster.png,portugal-wildfire_00000527_post_disaster,0,0,tier3\masks\portugal-wildfire_00000527_post_disaster.png,0,0,0,0,00000527 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000527_pre_disaster.png,portugal-wildfire_00000527_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000527_pre_disaster.png,0,0,0,0,00000527 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000528_post_disaster.png,portugal-wildfire_00000528_post_disaster,0,0,tier3\masks\portugal-wildfire_00000528_post_disaster.png,0,0,2,448,00000528 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000528_pre_disaster.png,portugal-wildfire_00000528_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000528_pre_disaster.png,0,0,2,448,00000528 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000529_post_disaster.png,portugal-wildfire_00000529_post_disaster,0,0,tier3\masks\portugal-wildfire_00000529_post_disaster.png,0,0,0,0,00000529 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000529_pre_disaster.png,portugal-wildfire_00000529_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000529_pre_disaster.png,0,0,0,0,00000529 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000530_post_disaster.png,portugal-wildfire_00000530_post_disaster,0,0,tier3\masks\portugal-wildfire_00000530_post_disaster.png,0,0,0,0,00000530 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000530_pre_disaster.png,portugal-wildfire_00000530_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000530_pre_disaster.png,0,0,0,0,00000530 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000531_post_disaster.png,portugal-wildfire_00000531_post_disaster,0,0,tier3\masks\portugal-wildfire_00000531_post_disaster.png,0,0,17,6267,00000531 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000531_pre_disaster.png,portugal-wildfire_00000531_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000531_pre_disaster.png,0,0,17,6267,00000531 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000532_post_disaster.png,portugal-wildfire_00000532_post_disaster,0,0,tier3\masks\portugal-wildfire_00000532_post_disaster.png,0,0,1,167,00000532 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000532_pre_disaster.png,portugal-wildfire_00000532_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000532_pre_disaster.png,0,0,1,167,00000532 +1,538,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000533_post_disaster.png,portugal-wildfire_00000533_post_disaster,0,0,tier3\masks\portugal-wildfire_00000533_post_disaster.png,0,0,36,24854,00000533 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000533_pre_disaster.png,portugal-wildfire_00000533_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000533_pre_disaster.png,0,0,37,25405,00000533 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000534_post_disaster.png,portugal-wildfire_00000534_post_disaster,0,0,tier3\masks\portugal-wildfire_00000534_post_disaster.png,0,0,1,369,00000534 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000534_pre_disaster.png,portugal-wildfire_00000534_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000534_pre_disaster.png,0,0,1,369,00000534 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000535_post_disaster.png,portugal-wildfire_00000535_post_disaster,0,0,tier3\masks\portugal-wildfire_00000535_post_disaster.png,0,0,67,62826,00000535 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000535_pre_disaster.png,portugal-wildfire_00000535_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000535_pre_disaster.png,0,0,67,62895,00000535 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000536_post_disaster.png,portugal-wildfire_00000536_post_disaster,0,0,tier3\masks\portugal-wildfire_00000536_post_disaster.png,0,0,0,0,00000536 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000536_pre_disaster.png,portugal-wildfire_00000536_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000536_pre_disaster.png,0,0,0,0,00000536 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000537_post_disaster.png,portugal-wildfire_00000537_post_disaster,0,0,tier3\masks\portugal-wildfire_00000537_post_disaster.png,0,0,69,77472,00000537 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000537_pre_disaster.png,portugal-wildfire_00000537_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000537_pre_disaster.png,0,0,69,77598,00000537 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000538_post_disaster.png,portugal-wildfire_00000538_post_disaster,0,0,tier3\masks\portugal-wildfire_00000538_post_disaster.png,0,0,4,4278,00000538 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000538_pre_disaster.png,portugal-wildfire_00000538_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000538_pre_disaster.png,0,0,4,4316,00000538 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000539_post_disaster.png,portugal-wildfire_00000539_post_disaster,0,0,tier3\masks\portugal-wildfire_00000539_post_disaster.png,0,0,31,40162,00000539 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000539_pre_disaster.png,portugal-wildfire_00000539_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000539_pre_disaster.png,0,0,31,40260,00000539 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000540_post_disaster.png,portugal-wildfire_00000540_post_disaster,0,0,tier3\masks\portugal-wildfire_00000540_post_disaster.png,0,0,0,0,00000540 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000540_pre_disaster.png,portugal-wildfire_00000540_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000540_pre_disaster.png,0,0,0,0,00000540 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000541_post_disaster.png,portugal-wildfire_00000541_post_disaster,0,0,tier3\masks\portugal-wildfire_00000541_post_disaster.png,0,0,0,0,00000541 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000541_pre_disaster.png,portugal-wildfire_00000541_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000541_pre_disaster.png,0,0,0,0,00000541 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000542_post_disaster.png,portugal-wildfire_00000542_post_disaster,0,0,tier3\masks\portugal-wildfire_00000542_post_disaster.png,0,0,0,0,00000542 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000542_pre_disaster.png,portugal-wildfire_00000542_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000542_pre_disaster.png,0,0,0,0,00000542 +2,846,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000543_post_disaster.png,portugal-wildfire_00000543_post_disaster,0,0,tier3\masks\portugal-wildfire_00000543_post_disaster.png,0,0,3,3882,00000543 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000543_pre_disaster.png,portugal-wildfire_00000543_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000543_pre_disaster.png,0,0,5,4728,00000543 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000544_post_disaster.png,portugal-wildfire_00000544_post_disaster,0,0,tier3\masks\portugal-wildfire_00000544_post_disaster.png,0,0,0,0,00000544 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000544_pre_disaster.png,portugal-wildfire_00000544_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000544_pre_disaster.png,0,0,0,0,00000544 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000545_post_disaster.png,portugal-wildfire_00000545_post_disaster,0,0,tier3\masks\portugal-wildfire_00000545_post_disaster.png,0,0,0,0,00000545 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000545_pre_disaster.png,portugal-wildfire_00000545_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000545_pre_disaster.png,0,0,0,0,00000545 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000546_post_disaster.png,portugal-wildfire_00000546_post_disaster,0,0,tier3\masks\portugal-wildfire_00000546_post_disaster.png,0,0,7,3995,00000546 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000546_pre_disaster.png,portugal-wildfire_00000546_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000546_pre_disaster.png,0,0,6,4047,00000546 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000547_post_disaster.png,portugal-wildfire_00000547_post_disaster,0,0,tier3\masks\portugal-wildfire_00000547_post_disaster.png,0,0,8,2045,00000547 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000547_pre_disaster.png,portugal-wildfire_00000547_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000547_pre_disaster.png,0,0,8,2045,00000547 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000548_post_disaster.png,portugal-wildfire_00000548_post_disaster,0,0,tier3\masks\portugal-wildfire_00000548_post_disaster.png,0,0,0,0,00000548 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000548_pre_disaster.png,portugal-wildfire_00000548_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000548_pre_disaster.png,0,0,0,0,00000548 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000549_post_disaster.png,portugal-wildfire_00000549_post_disaster,0,0,tier3\masks\portugal-wildfire_00000549_post_disaster.png,0,0,0,0,00000549 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000549_pre_disaster.png,portugal-wildfire_00000549_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000549_pre_disaster.png,0,0,0,0,00000549 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000550_post_disaster.png,portugal-wildfire_00000550_post_disaster,0,0,tier3\masks\portugal-wildfire_00000550_post_disaster.png,0,0,0,0,00000550 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000550_pre_disaster.png,portugal-wildfire_00000550_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000550_pre_disaster.png,0,0,0,0,00000550 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000551_post_disaster.png,portugal-wildfire_00000551_post_disaster,0,0,tier3\masks\portugal-wildfire_00000551_post_disaster.png,0,0,0,0,00000551 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000551_pre_disaster.png,portugal-wildfire_00000551_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000551_pre_disaster.png,0,0,0,0,00000551 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000552_post_disaster.png,portugal-wildfire_00000552_post_disaster,0,0,tier3\masks\portugal-wildfire_00000552_post_disaster.png,0,0,11,10062,00000552 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000552_pre_disaster.png,portugal-wildfire_00000552_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000552_pre_disaster.png,0,0,11,10062,00000552 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000553_post_disaster.png,portugal-wildfire_00000553_post_disaster,0,0,tier3\masks\portugal-wildfire_00000553_post_disaster.png,0,0,7,3609,00000553 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000553_pre_disaster.png,portugal-wildfire_00000553_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000553_pre_disaster.png,0,0,7,3609,00000553 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000554_post_disaster.png,portugal-wildfire_00000554_post_disaster,0,0,tier3\masks\portugal-wildfire_00000554_post_disaster.png,0,0,23,24738,00000554 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000554_pre_disaster.png,portugal-wildfire_00000554_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000554_pre_disaster.png,0,0,23,24755,00000554 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000555_post_disaster.png,portugal-wildfire_00000555_post_disaster,0,0,tier3\masks\portugal-wildfire_00000555_post_disaster.png,0,0,0,0,00000555 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000555_pre_disaster.png,portugal-wildfire_00000555_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000555_pre_disaster.png,0,0,0,0,00000555 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000556_post_disaster.png,portugal-wildfire_00000556_post_disaster,0,0,tier3\masks\portugal-wildfire_00000556_post_disaster.png,0,0,5,3334,00000556 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000556_pre_disaster.png,portugal-wildfire_00000556_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000556_pre_disaster.png,0,0,5,3472,00000556 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000557_post_disaster.png,portugal-wildfire_00000557_post_disaster,0,0,tier3\masks\portugal-wildfire_00000557_post_disaster.png,0,0,29,17133,00000557 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000557_pre_disaster.png,portugal-wildfire_00000557_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000557_pre_disaster.png,0,0,29,17238,00000557 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000558_post_disaster.png,portugal-wildfire_00000558_post_disaster,0,0,tier3\masks\portugal-wildfire_00000558_post_disaster.png,0,0,0,0,00000558 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000558_pre_disaster.png,portugal-wildfire_00000558_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000558_pre_disaster.png,0,0,0,0,00000558 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000559_post_disaster.png,portugal-wildfire_00000559_post_disaster,0,0,tier3\masks\portugal-wildfire_00000559_post_disaster.png,0,0,0,0,00000559 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000559_pre_disaster.png,portugal-wildfire_00000559_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000559_pre_disaster.png,0,0,0,0,00000559 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000560_post_disaster.png,portugal-wildfire_00000560_post_disaster,0,0,tier3\masks\portugal-wildfire_00000560_post_disaster.png,0,0,0,0,00000560 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000560_pre_disaster.png,portugal-wildfire_00000560_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000560_pre_disaster.png,0,0,0,0,00000560 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000561_post_disaster.png,portugal-wildfire_00000561_post_disaster,0,0,tier3\masks\portugal-wildfire_00000561_post_disaster.png,0,0,67,60280,00000561 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000561_pre_disaster.png,portugal-wildfire_00000561_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000561_pre_disaster.png,0,0,67,60280,00000561 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000562_post_disaster.png,portugal-wildfire_00000562_post_disaster,0,0,tier3\masks\portugal-wildfire_00000562_post_disaster.png,0,0,0,0,00000562 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000562_pre_disaster.png,portugal-wildfire_00000562_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000562_pre_disaster.png,0,0,0,0,00000562 +2,1354,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000563_post_disaster.png,portugal-wildfire_00000563_post_disaster,0,0,tier3\masks\portugal-wildfire_00000563_post_disaster.png,0,0,38,28317,00000563 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000563_pre_disaster.png,portugal-wildfire_00000563_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000563_pre_disaster.png,0,0,39,29799,00000563 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000564_post_disaster.png,portugal-wildfire_00000564_post_disaster,0,0,tier3\masks\portugal-wildfire_00000564_post_disaster.png,0,0,0,0,00000564 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000564_pre_disaster.png,portugal-wildfire_00000564_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000564_pre_disaster.png,0,0,0,0,00000564 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000565_post_disaster.png,portugal-wildfire_00000565_post_disaster,0,0,tier3\masks\portugal-wildfire_00000565_post_disaster.png,0,0,0,0,00000565 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000565_pre_disaster.png,portugal-wildfire_00000565_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000565_pre_disaster.png,0,0,0,0,00000565 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000566_post_disaster.png,portugal-wildfire_00000566_post_disaster,0,0,tier3\masks\portugal-wildfire_00000566_post_disaster.png,0,0,0,0,00000566 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000566_pre_disaster.png,portugal-wildfire_00000566_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000566_pre_disaster.png,0,0,0,0,00000566 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000567_post_disaster.png,portugal-wildfire_00000567_post_disaster,0,0,tier3\masks\portugal-wildfire_00000567_post_disaster.png,0,0,0,0,00000567 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000567_pre_disaster.png,portugal-wildfire_00000567_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000567_pre_disaster.png,0,0,0,0,00000567 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000568_post_disaster.png,portugal-wildfire_00000568_post_disaster,0,0,tier3\masks\portugal-wildfire_00000568_post_disaster.png,0,0,29,21059,00000568 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000568_pre_disaster.png,portugal-wildfire_00000568_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000568_pre_disaster.png,0,0,29,21059,00000568 +4,991,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000569_post_disaster.png,portugal-wildfire_00000569_post_disaster,0,0,tier3\masks\portugal-wildfire_00000569_post_disaster.png,0,0,3,1446,00000569 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000569_pre_disaster.png,portugal-wildfire_00000569_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000569_pre_disaster.png,0,0,7,2437,00000569 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000570_post_disaster.png,portugal-wildfire_00000570_post_disaster,0,0,tier3\masks\portugal-wildfire_00000570_post_disaster.png,0,0,7,6182,00000570 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000570_pre_disaster.png,portugal-wildfire_00000570_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000570_pre_disaster.png,0,0,7,6182,00000570 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000571_post_disaster.png,portugal-wildfire_00000571_post_disaster,0,0,tier3\masks\portugal-wildfire_00000571_post_disaster.png,0,0,0,0,00000571 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000571_pre_disaster.png,portugal-wildfire_00000571_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000571_pre_disaster.png,0,0,0,0,00000571 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000572_post_disaster.png,portugal-wildfire_00000572_post_disaster,0,0,tier3\masks\portugal-wildfire_00000572_post_disaster.png,0,0,16,10686,00000572 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000572_pre_disaster.png,portugal-wildfire_00000572_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000572_pre_disaster.png,0,0,16,10686,00000572 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000573_post_disaster.png,portugal-wildfire_00000573_post_disaster,0,0,tier3\masks\portugal-wildfire_00000573_post_disaster.png,0,0,0,0,00000573 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000573_pre_disaster.png,portugal-wildfire_00000573_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000573_pre_disaster.png,0,0,0,0,00000573 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000574_post_disaster.png,portugal-wildfire_00000574_post_disaster,0,0,tier3\masks\portugal-wildfire_00000574_post_disaster.png,0,0,0,0,00000574 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000574_pre_disaster.png,portugal-wildfire_00000574_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000574_pre_disaster.png,0,0,0,0,00000574 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000575_post_disaster.png,portugal-wildfire_00000575_post_disaster,0,0,tier3\masks\portugal-wildfire_00000575_post_disaster.png,0,0,1,74,00000575 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000575_pre_disaster.png,portugal-wildfire_00000575_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000575_pre_disaster.png,0,0,1,74,00000575 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000576_post_disaster.png,portugal-wildfire_00000576_post_disaster,0,0,tier3\masks\portugal-wildfire_00000576_post_disaster.png,0,0,7,5206,00000576 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000576_pre_disaster.png,portugal-wildfire_00000576_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000576_pre_disaster.png,0,0,7,5206,00000576 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000577_post_disaster.png,portugal-wildfire_00000577_post_disaster,0,0,tier3\masks\portugal-wildfire_00000577_post_disaster.png,0,0,14,6973,00000577 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000577_pre_disaster.png,portugal-wildfire_00000577_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000577_pre_disaster.png,0,0,14,6973,00000577 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000578_post_disaster.png,portugal-wildfire_00000578_post_disaster,0,0,tier3\masks\portugal-wildfire_00000578_post_disaster.png,0,0,0,0,00000578 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000578_pre_disaster.png,portugal-wildfire_00000578_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000578_pre_disaster.png,0,0,0,0,00000578 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000579_post_disaster.png,portugal-wildfire_00000579_post_disaster,0,0,tier3\masks\portugal-wildfire_00000579_post_disaster.png,0,0,1,560,00000579 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000579_pre_disaster.png,portugal-wildfire_00000579_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000579_pre_disaster.png,0,0,1,560,00000579 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000580_post_disaster.png,portugal-wildfire_00000580_post_disaster,0,0,tier3\masks\portugal-wildfire_00000580_post_disaster.png,0,0,0,0,00000580 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000580_pre_disaster.png,portugal-wildfire_00000580_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000580_pre_disaster.png,0,0,0,0,00000580 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000581_post_disaster.png,portugal-wildfire_00000581_post_disaster,0,0,tier3\masks\portugal-wildfire_00000581_post_disaster.png,0,0,0,0,00000581 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000581_pre_disaster.png,portugal-wildfire_00000581_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000581_pre_disaster.png,0,0,0,0,00000581 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000582_post_disaster.png,portugal-wildfire_00000582_post_disaster,0,0,tier3\masks\portugal-wildfire_00000582_post_disaster.png,0,0,0,0,00000582 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000582_pre_disaster.png,portugal-wildfire_00000582_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000582_pre_disaster.png,0,0,0,0,00000582 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000583_post_disaster.png,portugal-wildfire_00000583_post_disaster,0,0,tier3\masks\portugal-wildfire_00000583_post_disaster.png,0,0,0,0,00000583 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000583_pre_disaster.png,portugal-wildfire_00000583_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000583_pre_disaster.png,0,0,0,0,00000583 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000584_post_disaster.png,portugal-wildfire_00000584_post_disaster,0,0,tier3\masks\portugal-wildfire_00000584_post_disaster.png,0,0,0,0,00000584 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000584_pre_disaster.png,portugal-wildfire_00000584_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000584_pre_disaster.png,0,0,0,0,00000584 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000585_post_disaster.png,portugal-wildfire_00000585_post_disaster,0,0,tier3\masks\portugal-wildfire_00000585_post_disaster.png,0,0,6,1951,00000585 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000585_pre_disaster.png,portugal-wildfire_00000585_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000585_pre_disaster.png,0,0,6,1951,00000585 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000586_post_disaster.png,portugal-wildfire_00000586_post_disaster,0,0,tier3\masks\portugal-wildfire_00000586_post_disaster.png,0,0,0,0,00000586 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000586_pre_disaster.png,portugal-wildfire_00000586_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000586_pre_disaster.png,0,0,0,0,00000586 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000587_post_disaster.png,portugal-wildfire_00000587_post_disaster,0,0,tier3\masks\portugal-wildfire_00000587_post_disaster.png,0,0,53,44030,00000587 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000587_pre_disaster.png,portugal-wildfire_00000587_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000587_pre_disaster.png,0,0,53,44197,00000587 +2,969,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000588_post_disaster.png,portugal-wildfire_00000588_post_disaster,1,280,tier3\masks\portugal-wildfire_00000588_post_disaster.png,3,1505,96,68186,00000588 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000588_pre_disaster.png,portugal-wildfire_00000588_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000588_pre_disaster.png,0,0,102,71010,00000588 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000589_post_disaster.png,portugal-wildfire_00000589_post_disaster,0,0,tier3\masks\portugal-wildfire_00000589_post_disaster.png,0,0,9,3262,00000589 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000589_pre_disaster.png,portugal-wildfire_00000589_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000589_pre_disaster.png,0,0,9,3299,00000589 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000590_post_disaster.png,portugal-wildfire_00000590_post_disaster,0,0,tier3\masks\portugal-wildfire_00000590_post_disaster.png,0,0,0,0,00000590 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000590_pre_disaster.png,portugal-wildfire_00000590_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000590_pre_disaster.png,0,0,0,0,00000590 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000591_post_disaster.png,portugal-wildfire_00000591_post_disaster,0,0,tier3\masks\portugal-wildfire_00000591_post_disaster.png,0,0,0,0,00000591 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000591_pre_disaster.png,portugal-wildfire_00000591_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000591_pre_disaster.png,0,0,0,0,00000591 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000592_post_disaster.png,portugal-wildfire_00000592_post_disaster,0,0,tier3\masks\portugal-wildfire_00000592_post_disaster.png,0,0,67,70738,00000592 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000592_pre_disaster.png,portugal-wildfire_00000592_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000592_pre_disaster.png,0,0,67,70812,00000592 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000593_post_disaster.png,portugal-wildfire_00000593_post_disaster,0,0,tier3\masks\portugal-wildfire_00000593_post_disaster.png,0,0,0,0,00000593 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000593_pre_disaster.png,portugal-wildfire_00000593_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000593_pre_disaster.png,0,0,0,0,00000593 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000594_post_disaster.png,portugal-wildfire_00000594_post_disaster,0,0,tier3\masks\portugal-wildfire_00000594_post_disaster.png,1,371,8,3752,00000594 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000594_pre_disaster.png,portugal-wildfire_00000594_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000594_pre_disaster.png,0,0,8,4204,00000594 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000595_post_disaster.png,portugal-wildfire_00000595_post_disaster,0,0,tier3\masks\portugal-wildfire_00000595_post_disaster.png,0,0,0,0,00000595 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000595_pre_disaster.png,portugal-wildfire_00000595_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000595_pre_disaster.png,0,0,0,0,00000595 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000596_post_disaster.png,portugal-wildfire_00000596_post_disaster,0,0,tier3\masks\portugal-wildfire_00000596_post_disaster.png,0,0,0,0,00000596 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000596_pre_disaster.png,portugal-wildfire_00000596_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000596_pre_disaster.png,0,0,0,0,00000596 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000597_post_disaster.png,portugal-wildfire_00000597_post_disaster,0,0,tier3\masks\portugal-wildfire_00000597_post_disaster.png,0,0,41,20223,00000597 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000597_pre_disaster.png,portugal-wildfire_00000597_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000597_pre_disaster.png,0,0,41,20223,00000597 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000598_post_disaster.png,portugal-wildfire_00000598_post_disaster,0,0,tier3\masks\portugal-wildfire_00000598_post_disaster.png,0,0,0,0,00000598 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000598_pre_disaster.png,portugal-wildfire_00000598_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000598_pre_disaster.png,0,0,0,0,00000598 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000599_post_disaster.png,portugal-wildfire_00000599_post_disaster,0,0,tier3\masks\portugal-wildfire_00000599_post_disaster.png,0,0,4,2416,00000599 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000599_pre_disaster.png,portugal-wildfire_00000599_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000599_pre_disaster.png,0,0,4,2440,00000599 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000600_post_disaster.png,portugal-wildfire_00000600_post_disaster,0,0,tier3\masks\portugal-wildfire_00000600_post_disaster.png,0,0,0,0,00000600 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000600_pre_disaster.png,portugal-wildfire_00000600_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000600_pre_disaster.png,0,0,0,0,00000600 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000601_post_disaster.png,portugal-wildfire_00000601_post_disaster,0,0,tier3\masks\portugal-wildfire_00000601_post_disaster.png,0,0,0,0,00000601 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000601_pre_disaster.png,portugal-wildfire_00000601_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000601_pre_disaster.png,0,0,0,0,00000601 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000602_post_disaster.png,portugal-wildfire_00000602_post_disaster,0,0,tier3\masks\portugal-wildfire_00000602_post_disaster.png,0,0,0,0,00000602 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000602_pre_disaster.png,portugal-wildfire_00000602_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000602_pre_disaster.png,0,0,0,0,00000602 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000603_post_disaster.png,portugal-wildfire_00000603_post_disaster,0,0,tier3\masks\portugal-wildfire_00000603_post_disaster.png,0,0,0,0,00000603 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000603_pre_disaster.png,portugal-wildfire_00000603_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000603_pre_disaster.png,0,0,0,0,00000603 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000604_post_disaster.png,portugal-wildfire_00000604_post_disaster,0,0,tier3\masks\portugal-wildfire_00000604_post_disaster.png,0,0,3,1238,00000604 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000604_pre_disaster.png,portugal-wildfire_00000604_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000604_pre_disaster.png,0,0,3,1238,00000604 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000605_post_disaster.png,portugal-wildfire_00000605_post_disaster,0,0,tier3\masks\portugal-wildfire_00000605_post_disaster.png,0,0,0,0,00000605 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000605_pre_disaster.png,portugal-wildfire_00000605_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000605_pre_disaster.png,0,0,0,0,00000605 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000606_post_disaster.png,portugal-wildfire_00000606_post_disaster,0,0,tier3\masks\portugal-wildfire_00000606_post_disaster.png,0,0,0,0,00000606 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000606_pre_disaster.png,portugal-wildfire_00000606_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000606_pre_disaster.png,0,0,0,0,00000606 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000607_post_disaster.png,portugal-wildfire_00000607_post_disaster,0,0,tier3\masks\portugal-wildfire_00000607_post_disaster.png,0,0,0,0,00000607 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000607_pre_disaster.png,portugal-wildfire_00000607_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000607_pre_disaster.png,0,0,0,0,00000607 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000608_post_disaster.png,portugal-wildfire_00000608_post_disaster,0,0,tier3\masks\portugal-wildfire_00000608_post_disaster.png,0,0,6,3846,00000608 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000608_pre_disaster.png,portugal-wildfire_00000608_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000608_pre_disaster.png,0,0,6,3859,00000608 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000609_post_disaster.png,portugal-wildfire_00000609_post_disaster,0,0,tier3\masks\portugal-wildfire_00000609_post_disaster.png,0,0,0,0,00000609 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000609_pre_disaster.png,portugal-wildfire_00000609_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000609_pre_disaster.png,0,0,0,0,00000609 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000610_post_disaster.png,portugal-wildfire_00000610_post_disaster,0,0,tier3\masks\portugal-wildfire_00000610_post_disaster.png,0,0,0,0,00000610 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000610_pre_disaster.png,portugal-wildfire_00000610_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000610_pre_disaster.png,0,0,0,0,00000610 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000611_post_disaster.png,portugal-wildfire_00000611_post_disaster,0,0,tier3\masks\portugal-wildfire_00000611_post_disaster.png,0,0,4,2371,00000611 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000611_pre_disaster.png,portugal-wildfire_00000611_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000611_pre_disaster.png,0,0,4,2371,00000611 +6,1782,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000612_post_disaster.png,portugal-wildfire_00000612_post_disaster,0,0,tier3\masks\portugal-wildfire_00000612_post_disaster.png,1,1019,12,3580,00000612 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000612_pre_disaster.png,portugal-wildfire_00000612_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000612_pre_disaster.png,0,0,17,6381,00000612 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000613_post_disaster.png,portugal-wildfire_00000613_post_disaster,0,0,tier3\masks\portugal-wildfire_00000613_post_disaster.png,0,0,5,4179,00000613 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000613_pre_disaster.png,portugal-wildfire_00000613_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000613_pre_disaster.png,0,0,5,4202,00000613 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000614_post_disaster.png,portugal-wildfire_00000614_post_disaster,0,0,tier3\masks\portugal-wildfire_00000614_post_disaster.png,0,0,11,17175,00000614 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000614_pre_disaster.png,portugal-wildfire_00000614_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000614_pre_disaster.png,0,0,11,17217,00000614 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000615_post_disaster.png,portugal-wildfire_00000615_post_disaster,0,0,tier3\masks\portugal-wildfire_00000615_post_disaster.png,0,0,8,4046,00000615 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000615_pre_disaster.png,portugal-wildfire_00000615_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000615_pre_disaster.png,0,0,8,4106,00000615 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000616_post_disaster.png,portugal-wildfire_00000616_post_disaster,0,0,tier3\masks\portugal-wildfire_00000616_post_disaster.png,0,0,0,0,00000616 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000616_pre_disaster.png,portugal-wildfire_00000616_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000616_pre_disaster.png,0,0,0,0,00000616 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000617_post_disaster.png,portugal-wildfire_00000617_post_disaster,0,0,tier3\masks\portugal-wildfire_00000617_post_disaster.png,0,0,0,0,00000617 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000617_pre_disaster.png,portugal-wildfire_00000617_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000617_pre_disaster.png,0,0,0,0,00000617 +2,673,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000618_post_disaster.png,portugal-wildfire_00000618_post_disaster,0,0,tier3\masks\portugal-wildfire_00000618_post_disaster.png,0,0,10,9995,00000618 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000618_pre_disaster.png,portugal-wildfire_00000618_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000618_pre_disaster.png,0,0,12,10708,00000618 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000619_post_disaster.png,portugal-wildfire_00000619_post_disaster,0,0,tier3\masks\portugal-wildfire_00000619_post_disaster.png,0,0,31,22345,00000619 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000619_pre_disaster.png,portugal-wildfire_00000619_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000619_pre_disaster.png,0,0,31,22367,00000619 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000620_post_disaster.png,portugal-wildfire_00000620_post_disaster,0,0,tier3\masks\portugal-wildfire_00000620_post_disaster.png,0,0,0,0,00000620 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000620_pre_disaster.png,portugal-wildfire_00000620_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000620_pre_disaster.png,0,0,0,0,00000620 +3,868,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000621_post_disaster.png,portugal-wildfire_00000621_post_disaster,0,0,tier3\masks\portugal-wildfire_00000621_post_disaster.png,0,0,31,18191,00000621 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000621_pre_disaster.png,portugal-wildfire_00000621_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000621_pre_disaster.png,0,0,34,19190,00000621 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000622_post_disaster.png,portugal-wildfire_00000622_post_disaster,0,0,tier3\masks\portugal-wildfire_00000622_post_disaster.png,0,0,0,0,00000622 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000622_pre_disaster.png,portugal-wildfire_00000622_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000622_pre_disaster.png,0,0,0,0,00000622 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000623_post_disaster.png,portugal-wildfire_00000623_post_disaster,0,0,tier3\masks\portugal-wildfire_00000623_post_disaster.png,1,323,20,12139,00000623 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000623_pre_disaster.png,portugal-wildfire_00000623_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000623_pre_disaster.png,0,0,21,12508,00000623 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000624_post_disaster.png,portugal-wildfire_00000624_post_disaster,0,0,tier3\masks\portugal-wildfire_00000624_post_disaster.png,0,0,0,0,00000624 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000624_pre_disaster.png,portugal-wildfire_00000624_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000624_pre_disaster.png,0,0,0,0,00000624 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000625_post_disaster.png,portugal-wildfire_00000625_post_disaster,0,0,tier3\masks\portugal-wildfire_00000625_post_disaster.png,0,0,0,0,00000625 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000625_pre_disaster.png,portugal-wildfire_00000625_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000625_pre_disaster.png,0,0,0,0,00000625 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000626_post_disaster.png,portugal-wildfire_00000626_post_disaster,0,0,tier3\masks\portugal-wildfire_00000626_post_disaster.png,0,0,0,0,00000626 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000626_pre_disaster.png,portugal-wildfire_00000626_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000626_pre_disaster.png,0,0,0,0,00000626 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000627_post_disaster.png,portugal-wildfire_00000627_post_disaster,0,0,tier3\masks\portugal-wildfire_00000627_post_disaster.png,0,0,17,7318,00000627 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000627_pre_disaster.png,portugal-wildfire_00000627_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000627_pre_disaster.png,0,0,17,7318,00000627 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000628_post_disaster.png,portugal-wildfire_00000628_post_disaster,0,0,tier3\masks\portugal-wildfire_00000628_post_disaster.png,0,0,3,3453,00000628 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000628_pre_disaster.png,portugal-wildfire_00000628_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000628_pre_disaster.png,0,0,3,3453,00000628 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000629_post_disaster.png,portugal-wildfire_00000629_post_disaster,0,0,tier3\masks\portugal-wildfire_00000629_post_disaster.png,0,0,0,0,00000629 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000629_pre_disaster.png,portugal-wildfire_00000629_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000629_pre_disaster.png,0,0,0,0,00000629 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000630_post_disaster.png,portugal-wildfire_00000630_post_disaster,0,0,tier3\masks\portugal-wildfire_00000630_post_disaster.png,0,0,0,0,00000630 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000630_pre_disaster.png,portugal-wildfire_00000630_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000630_pre_disaster.png,0,0,0,0,00000630 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000631_post_disaster.png,portugal-wildfire_00000631_post_disaster,0,0,tier3\masks\portugal-wildfire_00000631_post_disaster.png,0,0,9,10809,00000631 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000631_pre_disaster.png,portugal-wildfire_00000631_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000631_pre_disaster.png,0,0,9,10809,00000631 +3,721,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000632_post_disaster.png,portugal-wildfire_00000632_post_disaster,1,211,tier3\masks\portugal-wildfire_00000632_post_disaster.png,1,524,16,7623,00000632 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000632_pre_disaster.png,portugal-wildfire_00000632_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000632_pre_disaster.png,0,0,20,9091,00000632 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000633_post_disaster.png,portugal-wildfire_00000633_post_disaster,0,0,tier3\masks\portugal-wildfire_00000633_post_disaster.png,0,0,0,0,00000633 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000633_pre_disaster.png,portugal-wildfire_00000633_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000633_pre_disaster.png,0,0,0,0,00000633 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000634_post_disaster.png,portugal-wildfire_00000634_post_disaster,0,0,tier3\masks\portugal-wildfire_00000634_post_disaster.png,0,0,0,0,00000634 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000634_pre_disaster.png,portugal-wildfire_00000634_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000634_pre_disaster.png,0,0,0,0,00000634 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000635_post_disaster.png,portugal-wildfire_00000635_post_disaster,0,0,tier3\masks\portugal-wildfire_00000635_post_disaster.png,0,0,0,0,00000635 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000635_pre_disaster.png,portugal-wildfire_00000635_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000635_pre_disaster.png,0,0,0,0,00000635 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000636_post_disaster.png,portugal-wildfire_00000636_post_disaster,0,0,tier3\masks\portugal-wildfire_00000636_post_disaster.png,0,0,0,0,00000636 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000636_pre_disaster.png,portugal-wildfire_00000636_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000636_pre_disaster.png,0,0,0,0,00000636 +2,1160,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000637_post_disaster.png,portugal-wildfire_00000637_post_disaster,4,3474,tier3\masks\portugal-wildfire_00000637_post_disaster.png,4,2653,29,20721,00000637 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000637_pre_disaster.png,portugal-wildfire_00000637_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000637_pre_disaster.png,0,0,37,28153,00000637 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000638_post_disaster.png,portugal-wildfire_00000638_post_disaster,0,0,tier3\masks\portugal-wildfire_00000638_post_disaster.png,0,0,0,0,00000638 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000638_pre_disaster.png,portugal-wildfire_00000638_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000638_pre_disaster.png,0,0,0,0,00000638 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000639_post_disaster.png,portugal-wildfire_00000639_post_disaster,0,0,tier3\masks\portugal-wildfire_00000639_post_disaster.png,0,0,29,24771,00000639 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000639_pre_disaster.png,portugal-wildfire_00000639_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000639_pre_disaster.png,0,0,29,24877,00000639 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000640_post_disaster.png,portugal-wildfire_00000640_post_disaster,0,0,tier3\masks\portugal-wildfire_00000640_post_disaster.png,0,0,0,0,00000640 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000640_pre_disaster.png,portugal-wildfire_00000640_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000640_pre_disaster.png,0,0,0,0,00000640 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000641_post_disaster.png,portugal-wildfire_00000641_post_disaster,0,0,tier3\masks\portugal-wildfire_00000641_post_disaster.png,0,0,0,0,00000641 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000641_pre_disaster.png,portugal-wildfire_00000641_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000641_pre_disaster.png,0,0,0,0,00000641 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000642_post_disaster.png,portugal-wildfire_00000642_post_disaster,0,0,tier3\masks\portugal-wildfire_00000642_post_disaster.png,0,0,0,0,00000642 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000642_pre_disaster.png,portugal-wildfire_00000642_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000642_pre_disaster.png,0,0,0,0,00000642 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000643_post_disaster.png,portugal-wildfire_00000643_post_disaster,0,0,tier3\masks\portugal-wildfire_00000643_post_disaster.png,0,0,42,33811,00000643 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000643_pre_disaster.png,portugal-wildfire_00000643_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000643_pre_disaster.png,0,0,42,33839,00000643 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000644_post_disaster.png,portugal-wildfire_00000644_post_disaster,0,0,tier3\masks\portugal-wildfire_00000644_post_disaster.png,0,0,0,0,00000644 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000644_pre_disaster.png,portugal-wildfire_00000644_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000644_pre_disaster.png,0,0,0,0,00000644 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000645_post_disaster.png,portugal-wildfire_00000645_post_disaster,0,0,tier3\masks\portugal-wildfire_00000645_post_disaster.png,0,0,3,1518,00000645 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000645_pre_disaster.png,portugal-wildfire_00000645_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000645_pre_disaster.png,0,0,3,1577,00000645 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000646_post_disaster.png,portugal-wildfire_00000646_post_disaster,0,0,tier3\masks\portugal-wildfire_00000646_post_disaster.png,0,0,37,28206,00000646 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000646_pre_disaster.png,portugal-wildfire_00000646_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000646_pre_disaster.png,0,0,37,28249,00000646 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000647_post_disaster.png,portugal-wildfire_00000647_post_disaster,0,0,tier3\masks\portugal-wildfire_00000647_post_disaster.png,0,0,5,3292,00000647 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000647_pre_disaster.png,portugal-wildfire_00000647_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000647_pre_disaster.png,0,0,5,3292,00000647 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000648_post_disaster.png,portugal-wildfire_00000648_post_disaster,0,0,tier3\masks\portugal-wildfire_00000648_post_disaster.png,0,0,0,0,00000648 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000648_pre_disaster.png,portugal-wildfire_00000648_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000648_pre_disaster.png,0,0,0,0,00000648 +10,2977,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000649_post_disaster.png,portugal-wildfire_00000649_post_disaster,0,0,tier3\masks\portugal-wildfire_00000649_post_disaster.png,0,0,10,4604,00000649 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000649_pre_disaster.png,portugal-wildfire_00000649_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000649_pre_disaster.png,0,0,20,7581,00000649 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000650_post_disaster.png,portugal-wildfire_00000650_post_disaster,0,0,tier3\masks\portugal-wildfire_00000650_post_disaster.png,1,314,8,5198,00000650 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000650_pre_disaster.png,portugal-wildfire_00000650_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000650_pre_disaster.png,0,0,8,5578,00000650 +1,735,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000651_post_disaster.png,portugal-wildfire_00000651_post_disaster,0,0,tier3\masks\portugal-wildfire_00000651_post_disaster.png,1,549,30,10541,00000651 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000651_pre_disaster.png,portugal-wildfire_00000651_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000651_pre_disaster.png,0,0,31,11825,00000651 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000652_post_disaster.png,portugal-wildfire_00000652_post_disaster,0,0,tier3\masks\portugal-wildfire_00000652_post_disaster.png,0,0,3,589,00000652 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000652_pre_disaster.png,portugal-wildfire_00000652_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000652_pre_disaster.png,0,0,3,589,00000652 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000653_post_disaster.png,portugal-wildfire_00000653_post_disaster,0,0,tier3\masks\portugal-wildfire_00000653_post_disaster.png,0,0,0,0,00000653 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000653_pre_disaster.png,portugal-wildfire_00000653_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000653_pre_disaster.png,0,0,0,0,00000653 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000654_post_disaster.png,portugal-wildfire_00000654_post_disaster,0,0,tier3\masks\portugal-wildfire_00000654_post_disaster.png,0,0,0,0,00000654 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000654_pre_disaster.png,portugal-wildfire_00000654_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000654_pre_disaster.png,0,0,0,0,00000654 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000655_post_disaster.png,portugal-wildfire_00000655_post_disaster,0,0,tier3\masks\portugal-wildfire_00000655_post_disaster.png,0,0,0,0,00000655 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000655_pre_disaster.png,portugal-wildfire_00000655_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000655_pre_disaster.png,0,0,0,0,00000655 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000656_post_disaster.png,portugal-wildfire_00000656_post_disaster,0,0,tier3\masks\portugal-wildfire_00000656_post_disaster.png,0,0,0,0,00000656 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000656_pre_disaster.png,portugal-wildfire_00000656_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000656_pre_disaster.png,0,0,0,0,00000656 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000657_post_disaster.png,portugal-wildfire_00000657_post_disaster,0,0,tier3\masks\portugal-wildfire_00000657_post_disaster.png,0,0,0,0,00000657 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000657_pre_disaster.png,portugal-wildfire_00000657_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000657_pre_disaster.png,0,0,0,0,00000657 +3,397,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000658_post_disaster.png,portugal-wildfire_00000658_post_disaster,0,0,tier3\masks\portugal-wildfire_00000658_post_disaster.png,0,0,0,0,00000658 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000658_pre_disaster.png,portugal-wildfire_00000658_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000658_pre_disaster.png,0,0,3,397,00000658 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000659_post_disaster.png,portugal-wildfire_00000659_post_disaster,0,0,tier3\masks\portugal-wildfire_00000659_post_disaster.png,0,0,0,0,00000659 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000659_pre_disaster.png,portugal-wildfire_00000659_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000659_pre_disaster.png,0,0,0,0,00000659 +1,209,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000660_post_disaster.png,portugal-wildfire_00000660_post_disaster,0,0,tier3\masks\portugal-wildfire_00000660_post_disaster.png,0,0,0,0,00000660 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000660_pre_disaster.png,portugal-wildfire_00000660_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000660_pre_disaster.png,0,0,1,209,00000660 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000661_post_disaster.png,portugal-wildfire_00000661_post_disaster,0,0,tier3\masks\portugal-wildfire_00000661_post_disaster.png,0,0,0,0,00000661 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000661_pre_disaster.png,portugal-wildfire_00000661_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000661_pre_disaster.png,0,0,0,0,00000661 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000662_post_disaster.png,portugal-wildfire_00000662_post_disaster,0,0,tier3\masks\portugal-wildfire_00000662_post_disaster.png,0,0,0,0,00000662 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000662_pre_disaster.png,portugal-wildfire_00000662_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000662_pre_disaster.png,0,0,0,0,00000662 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000663_post_disaster.png,portugal-wildfire_00000663_post_disaster,0,0,tier3\masks\portugal-wildfire_00000663_post_disaster.png,0,0,1,337,00000663 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000663_pre_disaster.png,portugal-wildfire_00000663_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000663_pre_disaster.png,0,0,1,358,00000663 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000664_post_disaster.png,portugal-wildfire_00000664_post_disaster,0,0,tier3\masks\portugal-wildfire_00000664_post_disaster.png,0,0,14,12654,00000664 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000664_pre_disaster.png,portugal-wildfire_00000664_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000664_pre_disaster.png,0,0,14,12654,00000664 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000665_post_disaster.png,portugal-wildfire_00000665_post_disaster,0,0,tier3\masks\portugal-wildfire_00000665_post_disaster.png,0,0,0,0,00000665 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000665_pre_disaster.png,portugal-wildfire_00000665_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000665_pre_disaster.png,0,0,0,0,00000665 +9,2763,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000666_post_disaster.png,portugal-wildfire_00000666_post_disaster,1,763,tier3\masks\portugal-wildfire_00000666_post_disaster.png,1,775,48,34763,00000666 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000666_pre_disaster.png,portugal-wildfire_00000666_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000666_pre_disaster.png,0,0,57,39064,00000666 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000667_post_disaster.png,portugal-wildfire_00000667_post_disaster,0,0,tier3\masks\portugal-wildfire_00000667_post_disaster.png,0,0,0,0,00000667 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000667_pre_disaster.png,portugal-wildfire_00000667_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000667_pre_disaster.png,0,0,0,0,00000667 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000668_post_disaster.png,portugal-wildfire_00000668_post_disaster,0,0,tier3\masks\portugal-wildfire_00000668_post_disaster.png,0,0,0,0,00000668 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000668_pre_disaster.png,portugal-wildfire_00000668_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000668_pre_disaster.png,0,0,0,0,00000668 +3,1233,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000669_post_disaster.png,portugal-wildfire_00000669_post_disaster,0,0,tier3\masks\portugal-wildfire_00000669_post_disaster.png,0,0,8,5016,00000669 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000669_pre_disaster.png,portugal-wildfire_00000669_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000669_pre_disaster.png,0,0,10,6325,00000669 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000670_post_disaster.png,portugal-wildfire_00000670_post_disaster,0,0,tier3\masks\portugal-wildfire_00000670_post_disaster.png,0,0,0,0,00000670 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000670_pre_disaster.png,portugal-wildfire_00000670_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000670_pre_disaster.png,0,0,0,0,00000670 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000671_post_disaster.png,portugal-wildfire_00000671_post_disaster,0,0,tier3\masks\portugal-wildfire_00000671_post_disaster.png,0,0,3,815,00000671 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000671_pre_disaster.png,portugal-wildfire_00000671_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000671_pre_disaster.png,0,0,3,815,00000671 +1,882,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000672_post_disaster.png,portugal-wildfire_00000672_post_disaster,0,0,tier3\masks\portugal-wildfire_00000672_post_disaster.png,0,0,40,30917,00000672 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000672_pre_disaster.png,portugal-wildfire_00000672_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000672_pre_disaster.png,0,0,41,31799,00000672 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000673_post_disaster.png,portugal-wildfire_00000673_post_disaster,0,0,tier3\masks\portugal-wildfire_00000673_post_disaster.png,0,0,1,567,00000673 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000673_pre_disaster.png,portugal-wildfire_00000673_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000673_pre_disaster.png,0,0,1,567,00000673 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000674_post_disaster.png,portugal-wildfire_00000674_post_disaster,0,0,tier3\masks\portugal-wildfire_00000674_post_disaster.png,0,0,0,0,00000674 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000674_pre_disaster.png,portugal-wildfire_00000674_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000674_pre_disaster.png,0,0,0,0,00000674 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000675_post_disaster.png,portugal-wildfire_00000675_post_disaster,0,0,tier3\masks\portugal-wildfire_00000675_post_disaster.png,0,0,0,0,00000675 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000675_pre_disaster.png,portugal-wildfire_00000675_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000675_pre_disaster.png,0,0,0,0,00000675 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000676_post_disaster.png,portugal-wildfire_00000676_post_disaster,0,0,tier3\masks\portugal-wildfire_00000676_post_disaster.png,0,0,0,0,00000676 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000676_pre_disaster.png,portugal-wildfire_00000676_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000676_pre_disaster.png,0,0,0,0,00000676 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000677_post_disaster.png,portugal-wildfire_00000677_post_disaster,0,0,tier3\masks\portugal-wildfire_00000677_post_disaster.png,0,0,0,0,00000677 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000677_pre_disaster.png,portugal-wildfire_00000677_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000677_pre_disaster.png,0,0,0,0,00000677 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000678_post_disaster.png,portugal-wildfire_00000678_post_disaster,0,0,tier3\masks\portugal-wildfire_00000678_post_disaster.png,0,0,0,0,00000678 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000678_pre_disaster.png,portugal-wildfire_00000678_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000678_pre_disaster.png,0,0,0,0,00000678 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000679_post_disaster.png,portugal-wildfire_00000679_post_disaster,0,0,tier3\masks\portugal-wildfire_00000679_post_disaster.png,0,0,60,60317,00000679 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000679_pre_disaster.png,portugal-wildfire_00000679_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000679_pre_disaster.png,0,0,60,60372,00000679 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000680_post_disaster.png,portugal-wildfire_00000680_post_disaster,0,0,tier3\masks\portugal-wildfire_00000680_post_disaster.png,0,0,0,0,00000680 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000680_pre_disaster.png,portugal-wildfire_00000680_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000680_pre_disaster.png,0,0,0,0,00000680 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000681_post_disaster.png,portugal-wildfire_00000681_post_disaster,0,0,tier3\masks\portugal-wildfire_00000681_post_disaster.png,0,0,0,0,00000681 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000681_pre_disaster.png,portugal-wildfire_00000681_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000681_pre_disaster.png,0,0,0,0,00000681 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000682_post_disaster.png,portugal-wildfire_00000682_post_disaster,0,0,tier3\masks\portugal-wildfire_00000682_post_disaster.png,0,0,0,0,00000682 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000682_pre_disaster.png,portugal-wildfire_00000682_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000682_pre_disaster.png,0,0,0,0,00000682 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000683_post_disaster.png,portugal-wildfire_00000683_post_disaster,0,0,tier3\masks\portugal-wildfire_00000683_post_disaster.png,0,0,0,0,00000683 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000683_pre_disaster.png,portugal-wildfire_00000683_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000683_pre_disaster.png,0,0,0,0,00000683 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000684_post_disaster.png,portugal-wildfire_00000684_post_disaster,0,0,tier3\masks\portugal-wildfire_00000684_post_disaster.png,0,0,2,748,00000684 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000684_pre_disaster.png,portugal-wildfire_00000684_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000684_pre_disaster.png,0,0,2,748,00000684 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000685_post_disaster.png,portugal-wildfire_00000685_post_disaster,0,0,tier3\masks\portugal-wildfire_00000685_post_disaster.png,0,0,5,2959,00000685 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000685_pre_disaster.png,portugal-wildfire_00000685_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000685_pre_disaster.png,0,0,5,3000,00000685 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000686_post_disaster.png,portugal-wildfire_00000686_post_disaster,0,0,tier3\masks\portugal-wildfire_00000686_post_disaster.png,0,0,0,0,00000686 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000686_pre_disaster.png,portugal-wildfire_00000686_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000686_pre_disaster.png,0,0,0,0,00000686 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000687_post_disaster.png,portugal-wildfire_00000687_post_disaster,0,0,tier3\masks\portugal-wildfire_00000687_post_disaster.png,0,0,0,0,00000687 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000687_pre_disaster.png,portugal-wildfire_00000687_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000687_pre_disaster.png,0,0,0,0,00000687 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000688_post_disaster.png,portugal-wildfire_00000688_post_disaster,0,0,tier3\masks\portugal-wildfire_00000688_post_disaster.png,0,0,0,0,00000688 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000688_pre_disaster.png,portugal-wildfire_00000688_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000688_pre_disaster.png,0,0,0,0,00000688 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000689_post_disaster.png,portugal-wildfire_00000689_post_disaster,0,0,tier3\masks\portugal-wildfire_00000689_post_disaster.png,0,0,0,0,00000689 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000689_pre_disaster.png,portugal-wildfire_00000689_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000689_pre_disaster.png,0,0,0,0,00000689 +1,277,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000690_post_disaster.png,portugal-wildfire_00000690_post_disaster,0,0,tier3\masks\portugal-wildfire_00000690_post_disaster.png,0,0,2,2077,00000690 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000690_pre_disaster.png,portugal-wildfire_00000690_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000690_pre_disaster.png,0,0,3,2354,00000690 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000691_post_disaster.png,portugal-wildfire_00000691_post_disaster,0,0,tier3\masks\portugal-wildfire_00000691_post_disaster.png,0,0,6,2720,00000691 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000691_pre_disaster.png,portugal-wildfire_00000691_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000691_pre_disaster.png,0,0,6,2720,00000691 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000692_post_disaster.png,portugal-wildfire_00000692_post_disaster,0,0,tier3\masks\portugal-wildfire_00000692_post_disaster.png,0,0,2,523,00000692 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000692_pre_disaster.png,portugal-wildfire_00000692_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000692_pre_disaster.png,0,0,2,523,00000692 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000693_post_disaster.png,portugal-wildfire_00000693_post_disaster,0,0,tier3\masks\portugal-wildfire_00000693_post_disaster.png,0,0,1,125,00000693 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000693_pre_disaster.png,portugal-wildfire_00000693_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000693_pre_disaster.png,0,0,1,125,00000693 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000694_post_disaster.png,portugal-wildfire_00000694_post_disaster,0,0,tier3\masks\portugal-wildfire_00000694_post_disaster.png,0,0,0,0,00000694 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000694_pre_disaster.png,portugal-wildfire_00000694_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000694_pre_disaster.png,0,0,0,0,00000694 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000695_post_disaster.png,portugal-wildfire_00000695_post_disaster,0,0,tier3\masks\portugal-wildfire_00000695_post_disaster.png,0,0,0,0,00000695 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000695_pre_disaster.png,portugal-wildfire_00000695_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000695_pre_disaster.png,0,0,0,0,00000695 +1,622,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000696_post_disaster.png,portugal-wildfire_00000696_post_disaster,0,0,tier3\masks\portugal-wildfire_00000696_post_disaster.png,0,0,4,3514,00000696 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000696_pre_disaster.png,portugal-wildfire_00000696_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000696_pre_disaster.png,0,0,5,4136,00000696 +2,1140,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000697_post_disaster.png,portugal-wildfire_00000697_post_disaster,0,0,tier3\masks\portugal-wildfire_00000697_post_disaster.png,0,0,29,19604,00000697 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000697_pre_disaster.png,portugal-wildfire_00000697_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000697_pre_disaster.png,0,0,30,20744,00000697 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000698_post_disaster.png,portugal-wildfire_00000698_post_disaster,0,0,tier3\masks\portugal-wildfire_00000698_post_disaster.png,1,471,10,6657,00000698 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000698_pre_disaster.png,portugal-wildfire_00000698_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000698_pre_disaster.png,0,0,10,7128,00000698 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000699_post_disaster.png,portugal-wildfire_00000699_post_disaster,0,0,tier3\masks\portugal-wildfire_00000699_post_disaster.png,0,0,8,4032,00000699 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000699_pre_disaster.png,portugal-wildfire_00000699_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000699_pre_disaster.png,0,0,8,4058,00000699 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000700_post_disaster.png,portugal-wildfire_00000700_post_disaster,0,0,tier3\masks\portugal-wildfire_00000700_post_disaster.png,0,0,1,409,00000700 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000700_pre_disaster.png,portugal-wildfire_00000700_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000700_pre_disaster.png,0,0,1,409,00000700 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000701_post_disaster.png,portugal-wildfire_00000701_post_disaster,0,0,tier3\masks\portugal-wildfire_00000701_post_disaster.png,0,0,0,0,00000701 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000701_pre_disaster.png,portugal-wildfire_00000701_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000701_pre_disaster.png,0,0,0,0,00000701 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000702_post_disaster.png,portugal-wildfire_00000702_post_disaster,0,0,tier3\masks\portugal-wildfire_00000702_post_disaster.png,0,0,15,10577,00000702 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000702_pre_disaster.png,portugal-wildfire_00000702_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000702_pre_disaster.png,0,0,15,10577,00000702 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000703_post_disaster.png,portugal-wildfire_00000703_post_disaster,0,0,tier3\masks\portugal-wildfire_00000703_post_disaster.png,0,0,0,0,00000703 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000703_pre_disaster.png,portugal-wildfire_00000703_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000703_pre_disaster.png,0,0,0,0,00000703 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000704_post_disaster.png,portugal-wildfire_00000704_post_disaster,1,396,tier3\masks\portugal-wildfire_00000704_post_disaster.png,0,0,0,0,00000704 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000704_pre_disaster.png,portugal-wildfire_00000704_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000704_pre_disaster.png,0,0,1,396,00000704 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000705_post_disaster.png,portugal-wildfire_00000705_post_disaster,0,0,tier3\masks\portugal-wildfire_00000705_post_disaster.png,0,0,0,0,00000705 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000705_pre_disaster.png,portugal-wildfire_00000705_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000705_pre_disaster.png,0,0,0,0,00000705 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000706_post_disaster.png,portugal-wildfire_00000706_post_disaster,0,0,tier3\masks\portugal-wildfire_00000706_post_disaster.png,0,0,0,0,00000706 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000706_pre_disaster.png,portugal-wildfire_00000706_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000706_pre_disaster.png,0,0,0,0,00000706 +2,871,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000707_post_disaster.png,portugal-wildfire_00000707_post_disaster,1,306,tier3\masks\portugal-wildfire_00000707_post_disaster.png,0,0,4,3043,00000707 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000707_pre_disaster.png,portugal-wildfire_00000707_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000707_pre_disaster.png,0,0,7,4220,00000707 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000708_post_disaster.png,portugal-wildfire_00000708_post_disaster,0,0,tier3\masks\portugal-wildfire_00000708_post_disaster.png,0,0,0,0,00000708 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000708_pre_disaster.png,portugal-wildfire_00000708_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000708_pre_disaster.png,0,0,0,0,00000708 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000709_post_disaster.png,portugal-wildfire_00000709_post_disaster,0,0,tier3\masks\portugal-wildfire_00000709_post_disaster.png,0,0,0,0,00000709 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000709_pre_disaster.png,portugal-wildfire_00000709_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000709_pre_disaster.png,0,0,0,0,00000709 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000710_post_disaster.png,portugal-wildfire_00000710_post_disaster,0,0,tier3\masks\portugal-wildfire_00000710_post_disaster.png,0,0,0,0,00000710 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000710_pre_disaster.png,portugal-wildfire_00000710_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000710_pre_disaster.png,0,0,0,0,00000710 +2,816,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000711_post_disaster.png,portugal-wildfire_00000711_post_disaster,1,45,tier3\masks\portugal-wildfire_00000711_post_disaster.png,0,0,21,15375,00000711 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000711_pre_disaster.png,portugal-wildfire_00000711_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000711_pre_disaster.png,0,0,24,16334,00000711 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000712_post_disaster.png,portugal-wildfire_00000712_post_disaster,0,0,tier3\masks\portugal-wildfire_00000712_post_disaster.png,0,0,0,0,00000712 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000712_pre_disaster.png,portugal-wildfire_00000712_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000712_pre_disaster.png,0,0,0,0,00000712 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000713_post_disaster.png,portugal-wildfire_00000713_post_disaster,0,0,tier3\masks\portugal-wildfire_00000713_post_disaster.png,0,0,9,3573,00000713 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000713_pre_disaster.png,portugal-wildfire_00000713_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000713_pre_disaster.png,0,0,9,3573,00000713 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000714_post_disaster.png,portugal-wildfire_00000714_post_disaster,0,0,tier3\masks\portugal-wildfire_00000714_post_disaster.png,0,0,14,7777,00000714 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000714_pre_disaster.png,portugal-wildfire_00000714_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000714_pre_disaster.png,0,0,14,7795,00000714 +2,684,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000715_post_disaster.png,portugal-wildfire_00000715_post_disaster,0,0,tier3\masks\portugal-wildfire_00000715_post_disaster.png,0,0,4,1311,00000715 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000715_pre_disaster.png,portugal-wildfire_00000715_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000715_pre_disaster.png,0,0,6,1995,00000715 +1,400,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000716_post_disaster.png,portugal-wildfire_00000716_post_disaster,0,0,tier3\masks\portugal-wildfire_00000716_post_disaster.png,0,0,20,34852,00000716 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000716_pre_disaster.png,portugal-wildfire_00000716_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000716_pre_disaster.png,0,0,21,35376,00000716 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000717_post_disaster.png,portugal-wildfire_00000717_post_disaster,0,0,tier3\masks\portugal-wildfire_00000717_post_disaster.png,0,0,0,0,00000717 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000717_pre_disaster.png,portugal-wildfire_00000717_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000717_pre_disaster.png,0,0,0,0,00000717 +3,1318,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000718_post_disaster.png,portugal-wildfire_00000718_post_disaster,0,0,tier3\masks\portugal-wildfire_00000718_post_disaster.png,2,1045,4,1358,00000718 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000718_pre_disaster.png,portugal-wildfire_00000718_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000718_pre_disaster.png,0,0,9,3721,00000718 +1,205,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000719_post_disaster.png,portugal-wildfire_00000719_post_disaster,0,0,tier3\masks\portugal-wildfire_00000719_post_disaster.png,0,0,37,45042,00000719 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000719_pre_disaster.png,portugal-wildfire_00000719_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000719_pre_disaster.png,0,0,38,45247,00000719 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000720_post_disaster.png,portugal-wildfire_00000720_post_disaster,0,0,tier3\masks\portugal-wildfire_00000720_post_disaster.png,0,0,36,32749,00000720 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000720_pre_disaster.png,portugal-wildfire_00000720_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000720_pre_disaster.png,0,0,36,32860,00000720 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000721_post_disaster.png,portugal-wildfire_00000721_post_disaster,0,0,tier3\masks\portugal-wildfire_00000721_post_disaster.png,0,0,0,0,00000721 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000721_pre_disaster.png,portugal-wildfire_00000721_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000721_pre_disaster.png,0,0,0,0,00000721 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000722_post_disaster.png,portugal-wildfire_00000722_post_disaster,0,0,tier3\masks\portugal-wildfire_00000722_post_disaster.png,0,0,2,195,00000722 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000722_pre_disaster.png,portugal-wildfire_00000722_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000722_pre_disaster.png,0,0,2,195,00000722 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000723_post_disaster.png,portugal-wildfire_00000723_post_disaster,0,0,tier3\masks\portugal-wildfire_00000723_post_disaster.png,0,0,0,0,00000723 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000723_pre_disaster.png,portugal-wildfire_00000723_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000723_pre_disaster.png,0,0,0,0,00000723 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000724_post_disaster.png,portugal-wildfire_00000724_post_disaster,0,0,tier3\masks\portugal-wildfire_00000724_post_disaster.png,0,0,0,0,00000724 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000724_pre_disaster.png,portugal-wildfire_00000724_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000724_pre_disaster.png,0,0,0,0,00000724 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000725_post_disaster.png,portugal-wildfire_00000725_post_disaster,0,0,tier3\masks\portugal-wildfire_00000725_post_disaster.png,0,0,2,2594,00000725 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000725_pre_disaster.png,portugal-wildfire_00000725_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000725_pre_disaster.png,0,0,2,2594,00000725 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000726_post_disaster.png,portugal-wildfire_00000726_post_disaster,0,0,tier3\masks\portugal-wildfire_00000726_post_disaster.png,0,0,0,0,00000726 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000726_pre_disaster.png,portugal-wildfire_00000726_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000726_pre_disaster.png,0,0,0,0,00000726 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000727_post_disaster.png,portugal-wildfire_00000727_post_disaster,0,0,tier3\masks\portugal-wildfire_00000727_post_disaster.png,0,0,0,0,00000727 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000727_pre_disaster.png,portugal-wildfire_00000727_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000727_pre_disaster.png,0,0,0,0,00000727 +1,379,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000728_post_disaster.png,portugal-wildfire_00000728_post_disaster,0,0,tier3\masks\portugal-wildfire_00000728_post_disaster.png,0,0,49,42406,00000728 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000728_pre_disaster.png,portugal-wildfire_00000728_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000728_pre_disaster.png,0,0,50,42833,00000728 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000729_post_disaster.png,portugal-wildfire_00000729_post_disaster,0,0,tier3\masks\portugal-wildfire_00000729_post_disaster.png,0,0,2,1440,00000729 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000729_pre_disaster.png,portugal-wildfire_00000729_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000729_pre_disaster.png,0,0,2,1466,00000729 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000730_post_disaster.png,portugal-wildfire_00000730_post_disaster,0,0,tier3\masks\portugal-wildfire_00000730_post_disaster.png,0,0,13,12945,00000730 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000730_pre_disaster.png,portugal-wildfire_00000730_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000730_pre_disaster.png,0,0,13,12983,00000730 +1,2869,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000731_post_disaster.png,portugal-wildfire_00000731_post_disaster,0,0,tier3\masks\portugal-wildfire_00000731_post_disaster.png,0,0,28,49196,00000731 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000731_pre_disaster.png,portugal-wildfire_00000731_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000731_pre_disaster.png,0,0,29,52122,00000731 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000732_post_disaster.png,portugal-wildfire_00000732_post_disaster,0,0,tier3\masks\portugal-wildfire_00000732_post_disaster.png,0,0,9,4308,00000732 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000732_pre_disaster.png,portugal-wildfire_00000732_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000732_pre_disaster.png,0,0,9,4336,00000732 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000733_post_disaster.png,portugal-wildfire_00000733_post_disaster,0,0,tier3\masks\portugal-wildfire_00000733_post_disaster.png,0,0,0,0,00000733 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000733_pre_disaster.png,portugal-wildfire_00000733_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000733_pre_disaster.png,0,0,0,0,00000733 +2,361,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000734_post_disaster.png,portugal-wildfire_00000734_post_disaster,0,0,tier3\masks\portugal-wildfire_00000734_post_disaster.png,0,0,31,18653,00000734 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000734_pre_disaster.png,portugal-wildfire_00000734_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000734_pre_disaster.png,0,0,33,19032,00000734 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000735_post_disaster.png,portugal-wildfire_00000735_post_disaster,0,0,tier3\masks\portugal-wildfire_00000735_post_disaster.png,0,0,0,0,00000735 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000735_pre_disaster.png,portugal-wildfire_00000735_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000735_pre_disaster.png,0,0,0,0,00000735 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000736_post_disaster.png,portugal-wildfire_00000736_post_disaster,0,0,tier3\masks\portugal-wildfire_00000736_post_disaster.png,0,0,0,0,00000736 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000736_pre_disaster.png,portugal-wildfire_00000736_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000736_pre_disaster.png,0,0,0,0,00000736 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000737_post_disaster.png,portugal-wildfire_00000737_post_disaster,0,0,tier3\masks\portugal-wildfire_00000737_post_disaster.png,0,0,1,204,00000737 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000737_pre_disaster.png,portugal-wildfire_00000737_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000737_pre_disaster.png,0,0,1,204,00000737 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000738_post_disaster.png,portugal-wildfire_00000738_post_disaster,0,0,tier3\masks\portugal-wildfire_00000738_post_disaster.png,1,1447,8,4434,00000738 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000738_pre_disaster.png,portugal-wildfire_00000738_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000738_pre_disaster.png,0,0,9,5958,00000738 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000739_post_disaster.png,portugal-wildfire_00000739_post_disaster,0,0,tier3\masks\portugal-wildfire_00000739_post_disaster.png,0,0,0,0,00000739 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000739_pre_disaster.png,portugal-wildfire_00000739_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000739_pre_disaster.png,0,0,0,0,00000739 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000740_post_disaster.png,portugal-wildfire_00000740_post_disaster,0,0,tier3\masks\portugal-wildfire_00000740_post_disaster.png,0,0,44,37354,00000740 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000740_pre_disaster.png,portugal-wildfire_00000740_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000740_pre_disaster.png,0,0,44,37354,00000740 +1,316,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000741_post_disaster.png,portugal-wildfire_00000741_post_disaster,0,0,tier3\masks\portugal-wildfire_00000741_post_disaster.png,0,0,18,11739,00000741 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000741_pre_disaster.png,portugal-wildfire_00000741_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000741_pre_disaster.png,0,0,19,12055,00000741 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000742_post_disaster.png,portugal-wildfire_00000742_post_disaster,0,0,tier3\masks\portugal-wildfire_00000742_post_disaster.png,0,0,15,12483,00000742 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000742_pre_disaster.png,portugal-wildfire_00000742_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000742_pre_disaster.png,0,0,15,12713,00000742 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000743_post_disaster.png,portugal-wildfire_00000743_post_disaster,0,0,tier3\masks\portugal-wildfire_00000743_post_disaster.png,0,0,20,18598,00000743 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000743_pre_disaster.png,portugal-wildfire_00000743_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000743_pre_disaster.png,0,0,20,18839,00000743 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000744_post_disaster.png,portugal-wildfire_00000744_post_disaster,0,0,tier3\masks\portugal-wildfire_00000744_post_disaster.png,0,0,0,0,00000744 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000744_pre_disaster.png,portugal-wildfire_00000744_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000744_pre_disaster.png,0,0,0,0,00000744 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000745_post_disaster.png,portugal-wildfire_00000745_post_disaster,0,0,tier3\masks\portugal-wildfire_00000745_post_disaster.png,0,0,0,0,00000745 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000745_pre_disaster.png,portugal-wildfire_00000745_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000745_pre_disaster.png,0,0,0,0,00000745 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000746_post_disaster.png,portugal-wildfire_00000746_post_disaster,0,0,tier3\masks\portugal-wildfire_00000746_post_disaster.png,0,0,20,25675,00000746 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000746_pre_disaster.png,portugal-wildfire_00000746_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000746_pre_disaster.png,0,0,20,25752,00000746 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000747_post_disaster.png,portugal-wildfire_00000747_post_disaster,0,0,tier3\masks\portugal-wildfire_00000747_post_disaster.png,0,0,61,86717,00000747 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000747_pre_disaster.png,portugal-wildfire_00000747_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000747_pre_disaster.png,0,0,61,86904,00000747 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000748_post_disaster.png,portugal-wildfire_00000748_post_disaster,0,0,tier3\masks\portugal-wildfire_00000748_post_disaster.png,0,0,0,0,00000748 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000748_pre_disaster.png,portugal-wildfire_00000748_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000748_pre_disaster.png,0,0,0,0,00000748 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000749_post_disaster.png,portugal-wildfire_00000749_post_disaster,0,0,tier3\masks\portugal-wildfire_00000749_post_disaster.png,0,0,58,57551,00000749 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000749_pre_disaster.png,portugal-wildfire_00000749_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000749_pre_disaster.png,0,0,58,57684,00000749 +1,161,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000750_post_disaster.png,portugal-wildfire_00000750_post_disaster,0,0,tier3\masks\portugal-wildfire_00000750_post_disaster.png,0,0,7,4052,00000750 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000750_pre_disaster.png,portugal-wildfire_00000750_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000750_pre_disaster.png,0,0,8,4213,00000750 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000751_post_disaster.png,portugal-wildfire_00000751_post_disaster,0,0,tier3\masks\portugal-wildfire_00000751_post_disaster.png,0,0,3,1250,00000751 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000751_pre_disaster.png,portugal-wildfire_00000751_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000751_pre_disaster.png,0,0,3,1250,00000751 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000752_post_disaster.png,portugal-wildfire_00000752_post_disaster,0,0,tier3\masks\portugal-wildfire_00000752_post_disaster.png,0,0,1,108,00000752 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000752_pre_disaster.png,portugal-wildfire_00000752_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000752_pre_disaster.png,0,0,1,108,00000752 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000753_post_disaster.png,portugal-wildfire_00000753_post_disaster,0,0,tier3\masks\portugal-wildfire_00000753_post_disaster.png,0,0,0,0,00000753 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000753_pre_disaster.png,portugal-wildfire_00000753_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000753_pre_disaster.png,0,0,0,0,00000753 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000754_post_disaster.png,portugal-wildfire_00000754_post_disaster,0,0,tier3\masks\portugal-wildfire_00000754_post_disaster.png,0,0,8,3706,00000754 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000754_pre_disaster.png,portugal-wildfire_00000754_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000754_pre_disaster.png,0,0,8,3730,00000754 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000755_post_disaster.png,portugal-wildfire_00000755_post_disaster,0,0,tier3\masks\portugal-wildfire_00000755_post_disaster.png,0,0,0,0,00000755 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000755_pre_disaster.png,portugal-wildfire_00000755_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000755_pre_disaster.png,0,0,0,0,00000755 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000756_post_disaster.png,portugal-wildfire_00000756_post_disaster,0,0,tier3\masks\portugal-wildfire_00000756_post_disaster.png,0,0,0,0,00000756 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000756_pre_disaster.png,portugal-wildfire_00000756_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000756_pre_disaster.png,0,0,0,0,00000756 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000757_post_disaster.png,portugal-wildfire_00000757_post_disaster,0,0,tier3\masks\portugal-wildfire_00000757_post_disaster.png,0,0,67,45955,00000757 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000757_pre_disaster.png,portugal-wildfire_00000757_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000757_pre_disaster.png,0,0,67,46013,00000757 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000758_post_disaster.png,portugal-wildfire_00000758_post_disaster,0,0,tier3\masks\portugal-wildfire_00000758_post_disaster.png,0,0,59,60476,00000758 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000758_pre_disaster.png,portugal-wildfire_00000758_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000758_pre_disaster.png,0,0,59,60730,00000758 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000759_post_disaster.png,portugal-wildfire_00000759_post_disaster,0,0,tier3\masks\portugal-wildfire_00000759_post_disaster.png,0,0,0,0,00000759 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000759_pre_disaster.png,portugal-wildfire_00000759_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000759_pre_disaster.png,0,0,0,0,00000759 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000760_post_disaster.png,portugal-wildfire_00000760_post_disaster,0,0,tier3\masks\portugal-wildfire_00000760_post_disaster.png,0,0,0,0,00000760 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000760_pre_disaster.png,portugal-wildfire_00000760_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000760_pre_disaster.png,0,0,0,0,00000760 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000761_post_disaster.png,portugal-wildfire_00000761_post_disaster,0,0,tier3\masks\portugal-wildfire_00000761_post_disaster.png,0,0,1,185,00000761 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000761_pre_disaster.png,portugal-wildfire_00000761_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000761_pre_disaster.png,0,0,1,185,00000761 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000762_post_disaster.png,portugal-wildfire_00000762_post_disaster,0,0,tier3\masks\portugal-wildfire_00000762_post_disaster.png,0,0,0,0,00000762 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000762_pre_disaster.png,portugal-wildfire_00000762_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000762_pre_disaster.png,0,0,0,0,00000762 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000763_post_disaster.png,portugal-wildfire_00000763_post_disaster,0,0,tier3\masks\portugal-wildfire_00000763_post_disaster.png,0,0,0,0,00000763 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000763_pre_disaster.png,portugal-wildfire_00000763_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000763_pre_disaster.png,0,0,0,0,00000763 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000764_post_disaster.png,portugal-wildfire_00000764_post_disaster,0,0,tier3\masks\portugal-wildfire_00000764_post_disaster.png,0,0,9,4704,00000764 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000764_pre_disaster.png,portugal-wildfire_00000764_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000764_pre_disaster.png,0,0,9,4778,00000764 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000765_post_disaster.png,portugal-wildfire_00000765_post_disaster,0,0,tier3\masks\portugal-wildfire_00000765_post_disaster.png,0,0,0,0,00000765 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000765_pre_disaster.png,portugal-wildfire_00000765_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000765_pre_disaster.png,0,0,0,0,00000765 +2,2220,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000766_post_disaster.png,portugal-wildfire_00000766_post_disaster,0,0,tier3\masks\portugal-wildfire_00000766_post_disaster.png,0,0,11,8054,00000766 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000766_pre_disaster.png,portugal-wildfire_00000766_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000766_pre_disaster.png,0,0,13,10294,00000766 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000767_post_disaster.png,portugal-wildfire_00000767_post_disaster,0,0,tier3\masks\portugal-wildfire_00000767_post_disaster.png,0,0,61,46280,00000767 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000767_pre_disaster.png,portugal-wildfire_00000767_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000767_pre_disaster.png,0,0,61,46445,00000767 +1,197,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000768_post_disaster.png,portugal-wildfire_00000768_post_disaster,0,0,tier3\masks\portugal-wildfire_00000768_post_disaster.png,0,0,4,3058,00000768 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000768_pre_disaster.png,portugal-wildfire_00000768_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000768_pre_disaster.png,0,0,5,3255,00000768 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000769_post_disaster.png,portugal-wildfire_00000769_post_disaster,0,0,tier3\masks\portugal-wildfire_00000769_post_disaster.png,0,0,0,0,00000769 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000769_pre_disaster.png,portugal-wildfire_00000769_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000769_pre_disaster.png,0,0,0,0,00000769 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000770_post_disaster.png,portugal-wildfire_00000770_post_disaster,0,0,tier3\masks\portugal-wildfire_00000770_post_disaster.png,0,0,31,25216,00000770 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000770_pre_disaster.png,portugal-wildfire_00000770_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000770_pre_disaster.png,0,0,31,25244,00000770 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000771_post_disaster.png,portugal-wildfire_00000771_post_disaster,0,0,tier3\masks\portugal-wildfire_00000771_post_disaster.png,0,0,103,173927,00000771 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000771_pre_disaster.png,portugal-wildfire_00000771_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000771_pre_disaster.png,0,0,103,174261,00000771 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000772_post_disaster.png,portugal-wildfire_00000772_post_disaster,0,0,tier3\masks\portugal-wildfire_00000772_post_disaster.png,0,0,0,0,00000772 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000772_pre_disaster.png,portugal-wildfire_00000772_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000772_pre_disaster.png,0,0,0,0,00000772 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000773_post_disaster.png,portugal-wildfire_00000773_post_disaster,0,0,tier3\masks\portugal-wildfire_00000773_post_disaster.png,0,0,76,54178,00000773 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000773_pre_disaster.png,portugal-wildfire_00000773_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000773_pre_disaster.png,0,0,76,54240,00000773 +1,369,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000774_post_disaster.png,portugal-wildfire_00000774_post_disaster,0,0,tier3\masks\portugal-wildfire_00000774_post_disaster.png,0,0,6,1973,00000774 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000774_pre_disaster.png,portugal-wildfire_00000774_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000774_pre_disaster.png,0,0,7,2342,00000774 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000775_post_disaster.png,portugal-wildfire_00000775_post_disaster,0,0,tier3\masks\portugal-wildfire_00000775_post_disaster.png,0,0,12,7285,00000775 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000775_pre_disaster.png,portugal-wildfire_00000775_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000775_pre_disaster.png,0,0,12,7285,00000775 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000776_post_disaster.png,portugal-wildfire_00000776_post_disaster,0,0,tier3\masks\portugal-wildfire_00000776_post_disaster.png,0,0,0,0,00000776 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000776_pre_disaster.png,portugal-wildfire_00000776_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000776_pre_disaster.png,0,0,0,0,00000776 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000777_post_disaster.png,portugal-wildfire_00000777_post_disaster,0,0,tier3\masks\portugal-wildfire_00000777_post_disaster.png,0,0,0,0,00000777 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000777_pre_disaster.png,portugal-wildfire_00000777_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000777_pre_disaster.png,0,0,0,0,00000777 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000778_post_disaster.png,portugal-wildfire_00000778_post_disaster,0,0,tier3\masks\portugal-wildfire_00000778_post_disaster.png,0,0,0,0,00000778 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000778_pre_disaster.png,portugal-wildfire_00000778_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000778_pre_disaster.png,0,0,0,0,00000778 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000779_post_disaster.png,portugal-wildfire_00000779_post_disaster,1,382,tier3\masks\portugal-wildfire_00000779_post_disaster.png,0,0,0,0,00000779 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000779_pre_disaster.png,portugal-wildfire_00000779_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000779_pre_disaster.png,0,0,1,382,00000779 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000780_post_disaster.png,portugal-wildfire_00000780_post_disaster,0,0,tier3\masks\portugal-wildfire_00000780_post_disaster.png,0,0,0,0,00000780 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000780_pre_disaster.png,portugal-wildfire_00000780_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000780_pre_disaster.png,0,0,0,0,00000780 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000781_post_disaster.png,portugal-wildfire_00000781_post_disaster,0,0,tier3\masks\portugal-wildfire_00000781_post_disaster.png,0,0,6,23197,00000781 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000781_pre_disaster.png,portugal-wildfire_00000781_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000781_pre_disaster.png,0,0,6,23309,00000781 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000782_post_disaster.png,portugal-wildfire_00000782_post_disaster,0,0,tier3\masks\portugal-wildfire_00000782_post_disaster.png,0,0,0,0,00000782 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000782_pre_disaster.png,portugal-wildfire_00000782_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000782_pre_disaster.png,0,0,0,0,00000782 +3,677,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000783_post_disaster.png,portugal-wildfire_00000783_post_disaster,0,0,tier3\masks\portugal-wildfire_00000783_post_disaster.png,1,1740,27,20398,00000783 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000783_pre_disaster.png,portugal-wildfire_00000783_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000783_pre_disaster.png,0,0,31,22815,00000783 +3,1072,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000784_post_disaster.png,portugal-wildfire_00000784_post_disaster,0,0,tier3\masks\portugal-wildfire_00000784_post_disaster.png,0,0,33,30211,00000784 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000784_pre_disaster.png,portugal-wildfire_00000784_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000784_pre_disaster.png,0,0,36,31283,00000784 +1,232,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000785_post_disaster.png,portugal-wildfire_00000785_post_disaster,0,0,tier3\masks\portugal-wildfire_00000785_post_disaster.png,1,629,15,7993,00000785 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000785_pre_disaster.png,portugal-wildfire_00000785_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000785_pre_disaster.png,0,0,17,8953,00000785 +1,500,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000786_post_disaster.png,portugal-wildfire_00000786_post_disaster,0,0,tier3\masks\portugal-wildfire_00000786_post_disaster.png,0,0,85,89528,00000786 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000786_pre_disaster.png,portugal-wildfire_00000786_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000786_pre_disaster.png,0,0,86,90190,00000786 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000787_post_disaster.png,portugal-wildfire_00000787_post_disaster,0,0,tier3\masks\portugal-wildfire_00000787_post_disaster.png,0,0,3,21320,00000787 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000787_pre_disaster.png,portugal-wildfire_00000787_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000787_pre_disaster.png,0,0,3,21398,00000787 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000788_post_disaster.png,portugal-wildfire_00000788_post_disaster,0,0,tier3\masks\portugal-wildfire_00000788_post_disaster.png,0,0,39,31177,00000788 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000788_pre_disaster.png,portugal-wildfire_00000788_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000788_pre_disaster.png,0,0,39,31194,00000788 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000789_post_disaster.png,portugal-wildfire_00000789_post_disaster,0,0,tier3\masks\portugal-wildfire_00000789_post_disaster.png,0,0,61,77641,00000789 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000789_pre_disaster.png,portugal-wildfire_00000789_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000789_pre_disaster.png,0,0,61,77768,00000789 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000790_post_disaster.png,portugal-wildfire_00000790_post_disaster,0,0,tier3\masks\portugal-wildfire_00000790_post_disaster.png,0,0,13,6512,00000790 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000790_pre_disaster.png,portugal-wildfire_00000790_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000790_pre_disaster.png,0,0,13,6512,00000790 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000791_post_disaster.png,portugal-wildfire_00000791_post_disaster,0,0,tier3\masks\portugal-wildfire_00000791_post_disaster.png,0,0,10,7238,00000791 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000791_pre_disaster.png,portugal-wildfire_00000791_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000791_pre_disaster.png,0,0,10,7238,00000791 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000792_post_disaster.png,portugal-wildfire_00000792_post_disaster,0,0,tier3\masks\portugal-wildfire_00000792_post_disaster.png,0,0,0,0,00000792 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000792_pre_disaster.png,portugal-wildfire_00000792_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000792_pre_disaster.png,0,0,0,0,00000792 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000793_post_disaster.png,portugal-wildfire_00000793_post_disaster,0,0,tier3\masks\portugal-wildfire_00000793_post_disaster.png,0,0,7,2111,00000793 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000793_pre_disaster.png,portugal-wildfire_00000793_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000793_pre_disaster.png,0,0,7,2111,00000793 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000794_post_disaster.png,portugal-wildfire_00000794_post_disaster,1,300,tier3\masks\portugal-wildfire_00000794_post_disaster.png,0,0,0,0,00000794 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000794_pre_disaster.png,portugal-wildfire_00000794_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000794_pre_disaster.png,0,0,1,300,00000794 +2,642,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000795_post_disaster.png,portugal-wildfire_00000795_post_disaster,0,0,tier3\masks\portugal-wildfire_00000795_post_disaster.png,0,0,29,48094,00000795 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000795_pre_disaster.png,portugal-wildfire_00000795_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000795_pre_disaster.png,0,0,31,48750,00000795 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000796_post_disaster.png,portugal-wildfire_00000796_post_disaster,0,0,tier3\masks\portugal-wildfire_00000796_post_disaster.png,0,0,1,422,00000796 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000796_pre_disaster.png,portugal-wildfire_00000796_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000796_pre_disaster.png,0,0,1,444,00000796 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000797_post_disaster.png,portugal-wildfire_00000797_post_disaster,0,0,tier3\masks\portugal-wildfire_00000797_post_disaster.png,0,0,0,0,00000797 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000797_pre_disaster.png,portugal-wildfire_00000797_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000797_pre_disaster.png,0,0,0,0,00000797 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000798_post_disaster.png,portugal-wildfire_00000798_post_disaster,0,0,tier3\masks\portugal-wildfire_00000798_post_disaster.png,0,0,20,13235,00000798 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000798_pre_disaster.png,portugal-wildfire_00000798_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000798_pre_disaster.png,0,0,20,13292,00000798 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000799_post_disaster.png,portugal-wildfire_00000799_post_disaster,0,0,tier3\masks\portugal-wildfire_00000799_post_disaster.png,0,0,13,11774,00000799 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000799_pre_disaster.png,portugal-wildfire_00000799_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000799_pre_disaster.png,0,0,13,12002,00000799 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000800_post_disaster.png,portugal-wildfire_00000800_post_disaster,0,0,tier3\masks\portugal-wildfire_00000800_post_disaster.png,0,0,4,5987,00000800 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000800_pre_disaster.png,portugal-wildfire_00000800_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000800_pre_disaster.png,0,0,4,6049,00000800 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000801_post_disaster.png,portugal-wildfire_00000801_post_disaster,0,0,tier3\masks\portugal-wildfire_00000801_post_disaster.png,0,0,3,9302,00000801 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000801_pre_disaster.png,portugal-wildfire_00000801_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000801_pre_disaster.png,0,0,3,9302,00000801 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000802_post_disaster.png,portugal-wildfire_00000802_post_disaster,0,0,tier3\masks\portugal-wildfire_00000802_post_disaster.png,0,0,2,1515,00000802 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000802_pre_disaster.png,portugal-wildfire_00000802_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000802_pre_disaster.png,0,0,2,1515,00000802 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000803_post_disaster.png,portugal-wildfire_00000803_post_disaster,0,0,tier3\masks\portugal-wildfire_00000803_post_disaster.png,0,0,0,0,00000803 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000803_pre_disaster.png,portugal-wildfire_00000803_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000803_pre_disaster.png,0,0,0,0,00000803 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000804_post_disaster.png,portugal-wildfire_00000804_post_disaster,0,0,tier3\masks\portugal-wildfire_00000804_post_disaster.png,0,0,0,0,00000804 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000804_pre_disaster.png,portugal-wildfire_00000804_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000804_pre_disaster.png,0,0,0,0,00000804 +4,2842,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000805_post_disaster.png,portugal-wildfire_00000805_post_disaster,0,0,tier3\masks\portugal-wildfire_00000805_post_disaster.png,0,0,18,16087,00000805 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000805_pre_disaster.png,portugal-wildfire_00000805_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000805_pre_disaster.png,0,0,19,18929,00000805 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000806_post_disaster.png,portugal-wildfire_00000806_post_disaster,0,0,tier3\masks\portugal-wildfire_00000806_post_disaster.png,0,0,1,256,00000806 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000806_pre_disaster.png,portugal-wildfire_00000806_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000806_pre_disaster.png,0,0,1,256,00000806 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000807_post_disaster.png,portugal-wildfire_00000807_post_disaster,0,0,tier3\masks\portugal-wildfire_00000807_post_disaster.png,0,0,59,40700,00000807 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000807_pre_disaster.png,portugal-wildfire_00000807_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000807_pre_disaster.png,0,0,59,40800,00000807 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000808_post_disaster.png,portugal-wildfire_00000808_post_disaster,0,0,tier3\masks\portugal-wildfire_00000808_post_disaster.png,0,0,16,12207,00000808 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000808_pre_disaster.png,portugal-wildfire_00000808_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000808_pre_disaster.png,0,0,16,12231,00000808 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000809_post_disaster.png,portugal-wildfire_00000809_post_disaster,0,0,tier3\masks\portugal-wildfire_00000809_post_disaster.png,0,0,0,0,00000809 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000809_pre_disaster.png,portugal-wildfire_00000809_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000809_pre_disaster.png,0,0,0,0,00000809 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000810_post_disaster.png,portugal-wildfire_00000810_post_disaster,0,0,tier3\masks\portugal-wildfire_00000810_post_disaster.png,0,0,0,0,00000810 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000810_pre_disaster.png,portugal-wildfire_00000810_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000810_pre_disaster.png,0,0,0,0,00000810 +1,1082,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000811_post_disaster.png,portugal-wildfire_00000811_post_disaster,0,0,tier3\masks\portugal-wildfire_00000811_post_disaster.png,0,0,24,25042,00000811 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000811_pre_disaster.png,portugal-wildfire_00000811_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000811_pre_disaster.png,0,0,25,26186,00000811 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000812_post_disaster.png,portugal-wildfire_00000812_post_disaster,0,0,tier3\masks\portugal-wildfire_00000812_post_disaster.png,0,0,0,0,00000812 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000812_pre_disaster.png,portugal-wildfire_00000812_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000812_pre_disaster.png,0,0,0,0,00000812 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000813_post_disaster.png,portugal-wildfire_00000813_post_disaster,0,0,tier3\masks\portugal-wildfire_00000813_post_disaster.png,0,0,1,604,00000813 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000813_pre_disaster.png,portugal-wildfire_00000813_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000813_pre_disaster.png,0,0,1,604,00000813 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000814_post_disaster.png,portugal-wildfire_00000814_post_disaster,1,1278,tier3\masks\portugal-wildfire_00000814_post_disaster.png,0,0,2,4071,00000814 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000814_pre_disaster.png,portugal-wildfire_00000814_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000814_pre_disaster.png,0,0,2,5349,00000814 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000815_post_disaster.png,portugal-wildfire_00000815_post_disaster,0,0,tier3\masks\portugal-wildfire_00000815_post_disaster.png,0,0,0,0,00000815 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000815_pre_disaster.png,portugal-wildfire_00000815_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000815_pre_disaster.png,0,0,0,0,00000815 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000816_post_disaster.png,portugal-wildfire_00000816_post_disaster,0,0,tier3\masks\portugal-wildfire_00000816_post_disaster.png,0,0,0,0,00000816 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000816_pre_disaster.png,portugal-wildfire_00000816_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000816_pre_disaster.png,0,0,0,0,00000816 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000817_post_disaster.png,portugal-wildfire_00000817_post_disaster,0,0,tier3\masks\portugal-wildfire_00000817_post_disaster.png,0,0,5,2984,00000817 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000817_pre_disaster.png,portugal-wildfire_00000817_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000817_pre_disaster.png,0,0,5,2984,00000817 +1,397,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000818_post_disaster.png,portugal-wildfire_00000818_post_disaster,0,0,tier3\masks\portugal-wildfire_00000818_post_disaster.png,0,0,49,35032,00000818 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000818_pre_disaster.png,portugal-wildfire_00000818_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000818_pre_disaster.png,0,0,50,35470,00000818 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000819_post_disaster.png,portugal-wildfire_00000819_post_disaster,0,0,tier3\masks\portugal-wildfire_00000819_post_disaster.png,0,0,0,0,00000819 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000819_pre_disaster.png,portugal-wildfire_00000819_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000819_pre_disaster.png,0,0,0,0,00000819 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000820_post_disaster.png,portugal-wildfire_00000820_post_disaster,0,0,tier3\masks\portugal-wildfire_00000820_post_disaster.png,0,0,0,0,00000820 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000820_pre_disaster.png,portugal-wildfire_00000820_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000820_pre_disaster.png,0,0,0,0,00000820 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000821_post_disaster.png,portugal-wildfire_00000821_post_disaster,0,0,tier3\masks\portugal-wildfire_00000821_post_disaster.png,0,0,0,0,00000821 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000821_pre_disaster.png,portugal-wildfire_00000821_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000821_pre_disaster.png,0,0,0,0,00000821 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000822_post_disaster.png,portugal-wildfire_00000822_post_disaster,0,0,tier3\masks\portugal-wildfire_00000822_post_disaster.png,0,0,0,0,00000822 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000822_pre_disaster.png,portugal-wildfire_00000822_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000822_pre_disaster.png,0,0,0,0,00000822 +1,68,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000823_post_disaster.png,portugal-wildfire_00000823_post_disaster,0,0,tier3\masks\portugal-wildfire_00000823_post_disaster.png,0,0,60,51682,00000823 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000823_pre_disaster.png,portugal-wildfire_00000823_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000823_pre_disaster.png,0,0,61,51750,00000823 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000824_post_disaster.png,portugal-wildfire_00000824_post_disaster,0,0,tier3\masks\portugal-wildfire_00000824_post_disaster.png,0,0,0,0,00000824 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000824_pre_disaster.png,portugal-wildfire_00000824_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000824_pre_disaster.png,0,0,0,0,00000824 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000825_post_disaster.png,portugal-wildfire_00000825_post_disaster,0,0,tier3\masks\portugal-wildfire_00000825_post_disaster.png,0,0,0,0,00000825 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000825_pre_disaster.png,portugal-wildfire_00000825_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000825_pre_disaster.png,0,0,0,0,00000825 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000826_post_disaster.png,portugal-wildfire_00000826_post_disaster,0,0,tier3\masks\portugal-wildfire_00000826_post_disaster.png,0,0,3,1641,00000826 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000826_pre_disaster.png,portugal-wildfire_00000826_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000826_pre_disaster.png,0,0,3,1641,00000826 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000827_post_disaster.png,portugal-wildfire_00000827_post_disaster,0,0,tier3\masks\portugal-wildfire_00000827_post_disaster.png,2,2648,17,35629,00000827 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000827_pre_disaster.png,portugal-wildfire_00000827_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000827_pre_disaster.png,0,0,18,38287,00000827 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000828_post_disaster.png,portugal-wildfire_00000828_post_disaster,0,0,tier3\masks\portugal-wildfire_00000828_post_disaster.png,0,0,0,0,00000828 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000828_pre_disaster.png,portugal-wildfire_00000828_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000828_pre_disaster.png,0,0,0,0,00000828 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000829_post_disaster.png,portugal-wildfire_00000829_post_disaster,0,0,tier3\masks\portugal-wildfire_00000829_post_disaster.png,0,0,0,0,00000829 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000829_pre_disaster.png,portugal-wildfire_00000829_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000829_pre_disaster.png,0,0,0,0,00000829 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000830_post_disaster.png,portugal-wildfire_00000830_post_disaster,0,0,tier3\masks\portugal-wildfire_00000830_post_disaster.png,0,0,4,1623,00000830 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000830_pre_disaster.png,portugal-wildfire_00000830_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000830_pre_disaster.png,0,0,4,1650,00000830 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000831_post_disaster.png,portugal-wildfire_00000831_post_disaster,0,0,tier3\masks\portugal-wildfire_00000831_post_disaster.png,0,0,14,9364,00000831 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000831_pre_disaster.png,portugal-wildfire_00000831_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000831_pre_disaster.png,0,0,14,9364,00000831 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000832_post_disaster.png,portugal-wildfire_00000832_post_disaster,0,0,tier3\masks\portugal-wildfire_00000832_post_disaster.png,0,0,0,0,00000832 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000832_pre_disaster.png,portugal-wildfire_00000832_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000832_pre_disaster.png,0,0,0,0,00000832 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000833_post_disaster.png,portugal-wildfire_00000833_post_disaster,0,0,tier3\masks\portugal-wildfire_00000833_post_disaster.png,0,0,0,0,00000833 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000833_pre_disaster.png,portugal-wildfire_00000833_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000833_pre_disaster.png,0,0,0,0,00000833 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000834_post_disaster.png,portugal-wildfire_00000834_post_disaster,0,0,tier3\masks\portugal-wildfire_00000834_post_disaster.png,0,0,23,55721,00000834 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000834_pre_disaster.png,portugal-wildfire_00000834_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000834_pre_disaster.png,0,0,23,55721,00000834 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000835_post_disaster.png,portugal-wildfire_00000835_post_disaster,0,0,tier3\masks\portugal-wildfire_00000835_post_disaster.png,0,0,5,9208,00000835 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000835_pre_disaster.png,portugal-wildfire_00000835_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000835_pre_disaster.png,0,0,5,9217,00000835 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000836_post_disaster.png,portugal-wildfire_00000836_post_disaster,0,0,tier3\masks\portugal-wildfire_00000836_post_disaster.png,0,0,0,0,00000836 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000836_pre_disaster.png,portugal-wildfire_00000836_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000836_pre_disaster.png,0,0,0,0,00000836 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000837_post_disaster.png,portugal-wildfire_00000837_post_disaster,0,0,tier3\masks\portugal-wildfire_00000837_post_disaster.png,0,0,0,0,00000837 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000837_pre_disaster.png,portugal-wildfire_00000837_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000837_pre_disaster.png,0,0,0,0,00000837 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000838_post_disaster.png,portugal-wildfire_00000838_post_disaster,0,0,tier3\masks\portugal-wildfire_00000838_post_disaster.png,0,0,0,0,00000838 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000838_pre_disaster.png,portugal-wildfire_00000838_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000838_pre_disaster.png,0,0,0,0,00000838 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000839_post_disaster.png,portugal-wildfire_00000839_post_disaster,0,0,tier3\masks\portugal-wildfire_00000839_post_disaster.png,0,0,18,16898,00000839 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000839_pre_disaster.png,portugal-wildfire_00000839_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000839_pre_disaster.png,0,0,18,17004,00000839 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000840_post_disaster.png,portugal-wildfire_00000840_post_disaster,0,0,tier3\masks\portugal-wildfire_00000840_post_disaster.png,0,0,0,0,00000840 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000840_pre_disaster.png,portugal-wildfire_00000840_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000840_pre_disaster.png,0,0,0,0,00000840 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000841_post_disaster.png,portugal-wildfire_00000841_post_disaster,0,0,tier3\masks\portugal-wildfire_00000841_post_disaster.png,0,0,0,0,00000841 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000841_pre_disaster.png,portugal-wildfire_00000841_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000841_pre_disaster.png,0,0,0,0,00000841 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000842_post_disaster.png,portugal-wildfire_00000842_post_disaster,0,0,tier3\masks\portugal-wildfire_00000842_post_disaster.png,0,0,29,18152,00000842 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000842_pre_disaster.png,portugal-wildfire_00000842_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000842_pre_disaster.png,0,0,29,18261,00000842 +4,2129,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000843_post_disaster.png,portugal-wildfire_00000843_post_disaster,0,0,tier3\masks\portugal-wildfire_00000843_post_disaster.png,0,0,0,0,00000843 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000843_pre_disaster.png,portugal-wildfire_00000843_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000843_pre_disaster.png,0,0,4,2129,00000843 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000844_post_disaster.png,portugal-wildfire_00000844_post_disaster,0,0,tier3\masks\portugal-wildfire_00000844_post_disaster.png,0,0,0,0,00000844 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000844_pre_disaster.png,portugal-wildfire_00000844_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000844_pre_disaster.png,0,0,0,0,00000844 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000845_post_disaster.png,portugal-wildfire_00000845_post_disaster,0,0,tier3\masks\portugal-wildfire_00000845_post_disaster.png,0,0,11,12953,00000845 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000845_pre_disaster.png,portugal-wildfire_00000845_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000845_pre_disaster.png,0,0,11,12953,00000845 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000846_post_disaster.png,portugal-wildfire_00000846_post_disaster,0,0,tier3\masks\portugal-wildfire_00000846_post_disaster.png,0,0,4,1386,00000846 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000846_pre_disaster.png,portugal-wildfire_00000846_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000846_pre_disaster.png,0,0,4,1386,00000846 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000847_post_disaster.png,portugal-wildfire_00000847_post_disaster,0,0,tier3\masks\portugal-wildfire_00000847_post_disaster.png,0,0,0,0,00000847 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000847_pre_disaster.png,portugal-wildfire_00000847_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000847_pre_disaster.png,0,0,0,0,00000847 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000848_post_disaster.png,portugal-wildfire_00000848_post_disaster,0,0,tier3\masks\portugal-wildfire_00000848_post_disaster.png,0,0,0,0,00000848 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000848_pre_disaster.png,portugal-wildfire_00000848_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000848_pre_disaster.png,0,0,0,0,00000848 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000849_post_disaster.png,portugal-wildfire_00000849_post_disaster,0,0,tier3\masks\portugal-wildfire_00000849_post_disaster.png,0,0,69,65206,00000849 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000849_pre_disaster.png,portugal-wildfire_00000849_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000849_pre_disaster.png,0,0,69,65321,00000849 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000850_post_disaster.png,portugal-wildfire_00000850_post_disaster,0,0,tier3\masks\portugal-wildfire_00000850_post_disaster.png,0,0,0,0,00000850 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000850_pre_disaster.png,portugal-wildfire_00000850_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000850_pre_disaster.png,0,0,0,0,00000850 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000851_post_disaster.png,portugal-wildfire_00000851_post_disaster,0,0,tier3\masks\portugal-wildfire_00000851_post_disaster.png,0,0,0,0,00000851 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000851_pre_disaster.png,portugal-wildfire_00000851_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000851_pre_disaster.png,0,0,0,0,00000851 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000852_post_disaster.png,portugal-wildfire_00000852_post_disaster,0,0,tier3\masks\portugal-wildfire_00000852_post_disaster.png,0,0,0,0,00000852 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000852_pre_disaster.png,portugal-wildfire_00000852_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000852_pre_disaster.png,0,0,0,0,00000852 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000853_post_disaster.png,portugal-wildfire_00000853_post_disaster,0,0,tier3\masks\portugal-wildfire_00000853_post_disaster.png,0,0,10,2762,00000853 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000853_pre_disaster.png,portugal-wildfire_00000853_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000853_pre_disaster.png,0,0,10,2781,00000853 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000854_post_disaster.png,portugal-wildfire_00000854_post_disaster,1,456,tier3\masks\portugal-wildfire_00000854_post_disaster.png,0,0,2,1952,00000854 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000854_pre_disaster.png,portugal-wildfire_00000854_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000854_pre_disaster.png,0,0,3,2408,00000854 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000855_post_disaster.png,portugal-wildfire_00000855_post_disaster,0,0,tier3\masks\portugal-wildfire_00000855_post_disaster.png,0,0,16,10776,00000855 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000855_pre_disaster.png,portugal-wildfire_00000855_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000855_pre_disaster.png,0,0,16,10791,00000855 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000856_post_disaster.png,portugal-wildfire_00000856_post_disaster,0,0,tier3\masks\portugal-wildfire_00000856_post_disaster.png,0,0,0,0,00000856 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000856_pre_disaster.png,portugal-wildfire_00000856_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000856_pre_disaster.png,0,0,0,0,00000856 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000857_post_disaster.png,portugal-wildfire_00000857_post_disaster,0,0,tier3\masks\portugal-wildfire_00000857_post_disaster.png,0,0,0,0,00000857 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000857_pre_disaster.png,portugal-wildfire_00000857_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000857_pre_disaster.png,0,0,0,0,00000857 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000858_post_disaster.png,portugal-wildfire_00000858_post_disaster,0,0,tier3\masks\portugal-wildfire_00000858_post_disaster.png,0,0,3,1249,00000858 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000858_pre_disaster.png,portugal-wildfire_00000858_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000858_pre_disaster.png,0,0,3,1288,00000858 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000859_post_disaster.png,portugal-wildfire_00000859_post_disaster,0,0,tier3\masks\portugal-wildfire_00000859_post_disaster.png,0,0,0,0,00000859 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000859_pre_disaster.png,portugal-wildfire_00000859_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000859_pre_disaster.png,0,0,0,0,00000859 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000860_post_disaster.png,portugal-wildfire_00000860_post_disaster,0,0,tier3\masks\portugal-wildfire_00000860_post_disaster.png,0,0,0,0,00000860 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000860_pre_disaster.png,portugal-wildfire_00000860_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000860_pre_disaster.png,0,0,0,0,00000860 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000861_post_disaster.png,portugal-wildfire_00000861_post_disaster,0,0,tier3\masks\portugal-wildfire_00000861_post_disaster.png,0,0,107,56653,00000861 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000861_pre_disaster.png,portugal-wildfire_00000861_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000861_pre_disaster.png,0,0,107,56779,00000861 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000862_post_disaster.png,portugal-wildfire_00000862_post_disaster,0,0,tier3\masks\portugal-wildfire_00000862_post_disaster.png,0,0,6,4281,00000862 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000862_pre_disaster.png,portugal-wildfire_00000862_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000862_pre_disaster.png,0,0,6,4298,00000862 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000863_post_disaster.png,portugal-wildfire_00000863_post_disaster,0,0,tier3\masks\portugal-wildfire_00000863_post_disaster.png,0,0,26,34022,00000863 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000863_pre_disaster.png,portugal-wildfire_00000863_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000863_pre_disaster.png,0,0,26,34163,00000863 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000864_post_disaster.png,portugal-wildfire_00000864_post_disaster,0,0,tier3\masks\portugal-wildfire_00000864_post_disaster.png,0,0,8,5530,00000864 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000864_pre_disaster.png,portugal-wildfire_00000864_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000864_pre_disaster.png,0,0,8,5567,00000864 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000865_post_disaster.png,portugal-wildfire_00000865_post_disaster,0,0,tier3\masks\portugal-wildfire_00000865_post_disaster.png,0,0,0,0,00000865 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000865_pre_disaster.png,portugal-wildfire_00000865_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000865_pre_disaster.png,0,0,0,0,00000865 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000866_post_disaster.png,portugal-wildfire_00000866_post_disaster,0,0,tier3\masks\portugal-wildfire_00000866_post_disaster.png,0,0,14,16078,00000866 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000866_pre_disaster.png,portugal-wildfire_00000866_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000866_pre_disaster.png,0,0,14,16098,00000866 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000867_post_disaster.png,portugal-wildfire_00000867_post_disaster,0,0,tier3\masks\portugal-wildfire_00000867_post_disaster.png,0,0,0,0,00000867 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000867_pre_disaster.png,portugal-wildfire_00000867_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000867_pre_disaster.png,0,0,0,0,00000867 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000868_post_disaster.png,portugal-wildfire_00000868_post_disaster,0,0,tier3\masks\portugal-wildfire_00000868_post_disaster.png,0,0,0,0,00000868 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000868_pre_disaster.png,portugal-wildfire_00000868_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000868_pre_disaster.png,0,0,0,0,00000868 +1,437,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000869_post_disaster.png,portugal-wildfire_00000869_post_disaster,1,216,tier3\masks\portugal-wildfire_00000869_post_disaster.png,0,0,24,11558,00000869 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000869_pre_disaster.png,portugal-wildfire_00000869_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000869_pre_disaster.png,0,0,26,12231,00000869 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000870_post_disaster.png,portugal-wildfire_00000870_post_disaster,0,0,tier3\masks\portugal-wildfire_00000870_post_disaster.png,0,0,7,5635,00000870 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000870_pre_disaster.png,portugal-wildfire_00000870_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000870_pre_disaster.png,0,0,7,5681,00000870 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000871_post_disaster.png,portugal-wildfire_00000871_post_disaster,0,0,tier3\masks\portugal-wildfire_00000871_post_disaster.png,0,0,46,112226,00000871 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000871_pre_disaster.png,portugal-wildfire_00000871_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000871_pre_disaster.png,0,0,46,112729,00000871 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000872_post_disaster.png,portugal-wildfire_00000872_post_disaster,0,0,tier3\masks\portugal-wildfire_00000872_post_disaster.png,0,0,7,3874,00000872 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000872_pre_disaster.png,portugal-wildfire_00000872_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000872_pre_disaster.png,0,0,7,3874,00000872 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000873_post_disaster.png,portugal-wildfire_00000873_post_disaster,0,0,tier3\masks\portugal-wildfire_00000873_post_disaster.png,0,0,0,0,00000873 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000873_pre_disaster.png,portugal-wildfire_00000873_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000873_pre_disaster.png,0,0,0,0,00000873 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000874_post_disaster.png,portugal-wildfire_00000874_post_disaster,0,0,tier3\masks\portugal-wildfire_00000874_post_disaster.png,0,0,2,1195,00000874 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000874_pre_disaster.png,portugal-wildfire_00000874_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000874_pre_disaster.png,0,0,2,1195,00000874 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000875_post_disaster.png,portugal-wildfire_00000875_post_disaster,0,0,tier3\masks\portugal-wildfire_00000875_post_disaster.png,0,0,0,0,00000875 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000875_pre_disaster.png,portugal-wildfire_00000875_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000875_pre_disaster.png,0,0,0,0,00000875 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000876_post_disaster.png,portugal-wildfire_00000876_post_disaster,0,0,tier3\masks\portugal-wildfire_00000876_post_disaster.png,0,0,0,0,00000876 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000876_pre_disaster.png,portugal-wildfire_00000876_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000876_pre_disaster.png,0,0,0,0,00000876 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000877_post_disaster.png,portugal-wildfire_00000877_post_disaster,0,0,tier3\masks\portugal-wildfire_00000877_post_disaster.png,0,0,3,1169,00000877 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000877_pre_disaster.png,portugal-wildfire_00000877_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000877_pre_disaster.png,0,0,3,1220,00000877 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000878_post_disaster.png,portugal-wildfire_00000878_post_disaster,0,0,tier3\masks\portugal-wildfire_00000878_post_disaster.png,0,0,0,0,00000878 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000878_pre_disaster.png,portugal-wildfire_00000878_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000878_pre_disaster.png,0,0,0,0,00000878 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000879_post_disaster.png,portugal-wildfire_00000879_post_disaster,0,0,tier3\masks\portugal-wildfire_00000879_post_disaster.png,0,0,0,0,00000879 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000879_pre_disaster.png,portugal-wildfire_00000879_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000879_pre_disaster.png,0,0,0,0,00000879 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000880_post_disaster.png,portugal-wildfire_00000880_post_disaster,0,0,tier3\masks\portugal-wildfire_00000880_post_disaster.png,0,0,49,41848,00000880 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000880_pre_disaster.png,portugal-wildfire_00000880_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000880_pre_disaster.png,0,0,49,41864,00000880 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000881_post_disaster.png,portugal-wildfire_00000881_post_disaster,0,0,tier3\masks\portugal-wildfire_00000881_post_disaster.png,0,0,53,105969,00000881 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000881_pre_disaster.png,portugal-wildfire_00000881_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000881_pre_disaster.png,0,0,53,106513,00000881 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000882_post_disaster.png,portugal-wildfire_00000882_post_disaster,0,0,tier3\masks\portugal-wildfire_00000882_post_disaster.png,0,0,0,0,00000882 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000882_pre_disaster.png,portugal-wildfire_00000882_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000882_pre_disaster.png,0,0,0,0,00000882 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000883_post_disaster.png,portugal-wildfire_00000883_post_disaster,0,0,tier3\masks\portugal-wildfire_00000883_post_disaster.png,0,0,0,0,00000883 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000883_pre_disaster.png,portugal-wildfire_00000883_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000883_pre_disaster.png,0,0,0,0,00000883 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000884_post_disaster.png,portugal-wildfire_00000884_post_disaster,0,0,tier3\masks\portugal-wildfire_00000884_post_disaster.png,0,0,0,0,00000884 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000884_pre_disaster.png,portugal-wildfire_00000884_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000884_pre_disaster.png,0,0,0,0,00000884 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000885_post_disaster.png,portugal-wildfire_00000885_post_disaster,0,0,tier3\masks\portugal-wildfire_00000885_post_disaster.png,0,0,47,30982,00000885 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000885_pre_disaster.png,portugal-wildfire_00000885_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000885_pre_disaster.png,0,0,47,31129,00000885 +1,263,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000886_post_disaster.png,portugal-wildfire_00000886_post_disaster,1,303,tier3\masks\portugal-wildfire_00000886_post_disaster.png,0,0,22,22307,00000886 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000886_pre_disaster.png,portugal-wildfire_00000886_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000886_pre_disaster.png,0,0,23,22881,00000886 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000887_post_disaster.png,portugal-wildfire_00000887_post_disaster,0,0,tier3\masks\portugal-wildfire_00000887_post_disaster.png,0,0,7,4671,00000887 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000887_pre_disaster.png,portugal-wildfire_00000887_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000887_pre_disaster.png,0,0,7,4675,00000887 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000888_post_disaster.png,portugal-wildfire_00000888_post_disaster,0,0,tier3\masks\portugal-wildfire_00000888_post_disaster.png,0,0,21,12377,00000888 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000888_pre_disaster.png,portugal-wildfire_00000888_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000888_pre_disaster.png,0,0,21,12400,00000888 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000889_post_disaster.png,portugal-wildfire_00000889_post_disaster,0,0,tier3\masks\portugal-wildfire_00000889_post_disaster.png,0,0,14,7948,00000889 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000889_pre_disaster.png,portugal-wildfire_00000889_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000889_pre_disaster.png,0,0,14,7971,00000889 +2,452,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000890_post_disaster.png,portugal-wildfire_00000890_post_disaster,0,0,tier3\masks\portugal-wildfire_00000890_post_disaster.png,0,0,31,19885,00000890 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000890_pre_disaster.png,portugal-wildfire_00000890_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000890_pre_disaster.png,0,0,33,20355,00000890 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000891_post_disaster.png,portugal-wildfire_00000891_post_disaster,0,0,tier3\masks\portugal-wildfire_00000891_post_disaster.png,0,0,0,0,00000891 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000891_pre_disaster.png,portugal-wildfire_00000891_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000891_pre_disaster.png,0,0,0,0,00000891 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000892_post_disaster.png,portugal-wildfire_00000892_post_disaster,0,0,tier3\masks\portugal-wildfire_00000892_post_disaster.png,0,0,35,31162,00000892 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000892_pre_disaster.png,portugal-wildfire_00000892_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000892_pre_disaster.png,0,0,35,31281,00000892 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000893_post_disaster.png,portugal-wildfire_00000893_post_disaster,0,0,tier3\masks\portugal-wildfire_00000893_post_disaster.png,0,0,19,16755,00000893 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000893_pre_disaster.png,portugal-wildfire_00000893_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000893_pre_disaster.png,0,0,19,16937,00000893 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000894_post_disaster.png,portugal-wildfire_00000894_post_disaster,0,0,tier3\masks\portugal-wildfire_00000894_post_disaster.png,0,0,0,0,00000894 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000894_pre_disaster.png,portugal-wildfire_00000894_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000894_pre_disaster.png,0,0,0,0,00000894 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000895_post_disaster.png,portugal-wildfire_00000895_post_disaster,0,0,tier3\masks\portugal-wildfire_00000895_post_disaster.png,0,0,1,393,00000895 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000895_pre_disaster.png,portugal-wildfire_00000895_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000895_pre_disaster.png,0,0,1,393,00000895 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000896_post_disaster.png,portugal-wildfire_00000896_post_disaster,0,0,tier3\masks\portugal-wildfire_00000896_post_disaster.png,0,0,0,0,00000896 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000896_pre_disaster.png,portugal-wildfire_00000896_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000896_pre_disaster.png,0,0,0,0,00000896 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000897_post_disaster.png,portugal-wildfire_00000897_post_disaster,0,0,tier3\masks\portugal-wildfire_00000897_post_disaster.png,0,0,33,25857,00000897 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000897_pre_disaster.png,portugal-wildfire_00000897_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000897_pre_disaster.png,0,0,33,25953,00000897 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000898_post_disaster.png,portugal-wildfire_00000898_post_disaster,0,0,tier3\masks\portugal-wildfire_00000898_post_disaster.png,0,0,6,5076,00000898 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000898_pre_disaster.png,portugal-wildfire_00000898_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000898_pre_disaster.png,0,0,6,5082,00000898 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000899_post_disaster.png,portugal-wildfire_00000899_post_disaster,0,0,tier3\masks\portugal-wildfire_00000899_post_disaster.png,0,0,24,27833,00000899 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000899_pre_disaster.png,portugal-wildfire_00000899_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000899_pre_disaster.png,0,0,24,27833,00000899 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000900_post_disaster.png,portugal-wildfire_00000900_post_disaster,0,0,tier3\masks\portugal-wildfire_00000900_post_disaster.png,0,0,0,0,00000900 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000900_pre_disaster.png,portugal-wildfire_00000900_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000900_pre_disaster.png,0,0,0,0,00000900 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000901_post_disaster.png,portugal-wildfire_00000901_post_disaster,0,0,tier3\masks\portugal-wildfire_00000901_post_disaster.png,0,0,0,0,00000901 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000901_pre_disaster.png,portugal-wildfire_00000901_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000901_pre_disaster.png,0,0,0,0,00000901 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000902_post_disaster.png,portugal-wildfire_00000902_post_disaster,0,0,tier3\masks\portugal-wildfire_00000902_post_disaster.png,0,0,11,7495,00000902 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000902_pre_disaster.png,portugal-wildfire_00000902_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000902_pre_disaster.png,0,0,11,7578,00000902 +1,217,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000903_post_disaster.png,portugal-wildfire_00000903_post_disaster,0,0,tier3\masks\portugal-wildfire_00000903_post_disaster.png,0,0,23,10326,00000903 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000903_pre_disaster.png,portugal-wildfire_00000903_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000903_pre_disaster.png,0,0,24,10638,00000903 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000904_post_disaster.png,portugal-wildfire_00000904_post_disaster,0,0,tier3\masks\portugal-wildfire_00000904_post_disaster.png,0,0,0,0,00000904 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000904_pre_disaster.png,portugal-wildfire_00000904_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000904_pre_disaster.png,0,0,0,0,00000904 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000905_post_disaster.png,portugal-wildfire_00000905_post_disaster,0,0,tier3\masks\portugal-wildfire_00000905_post_disaster.png,0,0,0,0,00000905 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000905_pre_disaster.png,portugal-wildfire_00000905_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000905_pre_disaster.png,0,0,0,0,00000905 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000906_post_disaster.png,portugal-wildfire_00000906_post_disaster,0,0,tier3\masks\portugal-wildfire_00000906_post_disaster.png,0,0,14,9345,00000906 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000906_pre_disaster.png,portugal-wildfire_00000906_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000906_pre_disaster.png,0,0,14,9379,00000906 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000907_post_disaster.png,portugal-wildfire_00000907_post_disaster,0,0,tier3\masks\portugal-wildfire_00000907_post_disaster.png,0,0,104,110987,00000907 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000907_pre_disaster.png,portugal-wildfire_00000907_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000907_pre_disaster.png,0,0,104,111096,00000907 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000908_post_disaster.png,portugal-wildfire_00000908_post_disaster,0,0,tier3\masks\portugal-wildfire_00000908_post_disaster.png,0,0,0,0,00000908 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000908_pre_disaster.png,portugal-wildfire_00000908_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000908_pre_disaster.png,0,0,0,0,00000908 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000909_post_disaster.png,portugal-wildfire_00000909_post_disaster,0,0,tier3\masks\portugal-wildfire_00000909_post_disaster.png,0,0,33,57490,00000909 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000909_pre_disaster.png,portugal-wildfire_00000909_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000909_pre_disaster.png,0,0,33,57563,00000909 +1,1249,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000910_post_disaster.png,portugal-wildfire_00000910_post_disaster,0,0,tier3\masks\portugal-wildfire_00000910_post_disaster.png,0,0,3,488,00000910 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000910_pre_disaster.png,portugal-wildfire_00000910_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000910_pre_disaster.png,0,0,4,1746,00000910 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000911_post_disaster.png,portugal-wildfire_00000911_post_disaster,0,0,tier3\masks\portugal-wildfire_00000911_post_disaster.png,0,0,0,0,00000911 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000911_pre_disaster.png,portugal-wildfire_00000911_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000911_pre_disaster.png,0,0,0,0,00000911 +1,182,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000912_post_disaster.png,portugal-wildfire_00000912_post_disaster,0,0,tier3\masks\portugal-wildfire_00000912_post_disaster.png,0,0,2,940,00000912 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000912_pre_disaster.png,portugal-wildfire_00000912_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000912_pre_disaster.png,0,0,3,1122,00000912 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000913_post_disaster.png,portugal-wildfire_00000913_post_disaster,0,0,tier3\masks\portugal-wildfire_00000913_post_disaster.png,0,0,0,0,00000913 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000913_pre_disaster.png,portugal-wildfire_00000913_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000913_pre_disaster.png,0,0,0,0,00000913 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000914_post_disaster.png,portugal-wildfire_00000914_post_disaster,0,0,tier3\masks\portugal-wildfire_00000914_post_disaster.png,0,0,45,34701,00000914 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000914_pre_disaster.png,portugal-wildfire_00000914_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000914_pre_disaster.png,0,0,45,34735,00000914 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000915_post_disaster.png,portugal-wildfire_00000915_post_disaster,0,0,tier3\masks\portugal-wildfire_00000915_post_disaster.png,0,0,0,0,00000915 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000915_pre_disaster.png,portugal-wildfire_00000915_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000915_pre_disaster.png,0,0,0,0,00000915 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000916_post_disaster.png,portugal-wildfire_00000916_post_disaster,0,0,tier3\masks\portugal-wildfire_00000916_post_disaster.png,0,0,13,9167,00000916 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000916_pre_disaster.png,portugal-wildfire_00000916_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000916_pre_disaster.png,0,0,13,9167,00000916 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000917_post_disaster.png,portugal-wildfire_00000917_post_disaster,0,0,tier3\masks\portugal-wildfire_00000917_post_disaster.png,0,0,0,0,00000917 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000917_pre_disaster.png,portugal-wildfire_00000917_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000917_pre_disaster.png,0,0,0,0,00000917 +5,2159,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000918_post_disaster.png,portugal-wildfire_00000918_post_disaster,0,0,tier3\masks\portugal-wildfire_00000918_post_disaster.png,1,321,2,2866,00000918 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000918_pre_disaster.png,portugal-wildfire_00000918_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000918_pre_disaster.png,0,0,8,5346,00000918 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000919_post_disaster.png,portugal-wildfire_00000919_post_disaster,0,0,tier3\masks\portugal-wildfire_00000919_post_disaster.png,0,0,2,484,00000919 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000919_pre_disaster.png,portugal-wildfire_00000919_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000919_pre_disaster.png,0,0,2,484,00000919 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000920_post_disaster.png,portugal-wildfire_00000920_post_disaster,0,0,tier3\masks\portugal-wildfire_00000920_post_disaster.png,0,0,0,0,00000920 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000920_pre_disaster.png,portugal-wildfire_00000920_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000920_pre_disaster.png,0,0,0,0,00000920 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000921_post_disaster.png,portugal-wildfire_00000921_post_disaster,0,0,tier3\masks\portugal-wildfire_00000921_post_disaster.png,0,0,7,3647,00000921 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000921_pre_disaster.png,portugal-wildfire_00000921_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000921_pre_disaster.png,0,0,7,3669,00000921 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000922_post_disaster.png,portugal-wildfire_00000922_post_disaster,0,0,tier3\masks\portugal-wildfire_00000922_post_disaster.png,0,0,0,0,00000922 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000922_pre_disaster.png,portugal-wildfire_00000922_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000922_pre_disaster.png,0,0,0,0,00000922 +1,198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000923_post_disaster.png,portugal-wildfire_00000923_post_disaster,0,0,tier3\masks\portugal-wildfire_00000923_post_disaster.png,0,0,12,12225,00000923 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000923_pre_disaster.png,portugal-wildfire_00000923_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000923_pre_disaster.png,0,0,13,12423,00000923 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000924_post_disaster.png,portugal-wildfire_00000924_post_disaster,0,0,tier3\masks\portugal-wildfire_00000924_post_disaster.png,0,0,0,0,00000924 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000924_pre_disaster.png,portugal-wildfire_00000924_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000924_pre_disaster.png,0,0,0,0,00000924 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000925_post_disaster.png,portugal-wildfire_00000925_post_disaster,0,0,tier3\masks\portugal-wildfire_00000925_post_disaster.png,0,0,8,2006,00000925 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000925_pre_disaster.png,portugal-wildfire_00000925_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000925_pre_disaster.png,0,0,8,2006,00000925 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000926_post_disaster.png,portugal-wildfire_00000926_post_disaster,0,0,tier3\masks\portugal-wildfire_00000926_post_disaster.png,0,0,49,50031,00000926 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000926_pre_disaster.png,portugal-wildfire_00000926_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000926_pre_disaster.png,0,0,49,50060,00000926 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000927_post_disaster.png,portugal-wildfire_00000927_post_disaster,0,0,tier3\masks\portugal-wildfire_00000927_post_disaster.png,0,0,0,0,00000927 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000927_pre_disaster.png,portugal-wildfire_00000927_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000927_pre_disaster.png,0,0,0,0,00000927 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000928_post_disaster.png,portugal-wildfire_00000928_post_disaster,0,0,tier3\masks\portugal-wildfire_00000928_post_disaster.png,0,0,0,0,00000928 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000928_pre_disaster.png,portugal-wildfire_00000928_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000928_pre_disaster.png,0,0,0,0,00000928 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000929_post_disaster.png,portugal-wildfire_00000929_post_disaster,0,0,tier3\masks\portugal-wildfire_00000929_post_disaster.png,0,0,0,0,00000929 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000929_pre_disaster.png,portugal-wildfire_00000929_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000929_pre_disaster.png,0,0,0,0,00000929 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000930_post_disaster.png,portugal-wildfire_00000930_post_disaster,0,0,tier3\masks\portugal-wildfire_00000930_post_disaster.png,0,0,0,0,00000930 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000930_pre_disaster.png,portugal-wildfire_00000930_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000930_pre_disaster.png,0,0,0,0,00000930 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000931_post_disaster.png,portugal-wildfire_00000931_post_disaster,0,0,tier3\masks\portugal-wildfire_00000931_post_disaster.png,0,0,37,30859,00000931 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000931_pre_disaster.png,portugal-wildfire_00000931_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000931_pre_disaster.png,0,0,37,30887,00000931 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000932_post_disaster.png,portugal-wildfire_00000932_post_disaster,0,0,tier3\masks\portugal-wildfire_00000932_post_disaster.png,0,0,0,0,00000932 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000932_pre_disaster.png,portugal-wildfire_00000932_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000932_pre_disaster.png,0,0,0,0,00000932 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000933_post_disaster.png,portugal-wildfire_00000933_post_disaster,0,0,tier3\masks\portugal-wildfire_00000933_post_disaster.png,0,0,0,0,00000933 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000933_pre_disaster.png,portugal-wildfire_00000933_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000933_pre_disaster.png,0,0,0,0,00000933 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000934_post_disaster.png,portugal-wildfire_00000934_post_disaster,0,0,tier3\masks\portugal-wildfire_00000934_post_disaster.png,0,0,0,0,00000934 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000934_pre_disaster.png,portugal-wildfire_00000934_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000934_pre_disaster.png,0,0,0,0,00000934 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000935_post_disaster.png,portugal-wildfire_00000935_post_disaster,0,0,tier3\masks\portugal-wildfire_00000935_post_disaster.png,0,0,2,253,00000935 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000935_pre_disaster.png,portugal-wildfire_00000935_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000935_pre_disaster.png,0,0,2,253,00000935 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000936_post_disaster.png,portugal-wildfire_00000936_post_disaster,0,0,tier3\masks\portugal-wildfire_00000936_post_disaster.png,0,0,3,1877,00000936 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000936_pre_disaster.png,portugal-wildfire_00000936_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000936_pre_disaster.png,0,0,3,1877,00000936 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000937_post_disaster.png,portugal-wildfire_00000937_post_disaster,0,0,tier3\masks\portugal-wildfire_00000937_post_disaster.png,0,0,0,0,00000937 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000937_pre_disaster.png,portugal-wildfire_00000937_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000937_pre_disaster.png,0,0,0,0,00000937 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000938_post_disaster.png,portugal-wildfire_00000938_post_disaster,0,0,tier3\masks\portugal-wildfire_00000938_post_disaster.png,0,0,7,23531,00000938 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000938_pre_disaster.png,portugal-wildfire_00000938_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000938_pre_disaster.png,0,0,7,23531,00000938 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000939_post_disaster.png,portugal-wildfire_00000939_post_disaster,0,0,tier3\masks\portugal-wildfire_00000939_post_disaster.png,0,0,0,0,00000939 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000939_pre_disaster.png,portugal-wildfire_00000939_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000939_pre_disaster.png,0,0,0,0,00000939 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000940_post_disaster.png,portugal-wildfire_00000940_post_disaster,0,0,tier3\masks\portugal-wildfire_00000940_post_disaster.png,0,0,0,0,00000940 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000940_pre_disaster.png,portugal-wildfire_00000940_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000940_pre_disaster.png,0,0,0,0,00000940 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000941_post_disaster.png,portugal-wildfire_00000941_post_disaster,0,0,tier3\masks\portugal-wildfire_00000941_post_disaster.png,0,0,12,4813,00000941 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000941_pre_disaster.png,portugal-wildfire_00000941_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000941_pre_disaster.png,0,0,12,4856,00000941 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000942_post_disaster.png,portugal-wildfire_00000942_post_disaster,0,0,tier3\masks\portugal-wildfire_00000942_post_disaster.png,0,0,9,12205,00000942 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000942_pre_disaster.png,portugal-wildfire_00000942_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000942_pre_disaster.png,0,0,9,12205,00000942 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000943_post_disaster.png,portugal-wildfire_00000943_post_disaster,0,0,tier3\masks\portugal-wildfire_00000943_post_disaster.png,0,0,30,14802,00000943 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000943_pre_disaster.png,portugal-wildfire_00000943_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000943_pre_disaster.png,0,0,30,14863,00000943 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000944_post_disaster.png,portugal-wildfire_00000944_post_disaster,0,0,tier3\masks\portugal-wildfire_00000944_post_disaster.png,0,0,0,0,00000944 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000944_pre_disaster.png,portugal-wildfire_00000944_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000944_pre_disaster.png,0,0,0,0,00000944 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000945_post_disaster.png,portugal-wildfire_00000945_post_disaster,0,0,tier3\masks\portugal-wildfire_00000945_post_disaster.png,0,0,0,0,00000945 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000945_pre_disaster.png,portugal-wildfire_00000945_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000945_pre_disaster.png,0,0,0,0,00000945 +1,249,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000946_post_disaster.png,portugal-wildfire_00000946_post_disaster,0,0,tier3\masks\portugal-wildfire_00000946_post_disaster.png,0,0,2,837,00000946 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000946_pre_disaster.png,portugal-wildfire_00000946_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000946_pre_disaster.png,0,0,3,1088,00000946 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000947_post_disaster.png,portugal-wildfire_00000947_post_disaster,0,0,tier3\masks\portugal-wildfire_00000947_post_disaster.png,0,0,1,290,00000947 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000947_pre_disaster.png,portugal-wildfire_00000947_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000947_pre_disaster.png,0,0,1,290,00000947 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000948_post_disaster.png,portugal-wildfire_00000948_post_disaster,0,0,tier3\masks\portugal-wildfire_00000948_post_disaster.png,0,0,0,0,00000948 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000948_pre_disaster.png,portugal-wildfire_00000948_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000948_pre_disaster.png,0,0,0,0,00000948 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000949_post_disaster.png,portugal-wildfire_00000949_post_disaster,0,0,tier3\masks\portugal-wildfire_00000949_post_disaster.png,0,0,0,0,00000949 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000949_pre_disaster.png,portugal-wildfire_00000949_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000949_pre_disaster.png,0,0,0,0,00000949 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000950_post_disaster.png,portugal-wildfire_00000950_post_disaster,0,0,tier3\masks\portugal-wildfire_00000950_post_disaster.png,0,0,0,0,00000950 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000950_pre_disaster.png,portugal-wildfire_00000950_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000950_pre_disaster.png,0,0,0,0,00000950 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000951_post_disaster.png,portugal-wildfire_00000951_post_disaster,0,0,tier3\masks\portugal-wildfire_00000951_post_disaster.png,0,0,0,0,00000951 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000951_pre_disaster.png,portugal-wildfire_00000951_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000951_pre_disaster.png,0,0,0,0,00000951 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000952_post_disaster.png,portugal-wildfire_00000952_post_disaster,0,0,tier3\masks\portugal-wildfire_00000952_post_disaster.png,0,0,0,0,00000952 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000952_pre_disaster.png,portugal-wildfire_00000952_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000952_pre_disaster.png,0,0,0,0,00000952 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000953_post_disaster.png,portugal-wildfire_00000953_post_disaster,0,0,tier3\masks\portugal-wildfire_00000953_post_disaster.png,0,0,0,0,00000953 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000953_pre_disaster.png,portugal-wildfire_00000953_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000953_pre_disaster.png,0,0,0,0,00000953 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000954_post_disaster.png,portugal-wildfire_00000954_post_disaster,0,0,tier3\masks\portugal-wildfire_00000954_post_disaster.png,0,0,1,135,00000954 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000954_pre_disaster.png,portugal-wildfire_00000954_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000954_pre_disaster.png,0,0,1,135,00000954 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000955_post_disaster.png,portugal-wildfire_00000955_post_disaster,0,0,tier3\masks\portugal-wildfire_00000955_post_disaster.png,0,0,0,0,00000955 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000955_pre_disaster.png,portugal-wildfire_00000955_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000955_pre_disaster.png,0,0,0,0,00000955 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000956_post_disaster.png,portugal-wildfire_00000956_post_disaster,0,0,tier3\masks\portugal-wildfire_00000956_post_disaster.png,0,0,1,207,00000956 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000956_pre_disaster.png,portugal-wildfire_00000956_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000956_pre_disaster.png,0,0,1,207,00000956 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000957_post_disaster.png,portugal-wildfire_00000957_post_disaster,0,0,tier3\masks\portugal-wildfire_00000957_post_disaster.png,0,0,0,0,00000957 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000957_pre_disaster.png,portugal-wildfire_00000957_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000957_pre_disaster.png,0,0,0,0,00000957 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000958_post_disaster.png,portugal-wildfire_00000958_post_disaster,0,0,tier3\masks\portugal-wildfire_00000958_post_disaster.png,0,0,0,0,00000958 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000958_pre_disaster.png,portugal-wildfire_00000958_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000958_pre_disaster.png,0,0,0,0,00000958 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000959_post_disaster.png,portugal-wildfire_00000959_post_disaster,0,0,tier3\masks\portugal-wildfire_00000959_post_disaster.png,0,0,0,0,00000959 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000959_pre_disaster.png,portugal-wildfire_00000959_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000959_pre_disaster.png,0,0,0,0,00000959 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000960_post_disaster.png,portugal-wildfire_00000960_post_disaster,0,0,tier3\masks\portugal-wildfire_00000960_post_disaster.png,0,0,31,18267,00000960 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000960_pre_disaster.png,portugal-wildfire_00000960_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000960_pre_disaster.png,0,0,31,18267,00000960 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000961_post_disaster.png,portugal-wildfire_00000961_post_disaster,0,0,tier3\masks\portugal-wildfire_00000961_post_disaster.png,0,0,0,0,00000961 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000961_pre_disaster.png,portugal-wildfire_00000961_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000961_pre_disaster.png,0,0,0,0,00000961 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000962_post_disaster.png,portugal-wildfire_00000962_post_disaster,0,0,tier3\masks\portugal-wildfire_00000962_post_disaster.png,0,0,0,0,00000962 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000962_pre_disaster.png,portugal-wildfire_00000962_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000962_pre_disaster.png,0,0,0,0,00000962 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000963_post_disaster.png,portugal-wildfire_00000963_post_disaster,0,0,tier3\masks\portugal-wildfire_00000963_post_disaster.png,0,0,10,6572,00000963 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000963_pre_disaster.png,portugal-wildfire_00000963_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000963_pre_disaster.png,0,0,10,6572,00000963 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000964_post_disaster.png,portugal-wildfire_00000964_post_disaster,0,0,tier3\masks\portugal-wildfire_00000964_post_disaster.png,0,0,0,0,00000964 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000964_pre_disaster.png,portugal-wildfire_00000964_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000964_pre_disaster.png,0,0,0,0,00000964 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000965_post_disaster.png,portugal-wildfire_00000965_post_disaster,0,0,tier3\masks\portugal-wildfire_00000965_post_disaster.png,0,0,13,13281,00000965 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000965_pre_disaster.png,portugal-wildfire_00000965_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000965_pre_disaster.png,0,0,13,13355,00000965 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000966_post_disaster.png,portugal-wildfire_00000966_post_disaster,0,0,tier3\masks\portugal-wildfire_00000966_post_disaster.png,0,0,7,3978,00000966 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000966_pre_disaster.png,portugal-wildfire_00000966_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000966_pre_disaster.png,0,0,7,3978,00000966 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000967_post_disaster.png,portugal-wildfire_00000967_post_disaster,0,0,tier3\masks\portugal-wildfire_00000967_post_disaster.png,0,0,0,0,00000967 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000967_pre_disaster.png,portugal-wildfire_00000967_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000967_pre_disaster.png,0,0,0,0,00000967 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000968_post_disaster.png,portugal-wildfire_00000968_post_disaster,0,0,tier3\masks\portugal-wildfire_00000968_post_disaster.png,0,0,0,0,00000968 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000968_pre_disaster.png,portugal-wildfire_00000968_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000968_pre_disaster.png,0,0,0,0,00000968 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000969_post_disaster.png,portugal-wildfire_00000969_post_disaster,0,0,tier3\masks\portugal-wildfire_00000969_post_disaster.png,0,0,0,0,00000969 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000969_pre_disaster.png,portugal-wildfire_00000969_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000969_pre_disaster.png,0,0,0,0,00000969 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000970_post_disaster.png,portugal-wildfire_00000970_post_disaster,0,0,tier3\masks\portugal-wildfire_00000970_post_disaster.png,0,0,0,0,00000970 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000970_pre_disaster.png,portugal-wildfire_00000970_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000970_pre_disaster.png,0,0,0,0,00000970 +1,724,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000971_post_disaster.png,portugal-wildfire_00000971_post_disaster,1,1689,tier3\masks\portugal-wildfire_00000971_post_disaster.png,0,0,19,20734,00000971 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000971_pre_disaster.png,portugal-wildfire_00000971_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000971_pre_disaster.png,0,0,21,23147,00000971 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000972_post_disaster.png,portugal-wildfire_00000972_post_disaster,0,0,tier3\masks\portugal-wildfire_00000972_post_disaster.png,0,0,0,0,00000972 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000972_pre_disaster.png,portugal-wildfire_00000972_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000972_pre_disaster.png,0,0,0,0,00000972 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000973_post_disaster.png,portugal-wildfire_00000973_post_disaster,0,0,tier3\masks\portugal-wildfire_00000973_post_disaster.png,0,0,1,99,00000973 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000973_pre_disaster.png,portugal-wildfire_00000973_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000973_pre_disaster.png,0,0,1,99,00000973 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000974_post_disaster.png,portugal-wildfire_00000974_post_disaster,0,0,tier3\masks\portugal-wildfire_00000974_post_disaster.png,0,0,0,0,00000974 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000974_pre_disaster.png,portugal-wildfire_00000974_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000974_pre_disaster.png,0,0,0,0,00000974 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000975_post_disaster.png,portugal-wildfire_00000975_post_disaster,0,0,tier3\masks\portugal-wildfire_00000975_post_disaster.png,0,0,0,0,00000975 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000975_pre_disaster.png,portugal-wildfire_00000975_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000975_pre_disaster.png,0,0,0,0,00000975 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000976_post_disaster.png,portugal-wildfire_00000976_post_disaster,0,0,tier3\masks\portugal-wildfire_00000976_post_disaster.png,0,0,2,462,00000976 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000976_pre_disaster.png,portugal-wildfire_00000976_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000976_pre_disaster.png,0,0,2,462,00000976 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000977_post_disaster.png,portugal-wildfire_00000977_post_disaster,0,0,tier3\masks\portugal-wildfire_00000977_post_disaster.png,0,0,12,13184,00000977 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000977_pre_disaster.png,portugal-wildfire_00000977_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000977_pre_disaster.png,0,0,12,13184,00000977 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000978_post_disaster.png,portugal-wildfire_00000978_post_disaster,0,0,tier3\masks\portugal-wildfire_00000978_post_disaster.png,0,0,0,0,00000978 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000978_pre_disaster.png,portugal-wildfire_00000978_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000978_pre_disaster.png,0,0,0,0,00000978 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000979_post_disaster.png,portugal-wildfire_00000979_post_disaster,0,0,tier3\masks\portugal-wildfire_00000979_post_disaster.png,0,0,0,0,00000979 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000979_pre_disaster.png,portugal-wildfire_00000979_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000979_pre_disaster.png,0,0,0,0,00000979 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000980_post_disaster.png,portugal-wildfire_00000980_post_disaster,0,0,tier3\masks\portugal-wildfire_00000980_post_disaster.png,0,0,0,0,00000980 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000980_pre_disaster.png,portugal-wildfire_00000980_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000980_pre_disaster.png,0,0,0,0,00000980 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000981_post_disaster.png,portugal-wildfire_00000981_post_disaster,0,0,tier3\masks\portugal-wildfire_00000981_post_disaster.png,0,0,53,59264,00000981 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000981_pre_disaster.png,portugal-wildfire_00000981_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000981_pre_disaster.png,0,0,53,59513,00000981 +4,1803,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000982_post_disaster.png,portugal-wildfire_00000982_post_disaster,0,0,tier3\masks\portugal-wildfire_00000982_post_disaster.png,0,0,62,58455,00000982 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000982_pre_disaster.png,portugal-wildfire_00000982_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000982_pre_disaster.png,0,0,65,60258,00000982 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000983_post_disaster.png,portugal-wildfire_00000983_post_disaster,0,0,tier3\masks\portugal-wildfire_00000983_post_disaster.png,0,0,0,0,00000983 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000983_pre_disaster.png,portugal-wildfire_00000983_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000983_pre_disaster.png,0,0,0,0,00000983 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000984_post_disaster.png,portugal-wildfire_00000984_post_disaster,0,0,tier3\masks\portugal-wildfire_00000984_post_disaster.png,0,0,0,0,00000984 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000984_pre_disaster.png,portugal-wildfire_00000984_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000984_pre_disaster.png,0,0,0,0,00000984 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000985_post_disaster.png,portugal-wildfire_00000985_post_disaster,0,0,tier3\masks\portugal-wildfire_00000985_post_disaster.png,0,0,0,0,00000985 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000985_pre_disaster.png,portugal-wildfire_00000985_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000985_pre_disaster.png,0,0,0,0,00000985 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000986_post_disaster.png,portugal-wildfire_00000986_post_disaster,0,0,tier3\masks\portugal-wildfire_00000986_post_disaster.png,0,0,64,57736,00000986 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000986_pre_disaster.png,portugal-wildfire_00000986_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000986_pre_disaster.png,0,0,64,57740,00000986 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000987_post_disaster.png,portugal-wildfire_00000987_post_disaster,0,0,tier3\masks\portugal-wildfire_00000987_post_disaster.png,0,0,0,0,00000987 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000987_pre_disaster.png,portugal-wildfire_00000987_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000987_pre_disaster.png,0,0,0,0,00000987 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000988_post_disaster.png,portugal-wildfire_00000988_post_disaster,0,0,tier3\masks\portugal-wildfire_00000988_post_disaster.png,0,0,2,317,00000988 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000988_pre_disaster.png,portugal-wildfire_00000988_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000988_pre_disaster.png,0,0,2,317,00000988 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000989_post_disaster.png,portugal-wildfire_00000989_post_disaster,0,0,tier3\masks\portugal-wildfire_00000989_post_disaster.png,0,0,1,1029,00000989 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000989_pre_disaster.png,portugal-wildfire_00000989_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000989_pre_disaster.png,0,0,1,1029,00000989 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000990_post_disaster.png,portugal-wildfire_00000990_post_disaster,0,0,tier3\masks\portugal-wildfire_00000990_post_disaster.png,0,0,0,0,00000990 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000990_pre_disaster.png,portugal-wildfire_00000990_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000990_pre_disaster.png,0,0,0,0,00000990 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000991_post_disaster.png,portugal-wildfire_00000991_post_disaster,1,268,tier3\masks\portugal-wildfire_00000991_post_disaster.png,0,0,13,55184,00000991 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000991_pre_disaster.png,portugal-wildfire_00000991_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000991_pre_disaster.png,0,0,14,55819,00000991 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000992_post_disaster.png,portugal-wildfire_00000992_post_disaster,0,0,tier3\masks\portugal-wildfire_00000992_post_disaster.png,0,0,0,0,00000992 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000992_pre_disaster.png,portugal-wildfire_00000992_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000992_pre_disaster.png,0,0,0,0,00000992 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000993_post_disaster.png,portugal-wildfire_00000993_post_disaster,0,0,tier3\masks\portugal-wildfire_00000993_post_disaster.png,0,0,0,0,00000993 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000993_pre_disaster.png,portugal-wildfire_00000993_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000993_pre_disaster.png,0,0,0,0,00000993 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000994_post_disaster.png,portugal-wildfire_00000994_post_disaster,0,0,tier3\masks\portugal-wildfire_00000994_post_disaster.png,0,0,0,0,00000994 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000994_pre_disaster.png,portugal-wildfire_00000994_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000994_pre_disaster.png,0,0,0,0,00000994 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000995_post_disaster.png,portugal-wildfire_00000995_post_disaster,0,0,tier3\masks\portugal-wildfire_00000995_post_disaster.png,0,0,0,0,00000995 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000995_pre_disaster.png,portugal-wildfire_00000995_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000995_pre_disaster.png,0,0,0,0,00000995 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000996_post_disaster.png,portugal-wildfire_00000996_post_disaster,0,0,tier3\masks\portugal-wildfire_00000996_post_disaster.png,0,0,0,0,00000996 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000996_pre_disaster.png,portugal-wildfire_00000996_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000996_pre_disaster.png,0,0,0,0,00000996 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000997_post_disaster.png,portugal-wildfire_00000997_post_disaster,0,0,tier3\masks\portugal-wildfire_00000997_post_disaster.png,0,0,0,0,00000997 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000997_pre_disaster.png,portugal-wildfire_00000997_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000997_pre_disaster.png,0,0,0,0,00000997 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000998_post_disaster.png,portugal-wildfire_00000998_post_disaster,0,0,tier3\masks\portugal-wildfire_00000998_post_disaster.png,0,0,0,0,00000998 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000998_pre_disaster.png,portugal-wildfire_00000998_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000998_pre_disaster.png,0,0,0,0,00000998 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000999_post_disaster.png,portugal-wildfire_00000999_post_disaster,0,0,tier3\masks\portugal-wildfire_00000999_post_disaster.png,0,0,0,0,00000999 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000999_pre_disaster.png,portugal-wildfire_00000999_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000999_pre_disaster.png,0,0,0,0,00000999 +4,2781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001000_post_disaster.png,portugal-wildfire_00001000_post_disaster,0,0,tier3\masks\portugal-wildfire_00001000_post_disaster.png,0,0,6,6108,00001000 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001000_pre_disaster.png,portugal-wildfire_00001000_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001000_pre_disaster.png,0,0,10,8906,00001000 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001001_post_disaster.png,portugal-wildfire_00001001_post_disaster,0,0,tier3\masks\portugal-wildfire_00001001_post_disaster.png,0,0,26,25169,00001001 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001001_pre_disaster.png,portugal-wildfire_00001001_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001001_pre_disaster.png,0,0,26,25184,00001001 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001002_post_disaster.png,portugal-wildfire_00001002_post_disaster,0,0,tier3\masks\portugal-wildfire_00001002_post_disaster.png,0,0,0,0,00001002 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001002_pre_disaster.png,portugal-wildfire_00001002_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001002_pre_disaster.png,0,0,0,0,00001002 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001003_post_disaster.png,portugal-wildfire_00001003_post_disaster,0,0,tier3\masks\portugal-wildfire_00001003_post_disaster.png,0,0,0,0,00001003 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001003_pre_disaster.png,portugal-wildfire_00001003_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001003_pre_disaster.png,0,0,0,0,00001003 +1,280,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001004_post_disaster.png,portugal-wildfire_00001004_post_disaster,0,0,tier3\masks\portugal-wildfire_00001004_post_disaster.png,0,0,4,4626,00001004 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001004_pre_disaster.png,portugal-wildfire_00001004_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001004_pre_disaster.png,0,0,5,4906,00001004 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001005_post_disaster.png,portugal-wildfire_00001005_post_disaster,0,0,tier3\masks\portugal-wildfire_00001005_post_disaster.png,0,0,0,0,00001005 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001005_pre_disaster.png,portugal-wildfire_00001005_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001005_pre_disaster.png,0,0,0,0,00001005 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001006_post_disaster.png,portugal-wildfire_00001006_post_disaster,0,0,tier3\masks\portugal-wildfire_00001006_post_disaster.png,0,0,0,0,00001006 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001006_pre_disaster.png,portugal-wildfire_00001006_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001006_pre_disaster.png,0,0,0,0,00001006 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001007_post_disaster.png,portugal-wildfire_00001007_post_disaster,0,0,tier3\masks\portugal-wildfire_00001007_post_disaster.png,0,0,0,0,00001007 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001007_pre_disaster.png,portugal-wildfire_00001007_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001007_pre_disaster.png,0,0,0,0,00001007 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001008_post_disaster.png,portugal-wildfire_00001008_post_disaster,0,0,tier3\masks\portugal-wildfire_00001008_post_disaster.png,0,0,0,0,00001008 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001008_pre_disaster.png,portugal-wildfire_00001008_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001008_pre_disaster.png,0,0,0,0,00001008 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001009_post_disaster.png,portugal-wildfire_00001009_post_disaster,0,0,tier3\masks\portugal-wildfire_00001009_post_disaster.png,0,0,5,1889,00001009 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001009_pre_disaster.png,portugal-wildfire_00001009_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001009_pre_disaster.png,0,0,5,1889,00001009 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001010_post_disaster.png,portugal-wildfire_00001010_post_disaster,0,0,tier3\masks\portugal-wildfire_00001010_post_disaster.png,0,0,0,0,00001010 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001010_pre_disaster.png,portugal-wildfire_00001010_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001010_pre_disaster.png,0,0,0,0,00001010 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001011_post_disaster.png,portugal-wildfire_00001011_post_disaster,0,0,tier3\masks\portugal-wildfire_00001011_post_disaster.png,0,0,0,0,00001011 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001011_pre_disaster.png,portugal-wildfire_00001011_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001011_pre_disaster.png,0,0,0,0,00001011 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001012_post_disaster.png,portugal-wildfire_00001012_post_disaster,0,0,tier3\masks\portugal-wildfire_00001012_post_disaster.png,0,0,0,0,00001012 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001012_pre_disaster.png,portugal-wildfire_00001012_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001012_pre_disaster.png,0,0,0,0,00001012 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001013_post_disaster.png,portugal-wildfire_00001013_post_disaster,0,0,tier3\masks\portugal-wildfire_00001013_post_disaster.png,0,0,20,49533,00001013 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001013_pre_disaster.png,portugal-wildfire_00001013_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001013_pre_disaster.png,0,0,20,49571,00001013 +1,274,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001014_post_disaster.png,portugal-wildfire_00001014_post_disaster,0,0,tier3\masks\portugal-wildfire_00001014_post_disaster.png,0,0,19,17409,00001014 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001014_pre_disaster.png,portugal-wildfire_00001014_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001014_pre_disaster.png,0,0,20,17683,00001014 +1,400,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001015_post_disaster.png,portugal-wildfire_00001015_post_disaster,0,0,tier3\masks\portugal-wildfire_00001015_post_disaster.png,0,0,4,3058,00001015 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001015_pre_disaster.png,portugal-wildfire_00001015_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001015_pre_disaster.png,0,0,5,3458,00001015 +1,358,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001016_post_disaster.png,portugal-wildfire_00001016_post_disaster,1,922,tier3\masks\portugal-wildfire_00001016_post_disaster.png,0,0,16,10488,00001016 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001016_pre_disaster.png,portugal-wildfire_00001016_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001016_pre_disaster.png,0,0,18,11768,00001016 +1,311,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001017_post_disaster.png,portugal-wildfire_00001017_post_disaster,1,300,tier3\masks\portugal-wildfire_00001017_post_disaster.png,0,0,15,8919,00001017 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001017_pre_disaster.png,portugal-wildfire_00001017_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001017_pre_disaster.png,0,0,16,9530,00001017 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001018_post_disaster.png,portugal-wildfire_00001018_post_disaster,1,1216,tier3\masks\portugal-wildfire_00001018_post_disaster.png,1,8678,24,33807,00001018 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001018_pre_disaster.png,portugal-wildfire_00001018_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001018_pre_disaster.png,0,0,26,43701,00001018 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001019_post_disaster.png,portugal-wildfire_00001019_post_disaster,0,0,tier3\masks\portugal-wildfire_00001019_post_disaster.png,0,0,61,67610,00001019 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001019_pre_disaster.png,portugal-wildfire_00001019_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001019_pre_disaster.png,0,0,61,67734,00001019 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001020_post_disaster.png,portugal-wildfire_00001020_post_disaster,0,0,tier3\masks\portugal-wildfire_00001020_post_disaster.png,0,0,0,0,00001020 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001020_pre_disaster.png,portugal-wildfire_00001020_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001020_pre_disaster.png,0,0,0,0,00001020 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001021_post_disaster.png,portugal-wildfire_00001021_post_disaster,0,0,tier3\masks\portugal-wildfire_00001021_post_disaster.png,0,0,0,0,00001021 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001021_pre_disaster.png,portugal-wildfire_00001021_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001021_pre_disaster.png,0,0,0,0,00001021 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001022_post_disaster.png,portugal-wildfire_00001022_post_disaster,0,0,tier3\masks\portugal-wildfire_00001022_post_disaster.png,0,0,0,0,00001022 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001022_pre_disaster.png,portugal-wildfire_00001022_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001022_pre_disaster.png,0,0,0,0,00001022 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001023_post_disaster.png,portugal-wildfire_00001023_post_disaster,0,0,tier3\masks\portugal-wildfire_00001023_post_disaster.png,0,0,0,0,00001023 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001023_pre_disaster.png,portugal-wildfire_00001023_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001023_pre_disaster.png,0,0,0,0,00001023 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001024_post_disaster.png,portugal-wildfire_00001024_post_disaster,0,0,tier3\masks\portugal-wildfire_00001024_post_disaster.png,0,0,0,0,00001024 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001024_pre_disaster.png,portugal-wildfire_00001024_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001024_pre_disaster.png,0,0,0,0,00001024 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001025_post_disaster.png,portugal-wildfire_00001025_post_disaster,0,0,tier3\masks\portugal-wildfire_00001025_post_disaster.png,0,0,13,9021,00001025 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001025_pre_disaster.png,portugal-wildfire_00001025_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001025_pre_disaster.png,0,0,13,9021,00001025 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001026_post_disaster.png,portugal-wildfire_00001026_post_disaster,0,0,tier3\masks\portugal-wildfire_00001026_post_disaster.png,0,0,27,51202,00001026 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001026_pre_disaster.png,portugal-wildfire_00001026_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001026_pre_disaster.png,0,0,27,51457,00001026 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001027_post_disaster.png,portugal-wildfire_00001027_post_disaster,0,0,tier3\masks\portugal-wildfire_00001027_post_disaster.png,0,0,0,0,00001027 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001027_pre_disaster.png,portugal-wildfire_00001027_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001027_pre_disaster.png,0,0,0,0,00001027 +3,1231,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001028_post_disaster.png,portugal-wildfire_00001028_post_disaster,1,307,tier3\masks\portugal-wildfire_00001028_post_disaster.png,0,0,2,862,00001028 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001028_pre_disaster.png,portugal-wildfire_00001028_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001028_pre_disaster.png,0,0,6,2400,00001028 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001029_post_disaster.png,portugal-wildfire_00001029_post_disaster,0,0,tier3\masks\portugal-wildfire_00001029_post_disaster.png,0,0,13,9061,00001029 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001029_pre_disaster.png,portugal-wildfire_00001029_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001029_pre_disaster.png,0,0,13,9054,00001029 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001030_post_disaster.png,portugal-wildfire_00001030_post_disaster,0,0,tier3\masks\portugal-wildfire_00001030_post_disaster.png,0,0,0,0,00001030 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001030_pre_disaster.png,portugal-wildfire_00001030_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001030_pre_disaster.png,0,0,0,0,00001030 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001031_post_disaster.png,portugal-wildfire_00001031_post_disaster,0,0,tier3\masks\portugal-wildfire_00001031_post_disaster.png,0,0,0,0,00001031 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001031_pre_disaster.png,portugal-wildfire_00001031_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001031_pre_disaster.png,0,0,0,0,00001031 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001032_post_disaster.png,portugal-wildfire_00001032_post_disaster,0,0,tier3\masks\portugal-wildfire_00001032_post_disaster.png,0,0,0,0,00001032 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001032_pre_disaster.png,portugal-wildfire_00001032_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001032_pre_disaster.png,0,0,0,0,00001032 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001033_post_disaster.png,portugal-wildfire_00001033_post_disaster,0,0,tier3\masks\portugal-wildfire_00001033_post_disaster.png,0,0,119,150637,00001033 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001033_pre_disaster.png,portugal-wildfire_00001033_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001033_pre_disaster.png,0,0,119,150821,00001033 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001034_post_disaster.png,portugal-wildfire_00001034_post_disaster,0,0,tier3\masks\portugal-wildfire_00001034_post_disaster.png,0,0,2,1750,00001034 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001034_pre_disaster.png,portugal-wildfire_00001034_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001034_pre_disaster.png,0,0,2,1750,00001034 +3,6122,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001035_post_disaster.png,portugal-wildfire_00001035_post_disaster,0,0,tier3\masks\portugal-wildfire_00001035_post_disaster.png,0,0,3,22053,00001035 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001035_pre_disaster.png,portugal-wildfire_00001035_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001035_pre_disaster.png,0,0,5,28175,00001035 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001036_post_disaster.png,portugal-wildfire_00001036_post_disaster,0,0,tier3\masks\portugal-wildfire_00001036_post_disaster.png,0,0,0,0,00001036 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001036_pre_disaster.png,portugal-wildfire_00001036_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001036_pre_disaster.png,0,0,0,0,00001036 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001037_post_disaster.png,portugal-wildfire_00001037_post_disaster,0,0,tier3\masks\portugal-wildfire_00001037_post_disaster.png,0,0,0,0,00001037 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001037_pre_disaster.png,portugal-wildfire_00001037_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001037_pre_disaster.png,0,0,0,0,00001037 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001038_post_disaster.png,portugal-wildfire_00001038_post_disaster,0,0,tier3\masks\portugal-wildfire_00001038_post_disaster.png,0,0,0,0,00001038 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001038_pre_disaster.png,portugal-wildfire_00001038_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001038_pre_disaster.png,0,0,0,0,00001038 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001039_post_disaster.png,portugal-wildfire_00001039_post_disaster,0,0,tier3\masks\portugal-wildfire_00001039_post_disaster.png,0,0,7,2384,00001039 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001039_pre_disaster.png,portugal-wildfire_00001039_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001039_pre_disaster.png,0,0,7,2384,00001039 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001040_post_disaster.png,portugal-wildfire_00001040_post_disaster,0,0,tier3\masks\portugal-wildfire_00001040_post_disaster.png,0,0,0,0,00001040 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001040_pre_disaster.png,portugal-wildfire_00001040_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001040_pre_disaster.png,0,0,0,0,00001040 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001041_post_disaster.png,portugal-wildfire_00001041_post_disaster,0,0,tier3\masks\portugal-wildfire_00001041_post_disaster.png,0,0,1,118,00001041 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001041_pre_disaster.png,portugal-wildfire_00001041_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001041_pre_disaster.png,0,0,1,118,00001041 +2,588,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001042_post_disaster.png,portugal-wildfire_00001042_post_disaster,0,0,tier3\masks\portugal-wildfire_00001042_post_disaster.png,0,0,6,4108,00001042 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001042_pre_disaster.png,portugal-wildfire_00001042_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001042_pre_disaster.png,0,0,8,4696,00001042 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001043_post_disaster.png,portugal-wildfire_00001043_post_disaster,0,0,tier3\masks\portugal-wildfire_00001043_post_disaster.png,0,0,0,0,00001043 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001043_pre_disaster.png,portugal-wildfire_00001043_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001043_pre_disaster.png,0,0,0,0,00001043 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001044_post_disaster.png,portugal-wildfire_00001044_post_disaster,0,0,tier3\masks\portugal-wildfire_00001044_post_disaster.png,0,0,15,8068,00001044 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001044_pre_disaster.png,portugal-wildfire_00001044_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001044_pre_disaster.png,0,0,15,8068,00001044 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001045_post_disaster.png,portugal-wildfire_00001045_post_disaster,0,0,tier3\masks\portugal-wildfire_00001045_post_disaster.png,0,0,5,2103,00001045 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001045_pre_disaster.png,portugal-wildfire_00001045_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001045_pre_disaster.png,0,0,5,2103,00001045 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001046_post_disaster.png,portugal-wildfire_00001046_post_disaster,0,0,tier3\masks\portugal-wildfire_00001046_post_disaster.png,0,0,1,464,00001046 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001046_pre_disaster.png,portugal-wildfire_00001046_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001046_pre_disaster.png,0,0,1,464,00001046 +5,1263,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001047_post_disaster.png,portugal-wildfire_00001047_post_disaster,0,0,tier3\masks\portugal-wildfire_00001047_post_disaster.png,2,1853,47,40903,00001047 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001047_pre_disaster.png,portugal-wildfire_00001047_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001047_pre_disaster.png,0,0,53,44154,00001047 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001048_post_disaster.png,portugal-wildfire_00001048_post_disaster,0,0,tier3\masks\portugal-wildfire_00001048_post_disaster.png,0,0,12,8064,00001048 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001048_pre_disaster.png,portugal-wildfire_00001048_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001048_pre_disaster.png,0,0,12,8119,00001048 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001049_post_disaster.png,portugal-wildfire_00001049_post_disaster,0,0,tier3\masks\portugal-wildfire_00001049_post_disaster.png,0,0,8,12884,00001049 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001049_pre_disaster.png,portugal-wildfire_00001049_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001049_pre_disaster.png,0,0,8,12884,00001049 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001050_post_disaster.png,portugal-wildfire_00001050_post_disaster,0,0,tier3\masks\portugal-wildfire_00001050_post_disaster.png,0,0,2,1029,00001050 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001050_pre_disaster.png,portugal-wildfire_00001050_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001050_pre_disaster.png,0,0,2,1029,00001050 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001051_post_disaster.png,portugal-wildfire_00001051_post_disaster,0,0,tier3\masks\portugal-wildfire_00001051_post_disaster.png,0,0,0,0,00001051 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001051_pre_disaster.png,portugal-wildfire_00001051_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001051_pre_disaster.png,0,0,0,0,00001051 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001052_post_disaster.png,portugal-wildfire_00001052_post_disaster,0,0,tier3\masks\portugal-wildfire_00001052_post_disaster.png,0,0,0,0,00001052 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001052_pre_disaster.png,portugal-wildfire_00001052_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001052_pre_disaster.png,0,0,0,0,00001052 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001053_post_disaster.png,portugal-wildfire_00001053_post_disaster,0,0,tier3\masks\portugal-wildfire_00001053_post_disaster.png,0,0,11,5781,00001053 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001053_pre_disaster.png,portugal-wildfire_00001053_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001053_pre_disaster.png,0,0,11,5796,00001053 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001054_post_disaster.png,portugal-wildfire_00001054_post_disaster,0,0,tier3\masks\portugal-wildfire_00001054_post_disaster.png,0,0,0,0,00001054 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001054_pre_disaster.png,portugal-wildfire_00001054_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001054_pre_disaster.png,0,0,0,0,00001054 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001055_post_disaster.png,portugal-wildfire_00001055_post_disaster,1,171,tier3\masks\portugal-wildfire_00001055_post_disaster.png,0,0,0,0,00001055 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001055_pre_disaster.png,portugal-wildfire_00001055_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001055_pre_disaster.png,0,0,1,171,00001055 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001056_post_disaster.png,portugal-wildfire_00001056_post_disaster,0,0,tier3\masks\portugal-wildfire_00001056_post_disaster.png,0,0,0,0,00001056 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001056_pre_disaster.png,portugal-wildfire_00001056_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001056_pre_disaster.png,0,0,0,0,00001056 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001057_post_disaster.png,portugal-wildfire_00001057_post_disaster,0,0,tier3\masks\portugal-wildfire_00001057_post_disaster.png,0,0,26,19399,00001057 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001057_pre_disaster.png,portugal-wildfire_00001057_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001057_pre_disaster.png,0,0,26,19576,00001057 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001058_post_disaster.png,portugal-wildfire_00001058_post_disaster,0,0,tier3\masks\portugal-wildfire_00001058_post_disaster.png,0,0,20,12417,00001058 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001058_pre_disaster.png,portugal-wildfire_00001058_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001058_pre_disaster.png,0,0,20,12417,00001058 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001059_post_disaster.png,portugal-wildfire_00001059_post_disaster,0,0,tier3\masks\portugal-wildfire_00001059_post_disaster.png,0,0,3,2665,00001059 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001059_pre_disaster.png,portugal-wildfire_00001059_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001059_pre_disaster.png,0,0,3,2665,00001059 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001060_post_disaster.png,portugal-wildfire_00001060_post_disaster,0,0,tier3\masks\portugal-wildfire_00001060_post_disaster.png,0,0,26,20198,00001060 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001060_pre_disaster.png,portugal-wildfire_00001060_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001060_pre_disaster.png,0,0,26,20198,00001060 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001061_post_disaster.png,portugal-wildfire_00001061_post_disaster,0,0,tier3\masks\portugal-wildfire_00001061_post_disaster.png,0,0,13,10922,00001061 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001061_pre_disaster.png,portugal-wildfire_00001061_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001061_pre_disaster.png,0,0,13,10922,00001061 +3,1591,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001062_post_disaster.png,portugal-wildfire_00001062_post_disaster,1,448,tier3\masks\portugal-wildfire_00001062_post_disaster.png,1,270,9,3568,00001062 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001062_pre_disaster.png,portugal-wildfire_00001062_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001062_pre_disaster.png,0,0,14,5893,00001062 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001063_post_disaster.png,portugal-wildfire_00001063_post_disaster,0,0,tier3\masks\portugal-wildfire_00001063_post_disaster.png,0,0,0,0,00001063 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001063_pre_disaster.png,portugal-wildfire_00001063_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001063_pre_disaster.png,0,0,0,0,00001063 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001064_post_disaster.png,portugal-wildfire_00001064_post_disaster,0,0,tier3\masks\portugal-wildfire_00001064_post_disaster.png,0,0,0,0,00001064 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001064_pre_disaster.png,portugal-wildfire_00001064_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001064_pre_disaster.png,0,0,0,0,00001064 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001065_post_disaster.png,portugal-wildfire_00001065_post_disaster,0,0,tier3\masks\portugal-wildfire_00001065_post_disaster.png,1,987,11,7165,00001065 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001065_pre_disaster.png,portugal-wildfire_00001065_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001065_pre_disaster.png,0,0,12,8192,00001065 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001066_post_disaster.png,portugal-wildfire_00001066_post_disaster,0,0,tier3\masks\portugal-wildfire_00001066_post_disaster.png,0,0,0,0,00001066 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001066_pre_disaster.png,portugal-wildfire_00001066_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001066_pre_disaster.png,0,0,0,0,00001066 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001067_post_disaster.png,portugal-wildfire_00001067_post_disaster,0,0,tier3\masks\portugal-wildfire_00001067_post_disaster.png,0,0,1,418,00001067 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001067_pre_disaster.png,portugal-wildfire_00001067_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001067_pre_disaster.png,0,0,1,418,00001067 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001068_post_disaster.png,portugal-wildfire_00001068_post_disaster,0,0,tier3\masks\portugal-wildfire_00001068_post_disaster.png,0,0,1,1151,00001068 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001068_pre_disaster.png,portugal-wildfire_00001068_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001068_pre_disaster.png,0,0,1,1151,00001068 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001069_post_disaster.png,portugal-wildfire_00001069_post_disaster,0,0,tier3\masks\portugal-wildfire_00001069_post_disaster.png,0,0,11,9445,00001069 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001069_pre_disaster.png,portugal-wildfire_00001069_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001069_pre_disaster.png,0,0,11,9445,00001069 +3,1393,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001070_post_disaster.png,portugal-wildfire_00001070_post_disaster,0,0,tier3\masks\portugal-wildfire_00001070_post_disaster.png,0,0,7,6083,00001070 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001070_pre_disaster.png,portugal-wildfire_00001070_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001070_pre_disaster.png,0,0,10,7476,00001070 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001071_post_disaster.png,portugal-wildfire_00001071_post_disaster,0,0,tier3\masks\portugal-wildfire_00001071_post_disaster.png,0,0,32,27504,00001071 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001071_pre_disaster.png,portugal-wildfire_00001071_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001071_pre_disaster.png,0,0,32,27621,00001071 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001072_post_disaster.png,portugal-wildfire_00001072_post_disaster,0,0,tier3\masks\portugal-wildfire_00001072_post_disaster.png,0,0,0,0,00001072 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001072_pre_disaster.png,portugal-wildfire_00001072_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001072_pre_disaster.png,0,0,0,0,00001072 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001073_post_disaster.png,portugal-wildfire_00001073_post_disaster,0,0,tier3\masks\portugal-wildfire_00001073_post_disaster.png,0,0,119,156932,00001073 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001073_pre_disaster.png,portugal-wildfire_00001073_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001073_pre_disaster.png,0,0,119,157183,00001073 +2,1762,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001074_post_disaster.png,portugal-wildfire_00001074_post_disaster,0,0,tier3\masks\portugal-wildfire_00001074_post_disaster.png,0,0,0,0,00001074 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001074_pre_disaster.png,portugal-wildfire_00001074_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001074_pre_disaster.png,0,0,2,1762,00001074 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001075_post_disaster.png,portugal-wildfire_00001075_post_disaster,0,0,tier3\masks\portugal-wildfire_00001075_post_disaster.png,0,0,36,25057,00001075 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001075_pre_disaster.png,portugal-wildfire_00001075_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001075_pre_disaster.png,0,0,36,25057,00001075 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001076_post_disaster.png,portugal-wildfire_00001076_post_disaster,0,0,tier3\masks\portugal-wildfire_00001076_post_disaster.png,0,0,0,0,00001076 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001076_pre_disaster.png,portugal-wildfire_00001076_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001076_pre_disaster.png,0,0,0,0,00001076 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001077_post_disaster.png,portugal-wildfire_00001077_post_disaster,0,0,tier3\masks\portugal-wildfire_00001077_post_disaster.png,0,0,0,0,00001077 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001077_pre_disaster.png,portugal-wildfire_00001077_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001077_pre_disaster.png,0,0,0,0,00001077 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001078_post_disaster.png,portugal-wildfire_00001078_post_disaster,0,0,tier3\masks\portugal-wildfire_00001078_post_disaster.png,0,0,0,0,00001078 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001078_pre_disaster.png,portugal-wildfire_00001078_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001078_pre_disaster.png,0,0,0,0,00001078 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001079_post_disaster.png,portugal-wildfire_00001079_post_disaster,1,311,tier3\masks\portugal-wildfire_00001079_post_disaster.png,0,0,13,6929,00001079 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001079_pre_disaster.png,portugal-wildfire_00001079_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001079_pre_disaster.png,0,0,14,7240,00001079 +1,161,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001080_post_disaster.png,portugal-wildfire_00001080_post_disaster,0,0,tier3\masks\portugal-wildfire_00001080_post_disaster.png,0,0,11,4579,00001080 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001080_pre_disaster.png,portugal-wildfire_00001080_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001080_pre_disaster.png,0,0,12,4740,00001080 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001081_post_disaster.png,portugal-wildfire_00001081_post_disaster,0,0,tier3\masks\portugal-wildfire_00001081_post_disaster.png,0,0,14,8791,00001081 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001081_pre_disaster.png,portugal-wildfire_00001081_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001081_pre_disaster.png,0,0,14,8806,00001081 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001082_post_disaster.png,portugal-wildfire_00001082_post_disaster,0,0,tier3\masks\portugal-wildfire_00001082_post_disaster.png,0,0,0,0,00001082 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001082_pre_disaster.png,portugal-wildfire_00001082_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001082_pre_disaster.png,0,0,0,0,00001082 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001083_post_disaster.png,portugal-wildfire_00001083_post_disaster,0,0,tier3\masks\portugal-wildfire_00001083_post_disaster.png,0,0,20,20364,00001083 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001083_pre_disaster.png,portugal-wildfire_00001083_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001083_pre_disaster.png,0,0,20,20479,00001083 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001084_post_disaster.png,portugal-wildfire_00001084_post_disaster,0,0,tier3\masks\portugal-wildfire_00001084_post_disaster.png,0,0,2,1391,00001084 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001084_pre_disaster.png,portugal-wildfire_00001084_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001084_pre_disaster.png,0,0,2,1391,00001084 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001085_post_disaster.png,portugal-wildfire_00001085_post_disaster,0,0,tier3\masks\portugal-wildfire_00001085_post_disaster.png,0,0,3,1864,00001085 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001085_pre_disaster.png,portugal-wildfire_00001085_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001085_pre_disaster.png,0,0,3,1864,00001085 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001086_post_disaster.png,portugal-wildfire_00001086_post_disaster,0,0,tier3\masks\portugal-wildfire_00001086_post_disaster.png,0,0,0,0,00001086 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001086_pre_disaster.png,portugal-wildfire_00001086_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001086_pre_disaster.png,0,0,0,0,00001086 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001087_post_disaster.png,portugal-wildfire_00001087_post_disaster,0,0,tier3\masks\portugal-wildfire_00001087_post_disaster.png,0,0,22,14394,00001087 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001087_pre_disaster.png,portugal-wildfire_00001087_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001087_pre_disaster.png,0,0,22,14394,00001087 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001088_post_disaster.png,portugal-wildfire_00001088_post_disaster,0,0,tier3\masks\portugal-wildfire_00001088_post_disaster.png,0,0,0,0,00001088 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001088_pre_disaster.png,portugal-wildfire_00001088_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001088_pre_disaster.png,0,0,0,0,00001088 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001089_post_disaster.png,portugal-wildfire_00001089_post_disaster,0,0,tier3\masks\portugal-wildfire_00001089_post_disaster.png,0,0,37,26862,00001089 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001089_pre_disaster.png,portugal-wildfire_00001089_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001089_pre_disaster.png,0,0,37,26872,00001089 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001090_post_disaster.png,portugal-wildfire_00001090_post_disaster,0,0,tier3\masks\portugal-wildfire_00001090_post_disaster.png,0,0,0,0,00001090 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001090_pre_disaster.png,portugal-wildfire_00001090_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001090_pre_disaster.png,0,0,0,0,00001090 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001091_post_disaster.png,portugal-wildfire_00001091_post_disaster,0,0,tier3\masks\portugal-wildfire_00001091_post_disaster.png,0,0,0,0,00001091 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001091_pre_disaster.png,portugal-wildfire_00001091_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001091_pre_disaster.png,0,0,0,0,00001091 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001092_post_disaster.png,portugal-wildfire_00001092_post_disaster,0,0,tier3\masks\portugal-wildfire_00001092_post_disaster.png,0,0,0,0,00001092 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001092_pre_disaster.png,portugal-wildfire_00001092_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001092_pre_disaster.png,0,0,0,0,00001092 +2,1242,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001093_post_disaster.png,portugal-wildfire_00001093_post_disaster,0,0,tier3\masks\portugal-wildfire_00001093_post_disaster.png,0,0,116,136214,00001093 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001093_pre_disaster.png,portugal-wildfire_00001093_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001093_pre_disaster.png,0,0,117,137652,00001093 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001094_post_disaster.png,portugal-wildfire_00001094_post_disaster,0,0,tier3\masks\portugal-wildfire_00001094_post_disaster.png,0,0,0,0,00001094 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001094_pre_disaster.png,portugal-wildfire_00001094_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001094_pre_disaster.png,0,0,0,0,00001094 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001095_post_disaster.png,portugal-wildfire_00001095_post_disaster,0,0,tier3\masks\portugal-wildfire_00001095_post_disaster.png,0,0,0,0,00001095 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001095_pre_disaster.png,portugal-wildfire_00001095_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001095_pre_disaster.png,0,0,0,0,00001095 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001096_post_disaster.png,portugal-wildfire_00001096_post_disaster,0,0,tier3\masks\portugal-wildfire_00001096_post_disaster.png,0,0,0,0,00001096 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001096_pre_disaster.png,portugal-wildfire_00001096_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001096_pre_disaster.png,0,0,0,0,00001096 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001097_post_disaster.png,portugal-wildfire_00001097_post_disaster,0,0,tier3\masks\portugal-wildfire_00001097_post_disaster.png,0,0,0,0,00001097 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001097_pre_disaster.png,portugal-wildfire_00001097_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001097_pre_disaster.png,0,0,0,0,00001097 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001098_post_disaster.png,portugal-wildfire_00001098_post_disaster,0,0,tier3\masks\portugal-wildfire_00001098_post_disaster.png,0,0,92,70981,00001098 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001098_pre_disaster.png,portugal-wildfire_00001098_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001098_pre_disaster.png,0,0,92,70998,00001098 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001099_post_disaster.png,portugal-wildfire_00001099_post_disaster,0,0,tier3\masks\portugal-wildfire_00001099_post_disaster.png,0,0,0,0,00001099 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001099_pre_disaster.png,portugal-wildfire_00001099_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001099_pre_disaster.png,0,0,0,0,00001099 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001100_post_disaster.png,portugal-wildfire_00001100_post_disaster,0,0,tier3\masks\portugal-wildfire_00001100_post_disaster.png,0,0,11,24805,00001100 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001100_pre_disaster.png,portugal-wildfire_00001100_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001100_pre_disaster.png,0,0,11,24805,00001100 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001101_post_disaster.png,portugal-wildfire_00001101_post_disaster,0,0,tier3\masks\portugal-wildfire_00001101_post_disaster.png,0,0,4,1249,00001101 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001101_pre_disaster.png,portugal-wildfire_00001101_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001101_pre_disaster.png,0,0,4,1249,00001101 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001102_post_disaster.png,portugal-wildfire_00001102_post_disaster,0,0,tier3\masks\portugal-wildfire_00001102_post_disaster.png,0,0,28,16473,00001102 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001102_pre_disaster.png,portugal-wildfire_00001102_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001102_pre_disaster.png,0,0,28,16490,00001102 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001103_post_disaster.png,portugal-wildfire_00001103_post_disaster,0,0,tier3\masks\portugal-wildfire_00001103_post_disaster.png,0,0,20,12982,00001103 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001103_pre_disaster.png,portugal-wildfire_00001103_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001103_pre_disaster.png,0,0,20,13003,00001103 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001104_post_disaster.png,portugal-wildfire_00001104_post_disaster,0,0,tier3\masks\portugal-wildfire_00001104_post_disaster.png,0,0,1,77,00001104 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001104_pre_disaster.png,portugal-wildfire_00001104_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001104_pre_disaster.png,0,0,1,77,00001104 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001105_post_disaster.png,portugal-wildfire_00001105_post_disaster,0,0,tier3\masks\portugal-wildfire_00001105_post_disaster.png,0,0,0,0,00001105 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001105_pre_disaster.png,portugal-wildfire_00001105_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001105_pre_disaster.png,0,0,0,0,00001105 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001106_post_disaster.png,portugal-wildfire_00001106_post_disaster,0,0,tier3\masks\portugal-wildfire_00001106_post_disaster.png,0,0,0,0,00001106 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001106_pre_disaster.png,portugal-wildfire_00001106_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001106_pre_disaster.png,0,0,0,0,00001106 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001107_post_disaster.png,portugal-wildfire_00001107_post_disaster,0,0,tier3\masks\portugal-wildfire_00001107_post_disaster.png,0,0,0,0,00001107 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001107_pre_disaster.png,portugal-wildfire_00001107_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001107_pre_disaster.png,0,0,0,0,00001107 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001108_post_disaster.png,portugal-wildfire_00001108_post_disaster,0,0,tier3\masks\portugal-wildfire_00001108_post_disaster.png,0,0,0,0,00001108 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001108_pre_disaster.png,portugal-wildfire_00001108_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001108_pre_disaster.png,0,0,0,0,00001108 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001109_post_disaster.png,portugal-wildfire_00001109_post_disaster,0,0,tier3\masks\portugal-wildfire_00001109_post_disaster.png,0,0,0,0,00001109 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001109_pre_disaster.png,portugal-wildfire_00001109_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001109_pre_disaster.png,0,0,0,0,00001109 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001110_post_disaster.png,portugal-wildfire_00001110_post_disaster,1,330,tier3\masks\portugal-wildfire_00001110_post_disaster.png,0,0,8,4384,00001110 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001110_pre_disaster.png,portugal-wildfire_00001110_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001110_pre_disaster.png,0,0,8,4714,00001110 +8,5785,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001111_post_disaster.png,portugal-wildfire_00001111_post_disaster,0,0,tier3\masks\portugal-wildfire_00001111_post_disaster.png,2,3817,11,6863,00001111 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001111_pre_disaster.png,portugal-wildfire_00001111_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001111_pre_disaster.png,0,0,21,16522,00001111 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001112_post_disaster.png,portugal-wildfire_00001112_post_disaster,0,0,tier3\masks\portugal-wildfire_00001112_post_disaster.png,0,0,1,144,00001112 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001112_pre_disaster.png,portugal-wildfire_00001112_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001112_pre_disaster.png,0,0,1,144,00001112 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001113_post_disaster.png,portugal-wildfire_00001113_post_disaster,0,0,tier3\masks\portugal-wildfire_00001113_post_disaster.png,0,0,0,0,00001113 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001113_pre_disaster.png,portugal-wildfire_00001113_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001113_pre_disaster.png,0,0,0,0,00001113 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001114_post_disaster.png,portugal-wildfire_00001114_post_disaster,0,0,tier3\masks\portugal-wildfire_00001114_post_disaster.png,0,0,0,0,00001114 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001114_pre_disaster.png,portugal-wildfire_00001114_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001114_pre_disaster.png,0,0,0,0,00001114 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001115_post_disaster.png,portugal-wildfire_00001115_post_disaster,0,0,tier3\masks\portugal-wildfire_00001115_post_disaster.png,0,0,0,0,00001115 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001115_pre_disaster.png,portugal-wildfire_00001115_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001115_pre_disaster.png,0,0,0,0,00001115 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001116_post_disaster.png,portugal-wildfire_00001116_post_disaster,0,0,tier3\masks\portugal-wildfire_00001116_post_disaster.png,0,0,0,0,00001116 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001116_pre_disaster.png,portugal-wildfire_00001116_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001116_pre_disaster.png,0,0,0,0,00001116 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001117_post_disaster.png,portugal-wildfire_00001117_post_disaster,0,0,tier3\masks\portugal-wildfire_00001117_post_disaster.png,0,0,0,0,00001117 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001117_pre_disaster.png,portugal-wildfire_00001117_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001117_pre_disaster.png,0,0,0,0,00001117 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001118_post_disaster.png,portugal-wildfire_00001118_post_disaster,0,0,tier3\masks\portugal-wildfire_00001118_post_disaster.png,0,0,44,41260,00001118 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001118_pre_disaster.png,portugal-wildfire_00001118_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001118_pre_disaster.png,0,0,44,41293,00001118 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001119_post_disaster.png,portugal-wildfire_00001119_post_disaster,0,0,tier3\masks\portugal-wildfire_00001119_post_disaster.png,0,0,6,3902,00001119 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001119_pre_disaster.png,portugal-wildfire_00001119_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001119_pre_disaster.png,0,0,6,4054,00001119 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001120_post_disaster.png,portugal-wildfire_00001120_post_disaster,0,0,tier3\masks\portugal-wildfire_00001120_post_disaster.png,0,0,0,0,00001120 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001120_pre_disaster.png,portugal-wildfire_00001120_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001120_pre_disaster.png,0,0,0,0,00001120 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001121_post_disaster.png,portugal-wildfire_00001121_post_disaster,0,0,tier3\masks\portugal-wildfire_00001121_post_disaster.png,0,0,0,0,00001121 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001121_pre_disaster.png,portugal-wildfire_00001121_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001121_pre_disaster.png,0,0,0,0,00001121 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001122_post_disaster.png,portugal-wildfire_00001122_post_disaster,1,868,tier3\masks\portugal-wildfire_00001122_post_disaster.png,0,0,16,12822,00001122 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001122_pre_disaster.png,portugal-wildfire_00001122_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001122_pre_disaster.png,0,0,17,13728,00001122 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001123_post_disaster.png,portugal-wildfire_00001123_post_disaster,0,0,tier3\masks\portugal-wildfire_00001123_post_disaster.png,0,0,3,4146,00001123 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001123_pre_disaster.png,portugal-wildfire_00001123_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001123_pre_disaster.png,0,0,3,4146,00001123 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001124_post_disaster.png,portugal-wildfire_00001124_post_disaster,0,0,tier3\masks\portugal-wildfire_00001124_post_disaster.png,0,0,2,2104,00001124 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001124_pre_disaster.png,portugal-wildfire_00001124_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001124_pre_disaster.png,0,0,2,2134,00001124 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001125_post_disaster.png,portugal-wildfire_00001125_post_disaster,0,0,tier3\masks\portugal-wildfire_00001125_post_disaster.png,0,0,0,0,00001125 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001125_pre_disaster.png,portugal-wildfire_00001125_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001125_pre_disaster.png,0,0,0,0,00001125 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001126_post_disaster.png,portugal-wildfire_00001126_post_disaster,0,0,tier3\masks\portugal-wildfire_00001126_post_disaster.png,0,0,38,24878,00001126 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001126_pre_disaster.png,portugal-wildfire_00001126_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001126_pre_disaster.png,0,0,38,24960,00001126 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001127_post_disaster.png,portugal-wildfire_00001127_post_disaster,0,0,tier3\masks\portugal-wildfire_00001127_post_disaster.png,0,0,0,0,00001127 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001127_pre_disaster.png,portugal-wildfire_00001127_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001127_pre_disaster.png,0,0,0,0,00001127 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001128_post_disaster.png,portugal-wildfire_00001128_post_disaster,0,0,tier3\masks\portugal-wildfire_00001128_post_disaster.png,0,0,0,0,00001128 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001128_pre_disaster.png,portugal-wildfire_00001128_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001128_pre_disaster.png,0,0,0,0,00001128 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001129_post_disaster.png,portugal-wildfire_00001129_post_disaster,0,0,tier3\masks\portugal-wildfire_00001129_post_disaster.png,0,0,1,286,00001129 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001129_pre_disaster.png,portugal-wildfire_00001129_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001129_pre_disaster.png,0,0,1,286,00001129 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001130_post_disaster.png,portugal-wildfire_00001130_post_disaster,0,0,tier3\masks\portugal-wildfire_00001130_post_disaster.png,0,0,31,19283,00001130 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001130_pre_disaster.png,portugal-wildfire_00001130_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001130_pre_disaster.png,0,0,31,19321,00001130 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001131_post_disaster.png,portugal-wildfire_00001131_post_disaster,0,0,tier3\masks\portugal-wildfire_00001131_post_disaster.png,0,0,0,0,00001131 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001131_pre_disaster.png,portugal-wildfire_00001131_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001131_pre_disaster.png,0,0,0,0,00001131 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001132_post_disaster.png,portugal-wildfire_00001132_post_disaster,0,0,tier3\masks\portugal-wildfire_00001132_post_disaster.png,0,0,6,6982,00001132 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001132_pre_disaster.png,portugal-wildfire_00001132_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001132_pre_disaster.png,0,0,6,6982,00001132 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001133_post_disaster.png,portugal-wildfire_00001133_post_disaster,0,0,tier3\masks\portugal-wildfire_00001133_post_disaster.png,0,0,7,4470,00001133 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001133_pre_disaster.png,portugal-wildfire_00001133_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001133_pre_disaster.png,0,0,7,4470,00001133 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001134_post_disaster.png,portugal-wildfire_00001134_post_disaster,0,0,tier3\masks\portugal-wildfire_00001134_post_disaster.png,0,0,0,0,00001134 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001134_pre_disaster.png,portugal-wildfire_00001134_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001134_pre_disaster.png,0,0,0,0,00001134 +2,894,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001135_post_disaster.png,portugal-wildfire_00001135_post_disaster,0,0,tier3\masks\portugal-wildfire_00001135_post_disaster.png,1,266,6,3882,00001135 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001135_pre_disaster.png,portugal-wildfire_00001135_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001135_pre_disaster.png,0,0,9,5042,00001135 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001136_post_disaster.png,portugal-wildfire_00001136_post_disaster,0,0,tier3\masks\portugal-wildfire_00001136_post_disaster.png,0,0,22,21112,00001136 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001136_pre_disaster.png,portugal-wildfire_00001136_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001136_pre_disaster.png,0,0,22,21467,00001136 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001137_post_disaster.png,portugal-wildfire_00001137_post_disaster,0,0,tier3\masks\portugal-wildfire_00001137_post_disaster.png,0,0,0,0,00001137 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001137_pre_disaster.png,portugal-wildfire_00001137_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001137_pre_disaster.png,0,0,0,0,00001137 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001138_post_disaster.png,portugal-wildfire_00001138_post_disaster,0,0,tier3\masks\portugal-wildfire_00001138_post_disaster.png,0,0,0,0,00001138 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001138_pre_disaster.png,portugal-wildfire_00001138_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001138_pre_disaster.png,0,0,0,0,00001138 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001139_post_disaster.png,portugal-wildfire_00001139_post_disaster,0,0,tier3\masks\portugal-wildfire_00001139_post_disaster.png,0,0,7,3606,00001139 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001139_pre_disaster.png,portugal-wildfire_00001139_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001139_pre_disaster.png,0,0,7,3606,00001139 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001140_post_disaster.png,portugal-wildfire_00001140_post_disaster,0,0,tier3\masks\portugal-wildfire_00001140_post_disaster.png,0,0,0,0,00001140 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001140_pre_disaster.png,portugal-wildfire_00001140_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001140_pre_disaster.png,0,0,0,0,00001140 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001141_post_disaster.png,portugal-wildfire_00001141_post_disaster,0,0,tier3\masks\portugal-wildfire_00001141_post_disaster.png,0,0,36,32194,00001141 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001141_pre_disaster.png,portugal-wildfire_00001141_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001141_pre_disaster.png,0,0,36,32305,00001141 +1,208,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001142_post_disaster.png,portugal-wildfire_00001142_post_disaster,0,0,tier3\masks\portugal-wildfire_00001142_post_disaster.png,0,0,19,11567,00001142 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001142_pre_disaster.png,portugal-wildfire_00001142_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001142_pre_disaster.png,0,0,20,11794,00001142 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001143_post_disaster.png,portugal-wildfire_00001143_post_disaster,0,0,tier3\masks\portugal-wildfire_00001143_post_disaster.png,0,0,0,0,00001143 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001143_pre_disaster.png,portugal-wildfire_00001143_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001143_pre_disaster.png,0,0,0,0,00001143 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001144_post_disaster.png,portugal-wildfire_00001144_post_disaster,0,0,tier3\masks\portugal-wildfire_00001144_post_disaster.png,0,0,0,0,00001144 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001144_pre_disaster.png,portugal-wildfire_00001144_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001144_pre_disaster.png,0,0,0,0,00001144 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001145_post_disaster.png,portugal-wildfire_00001145_post_disaster,0,0,tier3\masks\portugal-wildfire_00001145_post_disaster.png,0,0,0,0,00001145 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001145_pre_disaster.png,portugal-wildfire_00001145_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001145_pre_disaster.png,0,0,0,0,00001145 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001146_post_disaster.png,portugal-wildfire_00001146_post_disaster,0,0,tier3\masks\portugal-wildfire_00001146_post_disaster.png,0,0,1,108,00001146 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001146_pre_disaster.png,portugal-wildfire_00001146_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001146_pre_disaster.png,0,0,1,108,00001146 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001147_post_disaster.png,portugal-wildfire_00001147_post_disaster,0,0,tier3\masks\portugal-wildfire_00001147_post_disaster.png,0,0,0,0,00001147 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001147_pre_disaster.png,portugal-wildfire_00001147_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001147_pre_disaster.png,0,0,0,0,00001147 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001148_post_disaster.png,portugal-wildfire_00001148_post_disaster,0,0,tier3\masks\portugal-wildfire_00001148_post_disaster.png,0,0,0,0,00001148 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001148_pre_disaster.png,portugal-wildfire_00001148_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001148_pre_disaster.png,0,0,0,0,00001148 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001149_post_disaster.png,portugal-wildfire_00001149_post_disaster,0,0,tier3\masks\portugal-wildfire_00001149_post_disaster.png,0,0,45,34222,00001149 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001149_pre_disaster.png,portugal-wildfire_00001149_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001149_pre_disaster.png,0,0,45,34367,00001149 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001150_post_disaster.png,portugal-wildfire_00001150_post_disaster,0,0,tier3\masks\portugal-wildfire_00001150_post_disaster.png,0,0,0,0,00001150 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001150_pre_disaster.png,portugal-wildfire_00001150_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001150_pre_disaster.png,0,0,0,0,00001150 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001151_post_disaster.png,portugal-wildfire_00001151_post_disaster,0,0,tier3\masks\portugal-wildfire_00001151_post_disaster.png,1,189,10,4664,00001151 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001151_pre_disaster.png,portugal-wildfire_00001151_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001151_pre_disaster.png,0,0,11,4884,00001151 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001152_post_disaster.png,portugal-wildfire_00001152_post_disaster,0,0,tier3\masks\portugal-wildfire_00001152_post_disaster.png,0,0,0,0,00001152 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001152_pre_disaster.png,portugal-wildfire_00001152_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001152_pre_disaster.png,0,0,0,0,00001152 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001153_post_disaster.png,portugal-wildfire_00001153_post_disaster,0,0,tier3\masks\portugal-wildfire_00001153_post_disaster.png,0,0,46,54899,00001153 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001153_pre_disaster.png,portugal-wildfire_00001153_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001153_pre_disaster.png,0,0,46,54977,00001153 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001154_post_disaster.png,portugal-wildfire_00001154_post_disaster,0,0,tier3\masks\portugal-wildfire_00001154_post_disaster.png,0,0,0,0,00001154 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001154_pre_disaster.png,portugal-wildfire_00001154_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001154_pre_disaster.png,0,0,0,0,00001154 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001155_post_disaster.png,portugal-wildfire_00001155_post_disaster,0,0,tier3\masks\portugal-wildfire_00001155_post_disaster.png,0,0,0,0,00001155 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001155_pre_disaster.png,portugal-wildfire_00001155_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001155_pre_disaster.png,0,0,0,0,00001155 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001156_post_disaster.png,portugal-wildfire_00001156_post_disaster,0,0,tier3\masks\portugal-wildfire_00001156_post_disaster.png,0,0,0,0,00001156 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001156_pre_disaster.png,portugal-wildfire_00001156_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001156_pre_disaster.png,0,0,0,0,00001156 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001157_post_disaster.png,portugal-wildfire_00001157_post_disaster,0,0,tier3\masks\portugal-wildfire_00001157_post_disaster.png,0,0,31,20550,00001157 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001157_pre_disaster.png,portugal-wildfire_00001157_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001157_pre_disaster.png,0,0,31,20550,00001157 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001158_post_disaster.png,portugal-wildfire_00001158_post_disaster,0,0,tier3\masks\portugal-wildfire_00001158_post_disaster.png,0,0,0,0,00001158 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001158_pre_disaster.png,portugal-wildfire_00001158_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001158_pre_disaster.png,0,0,0,0,00001158 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001159_post_disaster.png,portugal-wildfire_00001159_post_disaster,0,0,tier3\masks\portugal-wildfire_00001159_post_disaster.png,0,0,0,0,00001159 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001159_pre_disaster.png,portugal-wildfire_00001159_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001159_pre_disaster.png,0,0,0,0,00001159 +1,494,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001160_post_disaster.png,portugal-wildfire_00001160_post_disaster,0,0,tier3\masks\portugal-wildfire_00001160_post_disaster.png,0,0,0,0,00001160 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001160_pre_disaster.png,portugal-wildfire_00001160_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001160_pre_disaster.png,0,0,1,494,00001160 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001161_post_disaster.png,portugal-wildfire_00001161_post_disaster,0,0,tier3\masks\portugal-wildfire_00001161_post_disaster.png,0,0,0,0,00001161 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001161_pre_disaster.png,portugal-wildfire_00001161_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001161_pre_disaster.png,0,0,0,0,00001161 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001162_post_disaster.png,portugal-wildfire_00001162_post_disaster,0,0,tier3\masks\portugal-wildfire_00001162_post_disaster.png,0,0,0,0,00001162 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001162_pre_disaster.png,portugal-wildfire_00001162_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001162_pre_disaster.png,0,0,0,0,00001162 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001163_post_disaster.png,portugal-wildfire_00001163_post_disaster,0,0,tier3\masks\portugal-wildfire_00001163_post_disaster.png,0,0,0,0,00001163 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001163_pre_disaster.png,portugal-wildfire_00001163_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001163_pre_disaster.png,0,0,0,0,00001163 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001164_post_disaster.png,portugal-wildfire_00001164_post_disaster,0,0,tier3\masks\portugal-wildfire_00001164_post_disaster.png,0,0,2,728,00001164 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001164_pre_disaster.png,portugal-wildfire_00001164_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001164_pre_disaster.png,0,0,2,728,00001164 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001165_post_disaster.png,portugal-wildfire_00001165_post_disaster,0,0,tier3\masks\portugal-wildfire_00001165_post_disaster.png,0,0,0,0,00001165 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001165_pre_disaster.png,portugal-wildfire_00001165_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001165_pre_disaster.png,0,0,0,0,00001165 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001166_post_disaster.png,portugal-wildfire_00001166_post_disaster,0,0,tier3\masks\portugal-wildfire_00001166_post_disaster.png,0,0,19,21265,00001166 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001166_pre_disaster.png,portugal-wildfire_00001166_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001166_pre_disaster.png,0,0,19,21323,00001166 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001167_post_disaster.png,portugal-wildfire_00001167_post_disaster,0,0,tier3\masks\portugal-wildfire_00001167_post_disaster.png,0,0,92,155412,00001167 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001167_pre_disaster.png,portugal-wildfire_00001167_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001167_pre_disaster.png,0,0,92,155593,00001167 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001168_post_disaster.png,portugal-wildfire_00001168_post_disaster,0,0,tier3\masks\portugal-wildfire_00001168_post_disaster.png,0,0,48,38755,00001168 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001168_pre_disaster.png,portugal-wildfire_00001168_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001168_pre_disaster.png,0,0,48,38793,00001168 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001169_post_disaster.png,portugal-wildfire_00001169_post_disaster,0,0,tier3\masks\portugal-wildfire_00001169_post_disaster.png,0,0,0,0,00001169 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001169_pre_disaster.png,portugal-wildfire_00001169_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001169_pre_disaster.png,0,0,0,0,00001169 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001170_post_disaster.png,portugal-wildfire_00001170_post_disaster,0,0,tier3\masks\portugal-wildfire_00001170_post_disaster.png,0,0,0,0,00001170 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001170_pre_disaster.png,portugal-wildfire_00001170_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001170_pre_disaster.png,0,0,0,0,00001170 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001171_post_disaster.png,portugal-wildfire_00001171_post_disaster,0,0,tier3\masks\portugal-wildfire_00001171_post_disaster.png,0,0,0,0,00001171 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001171_pre_disaster.png,portugal-wildfire_00001171_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001171_pre_disaster.png,0,0,0,0,00001171 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001172_post_disaster.png,portugal-wildfire_00001172_post_disaster,0,0,tier3\masks\portugal-wildfire_00001172_post_disaster.png,0,0,0,0,00001172 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001172_pre_disaster.png,portugal-wildfire_00001172_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001172_pre_disaster.png,0,0,0,0,00001172 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001173_post_disaster.png,portugal-wildfire_00001173_post_disaster,0,0,tier3\masks\portugal-wildfire_00001173_post_disaster.png,0,0,0,0,00001173 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001173_pre_disaster.png,portugal-wildfire_00001173_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001173_pre_disaster.png,0,0,0,0,00001173 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001174_post_disaster.png,portugal-wildfire_00001174_post_disaster,0,0,tier3\masks\portugal-wildfire_00001174_post_disaster.png,0,0,11,4175,00001174 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001174_pre_disaster.png,portugal-wildfire_00001174_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001174_pre_disaster.png,0,0,11,4175,00001174 +1,448,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001175_post_disaster.png,portugal-wildfire_00001175_post_disaster,0,0,tier3\masks\portugal-wildfire_00001175_post_disaster.png,0,0,0,0,00001175 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001175_pre_disaster.png,portugal-wildfire_00001175_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001175_pre_disaster.png,0,0,1,448,00001175 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001176_post_disaster.png,portugal-wildfire_00001176_post_disaster,0,0,tier3\masks\portugal-wildfire_00001176_post_disaster.png,0,0,4,2340,00001176 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001176_pre_disaster.png,portugal-wildfire_00001176_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001176_pre_disaster.png,0,0,4,2340,00001176 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001177_post_disaster.png,portugal-wildfire_00001177_post_disaster,0,0,tier3\masks\portugal-wildfire_00001177_post_disaster.png,0,0,0,0,00001177 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001177_pre_disaster.png,portugal-wildfire_00001177_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001177_pre_disaster.png,0,0,0,0,00001177 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001178_post_disaster.png,portugal-wildfire_00001178_post_disaster,0,0,tier3\masks\portugal-wildfire_00001178_post_disaster.png,0,0,0,0,00001178 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001178_pre_disaster.png,portugal-wildfire_00001178_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001178_pre_disaster.png,0,0,0,0,00001178 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001179_post_disaster.png,portugal-wildfire_00001179_post_disaster,0,0,tier3\masks\portugal-wildfire_00001179_post_disaster.png,0,0,0,0,00001179 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001179_pre_disaster.png,portugal-wildfire_00001179_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001179_pre_disaster.png,0,0,0,0,00001179 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001180_post_disaster.png,portugal-wildfire_00001180_post_disaster,0,0,tier3\masks\portugal-wildfire_00001180_post_disaster.png,0,0,0,0,00001180 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001180_pre_disaster.png,portugal-wildfire_00001180_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001180_pre_disaster.png,0,0,0,0,00001180 +1,163,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001181_post_disaster.png,portugal-wildfire_00001181_post_disaster,0,0,tier3\masks\portugal-wildfire_00001181_post_disaster.png,0,0,0,0,00001181 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001181_pre_disaster.png,portugal-wildfire_00001181_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001181_pre_disaster.png,0,0,1,163,00001181 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001182_post_disaster.png,portugal-wildfire_00001182_post_disaster,0,0,tier3\masks\portugal-wildfire_00001182_post_disaster.png,0,0,52,53545,00001182 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001182_pre_disaster.png,portugal-wildfire_00001182_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001182_pre_disaster.png,0,0,52,53545,00001182 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001183_post_disaster.png,portugal-wildfire_00001183_post_disaster,0,0,tier3\masks\portugal-wildfire_00001183_post_disaster.png,0,0,5,2591,00001183 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001183_pre_disaster.png,portugal-wildfire_00001183_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001183_pre_disaster.png,0,0,5,2591,00001183 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001184_post_disaster.png,portugal-wildfire_00001184_post_disaster,0,0,tier3\masks\portugal-wildfire_00001184_post_disaster.png,0,0,1,684,00001184 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001184_pre_disaster.png,portugal-wildfire_00001184_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001184_pre_disaster.png,0,0,1,684,00001184 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001185_post_disaster.png,portugal-wildfire_00001185_post_disaster,0,0,tier3\masks\portugal-wildfire_00001185_post_disaster.png,0,0,0,0,00001185 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001185_pre_disaster.png,portugal-wildfire_00001185_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001185_pre_disaster.png,0,0,0,0,00001185 +2,1339,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001186_post_disaster.png,portugal-wildfire_00001186_post_disaster,1,306,tier3\masks\portugal-wildfire_00001186_post_disaster.png,1,449,12,8698,00001186 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001186_pre_disaster.png,portugal-wildfire_00001186_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001186_pre_disaster.png,0,0,16,10836,00001186 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001187_post_disaster.png,portugal-wildfire_00001187_post_disaster,0,0,tier3\masks\portugal-wildfire_00001187_post_disaster.png,0,0,17,12151,00001187 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001187_pre_disaster.png,portugal-wildfire_00001187_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001187_pre_disaster.png,0,0,17,12151,00001187 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001188_post_disaster.png,portugal-wildfire_00001188_post_disaster,0,0,tier3\masks\portugal-wildfire_00001188_post_disaster.png,0,0,0,0,00001188 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001188_pre_disaster.png,portugal-wildfire_00001188_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001188_pre_disaster.png,0,0,0,0,00001188 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001189_post_disaster.png,portugal-wildfire_00001189_post_disaster,0,0,tier3\masks\portugal-wildfire_00001189_post_disaster.png,0,0,3,2502,00001189 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001189_pre_disaster.png,portugal-wildfire_00001189_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001189_pre_disaster.png,0,0,3,2502,00001189 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001190_post_disaster.png,portugal-wildfire_00001190_post_disaster,0,0,tier3\masks\portugal-wildfire_00001190_post_disaster.png,0,0,27,30091,00001190 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001190_pre_disaster.png,portugal-wildfire_00001190_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001190_pre_disaster.png,0,0,27,30091,00001190 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001191_post_disaster.png,portugal-wildfire_00001191_post_disaster,0,0,tier3\masks\portugal-wildfire_00001191_post_disaster.png,0,0,0,0,00001191 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001191_pre_disaster.png,portugal-wildfire_00001191_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001191_pre_disaster.png,0,0,0,0,00001191 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001192_post_disaster.png,portugal-wildfire_00001192_post_disaster,0,0,tier3\masks\portugal-wildfire_00001192_post_disaster.png,0,0,0,0,00001192 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001192_pre_disaster.png,portugal-wildfire_00001192_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001192_pre_disaster.png,0,0,0,0,00001192 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001193_post_disaster.png,portugal-wildfire_00001193_post_disaster,0,0,tier3\masks\portugal-wildfire_00001193_post_disaster.png,0,0,0,0,00001193 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001193_pre_disaster.png,portugal-wildfire_00001193_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001193_pre_disaster.png,0,0,0,0,00001193 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001194_post_disaster.png,portugal-wildfire_00001194_post_disaster,0,0,tier3\masks\portugal-wildfire_00001194_post_disaster.png,0,0,2,332,00001194 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001194_pre_disaster.png,portugal-wildfire_00001194_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001194_pre_disaster.png,0,0,2,349,00001194 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001195_post_disaster.png,portugal-wildfire_00001195_post_disaster,0,0,tier3\masks\portugal-wildfire_00001195_post_disaster.png,0,0,0,0,00001195 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001195_pre_disaster.png,portugal-wildfire_00001195_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001195_pre_disaster.png,0,0,0,0,00001195 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001196_post_disaster.png,portugal-wildfire_00001196_post_disaster,0,0,tier3\masks\portugal-wildfire_00001196_post_disaster.png,0,0,0,0,00001196 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001196_pre_disaster.png,portugal-wildfire_00001196_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001196_pre_disaster.png,0,0,0,0,00001196 +2,666,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001197_post_disaster.png,portugal-wildfire_00001197_post_disaster,0,0,tier3\masks\portugal-wildfire_00001197_post_disaster.png,3,5180,73,54134,00001197 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001197_pre_disaster.png,portugal-wildfire_00001197_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001197_pre_disaster.png,0,0,78,59994,00001197 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001198_post_disaster.png,portugal-wildfire_00001198_post_disaster,0,0,tier3\masks\portugal-wildfire_00001198_post_disaster.png,0,0,0,0,00001198 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001198_pre_disaster.png,portugal-wildfire_00001198_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001198_pre_disaster.png,0,0,0,0,00001198 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001199_post_disaster.png,portugal-wildfire_00001199_post_disaster,0,0,tier3\masks\portugal-wildfire_00001199_post_disaster.png,0,0,3,2056,00001199 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001199_pre_disaster.png,portugal-wildfire_00001199_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001199_pre_disaster.png,0,0,3,2056,00001199 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001200_post_disaster.png,portugal-wildfire_00001200_post_disaster,0,0,tier3\masks\portugal-wildfire_00001200_post_disaster.png,0,0,0,0,00001200 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001200_pre_disaster.png,portugal-wildfire_00001200_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001200_pre_disaster.png,0,0,0,0,00001200 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001201_post_disaster.png,portugal-wildfire_00001201_post_disaster,0,0,tier3\masks\portugal-wildfire_00001201_post_disaster.png,0,0,0,0,00001201 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001201_pre_disaster.png,portugal-wildfire_00001201_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001201_pre_disaster.png,0,0,0,0,00001201 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001202_post_disaster.png,portugal-wildfire_00001202_post_disaster,0,0,tier3\masks\portugal-wildfire_00001202_post_disaster.png,0,0,0,0,00001202 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001202_pre_disaster.png,portugal-wildfire_00001202_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001202_pre_disaster.png,0,0,0,0,00001202 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001203_post_disaster.png,portugal-wildfire_00001203_post_disaster,0,0,tier3\masks\portugal-wildfire_00001203_post_disaster.png,0,0,2,581,00001203 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001203_pre_disaster.png,portugal-wildfire_00001203_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001203_pre_disaster.png,0,0,2,581,00001203 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001204_post_disaster.png,portugal-wildfire_00001204_post_disaster,0,0,tier3\masks\portugal-wildfire_00001204_post_disaster.png,0,0,0,0,00001204 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001204_pre_disaster.png,portugal-wildfire_00001204_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001204_pre_disaster.png,0,0,0,0,00001204 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001205_post_disaster.png,portugal-wildfire_00001205_post_disaster,0,0,tier3\masks\portugal-wildfire_00001205_post_disaster.png,0,0,0,0,00001205 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001205_pre_disaster.png,portugal-wildfire_00001205_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001205_pre_disaster.png,0,0,0,0,00001205 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001206_post_disaster.png,portugal-wildfire_00001206_post_disaster,0,0,tier3\masks\portugal-wildfire_00001206_post_disaster.png,0,0,0,0,00001206 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001206_pre_disaster.png,portugal-wildfire_00001206_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001206_pre_disaster.png,0,0,0,0,00001206 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001207_post_disaster.png,portugal-wildfire_00001207_post_disaster,0,0,tier3\masks\portugal-wildfire_00001207_post_disaster.png,0,0,0,0,00001207 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001207_pre_disaster.png,portugal-wildfire_00001207_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001207_pre_disaster.png,0,0,0,0,00001207 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001208_post_disaster.png,portugal-wildfire_00001208_post_disaster,6,1837,tier3\masks\portugal-wildfire_00001208_post_disaster.png,4,1515,8,5229,00001208 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001208_pre_disaster.png,portugal-wildfire_00001208_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001208_pre_disaster.png,0,0,18,8581,00001208 +2,470,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001209_post_disaster.png,portugal-wildfire_00001209_post_disaster,0,0,tier3\masks\portugal-wildfire_00001209_post_disaster.png,1,294,11,6165,00001209 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001209_pre_disaster.png,portugal-wildfire_00001209_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001209_pre_disaster.png,0,0,14,6929,00001209 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001210_post_disaster.png,portugal-wildfire_00001210_post_disaster,0,0,tier3\masks\portugal-wildfire_00001210_post_disaster.png,0,0,9,8883,00001210 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001210_pre_disaster.png,portugal-wildfire_00001210_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001210_pre_disaster.png,0,0,9,8883,00001210 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001211_post_disaster.png,portugal-wildfire_00001211_post_disaster,0,0,tier3\masks\portugal-wildfire_00001211_post_disaster.png,0,0,2,310,00001211 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001211_pre_disaster.png,portugal-wildfire_00001211_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001211_pre_disaster.png,0,0,2,310,00001211 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001212_post_disaster.png,portugal-wildfire_00001212_post_disaster,0,0,tier3\masks\portugal-wildfire_00001212_post_disaster.png,0,0,0,0,00001212 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001212_pre_disaster.png,portugal-wildfire_00001212_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001212_pre_disaster.png,0,0,0,0,00001212 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001213_post_disaster.png,portugal-wildfire_00001213_post_disaster,0,0,tier3\masks\portugal-wildfire_00001213_post_disaster.png,0,0,0,0,00001213 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001213_pre_disaster.png,portugal-wildfire_00001213_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001213_pre_disaster.png,0,0,0,0,00001213 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001214_post_disaster.png,portugal-wildfire_00001214_post_disaster,0,0,tier3\masks\portugal-wildfire_00001214_post_disaster.png,0,0,1,375,00001214 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001214_pre_disaster.png,portugal-wildfire_00001214_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001214_pre_disaster.png,0,0,1,375,00001214 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001215_post_disaster.png,portugal-wildfire_00001215_post_disaster,0,0,tier3\masks\portugal-wildfire_00001215_post_disaster.png,0,0,8,7406,00001215 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001215_pre_disaster.png,portugal-wildfire_00001215_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001215_pre_disaster.png,0,0,8,7406,00001215 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001216_post_disaster.png,portugal-wildfire_00001216_post_disaster,0,0,tier3\masks\portugal-wildfire_00001216_post_disaster.png,0,0,70,75727,00001216 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001216_pre_disaster.png,portugal-wildfire_00001216_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001216_pre_disaster.png,0,0,70,75834,00001216 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001217_post_disaster.png,portugal-wildfire_00001217_post_disaster,0,0,tier3\masks\portugal-wildfire_00001217_post_disaster.png,0,0,0,0,00001217 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001217_pre_disaster.png,portugal-wildfire_00001217_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001217_pre_disaster.png,0,0,0,0,00001217 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001218_post_disaster.png,portugal-wildfire_00001218_post_disaster,0,0,tier3\masks\portugal-wildfire_00001218_post_disaster.png,0,0,0,0,00001218 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001218_pre_disaster.png,portugal-wildfire_00001218_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001218_pre_disaster.png,0,0,0,0,00001218 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001219_post_disaster.png,portugal-wildfire_00001219_post_disaster,0,0,tier3\masks\portugal-wildfire_00001219_post_disaster.png,0,0,0,0,00001219 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001219_pre_disaster.png,portugal-wildfire_00001219_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001219_pre_disaster.png,0,0,0,0,00001219 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001220_post_disaster.png,portugal-wildfire_00001220_post_disaster,0,0,tier3\masks\portugal-wildfire_00001220_post_disaster.png,0,0,0,0,00001220 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001220_pre_disaster.png,portugal-wildfire_00001220_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001220_pre_disaster.png,0,0,0,0,00001220 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001221_post_disaster.png,portugal-wildfire_00001221_post_disaster,0,0,tier3\masks\portugal-wildfire_00001221_post_disaster.png,0,0,0,0,00001221 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001221_pre_disaster.png,portugal-wildfire_00001221_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001221_pre_disaster.png,0,0,0,0,00001221 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001222_post_disaster.png,portugal-wildfire_00001222_post_disaster,0,0,tier3\masks\portugal-wildfire_00001222_post_disaster.png,0,0,0,0,00001222 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001222_pre_disaster.png,portugal-wildfire_00001222_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001222_pre_disaster.png,0,0,0,0,00001222 +1,340,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001223_post_disaster.png,portugal-wildfire_00001223_post_disaster,0,0,tier3\masks\portugal-wildfire_00001223_post_disaster.png,0,0,7,2762,00001223 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001223_pre_disaster.png,portugal-wildfire_00001223_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001223_pre_disaster.png,0,0,8,3179,00001223 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001224_post_disaster.png,portugal-wildfire_00001224_post_disaster,0,0,tier3\masks\portugal-wildfire_00001224_post_disaster.png,1,536,22,28805,00001224 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001224_pre_disaster.png,portugal-wildfire_00001224_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001224_pre_disaster.png,0,0,23,29545,00001224 +1,346,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001225_post_disaster.png,portugal-wildfire_00001225_post_disaster,0,0,tier3\masks\portugal-wildfire_00001225_post_disaster.png,0,0,2,1356,00001225 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001225_pre_disaster.png,portugal-wildfire_00001225_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001225_pre_disaster.png,0,0,3,1747,00001225 +3,724,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001226_post_disaster.png,portugal-wildfire_00001226_post_disaster,0,0,tier3\masks\portugal-wildfire_00001226_post_disaster.png,1,291,0,0,00001226 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001226_pre_disaster.png,portugal-wildfire_00001226_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001226_pre_disaster.png,0,0,3,1015,00001226 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001227_post_disaster.png,portugal-wildfire_00001227_post_disaster,0,0,tier3\masks\portugal-wildfire_00001227_post_disaster.png,0,0,6,2780,00001227 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001227_pre_disaster.png,portugal-wildfire_00001227_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001227_pre_disaster.png,0,0,6,2847,00001227 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001228_post_disaster.png,portugal-wildfire_00001228_post_disaster,2,255,tier3\masks\portugal-wildfire_00001228_post_disaster.png,0,0,0,0,00001228 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001228_pre_disaster.png,portugal-wildfire_00001228_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001228_pre_disaster.png,0,0,2,255,00001228 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001229_post_disaster.png,portugal-wildfire_00001229_post_disaster,0,0,tier3\masks\portugal-wildfire_00001229_post_disaster.png,0,0,0,0,00001229 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001229_pre_disaster.png,portugal-wildfire_00001229_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001229_pre_disaster.png,0,0,0,0,00001229 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001230_post_disaster.png,portugal-wildfire_00001230_post_disaster,0,0,tier3\masks\portugal-wildfire_00001230_post_disaster.png,0,0,5,1298,00001230 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001230_pre_disaster.png,portugal-wildfire_00001230_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001230_pre_disaster.png,0,0,5,1298,00001230 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001231_post_disaster.png,portugal-wildfire_00001231_post_disaster,0,0,tier3\masks\portugal-wildfire_00001231_post_disaster.png,0,0,8,6332,00001231 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001231_pre_disaster.png,portugal-wildfire_00001231_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001231_pre_disaster.png,0,0,8,6373,00001231 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001232_post_disaster.png,portugal-wildfire_00001232_post_disaster,0,0,tier3\masks\portugal-wildfire_00001232_post_disaster.png,0,0,1,160,00001232 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001232_pre_disaster.png,portugal-wildfire_00001232_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001232_pre_disaster.png,0,0,1,160,00001232 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001233_post_disaster.png,portugal-wildfire_00001233_post_disaster,0,0,tier3\masks\portugal-wildfire_00001233_post_disaster.png,0,0,0,0,00001233 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001233_pre_disaster.png,portugal-wildfire_00001233_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001233_pre_disaster.png,0,0,0,0,00001233 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001234_post_disaster.png,portugal-wildfire_00001234_post_disaster,0,0,tier3\masks\portugal-wildfire_00001234_post_disaster.png,0,0,0,0,00001234 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001234_pre_disaster.png,portugal-wildfire_00001234_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001234_pre_disaster.png,0,0,0,0,00001234 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001235_post_disaster.png,portugal-wildfire_00001235_post_disaster,0,0,tier3\masks\portugal-wildfire_00001235_post_disaster.png,0,0,0,0,00001235 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001235_pre_disaster.png,portugal-wildfire_00001235_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001235_pre_disaster.png,0,0,0,0,00001235 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001236_post_disaster.png,portugal-wildfire_00001236_post_disaster,0,0,tier3\masks\portugal-wildfire_00001236_post_disaster.png,0,0,0,0,00001236 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001236_pre_disaster.png,portugal-wildfire_00001236_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001236_pre_disaster.png,0,0,0,0,00001236 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001237_post_disaster.png,portugal-wildfire_00001237_post_disaster,0,0,tier3\masks\portugal-wildfire_00001237_post_disaster.png,0,0,0,0,00001237 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001237_pre_disaster.png,portugal-wildfire_00001237_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001237_pre_disaster.png,0,0,0,0,00001237 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001238_post_disaster.png,portugal-wildfire_00001238_post_disaster,0,0,tier3\masks\portugal-wildfire_00001238_post_disaster.png,2,549,2,721,00001238 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001238_pre_disaster.png,portugal-wildfire_00001238_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001238_pre_disaster.png,0,0,4,1310,00001238 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001239_post_disaster.png,portugal-wildfire_00001239_post_disaster,0,0,tier3\masks\portugal-wildfire_00001239_post_disaster.png,0,0,2,391,00001239 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001239_pre_disaster.png,portugal-wildfire_00001239_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001239_pre_disaster.png,0,0,2,391,00001239 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001240_post_disaster.png,portugal-wildfire_00001240_post_disaster,0,0,tier3\masks\portugal-wildfire_00001240_post_disaster.png,0,0,0,0,00001240 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001240_pre_disaster.png,portugal-wildfire_00001240_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001240_pre_disaster.png,0,0,0,0,00001240 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001241_post_disaster.png,portugal-wildfire_00001241_post_disaster,1,240,tier3\masks\portugal-wildfire_00001241_post_disaster.png,1,310,68,74566,00001241 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001241_pre_disaster.png,portugal-wildfire_00001241_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001241_pre_disaster.png,0,0,71,75282,00001241 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001242_post_disaster.png,portugal-wildfire_00001242_post_disaster,0,0,tier3\masks\portugal-wildfire_00001242_post_disaster.png,0,0,0,0,00001242 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001242_pre_disaster.png,portugal-wildfire_00001242_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001242_pre_disaster.png,0,0,0,0,00001242 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001243_post_disaster.png,portugal-wildfire_00001243_post_disaster,0,0,tier3\masks\portugal-wildfire_00001243_post_disaster.png,0,0,19,7788,00001243 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001243_pre_disaster.png,portugal-wildfire_00001243_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001243_pre_disaster.png,0,0,19,7788,00001243 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001244_post_disaster.png,portugal-wildfire_00001244_post_disaster,0,0,tier3\masks\portugal-wildfire_00001244_post_disaster.png,0,0,0,0,00001244 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001244_pre_disaster.png,portugal-wildfire_00001244_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001244_pre_disaster.png,0,0,0,0,00001244 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001245_post_disaster.png,portugal-wildfire_00001245_post_disaster,0,0,tier3\masks\portugal-wildfire_00001245_post_disaster.png,0,0,0,0,00001245 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001245_pre_disaster.png,portugal-wildfire_00001245_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001245_pre_disaster.png,0,0,0,0,00001245 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001246_post_disaster.png,portugal-wildfire_00001246_post_disaster,0,0,tier3\masks\portugal-wildfire_00001246_post_disaster.png,0,0,0,0,00001246 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001246_pre_disaster.png,portugal-wildfire_00001246_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001246_pre_disaster.png,0,0,0,0,00001246 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001247_post_disaster.png,portugal-wildfire_00001247_post_disaster,0,0,tier3\masks\portugal-wildfire_00001247_post_disaster.png,0,0,0,0,00001247 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001247_pre_disaster.png,portugal-wildfire_00001247_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001247_pre_disaster.png,0,0,0,0,00001247 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001248_post_disaster.png,portugal-wildfire_00001248_post_disaster,0,0,tier3\masks\portugal-wildfire_00001248_post_disaster.png,0,0,0,0,00001248 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001248_pre_disaster.png,portugal-wildfire_00001248_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001248_pre_disaster.png,0,0,0,0,00001248 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001249_post_disaster.png,portugal-wildfire_00001249_post_disaster,0,0,tier3\masks\portugal-wildfire_00001249_post_disaster.png,0,0,0,0,00001249 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001249_pre_disaster.png,portugal-wildfire_00001249_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001249_pre_disaster.png,0,0,0,0,00001249 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001250_post_disaster.png,portugal-wildfire_00001250_post_disaster,0,0,tier3\masks\portugal-wildfire_00001250_post_disaster.png,0,0,0,0,00001250 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001250_pre_disaster.png,portugal-wildfire_00001250_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001250_pre_disaster.png,0,0,0,0,00001250 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001251_post_disaster.png,portugal-wildfire_00001251_post_disaster,0,0,tier3\masks\portugal-wildfire_00001251_post_disaster.png,0,0,0,0,00001251 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001251_pre_disaster.png,portugal-wildfire_00001251_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001251_pre_disaster.png,0,0,0,0,00001251 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001252_post_disaster.png,portugal-wildfire_00001252_post_disaster,0,0,tier3\masks\portugal-wildfire_00001252_post_disaster.png,0,0,0,0,00001252 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001252_pre_disaster.png,portugal-wildfire_00001252_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001252_pre_disaster.png,0,0,0,0,00001252 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001253_post_disaster.png,portugal-wildfire_00001253_post_disaster,0,0,tier3\masks\portugal-wildfire_00001253_post_disaster.png,0,0,33,24017,00001253 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001253_pre_disaster.png,portugal-wildfire_00001253_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001253_pre_disaster.png,0,0,33,24109,00001253 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001254_post_disaster.png,portugal-wildfire_00001254_post_disaster,0,0,tier3\masks\portugal-wildfire_00001254_post_disaster.png,0,0,0,0,00001254 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001254_pre_disaster.png,portugal-wildfire_00001254_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001254_pre_disaster.png,0,0,0,0,00001254 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001255_post_disaster.png,portugal-wildfire_00001255_post_disaster,0,0,tier3\masks\portugal-wildfire_00001255_post_disaster.png,0,0,0,0,00001255 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001255_pre_disaster.png,portugal-wildfire_00001255_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001255_pre_disaster.png,0,0,0,0,00001255 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001256_post_disaster.png,portugal-wildfire_00001256_post_disaster,1,449,tier3\masks\portugal-wildfire_00001256_post_disaster.png,0,0,1,417,00001256 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001256_pre_disaster.png,portugal-wildfire_00001256_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001256_pre_disaster.png,0,0,2,866,00001256 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001257_post_disaster.png,portugal-wildfire_00001257_post_disaster,0,0,tier3\masks\portugal-wildfire_00001257_post_disaster.png,0,0,14,9365,00001257 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001257_pre_disaster.png,portugal-wildfire_00001257_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001257_pre_disaster.png,0,0,14,9417,00001257 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001258_post_disaster.png,portugal-wildfire_00001258_post_disaster,0,0,tier3\masks\portugal-wildfire_00001258_post_disaster.png,0,0,25,12158,00001258 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001258_pre_disaster.png,portugal-wildfire_00001258_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001258_pre_disaster.png,0,0,25,12172,00001258 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001259_post_disaster.png,portugal-wildfire_00001259_post_disaster,0,0,tier3\masks\portugal-wildfire_00001259_post_disaster.png,0,0,45,54036,00001259 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001259_pre_disaster.png,portugal-wildfire_00001259_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001259_pre_disaster.png,0,0,45,54049,00001259 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001260_post_disaster.png,portugal-wildfire_00001260_post_disaster,0,0,tier3\masks\portugal-wildfire_00001260_post_disaster.png,0,0,0,0,00001260 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001260_pre_disaster.png,portugal-wildfire_00001260_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001260_pre_disaster.png,0,0,0,0,00001260 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001261_post_disaster.png,portugal-wildfire_00001261_post_disaster,0,0,tier3\masks\portugal-wildfire_00001261_post_disaster.png,0,0,0,0,00001261 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001261_pre_disaster.png,portugal-wildfire_00001261_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001261_pre_disaster.png,0,0,0,0,00001261 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001262_post_disaster.png,portugal-wildfire_00001262_post_disaster,0,0,tier3\masks\portugal-wildfire_00001262_post_disaster.png,0,0,11,4991,00001262 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001262_pre_disaster.png,portugal-wildfire_00001262_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001262_pre_disaster.png,0,0,11,4991,00001262 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001263_post_disaster.png,portugal-wildfire_00001263_post_disaster,0,0,tier3\masks\portugal-wildfire_00001263_post_disaster.png,0,0,18,15278,00001263 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001263_pre_disaster.png,portugal-wildfire_00001263_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001263_pre_disaster.png,0,0,18,15278,00001263 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001264_post_disaster.png,portugal-wildfire_00001264_post_disaster,0,0,tier3\masks\portugal-wildfire_00001264_post_disaster.png,0,0,16,14425,00001264 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001264_pre_disaster.png,portugal-wildfire_00001264_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001264_pre_disaster.png,0,0,16,14461,00001264 +5,1024,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001265_post_disaster.png,portugal-wildfire_00001265_post_disaster,0,0,tier3\masks\portugal-wildfire_00001265_post_disaster.png,2,451,59,34931,00001265 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001265_pre_disaster.png,portugal-wildfire_00001265_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001265_pre_disaster.png,0,0,63,36406,00001265 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001266_post_disaster.png,portugal-wildfire_00001266_post_disaster,0,0,tier3\masks\portugal-wildfire_00001266_post_disaster.png,0,0,0,0,00001266 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001266_pre_disaster.png,portugal-wildfire_00001266_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001266_pre_disaster.png,0,0,0,0,00001266 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001267_post_disaster.png,portugal-wildfire_00001267_post_disaster,0,0,tier3\masks\portugal-wildfire_00001267_post_disaster.png,0,0,0,0,00001267 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001267_pre_disaster.png,portugal-wildfire_00001267_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001267_pre_disaster.png,0,0,0,0,00001267 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001268_post_disaster.png,portugal-wildfire_00001268_post_disaster,1,408,tier3\masks\portugal-wildfire_00001268_post_disaster.png,0,0,1,697,00001268 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001268_pre_disaster.png,portugal-wildfire_00001268_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001268_pre_disaster.png,0,0,2,1105,00001268 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001269_post_disaster.png,portugal-wildfire_00001269_post_disaster,0,0,tier3\masks\portugal-wildfire_00001269_post_disaster.png,0,0,0,0,00001269 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001269_pre_disaster.png,portugal-wildfire_00001269_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001269_pre_disaster.png,0,0,0,0,00001269 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001270_post_disaster.png,portugal-wildfire_00001270_post_disaster,0,0,tier3\masks\portugal-wildfire_00001270_post_disaster.png,0,0,32,21645,00001270 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001270_pre_disaster.png,portugal-wildfire_00001270_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001270_pre_disaster.png,0,0,32,21645,00001270 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001271_post_disaster.png,portugal-wildfire_00001271_post_disaster,0,0,tier3\masks\portugal-wildfire_00001271_post_disaster.png,0,0,67,56259,00001271 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001271_pre_disaster.png,portugal-wildfire_00001271_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001271_pre_disaster.png,0,0,67,56259,00001271 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001272_post_disaster.png,portugal-wildfire_00001272_post_disaster,0,0,tier3\masks\portugal-wildfire_00001272_post_disaster.png,0,0,0,0,00001272 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001272_pre_disaster.png,portugal-wildfire_00001272_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001272_pre_disaster.png,0,0,0,0,00001272 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001273_post_disaster.png,portugal-wildfire_00001273_post_disaster,0,0,tier3\masks\portugal-wildfire_00001273_post_disaster.png,0,0,3,9379,00001273 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001273_pre_disaster.png,portugal-wildfire_00001273_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001273_pre_disaster.png,0,0,3,9379,00001273 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001274_post_disaster.png,portugal-wildfire_00001274_post_disaster,0,0,tier3\masks\portugal-wildfire_00001274_post_disaster.png,0,0,6,2448,00001274 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001274_pre_disaster.png,portugal-wildfire_00001274_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001274_pre_disaster.png,0,0,6,2448,00001274 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001275_post_disaster.png,portugal-wildfire_00001275_post_disaster,0,0,tier3\masks\portugal-wildfire_00001275_post_disaster.png,0,0,65,60381,00001275 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001275_pre_disaster.png,portugal-wildfire_00001275_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001275_pre_disaster.png,0,0,65,60446,00001275 +4,1984,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001276_post_disaster.png,portugal-wildfire_00001276_post_disaster,0,0,tier3\masks\portugal-wildfire_00001276_post_disaster.png,0,0,0,0,00001276 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001276_pre_disaster.png,portugal-wildfire_00001276_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001276_pre_disaster.png,0,0,4,2014,00001276 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001277_post_disaster.png,portugal-wildfire_00001277_post_disaster,0,0,tier3\masks\portugal-wildfire_00001277_post_disaster.png,0,0,0,0,00001277 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001277_pre_disaster.png,portugal-wildfire_00001277_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001277_pre_disaster.png,0,0,0,0,00001277 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001278_post_disaster.png,portugal-wildfire_00001278_post_disaster,0,0,tier3\masks\portugal-wildfire_00001278_post_disaster.png,0,0,0,0,00001278 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001278_pre_disaster.png,portugal-wildfire_00001278_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001278_pre_disaster.png,0,0,0,0,00001278 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001279_post_disaster.png,portugal-wildfire_00001279_post_disaster,0,0,tier3\masks\portugal-wildfire_00001279_post_disaster.png,0,0,0,0,00001279 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001279_pre_disaster.png,portugal-wildfire_00001279_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001279_pre_disaster.png,0,0,0,0,00001279 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001280_post_disaster.png,portugal-wildfire_00001280_post_disaster,0,0,tier3\masks\portugal-wildfire_00001280_post_disaster.png,0,0,0,0,00001280 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001280_pre_disaster.png,portugal-wildfire_00001280_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001280_pre_disaster.png,0,0,0,0,00001280 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001281_post_disaster.png,portugal-wildfire_00001281_post_disaster,0,0,tier3\masks\portugal-wildfire_00001281_post_disaster.png,0,0,0,0,00001281 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001281_pre_disaster.png,portugal-wildfire_00001281_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001281_pre_disaster.png,0,0,0,0,00001281 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001282_post_disaster.png,portugal-wildfire_00001282_post_disaster,0,0,tier3\masks\portugal-wildfire_00001282_post_disaster.png,0,0,2,399,00001282 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001282_pre_disaster.png,portugal-wildfire_00001282_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001282_pre_disaster.png,0,0,2,399,00001282 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001283_post_disaster.png,portugal-wildfire_00001283_post_disaster,0,0,tier3\masks\portugal-wildfire_00001283_post_disaster.png,0,0,5,2645,00001283 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001283_pre_disaster.png,portugal-wildfire_00001283_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001283_pre_disaster.png,0,0,5,2645,00001283 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001284_post_disaster.png,portugal-wildfire_00001284_post_disaster,0,0,tier3\masks\portugal-wildfire_00001284_post_disaster.png,0,0,4,2145,00001284 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001284_pre_disaster.png,portugal-wildfire_00001284_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001284_pre_disaster.png,0,0,4,2145,00001284 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001285_post_disaster.png,portugal-wildfire_00001285_post_disaster,0,0,tier3\masks\portugal-wildfire_00001285_post_disaster.png,0,0,0,0,00001285 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001285_pre_disaster.png,portugal-wildfire_00001285_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001285_pre_disaster.png,0,0,0,0,00001285 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001286_post_disaster.png,portugal-wildfire_00001286_post_disaster,0,0,tier3\masks\portugal-wildfire_00001286_post_disaster.png,0,0,0,0,00001286 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001286_pre_disaster.png,portugal-wildfire_00001286_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001286_pre_disaster.png,0,0,0,0,00001286 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001287_post_disaster.png,portugal-wildfire_00001287_post_disaster,0,0,tier3\masks\portugal-wildfire_00001287_post_disaster.png,0,0,5,1489,00001287 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001287_pre_disaster.png,portugal-wildfire_00001287_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001287_pre_disaster.png,0,0,5,1489,00001287 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001288_post_disaster.png,portugal-wildfire_00001288_post_disaster,0,0,tier3\masks\portugal-wildfire_00001288_post_disaster.png,0,0,0,0,00001288 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001288_pre_disaster.png,portugal-wildfire_00001288_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001288_pre_disaster.png,0,0,0,0,00001288 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001289_post_disaster.png,portugal-wildfire_00001289_post_disaster,0,0,tier3\masks\portugal-wildfire_00001289_post_disaster.png,0,0,5,1730,00001289 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001289_pre_disaster.png,portugal-wildfire_00001289_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001289_pre_disaster.png,0,0,5,1756,00001289 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001290_post_disaster.png,portugal-wildfire_00001290_post_disaster,0,0,tier3\masks\portugal-wildfire_00001290_post_disaster.png,0,0,0,0,00001290 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001290_pre_disaster.png,portugal-wildfire_00001290_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001290_pre_disaster.png,0,0,0,0,00001290 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001291_post_disaster.png,portugal-wildfire_00001291_post_disaster,0,0,tier3\masks\portugal-wildfire_00001291_post_disaster.png,0,0,0,0,00001291 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001291_pre_disaster.png,portugal-wildfire_00001291_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001291_pre_disaster.png,0,0,0,0,00001291 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001292_post_disaster.png,portugal-wildfire_00001292_post_disaster,0,0,tier3\masks\portugal-wildfire_00001292_post_disaster.png,0,0,0,0,00001292 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001292_pre_disaster.png,portugal-wildfire_00001292_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001292_pre_disaster.png,0,0,0,0,00001292 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001293_post_disaster.png,portugal-wildfire_00001293_post_disaster,0,0,tier3\masks\portugal-wildfire_00001293_post_disaster.png,0,0,0,0,00001293 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001293_pre_disaster.png,portugal-wildfire_00001293_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001293_pre_disaster.png,0,0,0,0,00001293 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001294_post_disaster.png,portugal-wildfire_00001294_post_disaster,0,0,tier3\masks\portugal-wildfire_00001294_post_disaster.png,0,0,0,0,00001294 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001294_pre_disaster.png,portugal-wildfire_00001294_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001294_pre_disaster.png,0,0,0,0,00001294 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001295_post_disaster.png,portugal-wildfire_00001295_post_disaster,0,0,tier3\masks\portugal-wildfire_00001295_post_disaster.png,0,0,5,2597,00001295 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001295_pre_disaster.png,portugal-wildfire_00001295_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001295_pre_disaster.png,0,0,5,2597,00001295 +3,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001296_post_disaster.png,portugal-wildfire_00001296_post_disaster,0,0,tier3\masks\portugal-wildfire_00001296_post_disaster.png,0,0,0,0,00001296 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001296_pre_disaster.png,portugal-wildfire_00001296_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001296_pre_disaster.png,0,0,3,781,00001296 +1,645,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001297_post_disaster.png,portugal-wildfire_00001297_post_disaster,0,0,tier3\masks\portugal-wildfire_00001297_post_disaster.png,0,0,0,0,00001297 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001297_pre_disaster.png,portugal-wildfire_00001297_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001297_pre_disaster.png,0,0,1,645,00001297 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001298_post_disaster.png,portugal-wildfire_00001298_post_disaster,0,0,tier3\masks\portugal-wildfire_00001298_post_disaster.png,0,0,0,0,00001298 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001298_pre_disaster.png,portugal-wildfire_00001298_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001298_pre_disaster.png,0,0,0,0,00001298 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001299_post_disaster.png,portugal-wildfire_00001299_post_disaster,0,0,tier3\masks\portugal-wildfire_00001299_post_disaster.png,0,0,0,0,00001299 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001299_pre_disaster.png,portugal-wildfire_00001299_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001299_pre_disaster.png,0,0,0,0,00001299 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001300_post_disaster.png,portugal-wildfire_00001300_post_disaster,0,0,tier3\masks\portugal-wildfire_00001300_post_disaster.png,0,0,0,0,00001300 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001300_pre_disaster.png,portugal-wildfire_00001300_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001300_pre_disaster.png,0,0,0,0,00001300 +1,141,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001301_post_disaster.png,portugal-wildfire_00001301_post_disaster,1,942,tier3\masks\portugal-wildfire_00001301_post_disaster.png,0,0,14,10905,00001301 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001301_pre_disaster.png,portugal-wildfire_00001301_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001301_pre_disaster.png,0,0,16,11988,00001301 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001302_post_disaster.png,portugal-wildfire_00001302_post_disaster,0,0,tier3\masks\portugal-wildfire_00001302_post_disaster.png,0,0,0,0,00001302 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001302_pre_disaster.png,portugal-wildfire_00001302_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001302_pre_disaster.png,0,0,0,0,00001302 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001303_post_disaster.png,portugal-wildfire_00001303_post_disaster,0,0,tier3\masks\portugal-wildfire_00001303_post_disaster.png,0,0,1,1841,00001303 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001303_pre_disaster.png,portugal-wildfire_00001303_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001303_pre_disaster.png,0,0,1,1841,00001303 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001304_post_disaster.png,portugal-wildfire_00001304_post_disaster,0,0,tier3\masks\portugal-wildfire_00001304_post_disaster.png,0,0,0,0,00001304 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001304_pre_disaster.png,portugal-wildfire_00001304_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001304_pre_disaster.png,0,0,0,0,00001304 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001305_post_disaster.png,portugal-wildfire_00001305_post_disaster,0,0,tier3\masks\portugal-wildfire_00001305_post_disaster.png,1,332,1,342,00001305 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001305_pre_disaster.png,portugal-wildfire_00001305_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001305_pre_disaster.png,0,0,2,674,00001305 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001306_post_disaster.png,portugal-wildfire_00001306_post_disaster,0,0,tier3\masks\portugal-wildfire_00001306_post_disaster.png,0,0,0,0,00001306 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001306_pre_disaster.png,portugal-wildfire_00001306_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001306_pre_disaster.png,0,0,0,0,00001306 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001307_post_disaster.png,portugal-wildfire_00001307_post_disaster,0,0,tier3\masks\portugal-wildfire_00001307_post_disaster.png,0,0,0,0,00001307 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001307_pre_disaster.png,portugal-wildfire_00001307_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001307_pre_disaster.png,0,0,0,0,00001307 +1,536,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001308_post_disaster.png,portugal-wildfire_00001308_post_disaster,0,0,tier3\masks\portugal-wildfire_00001308_post_disaster.png,1,543,0,0,00001308 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001308_pre_disaster.png,portugal-wildfire_00001308_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001308_pre_disaster.png,0,0,2,1079,00001308 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001309_post_disaster.png,portugal-wildfire_00001309_post_disaster,0,0,tier3\masks\portugal-wildfire_00001309_post_disaster.png,0,0,2,3042,00001309 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001309_pre_disaster.png,portugal-wildfire_00001309_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001309_pre_disaster.png,0,0,2,3094,00001309 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001310_post_disaster.png,portugal-wildfire_00001310_post_disaster,0,0,tier3\masks\portugal-wildfire_00001310_post_disaster.png,0,0,0,0,00001310 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001310_pre_disaster.png,portugal-wildfire_00001310_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001310_pre_disaster.png,0,0,0,0,00001310 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001311_post_disaster.png,portugal-wildfire_00001311_post_disaster,0,0,tier3\masks\portugal-wildfire_00001311_post_disaster.png,0,0,0,0,00001311 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001311_pre_disaster.png,portugal-wildfire_00001311_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001311_pre_disaster.png,0,0,0,0,00001311 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001312_post_disaster.png,portugal-wildfire_00001312_post_disaster,0,0,tier3\masks\portugal-wildfire_00001312_post_disaster.png,0,0,6,3052,00001312 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001312_pre_disaster.png,portugal-wildfire_00001312_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001312_pre_disaster.png,0,0,6,3052,00001312 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001313_post_disaster.png,portugal-wildfire_00001313_post_disaster,2,425,tier3\masks\portugal-wildfire_00001313_post_disaster.png,0,0,36,23481,00001313 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001313_pre_disaster.png,portugal-wildfire_00001313_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001313_pre_disaster.png,0,0,38,23981,00001313 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001314_post_disaster.png,portugal-wildfire_00001314_post_disaster,0,0,tier3\masks\portugal-wildfire_00001314_post_disaster.png,0,0,0,0,00001314 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001314_pre_disaster.png,portugal-wildfire_00001314_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001314_pre_disaster.png,0,0,0,0,00001314 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001315_post_disaster.png,portugal-wildfire_00001315_post_disaster,0,0,tier3\masks\portugal-wildfire_00001315_post_disaster.png,0,0,0,0,00001315 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001315_pre_disaster.png,portugal-wildfire_00001315_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001315_pre_disaster.png,0,0,0,0,00001315 +1,133,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001316_post_disaster.png,portugal-wildfire_00001316_post_disaster,0,0,tier3\masks\portugal-wildfire_00001316_post_disaster.png,0,0,0,0,00001316 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001316_pre_disaster.png,portugal-wildfire_00001316_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001316_pre_disaster.png,0,0,1,133,00001316 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001317_post_disaster.png,portugal-wildfire_00001317_post_disaster,0,0,tier3\masks\portugal-wildfire_00001317_post_disaster.png,0,0,25,18493,00001317 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001317_pre_disaster.png,portugal-wildfire_00001317_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001317_pre_disaster.png,0,0,25,18545,00001317 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001318_post_disaster.png,portugal-wildfire_00001318_post_disaster,0,0,tier3\masks\portugal-wildfire_00001318_post_disaster.png,0,0,0,0,00001318 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001318_pre_disaster.png,portugal-wildfire_00001318_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001318_pre_disaster.png,0,0,0,0,00001318 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001319_post_disaster.png,portugal-wildfire_00001319_post_disaster,0,0,tier3\masks\portugal-wildfire_00001319_post_disaster.png,0,0,14,8524,00001319 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001319_pre_disaster.png,portugal-wildfire_00001319_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001319_pre_disaster.png,0,0,14,8566,00001319 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001320_post_disaster.png,portugal-wildfire_00001320_post_disaster,0,0,tier3\masks\portugal-wildfire_00001320_post_disaster.png,0,0,0,0,00001320 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001320_pre_disaster.png,portugal-wildfire_00001320_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001320_pre_disaster.png,0,0,0,0,00001320 +3,418,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001321_post_disaster.png,portugal-wildfire_00001321_post_disaster,0,0,tier3\masks\portugal-wildfire_00001321_post_disaster.png,0,0,16,7795,00001321 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001321_pre_disaster.png,portugal-wildfire_00001321_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001321_pre_disaster.png,0,0,19,8249,00001321 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001322_post_disaster.png,portugal-wildfire_00001322_post_disaster,0,0,tier3\masks\portugal-wildfire_00001322_post_disaster.png,0,0,0,0,00001322 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001322_pre_disaster.png,portugal-wildfire_00001322_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001322_pre_disaster.png,0,0,0,0,00001322 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001323_post_disaster.png,portugal-wildfire_00001323_post_disaster,0,0,tier3\masks\portugal-wildfire_00001323_post_disaster.png,0,0,31,43568,00001323 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001323_pre_disaster.png,portugal-wildfire_00001323_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001323_pre_disaster.png,0,0,31,43584,00001323 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001324_post_disaster.png,portugal-wildfire_00001324_post_disaster,0,0,tier3\masks\portugal-wildfire_00001324_post_disaster.png,0,0,0,0,00001324 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001324_pre_disaster.png,portugal-wildfire_00001324_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001324_pre_disaster.png,0,0,0,0,00001324 +1,322,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001325_post_disaster.png,portugal-wildfire_00001325_post_disaster,0,0,tier3\masks\portugal-wildfire_00001325_post_disaster.png,0,0,0,0,00001325 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001325_pre_disaster.png,portugal-wildfire_00001325_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001325_pre_disaster.png,0,0,1,322,00001325 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001326_post_disaster.png,portugal-wildfire_00001326_post_disaster,0,0,tier3\masks\portugal-wildfire_00001326_post_disaster.png,0,0,0,0,00001326 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001326_pre_disaster.png,portugal-wildfire_00001326_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001326_pre_disaster.png,0,0,0,0,00001326 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001327_post_disaster.png,portugal-wildfire_00001327_post_disaster,0,0,tier3\masks\portugal-wildfire_00001327_post_disaster.png,0,0,0,0,00001327 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001327_pre_disaster.png,portugal-wildfire_00001327_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001327_pre_disaster.png,0,0,0,0,00001327 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001328_post_disaster.png,portugal-wildfire_00001328_post_disaster,0,0,tier3\masks\portugal-wildfire_00001328_post_disaster.png,0,0,4,12878,00001328 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001328_pre_disaster.png,portugal-wildfire_00001328_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001328_pre_disaster.png,0,0,4,12878,00001328 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001329_post_disaster.png,portugal-wildfire_00001329_post_disaster,0,0,tier3\masks\portugal-wildfire_00001329_post_disaster.png,0,0,3,1147,00001329 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001329_pre_disaster.png,portugal-wildfire_00001329_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001329_pre_disaster.png,0,0,3,1147,00001329 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001330_post_disaster.png,portugal-wildfire_00001330_post_disaster,0,0,tier3\masks\portugal-wildfire_00001330_post_disaster.png,0,0,1,307,00001330 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001330_pre_disaster.png,portugal-wildfire_00001330_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001330_pre_disaster.png,0,0,1,307,00001330 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001331_post_disaster.png,portugal-wildfire_00001331_post_disaster,0,0,tier3\masks\portugal-wildfire_00001331_post_disaster.png,0,0,0,0,00001331 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001331_pre_disaster.png,portugal-wildfire_00001331_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001331_pre_disaster.png,0,0,0,0,00001331 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001332_post_disaster.png,portugal-wildfire_00001332_post_disaster,0,0,tier3\masks\portugal-wildfire_00001332_post_disaster.png,0,0,4,1732,00001332 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001332_pre_disaster.png,portugal-wildfire_00001332_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001332_pre_disaster.png,0,0,4,1732,00001332 +1,653,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001333_post_disaster.png,portugal-wildfire_00001333_post_disaster,0,0,tier3\masks\portugal-wildfire_00001333_post_disaster.png,0,0,8,13535,00001333 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001333_pre_disaster.png,portugal-wildfire_00001333_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001333_pre_disaster.png,0,0,9,14188,00001333 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001334_post_disaster.png,portugal-wildfire_00001334_post_disaster,0,0,tier3\masks\portugal-wildfire_00001334_post_disaster.png,0,0,6,5092,00001334 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001334_pre_disaster.png,portugal-wildfire_00001334_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001334_pre_disaster.png,0,0,6,5092,00001334 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001335_post_disaster.png,portugal-wildfire_00001335_post_disaster,0,0,tier3\masks\portugal-wildfire_00001335_post_disaster.png,0,0,11,5161,00001335 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001335_pre_disaster.png,portugal-wildfire_00001335_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001335_pre_disaster.png,0,0,11,5161,00001335 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001336_post_disaster.png,portugal-wildfire_00001336_post_disaster,0,0,tier3\masks\portugal-wildfire_00001336_post_disaster.png,0,0,0,0,00001336 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001336_pre_disaster.png,portugal-wildfire_00001336_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001336_pre_disaster.png,0,0,0,0,00001336 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001337_post_disaster.png,portugal-wildfire_00001337_post_disaster,0,0,tier3\masks\portugal-wildfire_00001337_post_disaster.png,0,0,0,0,00001337 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001337_pre_disaster.png,portugal-wildfire_00001337_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001337_pre_disaster.png,0,0,0,0,00001337 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001338_post_disaster.png,portugal-wildfire_00001338_post_disaster,0,0,tier3\masks\portugal-wildfire_00001338_post_disaster.png,0,0,0,0,00001338 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001338_pre_disaster.png,portugal-wildfire_00001338_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001338_pre_disaster.png,0,0,0,0,00001338 +1,590,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001339_post_disaster.png,portugal-wildfire_00001339_post_disaster,0,0,tier3\masks\portugal-wildfire_00001339_post_disaster.png,0,0,24,23235,00001339 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001339_pre_disaster.png,portugal-wildfire_00001339_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001339_pre_disaster.png,0,0,25,24010,00001339 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001340_post_disaster.png,portugal-wildfire_00001340_post_disaster,0,0,tier3\masks\portugal-wildfire_00001340_post_disaster.png,0,0,0,0,00001340 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001340_pre_disaster.png,portugal-wildfire_00001340_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001340_pre_disaster.png,0,0,0,0,00001340 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001341_post_disaster.png,portugal-wildfire_00001341_post_disaster,0,0,tier3\masks\portugal-wildfire_00001341_post_disaster.png,0,0,39,90021,00001341 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001341_pre_disaster.png,portugal-wildfire_00001341_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001341_pre_disaster.png,0,0,39,90326,00001341 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001342_post_disaster.png,portugal-wildfire_00001342_post_disaster,0,0,tier3\masks\portugal-wildfire_00001342_post_disaster.png,0,0,0,0,00001342 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001342_pre_disaster.png,portugal-wildfire_00001342_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001342_pre_disaster.png,0,0,0,0,00001342 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001343_post_disaster.png,portugal-wildfire_00001343_post_disaster,0,0,tier3\masks\portugal-wildfire_00001343_post_disaster.png,0,0,0,0,00001343 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001343_pre_disaster.png,portugal-wildfire_00001343_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001343_pre_disaster.png,0,0,0,0,00001343 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001344_post_disaster.png,portugal-wildfire_00001344_post_disaster,0,0,tier3\masks\portugal-wildfire_00001344_post_disaster.png,0,0,24,23789,00001344 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001344_pre_disaster.png,portugal-wildfire_00001344_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001344_pre_disaster.png,0,0,24,23864,00001344 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001345_post_disaster.png,portugal-wildfire_00001345_post_disaster,0,0,tier3\masks\portugal-wildfire_00001345_post_disaster.png,0,0,0,0,00001345 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001345_pre_disaster.png,portugal-wildfire_00001345_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001345_pre_disaster.png,0,0,0,0,00001345 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001346_post_disaster.png,portugal-wildfire_00001346_post_disaster,1,145,tier3\masks\portugal-wildfire_00001346_post_disaster.png,0,0,15,7679,00001346 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001346_pre_disaster.png,portugal-wildfire_00001346_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001346_pre_disaster.png,0,0,16,7904,00001346 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001347_post_disaster.png,portugal-wildfire_00001347_post_disaster,0,0,tier3\masks\portugal-wildfire_00001347_post_disaster.png,0,0,0,0,00001347 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001347_pre_disaster.png,portugal-wildfire_00001347_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001347_pre_disaster.png,0,0,0,0,00001347 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001348_post_disaster.png,portugal-wildfire_00001348_post_disaster,0,0,tier3\masks\portugal-wildfire_00001348_post_disaster.png,0,0,0,0,00001348 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001348_pre_disaster.png,portugal-wildfire_00001348_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001348_pre_disaster.png,0,0,0,0,00001348 +1,158,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001349_post_disaster.png,portugal-wildfire_00001349_post_disaster,0,0,tier3\masks\portugal-wildfire_00001349_post_disaster.png,0,0,0,0,00001349 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001349_pre_disaster.png,portugal-wildfire_00001349_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001349_pre_disaster.png,0,0,1,158,00001349 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001350_post_disaster.png,portugal-wildfire_00001350_post_disaster,0,0,tier3\masks\portugal-wildfire_00001350_post_disaster.png,0,0,0,0,00001350 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001350_pre_disaster.png,portugal-wildfire_00001350_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001350_pre_disaster.png,0,0,0,0,00001350 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001351_post_disaster.png,portugal-wildfire_00001351_post_disaster,0,0,tier3\masks\portugal-wildfire_00001351_post_disaster.png,0,0,0,0,00001351 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001351_pre_disaster.png,portugal-wildfire_00001351_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001351_pre_disaster.png,0,0,0,0,00001351 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001352_post_disaster.png,portugal-wildfire_00001352_post_disaster,0,0,tier3\masks\portugal-wildfire_00001352_post_disaster.png,0,0,0,0,00001352 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001352_pre_disaster.png,portugal-wildfire_00001352_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001352_pre_disaster.png,0,0,0,0,00001352 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001353_post_disaster.png,portugal-wildfire_00001353_post_disaster,0,0,tier3\masks\portugal-wildfire_00001353_post_disaster.png,0,0,0,0,00001353 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001353_pre_disaster.png,portugal-wildfire_00001353_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001353_pre_disaster.png,0,0,0,0,00001353 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001354_post_disaster.png,portugal-wildfire_00001354_post_disaster,0,0,tier3\masks\portugal-wildfire_00001354_post_disaster.png,0,0,74,232769,00001354 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001354_pre_disaster.png,portugal-wildfire_00001354_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001354_pre_disaster.png,0,0,74,233124,00001354 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001355_post_disaster.png,portugal-wildfire_00001355_post_disaster,0,0,tier3\masks\portugal-wildfire_00001355_post_disaster.png,0,0,8,4401,00001355 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001355_pre_disaster.png,portugal-wildfire_00001355_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001355_pre_disaster.png,0,0,8,4401,00001355 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001356_post_disaster.png,portugal-wildfire_00001356_post_disaster,0,0,tier3\masks\portugal-wildfire_00001356_post_disaster.png,0,0,0,0,00001356 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001356_pre_disaster.png,portugal-wildfire_00001356_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001356_pre_disaster.png,0,0,0,0,00001356 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001357_post_disaster.png,portugal-wildfire_00001357_post_disaster,0,0,tier3\masks\portugal-wildfire_00001357_post_disaster.png,0,0,1,401,00001357 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001357_pre_disaster.png,portugal-wildfire_00001357_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001357_pre_disaster.png,0,0,1,401,00001357 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001358_post_disaster.png,portugal-wildfire_00001358_post_disaster,0,0,tier3\masks\portugal-wildfire_00001358_post_disaster.png,0,0,2,964,00001358 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001358_pre_disaster.png,portugal-wildfire_00001358_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001358_pre_disaster.png,0,0,2,964,00001358 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001359_post_disaster.png,portugal-wildfire_00001359_post_disaster,0,0,tier3\masks\portugal-wildfire_00001359_post_disaster.png,0,0,0,0,00001359 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001359_pre_disaster.png,portugal-wildfire_00001359_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001359_pre_disaster.png,0,0,0,0,00001359 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001360_post_disaster.png,portugal-wildfire_00001360_post_disaster,0,0,tier3\masks\portugal-wildfire_00001360_post_disaster.png,0,0,1,149,00001360 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001360_pre_disaster.png,portugal-wildfire_00001360_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001360_pre_disaster.png,0,0,1,149,00001360 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001361_post_disaster.png,portugal-wildfire_00001361_post_disaster,0,0,tier3\masks\portugal-wildfire_00001361_post_disaster.png,0,0,0,0,00001361 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001361_pre_disaster.png,portugal-wildfire_00001361_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001361_pre_disaster.png,0,0,0,0,00001361 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001362_post_disaster.png,portugal-wildfire_00001362_post_disaster,0,0,tier3\masks\portugal-wildfire_00001362_post_disaster.png,0,0,0,0,00001362 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001362_pre_disaster.png,portugal-wildfire_00001362_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001362_pre_disaster.png,0,0,0,0,00001362 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001363_post_disaster.png,portugal-wildfire_00001363_post_disaster,0,0,tier3\masks\portugal-wildfire_00001363_post_disaster.png,0,0,0,0,00001363 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001363_pre_disaster.png,portugal-wildfire_00001363_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001363_pre_disaster.png,0,0,0,0,00001363 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001364_post_disaster.png,portugal-wildfire_00001364_post_disaster,0,0,tier3\masks\portugal-wildfire_00001364_post_disaster.png,0,0,18,11434,00001364 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001364_pre_disaster.png,portugal-wildfire_00001364_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001364_pre_disaster.png,0,0,18,11434,00001364 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001365_post_disaster.png,portugal-wildfire_00001365_post_disaster,0,0,tier3\masks\portugal-wildfire_00001365_post_disaster.png,0,0,0,0,00001365 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001365_pre_disaster.png,portugal-wildfire_00001365_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001365_pre_disaster.png,0,0,0,0,00001365 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001366_post_disaster.png,portugal-wildfire_00001366_post_disaster,0,0,tier3\masks\portugal-wildfire_00001366_post_disaster.png,0,0,0,0,00001366 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001366_pre_disaster.png,portugal-wildfire_00001366_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001366_pre_disaster.png,0,0,0,0,00001366 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001367_post_disaster.png,portugal-wildfire_00001367_post_disaster,0,0,tier3\masks\portugal-wildfire_00001367_post_disaster.png,0,0,0,0,00001367 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001367_pre_disaster.png,portugal-wildfire_00001367_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001367_pre_disaster.png,0,0,0,0,00001367 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001368_post_disaster.png,portugal-wildfire_00001368_post_disaster,0,0,tier3\masks\portugal-wildfire_00001368_post_disaster.png,0,0,0,0,00001368 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001368_pre_disaster.png,portugal-wildfire_00001368_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001368_pre_disaster.png,0,0,0,0,00001368 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001369_post_disaster.png,portugal-wildfire_00001369_post_disaster,0,0,tier3\masks\portugal-wildfire_00001369_post_disaster.png,0,0,0,0,00001369 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001369_pre_disaster.png,portugal-wildfire_00001369_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001369_pre_disaster.png,0,0,0,0,00001369 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001370_post_disaster.png,portugal-wildfire_00001370_post_disaster,0,0,tier3\masks\portugal-wildfire_00001370_post_disaster.png,0,0,39,31508,00001370 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001370_pre_disaster.png,portugal-wildfire_00001370_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001370_pre_disaster.png,0,0,39,31658,00001370 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001371_post_disaster.png,portugal-wildfire_00001371_post_disaster,0,0,tier3\masks\portugal-wildfire_00001371_post_disaster.png,0,0,0,0,00001371 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001371_pre_disaster.png,portugal-wildfire_00001371_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001371_pre_disaster.png,0,0,0,0,00001371 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001372_post_disaster.png,portugal-wildfire_00001372_post_disaster,0,0,tier3\masks\portugal-wildfire_00001372_post_disaster.png,0,0,0,0,00001372 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001372_pre_disaster.png,portugal-wildfire_00001372_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001372_pre_disaster.png,0,0,0,0,00001372 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001373_post_disaster.png,portugal-wildfire_00001373_post_disaster,0,0,tier3\masks\portugal-wildfire_00001373_post_disaster.png,0,0,0,0,00001373 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001373_pre_disaster.png,portugal-wildfire_00001373_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001373_pre_disaster.png,0,0,0,0,00001373 +3,741,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001374_post_disaster.png,portugal-wildfire_00001374_post_disaster,0,0,tier3\masks\portugal-wildfire_00001374_post_disaster.png,0,0,1,250,00001374 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001374_pre_disaster.png,portugal-wildfire_00001374_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001374_pre_disaster.png,0,0,4,991,00001374 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001375_post_disaster.png,portugal-wildfire_00001375_post_disaster,0,0,tier3\masks\portugal-wildfire_00001375_post_disaster.png,0,0,0,0,00001375 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001375_pre_disaster.png,portugal-wildfire_00001375_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001375_pre_disaster.png,0,0,0,0,00001375 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001376_post_disaster.png,portugal-wildfire_00001376_post_disaster,0,0,tier3\masks\portugal-wildfire_00001376_post_disaster.png,0,0,0,0,00001376 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001376_pre_disaster.png,portugal-wildfire_00001376_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001376_pre_disaster.png,0,0,0,0,00001376 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001377_post_disaster.png,portugal-wildfire_00001377_post_disaster,0,0,tier3\masks\portugal-wildfire_00001377_post_disaster.png,0,0,0,0,00001377 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001377_pre_disaster.png,portugal-wildfire_00001377_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001377_pre_disaster.png,0,0,0,0,00001377 +3,1327,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001378_post_disaster.png,portugal-wildfire_00001378_post_disaster,1,360,tier3\masks\portugal-wildfire_00001378_post_disaster.png,0,0,3,1472,00001378 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001378_pre_disaster.png,portugal-wildfire_00001378_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001378_pre_disaster.png,0,0,7,3159,00001378 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001379_post_disaster.png,portugal-wildfire_00001379_post_disaster,0,0,tier3\masks\portugal-wildfire_00001379_post_disaster.png,0,0,0,0,00001379 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001379_pre_disaster.png,portugal-wildfire_00001379_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001379_pre_disaster.png,0,0,0,0,00001379 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001380_post_disaster.png,portugal-wildfire_00001380_post_disaster,1,982,tier3\masks\portugal-wildfire_00001380_post_disaster.png,0,0,13,6568,00001380 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001380_pre_disaster.png,portugal-wildfire_00001380_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001380_pre_disaster.png,0,0,14,7550,00001380 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001381_post_disaster.png,portugal-wildfire_00001381_post_disaster,0,0,tier3\masks\portugal-wildfire_00001381_post_disaster.png,0,0,1,51,00001381 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001381_pre_disaster.png,portugal-wildfire_00001381_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001381_pre_disaster.png,0,0,1,51,00001381 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001382_post_disaster.png,portugal-wildfire_00001382_post_disaster,0,0,tier3\masks\portugal-wildfire_00001382_post_disaster.png,0,0,0,0,00001382 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001382_pre_disaster.png,portugal-wildfire_00001382_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001382_pre_disaster.png,0,0,0,0,00001382 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001383_post_disaster.png,portugal-wildfire_00001383_post_disaster,0,0,tier3\masks\portugal-wildfire_00001383_post_disaster.png,0,0,0,0,00001383 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001383_pre_disaster.png,portugal-wildfire_00001383_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001383_pre_disaster.png,0,0,0,0,00001383 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001384_post_disaster.png,portugal-wildfire_00001384_post_disaster,0,0,tier3\masks\portugal-wildfire_00001384_post_disaster.png,0,0,1,173,00001384 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001384_pre_disaster.png,portugal-wildfire_00001384_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001384_pre_disaster.png,0,0,1,173,00001384 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001385_post_disaster.png,portugal-wildfire_00001385_post_disaster,0,0,tier3\masks\portugal-wildfire_00001385_post_disaster.png,0,0,0,0,00001385 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001385_pre_disaster.png,portugal-wildfire_00001385_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001385_pre_disaster.png,0,0,0,0,00001385 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001386_post_disaster.png,portugal-wildfire_00001386_post_disaster,0,0,tier3\masks\portugal-wildfire_00001386_post_disaster.png,0,0,0,0,00001386 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001386_pre_disaster.png,portugal-wildfire_00001386_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001386_pre_disaster.png,0,0,0,0,00001386 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001387_post_disaster.png,portugal-wildfire_00001387_post_disaster,0,0,tier3\masks\portugal-wildfire_00001387_post_disaster.png,0,0,0,0,00001387 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001387_pre_disaster.png,portugal-wildfire_00001387_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001387_pre_disaster.png,0,0,0,0,00001387 +2,421,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001388_post_disaster.png,portugal-wildfire_00001388_post_disaster,0,0,tier3\masks\portugal-wildfire_00001388_post_disaster.png,0,0,0,0,00001388 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001388_pre_disaster.png,portugal-wildfire_00001388_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001388_pre_disaster.png,0,0,2,421,00001388 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001389_post_disaster.png,portugal-wildfire_00001389_post_disaster,0,0,tier3\masks\portugal-wildfire_00001389_post_disaster.png,0,0,0,0,00001389 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001389_pre_disaster.png,portugal-wildfire_00001389_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001389_pre_disaster.png,0,0,0,0,00001389 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001390_post_disaster.png,portugal-wildfire_00001390_post_disaster,0,0,tier3\masks\portugal-wildfire_00001390_post_disaster.png,1,1517,2,1226,00001390 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001390_pre_disaster.png,portugal-wildfire_00001390_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001390_pre_disaster.png,0,0,3,2743,00001390 +2,705,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001391_post_disaster.png,portugal-wildfire_00001391_post_disaster,0,0,tier3\masks\portugal-wildfire_00001391_post_disaster.png,0,0,13,9716,00001391 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001391_pre_disaster.png,portugal-wildfire_00001391_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001391_pre_disaster.png,0,0,15,10421,00001391 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001392_post_disaster.png,portugal-wildfire_00001392_post_disaster,0,0,tier3\masks\portugal-wildfire_00001392_post_disaster.png,0,0,12,12345,00001392 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001392_pre_disaster.png,portugal-wildfire_00001392_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001392_pre_disaster.png,0,0,12,12382,00001392 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001393_post_disaster.png,portugal-wildfire_00001393_post_disaster,0,0,tier3\masks\portugal-wildfire_00001393_post_disaster.png,0,0,0,0,00001393 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001393_pre_disaster.png,portugal-wildfire_00001393_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001393_pre_disaster.png,0,0,0,0,00001393 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001394_post_disaster.png,portugal-wildfire_00001394_post_disaster,0,0,tier3\masks\portugal-wildfire_00001394_post_disaster.png,0,0,0,0,00001394 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001394_pre_disaster.png,portugal-wildfire_00001394_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001394_pre_disaster.png,0,0,0,0,00001394 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001395_post_disaster.png,portugal-wildfire_00001395_post_disaster,0,0,tier3\masks\portugal-wildfire_00001395_post_disaster.png,0,0,0,0,00001395 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001395_pre_disaster.png,portugal-wildfire_00001395_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001395_pre_disaster.png,0,0,0,0,00001395 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001396_post_disaster.png,portugal-wildfire_00001396_post_disaster,0,0,tier3\masks\portugal-wildfire_00001396_post_disaster.png,0,0,1,2811,00001396 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001396_pre_disaster.png,portugal-wildfire_00001396_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001396_pre_disaster.png,0,0,1,2847,00001396 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001397_post_disaster.png,portugal-wildfire_00001397_post_disaster,0,0,tier3\masks\portugal-wildfire_00001397_post_disaster.png,0,0,2,299,00001397 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001397_pre_disaster.png,portugal-wildfire_00001397_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001397_pre_disaster.png,0,0,2,299,00001397 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001398_post_disaster.png,portugal-wildfire_00001398_post_disaster,0,0,tier3\masks\portugal-wildfire_00001398_post_disaster.png,0,0,0,0,00001398 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001398_pre_disaster.png,portugal-wildfire_00001398_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001398_pre_disaster.png,0,0,0,0,00001398 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001399_post_disaster.png,portugal-wildfire_00001399_post_disaster,0,0,tier3\masks\portugal-wildfire_00001399_post_disaster.png,0,0,69,74688,00001399 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001399_pre_disaster.png,portugal-wildfire_00001399_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001399_pre_disaster.png,0,0,69,74688,00001399 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001400_post_disaster.png,portugal-wildfire_00001400_post_disaster,0,0,tier3\masks\portugal-wildfire_00001400_post_disaster.png,0,0,33,26405,00001400 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001400_pre_disaster.png,portugal-wildfire_00001400_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001400_pre_disaster.png,0,0,33,26490,00001400 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001401_post_disaster.png,portugal-wildfire_00001401_post_disaster,0,0,tier3\masks\portugal-wildfire_00001401_post_disaster.png,0,0,0,0,00001401 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001401_pre_disaster.png,portugal-wildfire_00001401_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001401_pre_disaster.png,0,0,0,0,00001401 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001402_post_disaster.png,portugal-wildfire_00001402_post_disaster,0,0,tier3\masks\portugal-wildfire_00001402_post_disaster.png,0,0,0,0,00001402 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001402_pre_disaster.png,portugal-wildfire_00001402_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001402_pre_disaster.png,0,0,0,0,00001402 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001403_post_disaster.png,portugal-wildfire_00001403_post_disaster,0,0,tier3\masks\portugal-wildfire_00001403_post_disaster.png,0,0,0,0,00001403 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001403_pre_disaster.png,portugal-wildfire_00001403_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001403_pre_disaster.png,0,0,0,0,00001403 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001404_post_disaster.png,portugal-wildfire_00001404_post_disaster,0,0,tier3\masks\portugal-wildfire_00001404_post_disaster.png,0,0,41,67496,00001404 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001404_pre_disaster.png,portugal-wildfire_00001404_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001404_pre_disaster.png,0,0,41,67754,00001404 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001405_post_disaster.png,portugal-wildfire_00001405_post_disaster,0,0,tier3\masks\portugal-wildfire_00001405_post_disaster.png,0,0,0,0,00001405 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001405_pre_disaster.png,portugal-wildfire_00001405_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001405_pre_disaster.png,0,0,0,0,00001405 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001406_post_disaster.png,portugal-wildfire_00001406_post_disaster,0,0,tier3\masks\portugal-wildfire_00001406_post_disaster.png,0,0,60,51155,00001406 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001406_pre_disaster.png,portugal-wildfire_00001406_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001406_pre_disaster.png,0,0,60,51189,00001406 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001407_post_disaster.png,portugal-wildfire_00001407_post_disaster,0,0,tier3\masks\portugal-wildfire_00001407_post_disaster.png,0,0,0,0,00001407 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001407_pre_disaster.png,portugal-wildfire_00001407_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001407_pre_disaster.png,0,0,0,0,00001407 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001408_post_disaster.png,portugal-wildfire_00001408_post_disaster,0,0,tier3\masks\portugal-wildfire_00001408_post_disaster.png,0,0,2,1190,00001408 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001408_pre_disaster.png,portugal-wildfire_00001408_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001408_pre_disaster.png,0,0,2,1245,00001408 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001409_post_disaster.png,portugal-wildfire_00001409_post_disaster,0,0,tier3\masks\portugal-wildfire_00001409_post_disaster.png,0,0,0,0,00001409 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001409_pre_disaster.png,portugal-wildfire_00001409_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001409_pre_disaster.png,0,0,0,0,00001409 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001410_post_disaster.png,portugal-wildfire_00001410_post_disaster,0,0,tier3\masks\portugal-wildfire_00001410_post_disaster.png,0,0,0,0,00001410 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001410_pre_disaster.png,portugal-wildfire_00001410_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001410_pre_disaster.png,0,0,0,0,00001410 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001411_post_disaster.png,portugal-wildfire_00001411_post_disaster,0,0,tier3\masks\portugal-wildfire_00001411_post_disaster.png,0,0,1,270,00001411 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001411_pre_disaster.png,portugal-wildfire_00001411_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001411_pre_disaster.png,0,0,1,270,00001411 +1,1196,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001412_post_disaster.png,portugal-wildfire_00001412_post_disaster,0,0,tier3\masks\portugal-wildfire_00001412_post_disaster.png,2,3904,11,30111,00001412 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001412_pre_disaster.png,portugal-wildfire_00001412_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001412_pre_disaster.png,0,0,13,35497,00001412 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001413_post_disaster.png,portugal-wildfire_00001413_post_disaster,0,0,tier3\masks\portugal-wildfire_00001413_post_disaster.png,0,0,1,176,00001413 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001413_pre_disaster.png,portugal-wildfire_00001413_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001413_pre_disaster.png,0,0,1,176,00001413 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001414_post_disaster.png,portugal-wildfire_00001414_post_disaster,1,380,tier3\masks\portugal-wildfire_00001414_post_disaster.png,0,0,64,49894,00001414 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001414_pre_disaster.png,portugal-wildfire_00001414_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001414_pre_disaster.png,0,0,65,50307,00001414 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001415_post_disaster.png,portugal-wildfire_00001415_post_disaster,2,283,tier3\masks\portugal-wildfire_00001415_post_disaster.png,0,0,2,1605,00001415 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001415_pre_disaster.png,portugal-wildfire_00001415_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001415_pre_disaster.png,0,0,4,1888,00001415 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001416_post_disaster.png,portugal-wildfire_00001416_post_disaster,1,459,tier3\masks\portugal-wildfire_00001416_post_disaster.png,0,0,40,34334,00001416 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001416_pre_disaster.png,portugal-wildfire_00001416_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001416_pre_disaster.png,0,0,41,34990,00001416 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001417_post_disaster.png,portugal-wildfire_00001417_post_disaster,0,0,tier3\masks\portugal-wildfire_00001417_post_disaster.png,0,0,2,319,00001417 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001417_pre_disaster.png,portugal-wildfire_00001417_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001417_pre_disaster.png,0,0,2,319,00001417 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001418_post_disaster.png,portugal-wildfire_00001418_post_disaster,0,0,tier3\masks\portugal-wildfire_00001418_post_disaster.png,0,0,1,675,00001418 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001418_pre_disaster.png,portugal-wildfire_00001418_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001418_pre_disaster.png,0,0,1,675,00001418 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001419_post_disaster.png,portugal-wildfire_00001419_post_disaster,0,0,tier3\masks\portugal-wildfire_00001419_post_disaster.png,0,0,27,29235,00001419 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001419_pre_disaster.png,portugal-wildfire_00001419_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001419_pre_disaster.png,0,0,27,29326,00001419 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001420_post_disaster.png,portugal-wildfire_00001420_post_disaster,0,0,tier3\masks\portugal-wildfire_00001420_post_disaster.png,0,0,1,331,00001420 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001420_pre_disaster.png,portugal-wildfire_00001420_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001420_pre_disaster.png,0,0,1,331,00001420 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001421_post_disaster.png,portugal-wildfire_00001421_post_disaster,0,0,tier3\masks\portugal-wildfire_00001421_post_disaster.png,0,0,0,0,00001421 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001421_pre_disaster.png,portugal-wildfire_00001421_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001421_pre_disaster.png,0,0,0,0,00001421 +7,15382,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001422_post_disaster.png,portugal-wildfire_00001422_post_disaster,0,0,tier3\masks\portugal-wildfire_00001422_post_disaster.png,0,0,44,34620,00001422 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001422_pre_disaster.png,portugal-wildfire_00001422_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001422_pre_disaster.png,0,0,49,50075,00001422 +1,238,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001423_post_disaster.png,portugal-wildfire_00001423_post_disaster,2,558,tier3\masks\portugal-wildfire_00001423_post_disaster.png,1,167,9,5437,00001423 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001423_pre_disaster.png,portugal-wildfire_00001423_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001423_pre_disaster.png,0,0,13,6400,00001423 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001424_post_disaster.png,portugal-wildfire_00001424_post_disaster,0,0,tier3\masks\portugal-wildfire_00001424_post_disaster.png,0,0,1,222,00001424 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001424_pre_disaster.png,portugal-wildfire_00001424_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001424_pre_disaster.png,0,0,1,222,00001424 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001425_post_disaster.png,portugal-wildfire_00001425_post_disaster,0,0,tier3\masks\portugal-wildfire_00001425_post_disaster.png,0,0,1,154,00001425 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001425_pre_disaster.png,portugal-wildfire_00001425_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001425_pre_disaster.png,0,0,1,154,00001425 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001426_post_disaster.png,portugal-wildfire_00001426_post_disaster,0,0,tier3\masks\portugal-wildfire_00001426_post_disaster.png,0,0,175,214042,00001426 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001426_pre_disaster.png,portugal-wildfire_00001426_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001426_pre_disaster.png,0,0,175,214387,00001426 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001427_post_disaster.png,portugal-wildfire_00001427_post_disaster,1,435,tier3\masks\portugal-wildfire_00001427_post_disaster.png,0,0,5,3503,00001427 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001427_pre_disaster.png,portugal-wildfire_00001427_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001427_pre_disaster.png,0,0,6,4031,00001427 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001428_post_disaster.png,portugal-wildfire_00001428_post_disaster,0,0,tier3\masks\portugal-wildfire_00001428_post_disaster.png,0,0,0,0,00001428 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001428_pre_disaster.png,portugal-wildfire_00001428_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001428_pre_disaster.png,0,0,0,0,00001428 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001429_post_disaster.png,portugal-wildfire_00001429_post_disaster,0,0,tier3\masks\portugal-wildfire_00001429_post_disaster.png,0,0,37,17930,00001429 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001429_pre_disaster.png,portugal-wildfire_00001429_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001429_pre_disaster.png,0,0,37,17986,00001429 +1,460,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001430_post_disaster.png,portugal-wildfire_00001430_post_disaster,0,0,tier3\masks\portugal-wildfire_00001430_post_disaster.png,0,0,2,1735,00001430 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001430_pre_disaster.png,portugal-wildfire_00001430_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001430_pre_disaster.png,0,0,3,2195,00001430 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001431_post_disaster.png,portugal-wildfire_00001431_post_disaster,0,0,tier3\masks\portugal-wildfire_00001431_post_disaster.png,0,0,0,0,00001431 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001431_pre_disaster.png,portugal-wildfire_00001431_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001431_pre_disaster.png,0,0,0,0,00001431 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001432_post_disaster.png,portugal-wildfire_00001432_post_disaster,0,0,tier3\masks\portugal-wildfire_00001432_post_disaster.png,0,0,0,0,00001432 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001432_pre_disaster.png,portugal-wildfire_00001432_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001432_pre_disaster.png,0,0,0,0,00001432 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001433_post_disaster.png,portugal-wildfire_00001433_post_disaster,0,0,tier3\masks\portugal-wildfire_00001433_post_disaster.png,0,0,2,949,00001433 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001433_pre_disaster.png,portugal-wildfire_00001433_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001433_pre_disaster.png,0,0,2,949,00001433 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001434_post_disaster.png,portugal-wildfire_00001434_post_disaster,0,0,tier3\masks\portugal-wildfire_00001434_post_disaster.png,0,0,6,6515,00001434 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001434_pre_disaster.png,portugal-wildfire_00001434_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001434_pre_disaster.png,0,0,6,6588,00001434 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001435_post_disaster.png,portugal-wildfire_00001435_post_disaster,0,0,tier3\masks\portugal-wildfire_00001435_post_disaster.png,0,0,22,12345,00001435 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001435_pre_disaster.png,portugal-wildfire_00001435_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001435_pre_disaster.png,0,0,22,12345,00001435 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001436_post_disaster.png,portugal-wildfire_00001436_post_disaster,0,0,tier3\masks\portugal-wildfire_00001436_post_disaster.png,0,0,47,44302,00001436 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001436_pre_disaster.png,portugal-wildfire_00001436_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001436_pre_disaster.png,0,0,47,44316,00001436 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001437_post_disaster.png,portugal-wildfire_00001437_post_disaster,0,0,tier3\masks\portugal-wildfire_00001437_post_disaster.png,0,0,3,411,00001437 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001437_pre_disaster.png,portugal-wildfire_00001437_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001437_pre_disaster.png,0,0,3,419,00001437 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001438_post_disaster.png,portugal-wildfire_00001438_post_disaster,0,0,tier3\masks\portugal-wildfire_00001438_post_disaster.png,0,0,16,13091,00001438 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001438_pre_disaster.png,portugal-wildfire_00001438_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001438_pre_disaster.png,0,0,16,13137,00001438 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001439_post_disaster.png,portugal-wildfire_00001439_post_disaster,0,0,tier3\masks\portugal-wildfire_00001439_post_disaster.png,0,0,0,0,00001439 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001439_pre_disaster.png,portugal-wildfire_00001439_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001439_pre_disaster.png,0,0,0,0,00001439 +1,239,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001440_post_disaster.png,portugal-wildfire_00001440_post_disaster,0,0,tier3\masks\portugal-wildfire_00001440_post_disaster.png,0,0,90,68003,00001440 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001440_pre_disaster.png,portugal-wildfire_00001440_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001440_pre_disaster.png,0,0,90,68242,00001440 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001441_post_disaster.png,portugal-wildfire_00001441_post_disaster,0,0,tier3\masks\portugal-wildfire_00001441_post_disaster.png,0,0,4,5816,00001441 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001441_pre_disaster.png,portugal-wildfire_00001441_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001441_pre_disaster.png,0,0,4,5845,00001441 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001442_post_disaster.png,portugal-wildfire_00001442_post_disaster,0,0,tier3\masks\portugal-wildfire_00001442_post_disaster.png,0,0,5,2103,00001442 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001442_pre_disaster.png,portugal-wildfire_00001442_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001442_pre_disaster.png,0,0,5,2103,00001442 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001443_post_disaster.png,portugal-wildfire_00001443_post_disaster,0,0,tier3\masks\portugal-wildfire_00001443_post_disaster.png,0,0,3,1432,00001443 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001443_pre_disaster.png,portugal-wildfire_00001443_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001443_pre_disaster.png,0,0,3,1467,00001443 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001444_post_disaster.png,portugal-wildfire_00001444_post_disaster,0,0,tier3\masks\portugal-wildfire_00001444_post_disaster.png,0,0,3,1217,00001444 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001444_pre_disaster.png,portugal-wildfire_00001444_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001444_pre_disaster.png,0,0,3,1217,00001444 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001445_post_disaster.png,portugal-wildfire_00001445_post_disaster,0,0,tier3\masks\portugal-wildfire_00001445_post_disaster.png,0,0,14,21872,00001445 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001445_pre_disaster.png,portugal-wildfire_00001445_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001445_pre_disaster.png,0,0,14,22065,00001445 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001446_post_disaster.png,portugal-wildfire_00001446_post_disaster,0,0,tier3\masks\portugal-wildfire_00001446_post_disaster.png,0,0,0,0,00001446 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001446_pre_disaster.png,portugal-wildfire_00001446_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001446_pre_disaster.png,0,0,0,0,00001446 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001447_post_disaster.png,portugal-wildfire_00001447_post_disaster,1,368,tier3\masks\portugal-wildfire_00001447_post_disaster.png,0,0,58,54915,00001447 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001447_pre_disaster.png,portugal-wildfire_00001447_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001447_pre_disaster.png,0,0,59,55364,00001447 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001448_post_disaster.png,portugal-wildfire_00001448_post_disaster,1,354,tier3\masks\portugal-wildfire_00001448_post_disaster.png,0,0,3,1242,00001448 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001448_pre_disaster.png,portugal-wildfire_00001448_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001448_pre_disaster.png,0,0,4,1596,00001448 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001449_post_disaster.png,portugal-wildfire_00001449_post_disaster,0,0,tier3\masks\portugal-wildfire_00001449_post_disaster.png,0,0,0,0,00001449 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001449_pre_disaster.png,portugal-wildfire_00001449_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001449_pre_disaster.png,0,0,0,0,00001449 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001450_post_disaster.png,portugal-wildfire_00001450_post_disaster,0,0,tier3\masks\portugal-wildfire_00001450_post_disaster.png,0,0,1,980,00001450 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001450_pre_disaster.png,portugal-wildfire_00001450_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001450_pre_disaster.png,0,0,1,980,00001450 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001451_post_disaster.png,portugal-wildfire_00001451_post_disaster,0,0,tier3\masks\portugal-wildfire_00001451_post_disaster.png,0,0,0,0,00001451 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001451_pre_disaster.png,portugal-wildfire_00001451_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001451_pre_disaster.png,0,0,0,0,00001451 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001452_post_disaster.png,portugal-wildfire_00001452_post_disaster,0,0,tier3\masks\portugal-wildfire_00001452_post_disaster.png,0,0,40,29682,00001452 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001452_pre_disaster.png,portugal-wildfire_00001452_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001452_pre_disaster.png,0,0,40,29713,00001452 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001453_post_disaster.png,portugal-wildfire_00001453_post_disaster,0,0,tier3\masks\portugal-wildfire_00001453_post_disaster.png,0,0,0,0,00001453 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001453_pre_disaster.png,portugal-wildfire_00001453_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001453_pre_disaster.png,0,0,0,0,00001453 +1,609,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001454_post_disaster.png,portugal-wildfire_00001454_post_disaster,0,0,tier3\masks\portugal-wildfire_00001454_post_disaster.png,0,0,6,4652,00001454 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001454_pre_disaster.png,portugal-wildfire_00001454_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001454_pre_disaster.png,0,0,7,5310,00001454 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001455_post_disaster.png,portugal-wildfire_00001455_post_disaster,0,0,tier3\masks\portugal-wildfire_00001455_post_disaster.png,0,0,0,0,00001455 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001455_pre_disaster.png,portugal-wildfire_00001455_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001455_pre_disaster.png,0,0,0,0,00001455 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001456_post_disaster.png,portugal-wildfire_00001456_post_disaster,0,0,tier3\masks\portugal-wildfire_00001456_post_disaster.png,0,0,0,0,00001456 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001456_pre_disaster.png,portugal-wildfire_00001456_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001456_pre_disaster.png,0,0,0,0,00001456 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001457_post_disaster.png,portugal-wildfire_00001457_post_disaster,0,0,tier3\masks\portugal-wildfire_00001457_post_disaster.png,0,0,0,0,00001457 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001457_pre_disaster.png,portugal-wildfire_00001457_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001457_pre_disaster.png,0,0,0,0,00001457 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001458_post_disaster.png,portugal-wildfire_00001458_post_disaster,0,0,tier3\masks\portugal-wildfire_00001458_post_disaster.png,0,0,0,0,00001458 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001458_pre_disaster.png,portugal-wildfire_00001458_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001458_pre_disaster.png,0,0,0,0,00001458 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001459_post_disaster.png,portugal-wildfire_00001459_post_disaster,0,0,tier3\masks\portugal-wildfire_00001459_post_disaster.png,0,0,10,10302,00001459 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001459_pre_disaster.png,portugal-wildfire_00001459_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001459_pre_disaster.png,0,0,10,10302,00001459 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001460_post_disaster.png,portugal-wildfire_00001460_post_disaster,0,0,tier3\masks\portugal-wildfire_00001460_post_disaster.png,0,0,0,0,00001460 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001460_pre_disaster.png,portugal-wildfire_00001460_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001460_pre_disaster.png,0,0,0,0,00001460 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001461_post_disaster.png,portugal-wildfire_00001461_post_disaster,0,0,tier3\masks\portugal-wildfire_00001461_post_disaster.png,0,0,1,1449,00001461 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001461_pre_disaster.png,portugal-wildfire_00001461_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001461_pre_disaster.png,0,0,1,1449,00001461 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001462_post_disaster.png,portugal-wildfire_00001462_post_disaster,0,0,tier3\masks\portugal-wildfire_00001462_post_disaster.png,0,0,0,0,00001462 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001462_pre_disaster.png,portugal-wildfire_00001462_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001462_pre_disaster.png,0,0,0,0,00001462 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001463_post_disaster.png,portugal-wildfire_00001463_post_disaster,0,0,tier3\masks\portugal-wildfire_00001463_post_disaster.png,0,0,0,0,00001463 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001463_pre_disaster.png,portugal-wildfire_00001463_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001463_pre_disaster.png,0,0,0,0,00001463 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001464_post_disaster.png,portugal-wildfire_00001464_post_disaster,0,0,tier3\masks\portugal-wildfire_00001464_post_disaster.png,0,0,0,0,00001464 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001464_pre_disaster.png,portugal-wildfire_00001464_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001464_pre_disaster.png,0,0,0,0,00001464 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001465_post_disaster.png,portugal-wildfire_00001465_post_disaster,0,0,tier3\masks\portugal-wildfire_00001465_post_disaster.png,0,0,0,0,00001465 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001465_pre_disaster.png,portugal-wildfire_00001465_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001465_pre_disaster.png,0,0,0,0,00001465 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001466_post_disaster.png,portugal-wildfire_00001466_post_disaster,0,0,tier3\masks\portugal-wildfire_00001466_post_disaster.png,0,0,19,14964,00001466 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001466_pre_disaster.png,portugal-wildfire_00001466_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001466_pre_disaster.png,0,0,19,15025,00001466 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001467_post_disaster.png,portugal-wildfire_00001467_post_disaster,0,0,tier3\masks\portugal-wildfire_00001467_post_disaster.png,0,0,6,4729,00001467 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001467_pre_disaster.png,portugal-wildfire_00001467_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001467_pre_disaster.png,0,0,6,4745,00001467 +2,406,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001468_post_disaster.png,portugal-wildfire_00001468_post_disaster,0,0,tier3\masks\portugal-wildfire_00001468_post_disaster.png,0,0,2,412,00001468 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001468_pre_disaster.png,portugal-wildfire_00001468_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001468_pre_disaster.png,0,0,4,818,00001468 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001469_post_disaster.png,portugal-wildfire_00001469_post_disaster,0,0,tier3\masks\portugal-wildfire_00001469_post_disaster.png,0,0,2,711,00001469 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001469_pre_disaster.png,portugal-wildfire_00001469_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001469_pre_disaster.png,0,0,2,711,00001469 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001470_post_disaster.png,portugal-wildfire_00001470_post_disaster,0,0,tier3\masks\portugal-wildfire_00001470_post_disaster.png,1,344,1,382,00001470 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001470_pre_disaster.png,portugal-wildfire_00001470_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001470_pre_disaster.png,0,0,2,726,00001470 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001471_post_disaster.png,portugal-wildfire_00001471_post_disaster,0,0,tier3\masks\portugal-wildfire_00001471_post_disaster.png,0,0,0,0,00001471 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001471_pre_disaster.png,portugal-wildfire_00001471_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001471_pre_disaster.png,0,0,0,0,00001471 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001472_post_disaster.png,portugal-wildfire_00001472_post_disaster,0,0,tier3\masks\portugal-wildfire_00001472_post_disaster.png,0,0,0,0,00001472 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001472_pre_disaster.png,portugal-wildfire_00001472_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001472_pre_disaster.png,0,0,0,0,00001472 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001473_post_disaster.png,portugal-wildfire_00001473_post_disaster,0,0,tier3\masks\portugal-wildfire_00001473_post_disaster.png,0,0,0,0,00001473 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001473_pre_disaster.png,portugal-wildfire_00001473_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001473_pre_disaster.png,0,0,0,0,00001473 +3,1058,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001474_post_disaster.png,portugal-wildfire_00001474_post_disaster,0,0,tier3\masks\portugal-wildfire_00001474_post_disaster.png,0,0,1,1272,00001474 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001474_pre_disaster.png,portugal-wildfire_00001474_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001474_pre_disaster.png,0,0,4,2330,00001474 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001475_post_disaster.png,portugal-wildfire_00001475_post_disaster,0,0,tier3\masks\portugal-wildfire_00001475_post_disaster.png,0,0,19,24900,00001475 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001475_pre_disaster.png,portugal-wildfire_00001475_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001475_pre_disaster.png,0,0,19,25051,00001475 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001476_post_disaster.png,portugal-wildfire_00001476_post_disaster,0,0,tier3\masks\portugal-wildfire_00001476_post_disaster.png,0,0,0,0,00001476 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001476_pre_disaster.png,portugal-wildfire_00001476_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001476_pre_disaster.png,0,0,0,0,00001476 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001477_post_disaster.png,portugal-wildfire_00001477_post_disaster,0,0,tier3\masks\portugal-wildfire_00001477_post_disaster.png,0,0,6,8106,00001477 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001477_pre_disaster.png,portugal-wildfire_00001477_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001477_pre_disaster.png,0,0,6,8106,00001477 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001478_post_disaster.png,portugal-wildfire_00001478_post_disaster,0,0,tier3\masks\portugal-wildfire_00001478_post_disaster.png,0,0,0,0,00001478 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001478_pre_disaster.png,portugal-wildfire_00001478_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001478_pre_disaster.png,0,0,0,0,00001478 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001479_post_disaster.png,portugal-wildfire_00001479_post_disaster,0,0,tier3\masks\portugal-wildfire_00001479_post_disaster.png,0,0,0,0,00001479 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001479_pre_disaster.png,portugal-wildfire_00001479_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001479_pre_disaster.png,0,0,0,0,00001479 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001480_post_disaster.png,portugal-wildfire_00001480_post_disaster,0,0,tier3\masks\portugal-wildfire_00001480_post_disaster.png,0,0,10,10563,00001480 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001480_pre_disaster.png,portugal-wildfire_00001480_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001480_pre_disaster.png,0,0,10,10642,00001480 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001481_post_disaster.png,portugal-wildfire_00001481_post_disaster,0,0,tier3\masks\portugal-wildfire_00001481_post_disaster.png,0,0,4,2645,00001481 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001481_pre_disaster.png,portugal-wildfire_00001481_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001481_pre_disaster.png,0,0,4,2676,00001481 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001482_post_disaster.png,portugal-wildfire_00001482_post_disaster,0,0,tier3\masks\portugal-wildfire_00001482_post_disaster.png,0,0,34,19747,00001482 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001482_pre_disaster.png,portugal-wildfire_00001482_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001482_pre_disaster.png,0,0,34,19815,00001482 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001483_post_disaster.png,portugal-wildfire_00001483_post_disaster,0,0,tier3\masks\portugal-wildfire_00001483_post_disaster.png,0,0,0,0,00001483 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001483_pre_disaster.png,portugal-wildfire_00001483_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001483_pre_disaster.png,0,0,0,0,00001483 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001484_post_disaster.png,portugal-wildfire_00001484_post_disaster,0,0,tier3\masks\portugal-wildfire_00001484_post_disaster.png,0,0,14,22735,00001484 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001484_pre_disaster.png,portugal-wildfire_00001484_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001484_pre_disaster.png,0,0,14,22783,00001484 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001485_post_disaster.png,portugal-wildfire_00001485_post_disaster,0,0,tier3\masks\portugal-wildfire_00001485_post_disaster.png,0,0,0,0,00001485 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001485_pre_disaster.png,portugal-wildfire_00001485_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001485_pre_disaster.png,0,0,0,0,00001485 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001486_post_disaster.png,portugal-wildfire_00001486_post_disaster,0,0,tier3\masks\portugal-wildfire_00001486_post_disaster.png,0,0,0,0,00001486 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001486_pre_disaster.png,portugal-wildfire_00001486_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001486_pre_disaster.png,0,0,0,0,00001486 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001487_post_disaster.png,portugal-wildfire_00001487_post_disaster,0,0,tier3\masks\portugal-wildfire_00001487_post_disaster.png,0,0,9,11571,00001487 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001487_pre_disaster.png,portugal-wildfire_00001487_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001487_pre_disaster.png,0,0,9,11571,00001487 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001488_post_disaster.png,portugal-wildfire_00001488_post_disaster,0,0,tier3\masks\portugal-wildfire_00001488_post_disaster.png,0,0,1,105,00001488 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001488_pre_disaster.png,portugal-wildfire_00001488_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001488_pre_disaster.png,0,0,1,105,00001488 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001489_post_disaster.png,portugal-wildfire_00001489_post_disaster,0,0,tier3\masks\portugal-wildfire_00001489_post_disaster.png,0,0,2,677,00001489 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001489_pre_disaster.png,portugal-wildfire_00001489_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001489_pre_disaster.png,0,0,2,677,00001489 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001490_post_disaster.png,portugal-wildfire_00001490_post_disaster,0,0,tier3\masks\portugal-wildfire_00001490_post_disaster.png,0,0,0,0,00001490 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001490_pre_disaster.png,portugal-wildfire_00001490_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001490_pre_disaster.png,0,0,0,0,00001490 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001491_post_disaster.png,portugal-wildfire_00001491_post_disaster,0,0,tier3\masks\portugal-wildfire_00001491_post_disaster.png,0,0,2,455,00001491 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001491_pre_disaster.png,portugal-wildfire_00001491_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001491_pre_disaster.png,0,0,2,455,00001491 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001492_post_disaster.png,portugal-wildfire_00001492_post_disaster,0,0,tier3\masks\portugal-wildfire_00001492_post_disaster.png,0,0,23,20053,00001492 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001492_pre_disaster.png,portugal-wildfire_00001492_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001492_pre_disaster.png,0,0,23,20060,00001492 +2,431,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001493_post_disaster.png,portugal-wildfire_00001493_post_disaster,0,0,tier3\masks\portugal-wildfire_00001493_post_disaster.png,0,0,0,0,00001493 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001493_pre_disaster.png,portugal-wildfire_00001493_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001493_pre_disaster.png,0,0,2,431,00001493 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001494_post_disaster.png,portugal-wildfire_00001494_post_disaster,0,0,tier3\masks\portugal-wildfire_00001494_post_disaster.png,0,0,0,0,00001494 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001494_pre_disaster.png,portugal-wildfire_00001494_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001494_pre_disaster.png,0,0,0,0,00001494 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001495_post_disaster.png,portugal-wildfire_00001495_post_disaster,0,0,tier3\masks\portugal-wildfire_00001495_post_disaster.png,0,0,0,0,00001495 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001495_pre_disaster.png,portugal-wildfire_00001495_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001495_pre_disaster.png,0,0,0,0,00001495 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001496_post_disaster.png,portugal-wildfire_00001496_post_disaster,0,0,tier3\masks\portugal-wildfire_00001496_post_disaster.png,0,0,0,0,00001496 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001496_pre_disaster.png,portugal-wildfire_00001496_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001496_pre_disaster.png,0,0,0,0,00001496 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001497_post_disaster.png,portugal-wildfire_00001497_post_disaster,0,0,tier3\masks\portugal-wildfire_00001497_post_disaster.png,0,0,0,0,00001497 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001497_pre_disaster.png,portugal-wildfire_00001497_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001497_pre_disaster.png,0,0,0,0,00001497 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001498_post_disaster.png,portugal-wildfire_00001498_post_disaster,0,0,tier3\masks\portugal-wildfire_00001498_post_disaster.png,0,0,0,0,00001498 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001498_pre_disaster.png,portugal-wildfire_00001498_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001498_pre_disaster.png,0,0,0,0,00001498 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001499_post_disaster.png,portugal-wildfire_00001499_post_disaster,0,0,tier3\masks\portugal-wildfire_00001499_post_disaster.png,0,0,20,9373,00001499 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001499_pre_disaster.png,portugal-wildfire_00001499_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001499_pre_disaster.png,0,0,20,9414,00001499 +7,2528,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001500_post_disaster.png,portugal-wildfire_00001500_post_disaster,0,0,tier3\masks\portugal-wildfire_00001500_post_disaster.png,0,0,9,5653,00001500 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001500_pre_disaster.png,portugal-wildfire_00001500_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001500_pre_disaster.png,0,0,16,8196,00001500 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001501_post_disaster.png,portugal-wildfire_00001501_post_disaster,0,0,tier3\masks\portugal-wildfire_00001501_post_disaster.png,0,0,0,0,00001501 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001501_pre_disaster.png,portugal-wildfire_00001501_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001501_pre_disaster.png,0,0,0,0,00001501 +2,409,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001502_post_disaster.png,portugal-wildfire_00001502_post_disaster,3,2095,tier3\masks\portugal-wildfire_00001502_post_disaster.png,0,0,10,5615,00001502 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001502_pre_disaster.png,portugal-wildfire_00001502_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001502_pre_disaster.png,0,0,15,8164,00001502 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001503_post_disaster.png,portugal-wildfire_00001503_post_disaster,0,0,tier3\masks\portugal-wildfire_00001503_post_disaster.png,0,0,0,0,00001503 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001503_pre_disaster.png,portugal-wildfire_00001503_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001503_pre_disaster.png,0,0,0,0,00001503 +2,1046,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001504_post_disaster.png,portugal-wildfire_00001504_post_disaster,0,0,tier3\masks\portugal-wildfire_00001504_post_disaster.png,0,0,19,12584,00001504 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001504_pre_disaster.png,portugal-wildfire_00001504_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001504_pre_disaster.png,0,0,20,13670,00001504 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001505_post_disaster.png,portugal-wildfire_00001505_post_disaster,0,0,tier3\masks\portugal-wildfire_00001505_post_disaster.png,0,0,15,12298,00001505 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001505_pre_disaster.png,portugal-wildfire_00001505_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001505_pre_disaster.png,0,0,15,12298,00001505 +3,1544,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001506_post_disaster.png,portugal-wildfire_00001506_post_disaster,0,0,tier3\masks\portugal-wildfire_00001506_post_disaster.png,0,0,4,3067,00001506 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001506_pre_disaster.png,portugal-wildfire_00001506_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001506_pre_disaster.png,0,0,7,4682,00001506 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001507_post_disaster.png,portugal-wildfire_00001507_post_disaster,0,0,tier3\masks\portugal-wildfire_00001507_post_disaster.png,0,0,0,0,00001507 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001507_pre_disaster.png,portugal-wildfire_00001507_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001507_pre_disaster.png,0,0,0,0,00001507 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001508_post_disaster.png,portugal-wildfire_00001508_post_disaster,0,0,tier3\masks\portugal-wildfire_00001508_post_disaster.png,0,0,0,0,00001508 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001508_pre_disaster.png,portugal-wildfire_00001508_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001508_pre_disaster.png,0,0,0,0,00001508 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001509_post_disaster.png,portugal-wildfire_00001509_post_disaster,0,0,tier3\masks\portugal-wildfire_00001509_post_disaster.png,0,0,5,3741,00001509 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001509_pre_disaster.png,portugal-wildfire_00001509_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001509_pre_disaster.png,0,0,5,3763,00001509 +11,7847,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001510_post_disaster.png,portugal-wildfire_00001510_post_disaster,0,0,tier3\masks\portugal-wildfire_00001510_post_disaster.png,6,5297,77,60090,00001510 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001510_pre_disaster.png,portugal-wildfire_00001510_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001510_pre_disaster.png,0,0,91,73313,00001510 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001511_post_disaster.png,portugal-wildfire_00001511_post_disaster,0,0,tier3\masks\portugal-wildfire_00001511_post_disaster.png,0,0,0,0,00001511 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001511_pre_disaster.png,portugal-wildfire_00001511_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001511_pre_disaster.png,0,0,0,0,00001511 +14,7668,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001512_post_disaster.png,portugal-wildfire_00001512_post_disaster,0,0,tier3\masks\portugal-wildfire_00001512_post_disaster.png,2,1065,95,88336,00001512 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001512_pre_disaster.png,portugal-wildfire_00001512_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001512_pre_disaster.png,0,0,107,97195,00001512 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001513_post_disaster.png,portugal-wildfire_00001513_post_disaster,0,0,tier3\masks\portugal-wildfire_00001513_post_disaster.png,0,0,0,0,00001513 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001513_pre_disaster.png,portugal-wildfire_00001513_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001513_pre_disaster.png,0,0,0,0,00001513 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001514_post_disaster.png,portugal-wildfire_00001514_post_disaster,0,0,tier3\masks\portugal-wildfire_00001514_post_disaster.png,0,0,0,0,00001514 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001514_pre_disaster.png,portugal-wildfire_00001514_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001514_pre_disaster.png,0,0,0,0,00001514 +1,243,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001515_post_disaster.png,portugal-wildfire_00001515_post_disaster,0,0,tier3\masks\portugal-wildfire_00001515_post_disaster.png,0,0,0,0,00001515 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001515_pre_disaster.png,portugal-wildfire_00001515_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001515_pre_disaster.png,0,0,1,243,00001515 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001516_post_disaster.png,portugal-wildfire_00001516_post_disaster,0,0,tier3\masks\portugal-wildfire_00001516_post_disaster.png,0,0,0,0,00001516 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001516_pre_disaster.png,portugal-wildfire_00001516_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001516_pre_disaster.png,0,0,0,0,00001516 +10,3971,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001517_post_disaster.png,portugal-wildfire_00001517_post_disaster,1,382,tier3\masks\portugal-wildfire_00001517_post_disaster.png,1,703,22,13591,00001517 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001517_pre_disaster.png,portugal-wildfire_00001517_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001517_pre_disaster.png,0,0,32,18642,00001517 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001518_post_disaster.png,portugal-wildfire_00001518_post_disaster,0,0,tier3\masks\portugal-wildfire_00001518_post_disaster.png,1,566,4,2218,00001518 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001518_pre_disaster.png,portugal-wildfire_00001518_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001518_pre_disaster.png,0,0,5,2784,00001518 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001519_post_disaster.png,portugal-wildfire_00001519_post_disaster,0,0,tier3\masks\portugal-wildfire_00001519_post_disaster.png,0,0,32,17653,00001519 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001519_pre_disaster.png,portugal-wildfire_00001519_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001519_pre_disaster.png,0,0,32,17665,00001519 +7,3792,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001520_post_disaster.png,portugal-wildfire_00001520_post_disaster,0,0,tier3\masks\portugal-wildfire_00001520_post_disaster.png,2,511,8,4671,00001520 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001520_pre_disaster.png,portugal-wildfire_00001520_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001520_pre_disaster.png,0,0,16,8974,00001520 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001521_post_disaster.png,portugal-wildfire_00001521_post_disaster,0,0,tier3\masks\portugal-wildfire_00001521_post_disaster.png,0,0,0,0,00001521 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001521_pre_disaster.png,portugal-wildfire_00001521_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001521_pre_disaster.png,0,0,0,0,00001521 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001522_post_disaster.png,portugal-wildfire_00001522_post_disaster,0,0,tier3\masks\portugal-wildfire_00001522_post_disaster.png,0,0,2,1320,00001522 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001522_pre_disaster.png,portugal-wildfire_00001522_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001522_pre_disaster.png,0,0,2,1320,00001522 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001523_post_disaster.png,portugal-wildfire_00001523_post_disaster,0,0,tier3\masks\portugal-wildfire_00001523_post_disaster.png,0,0,0,0,00001523 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001523_pre_disaster.png,portugal-wildfire_00001523_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001523_pre_disaster.png,0,0,0,0,00001523 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001524_post_disaster.png,portugal-wildfire_00001524_post_disaster,0,0,tier3\masks\portugal-wildfire_00001524_post_disaster.png,0,0,0,0,00001524 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001524_pre_disaster.png,portugal-wildfire_00001524_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001524_pre_disaster.png,0,0,0,0,00001524 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001525_post_disaster.png,portugal-wildfire_00001525_post_disaster,0,0,tier3\masks\portugal-wildfire_00001525_post_disaster.png,0,0,3,1528,00001525 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001525_pre_disaster.png,portugal-wildfire_00001525_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001525_pre_disaster.png,0,0,3,1545,00001525 +4,2525,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001526_post_disaster.png,portugal-wildfire_00001526_post_disaster,0,0,tier3\masks\portugal-wildfire_00001526_post_disaster.png,0,0,1,2931,00001526 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001526_pre_disaster.png,portugal-wildfire_00001526_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001526_pre_disaster.png,0,0,5,5456,00001526 +1,291,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001527_post_disaster.png,portugal-wildfire_00001527_post_disaster,0,0,tier3\masks\portugal-wildfire_00001527_post_disaster.png,1,396,37,23641,00001527 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001527_pre_disaster.png,portugal-wildfire_00001527_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001527_pre_disaster.png,0,0,39,24328,00001527 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001528_post_disaster.png,portugal-wildfire_00001528_post_disaster,0,0,tier3\masks\portugal-wildfire_00001528_post_disaster.png,0,0,0,0,00001528 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001528_pre_disaster.png,portugal-wildfire_00001528_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001528_pre_disaster.png,0,0,0,0,00001528 +5,3580,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001529_post_disaster.png,portugal-wildfire_00001529_post_disaster,0,0,tier3\masks\portugal-wildfire_00001529_post_disaster.png,1,186,6,3667,00001529 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001529_pre_disaster.png,portugal-wildfire_00001529_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001529_pre_disaster.png,0,0,11,7433,00001529 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001530_post_disaster.png,portugal-wildfire_00001530_post_disaster,0,0,tier3\masks\portugal-wildfire_00001530_post_disaster.png,0,0,0,0,00001530 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001530_pre_disaster.png,portugal-wildfire_00001530_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001530_pre_disaster.png,0,0,0,0,00001530 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001531_post_disaster.png,portugal-wildfire_00001531_post_disaster,0,0,tier3\masks\portugal-wildfire_00001531_post_disaster.png,0,0,4,1882,00001531 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001531_pre_disaster.png,portugal-wildfire_00001531_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001531_pre_disaster.png,0,0,4,1882,00001531 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001532_post_disaster.png,portugal-wildfire_00001532_post_disaster,0,0,tier3\masks\portugal-wildfire_00001532_post_disaster.png,0,0,0,0,00001532 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001532_pre_disaster.png,portugal-wildfire_00001532_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001532_pre_disaster.png,0,0,0,0,00001532 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001533_post_disaster.png,portugal-wildfire_00001533_post_disaster,0,0,tier3\masks\portugal-wildfire_00001533_post_disaster.png,0,0,0,0,00001533 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001533_pre_disaster.png,portugal-wildfire_00001533_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001533_pre_disaster.png,0,0,0,0,00001533 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001534_post_disaster.png,portugal-wildfire_00001534_post_disaster,0,0,tier3\masks\portugal-wildfire_00001534_post_disaster.png,0,0,0,0,00001534 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001534_pre_disaster.png,portugal-wildfire_00001534_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001534_pre_disaster.png,0,0,0,0,00001534 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001535_post_disaster.png,portugal-wildfire_00001535_post_disaster,0,0,tier3\masks\portugal-wildfire_00001535_post_disaster.png,0,0,1,60,00001535 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001535_pre_disaster.png,portugal-wildfire_00001535_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001535_pre_disaster.png,0,0,1,60,00001535 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001536_post_disaster.png,portugal-wildfire_00001536_post_disaster,0,0,tier3\masks\portugal-wildfire_00001536_post_disaster.png,0,0,11,10441,00001536 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001536_pre_disaster.png,portugal-wildfire_00001536_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001536_pre_disaster.png,0,0,11,10457,00001536 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001537_post_disaster.png,portugal-wildfire_00001537_post_disaster,0,0,tier3\masks\portugal-wildfire_00001537_post_disaster.png,0,0,0,0,00001537 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001537_pre_disaster.png,portugal-wildfire_00001537_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001537_pre_disaster.png,0,0,0,0,00001537 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001538_post_disaster.png,portugal-wildfire_00001538_post_disaster,0,0,tier3\masks\portugal-wildfire_00001538_post_disaster.png,0,0,0,0,00001538 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001538_pre_disaster.png,portugal-wildfire_00001538_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001538_pre_disaster.png,0,0,0,0,00001538 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001539_post_disaster.png,portugal-wildfire_00001539_post_disaster,0,0,tier3\masks\portugal-wildfire_00001539_post_disaster.png,0,0,5,1127,00001539 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001539_pre_disaster.png,portugal-wildfire_00001539_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001539_pre_disaster.png,0,0,5,1146,00001539 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001540_post_disaster.png,portugal-wildfire_00001540_post_disaster,0,0,tier3\masks\portugal-wildfire_00001540_post_disaster.png,0,0,0,0,00001540 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001540_pre_disaster.png,portugal-wildfire_00001540_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001540_pre_disaster.png,0,0,0,0,00001540 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001541_post_disaster.png,portugal-wildfire_00001541_post_disaster,0,0,tier3\masks\portugal-wildfire_00001541_post_disaster.png,0,0,2,590,00001541 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001541_pre_disaster.png,portugal-wildfire_00001541_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001541_pre_disaster.png,0,0,2,590,00001541 +2,490,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001542_post_disaster.png,portugal-wildfire_00001542_post_disaster,0,0,tier3\masks\portugal-wildfire_00001542_post_disaster.png,0,0,75,89489,00001542 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001542_pre_disaster.png,portugal-wildfire_00001542_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001542_pre_disaster.png,0,0,77,90125,00001542 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001543_post_disaster.png,portugal-wildfire_00001543_post_disaster,0,0,tier3\masks\portugal-wildfire_00001543_post_disaster.png,0,0,0,0,00001543 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001543_pre_disaster.png,portugal-wildfire_00001543_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001543_pre_disaster.png,0,0,0,0,00001543 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001544_post_disaster.png,portugal-wildfire_00001544_post_disaster,0,0,tier3\masks\portugal-wildfire_00001544_post_disaster.png,0,0,39,39640,00001544 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001544_pre_disaster.png,portugal-wildfire_00001544_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001544_pre_disaster.png,0,0,39,39712,00001544 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001545_post_disaster.png,portugal-wildfire_00001545_post_disaster,0,0,tier3\masks\portugal-wildfire_00001545_post_disaster.png,0,0,0,0,00001545 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001545_pre_disaster.png,portugal-wildfire_00001545_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001545_pre_disaster.png,0,0,0,0,00001545 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001546_post_disaster.png,portugal-wildfire_00001546_post_disaster,0,0,tier3\masks\portugal-wildfire_00001546_post_disaster.png,1,505,11,6663,00001546 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001546_pre_disaster.png,portugal-wildfire_00001546_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001546_pre_disaster.png,0,0,12,7168,00001546 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001547_post_disaster.png,portugal-wildfire_00001547_post_disaster,0,0,tier3\masks\portugal-wildfire_00001547_post_disaster.png,0,0,1,214,00001547 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001547_pre_disaster.png,portugal-wildfire_00001547_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001547_pre_disaster.png,0,0,1,249,00001547 +2,670,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001548_post_disaster.png,portugal-wildfire_00001548_post_disaster,3,576,tier3\masks\portugal-wildfire_00001548_post_disaster.png,2,680,10,7369,00001548 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001548_pre_disaster.png,portugal-wildfire_00001548_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001548_pre_disaster.png,0,0,16,9334,00001548 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001549_post_disaster.png,portugal-wildfire_00001549_post_disaster,0,0,tier3\masks\portugal-wildfire_00001549_post_disaster.png,0,0,0,0,00001549 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001549_pre_disaster.png,portugal-wildfire_00001549_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001549_pre_disaster.png,0,0,0,0,00001549 +11,2468,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001550_post_disaster.png,portugal-wildfire_00001550_post_disaster,0,0,tier3\masks\portugal-wildfire_00001550_post_disaster.png,0,0,1,473,00001550 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001550_pre_disaster.png,portugal-wildfire_00001550_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001550_pre_disaster.png,0,0,12,2960,00001550 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001551_post_disaster.png,portugal-wildfire_00001551_post_disaster,0,0,tier3\masks\portugal-wildfire_00001551_post_disaster.png,0,0,0,0,00001551 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001551_pre_disaster.png,portugal-wildfire_00001551_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001551_pre_disaster.png,0,0,0,0,00001551 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001552_post_disaster.png,portugal-wildfire_00001552_post_disaster,0,0,tier3\masks\portugal-wildfire_00001552_post_disaster.png,0,0,1,109,00001552 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001552_pre_disaster.png,portugal-wildfire_00001552_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001552_pre_disaster.png,0,0,1,109,00001552 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001553_post_disaster.png,portugal-wildfire_00001553_post_disaster,0,0,tier3\masks\portugal-wildfire_00001553_post_disaster.png,0,0,4,11026,00001553 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001553_pre_disaster.png,portugal-wildfire_00001553_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001553_pre_disaster.png,0,0,4,11044,00001553 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001554_post_disaster.png,portugal-wildfire_00001554_post_disaster,0,0,tier3\masks\portugal-wildfire_00001554_post_disaster.png,0,0,0,0,00001554 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001554_pre_disaster.png,portugal-wildfire_00001554_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001554_pre_disaster.png,0,0,0,0,00001554 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001555_post_disaster.png,portugal-wildfire_00001555_post_disaster,0,0,tier3\masks\portugal-wildfire_00001555_post_disaster.png,0,0,0,0,00001555 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001555_pre_disaster.png,portugal-wildfire_00001555_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001555_pre_disaster.png,0,0,0,0,00001555 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001556_post_disaster.png,portugal-wildfire_00001556_post_disaster,0,0,tier3\masks\portugal-wildfire_00001556_post_disaster.png,0,0,37,26314,00001556 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001556_pre_disaster.png,portugal-wildfire_00001556_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001556_pre_disaster.png,0,0,37,26314,00001556 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001557_post_disaster.png,portugal-wildfire_00001557_post_disaster,0,0,tier3\masks\portugal-wildfire_00001557_post_disaster.png,0,0,0,0,00001557 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001557_pre_disaster.png,portugal-wildfire_00001557_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001557_pre_disaster.png,0,0,0,0,00001557 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001558_post_disaster.png,portugal-wildfire_00001558_post_disaster,0,0,tier3\masks\portugal-wildfire_00001558_post_disaster.png,0,0,4,531,00001558 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001558_pre_disaster.png,portugal-wildfire_00001558_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001558_pre_disaster.png,0,0,4,542,00001558 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001559_post_disaster.png,portugal-wildfire_00001559_post_disaster,0,0,tier3\masks\portugal-wildfire_00001559_post_disaster.png,0,0,7,4617,00001559 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001559_pre_disaster.png,portugal-wildfire_00001559_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001559_pre_disaster.png,0,0,7,4720,00001559 +4,2004,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001560_post_disaster.png,portugal-wildfire_00001560_post_disaster,0,0,tier3\masks\portugal-wildfire_00001560_post_disaster.png,0,0,0,0,00001560 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001560_pre_disaster.png,portugal-wildfire_00001560_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001560_pre_disaster.png,0,0,4,2004,00001560 +1,474,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001561_post_disaster.png,portugal-wildfire_00001561_post_disaster,0,0,tier3\masks\portugal-wildfire_00001561_post_disaster.png,1,325,14,11049,00001561 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001561_pre_disaster.png,portugal-wildfire_00001561_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001561_pre_disaster.png,0,0,16,11902,00001561 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001562_post_disaster.png,portugal-wildfire_00001562_post_disaster,0,0,tier3\masks\portugal-wildfire_00001562_post_disaster.png,0,0,0,0,00001562 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001562_pre_disaster.png,portugal-wildfire_00001562_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001562_pre_disaster.png,0,0,0,0,00001562 +2,796,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001563_post_disaster.png,portugal-wildfire_00001563_post_disaster,0,0,tier3\masks\portugal-wildfire_00001563_post_disaster.png,0,0,5,15438,00001563 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001563_pre_disaster.png,portugal-wildfire_00001563_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001563_pre_disaster.png,0,0,7,16280,00001563 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001564_post_disaster.png,portugal-wildfire_00001564_post_disaster,0,0,tier3\masks\portugal-wildfire_00001564_post_disaster.png,0,0,0,0,00001564 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001564_pre_disaster.png,portugal-wildfire_00001564_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001564_pre_disaster.png,0,0,0,0,00001564 +11,4577,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001565_post_disaster.png,portugal-wildfire_00001565_post_disaster,0,0,tier3\masks\portugal-wildfire_00001565_post_disaster.png,0,0,8,6463,00001565 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001565_pre_disaster.png,portugal-wildfire_00001565_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001565_pre_disaster.png,0,0,16,11040,00001565 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001566_post_disaster.png,portugal-wildfire_00001566_post_disaster,0,0,tier3\masks\portugal-wildfire_00001566_post_disaster.png,0,0,28,21549,00001566 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001566_pre_disaster.png,portugal-wildfire_00001566_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001566_pre_disaster.png,0,0,28,21549,00001566 +6,2737,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001567_post_disaster.png,portugal-wildfire_00001567_post_disaster,1,2074,tier3\masks\portugal-wildfire_00001567_post_disaster.png,2,3142,8,4499,00001567 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001567_pre_disaster.png,portugal-wildfire_00001567_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001567_pre_disaster.png,0,0,14,12452,00001567 +1,492,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001568_post_disaster.png,portugal-wildfire_00001568_post_disaster,0,0,tier3\masks\portugal-wildfire_00001568_post_disaster.png,0,0,7,4152,00001568 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001568_pre_disaster.png,portugal-wildfire_00001568_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001568_pre_disaster.png,0,0,8,4644,00001568 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001569_post_disaster.png,portugal-wildfire_00001569_post_disaster,0,0,tier3\masks\portugal-wildfire_00001569_post_disaster.png,0,0,0,0,00001569 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001569_pre_disaster.png,portugal-wildfire_00001569_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001569_pre_disaster.png,0,0,0,0,00001569 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001570_post_disaster.png,portugal-wildfire_00001570_post_disaster,0,0,tier3\masks\portugal-wildfire_00001570_post_disaster.png,0,0,1,1021,00001570 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001570_pre_disaster.png,portugal-wildfire_00001570_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001570_pre_disaster.png,0,0,1,1021,00001570 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001571_post_disaster.png,portugal-wildfire_00001571_post_disaster,0,0,tier3\masks\portugal-wildfire_00001571_post_disaster.png,0,0,5,2277,00001571 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001571_pre_disaster.png,portugal-wildfire_00001571_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001571_pre_disaster.png,0,0,5,2277,00001571 +17,7562,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001572_post_disaster.png,portugal-wildfire_00001572_post_disaster,4,2865,tier3\masks\portugal-wildfire_00001572_post_disaster.png,8,5921,21,10736,00001572 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001572_pre_disaster.png,portugal-wildfire_00001572_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001572_pre_disaster.png,0,0,44,27115,00001572 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001573_post_disaster.png,portugal-wildfire_00001573_post_disaster,0,0,tier3\masks\portugal-wildfire_00001573_post_disaster.png,0,0,1,1133,00001573 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001573_pre_disaster.png,portugal-wildfire_00001573_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001573_pre_disaster.png,0,0,1,1133,00001573 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001574_post_disaster.png,portugal-wildfire_00001574_post_disaster,0,0,tier3\masks\portugal-wildfire_00001574_post_disaster.png,0,0,0,0,00001574 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001574_pre_disaster.png,portugal-wildfire_00001574_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001574_pre_disaster.png,0,0,0,0,00001574 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001575_post_disaster.png,portugal-wildfire_00001575_post_disaster,0,0,tier3\masks\portugal-wildfire_00001575_post_disaster.png,2,1745,35,35430,00001575 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001575_pre_disaster.png,portugal-wildfire_00001575_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001575_pre_disaster.png,0,0,37,37198,00001575 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001576_post_disaster.png,portugal-wildfire_00001576_post_disaster,0,0,tier3\masks\portugal-wildfire_00001576_post_disaster.png,0,0,0,0,00001576 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001576_pre_disaster.png,portugal-wildfire_00001576_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001576_pre_disaster.png,0,0,0,0,00001576 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001577_post_disaster.png,portugal-wildfire_00001577_post_disaster,0,0,tier3\masks\portugal-wildfire_00001577_post_disaster.png,0,0,0,0,00001577 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001577_pre_disaster.png,portugal-wildfire_00001577_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001577_pre_disaster.png,0,0,0,0,00001577 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001578_post_disaster.png,portugal-wildfire_00001578_post_disaster,0,0,tier3\masks\portugal-wildfire_00001578_post_disaster.png,0,0,0,0,00001578 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001578_pre_disaster.png,portugal-wildfire_00001578_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001578_pre_disaster.png,0,0,0,0,00001578 +18,9713,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001579_post_disaster.png,portugal-wildfire_00001579_post_disaster,4,3100,tier3\masks\portugal-wildfire_00001579_post_disaster.png,4,6558,82,137108,00001579 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001579_pre_disaster.png,portugal-wildfire_00001579_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001579_pre_disaster.png,0,0,102,156527,00001579 +3,2001,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001580_post_disaster.png,portugal-wildfire_00001580_post_disaster,0,0,tier3\masks\portugal-wildfire_00001580_post_disaster.png,0,0,36,29291,00001580 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001580_pre_disaster.png,portugal-wildfire_00001580_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001580_pre_disaster.png,0,0,39,31292,00001580 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001581_post_disaster.png,portugal-wildfire_00001581_post_disaster,0,0,tier3\masks\portugal-wildfire_00001581_post_disaster.png,0,0,3,1770,00001581 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001581_pre_disaster.png,portugal-wildfire_00001581_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001581_pre_disaster.png,0,0,3,1770,00001581 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001582_post_disaster.png,portugal-wildfire_00001582_post_disaster,0,0,tier3\masks\portugal-wildfire_00001582_post_disaster.png,0,0,0,0,00001582 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001582_pre_disaster.png,portugal-wildfire_00001582_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001582_pre_disaster.png,0,0,0,0,00001582 +4,2763,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001583_post_disaster.png,portugal-wildfire_00001583_post_disaster,1,732,tier3\masks\portugal-wildfire_00001583_post_disaster.png,0,0,25,20298,00001583 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001583_pre_disaster.png,portugal-wildfire_00001583_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001583_pre_disaster.png,0,0,30,23843,00001583 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001584_post_disaster.png,portugal-wildfire_00001584_post_disaster,0,0,tier3\masks\portugal-wildfire_00001584_post_disaster.png,0,0,0,0,00001584 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001584_pre_disaster.png,portugal-wildfire_00001584_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001584_pre_disaster.png,0,0,0,0,00001584 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001585_post_disaster.png,portugal-wildfire_00001585_post_disaster,0,0,tier3\masks\portugal-wildfire_00001585_post_disaster.png,0,0,60,58711,00001585 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001585_pre_disaster.png,portugal-wildfire_00001585_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001585_pre_disaster.png,0,0,60,58973,00001585 +4,2471,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001586_post_disaster.png,portugal-wildfire_00001586_post_disaster,0,0,tier3\masks\portugal-wildfire_00001586_post_disaster.png,1,341,17,22316,00001586 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001586_pre_disaster.png,portugal-wildfire_00001586_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001586_pre_disaster.png,0,0,21,25128,00001586 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001587_post_disaster.png,portugal-wildfire_00001587_post_disaster,0,0,tier3\masks\portugal-wildfire_00001587_post_disaster.png,0,0,0,0,00001587 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001587_pre_disaster.png,portugal-wildfire_00001587_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001587_pre_disaster.png,0,0,0,0,00001587 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001588_post_disaster.png,portugal-wildfire_00001588_post_disaster,0,0,tier3\masks\portugal-wildfire_00001588_post_disaster.png,0,0,17,21791,00001588 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001588_pre_disaster.png,portugal-wildfire_00001588_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001588_pre_disaster.png,0,0,17,21824,00001588 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001589_post_disaster.png,portugal-wildfire_00001589_post_disaster,0,0,tier3\masks\portugal-wildfire_00001589_post_disaster.png,0,0,8,2074,00001589 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001589_pre_disaster.png,portugal-wildfire_00001589_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001589_pre_disaster.png,0,0,8,2074,00001589 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001590_post_disaster.png,portugal-wildfire_00001590_post_disaster,0,0,tier3\masks\portugal-wildfire_00001590_post_disaster.png,0,0,1,322,00001590 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001590_pre_disaster.png,portugal-wildfire_00001590_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001590_pre_disaster.png,0,0,1,322,00001590 +1,345,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001591_post_disaster.png,portugal-wildfire_00001591_post_disaster,0,0,tier3\masks\portugal-wildfire_00001591_post_disaster.png,1,220,1,393,00001591 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001591_pre_disaster.png,portugal-wildfire_00001591_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001591_pre_disaster.png,0,0,3,958,00001591 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001592_post_disaster.png,portugal-wildfire_00001592_post_disaster,0,0,tier3\masks\portugal-wildfire_00001592_post_disaster.png,0,0,35,22330,00001592 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001592_pre_disaster.png,portugal-wildfire_00001592_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001592_pre_disaster.png,0,0,35,22336,00001592 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001593_post_disaster.png,portugal-wildfire_00001593_post_disaster,0,0,tier3\masks\portugal-wildfire_00001593_post_disaster.png,0,0,15,12606,00001593 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001593_pre_disaster.png,portugal-wildfire_00001593_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001593_pre_disaster.png,0,0,15,12810,00001593 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001594_post_disaster.png,portugal-wildfire_00001594_post_disaster,0,0,tier3\masks\portugal-wildfire_00001594_post_disaster.png,0,0,0,0,00001594 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001594_pre_disaster.png,portugal-wildfire_00001594_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001594_pre_disaster.png,0,0,0,0,00001594 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001595_post_disaster.png,portugal-wildfire_00001595_post_disaster,0,0,tier3\masks\portugal-wildfire_00001595_post_disaster.png,0,0,1,93,00001595 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001595_pre_disaster.png,portugal-wildfire_00001595_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001595_pre_disaster.png,0,0,1,93,00001595 +4,1277,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001596_post_disaster.png,portugal-wildfire_00001596_post_disaster,0,0,tier3\masks\portugal-wildfire_00001596_post_disaster.png,0,0,23,26700,00001596 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001596_pre_disaster.png,portugal-wildfire_00001596_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001596_pre_disaster.png,0,0,27,28074,00001596 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001597_post_disaster.png,portugal-wildfire_00001597_post_disaster,0,0,tier3\masks\portugal-wildfire_00001597_post_disaster.png,1,277,7,5320,00001597 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001597_pre_disaster.png,portugal-wildfire_00001597_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001597_pre_disaster.png,0,0,8,5597,00001597 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001598_post_disaster.png,portugal-wildfire_00001598_post_disaster,0,0,tier3\masks\portugal-wildfire_00001598_post_disaster.png,0,0,0,0,00001598 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001598_pre_disaster.png,portugal-wildfire_00001598_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001598_pre_disaster.png,0,0,0,0,00001598 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001599_post_disaster.png,portugal-wildfire_00001599_post_disaster,0,0,tier3\masks\portugal-wildfire_00001599_post_disaster.png,0,0,28,23572,00001599 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001599_pre_disaster.png,portugal-wildfire_00001599_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001599_pre_disaster.png,0,0,28,23572,00001599 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001600_post_disaster.png,portugal-wildfire_00001600_post_disaster,0,0,tier3\masks\portugal-wildfire_00001600_post_disaster.png,0,0,0,0,00001600 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001600_pre_disaster.png,portugal-wildfire_00001600_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001600_pre_disaster.png,0,0,0,0,00001600 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001601_post_disaster.png,portugal-wildfire_00001601_post_disaster,0,0,tier3\masks\portugal-wildfire_00001601_post_disaster.png,0,0,0,0,00001601 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001601_pre_disaster.png,portugal-wildfire_00001601_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001601_pre_disaster.png,0,0,0,0,00001601 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001602_post_disaster.png,portugal-wildfire_00001602_post_disaster,0,0,tier3\masks\portugal-wildfire_00001602_post_disaster.png,0,0,0,0,00001602 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001602_pre_disaster.png,portugal-wildfire_00001602_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001602_pre_disaster.png,0,0,0,0,00001602 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001603_post_disaster.png,portugal-wildfire_00001603_post_disaster,0,0,tier3\masks\portugal-wildfire_00001603_post_disaster.png,0,0,4,2221,00001603 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001603_pre_disaster.png,portugal-wildfire_00001603_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001603_pre_disaster.png,0,0,4,2221,00001603 +3,583,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001604_post_disaster.png,portugal-wildfire_00001604_post_disaster,0,0,tier3\masks\portugal-wildfire_00001604_post_disaster.png,0,0,1,395,00001604 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001604_pre_disaster.png,portugal-wildfire_00001604_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001604_pre_disaster.png,0,0,3,978,00001604 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001605_post_disaster.png,portugal-wildfire_00001605_post_disaster,0,0,tier3\masks\portugal-wildfire_00001605_post_disaster.png,0,0,0,0,00001605 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001605_pre_disaster.png,portugal-wildfire_00001605_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001605_pre_disaster.png,0,0,0,0,00001605 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001606_post_disaster.png,portugal-wildfire_00001606_post_disaster,0,0,tier3\masks\portugal-wildfire_00001606_post_disaster.png,0,0,0,0,00001606 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001606_pre_disaster.png,portugal-wildfire_00001606_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001606_pre_disaster.png,0,0,0,0,00001606 +3,1247,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001607_post_disaster.png,portugal-wildfire_00001607_post_disaster,0,0,tier3\masks\portugal-wildfire_00001607_post_disaster.png,0,0,3,634,00001607 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001607_pre_disaster.png,portugal-wildfire_00001607_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001607_pre_disaster.png,0,0,6,1895,00001607 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001608_post_disaster.png,portugal-wildfire_00001608_post_disaster,0,0,tier3\masks\portugal-wildfire_00001608_post_disaster.png,0,0,0,0,00001608 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001608_pre_disaster.png,portugal-wildfire_00001608_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001608_pre_disaster.png,0,0,0,0,00001608 +3,1002,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001609_post_disaster.png,portugal-wildfire_00001609_post_disaster,0,0,tier3\masks\portugal-wildfire_00001609_post_disaster.png,0,0,0,0,00001609 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001609_pre_disaster.png,portugal-wildfire_00001609_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001609_pre_disaster.png,0,0,3,1002,00001609 +4,2495,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001610_post_disaster.png,portugal-wildfire_00001610_post_disaster,0,0,tier3\masks\portugal-wildfire_00001610_post_disaster.png,0,0,1,1189,00001610 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001610_pre_disaster.png,portugal-wildfire_00001610_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001610_pre_disaster.png,0,0,4,3684,00001610 +2,468,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001611_post_disaster.png,portugal-wildfire_00001611_post_disaster,0,0,tier3\masks\portugal-wildfire_00001611_post_disaster.png,0,0,6,4610,00001611 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001611_pre_disaster.png,portugal-wildfire_00001611_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001611_pre_disaster.png,0,0,8,5078,00001611 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001612_post_disaster.png,portugal-wildfire_00001612_post_disaster,0,0,tier3\masks\portugal-wildfire_00001612_post_disaster.png,0,0,8,5265,00001612 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001612_pre_disaster.png,portugal-wildfire_00001612_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001612_pre_disaster.png,0,0,8,5276,00001612 +1,490,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001613_post_disaster.png,portugal-wildfire_00001613_post_disaster,0,0,tier3\masks\portugal-wildfire_00001613_post_disaster.png,0,0,0,0,00001613 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001613_pre_disaster.png,portugal-wildfire_00001613_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001613_pre_disaster.png,0,0,1,521,00001613 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001614_post_disaster.png,portugal-wildfire_00001614_post_disaster,0,0,tier3\masks\portugal-wildfire_00001614_post_disaster.png,0,0,0,0,00001614 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001614_pre_disaster.png,portugal-wildfire_00001614_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001614_pre_disaster.png,0,0,0,0,00001614 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001615_post_disaster.png,portugal-wildfire_00001615_post_disaster,0,0,tier3\masks\portugal-wildfire_00001615_post_disaster.png,0,0,0,0,00001615 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001615_pre_disaster.png,portugal-wildfire_00001615_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001615_pre_disaster.png,0,0,0,0,00001615 +1,190,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001616_post_disaster.png,portugal-wildfire_00001616_post_disaster,0,0,tier3\masks\portugal-wildfire_00001616_post_disaster.png,0,0,27,24456,00001616 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001616_pre_disaster.png,portugal-wildfire_00001616_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001616_pre_disaster.png,0,0,28,24726,00001616 +2,1500,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001617_post_disaster.png,portugal-wildfire_00001617_post_disaster,0,0,tier3\masks\portugal-wildfire_00001617_post_disaster.png,0,0,2,345,00001617 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001617_pre_disaster.png,portugal-wildfire_00001617_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001617_pre_disaster.png,0,0,3,1850,00001617 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001618_post_disaster.png,portugal-wildfire_00001618_post_disaster,0,0,tier3\masks\portugal-wildfire_00001618_post_disaster.png,0,0,0,0,00001618 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001618_pre_disaster.png,portugal-wildfire_00001618_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001618_pre_disaster.png,0,0,0,0,00001618 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001619_post_disaster.png,portugal-wildfire_00001619_post_disaster,0,0,tier3\masks\portugal-wildfire_00001619_post_disaster.png,0,0,17,12931,00001619 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001619_pre_disaster.png,portugal-wildfire_00001619_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001619_pre_disaster.png,0,0,17,12995,00001619 +33,21422,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001620_post_disaster.png,portugal-wildfire_00001620_post_disaster,1,570,tier3\masks\portugal-wildfire_00001620_post_disaster.png,6,7692,38,32348,00001620 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001620_pre_disaster.png,portugal-wildfire_00001620_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001620_pre_disaster.png,0,0,62,62037,00001620 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001621_post_disaster.png,portugal-wildfire_00001621_post_disaster,0,0,tier3\masks\portugal-wildfire_00001621_post_disaster.png,0,0,0,0,00001621 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001621_pre_disaster.png,portugal-wildfire_00001621_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001621_pre_disaster.png,0,0,0,0,00001621 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001622_post_disaster.png,portugal-wildfire_00001622_post_disaster,0,0,tier3\masks\portugal-wildfire_00001622_post_disaster.png,1,229,15,10824,00001622 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001622_pre_disaster.png,portugal-wildfire_00001622_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001622_pre_disaster.png,0,0,16,11053,00001622 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001623_post_disaster.png,portugal-wildfire_00001623_post_disaster,1,820,tier3\masks\portugal-wildfire_00001623_post_disaster.png,0,0,13,11163,00001623 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001623_pre_disaster.png,portugal-wildfire_00001623_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001623_pre_disaster.png,0,0,14,11983,00001623 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001624_post_disaster.png,portugal-wildfire_00001624_post_disaster,0,0,tier3\masks\portugal-wildfire_00001624_post_disaster.png,0,0,0,0,00001624 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001624_pre_disaster.png,portugal-wildfire_00001624_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001624_pre_disaster.png,0,0,0,0,00001624 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001625_post_disaster.png,portugal-wildfire_00001625_post_disaster,0,0,tier3\masks\portugal-wildfire_00001625_post_disaster.png,2,473,0,0,00001625 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001625_pre_disaster.png,portugal-wildfire_00001625_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001625_pre_disaster.png,0,0,2,473,00001625 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001626_post_disaster.png,portugal-wildfire_00001626_post_disaster,1,318,tier3\masks\portugal-wildfire_00001626_post_disaster.png,0,0,16,13444,00001626 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001626_pre_disaster.png,portugal-wildfire_00001626_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001626_pre_disaster.png,0,0,17,13762,00001626 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001627_post_disaster.png,portugal-wildfire_00001627_post_disaster,0,0,tier3\masks\portugal-wildfire_00001627_post_disaster.png,0,0,1,6902,00001627 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001627_pre_disaster.png,portugal-wildfire_00001627_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001627_pre_disaster.png,0,0,1,6902,00001627 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001628_post_disaster.png,portugal-wildfire_00001628_post_disaster,0,0,tier3\masks\portugal-wildfire_00001628_post_disaster.png,0,0,1,128,00001628 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001628_pre_disaster.png,portugal-wildfire_00001628_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001628_pre_disaster.png,0,0,1,128,00001628 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001629_post_disaster.png,portugal-wildfire_00001629_post_disaster,0,0,tier3\masks\portugal-wildfire_00001629_post_disaster.png,0,0,0,0,00001629 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001629_pre_disaster.png,portugal-wildfire_00001629_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001629_pre_disaster.png,0,0,0,0,00001629 +1,159,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001630_post_disaster.png,portugal-wildfire_00001630_post_disaster,0,0,tier3\masks\portugal-wildfire_00001630_post_disaster.png,1,1790,0,0,00001630 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001630_pre_disaster.png,portugal-wildfire_00001630_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001630_pre_disaster.png,0,0,2,1949,00001630 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001631_post_disaster.png,portugal-wildfire_00001631_post_disaster,0,0,tier3\masks\portugal-wildfire_00001631_post_disaster.png,0,0,0,0,00001631 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001631_pre_disaster.png,portugal-wildfire_00001631_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001631_pre_disaster.png,0,0,0,0,00001631 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001632_post_disaster.png,portugal-wildfire_00001632_post_disaster,0,0,tier3\masks\portugal-wildfire_00001632_post_disaster.png,0,0,0,0,00001632 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001632_pre_disaster.png,portugal-wildfire_00001632_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001632_pre_disaster.png,0,0,0,0,00001632 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001633_post_disaster.png,portugal-wildfire_00001633_post_disaster,0,0,tier3\masks\portugal-wildfire_00001633_post_disaster.png,0,0,0,0,00001633 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001633_pre_disaster.png,portugal-wildfire_00001633_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001633_pre_disaster.png,0,0,0,0,00001633 +1,1105,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001634_post_disaster.png,portugal-wildfire_00001634_post_disaster,0,0,tier3\masks\portugal-wildfire_00001634_post_disaster.png,0,0,8,4950,00001634 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001634_pre_disaster.png,portugal-wildfire_00001634_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001634_pre_disaster.png,0,0,9,6079,00001634 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001635_post_disaster.png,portugal-wildfire_00001635_post_disaster,0,0,tier3\masks\portugal-wildfire_00001635_post_disaster.png,0,0,0,0,00001635 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001635_pre_disaster.png,portugal-wildfire_00001635_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001635_pre_disaster.png,0,0,0,0,00001635 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001636_post_disaster.png,portugal-wildfire_00001636_post_disaster,0,0,tier3\masks\portugal-wildfire_00001636_post_disaster.png,0,0,0,0,00001636 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001636_pre_disaster.png,portugal-wildfire_00001636_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001636_pre_disaster.png,0,0,0,0,00001636 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001637_post_disaster.png,portugal-wildfire_00001637_post_disaster,0,0,tier3\masks\portugal-wildfire_00001637_post_disaster.png,0,0,0,0,00001637 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001637_pre_disaster.png,portugal-wildfire_00001637_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001637_pre_disaster.png,0,0,0,0,00001637 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001638_post_disaster.png,portugal-wildfire_00001638_post_disaster,0,0,tier3\masks\portugal-wildfire_00001638_post_disaster.png,0,0,21,8599,00001638 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001638_pre_disaster.png,portugal-wildfire_00001638_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001638_pre_disaster.png,0,0,21,8599,00001638 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001639_post_disaster.png,portugal-wildfire_00001639_post_disaster,0,0,tier3\masks\portugal-wildfire_00001639_post_disaster.png,0,0,0,0,00001639 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001639_pre_disaster.png,portugal-wildfire_00001639_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001639_pre_disaster.png,0,0,0,0,00001639 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001640_post_disaster.png,portugal-wildfire_00001640_post_disaster,0,0,tier3\masks\portugal-wildfire_00001640_post_disaster.png,0,0,12,5838,00001640 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001640_pre_disaster.png,portugal-wildfire_00001640_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001640_pre_disaster.png,0,0,12,5884,00001640 +1,914,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001641_post_disaster.png,portugal-wildfire_00001641_post_disaster,0,0,tier3\masks\portugal-wildfire_00001641_post_disaster.png,0,0,0,0,00001641 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001641_pre_disaster.png,portugal-wildfire_00001641_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001641_pre_disaster.png,0,0,1,914,00001641 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001642_post_disaster.png,portugal-wildfire_00001642_post_disaster,0,0,tier3\masks\portugal-wildfire_00001642_post_disaster.png,0,0,4,2357,00001642 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001642_pre_disaster.png,portugal-wildfire_00001642_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001642_pre_disaster.png,0,0,4,2357,00001642 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001643_post_disaster.png,portugal-wildfire_00001643_post_disaster,0,0,tier3\masks\portugal-wildfire_00001643_post_disaster.png,0,0,0,0,00001643 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001643_pre_disaster.png,portugal-wildfire_00001643_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001643_pre_disaster.png,0,0,0,0,00001643 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001644_post_disaster.png,portugal-wildfire_00001644_post_disaster,0,0,tier3\masks\portugal-wildfire_00001644_post_disaster.png,0,0,1,234,00001644 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001644_pre_disaster.png,portugal-wildfire_00001644_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001644_pre_disaster.png,0,0,1,234,00001644 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001645_post_disaster.png,portugal-wildfire_00001645_post_disaster,0,0,tier3\masks\portugal-wildfire_00001645_post_disaster.png,0,0,0,0,00001645 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001645_pre_disaster.png,portugal-wildfire_00001645_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001645_pre_disaster.png,0,0,0,0,00001645 +11,4754,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001646_post_disaster.png,portugal-wildfire_00001646_post_disaster,0,0,tier3\masks\portugal-wildfire_00001646_post_disaster.png,3,4576,53,44449,00001646 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001646_pre_disaster.png,portugal-wildfire_00001646_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001646_pre_disaster.png,0,0,59,53900,00001646 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001647_post_disaster.png,portugal-wildfire_00001647_post_disaster,0,0,tier3\masks\portugal-wildfire_00001647_post_disaster.png,0,0,0,0,00001647 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001647_pre_disaster.png,portugal-wildfire_00001647_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001647_pre_disaster.png,0,0,0,0,00001647 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001648_post_disaster.png,portugal-wildfire_00001648_post_disaster,0,0,tier3\masks\portugal-wildfire_00001648_post_disaster.png,0,0,0,0,00001648 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001648_pre_disaster.png,portugal-wildfire_00001648_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001648_pre_disaster.png,0,0,0,0,00001648 +7,4691,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001649_post_disaster.png,portugal-wildfire_00001649_post_disaster,1,363,tier3\masks\portugal-wildfire_00001649_post_disaster.png,1,550,17,23865,00001649 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001649_pre_disaster.png,portugal-wildfire_00001649_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001649_pre_disaster.png,0,0,25,29479,00001649 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001650_post_disaster.png,portugal-wildfire_00001650_post_disaster,0,0,tier3\masks\portugal-wildfire_00001650_post_disaster.png,0,0,1,108,00001650 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001650_pre_disaster.png,portugal-wildfire_00001650_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001650_pre_disaster.png,0,0,1,108,00001650 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001651_post_disaster.png,portugal-wildfire_00001651_post_disaster,0,0,tier3\masks\portugal-wildfire_00001651_post_disaster.png,0,0,24,12836,00001651 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001651_pre_disaster.png,portugal-wildfire_00001651_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001651_pre_disaster.png,0,0,24,12934,00001651 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001652_post_disaster.png,portugal-wildfire_00001652_post_disaster,0,0,tier3\masks\portugal-wildfire_00001652_post_disaster.png,0,0,0,0,00001652 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001652_pre_disaster.png,portugal-wildfire_00001652_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001652_pre_disaster.png,0,0,0,0,00001652 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001653_post_disaster.png,portugal-wildfire_00001653_post_disaster,0,0,tier3\masks\portugal-wildfire_00001653_post_disaster.png,0,0,0,0,00001653 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001653_pre_disaster.png,portugal-wildfire_00001653_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001653_pre_disaster.png,0,0,0,0,00001653 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001654_post_disaster.png,portugal-wildfire_00001654_post_disaster,0,0,tier3\masks\portugal-wildfire_00001654_post_disaster.png,1,217,5,606,00001654 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001654_pre_disaster.png,portugal-wildfire_00001654_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001654_pre_disaster.png,0,0,6,837,00001654 +10,5422,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001655_post_disaster.png,portugal-wildfire_00001655_post_disaster,0,0,tier3\masks\portugal-wildfire_00001655_post_disaster.png,2,1093,13,13801,00001655 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001655_pre_disaster.png,portugal-wildfire_00001655_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001655_pre_disaster.png,0,0,21,20316,00001655 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001656_post_disaster.png,portugal-wildfire_00001656_post_disaster,0,0,tier3\masks\portugal-wildfire_00001656_post_disaster.png,0,0,0,0,00001656 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001656_pre_disaster.png,portugal-wildfire_00001656_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001656_pre_disaster.png,0,0,0,0,00001656 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001657_post_disaster.png,portugal-wildfire_00001657_post_disaster,0,0,tier3\masks\portugal-wildfire_00001657_post_disaster.png,0,0,0,0,00001657 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001657_pre_disaster.png,portugal-wildfire_00001657_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001657_pre_disaster.png,0,0,0,0,00001657 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001658_post_disaster.png,portugal-wildfire_00001658_post_disaster,0,0,tier3\masks\portugal-wildfire_00001658_post_disaster.png,0,0,10,5106,00001658 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001658_pre_disaster.png,portugal-wildfire_00001658_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001658_pre_disaster.png,0,0,10,5106,00001658 +6,5567,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001659_post_disaster.png,portugal-wildfire_00001659_post_disaster,1,807,tier3\masks\portugal-wildfire_00001659_post_disaster.png,3,3235,25,20351,00001659 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001659_pre_disaster.png,portugal-wildfire_00001659_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001659_pre_disaster.png,0,0,31,30028,00001659 +1,180,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001660_post_disaster.png,portugal-wildfire_00001660_post_disaster,0,0,tier3\masks\portugal-wildfire_00001660_post_disaster.png,0,0,27,13890,00001660 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001660_pre_disaster.png,portugal-wildfire_00001660_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001660_pre_disaster.png,0,0,28,14090,00001660 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001661_post_disaster.png,portugal-wildfire_00001661_post_disaster,0,0,tier3\masks\portugal-wildfire_00001661_post_disaster.png,0,0,2,919,00001661 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001661_pre_disaster.png,portugal-wildfire_00001661_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001661_pre_disaster.png,0,0,2,919,00001661 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001662_post_disaster.png,portugal-wildfire_00001662_post_disaster,0,0,tier3\masks\portugal-wildfire_00001662_post_disaster.png,0,0,0,0,00001662 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001662_pre_disaster.png,portugal-wildfire_00001662_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001662_pre_disaster.png,0,0,0,0,00001662 +11,6198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001663_post_disaster.png,portugal-wildfire_00001663_post_disaster,1,343,tier3\masks\portugal-wildfire_00001663_post_disaster.png,2,1379,47,43824,00001663 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001663_pre_disaster.png,portugal-wildfire_00001663_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001663_pre_disaster.png,0,0,60,51799,00001663 +5,2989,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001664_post_disaster.png,portugal-wildfire_00001664_post_disaster,0,0,tier3\masks\portugal-wildfire_00001664_post_disaster.png,7,2835,32,20615,00001664 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001664_pre_disaster.png,portugal-wildfire_00001664_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001664_pre_disaster.png,0,0,42,26439,00001664 +1,1364,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001665_post_disaster.png,portugal-wildfire_00001665_post_disaster,0,0,tier3\masks\portugal-wildfire_00001665_post_disaster.png,0,0,29,25424,00001665 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001665_pre_disaster.png,portugal-wildfire_00001665_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001665_pre_disaster.png,0,0,30,26788,00001665 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001666_post_disaster.png,portugal-wildfire_00001666_post_disaster,0,0,tier3\masks\portugal-wildfire_00001666_post_disaster.png,0,0,0,0,00001666 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001666_pre_disaster.png,portugal-wildfire_00001666_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001666_pre_disaster.png,0,0,0,0,00001666 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001667_post_disaster.png,portugal-wildfire_00001667_post_disaster,0,0,tier3\masks\portugal-wildfire_00001667_post_disaster.png,0,0,9,7888,00001667 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001667_pre_disaster.png,portugal-wildfire_00001667_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001667_pre_disaster.png,0,0,9,7888,00001667 +2,344,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001668_post_disaster.png,portugal-wildfire_00001668_post_disaster,0,0,tier3\masks\portugal-wildfire_00001668_post_disaster.png,0,0,11,5415,00001668 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001668_pre_disaster.png,portugal-wildfire_00001668_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001668_pre_disaster.png,0,0,13,5759,00001668 +1,5694,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001669_post_disaster.png,portugal-wildfire_00001669_post_disaster,0,0,tier3\masks\portugal-wildfire_00001669_post_disaster.png,1,8797,10,5706,00001669 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001669_pre_disaster.png,portugal-wildfire_00001669_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001669_pre_disaster.png,0,0,10,20248,00001669 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001670_post_disaster.png,portugal-wildfire_00001670_post_disaster,0,0,tier3\masks\portugal-wildfire_00001670_post_disaster.png,0,0,1,738,00001670 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001670_pre_disaster.png,portugal-wildfire_00001670_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001670_pre_disaster.png,0,0,1,738,00001670 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001671_post_disaster.png,portugal-wildfire_00001671_post_disaster,0,0,tier3\masks\portugal-wildfire_00001671_post_disaster.png,0,0,0,0,00001671 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001671_pre_disaster.png,portugal-wildfire_00001671_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001671_pre_disaster.png,0,0,0,0,00001671 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001672_post_disaster.png,portugal-wildfire_00001672_post_disaster,0,0,tier3\masks\portugal-wildfire_00001672_post_disaster.png,0,0,0,0,00001672 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001672_pre_disaster.png,portugal-wildfire_00001672_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001672_pre_disaster.png,0,0,0,0,00001672 +5,1922,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001673_post_disaster.png,portugal-wildfire_00001673_post_disaster,0,0,tier3\masks\portugal-wildfire_00001673_post_disaster.png,0,0,24,53267,00001673 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001673_pre_disaster.png,portugal-wildfire_00001673_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001673_pre_disaster.png,0,0,29,55180,00001673 +8,4119,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001674_post_disaster.png,portugal-wildfire_00001674_post_disaster,0,0,tier3\masks\portugal-wildfire_00001674_post_disaster.png,1,1064,12,8667,00001674 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001674_pre_disaster.png,portugal-wildfire_00001674_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001674_pre_disaster.png,0,0,20,13889,00001674 +11,5648,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001675_post_disaster.png,portugal-wildfire_00001675_post_disaster,3,1243,tier3\masks\portugal-wildfire_00001675_post_disaster.png,8,3512,58,44613,00001675 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001675_pre_disaster.png,portugal-wildfire_00001675_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001675_pre_disaster.png,0,0,72,55060,00001675 +4,1646,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001676_post_disaster.png,portugal-wildfire_00001676_post_disaster,0,0,tier3\masks\portugal-wildfire_00001676_post_disaster.png,0,0,3,1027,00001676 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001676_pre_disaster.png,portugal-wildfire_00001676_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001676_pre_disaster.png,0,0,7,2673,00001676 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001677_post_disaster.png,portugal-wildfire_00001677_post_disaster,0,0,tier3\masks\portugal-wildfire_00001677_post_disaster.png,0,0,24,23670,00001677 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001677_pre_disaster.png,portugal-wildfire_00001677_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001677_pre_disaster.png,0,0,24,23670,00001677 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001678_post_disaster.png,portugal-wildfire_00001678_post_disaster,1,286,tier3\masks\portugal-wildfire_00001678_post_disaster.png,0,0,4,1451,00001678 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001678_pre_disaster.png,portugal-wildfire_00001678_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001678_pre_disaster.png,0,0,5,1751,00001678 +1,404,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001679_post_disaster.png,portugal-wildfire_00001679_post_disaster,1,520,tier3\masks\portugal-wildfire_00001679_post_disaster.png,4,1762,22,20706,00001679 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001679_pre_disaster.png,portugal-wildfire_00001679_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001679_pre_disaster.png,0,0,25,23405,00001679 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001680_post_disaster.png,portugal-wildfire_00001680_post_disaster,0,0,tier3\masks\portugal-wildfire_00001680_post_disaster.png,0,0,0,0,00001680 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001680_pre_disaster.png,portugal-wildfire_00001680_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001680_pre_disaster.png,0,0,0,0,00001680 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001681_post_disaster.png,portugal-wildfire_00001681_post_disaster,0,0,tier3\masks\portugal-wildfire_00001681_post_disaster.png,0,0,1,423,00001681 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001681_pre_disaster.png,portugal-wildfire_00001681_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001681_pre_disaster.png,0,0,1,423,00001681 +20,10253,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001682_post_disaster.png,portugal-wildfire_00001682_post_disaster,0,0,tier3\masks\portugal-wildfire_00001682_post_disaster.png,3,2686,37,41781,00001682 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001682_pre_disaster.png,portugal-wildfire_00001682_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001682_pre_disaster.png,0,0,55,54720,00001682 +17,7952,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001683_post_disaster.png,portugal-wildfire_00001683_post_disaster,0,0,tier3\masks\portugal-wildfire_00001683_post_disaster.png,1,925,13,8020,00001683 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001683_pre_disaster.png,portugal-wildfire_00001683_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001683_pre_disaster.png,0,0,26,16897,00001683 +4,1654,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001684_post_disaster.png,portugal-wildfire_00001684_post_disaster,1,2226,tier3\masks\portugal-wildfire_00001684_post_disaster.png,2,1177,6,5049,00001684 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001684_pre_disaster.png,portugal-wildfire_00001684_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001684_pre_disaster.png,0,0,11,10120,00001684 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001685_post_disaster.png,portugal-wildfire_00001685_post_disaster,0,0,tier3\masks\portugal-wildfire_00001685_post_disaster.png,0,0,2,687,00001685 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001685_pre_disaster.png,portugal-wildfire_00001685_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001685_pre_disaster.png,0,0,2,687,00001685 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001686_post_disaster.png,portugal-wildfire_00001686_post_disaster,0,0,tier3\masks\portugal-wildfire_00001686_post_disaster.png,0,0,2,1751,00001686 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001686_pre_disaster.png,portugal-wildfire_00001686_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001686_pre_disaster.png,0,0,2,1751,00001686 +2,1970,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001687_post_disaster.png,portugal-wildfire_00001687_post_disaster,0,0,tier3\masks\portugal-wildfire_00001687_post_disaster.png,0,0,21,20177,00001687 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001687_pre_disaster.png,portugal-wildfire_00001687_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001687_pre_disaster.png,0,0,23,22147,00001687 +9,2780,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001688_post_disaster.png,portugal-wildfire_00001688_post_disaster,0,0,tier3\masks\portugal-wildfire_00001688_post_disaster.png,0,0,2,206,00001688 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001688_pre_disaster.png,portugal-wildfire_00001688_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001688_pre_disaster.png,0,0,11,2986,00001688 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001689_post_disaster.png,portugal-wildfire_00001689_post_disaster,0,0,tier3\masks\portugal-wildfire_00001689_post_disaster.png,0,0,1,271,00001689 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001689_pre_disaster.png,portugal-wildfire_00001689_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001689_pre_disaster.png,0,0,1,271,00001689 +2,957,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001690_post_disaster.png,portugal-wildfire_00001690_post_disaster,0,0,tier3\masks\portugal-wildfire_00001690_post_disaster.png,0,0,7,1897,00001690 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001690_pre_disaster.png,portugal-wildfire_00001690_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001690_pre_disaster.png,0,0,9,2868,00001690 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001691_post_disaster.png,portugal-wildfire_00001691_post_disaster,0,0,tier3\masks\portugal-wildfire_00001691_post_disaster.png,0,0,3,831,00001691 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001691_pre_disaster.png,portugal-wildfire_00001691_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001691_pre_disaster.png,0,0,3,856,00001691 +4,1488,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001692_post_disaster.png,portugal-wildfire_00001692_post_disaster,0,0,tier3\masks\portugal-wildfire_00001692_post_disaster.png,0,0,2,983,00001692 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001692_pre_disaster.png,portugal-wildfire_00001692_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001692_pre_disaster.png,0,0,6,2471,00001692 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001693_post_disaster.png,portugal-wildfire_00001693_post_disaster,2,1488,tier3\masks\portugal-wildfire_00001693_post_disaster.png,0,0,26,22156,00001693 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001693_pre_disaster.png,portugal-wildfire_00001693_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001693_pre_disaster.png,0,0,28,23668,00001693 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001694_post_disaster.png,portugal-wildfire_00001694_post_disaster,0,0,tier3\masks\portugal-wildfire_00001694_post_disaster.png,1,1016,7,3192,00001694 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001694_pre_disaster.png,portugal-wildfire_00001694_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001694_pre_disaster.png,0,0,7,4218,00001694 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001695_post_disaster.png,portugal-wildfire_00001695_post_disaster,0,0,tier3\masks\portugal-wildfire_00001695_post_disaster.png,0,0,1,109,00001695 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001695_pre_disaster.png,portugal-wildfire_00001695_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001695_pre_disaster.png,0,0,1,109,00001695 +1,513,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001696_post_disaster.png,portugal-wildfire_00001696_post_disaster,0,0,tier3\masks\portugal-wildfire_00001696_post_disaster.png,0,0,1,621,00001696 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001696_pre_disaster.png,portugal-wildfire_00001696_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001696_pre_disaster.png,0,0,2,1134,00001696 +2,1003,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001697_post_disaster.png,portugal-wildfire_00001697_post_disaster,0,0,tier3\masks\portugal-wildfire_00001697_post_disaster.png,0,0,20,9212,00001697 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001697_pre_disaster.png,portugal-wildfire_00001697_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001697_pre_disaster.png,0,0,21,10250,00001697 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001698_post_disaster.png,portugal-wildfire_00001698_post_disaster,0,0,tier3\masks\portugal-wildfire_00001698_post_disaster.png,0,0,3,377,00001698 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001698_pre_disaster.png,portugal-wildfire_00001698_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001698_pre_disaster.png,0,0,3,377,00001698 +2,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001699_post_disaster.png,portugal-wildfire_00001699_post_disaster,2,413,tier3\masks\portugal-wildfire_00001699_post_disaster.png,0,0,22,16369,00001699 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001699_pre_disaster.png,portugal-wildfire_00001699_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001699_pre_disaster.png,0,0,26,17563,00001699 +5,918,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001700_post_disaster.png,portugal-wildfire_00001700_post_disaster,0,0,tier3\masks\portugal-wildfire_00001700_post_disaster.png,2,1798,49,40235,00001700 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001700_pre_disaster.png,portugal-wildfire_00001700_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001700_pre_disaster.png,0,0,55,43081,00001700 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001701_post_disaster.png,portugal-wildfire_00001701_post_disaster,0,0,tier3\masks\portugal-wildfire_00001701_post_disaster.png,0,0,0,0,00001701 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001701_pre_disaster.png,portugal-wildfire_00001701_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001701_pre_disaster.png,0,0,0,0,00001701 +3,1795,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001702_post_disaster.png,portugal-wildfire_00001702_post_disaster,0,0,tier3\masks\portugal-wildfire_00001702_post_disaster.png,1,906,24,25226,00001702 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001702_pre_disaster.png,portugal-wildfire_00001702_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001702_pre_disaster.png,0,0,27,27927,00001702 +10,6254,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001703_post_disaster.png,portugal-wildfire_00001703_post_disaster,1,1629,tier3\masks\portugal-wildfire_00001703_post_disaster.png,3,4789,28,29647,00001703 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001703_pre_disaster.png,portugal-wildfire_00001703_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001703_pre_disaster.png,0,0,37,42416,00001703 +4,1136,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001704_post_disaster.png,portugal-wildfire_00001704_post_disaster,1,412,tier3\masks\portugal-wildfire_00001704_post_disaster.png,0,0,6,1321,00001704 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001704_pre_disaster.png,portugal-wildfire_00001704_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001704_pre_disaster.png,0,0,10,2869,00001704 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001705_post_disaster.png,portugal-wildfire_00001705_post_disaster,0,0,tier3\masks\portugal-wildfire_00001705_post_disaster.png,0,0,0,0,00001705 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001705_pre_disaster.png,portugal-wildfire_00001705_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001705_pre_disaster.png,0,0,0,0,00001705 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001706_post_disaster.png,portugal-wildfire_00001706_post_disaster,0,0,tier3\masks\portugal-wildfire_00001706_post_disaster.png,0,0,0,0,00001706 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001706_pre_disaster.png,portugal-wildfire_00001706_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001706_pre_disaster.png,0,0,0,0,00001706 +4,2370,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001707_post_disaster.png,portugal-wildfire_00001707_post_disaster,1,304,tier3\masks\portugal-wildfire_00001707_post_disaster.png,2,1471,16,6735,00001707 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001707_pre_disaster.png,portugal-wildfire_00001707_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001707_pre_disaster.png,0,0,23,10880,00001707 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001708_post_disaster.png,portugal-wildfire_00001708_post_disaster,0,0,tier3\masks\portugal-wildfire_00001708_post_disaster.png,0,0,0,0,00001708 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001708_pre_disaster.png,portugal-wildfire_00001708_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001708_pre_disaster.png,0,0,0,0,00001708 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001709_post_disaster.png,portugal-wildfire_00001709_post_disaster,0,0,tier3\masks\portugal-wildfire_00001709_post_disaster.png,0,0,8,5568,00001709 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001709_pre_disaster.png,portugal-wildfire_00001709_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001709_pre_disaster.png,0,0,8,5568,00001709 +2,2103,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001710_post_disaster.png,portugal-wildfire_00001710_post_disaster,3,748,tier3\masks\portugal-wildfire_00001710_post_disaster.png,0,0,1,208,00001710 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001710_pre_disaster.png,portugal-wildfire_00001710_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001710_pre_disaster.png,0,0,5,3076,00001710 +7,4379,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001711_post_disaster.png,portugal-wildfire_00001711_post_disaster,0,0,tier3\masks\portugal-wildfire_00001711_post_disaster.png,1,1020,67,70972,00001711 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001711_pre_disaster.png,portugal-wildfire_00001711_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001711_pre_disaster.png,0,0,74,76513,00001711 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001712_post_disaster.png,portugal-wildfire_00001712_post_disaster,0,0,tier3\masks\portugal-wildfire_00001712_post_disaster.png,0,0,0,0,00001712 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001712_pre_disaster.png,portugal-wildfire_00001712_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001712_pre_disaster.png,0,0,0,0,00001712 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001713_post_disaster.png,portugal-wildfire_00001713_post_disaster,0,0,tier3\masks\portugal-wildfire_00001713_post_disaster.png,0,0,0,0,00001713 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001713_pre_disaster.png,portugal-wildfire_00001713_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001713_pre_disaster.png,0,0,0,0,00001713 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001714_post_disaster.png,portugal-wildfire_00001714_post_disaster,0,0,tier3\masks\portugal-wildfire_00001714_post_disaster.png,0,0,1,298,00001714 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001714_pre_disaster.png,portugal-wildfire_00001714_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001714_pre_disaster.png,0,0,1,298,00001714 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001715_post_disaster.png,portugal-wildfire_00001715_post_disaster,0,0,tier3\masks\portugal-wildfire_00001715_post_disaster.png,0,0,2,649,00001715 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001715_pre_disaster.png,portugal-wildfire_00001715_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001715_pre_disaster.png,0,0,2,649,00001715 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001716_post_disaster.png,portugal-wildfire_00001716_post_disaster,0,0,tier3\masks\portugal-wildfire_00001716_post_disaster.png,0,0,2,683,00001716 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001716_pre_disaster.png,portugal-wildfire_00001716_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001716_pre_disaster.png,0,0,2,702,00001716 +3,875,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001717_post_disaster.png,portugal-wildfire_00001717_post_disaster,0,0,tier3\masks\portugal-wildfire_00001717_post_disaster.png,3,2509,34,20831,00001717 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001717_pre_disaster.png,portugal-wildfire_00001717_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001717_pre_disaster.png,0,0,40,24215,00001717 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001718_post_disaster.png,portugal-wildfire_00001718_post_disaster,0,0,tier3\masks\portugal-wildfire_00001718_post_disaster.png,0,0,1,126,00001718 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001718_pre_disaster.png,portugal-wildfire_00001718_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001718_pre_disaster.png,0,0,1,126,00001718 +7,3774,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001719_post_disaster.png,portugal-wildfire_00001719_post_disaster,2,1675,tier3\masks\portugal-wildfire_00001719_post_disaster.png,7,3456,37,25578,00001719 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001719_pre_disaster.png,portugal-wildfire_00001719_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001719_pre_disaster.png,0,0,48,34533,00001719 +1,656,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001720_post_disaster.png,portugal-wildfire_00001720_post_disaster,0,0,tier3\masks\portugal-wildfire_00001720_post_disaster.png,0,0,3,1906,00001720 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001720_pre_disaster.png,portugal-wildfire_00001720_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001720_pre_disaster.png,0,0,4,2581,00001720 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001721_post_disaster.png,portugal-wildfire_00001721_post_disaster,0,0,tier3\masks\portugal-wildfire_00001721_post_disaster.png,0,0,19,13015,00001721 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001721_pre_disaster.png,portugal-wildfire_00001721_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001721_pre_disaster.png,0,0,19,13070,00001721 +10,3461,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001722_post_disaster.png,portugal-wildfire_00001722_post_disaster,7,2427,tier3\masks\portugal-wildfire_00001722_post_disaster.png,0,0,25,18794,00001722 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001722_pre_disaster.png,portugal-wildfire_00001722_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001722_pre_disaster.png,0,0,40,24682,00001722 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001723_post_disaster.png,portugal-wildfire_00001723_post_disaster,0,0,tier3\masks\portugal-wildfire_00001723_post_disaster.png,0,0,0,0,00001723 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001723_pre_disaster.png,portugal-wildfire_00001723_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001723_pre_disaster.png,0,0,0,0,00001723 +1,943,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001724_post_disaster.png,portugal-wildfire_00001724_post_disaster,0,0,tier3\masks\portugal-wildfire_00001724_post_disaster.png,0,0,5,5783,00001724 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001724_pre_disaster.png,portugal-wildfire_00001724_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001724_pre_disaster.png,0,0,6,6759,00001724 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001725_post_disaster.png,portugal-wildfire_00001725_post_disaster,0,0,tier3\masks\portugal-wildfire_00001725_post_disaster.png,1,226,24,13569,00001725 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001725_pre_disaster.png,portugal-wildfire_00001725_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001725_pre_disaster.png,0,0,25,13886,00001725 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001726_post_disaster.png,portugal-wildfire_00001726_post_disaster,0,0,tier3\masks\portugal-wildfire_00001726_post_disaster.png,0,0,1,204,00001726 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001726_pre_disaster.png,portugal-wildfire_00001726_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001726_pre_disaster.png,0,0,1,204,00001726 +3,2567,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001727_post_disaster.png,portugal-wildfire_00001727_post_disaster,1,241,tier3\masks\portugal-wildfire_00001727_post_disaster.png,1,1631,8,5967,00001727 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001727_pre_disaster.png,portugal-wildfire_00001727_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001727_pre_disaster.png,0,0,13,10455,00001727 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001728_post_disaster.png,portugal-wildfire_00001728_post_disaster,0,0,tier3\masks\portugal-wildfire_00001728_post_disaster.png,0,0,0,0,00001728 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001728_pre_disaster.png,portugal-wildfire_00001728_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001728_pre_disaster.png,0,0,0,0,00001728 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001729_post_disaster.png,portugal-wildfire_00001729_post_disaster,0,0,tier3\masks\portugal-wildfire_00001729_post_disaster.png,0,0,0,0,00001729 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001729_pre_disaster.png,portugal-wildfire_00001729_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001729_pre_disaster.png,0,0,0,0,00001729 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001730_post_disaster.png,portugal-wildfire_00001730_post_disaster,0,0,tier3\masks\portugal-wildfire_00001730_post_disaster.png,0,0,1,135,00001730 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001730_pre_disaster.png,portugal-wildfire_00001730_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001730_pre_disaster.png,0,0,1,150,00001730 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001731_post_disaster.png,portugal-wildfire_00001731_post_disaster,0,0,tier3\masks\portugal-wildfire_00001731_post_disaster.png,0,0,9,4460,00001731 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001731_pre_disaster.png,portugal-wildfire_00001731_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001731_pre_disaster.png,0,0,9,4508,00001731 +4,1816,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001732_post_disaster.png,portugal-wildfire_00001732_post_disaster,0,0,tier3\masks\portugal-wildfire_00001732_post_disaster.png,1,2071,36,23051,00001732 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001732_pre_disaster.png,portugal-wildfire_00001732_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001732_pre_disaster.png,0,0,40,27015,00001732 +1,469,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001733_post_disaster.png,portugal-wildfire_00001733_post_disaster,1,347,tier3\masks\portugal-wildfire_00001733_post_disaster.png,0,0,2,626,00001733 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001733_pre_disaster.png,portugal-wildfire_00001733_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001733_pre_disaster.png,0,0,3,1442,00001733 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001734_post_disaster.png,portugal-wildfire_00001734_post_disaster,0,0,tier3\masks\portugal-wildfire_00001734_post_disaster.png,0,0,5,1343,00001734 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001734_pre_disaster.png,portugal-wildfire_00001734_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001734_pre_disaster.png,0,0,5,1343,00001734 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001735_post_disaster.png,portugal-wildfire_00001735_post_disaster,0,0,tier3\masks\portugal-wildfire_00001735_post_disaster.png,0,0,4,8256,00001735 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001735_pre_disaster.png,portugal-wildfire_00001735_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001735_pre_disaster.png,0,0,4,8256,00001735 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001736_post_disaster.png,portugal-wildfire_00001736_post_disaster,0,0,tier3\masks\portugal-wildfire_00001736_post_disaster.png,0,0,0,0,00001736 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001736_pre_disaster.png,portugal-wildfire_00001736_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001736_pre_disaster.png,0,0,0,0,00001736 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001737_post_disaster.png,portugal-wildfire_00001737_post_disaster,0,0,tier3\masks\portugal-wildfire_00001737_post_disaster.png,0,0,0,0,00001737 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001737_pre_disaster.png,portugal-wildfire_00001737_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001737_pre_disaster.png,0,0,0,0,00001737 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001738_post_disaster.png,portugal-wildfire_00001738_post_disaster,0,0,tier3\masks\portugal-wildfire_00001738_post_disaster.png,0,0,0,0,00001738 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001738_pre_disaster.png,portugal-wildfire_00001738_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001738_pre_disaster.png,0,0,0,0,00001738 +28,12833,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001739_post_disaster.png,portugal-wildfire_00001739_post_disaster,4,3445,tier3\masks\portugal-wildfire_00001739_post_disaster.png,6,3757,15,10966,00001739 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001739_pre_disaster.png,portugal-wildfire_00001739_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001739_pre_disaster.png,0,0,52,31001,00001739 +9,1917,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001740_post_disaster.png,portugal-wildfire_00001740_post_disaster,2,1375,tier3\masks\portugal-wildfire_00001740_post_disaster.png,1,1752,6,2457,00001740 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001740_pre_disaster.png,portugal-wildfire_00001740_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001740_pre_disaster.png,0,0,16,7572,00001740 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001741_post_disaster.png,portugal-wildfire_00001741_post_disaster,0,0,tier3\masks\portugal-wildfire_00001741_post_disaster.png,0,0,6,5421,00001741 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001741_pre_disaster.png,portugal-wildfire_00001741_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001741_pre_disaster.png,0,0,6,5421,00001741 +1,432,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001742_post_disaster.png,portugal-wildfire_00001742_post_disaster,0,0,tier3\masks\portugal-wildfire_00001742_post_disaster.png,0,0,1,814,00001742 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001742_pre_disaster.png,portugal-wildfire_00001742_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001742_pre_disaster.png,0,0,2,1279,00001742 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001743_post_disaster.png,portugal-wildfire_00001743_post_disaster,0,0,tier3\masks\portugal-wildfire_00001743_post_disaster.png,0,0,32,28942,00001743 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001743_pre_disaster.png,portugal-wildfire_00001743_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001743_pre_disaster.png,0,0,32,28971,00001743 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001744_post_disaster.png,portugal-wildfire_00001744_post_disaster,0,0,tier3\masks\portugal-wildfire_00001744_post_disaster.png,0,0,0,0,00001744 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001744_pre_disaster.png,portugal-wildfire_00001744_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001744_pre_disaster.png,0,0,0,0,00001744 +1,3968,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001745_post_disaster.png,portugal-wildfire_00001745_post_disaster,0,0,tier3\masks\portugal-wildfire_00001745_post_disaster.png,0,0,0,0,00001745 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001745_pre_disaster.png,portugal-wildfire_00001745_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001745_pre_disaster.png,0,0,1,3968,00001745 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001746_post_disaster.png,portugal-wildfire_00001746_post_disaster,0,0,tier3\masks\portugal-wildfire_00001746_post_disaster.png,0,0,0,0,00001746 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001746_pre_disaster.png,portugal-wildfire_00001746_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001746_pre_disaster.png,0,0,0,0,00001746 +1,180,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001747_post_disaster.png,portugal-wildfire_00001747_post_disaster,2,666,tier3\masks\portugal-wildfire_00001747_post_disaster.png,0,0,11,10502,00001747 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001747_pre_disaster.png,portugal-wildfire_00001747_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001747_pre_disaster.png,0,0,14,11411,00001747 +3,972,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001748_post_disaster.png,portugal-wildfire_00001748_post_disaster,1,495,tier3\masks\portugal-wildfire_00001748_post_disaster.png,1,1167,2,4070,00001748 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001748_pre_disaster.png,portugal-wildfire_00001748_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001748_pre_disaster.png,0,0,7,6704,00001748 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001749_post_disaster.png,portugal-wildfire_00001749_post_disaster,0,0,tier3\masks\portugal-wildfire_00001749_post_disaster.png,0,0,0,0,00001749 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001749_pre_disaster.png,portugal-wildfire_00001749_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001749_pre_disaster.png,0,0,0,0,00001749 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001750_post_disaster.png,portugal-wildfire_00001750_post_disaster,0,0,tier3\masks\portugal-wildfire_00001750_post_disaster.png,0,0,0,0,00001750 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001750_pre_disaster.png,portugal-wildfire_00001750_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001750_pre_disaster.png,0,0,0,0,00001750 +2,351,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001751_post_disaster.png,portugal-wildfire_00001751_post_disaster,0,0,tier3\masks\portugal-wildfire_00001751_post_disaster.png,0,0,3,1013,00001751 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001751_pre_disaster.png,portugal-wildfire_00001751_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001751_pre_disaster.png,0,0,5,1403,00001751 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001752_post_disaster.png,portugal-wildfire_00001752_post_disaster,0,0,tier3\masks\portugal-wildfire_00001752_post_disaster.png,0,0,0,0,00001752 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001752_pre_disaster.png,portugal-wildfire_00001752_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001752_pre_disaster.png,0,0,0,0,00001752 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001753_post_disaster.png,portugal-wildfire_00001753_post_disaster,0,0,tier3\masks\portugal-wildfire_00001753_post_disaster.png,0,0,1,142,00001753 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001753_pre_disaster.png,portugal-wildfire_00001753_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001753_pre_disaster.png,0,0,1,150,00001753 +2,783,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001754_post_disaster.png,portugal-wildfire_00001754_post_disaster,0,0,tier3\masks\portugal-wildfire_00001754_post_disaster.png,0,0,2,459,00001754 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001754_pre_disaster.png,portugal-wildfire_00001754_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001754_pre_disaster.png,0,0,4,1242,00001754 +3,1324,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001755_post_disaster.png,portugal-wildfire_00001755_post_disaster,0,0,tier3\masks\portugal-wildfire_00001755_post_disaster.png,0,0,7,13590,00001755 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001755_pre_disaster.png,portugal-wildfire_00001755_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001755_pre_disaster.png,0,0,10,14933,00001755 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001756_post_disaster.png,portugal-wildfire_00001756_post_disaster,0,0,tier3\masks\portugal-wildfire_00001756_post_disaster.png,0,0,1,171,00001756 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001756_pre_disaster.png,portugal-wildfire_00001756_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001756_pre_disaster.png,0,0,1,177,00001756 +1,205,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001757_post_disaster.png,portugal-wildfire_00001757_post_disaster,0,0,tier3\masks\portugal-wildfire_00001757_post_disaster.png,0,0,0,0,00001757 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001757_pre_disaster.png,portugal-wildfire_00001757_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001757_pre_disaster.png,0,0,1,205,00001757 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001758_post_disaster.png,portugal-wildfire_00001758_post_disaster,0,0,tier3\masks\portugal-wildfire_00001758_post_disaster.png,1,371,1,1109,00001758 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001758_pre_disaster.png,portugal-wildfire_00001758_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001758_pre_disaster.png,0,0,2,1480,00001758 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001759_post_disaster.png,portugal-wildfire_00001759_post_disaster,0,0,tier3\masks\portugal-wildfire_00001759_post_disaster.png,0,0,0,0,00001759 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001759_pre_disaster.png,portugal-wildfire_00001759_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001759_pre_disaster.png,0,0,0,0,00001759 +4,1778,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001760_post_disaster.png,portugal-wildfire_00001760_post_disaster,0,0,tier3\masks\portugal-wildfire_00001760_post_disaster.png,1,511,5,3684,00001760 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001760_pre_disaster.png,portugal-wildfire_00001760_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001760_pre_disaster.png,0,0,10,5973,00001760 +3,586,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001761_post_disaster.png,portugal-wildfire_00001761_post_disaster,0,0,tier3\masks\portugal-wildfire_00001761_post_disaster.png,0,0,0,0,00001761 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001761_pre_disaster.png,portugal-wildfire_00001761_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001761_pre_disaster.png,0,0,3,586,00001761 +2,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001762_post_disaster.png,portugal-wildfire_00001762_post_disaster,0,0,tier3\masks\portugal-wildfire_00001762_post_disaster.png,0,0,0,0,00001762 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001762_pre_disaster.png,portugal-wildfire_00001762_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001762_pre_disaster.png,0,0,2,751,00001762 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001763_post_disaster.png,portugal-wildfire_00001763_post_disaster,0,0,tier3\masks\portugal-wildfire_00001763_post_disaster.png,0,0,0,0,00001763 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001763_pre_disaster.png,portugal-wildfire_00001763_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001763_pre_disaster.png,0,0,0,0,00001763 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001764_post_disaster.png,portugal-wildfire_00001764_post_disaster,0,0,tier3\masks\portugal-wildfire_00001764_post_disaster.png,0,0,5,13649,00001764 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001764_pre_disaster.png,portugal-wildfire_00001764_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001764_pre_disaster.png,0,0,5,13745,00001764 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001765_post_disaster.png,portugal-wildfire_00001765_post_disaster,0,0,tier3\masks\portugal-wildfire_00001765_post_disaster.png,0,0,3,1108,00001765 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001765_pre_disaster.png,portugal-wildfire_00001765_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001765_pre_disaster.png,0,0,3,1108,00001765 +5,1933,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001766_post_disaster.png,portugal-wildfire_00001766_post_disaster,3,2484,tier3\masks\portugal-wildfire_00001766_post_disaster.png,1,421,57,67494,00001766 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001766_pre_disaster.png,portugal-wildfire_00001766_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001766_pre_disaster.png,0,0,63,72507,00001766 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001767_post_disaster.png,portugal-wildfire_00001767_post_disaster,0,0,tier3\masks\portugal-wildfire_00001767_post_disaster.png,0,0,1,39,00001767 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001767_pre_disaster.png,portugal-wildfire_00001767_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001767_pre_disaster.png,0,0,1,39,00001767 +3,1680,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001768_post_disaster.png,portugal-wildfire_00001768_post_disaster,0,0,tier3\masks\portugal-wildfire_00001768_post_disaster.png,1,199,2,1590,00001768 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001768_pre_disaster.png,portugal-wildfire_00001768_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001768_pre_disaster.png,0,0,6,3469,00001768 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001769_post_disaster.png,portugal-wildfire_00001769_post_disaster,0,0,tier3\masks\portugal-wildfire_00001769_post_disaster.png,0,0,0,0,00001769 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001769_pre_disaster.png,portugal-wildfire_00001769_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001769_pre_disaster.png,0,0,0,0,00001769 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001770_post_disaster.png,portugal-wildfire_00001770_post_disaster,0,0,tier3\masks\portugal-wildfire_00001770_post_disaster.png,0,0,1,985,00001770 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001770_pre_disaster.png,portugal-wildfire_00001770_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001770_pre_disaster.png,0,0,1,985,00001770 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001771_post_disaster.png,portugal-wildfire_00001771_post_disaster,0,0,tier3\masks\portugal-wildfire_00001771_post_disaster.png,0,0,0,0,00001771 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001771_pre_disaster.png,portugal-wildfire_00001771_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001771_pre_disaster.png,0,0,0,0,00001771 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001772_post_disaster.png,portugal-wildfire_00001772_post_disaster,0,0,tier3\masks\portugal-wildfire_00001772_post_disaster.png,0,0,0,0,00001772 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001772_pre_disaster.png,portugal-wildfire_00001772_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001772_pre_disaster.png,0,0,0,0,00001772 +1,38,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001773_post_disaster.png,portugal-wildfire_00001773_post_disaster,1,865,tier3\masks\portugal-wildfire_00001773_post_disaster.png,0,0,4,2684,00001773 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001773_pre_disaster.png,portugal-wildfire_00001773_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001773_pre_disaster.png,0,0,5,3646,00001773 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001774_post_disaster.png,portugal-wildfire_00001774_post_disaster,0,0,tier3\masks\portugal-wildfire_00001774_post_disaster.png,0,0,0,0,00001774 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001774_pre_disaster.png,portugal-wildfire_00001774_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001774_pre_disaster.png,0,0,0,0,00001774 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001775_post_disaster.png,portugal-wildfire_00001775_post_disaster,0,0,tier3\masks\portugal-wildfire_00001775_post_disaster.png,0,0,0,0,00001775 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001775_pre_disaster.png,portugal-wildfire_00001775_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001775_pre_disaster.png,0,0,0,0,00001775 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001776_post_disaster.png,portugal-wildfire_00001776_post_disaster,0,0,tier3\masks\portugal-wildfire_00001776_post_disaster.png,0,0,0,0,00001776 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001776_pre_disaster.png,portugal-wildfire_00001776_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001776_pre_disaster.png,0,0,0,0,00001776 +4,2045,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001777_post_disaster.png,portugal-wildfire_00001777_post_disaster,0,0,tier3\masks\portugal-wildfire_00001777_post_disaster.png,2,853,9,8069,00001777 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001777_pre_disaster.png,portugal-wildfire_00001777_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001777_pre_disaster.png,0,0,12,11127,00001777 +1,396,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001778_post_disaster.png,portugal-wildfire_00001778_post_disaster,0,0,tier3\masks\portugal-wildfire_00001778_post_disaster.png,0,0,0,0,00001778 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001778_pre_disaster.png,portugal-wildfire_00001778_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001778_pre_disaster.png,0,0,1,396,00001778 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001779_post_disaster.png,portugal-wildfire_00001779_post_disaster,0,0,tier3\masks\portugal-wildfire_00001779_post_disaster.png,0,0,0,0,00001779 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001779_pre_disaster.png,portugal-wildfire_00001779_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001779_pre_disaster.png,0,0,0,0,00001779 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001780_post_disaster.png,portugal-wildfire_00001780_post_disaster,0,0,tier3\masks\portugal-wildfire_00001780_post_disaster.png,0,0,1,425,00001780 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001780_pre_disaster.png,portugal-wildfire_00001780_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001780_pre_disaster.png,0,0,1,425,00001780 +9,7467,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001781_post_disaster.png,portugal-wildfire_00001781_post_disaster,0,0,tier3\masks\portugal-wildfire_00001781_post_disaster.png,5,6336,9,6293,00001781 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001781_pre_disaster.png,portugal-wildfire_00001781_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001781_pre_disaster.png,0,0,15,20096,00001781 +2,454,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001782_post_disaster.png,portugal-wildfire_00001782_post_disaster,0,0,tier3\masks\portugal-wildfire_00001782_post_disaster.png,1,202,16,22244,00001782 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001782_pre_disaster.png,portugal-wildfire_00001782_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001782_pre_disaster.png,0,0,19,22970,00001782 +2,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001783_post_disaster.png,portugal-wildfire_00001783_post_disaster,0,0,tier3\masks\portugal-wildfire_00001783_post_disaster.png,0,0,10,6083,00001783 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001783_pre_disaster.png,portugal-wildfire_00001783_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001783_pre_disaster.png,0,0,12,6811,00001783 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001784_post_disaster.png,portugal-wildfire_00001784_post_disaster,0,0,tier3\masks\portugal-wildfire_00001784_post_disaster.png,0,0,1,191,00001784 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001784_pre_disaster.png,portugal-wildfire_00001784_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001784_pre_disaster.png,0,0,1,191,00001784 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001785_post_disaster.png,portugal-wildfire_00001785_post_disaster,0,0,tier3\masks\portugal-wildfire_00001785_post_disaster.png,0,0,0,0,00001785 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001785_pre_disaster.png,portugal-wildfire_00001785_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001785_pre_disaster.png,0,0,0,0,00001785 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001786_post_disaster.png,portugal-wildfire_00001786_post_disaster,0,0,tier3\masks\portugal-wildfire_00001786_post_disaster.png,0,0,0,0,00001786 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001786_pre_disaster.png,portugal-wildfire_00001786_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001786_pre_disaster.png,0,0,0,0,00001786 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001787_post_disaster.png,portugal-wildfire_00001787_post_disaster,0,0,tier3\masks\portugal-wildfire_00001787_post_disaster.png,0,0,22,19441,00001787 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001787_pre_disaster.png,portugal-wildfire_00001787_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001787_pre_disaster.png,0,0,22,19441,00001787 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001788_post_disaster.png,portugal-wildfire_00001788_post_disaster,0,0,tier3\masks\portugal-wildfire_00001788_post_disaster.png,0,0,0,0,00001788 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001788_pre_disaster.png,portugal-wildfire_00001788_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001788_pre_disaster.png,0,0,0,0,00001788 +7,2230,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001789_post_disaster.png,portugal-wildfire_00001789_post_disaster,1,1358,tier3\masks\portugal-wildfire_00001789_post_disaster.png,0,0,4,2850,00001789 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001789_pre_disaster.png,portugal-wildfire_00001789_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001789_pre_disaster.png,0,0,11,6463,00001789 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001790_post_disaster.png,portugal-wildfire_00001790_post_disaster,0,0,tier3\masks\portugal-wildfire_00001790_post_disaster.png,0,0,0,0,00001790 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001790_pre_disaster.png,portugal-wildfire_00001790_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001790_pre_disaster.png,0,0,0,0,00001790 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001791_post_disaster.png,portugal-wildfire_00001791_post_disaster,0,0,tier3\masks\portugal-wildfire_00001791_post_disaster.png,0,0,2,3175,00001791 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001791_pre_disaster.png,portugal-wildfire_00001791_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001791_pre_disaster.png,0,0,2,3175,00001791 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001792_post_disaster.png,portugal-wildfire_00001792_post_disaster,0,0,tier3\masks\portugal-wildfire_00001792_post_disaster.png,0,0,8,8408,00001792 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001792_pre_disaster.png,portugal-wildfire_00001792_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001792_pre_disaster.png,0,0,8,8408,00001792 +3,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001793_post_disaster.png,portugal-wildfire_00001793_post_disaster,0,0,tier3\masks\portugal-wildfire_00001793_post_disaster.png,0,0,23,20247,00001793 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001793_pre_disaster.png,portugal-wildfire_00001793_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001793_pre_disaster.png,0,0,26,21131,00001793 +3,825,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001794_post_disaster.png,portugal-wildfire_00001794_post_disaster,0,0,tier3\masks\portugal-wildfire_00001794_post_disaster.png,0,0,0,0,00001794 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001794_pre_disaster.png,portugal-wildfire_00001794_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001794_pre_disaster.png,0,0,3,825,00001794 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001795_post_disaster.png,portugal-wildfire_00001795_post_disaster,0,0,tier3\masks\portugal-wildfire_00001795_post_disaster.png,0,0,0,0,00001795 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001795_pre_disaster.png,portugal-wildfire_00001795_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001795_pre_disaster.png,0,0,0,0,00001795 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001796_post_disaster.png,portugal-wildfire_00001796_post_disaster,0,0,tier3\masks\portugal-wildfire_00001796_post_disaster.png,0,0,1,171,00001796 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001796_pre_disaster.png,portugal-wildfire_00001796_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001796_pre_disaster.png,0,0,1,171,00001796 +9,6849,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001797_post_disaster.png,portugal-wildfire_00001797_post_disaster,0,0,tier3\masks\portugal-wildfire_00001797_post_disaster.png,0,0,10,7555,00001797 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001797_pre_disaster.png,portugal-wildfire_00001797_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001797_pre_disaster.png,0,0,19,14441,00001797 +5,1489,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001798_post_disaster.png,portugal-wildfire_00001798_post_disaster,1,360,tier3\masks\portugal-wildfire_00001798_post_disaster.png,2,2020,39,37049,00001798 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001798_pre_disaster.png,portugal-wildfire_00001798_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001798_pre_disaster.png,0,0,47,40922,00001798 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001799_post_disaster.png,portugal-wildfire_00001799_post_disaster,0,0,tier3\masks\portugal-wildfire_00001799_post_disaster.png,0,0,0,0,00001799 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001799_pre_disaster.png,portugal-wildfire_00001799_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001799_pre_disaster.png,0,0,0,0,00001799 +1,1154,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001800_post_disaster.png,portugal-wildfire_00001800_post_disaster,0,0,tier3\masks\portugal-wildfire_00001800_post_disaster.png,0,0,26,18633,00001800 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001800_pre_disaster.png,portugal-wildfire_00001800_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001800_pre_disaster.png,0,0,27,19916,00001800 +14,9210,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001801_post_disaster.png,portugal-wildfire_00001801_post_disaster,1,342,tier3\masks\portugal-wildfire_00001801_post_disaster.png,2,2204,19,14361,00001801 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001801_pre_disaster.png,portugal-wildfire_00001801_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001801_pre_disaster.png,0,0,34,26202,00001801 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001802_post_disaster.png,portugal-wildfire_00001802_post_disaster,0,0,tier3\masks\portugal-wildfire_00001802_post_disaster.png,0,0,2,432,00001802 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001802_pre_disaster.png,portugal-wildfire_00001802_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001802_pre_disaster.png,0,0,2,432,00001802 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001803_post_disaster.png,portugal-wildfire_00001803_post_disaster,0,0,tier3\masks\portugal-wildfire_00001803_post_disaster.png,0,0,0,0,00001803 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001803_pre_disaster.png,portugal-wildfire_00001803_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001803_pre_disaster.png,0,0,0,0,00001803 +5,2590,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001804_post_disaster.png,portugal-wildfire_00001804_post_disaster,0,0,tier3\masks\portugal-wildfire_00001804_post_disaster.png,0,0,7,4244,00001804 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001804_pre_disaster.png,portugal-wildfire_00001804_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001804_pre_disaster.png,0,0,12,6834,00001804 +9,8627,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001805_post_disaster.png,portugal-wildfire_00001805_post_disaster,0,0,tier3\masks\portugal-wildfire_00001805_post_disaster.png,2,808,20,21740,00001805 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001805_pre_disaster.png,portugal-wildfire_00001805_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001805_pre_disaster.png,0,0,28,31213,00001805 +3,952,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001806_post_disaster.png,portugal-wildfire_00001806_post_disaster,2,412,tier3\masks\portugal-wildfire_00001806_post_disaster.png,0,0,3,15479,00001806 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001806_pre_disaster.png,portugal-wildfire_00001806_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001806_pre_disaster.png,0,0,8,16843,00001806 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001807_post_disaster.png,portugal-wildfire_00001807_post_disaster,0,0,tier3\masks\portugal-wildfire_00001807_post_disaster.png,0,0,0,0,00001807 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001807_pre_disaster.png,portugal-wildfire_00001807_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001807_pre_disaster.png,0,0,0,0,00001807 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001808_post_disaster.png,portugal-wildfire_00001808_post_disaster,0,0,tier3\masks\portugal-wildfire_00001808_post_disaster.png,0,0,3,1348,00001808 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001808_pre_disaster.png,portugal-wildfire_00001808_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001808_pre_disaster.png,0,0,3,1348,00001808 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001809_post_disaster.png,portugal-wildfire_00001809_post_disaster,0,0,tier3\masks\portugal-wildfire_00001809_post_disaster.png,0,0,0,0,00001809 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001809_pre_disaster.png,portugal-wildfire_00001809_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001809_pre_disaster.png,0,0,0,0,00001809 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001810_post_disaster.png,portugal-wildfire_00001810_post_disaster,0,0,tier3\masks\portugal-wildfire_00001810_post_disaster.png,0,0,0,0,00001810 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001810_pre_disaster.png,portugal-wildfire_00001810_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001810_pre_disaster.png,0,0,0,0,00001810 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001811_post_disaster.png,portugal-wildfire_00001811_post_disaster,0,0,tier3\masks\portugal-wildfire_00001811_post_disaster.png,0,0,0,0,00001811 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001811_pre_disaster.png,portugal-wildfire_00001811_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001811_pre_disaster.png,0,0,0,0,00001811 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001812_post_disaster.png,portugal-wildfire_00001812_post_disaster,0,0,tier3\masks\portugal-wildfire_00001812_post_disaster.png,0,0,0,0,00001812 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001812_pre_disaster.png,portugal-wildfire_00001812_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001812_pre_disaster.png,0,0,0,0,00001812 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001813_post_disaster.png,portugal-wildfire_00001813_post_disaster,0,0,tier3\masks\portugal-wildfire_00001813_post_disaster.png,0,0,9,5039,00001813 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001813_pre_disaster.png,portugal-wildfire_00001813_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001813_pre_disaster.png,0,0,9,5039,00001813 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001814_post_disaster.png,portugal-wildfire_00001814_post_disaster,0,0,tier3\masks\portugal-wildfire_00001814_post_disaster.png,0,0,0,0,00001814 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001814_pre_disaster.png,portugal-wildfire_00001814_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001814_pre_disaster.png,0,0,0,0,00001814 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001815_post_disaster.png,portugal-wildfire_00001815_post_disaster,0,0,tier3\masks\portugal-wildfire_00001815_post_disaster.png,0,0,0,0,00001815 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001815_pre_disaster.png,portugal-wildfire_00001815_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001815_pre_disaster.png,0,0,0,0,00001815 +8,3729,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001816_post_disaster.png,portugal-wildfire_00001816_post_disaster,0,0,tier3\masks\portugal-wildfire_00001816_post_disaster.png,3,4214,21,14575,00001816 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001816_pre_disaster.png,portugal-wildfire_00001816_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001816_pre_disaster.png,0,0,29,22540,00001816 +4,2907,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001817_post_disaster.png,portugal-wildfire_00001817_post_disaster,0,0,tier3\masks\portugal-wildfire_00001817_post_disaster.png,5,3677,20,13291,00001817 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001817_pre_disaster.png,portugal-wildfire_00001817_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001817_pre_disaster.png,0,0,27,19875,00001817 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001818_post_disaster.png,portugal-wildfire_00001818_post_disaster,0,0,tier3\masks\portugal-wildfire_00001818_post_disaster.png,0,0,7,3799,00001818 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001818_pre_disaster.png,portugal-wildfire_00001818_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001818_pre_disaster.png,0,0,7,3819,00001818 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001819_post_disaster.png,portugal-wildfire_00001819_post_disaster,0,0,tier3\masks\portugal-wildfire_00001819_post_disaster.png,0,0,0,0,00001819 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001819_pre_disaster.png,portugal-wildfire_00001819_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001819_pre_disaster.png,0,0,0,0,00001819 +7,2190,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001820_post_disaster.png,portugal-wildfire_00001820_post_disaster,1,308,tier3\masks\portugal-wildfire_00001820_post_disaster.png,4,1363,77,40132,00001820 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001820_pre_disaster.png,portugal-wildfire_00001820_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001820_pre_disaster.png,0,0,86,44065,00001820 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001821_post_disaster.png,portugal-wildfire_00001821_post_disaster,0,0,tier3\masks\portugal-wildfire_00001821_post_disaster.png,0,0,0,0,00001821 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001821_pre_disaster.png,portugal-wildfire_00001821_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001821_pre_disaster.png,0,0,0,0,00001821 +4,1021,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001822_post_disaster.png,portugal-wildfire_00001822_post_disaster,0,0,tier3\masks\portugal-wildfire_00001822_post_disaster.png,0,0,17,7326,00001822 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001822_pre_disaster.png,portugal-wildfire_00001822_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001822_pre_disaster.png,0,0,21,8347,00001822 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001823_post_disaster.png,portugal-wildfire_00001823_post_disaster,0,0,tier3\masks\portugal-wildfire_00001823_post_disaster.png,1,878,0,0,00001823 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001823_pre_disaster.png,portugal-wildfire_00001823_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001823_pre_disaster.png,0,0,1,878,00001823 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001824_post_disaster.png,portugal-wildfire_00001824_post_disaster,0,0,tier3\masks\portugal-wildfire_00001824_post_disaster.png,0,0,1,62,00001824 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001824_pre_disaster.png,portugal-wildfire_00001824_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001824_pre_disaster.png,0,0,1,62,00001824 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001825_post_disaster.png,portugal-wildfire_00001825_post_disaster,0,0,tier3\masks\portugal-wildfire_00001825_post_disaster.png,0,0,5,2363,00001825 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001825_pre_disaster.png,portugal-wildfire_00001825_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001825_pre_disaster.png,0,0,5,2363,00001825 +4,2160,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001826_post_disaster.png,portugal-wildfire_00001826_post_disaster,0,0,tier3\masks\portugal-wildfire_00001826_post_disaster.png,0,0,5,6268,00001826 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001826_pre_disaster.png,portugal-wildfire_00001826_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001826_pre_disaster.png,0,0,9,8428,00001826 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001827_post_disaster.png,portugal-wildfire_00001827_post_disaster,0,0,tier3\masks\portugal-wildfire_00001827_post_disaster.png,0,0,0,0,00001827 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001827_pre_disaster.png,portugal-wildfire_00001827_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001827_pre_disaster.png,0,0,0,0,00001827 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001828_post_disaster.png,portugal-wildfire_00001828_post_disaster,0,0,tier3\masks\portugal-wildfire_00001828_post_disaster.png,0,0,13,6749,00001828 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001828_pre_disaster.png,portugal-wildfire_00001828_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001828_pre_disaster.png,0,0,13,6749,00001828 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001829_post_disaster.png,portugal-wildfire_00001829_post_disaster,0,0,tier3\masks\portugal-wildfire_00001829_post_disaster.png,0,0,0,0,00001829 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001829_pre_disaster.png,portugal-wildfire_00001829_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001829_pre_disaster.png,0,0,0,0,00001829 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001830_post_disaster.png,portugal-wildfire_00001830_post_disaster,0,0,tier3\masks\portugal-wildfire_00001830_post_disaster.png,0,0,9,3030,00001830 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001830_pre_disaster.png,portugal-wildfire_00001830_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001830_pre_disaster.png,0,0,9,3030,00001830 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001831_post_disaster.png,portugal-wildfire_00001831_post_disaster,0,0,tier3\masks\portugal-wildfire_00001831_post_disaster.png,0,0,0,0,00001831 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001831_pre_disaster.png,portugal-wildfire_00001831_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001831_pre_disaster.png,0,0,0,0,00001831 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001832_post_disaster.png,portugal-wildfire_00001832_post_disaster,0,0,tier3\masks\portugal-wildfire_00001832_post_disaster.png,0,0,0,0,00001832 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001832_pre_disaster.png,portugal-wildfire_00001832_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001832_pre_disaster.png,0,0,0,0,00001832 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001833_post_disaster.png,portugal-wildfire_00001833_post_disaster,0,0,tier3\masks\portugal-wildfire_00001833_post_disaster.png,0,0,1,188,00001833 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001833_pre_disaster.png,portugal-wildfire_00001833_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001833_pre_disaster.png,0,0,1,188,00001833 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001834_post_disaster.png,portugal-wildfire_00001834_post_disaster,0,0,tier3\masks\portugal-wildfire_00001834_post_disaster.png,0,0,0,0,00001834 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001834_pre_disaster.png,portugal-wildfire_00001834_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001834_pre_disaster.png,0,0,0,0,00001834 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001835_post_disaster.png,portugal-wildfire_00001835_post_disaster,0,0,tier3\masks\portugal-wildfire_00001835_post_disaster.png,0,0,0,0,00001835 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001835_pre_disaster.png,portugal-wildfire_00001835_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001835_pre_disaster.png,0,0,0,0,00001835 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001836_post_disaster.png,portugal-wildfire_00001836_post_disaster,0,0,tier3\masks\portugal-wildfire_00001836_post_disaster.png,0,0,0,0,00001836 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001836_pre_disaster.png,portugal-wildfire_00001836_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001836_pre_disaster.png,0,0,0,0,00001836 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001837_post_disaster.png,portugal-wildfire_00001837_post_disaster,0,0,tier3\masks\portugal-wildfire_00001837_post_disaster.png,0,0,1,815,00001837 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001837_pre_disaster.png,portugal-wildfire_00001837_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001837_pre_disaster.png,0,0,1,815,00001837 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001838_post_disaster.png,portugal-wildfire_00001838_post_disaster,0,0,tier3\masks\portugal-wildfire_00001838_post_disaster.png,0,0,1,115,00001838 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001838_pre_disaster.png,portugal-wildfire_00001838_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001838_pre_disaster.png,0,0,1,115,00001838 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001839_post_disaster.png,portugal-wildfire_00001839_post_disaster,0,0,tier3\masks\portugal-wildfire_00001839_post_disaster.png,0,0,0,0,00001839 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001839_pre_disaster.png,portugal-wildfire_00001839_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001839_pre_disaster.png,0,0,0,0,00001839 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001840_post_disaster.png,portugal-wildfire_00001840_post_disaster,0,0,tier3\masks\portugal-wildfire_00001840_post_disaster.png,0,0,0,0,00001840 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001840_pre_disaster.png,portugal-wildfire_00001840_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001840_pre_disaster.png,0,0,0,0,00001840 +5,1782,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001841_post_disaster.png,portugal-wildfire_00001841_post_disaster,0,0,tier3\masks\portugal-wildfire_00001841_post_disaster.png,1,209,21,14556,00001841 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001841_pre_disaster.png,portugal-wildfire_00001841_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001841_pre_disaster.png,0,0,26,16661,00001841 +3,1188,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001842_post_disaster.png,portugal-wildfire_00001842_post_disaster,1,234,tier3\masks\portugal-wildfire_00001842_post_disaster.png,3,2465,42,28631,00001842 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001842_pre_disaster.png,portugal-wildfire_00001842_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001842_pre_disaster.png,0,0,48,32587,00001842 +6,6530,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001843_post_disaster.png,portugal-wildfire_00001843_post_disaster,1,325,tier3\masks\portugal-wildfire_00001843_post_disaster.png,2,976,36,27782,00001843 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001843_pre_disaster.png,portugal-wildfire_00001843_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001843_pre_disaster.png,0,0,42,35724,00001843 +2,806,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001844_post_disaster.png,portugal-wildfire_00001844_post_disaster,0,0,tier3\masks\portugal-wildfire_00001844_post_disaster.png,0,0,1,454,00001844 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001844_pre_disaster.png,portugal-wildfire_00001844_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001844_pre_disaster.png,0,0,3,1260,00001844 +2,887,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001845_post_disaster.png,portugal-wildfire_00001845_post_disaster,1,372,tier3\masks\portugal-wildfire_00001845_post_disaster.png,0,0,13,13255,00001845 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001845_pre_disaster.png,portugal-wildfire_00001845_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001845_pre_disaster.png,0,0,16,14514,00001845 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001846_post_disaster.png,portugal-wildfire_00001846_post_disaster,0,0,tier3\masks\portugal-wildfire_00001846_post_disaster.png,0,0,3,2036,00001846 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001846_pre_disaster.png,portugal-wildfire_00001846_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001846_pre_disaster.png,0,0,3,2036,00001846 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001847_post_disaster.png,portugal-wildfire_00001847_post_disaster,0,0,tier3\masks\portugal-wildfire_00001847_post_disaster.png,0,0,0,0,00001847 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001847_pre_disaster.png,portugal-wildfire_00001847_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001847_pre_disaster.png,0,0,0,0,00001847 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001848_post_disaster.png,portugal-wildfire_00001848_post_disaster,0,0,tier3\masks\portugal-wildfire_00001848_post_disaster.png,0,0,0,0,00001848 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001848_pre_disaster.png,portugal-wildfire_00001848_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001848_pre_disaster.png,0,0,0,0,00001848 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001849_post_disaster.png,portugal-wildfire_00001849_post_disaster,0,0,tier3\masks\portugal-wildfire_00001849_post_disaster.png,0,0,0,0,00001849 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001849_pre_disaster.png,portugal-wildfire_00001849_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001849_pre_disaster.png,0,0,0,0,00001849 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001850_post_disaster.png,portugal-wildfire_00001850_post_disaster,0,0,tier3\masks\portugal-wildfire_00001850_post_disaster.png,0,0,0,0,00001850 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001850_pre_disaster.png,portugal-wildfire_00001850_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001850_pre_disaster.png,0,0,0,0,00001850 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001851_post_disaster.png,portugal-wildfire_00001851_post_disaster,0,0,tier3\masks\portugal-wildfire_00001851_post_disaster.png,0,0,1,432,00001851 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001851_pre_disaster.png,portugal-wildfire_00001851_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001851_pre_disaster.png,0,0,1,432,00001851 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001852_post_disaster.png,portugal-wildfire_00001852_post_disaster,0,0,tier3\masks\portugal-wildfire_00001852_post_disaster.png,0,0,6,2340,00001852 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001852_pre_disaster.png,portugal-wildfire_00001852_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001852_pre_disaster.png,0,0,6,2340,00001852 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001853_post_disaster.png,portugal-wildfire_00001853_post_disaster,0,0,tier3\masks\portugal-wildfire_00001853_post_disaster.png,0,0,0,0,00001853 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001853_pre_disaster.png,portugal-wildfire_00001853_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001853_pre_disaster.png,0,0,0,0,00001853 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001854_post_disaster.png,portugal-wildfire_00001854_post_disaster,0,0,tier3\masks\portugal-wildfire_00001854_post_disaster.png,0,0,1,183,00001854 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001854_pre_disaster.png,portugal-wildfire_00001854_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001854_pre_disaster.png,0,0,1,183,00001854 +9,2515,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001855_post_disaster.png,portugal-wildfire_00001855_post_disaster,0,0,tier3\masks\portugal-wildfire_00001855_post_disaster.png,1,926,23,17613,00001855 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001855_pre_disaster.png,portugal-wildfire_00001855_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001855_pre_disaster.png,0,0,31,21229,00001855 +2,953,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001856_post_disaster.png,portugal-wildfire_00001856_post_disaster,0,0,tier3\masks\portugal-wildfire_00001856_post_disaster.png,0,0,11,11192,00001856 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001856_pre_disaster.png,portugal-wildfire_00001856_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001856_pre_disaster.png,0,0,11,12145,00001856 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001857_post_disaster.png,portugal-wildfire_00001857_post_disaster,0,0,tier3\masks\portugal-wildfire_00001857_post_disaster.png,0,0,0,0,00001857 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001857_pre_disaster.png,portugal-wildfire_00001857_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001857_pre_disaster.png,0,0,0,0,00001857 +5,1301,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001858_post_disaster.png,portugal-wildfire_00001858_post_disaster,0,0,tier3\masks\portugal-wildfire_00001858_post_disaster.png,1,747,46,38744,00001858 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001858_pre_disaster.png,portugal-wildfire_00001858_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001858_pre_disaster.png,0,0,52,40792,00001858 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001859_post_disaster.png,portugal-wildfire_00001859_post_disaster,0,0,tier3\masks\portugal-wildfire_00001859_post_disaster.png,0,0,10,9005,00001859 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001859_pre_disaster.png,portugal-wildfire_00001859_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001859_pre_disaster.png,0,0,10,9005,00001859 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001860_post_disaster.png,portugal-wildfire_00001860_post_disaster,0,0,tier3\masks\portugal-wildfire_00001860_post_disaster.png,0,0,1,701,00001860 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001860_pre_disaster.png,portugal-wildfire_00001860_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001860_pre_disaster.png,0,0,1,701,00001860 +2,1543,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001861_post_disaster.png,portugal-wildfire_00001861_post_disaster,0,0,tier3\masks\portugal-wildfire_00001861_post_disaster.png,1,353,45,27572,00001861 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001861_pre_disaster.png,portugal-wildfire_00001861_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001861_pre_disaster.png,0,0,48,29511,00001861 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001862_post_disaster.png,portugal-wildfire_00001862_post_disaster,0,0,tier3\masks\portugal-wildfire_00001862_post_disaster.png,0,0,0,0,00001862 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001862_pre_disaster.png,portugal-wildfire_00001862_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001862_pre_disaster.png,0,0,0,0,00001862 +1,629,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001863_post_disaster.png,portugal-wildfire_00001863_post_disaster,0,0,tier3\masks\portugal-wildfire_00001863_post_disaster.png,0,0,0,0,00001863 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001863_pre_disaster.png,portugal-wildfire_00001863_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001863_pre_disaster.png,0,0,1,629,00001863 +3,458,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001864_post_disaster.png,portugal-wildfire_00001864_post_disaster,0,0,tier3\masks\portugal-wildfire_00001864_post_disaster.png,0,0,4,831,00001864 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001864_pre_disaster.png,portugal-wildfire_00001864_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001864_pre_disaster.png,0,0,7,1289,00001864 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001865_post_disaster.png,portugal-wildfire_00001865_post_disaster,0,0,tier3\masks\portugal-wildfire_00001865_post_disaster.png,0,0,0,0,00001865 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001865_pre_disaster.png,portugal-wildfire_00001865_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001865_pre_disaster.png,0,0,0,0,00001865 +2,385,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001866_post_disaster.png,portugal-wildfire_00001866_post_disaster,0,0,tier3\masks\portugal-wildfire_00001866_post_disaster.png,0,0,2,546,00001866 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001866_pre_disaster.png,portugal-wildfire_00001866_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001866_pre_disaster.png,0,0,4,931,00001866 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001867_post_disaster.png,portugal-wildfire_00001867_post_disaster,0,0,tier3\masks\portugal-wildfire_00001867_post_disaster.png,0,0,0,0,00001867 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001867_pre_disaster.png,portugal-wildfire_00001867_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001867_pre_disaster.png,0,0,0,0,00001867 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001868_post_disaster.png,portugal-wildfire_00001868_post_disaster,0,0,tier3\masks\portugal-wildfire_00001868_post_disaster.png,0,0,0,0,00001868 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001868_pre_disaster.png,portugal-wildfire_00001868_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001868_pre_disaster.png,0,0,0,0,00001868 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000000_post_disaster.png,sunda-tsunami_00000000_post_disaster,0,0,tier3\masks\sunda-tsunami_00000000_post_disaster.png,0,0,0,0,00000000 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000000_pre_disaster.png,sunda-tsunami_00000000_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000000_pre_disaster.png,0,0,0,0,00000000 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000001_post_disaster.png,sunda-tsunami_00000001_post_disaster,0,0,tier3\masks\sunda-tsunami_00000001_post_disaster.png,0,0,196,234361,00000001 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000001_pre_disaster.png,sunda-tsunami_00000001_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000001_pre_disaster.png,0,0,196,234624,00000001 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000002_post_disaster.png,sunda-tsunami_00000002_post_disaster,0,0,tier3\masks\sunda-tsunami_00000002_post_disaster.png,0,0,53,41617,00000002 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000002_pre_disaster.png,sunda-tsunami_00000002_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000002_pre_disaster.png,0,0,53,41681,00000002 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000003_post_disaster.png,sunda-tsunami_00000003_post_disaster,0,0,tier3\masks\sunda-tsunami_00000003_post_disaster.png,0,0,0,0,00000003 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000003_pre_disaster.png,sunda-tsunami_00000003_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000003_pre_disaster.png,0,0,0,0,00000003 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000004_post_disaster.png,sunda-tsunami_00000004_post_disaster,0,0,tier3\masks\sunda-tsunami_00000004_post_disaster.png,0,0,215,202699,00000004 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000004_pre_disaster.png,sunda-tsunami_00000004_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000004_pre_disaster.png,0,0,215,202958,00000004 +2,887,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000005_post_disaster.png,sunda-tsunami_00000005_post_disaster,0,0,tier3\masks\sunda-tsunami_00000005_post_disaster.png,2,518,35,19757,00000005 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000005_pre_disaster.png,sunda-tsunami_00000005_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000005_pre_disaster.png,0,0,38,21142,00000005 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000006_post_disaster.png,sunda-tsunami_00000006_post_disaster,0,0,tier3\masks\sunda-tsunami_00000006_post_disaster.png,0,0,181,183946,00000006 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000006_pre_disaster.png,sunda-tsunami_00000006_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000006_pre_disaster.png,0,0,181,183945,00000006 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000007_post_disaster.png,sunda-tsunami_00000007_post_disaster,0,0,tier3\masks\sunda-tsunami_00000007_post_disaster.png,0,0,4,2813,00000007 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000007_pre_disaster.png,sunda-tsunami_00000007_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000007_pre_disaster.png,0,0,4,2813,00000007 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000008_post_disaster.png,sunda-tsunami_00000008_post_disaster,0,0,tier3\masks\sunda-tsunami_00000008_post_disaster.png,0,0,17,24668,00000008 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000008_pre_disaster.png,sunda-tsunami_00000008_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000008_pre_disaster.png,0,0,18,24683,00000008 +23,12650,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000009_post_disaster.png,sunda-tsunami_00000009_post_disaster,0,0,tier3\masks\sunda-tsunami_00000009_post_disaster.png,6,3115,113,212052,00000009 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000009_pre_disaster.png,sunda-tsunami_00000009_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000009_pre_disaster.png,0,0,119,228048,00000009 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000010_post_disaster.png,sunda-tsunami_00000010_post_disaster,0,0,tier3\masks\sunda-tsunami_00000010_post_disaster.png,0,0,143,121765,00000010 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000010_pre_disaster.png,sunda-tsunami_00000010_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000010_pre_disaster.png,0,0,143,121931,00000010 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000011_post_disaster.png,sunda-tsunami_00000011_post_disaster,0,0,tier3\masks\sunda-tsunami_00000011_post_disaster.png,0,0,29,20684,00000011 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000011_pre_disaster.png,sunda-tsunami_00000011_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000011_pre_disaster.png,0,0,29,20684,00000011 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000012_post_disaster.png,sunda-tsunami_00000012_post_disaster,0,0,tier3\masks\sunda-tsunami_00000012_post_disaster.png,0,0,79,110450,00000012 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000012_pre_disaster.png,sunda-tsunami_00000012_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000012_pre_disaster.png,0,0,79,110660,00000012 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000013_post_disaster.png,sunda-tsunami_00000013_post_disaster,0,0,tier3\masks\sunda-tsunami_00000013_post_disaster.png,0,0,104,92101,00000013 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000013_pre_disaster.png,sunda-tsunami_00000013_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000013_pre_disaster.png,0,0,104,92409,00000013 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000014_post_disaster.png,sunda-tsunami_00000014_post_disaster,0,0,tier3\masks\sunda-tsunami_00000014_post_disaster.png,0,0,72,43162,00000014 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000014_pre_disaster.png,sunda-tsunami_00000014_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000014_pre_disaster.png,0,0,72,43166,00000014 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000015_post_disaster.png,sunda-tsunami_00000015_post_disaster,0,0,tier3\masks\sunda-tsunami_00000015_post_disaster.png,0,0,0,0,00000015 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000015_pre_disaster.png,sunda-tsunami_00000015_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000015_pre_disaster.png,0,0,0,0,00000015 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000016_post_disaster.png,sunda-tsunami_00000016_post_disaster,0,0,tier3\masks\sunda-tsunami_00000016_post_disaster.png,0,0,196,597939,00000016 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000016_pre_disaster.png,sunda-tsunami_00000016_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000016_pre_disaster.png,0,0,196,598313,00000016 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000017_post_disaster.png,sunda-tsunami_00000017_post_disaster,0,0,tier3\masks\sunda-tsunami_00000017_post_disaster.png,0,0,65,56609,00000017 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000017_pre_disaster.png,sunda-tsunami_00000017_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000017_pre_disaster.png,0,0,65,56609,00000017 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000018_post_disaster.png,sunda-tsunami_00000018_post_disaster,0,0,tier3\masks\sunda-tsunami_00000018_post_disaster.png,0,0,110,170358,00000018 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000018_pre_disaster.png,sunda-tsunami_00000018_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000018_pre_disaster.png,0,0,110,170346,00000018 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000019_post_disaster.png,sunda-tsunami_00000019_post_disaster,0,0,tier3\masks\sunda-tsunami_00000019_post_disaster.png,0,0,50,38988,00000019 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000019_pre_disaster.png,sunda-tsunami_00000019_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000019_pre_disaster.png,0,0,50,39268,00000019 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000020_post_disaster.png,sunda-tsunami_00000020_post_disaster,0,0,tier3\masks\sunda-tsunami_00000020_post_disaster.png,0,0,75,71066,00000020 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000020_pre_disaster.png,sunda-tsunami_00000020_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000020_pre_disaster.png,0,0,75,71070,00000020 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000021_post_disaster.png,sunda-tsunami_00000021_post_disaster,0,0,tier3\masks\sunda-tsunami_00000021_post_disaster.png,0,0,31,13098,00000021 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000021_pre_disaster.png,sunda-tsunami_00000021_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000021_pre_disaster.png,0,0,31,13098,00000021 +5,9717,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000022_post_disaster.png,sunda-tsunami_00000022_post_disaster,0,0,tier3\masks\sunda-tsunami_00000022_post_disaster.png,0,0,109,104575,00000022 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000022_pre_disaster.png,sunda-tsunami_00000022_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000022_pre_disaster.png,0,0,114,114349,00000022 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000023_post_disaster.png,sunda-tsunami_00000023_post_disaster,0,0,tier3\masks\sunda-tsunami_00000023_post_disaster.png,3,2343,323,409728,00000023 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000023_pre_disaster.png,sunda-tsunami_00000023_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000023_pre_disaster.png,0,0,321,412448,00000023 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000024_post_disaster.png,sunda-tsunami_00000024_post_disaster,0,0,tier3\masks\sunda-tsunami_00000024_post_disaster.png,1,249,38,24119,00000024 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000024_pre_disaster.png,sunda-tsunami_00000024_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000024_pre_disaster.png,0,0,39,24372,00000024 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000025_post_disaster.png,sunda-tsunami_00000025_post_disaster,0,0,tier3\masks\sunda-tsunami_00000025_post_disaster.png,0,0,73,85521,00000025 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000025_pre_disaster.png,sunda-tsunami_00000025_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000025_pre_disaster.png,0,0,73,85526,00000025 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000026_post_disaster.png,sunda-tsunami_00000026_post_disaster,0,0,tier3\masks\sunda-tsunami_00000026_post_disaster.png,0,0,51,27681,00000026 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000026_pre_disaster.png,sunda-tsunami_00000026_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000026_pre_disaster.png,0,0,51,27717,00000026 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000027_post_disaster.png,sunda-tsunami_00000027_post_disaster,0,0,tier3\masks\sunda-tsunami_00000027_post_disaster.png,0,0,154,259580,00000027 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000027_pre_disaster.png,sunda-tsunami_00000027_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000027_pre_disaster.png,0,0,154,259645,00000027 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000028_post_disaster.png,sunda-tsunami_00000028_post_disaster,0,0,tier3\masks\sunda-tsunami_00000028_post_disaster.png,0,0,3,2959,00000028 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000028_pre_disaster.png,sunda-tsunami_00000028_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000028_pre_disaster.png,0,0,3,2959,00000028 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000029_post_disaster.png,sunda-tsunami_00000029_post_disaster,0,0,tier3\masks\sunda-tsunami_00000029_post_disaster.png,0,0,74,129141,00000029 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000029_pre_disaster.png,sunda-tsunami_00000029_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000029_pre_disaster.png,0,0,74,129141,00000029 +2,373,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000030_post_disaster.png,sunda-tsunami_00000030_post_disaster,0,0,tier3\masks\sunda-tsunami_00000030_post_disaster.png,2,2771,56,53232,00000030 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000030_pre_disaster.png,sunda-tsunami_00000030_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000030_pre_disaster.png,0,0,60,56376,00000030 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000031_post_disaster.png,sunda-tsunami_00000031_post_disaster,0,0,tier3\masks\sunda-tsunami_00000031_post_disaster.png,0,0,4,8617,00000031 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000031_pre_disaster.png,sunda-tsunami_00000031_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000031_pre_disaster.png,0,0,4,8659,00000031 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000032_post_disaster.png,sunda-tsunami_00000032_post_disaster,0,0,tier3\masks\sunda-tsunami_00000032_post_disaster.png,0,0,159,126206,00000032 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000032_pre_disaster.png,sunda-tsunami_00000032_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000032_pre_disaster.png,0,0,159,126208,00000032 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000033_post_disaster.png,sunda-tsunami_00000033_post_disaster,0,0,tier3\masks\sunda-tsunami_00000033_post_disaster.png,0,0,35,50742,00000033 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000033_pre_disaster.png,sunda-tsunami_00000033_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000033_pre_disaster.png,0,0,35,50740,00000033 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000034_post_disaster.png,sunda-tsunami_00000034_post_disaster,0,0,tier3\masks\sunda-tsunami_00000034_post_disaster.png,0,0,80,56765,00000034 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000034_pre_disaster.png,sunda-tsunami_00000034_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000034_pre_disaster.png,0,0,80,56759,00000034 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000035_post_disaster.png,sunda-tsunami_00000035_post_disaster,0,0,tier3\masks\sunda-tsunami_00000035_post_disaster.png,0,0,132,131512,00000035 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000035_pre_disaster.png,sunda-tsunami_00000035_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000035_pre_disaster.png,0,0,132,131526,00000035 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000036_post_disaster.png,sunda-tsunami_00000036_post_disaster,0,0,tier3\masks\sunda-tsunami_00000036_post_disaster.png,0,0,31,33335,00000036 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000036_pre_disaster.png,sunda-tsunami_00000036_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000036_pre_disaster.png,0,0,31,33335,00000036 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000037_post_disaster.png,sunda-tsunami_00000037_post_disaster,0,0,tier3\masks\sunda-tsunami_00000037_post_disaster.png,0,0,18,14355,00000037 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000037_pre_disaster.png,sunda-tsunami_00000037_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000037_pre_disaster.png,0,0,18,14358,00000037 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000038_post_disaster.png,sunda-tsunami_00000038_post_disaster,0,0,tier3\masks\sunda-tsunami_00000038_post_disaster.png,0,0,144,82547,00000038 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000038_pre_disaster.png,sunda-tsunami_00000038_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000038_pre_disaster.png,0,0,144,82513,00000038 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000039_post_disaster.png,sunda-tsunami_00000039_post_disaster,0,0,tier3\masks\sunda-tsunami_00000039_post_disaster.png,0,0,1,103,00000039 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000039_pre_disaster.png,sunda-tsunami_00000039_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000039_pre_disaster.png,0,0,1,103,00000039 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000040_post_disaster.png,sunda-tsunami_00000040_post_disaster,0,0,tier3\masks\sunda-tsunami_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000040_pre_disaster.png,sunda-tsunami_00000040_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000040_pre_disaster.png,0,0,0,0,00000040 +9,6118,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000041_post_disaster.png,sunda-tsunami_00000041_post_disaster,0,0,tier3\masks\sunda-tsunami_00000041_post_disaster.png,2,1566,52,34305,00000041 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000041_pre_disaster.png,sunda-tsunami_00000041_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000041_pre_disaster.png,0,0,63,42063,00000041 +11,2976,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000042_post_disaster.png,sunda-tsunami_00000042_post_disaster,0,0,tier3\masks\sunda-tsunami_00000042_post_disaster.png,10,3750,68,48507,00000042 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000042_pre_disaster.png,sunda-tsunami_00000042_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000042_pre_disaster.png,0,0,83,55374,00000042 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000043_post_disaster.png,sunda-tsunami_00000043_post_disaster,0,0,tier3\masks\sunda-tsunami_00000043_post_disaster.png,0,0,3,896,00000043 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000043_pre_disaster.png,sunda-tsunami_00000043_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000043_pre_disaster.png,0,0,3,896,00000043 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000044_post_disaster.png,sunda-tsunami_00000044_post_disaster,0,0,tier3\masks\sunda-tsunami_00000044_post_disaster.png,0,0,0,0,00000044 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000044_pre_disaster.png,sunda-tsunami_00000044_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000044_pre_disaster.png,0,0,0,0,00000044 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000045_post_disaster.png,sunda-tsunami_00000045_post_disaster,0,0,tier3\masks\sunda-tsunami_00000045_post_disaster.png,8,7715,32,16990,00000045 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000045_pre_disaster.png,sunda-tsunami_00000045_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000045_pre_disaster.png,0,0,40,24730,00000045 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000046_post_disaster.png,sunda-tsunami_00000046_post_disaster,0,0,tier3\masks\sunda-tsunami_00000046_post_disaster.png,0,0,40,21900,00000046 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000046_pre_disaster.png,sunda-tsunami_00000046_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000046_pre_disaster.png,0,0,40,21900,00000046 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000047_post_disaster.png,sunda-tsunami_00000047_post_disaster,0,0,tier3\masks\sunda-tsunami_00000047_post_disaster.png,2,1314,36,17666,00000047 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000047_pre_disaster.png,sunda-tsunami_00000047_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000047_pre_disaster.png,0,0,38,19062,00000047 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000048_post_disaster.png,sunda-tsunami_00000048_post_disaster,0,0,tier3\masks\sunda-tsunami_00000048_post_disaster.png,0,0,0,0,00000048 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000048_pre_disaster.png,sunda-tsunami_00000048_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000048_pre_disaster.png,0,0,0,0,00000048 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000049_post_disaster.png,sunda-tsunami_00000049_post_disaster,0,0,tier3\masks\sunda-tsunami_00000049_post_disaster.png,0,0,58,79292,00000049 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000049_pre_disaster.png,sunda-tsunami_00000049_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000049_pre_disaster.png,0,0,57,79400,00000049 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000050_post_disaster.png,sunda-tsunami_00000050_post_disaster,0,0,tier3\masks\sunda-tsunami_00000050_post_disaster.png,0,0,0,0,00000050 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000050_pre_disaster.png,sunda-tsunami_00000050_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000050_pre_disaster.png,0,0,0,0,00000050 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000051_post_disaster.png,sunda-tsunami_00000051_post_disaster,0,0,tier3\masks\sunda-tsunami_00000051_post_disaster.png,0,0,44,27941,00000051 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000051_pre_disaster.png,sunda-tsunami_00000051_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000051_pre_disaster.png,0,0,44,27988,00000051 +17,10586,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000052_post_disaster.png,sunda-tsunami_00000052_post_disaster,0,0,tier3\masks\sunda-tsunami_00000052_post_disaster.png,12,6815,89,388889,00000052 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000052_pre_disaster.png,sunda-tsunami_00000052_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000052_pre_disaster.png,0,0,94,406581,00000052 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000053_post_disaster.png,sunda-tsunami_00000053_post_disaster,0,0,tier3\masks\sunda-tsunami_00000053_post_disaster.png,0,0,99,121351,00000053 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000053_pre_disaster.png,sunda-tsunami_00000053_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000053_pre_disaster.png,0,0,99,121463,00000053 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000054_post_disaster.png,sunda-tsunami_00000054_post_disaster,0,0,tier3\masks\sunda-tsunami_00000054_post_disaster.png,0,0,2,680,00000054 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000054_pre_disaster.png,sunda-tsunami_00000054_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000054_pre_disaster.png,0,0,2,680,00000054 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000055_post_disaster.png,sunda-tsunami_00000055_post_disaster,0,0,tier3\masks\sunda-tsunami_00000055_post_disaster.png,0,0,165,550939,00000055 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000055_pre_disaster.png,sunda-tsunami_00000055_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000055_pre_disaster.png,0,0,165,551661,00000055 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000056_post_disaster.png,sunda-tsunami_00000056_post_disaster,0,0,tier3\masks\sunda-tsunami_00000056_post_disaster.png,0,0,217,216444,00000056 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000056_pre_disaster.png,sunda-tsunami_00000056_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000056_pre_disaster.png,0,0,217,216505,00000056 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000057_post_disaster.png,sunda-tsunami_00000057_post_disaster,0,0,tier3\masks\sunda-tsunami_00000057_post_disaster.png,0,0,37,19421,00000057 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000057_pre_disaster.png,sunda-tsunami_00000057_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000057_pre_disaster.png,0,0,37,19421,00000057 +2,988,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000058_post_disaster.png,sunda-tsunami_00000058_post_disaster,0,0,tier3\masks\sunda-tsunami_00000058_post_disaster.png,0,0,16,21219,00000058 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000058_pre_disaster.png,sunda-tsunami_00000058_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000058_pre_disaster.png,0,0,18,22251,00000058 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000059_post_disaster.png,sunda-tsunami_00000059_post_disaster,0,0,tier3\masks\sunda-tsunami_00000059_post_disaster.png,0,0,207,442754,00000059 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000059_pre_disaster.png,sunda-tsunami_00000059_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000059_pre_disaster.png,0,0,207,443164,00000059 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000060_post_disaster.png,sunda-tsunami_00000060_post_disaster,0,0,tier3\masks\sunda-tsunami_00000060_post_disaster.png,0,0,116,124589,00000060 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000060_pre_disaster.png,sunda-tsunami_00000060_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000060_pre_disaster.png,0,0,116,124583,00000060 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000061_post_disaster.png,sunda-tsunami_00000061_post_disaster,0,0,tier3\masks\sunda-tsunami_00000061_post_disaster.png,0,0,5,1501,00000061 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000061_pre_disaster.png,sunda-tsunami_00000061_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000061_pre_disaster.png,0,0,5,1501,00000061 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000062_post_disaster.png,sunda-tsunami_00000062_post_disaster,0,0,tier3\masks\sunda-tsunami_00000062_post_disaster.png,0,0,0,0,00000062 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000062_pre_disaster.png,sunda-tsunami_00000062_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000062_pre_disaster.png,0,0,0,0,00000062 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000063_post_disaster.png,sunda-tsunami_00000063_post_disaster,0,0,tier3\masks\sunda-tsunami_00000063_post_disaster.png,0,0,88,117375,00000063 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000063_pre_disaster.png,sunda-tsunami_00000063_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000063_pre_disaster.png,0,0,88,117388,00000063 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000064_post_disaster.png,sunda-tsunami_00000064_post_disaster,0,0,tier3\masks\sunda-tsunami_00000064_post_disaster.png,0,0,56,67896,00000064 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000064_pre_disaster.png,sunda-tsunami_00000064_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000064_pre_disaster.png,0,0,56,67896,00000064 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000065_post_disaster.png,sunda-tsunami_00000065_post_disaster,0,0,tier3\masks\sunda-tsunami_00000065_post_disaster.png,0,0,39,56470,00000065 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000065_pre_disaster.png,sunda-tsunami_00000065_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000065_pre_disaster.png,0,0,39,56470,00000065 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000066_post_disaster.png,sunda-tsunami_00000066_post_disaster,0,0,tier3\masks\sunda-tsunami_00000066_post_disaster.png,0,0,0,0,00000066 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000066_pre_disaster.png,sunda-tsunami_00000066_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000066_pre_disaster.png,0,0,0,0,00000066 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000067_post_disaster.png,sunda-tsunami_00000067_post_disaster,0,0,tier3\masks\sunda-tsunami_00000067_post_disaster.png,0,0,0,0,00000067 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000067_pre_disaster.png,sunda-tsunami_00000067_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000067_pre_disaster.png,0,0,0,0,00000067 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000068_post_disaster.png,sunda-tsunami_00000068_post_disaster,0,0,tier3\masks\sunda-tsunami_00000068_post_disaster.png,0,0,5,8685,00000068 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000068_pre_disaster.png,sunda-tsunami_00000068_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000068_pre_disaster.png,0,0,5,8800,00000068 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000069_post_disaster.png,sunda-tsunami_00000069_post_disaster,0,0,tier3\masks\sunda-tsunami_00000069_post_disaster.png,0,0,20,14576,00000069 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000069_pre_disaster.png,sunda-tsunami_00000069_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000069_pre_disaster.png,0,0,20,14576,00000069 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000070_post_disaster.png,sunda-tsunami_00000070_post_disaster,0,0,tier3\masks\sunda-tsunami_00000070_post_disaster.png,0,0,1,409,00000070 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000070_pre_disaster.png,sunda-tsunami_00000070_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000070_pre_disaster.png,0,0,1,409,00000070 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000071_post_disaster.png,sunda-tsunami_00000071_post_disaster,0,0,tier3\masks\sunda-tsunami_00000071_post_disaster.png,0,0,0,0,00000071 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000071_pre_disaster.png,sunda-tsunami_00000071_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000071_pre_disaster.png,0,0,0,0,00000071 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000072_post_disaster.png,sunda-tsunami_00000072_post_disaster,0,0,tier3\masks\sunda-tsunami_00000072_post_disaster.png,0,0,0,0,00000072 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000072_pre_disaster.png,sunda-tsunami_00000072_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000072_pre_disaster.png,0,0,0,0,00000072 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000073_post_disaster.png,sunda-tsunami_00000073_post_disaster,0,0,tier3\masks\sunda-tsunami_00000073_post_disaster.png,0,0,68,52877,00000073 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000073_pre_disaster.png,sunda-tsunami_00000073_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000073_pre_disaster.png,0,0,68,52877,00000073 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000074_post_disaster.png,sunda-tsunami_00000074_post_disaster,0,0,tier3\masks\sunda-tsunami_00000074_post_disaster.png,0,0,57,61770,00000074 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000074_pre_disaster.png,sunda-tsunami_00000074_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000074_pre_disaster.png,0,0,57,61760,00000074 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000075_post_disaster.png,sunda-tsunami_00000075_post_disaster,0,0,tier3\masks\sunda-tsunami_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000075_pre_disaster.png,sunda-tsunami_00000075_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000075_pre_disaster.png,0,0,0,0,00000075 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000076_post_disaster.png,sunda-tsunami_00000076_post_disaster,0,0,tier3\masks\sunda-tsunami_00000076_post_disaster.png,0,0,347,218856,00000076 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000076_pre_disaster.png,sunda-tsunami_00000076_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000076_pre_disaster.png,0,0,347,219059,00000076 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000077_post_disaster.png,sunda-tsunami_00000077_post_disaster,0,0,tier3\masks\sunda-tsunami_00000077_post_disaster.png,0,0,0,0,00000077 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000077_pre_disaster.png,sunda-tsunami_00000077_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000077_pre_disaster.png,0,0,0,0,00000077 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000078_post_disaster.png,sunda-tsunami_00000078_post_disaster,0,0,tier3\masks\sunda-tsunami_00000078_post_disaster.png,0,0,104,84919,00000078 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000078_pre_disaster.png,sunda-tsunami_00000078_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000078_pre_disaster.png,0,0,104,84996,00000078 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000079_post_disaster.png,sunda-tsunami_00000079_post_disaster,0,0,tier3\masks\sunda-tsunami_00000079_post_disaster.png,2,1779,0,0,00000079 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000079_pre_disaster.png,sunda-tsunami_00000079_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000079_pre_disaster.png,0,0,2,1779,00000079 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000080_post_disaster.png,sunda-tsunami_00000080_post_disaster,0,0,tier3\masks\sunda-tsunami_00000080_post_disaster.png,0,0,142,100480,00000080 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000080_pre_disaster.png,sunda-tsunami_00000080_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000080_pre_disaster.png,0,0,142,100547,00000080 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000081_post_disaster.png,sunda-tsunami_00000081_post_disaster,0,0,tier3\masks\sunda-tsunami_00000081_post_disaster.png,0,0,68,78027,00000081 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000081_pre_disaster.png,sunda-tsunami_00000081_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000081_pre_disaster.png,0,0,69,78107,00000081 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000082_post_disaster.png,sunda-tsunami_00000082_post_disaster,0,0,tier3\masks\sunda-tsunami_00000082_post_disaster.png,0,0,146,120435,00000082 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000082_pre_disaster.png,sunda-tsunami_00000082_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000082_pre_disaster.png,0,0,146,120452,00000082 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000083_post_disaster.png,sunda-tsunami_00000083_post_disaster,0,0,tier3\masks\sunda-tsunami_00000083_post_disaster.png,0,0,11,57598,00000083 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000083_pre_disaster.png,sunda-tsunami_00000083_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000083_pre_disaster.png,0,0,11,57646,00000083 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000084_post_disaster.png,sunda-tsunami_00000084_post_disaster,0,0,tier3\masks\sunda-tsunami_00000084_post_disaster.png,0,0,155,219496,00000084 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000084_pre_disaster.png,sunda-tsunami_00000084_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000084_pre_disaster.png,0,0,155,219569,00000084 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000085_post_disaster.png,sunda-tsunami_00000085_post_disaster,0,0,tier3\masks\sunda-tsunami_00000085_post_disaster.png,0,0,55,45232,00000085 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000085_pre_disaster.png,sunda-tsunami_00000085_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000085_pre_disaster.png,0,0,55,45428,00000085 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000086_post_disaster.png,sunda-tsunami_00000086_post_disaster,0,0,tier3\masks\sunda-tsunami_00000086_post_disaster.png,0,0,0,0,00000086 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000086_pre_disaster.png,sunda-tsunami_00000086_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000086_pre_disaster.png,0,0,0,0,00000086 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000087_post_disaster.png,sunda-tsunami_00000087_post_disaster,0,0,tier3\masks\sunda-tsunami_00000087_post_disaster.png,0,0,40,30187,00000087 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000087_pre_disaster.png,sunda-tsunami_00000087_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000087_pre_disaster.png,0,0,40,30254,00000087 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000088_post_disaster.png,sunda-tsunami_00000088_post_disaster,0,0,tier3\masks\sunda-tsunami_00000088_post_disaster.png,0,0,0,0,00000088 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000088_pre_disaster.png,sunda-tsunami_00000088_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000088_pre_disaster.png,0,0,0,0,00000088 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000089_post_disaster.png,sunda-tsunami_00000089_post_disaster,0,0,tier3\masks\sunda-tsunami_00000089_post_disaster.png,0,0,0,0,00000089 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000089_pre_disaster.png,sunda-tsunami_00000089_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000089_pre_disaster.png,0,0,0,0,00000089 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000090_post_disaster.png,sunda-tsunami_00000090_post_disaster,0,0,tier3\masks\sunda-tsunami_00000090_post_disaster.png,0,0,160,238283,00000090 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000090_pre_disaster.png,sunda-tsunami_00000090_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000090_pre_disaster.png,0,0,160,238296,00000090 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000091_post_disaster.png,sunda-tsunami_00000091_post_disaster,0,0,tier3\masks\sunda-tsunami_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000091_pre_disaster.png,sunda-tsunami_00000091_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000091_pre_disaster.png,0,0,0,0,00000091 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000092_post_disaster.png,sunda-tsunami_00000092_post_disaster,0,0,tier3\masks\sunda-tsunami_00000092_post_disaster.png,0,0,0,0,00000092 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000092_pre_disaster.png,sunda-tsunami_00000092_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000092_pre_disaster.png,0,0,0,0,00000092 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000093_post_disaster.png,sunda-tsunami_00000093_post_disaster,0,0,tier3\masks\sunda-tsunami_00000093_post_disaster.png,0,0,0,0,00000093 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000093_pre_disaster.png,sunda-tsunami_00000093_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000093_pre_disaster.png,0,0,0,0,00000093 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000094_post_disaster.png,sunda-tsunami_00000094_post_disaster,0,0,tier3\masks\sunda-tsunami_00000094_post_disaster.png,0,0,1,120,00000094 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000094_pre_disaster.png,sunda-tsunami_00000094_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000094_pre_disaster.png,0,0,1,124,00000094 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000095_post_disaster.png,sunda-tsunami_00000095_post_disaster,0,0,tier3\masks\sunda-tsunami_00000095_post_disaster.png,0,0,13,7286,00000095 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000095_pre_disaster.png,sunda-tsunami_00000095_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000095_pre_disaster.png,0,0,13,7286,00000095 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000096_post_disaster.png,sunda-tsunami_00000096_post_disaster,0,0,tier3\masks\sunda-tsunami_00000096_post_disaster.png,0,0,138,207746,00000096 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000096_pre_disaster.png,sunda-tsunami_00000096_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000096_pre_disaster.png,0,0,138,207973,00000096 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000097_post_disaster.png,sunda-tsunami_00000097_post_disaster,0,0,tier3\masks\sunda-tsunami_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000097_pre_disaster.png,sunda-tsunami_00000097_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000098_post_disaster.png,sunda-tsunami_00000098_post_disaster,0,0,tier3\masks\sunda-tsunami_00000098_post_disaster.png,1,837,15,16038,00000098 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000098_pre_disaster.png,sunda-tsunami_00000098_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000098_pre_disaster.png,0,0,16,16875,00000098 +8,5103,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000099_post_disaster.png,sunda-tsunami_00000099_post_disaster,0,0,tier3\masks\sunda-tsunami_00000099_post_disaster.png,21,11605,81,253153,00000099 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000099_pre_disaster.png,sunda-tsunami_00000099_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000099_pre_disaster.png,0,0,84,269893,00000099 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000100_post_disaster.png,sunda-tsunami_00000100_post_disaster,0,0,tier3\masks\sunda-tsunami_00000100_post_disaster.png,0,0,10,8590,00000100 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000100_pre_disaster.png,sunda-tsunami_00000100_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000100_pre_disaster.png,0,0,10,8590,00000100 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000101_post_disaster.png,sunda-tsunami_00000101_post_disaster,0,0,tier3\masks\sunda-tsunami_00000101_post_disaster.png,0,0,18,11466,00000101 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000101_pre_disaster.png,sunda-tsunami_00000101_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000101_pre_disaster.png,0,0,18,11590,00000101 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000102_post_disaster.png,sunda-tsunami_00000102_post_disaster,0,0,tier3\masks\sunda-tsunami_00000102_post_disaster.png,0,0,0,0,00000102 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000102_pre_disaster.png,sunda-tsunami_00000102_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000102_pre_disaster.png,0,0,0,0,00000102 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000103_post_disaster.png,sunda-tsunami_00000103_post_disaster,0,0,tier3\masks\sunda-tsunami_00000103_post_disaster.png,0,0,8,7918,00000103 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000103_pre_disaster.png,sunda-tsunami_00000103_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000103_pre_disaster.png,0,0,8,7927,00000103 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000104_post_disaster.png,sunda-tsunami_00000104_post_disaster,0,0,tier3\masks\sunda-tsunami_00000104_post_disaster.png,0,0,55,43744,00000104 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000104_pre_disaster.png,sunda-tsunami_00000104_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000104_pre_disaster.png,0,0,55,43795,00000104 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000105_post_disaster.png,sunda-tsunami_00000105_post_disaster,0,0,tier3\masks\sunda-tsunami_00000105_post_disaster.png,0,0,80,35271,00000105 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000105_pre_disaster.png,sunda-tsunami_00000105_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000105_pre_disaster.png,0,0,80,35271,00000105 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000106_post_disaster.png,sunda-tsunami_00000106_post_disaster,0,0,tier3\masks\sunda-tsunami_00000106_post_disaster.png,0,0,26,12392,00000106 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000106_pre_disaster.png,sunda-tsunami_00000106_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000106_pre_disaster.png,0,0,26,12392,00000106 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000107_post_disaster.png,sunda-tsunami_00000107_post_disaster,0,0,tier3\masks\sunda-tsunami_00000107_post_disaster.png,0,0,34,32846,00000107 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000107_pre_disaster.png,sunda-tsunami_00000107_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000107_pre_disaster.png,0,0,34,32989,00000107 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000108_post_disaster.png,sunda-tsunami_00000108_post_disaster,0,0,tier3\masks\sunda-tsunami_00000108_post_disaster.png,0,0,107,106448,00000108 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000108_pre_disaster.png,sunda-tsunami_00000108_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000108_pre_disaster.png,0,0,107,106537,00000108 +23,4697,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000109_post_disaster.png,sunda-tsunami_00000109_post_disaster,0,0,tier3\masks\sunda-tsunami_00000109_post_disaster.png,4,1414,11,7235,00000109 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000109_pre_disaster.png,sunda-tsunami_00000109_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000109_pre_disaster.png,0,0,38,13350,00000109 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000110_post_disaster.png,sunda-tsunami_00000110_post_disaster,0,0,tier3\masks\sunda-tsunami_00000110_post_disaster.png,0,0,176,144460,00000110 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000110_pre_disaster.png,sunda-tsunami_00000110_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000110_pre_disaster.png,0,0,176,144466,00000110 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000111_post_disaster.png,sunda-tsunami_00000111_post_disaster,0,0,tier3\masks\sunda-tsunami_00000111_post_disaster.png,0,0,0,0,00000111 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000111_pre_disaster.png,sunda-tsunami_00000111_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000111_pre_disaster.png,0,0,0,0,00000111 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000112_post_disaster.png,sunda-tsunami_00000112_post_disaster,0,0,tier3\masks\sunda-tsunami_00000112_post_disaster.png,0,0,0,0,00000112 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000112_pre_disaster.png,sunda-tsunami_00000112_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000112_pre_disaster.png,0,0,0,0,00000112 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000113_post_disaster.png,sunda-tsunami_00000113_post_disaster,0,0,tier3\masks\sunda-tsunami_00000113_post_disaster.png,0,0,0,0,00000113 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000113_pre_disaster.png,sunda-tsunami_00000113_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000113_pre_disaster.png,0,0,0,0,00000113 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000114_post_disaster.png,sunda-tsunami_00000114_post_disaster,0,0,tier3\masks\sunda-tsunami_00000114_post_disaster.png,0,0,0,0,00000114 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000114_pre_disaster.png,sunda-tsunami_00000114_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000114_pre_disaster.png,0,0,0,0,00000114 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000115_post_disaster.png,sunda-tsunami_00000115_post_disaster,0,0,tier3\masks\sunda-tsunami_00000115_post_disaster.png,0,0,0,0,00000115 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000115_pre_disaster.png,sunda-tsunami_00000115_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000115_pre_disaster.png,0,0,0,0,00000115 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000116_post_disaster.png,sunda-tsunami_00000116_post_disaster,0,0,tier3\masks\sunda-tsunami_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000116_pre_disaster.png,sunda-tsunami_00000116_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000116_pre_disaster.png,0,0,0,0,00000116 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000117_post_disaster.png,sunda-tsunami_00000117_post_disaster,0,0,tier3\masks\sunda-tsunami_00000117_post_disaster.png,0,0,0,0,00000117 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000117_pre_disaster.png,sunda-tsunami_00000117_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000117_pre_disaster.png,0,0,0,0,00000117 +1,186,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000118_post_disaster.png,sunda-tsunami_00000118_post_disaster,0,0,tier3\masks\sunda-tsunami_00000118_post_disaster.png,0,0,85,56386,00000118 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000118_pre_disaster.png,sunda-tsunami_00000118_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000118_pre_disaster.png,0,0,86,56617,00000118 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000119_post_disaster.png,sunda-tsunami_00000119_post_disaster,0,0,tier3\masks\sunda-tsunami_00000119_post_disaster.png,0,0,15,9257,00000119 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000119_pre_disaster.png,sunda-tsunami_00000119_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000119_pre_disaster.png,0,0,15,9257,00000119 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000120_post_disaster.png,sunda-tsunami_00000120_post_disaster,0,0,tier3\masks\sunda-tsunami_00000120_post_disaster.png,1,423,36,20410,00000120 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000120_pre_disaster.png,sunda-tsunami_00000120_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000120_pre_disaster.png,0,0,37,20833,00000120 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000121_post_disaster.png,sunda-tsunami_00000121_post_disaster,0,0,tier3\masks\sunda-tsunami_00000121_post_disaster.png,0,0,0,0,00000121 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000121_pre_disaster.png,sunda-tsunami_00000121_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000121_pre_disaster.png,0,0,0,0,00000121 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000122_post_disaster.png,sunda-tsunami_00000122_post_disaster,0,0,tier3\masks\sunda-tsunami_00000122_post_disaster.png,0,0,0,0,00000122 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000122_pre_disaster.png,sunda-tsunami_00000122_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000122_pre_disaster.png,0,0,0,0,00000122 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000123_post_disaster.png,sunda-tsunami_00000123_post_disaster,0,0,tier3\masks\sunda-tsunami_00000123_post_disaster.png,0,0,0,0,00000123 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000123_pre_disaster.png,sunda-tsunami_00000123_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000123_pre_disaster.png,0,0,0,0,00000123 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000124_post_disaster.png,sunda-tsunami_00000124_post_disaster,0,0,tier3\masks\sunda-tsunami_00000124_post_disaster.png,0,0,0,0,00000124 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000124_pre_disaster.png,sunda-tsunami_00000124_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000124_pre_disaster.png,0,0,0,0,00000124 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000125_post_disaster.png,sunda-tsunami_00000125_post_disaster,0,0,tier3\masks\sunda-tsunami_00000125_post_disaster.png,0,0,0,0,00000125 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000125_pre_disaster.png,sunda-tsunami_00000125_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000125_pre_disaster.png,0,0,0,0,00000125 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000126_post_disaster.png,sunda-tsunami_00000126_post_disaster,0,0,tier3\masks\sunda-tsunami_00000126_post_disaster.png,0,0,0,0,00000126 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000126_pre_disaster.png,sunda-tsunami_00000126_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000126_pre_disaster.png,0,0,0,0,00000126 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000127_post_disaster.png,sunda-tsunami_00000127_post_disaster,0,0,tier3\masks\sunda-tsunami_00000127_post_disaster.png,0,0,0,0,00000127 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000127_pre_disaster.png,sunda-tsunami_00000127_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000127_pre_disaster.png,0,0,0,0,00000127 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000128_post_disaster.png,sunda-tsunami_00000128_post_disaster,0,0,tier3\masks\sunda-tsunami_00000128_post_disaster.png,0,0,7,2786,00000128 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000128_pre_disaster.png,sunda-tsunami_00000128_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000128_pre_disaster.png,0,0,7,2786,00000128 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000129_post_disaster.png,sunda-tsunami_00000129_post_disaster,0,0,tier3\masks\sunda-tsunami_00000129_post_disaster.png,0,0,0,0,00000129 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000129_pre_disaster.png,sunda-tsunami_00000129_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000129_pre_disaster.png,0,0,0,0,00000129 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000130_post_disaster.png,sunda-tsunami_00000130_post_disaster,0,0,tier3\masks\sunda-tsunami_00000130_post_disaster.png,0,0,12,6054,00000130 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000130_pre_disaster.png,sunda-tsunami_00000130_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000130_pre_disaster.png,0,0,12,6107,00000130 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000131_post_disaster.png,sunda-tsunami_00000131_post_disaster,0,0,tier3\masks\sunda-tsunami_00000131_post_disaster.png,0,0,0,0,00000131 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000131_pre_disaster.png,sunda-tsunami_00000131_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000131_pre_disaster.png,0,0,0,0,00000131 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000132_post_disaster.png,sunda-tsunami_00000132_post_disaster,0,0,tier3\masks\sunda-tsunami_00000132_post_disaster.png,0,0,2,1195,00000132 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000132_pre_disaster.png,sunda-tsunami_00000132_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000132_pre_disaster.png,0,0,2,1195,00000132 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000133_post_disaster.png,sunda-tsunami_00000133_post_disaster,0,0,tier3\masks\sunda-tsunami_00000133_post_disaster.png,0,0,0,0,00000133 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000133_pre_disaster.png,sunda-tsunami_00000133_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000133_pre_disaster.png,0,0,0,0,00000133 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000134_post_disaster.png,sunda-tsunami_00000134_post_disaster,0,0,tier3\masks\sunda-tsunami_00000134_post_disaster.png,0,0,65,30474,00000134 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000134_pre_disaster.png,sunda-tsunami_00000134_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000134_pre_disaster.png,0,0,65,30474,00000134 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000135_post_disaster.png,sunda-tsunami_00000135_post_disaster,0,0,tier3\masks\sunda-tsunami_00000135_post_disaster.png,0,0,145,63461,00000135 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000135_pre_disaster.png,sunda-tsunami_00000135_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000135_pre_disaster.png,0,0,145,63483,00000135 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000136_post_disaster.png,sunda-tsunami_00000136_post_disaster,0,0,tier3\masks\sunda-tsunami_00000136_post_disaster.png,0,0,140,77789,00000136 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000136_pre_disaster.png,sunda-tsunami_00000136_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000136_pre_disaster.png,0,0,140,77762,00000136 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000137_post_disaster.png,sunda-tsunami_00000137_post_disaster,0,0,tier3\masks\sunda-tsunami_00000137_post_disaster.png,0,0,2,4568,00000137 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000137_pre_disaster.png,sunda-tsunami_00000137_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000137_pre_disaster.png,0,0,2,4586,00000137 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000138_post_disaster.png,sunda-tsunami_00000138_post_disaster,0,0,tier3\masks\sunda-tsunami_00000138_post_disaster.png,0,0,0,0,00000138 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000138_pre_disaster.png,sunda-tsunami_00000138_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000138_pre_disaster.png,0,0,0,0,00000138 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000139_post_disaster.png,sunda-tsunami_00000139_post_disaster,0,0,tier3\masks\sunda-tsunami_00000139_post_disaster.png,0,0,20,56248,00000139 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000139_pre_disaster.png,sunda-tsunami_00000139_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000139_pre_disaster.png,0,0,20,56284,00000139 +21,5521,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000140_post_disaster.png,sunda-tsunami_00000140_post_disaster,0,0,tier3\masks\sunda-tsunami_00000140_post_disaster.png,9,4242,17,19704,00000140 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000140_pre_disaster.png,sunda-tsunami_00000140_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000140_pre_disaster.png,0,0,46,29614,00000140 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000141_post_disaster.png,sunda-tsunami_00000141_post_disaster,0,0,tier3\masks\sunda-tsunami_00000141_post_disaster.png,0,0,38,34762,00000141 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000141_pre_disaster.png,sunda-tsunami_00000141_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000141_pre_disaster.png,0,0,38,34788,00000141 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000142_post_disaster.png,sunda-tsunami_00000142_post_disaster,0,0,tier3\masks\sunda-tsunami_00000142_post_disaster.png,0,0,0,0,00000142 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000142_pre_disaster.png,sunda-tsunami_00000142_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000142_pre_disaster.png,0,0,0,0,00000142 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000143_post_disaster.png,sunda-tsunami_00000143_post_disaster,0,0,tier3\masks\sunda-tsunami_00000143_post_disaster.png,0,0,18,6548,00000143 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000143_pre_disaster.png,sunda-tsunami_00000143_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000143_pre_disaster.png,0,0,18,6554,00000143 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000144_post_disaster.png,sunda-tsunami_00000144_post_disaster,0,0,tier3\masks\sunda-tsunami_00000144_post_disaster.png,0,0,0,0,00000144 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000144_pre_disaster.png,sunda-tsunami_00000144_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000144_pre_disaster.png,0,0,0,0,00000144 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000145_post_disaster.png,sunda-tsunami_00000145_post_disaster,0,0,tier3\masks\sunda-tsunami_00000145_post_disaster.png,0,0,0,0,00000145 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000145_pre_disaster.png,sunda-tsunami_00000145_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000145_pre_disaster.png,0,0,0,0,00000145 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000146_post_disaster.png,sunda-tsunami_00000146_post_disaster,0,0,tier3\masks\sunda-tsunami_00000146_post_disaster.png,0,0,13,6694,00000146 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000146_pre_disaster.png,sunda-tsunami_00000146_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000146_pre_disaster.png,0,0,13,6753,00000146 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000147_post_disaster.png,sunda-tsunami_00000147_post_disaster,0,0,tier3\masks\sunda-tsunami_00000147_post_disaster.png,0,0,39,26501,00000147 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000147_pre_disaster.png,sunda-tsunami_00000147_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000147_pre_disaster.png,0,0,39,26514,00000147 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000000_post_disaster.png,tuscaloosa-tornado_00000000_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000000_post_disaster.png,0,0,8,17842,00000000 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000000_pre_disaster.png,tuscaloosa-tornado_00000000_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000000_pre_disaster.png,0,0,8,18011,00000000 +4,1496,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000001_post_disaster.png,tuscaloosa-tornado_00000001_post_disaster,2,2325,tier3\masks\tuscaloosa-tornado_00000001_post_disaster.png,2,1340,2,2407,00000001 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000001_pre_disaster.png,tuscaloosa-tornado_00000001_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000001_pre_disaster.png,0,0,10,7568,00000001 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000002_post_disaster.png,tuscaloosa-tornado_00000002_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000002_post_disaster.png,0,0,23,61212,00000002 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000002_pre_disaster.png,tuscaloosa-tornado_00000002_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000002_pre_disaster.png,0,0,23,61212,00000002 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000003_post_disaster.png,tuscaloosa-tornado_00000003_post_disaster,1,875,tier3\masks\tuscaloosa-tornado_00000003_post_disaster.png,0,0,34,16366,00000003 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000003_pre_disaster.png,tuscaloosa-tornado_00000003_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000003_pre_disaster.png,0,0,34,17407,00000003 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000004_post_disaster.png,tuscaloosa-tornado_00000004_post_disaster,3,3818,tier3\masks\tuscaloosa-tornado_00000004_post_disaster.png,0,0,86,136048,00000004 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000004_pre_disaster.png,tuscaloosa-tornado_00000004_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000004_pre_disaster.png,0,0,89,139974,00000004 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000005_post_disaster.png,tuscaloosa-tornado_00000005_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000005_post_disaster.png,0,0,0,0,00000005 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000005_pre_disaster.png,tuscaloosa-tornado_00000005_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000005_pre_disaster.png,0,0,0,0,00000005 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000006_post_disaster.png,tuscaloosa-tornado_00000006_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000006_post_disaster.png,0,0,35,57218,00000006 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000006_pre_disaster.png,tuscaloosa-tornado_00000006_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000006_pre_disaster.png,0,0,35,57232,00000006 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000007_post_disaster.png,tuscaloosa-tornado_00000007_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000007_post_disaster.png,0,0,91,85660,00000007 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000007_pre_disaster.png,tuscaloosa-tornado_00000007_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000007_pre_disaster.png,0,0,91,85779,00000007 +11,8287,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000008_post_disaster.png,tuscaloosa-tornado_00000008_post_disaster,59,54927,tier3\masks\tuscaloosa-tornado_00000008_post_disaster.png,16,17767,29,49940,00000008 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000008_pre_disaster.png,tuscaloosa-tornado_00000008_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000008_pre_disaster.png,0,0,114,131170,00000008 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000009_post_disaster.png,tuscaloosa-tornado_00000009_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000009_post_disaster.png,0,0,0,0,00000009 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000009_pre_disaster.png,tuscaloosa-tornado_00000009_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000009_pre_disaster.png,0,0,0,0,00000009 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000010_post_disaster.png,tuscaloosa-tornado_00000010_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000010_post_disaster.png,0,0,46,36432,00000010 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000010_pre_disaster.png,tuscaloosa-tornado_00000010_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000010_pre_disaster.png,0,0,46,36446,00000010 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000011_post_disaster.png,tuscaloosa-tornado_00000011_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000011_post_disaster.png,0,0,102,145276,00000011 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000011_pre_disaster.png,tuscaloosa-tornado_00000011_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000011_pre_disaster.png,0,0,102,145401,00000011 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000012_post_disaster.png,tuscaloosa-tornado_00000012_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000012_post_disaster.png,0,0,2,96,00000012 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000012_pre_disaster.png,tuscaloosa-tornado_00000012_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000012_pre_disaster.png,0,0,2,96,00000012 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000013_post_disaster.png,tuscaloosa-tornado_00000013_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000013_post_disaster.png,0,0,0,0,00000013 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000013_pre_disaster.png,tuscaloosa-tornado_00000013_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000013_pre_disaster.png,0,0,0,0,00000013 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000014_post_disaster.png,tuscaloosa-tornado_00000014_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000014_post_disaster.png,0,0,44,34844,00000014 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000014_pre_disaster.png,tuscaloosa-tornado_00000014_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000014_pre_disaster.png,0,0,44,34972,00000014 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000015_post_disaster.png,tuscaloosa-tornado_00000015_post_disaster,5,5175,tier3\masks\tuscaloosa-tornado_00000015_post_disaster.png,0,0,45,49323,00000015 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000015_pre_disaster.png,tuscaloosa-tornado_00000015_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000015_pre_disaster.png,0,0,50,54545,00000015 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000016_post_disaster.png,tuscaloosa-tornado_00000016_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000016_post_disaster.png,0,0,9,7285,00000016 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000016_pre_disaster.png,tuscaloosa-tornado_00000016_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000016_pre_disaster.png,0,0,9,7282,00000016 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000017_post_disaster.png,tuscaloosa-tornado_00000017_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000017_post_disaster.png,0,0,37,64406,00000017 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000017_pre_disaster.png,tuscaloosa-tornado_00000017_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000017_pre_disaster.png,0,0,37,64453,00000017 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000018_post_disaster.png,tuscaloosa-tornado_00000018_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000018_post_disaster.png,0,0,57,40355,00000018 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000018_pre_disaster.png,tuscaloosa-tornado_00000018_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000018_pre_disaster.png,0,0,57,40458,00000018 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000019_post_disaster.png,tuscaloosa-tornado_00000019_post_disaster,8,7544,tier3\masks\tuscaloosa-tornado_00000019_post_disaster.png,0,0,54,114619,00000019 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000019_pre_disaster.png,tuscaloosa-tornado_00000019_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000019_pre_disaster.png,0,0,62,122474,00000019 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000020_post_disaster.png,tuscaloosa-tornado_00000020_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000020_post_disaster.png,0,0,14,17188,00000020 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000020_pre_disaster.png,tuscaloosa-tornado_00000020_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000020_pre_disaster.png,0,0,14,17239,00000020 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000021_post_disaster.png,tuscaloosa-tornado_00000021_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000021_post_disaster.png,0,0,183,181848,00000021 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000021_pre_disaster.png,tuscaloosa-tornado_00000021_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000021_pre_disaster.png,0,0,183,181994,00000021 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000022_post_disaster.png,tuscaloosa-tornado_00000022_post_disaster,1,1498,tier3\masks\tuscaloosa-tornado_00000022_post_disaster.png,0,0,117,169490,00000022 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000022_pre_disaster.png,tuscaloosa-tornado_00000022_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000022_pre_disaster.png,0,0,118,171143,00000022 +45,97559,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000023_post_disaster.png,tuscaloosa-tornado_00000023_post_disaster,19,13162,tier3\masks\tuscaloosa-tornado_00000023_post_disaster.png,13,30179,18,22511,00000023 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000023_pre_disaster.png,tuscaloosa-tornado_00000023_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000023_pre_disaster.png,0,0,95,163524,00000023 +27,35144,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000024_post_disaster.png,tuscaloosa-tornado_00000024_post_disaster,40,34146,tier3\masks\tuscaloosa-tornado_00000024_post_disaster.png,13,20088,104,101445,00000024 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000024_pre_disaster.png,tuscaloosa-tornado_00000024_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000024_pre_disaster.png,0,0,184,190936,00000024 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000025_post_disaster.png,tuscaloosa-tornado_00000025_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000025_post_disaster.png,0,0,4,27492,00000025 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000025_pre_disaster.png,tuscaloosa-tornado_00000025_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000025_pre_disaster.png,0,0,4,27609,00000025 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000026_post_disaster.png,tuscaloosa-tornado_00000026_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000026_post_disaster.png,0,0,4,2015,00000026 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000026_pre_disaster.png,tuscaloosa-tornado_00000026_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000026_pre_disaster.png,0,0,4,2015,00000026 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000027_post_disaster.png,tuscaloosa-tornado_00000027_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000027_post_disaster.png,0,0,21,21949,00000027 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000027_pre_disaster.png,tuscaloosa-tornado_00000027_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000027_pre_disaster.png,0,0,21,21949,00000027 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000028_post_disaster.png,tuscaloosa-tornado_00000028_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000028_post_disaster.png,0,0,148,158117,00000028 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000028_pre_disaster.png,tuscaloosa-tornado_00000028_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000028_pre_disaster.png,0,0,148,158708,00000028 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000029_post_disaster.png,tuscaloosa-tornado_00000029_post_disaster,1,1546,tier3\masks\tuscaloosa-tornado_00000029_post_disaster.png,0,0,6,7334,00000029 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000029_pre_disaster.png,tuscaloosa-tornado_00000029_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000029_pre_disaster.png,0,0,7,8880,00000029 +11,12195,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000030_post_disaster.png,tuscaloosa-tornado_00000030_post_disaster,43,50079,tier3\masks\tuscaloosa-tornado_00000030_post_disaster.png,9,22527,50,46278,00000030 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000030_pre_disaster.png,tuscaloosa-tornado_00000030_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000030_pre_disaster.png,0,0,111,131143,00000030 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000031_post_disaster.png,tuscaloosa-tornado_00000031_post_disaster,6,5119,tier3\masks\tuscaloosa-tornado_00000031_post_disaster.png,0,0,134,133228,00000031 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000031_pre_disaster.png,tuscaloosa-tornado_00000031_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000031_pre_disaster.png,0,0,140,138347,00000031 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000032_post_disaster.png,tuscaloosa-tornado_00000032_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000032_post_disaster.png,0,0,2,558,00000032 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000032_pre_disaster.png,tuscaloosa-tornado_00000032_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000032_pre_disaster.png,0,0,2,616,00000032 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000033_post_disaster.png,tuscaloosa-tornado_00000033_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000033_post_disaster.png,0,0,0,0,00000033 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000033_pre_disaster.png,tuscaloosa-tornado_00000033_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000033_pre_disaster.png,0,0,0,0,00000033 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000034_post_disaster.png,tuscaloosa-tornado_00000034_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000034_post_disaster.png,0,0,9,4124,00000034 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000034_pre_disaster.png,tuscaloosa-tornado_00000034_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000034_pre_disaster.png,0,0,9,4203,00000034 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000035_post_disaster.png,tuscaloosa-tornado_00000035_post_disaster,13,12922,tier3\masks\tuscaloosa-tornado_00000035_post_disaster.png,0,0,154,178021,00000035 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000035_pre_disaster.png,tuscaloosa-tornado_00000035_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000035_pre_disaster.png,0,0,165,191389,00000035 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000036_post_disaster.png,tuscaloosa-tornado_00000036_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000036_post_disaster.png,0,0,12,68408,00000036 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000036_pre_disaster.png,tuscaloosa-tornado_00000036_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000036_pre_disaster.png,0,0,12,68488,00000036 +43,66815,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000037_post_disaster.png,tuscaloosa-tornado_00000037_post_disaster,24,21264,tier3\masks\tuscaloosa-tornado_00000037_post_disaster.png,13,22554,51,41843,00000037 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000037_pre_disaster.png,tuscaloosa-tornado_00000037_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000037_pre_disaster.png,0,0,128,152850,00000037 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000038_post_disaster.png,tuscaloosa-tornado_00000038_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000038_post_disaster.png,0,0,146,181362,00000038 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000038_pre_disaster.png,tuscaloosa-tornado_00000038_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000038_pre_disaster.png,0,0,146,181872,00000038 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000039_post_disaster.png,tuscaloosa-tornado_00000039_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000039_post_disaster.png,0,0,64,61440,00000039 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000039_pre_disaster.png,tuscaloosa-tornado_00000039_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000039_pre_disaster.png,0,0,64,61739,00000039 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000040_post_disaster.png,tuscaloosa-tornado_00000040_post_disaster,10,8026,tier3\masks\tuscaloosa-tornado_00000040_post_disaster.png,0,0,34,99669,00000040 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000040_pre_disaster.png,tuscaloosa-tornado_00000040_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000040_pre_disaster.png,0,0,44,107695,00000040 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000041_post_disaster.png,tuscaloosa-tornado_00000041_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000041_post_disaster.png,0,0,1,406,00000041 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000041_pre_disaster.png,tuscaloosa-tornado_00000041_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000041_pre_disaster.png,0,0,1,406,00000041 +19,10845,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000042_post_disaster.png,tuscaloosa-tornado_00000042_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000042_post_disaster.png,1,653,4,3025,00000042 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000042_pre_disaster.png,tuscaloosa-tornado_00000042_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000042_pre_disaster.png,0,0,24,14609,00000042 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000043_post_disaster.png,tuscaloosa-tornado_00000043_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000043_pre_disaster.png,tuscaloosa-tornado_00000043_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000043_pre_disaster.png,0,0,0,0,00000043 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000044_post_disaster.png,tuscaloosa-tornado_00000044_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000044_post_disaster.png,0,0,2,293,00000044 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000044_pre_disaster.png,tuscaloosa-tornado_00000044_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000044_pre_disaster.png,0,0,2,293,00000044 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000045_post_disaster.png,tuscaloosa-tornado_00000045_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000045_post_disaster.png,0,0,9,148650,00000045 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000045_pre_disaster.png,tuscaloosa-tornado_00000045_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000045_pre_disaster.png,0,0,9,149000,00000045 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000046_post_disaster.png,tuscaloosa-tornado_00000046_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000046_post_disaster.png,0,0,4,2380,00000046 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000046_pre_disaster.png,tuscaloosa-tornado_00000046_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000046_pre_disaster.png,0,0,4,2394,00000046 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000047_post_disaster.png,tuscaloosa-tornado_00000047_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000047_post_disaster.png,0,0,83,68814,00000047 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000047_pre_disaster.png,tuscaloosa-tornado_00000047_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000047_pre_disaster.png,0,0,83,68837,00000047 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000048_post_disaster.png,tuscaloosa-tornado_00000048_post_disaster,40,51276,tier3\masks\tuscaloosa-tornado_00000048_post_disaster.png,0,0,24,32976,00000048 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000048_pre_disaster.png,tuscaloosa-tornado_00000048_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000048_pre_disaster.png,0,0,64,84372,00000048 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000049_post_disaster.png,tuscaloosa-tornado_00000049_post_disaster,14,13830,tier3\masks\tuscaloosa-tornado_00000049_post_disaster.png,3,2525,70,55440,00000049 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000049_pre_disaster.png,tuscaloosa-tornado_00000049_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000049_pre_disaster.png,0,0,84,72098,00000049 +8,2379,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000050_post_disaster.png,tuscaloosa-tornado_00000050_post_disaster,2,2334,tier3\masks\tuscaloosa-tornado_00000050_post_disaster.png,0,0,1,150,00000050 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000050_pre_disaster.png,tuscaloosa-tornado_00000050_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000050_pre_disaster.png,0,0,11,4863,00000050 +9,6704,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000051_post_disaster.png,tuscaloosa-tornado_00000051_post_disaster,38,45126,tier3\masks\tuscaloosa-tornado_00000051_post_disaster.png,12,12851,47,47667,00000051 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000051_pre_disaster.png,tuscaloosa-tornado_00000051_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000051_pre_disaster.png,0,0,106,112460,00000051 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000052_post_disaster.png,tuscaloosa-tornado_00000052_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000052_post_disaster.png,0,0,0,0,00000052 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000052_pre_disaster.png,tuscaloosa-tornado_00000052_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000052_pre_disaster.png,0,0,0,0,00000052 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000053_post_disaster.png,tuscaloosa-tornado_00000053_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000053_post_disaster.png,0,0,36,44885,00000053 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000053_pre_disaster.png,tuscaloosa-tornado_00000053_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000053_pre_disaster.png,0,0,36,45010,00000053 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000054_post_disaster.png,tuscaloosa-tornado_00000054_post_disaster,4,5250,tier3\masks\tuscaloosa-tornado_00000054_post_disaster.png,0,0,14,14963,00000054 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000054_pre_disaster.png,tuscaloosa-tornado_00000054_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000054_pre_disaster.png,0,0,18,20303,00000054 +4,1521,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000055_post_disaster.png,tuscaloosa-tornado_00000055_post_disaster,31,35474,tier3\masks\tuscaloosa-tornado_00000055_post_disaster.png,1,6960,78,70122,00000055 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000055_pre_disaster.png,tuscaloosa-tornado_00000055_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000055_pre_disaster.png,0,0,112,114440,00000055 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000056_post_disaster.png,tuscaloosa-tornado_00000056_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000056_post_disaster.png,0,0,0,0,00000056 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000056_pre_disaster.png,tuscaloosa-tornado_00000056_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000056_pre_disaster.png,0,0,0,0,00000056 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000057_post_disaster.png,tuscaloosa-tornado_00000057_post_disaster,16,14990,tier3\masks\tuscaloosa-tornado_00000057_post_disaster.png,0,0,67,52228,00000057 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000057_pre_disaster.png,tuscaloosa-tornado_00000057_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000057_pre_disaster.png,0,0,83,67406,00000057 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000058_post_disaster.png,tuscaloosa-tornado_00000058_post_disaster,11,13412,tier3\masks\tuscaloosa-tornado_00000058_post_disaster.png,0,0,78,84344,00000058 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000058_pre_disaster.png,tuscaloosa-tornado_00000058_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000058_pre_disaster.png,0,0,89,97801,00000058 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000059_post_disaster.png,tuscaloosa-tornado_00000059_post_disaster,7,16084,tier3\masks\tuscaloosa-tornado_00000059_post_disaster.png,0,0,60,59934,00000059 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000059_pre_disaster.png,tuscaloosa-tornado_00000059_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000059_pre_disaster.png,0,0,67,76083,00000059 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000060_post_disaster.png,tuscaloosa-tornado_00000060_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000060_post_disaster.png,0,0,0,0,00000060 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000060_pre_disaster.png,tuscaloosa-tornado_00000060_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000060_pre_disaster.png,0,0,0,0,00000060 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000061_post_disaster.png,tuscaloosa-tornado_00000061_post_disaster,1,1484,tier3\masks\tuscaloosa-tornado_00000061_post_disaster.png,0,0,14,29028,00000061 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000061_pre_disaster.png,tuscaloosa-tornado_00000061_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000061_pre_disaster.png,0,0,14,30621,00000061 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000062_post_disaster.png,tuscaloosa-tornado_00000062_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000062_post_disaster.png,0,0,123,167439,00000062 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000062_pre_disaster.png,tuscaloosa-tornado_00000062_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000062_pre_disaster.png,0,0,123,167756,00000062 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000063_post_disaster.png,tuscaloosa-tornado_00000063_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000063_post_disaster.png,0,0,1,767,00000063 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000063_pre_disaster.png,tuscaloosa-tornado_00000063_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000063_pre_disaster.png,0,0,1,767,00000063 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000064_post_disaster.png,tuscaloosa-tornado_00000064_post_disaster,2,2468,tier3\masks\tuscaloosa-tornado_00000064_post_disaster.png,0,0,71,71074,00000064 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000064_pre_disaster.png,tuscaloosa-tornado_00000064_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000064_pre_disaster.png,0,0,73,73643,00000064 +2,338,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000065_post_disaster.png,tuscaloosa-tornado_00000065_post_disaster,3,2723,tier3\masks\tuscaloosa-tornado_00000065_post_disaster.png,1,941,13,11914,00000065 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000065_pre_disaster.png,tuscaloosa-tornado_00000065_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000065_pre_disaster.png,0,0,19,15916,00000065 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000066_post_disaster.png,tuscaloosa-tornado_00000066_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000066_post_disaster.png,0,0,34,47716,00000066 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000066_pre_disaster.png,tuscaloosa-tornado_00000066_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000066_pre_disaster.png,0,0,34,47787,00000066 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000067_post_disaster.png,tuscaloosa-tornado_00000067_post_disaster,15,14300,tier3\masks\tuscaloosa-tornado_00000067_post_disaster.png,0,0,11,6401,00000067 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000067_pre_disaster.png,tuscaloosa-tornado_00000067_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000067_pre_disaster.png,0,0,26,21030,00000067 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000068_post_disaster.png,tuscaloosa-tornado_00000068_post_disaster,13,19508,tier3\masks\tuscaloosa-tornado_00000068_post_disaster.png,0,0,151,136662,00000068 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000068_pre_disaster.png,tuscaloosa-tornado_00000068_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000068_pre_disaster.png,0,0,164,156603,00000068 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000069_post_disaster.png,tuscaloosa-tornado_00000069_post_disaster,1,727,tier3\masks\tuscaloosa-tornado_00000069_post_disaster.png,0,0,42,47712,00000069 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000069_pre_disaster.png,tuscaloosa-tornado_00000069_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000069_pre_disaster.png,0,0,43,48544,00000069 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000070_post_disaster.png,tuscaloosa-tornado_00000070_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000070_post_disaster.png,0,0,1,45,00000070 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000070_pre_disaster.png,tuscaloosa-tornado_00000070_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000070_pre_disaster.png,0,0,1,45,00000070 +37,29312,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000071_post_disaster.png,tuscaloosa-tornado_00000071_post_disaster,23,17962,tier3\masks\tuscaloosa-tornado_00000071_post_disaster.png,7,4575,31,15906,00000071 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000071_pre_disaster.png,tuscaloosa-tornado_00000071_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000071_pre_disaster.png,0,0,97,67830,00000071 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000072_post_disaster.png,tuscaloosa-tornado_00000072_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000072_post_disaster.png,0,0,60,67264,00000072 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000072_pre_disaster.png,tuscaloosa-tornado_00000072_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000072_pre_disaster.png,0,0,60,67520,00000072 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000073_post_disaster.png,tuscaloosa-tornado_00000073_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000073_post_disaster.png,0,0,77,85411,00000073 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000073_pre_disaster.png,tuscaloosa-tornado_00000073_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000073_pre_disaster.png,0,0,77,85569,00000073 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000074_post_disaster.png,tuscaloosa-tornado_00000074_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000074_post_disaster.png,0,0,30,84308,00000074 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000074_pre_disaster.png,tuscaloosa-tornado_00000074_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000074_pre_disaster.png,0,0,30,84390,00000074 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000075_post_disaster.png,tuscaloosa-tornado_00000075_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000075_post_disaster.png,0,0,0,0,00000075 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000075_pre_disaster.png,tuscaloosa-tornado_00000075_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000075_pre_disaster.png,0,0,0,0,00000075 +1,255,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000076_post_disaster.png,tuscaloosa-tornado_00000076_post_disaster,6,3652,tier3\masks\tuscaloosa-tornado_00000076_post_disaster.png,1,671,29,15019,00000076 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000076_pre_disaster.png,tuscaloosa-tornado_00000076_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000076_pre_disaster.png,0,0,37,19597,00000076 +2,2100,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000077_post_disaster.png,tuscaloosa-tornado_00000077_post_disaster,42,43640,tier3\masks\tuscaloosa-tornado_00000077_post_disaster.png,6,5656,92,96572,00000077 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000077_pre_disaster.png,tuscaloosa-tornado_00000077_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000077_pre_disaster.png,0,0,140,148027,00000077 +29,26954,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000078_post_disaster.png,tuscaloosa-tornado_00000078_post_disaster,4,7225,tier3\masks\tuscaloosa-tornado_00000078_post_disaster.png,8,40901,22,50199,00000078 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000078_pre_disaster.png,tuscaloosa-tornado_00000078_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000078_pre_disaster.png,0,0,61,125279,00000078 +63,48425,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000079_post_disaster.png,tuscaloosa-tornado_00000079_post_disaster,25,24909,tier3\masks\tuscaloosa-tornado_00000079_post_disaster.png,12,15349,6,4083,00000079 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000079_pre_disaster.png,tuscaloosa-tornado_00000079_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000079_pre_disaster.png,0,0,105,92944,00000079 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000080_post_disaster.png,tuscaloosa-tornado_00000080_post_disaster,3,4991,tier3\masks\tuscaloosa-tornado_00000080_post_disaster.png,0,0,72,103836,00000080 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000080_pre_disaster.png,tuscaloosa-tornado_00000080_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000080_pre_disaster.png,0,0,75,108855,00000080 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000081_post_disaster.png,tuscaloosa-tornado_00000081_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000081_post_disaster.png,0,0,54,35005,00000081 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000081_pre_disaster.png,tuscaloosa-tornado_00000081_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000081_pre_disaster.png,0,0,54,35024,00000081 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000082_post_disaster.png,tuscaloosa-tornado_00000082_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000082_post_disaster.png,0,0,106,124453,00000082 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000082_pre_disaster.png,tuscaloosa-tornado_00000082_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000082_pre_disaster.png,0,0,106,124761,00000082 +2,1440,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000083_post_disaster.png,tuscaloosa-tornado_00000083_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000083_post_disaster.png,0,0,0,0,00000083 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000083_pre_disaster.png,tuscaloosa-tornado_00000083_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000083_pre_disaster.png,0,0,2,1440,00000083 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000084_post_disaster.png,tuscaloosa-tornado_00000084_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000084_post_disaster.png,0,0,17,83669,00000084 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000084_pre_disaster.png,tuscaloosa-tornado_00000084_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000084_pre_disaster.png,0,0,17,83818,00000084 +12,7425,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000085_post_disaster.png,tuscaloosa-tornado_00000085_post_disaster,34,39524,tier3\masks\tuscaloosa-tornado_00000085_post_disaster.png,20,32358,34,38610,00000085 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000085_pre_disaster.png,tuscaloosa-tornado_00000085_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000085_pre_disaster.png,0,0,100,118098,00000085 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000086_post_disaster.png,tuscaloosa-tornado_00000086_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000086_post_disaster.png,0,0,1,224,00000086 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000086_pre_disaster.png,tuscaloosa-tornado_00000086_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000086_pre_disaster.png,0,0,1,224,00000086 +23,14658,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000087_post_disaster.png,tuscaloosa-tornado_00000087_post_disaster,1,1289,tier3\masks\tuscaloosa-tornado_00000087_post_disaster.png,0,0,3,963,00000087 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000087_pre_disaster.png,tuscaloosa-tornado_00000087_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000087_pre_disaster.png,0,0,27,16910,00000087 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000088_post_disaster.png,tuscaloosa-tornado_00000088_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000088_post_disaster.png,0,0,76,71169,00000088 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000088_pre_disaster.png,tuscaloosa-tornado_00000088_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000088_pre_disaster.png,0,0,76,71395,00000088 +4,1613,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000089_post_disaster.png,tuscaloosa-tornado_00000089_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000089_post_disaster.png,3,1919,1,203,00000089 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000089_pre_disaster.png,tuscaloosa-tornado_00000089_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000089_pre_disaster.png,0,0,8,3735,00000089 +11,18774,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000090_post_disaster.png,tuscaloosa-tornado_00000090_post_disaster,21,23690,tier3\masks\tuscaloosa-tornado_00000090_post_disaster.png,14,21689,10,8896,00000090 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000090_pre_disaster.png,tuscaloosa-tornado_00000090_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000090_pre_disaster.png,0,0,55,73214,00000090 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000091_post_disaster.png,tuscaloosa-tornado_00000091_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000091_pre_disaster.png,tuscaloosa-tornado_00000091_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000091_pre_disaster.png,0,0,0,0,00000091 +2,7898,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000092_post_disaster.png,tuscaloosa-tornado_00000092_post_disaster,2,1457,tier3\masks\tuscaloosa-tornado_00000092_post_disaster.png,3,10284,62,163077,00000092 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000092_pre_disaster.png,tuscaloosa-tornado_00000092_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000092_pre_disaster.png,0,0,69,183074,00000092 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000093_post_disaster.png,tuscaloosa-tornado_00000093_post_disaster,1,780,tier3\masks\tuscaloosa-tornado_00000093_post_disaster.png,0,0,1,294,00000093 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000093_pre_disaster.png,tuscaloosa-tornado_00000093_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000093_pre_disaster.png,0,0,2,1074,00000093 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000094_post_disaster.png,tuscaloosa-tornado_00000094_post_disaster,2,1858,tier3\masks\tuscaloosa-tornado_00000094_post_disaster.png,0,0,42,34275,00000094 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000094_pre_disaster.png,tuscaloosa-tornado_00000094_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000094_pre_disaster.png,0,0,44,36305,00000094 +14,15566,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000095_post_disaster.png,tuscaloosa-tornado_00000095_post_disaster,56,80765,tier3\masks\tuscaloosa-tornado_00000095_post_disaster.png,14,19980,35,78460,00000095 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000095_pre_disaster.png,tuscaloosa-tornado_00000095_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000095_pre_disaster.png,0,0,116,195107,00000095 +2,1741,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000096_post_disaster.png,tuscaloosa-tornado_00000096_post_disaster,6,5291,tier3\masks\tuscaloosa-tornado_00000096_post_disaster.png,2,2608,12,9949,00000096 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000096_pre_disaster.png,tuscaloosa-tornado_00000096_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000096_pre_disaster.png,0,0,22,19666,00000096 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000097_post_disaster.png,tuscaloosa-tornado_00000097_post_disaster,2,920,tier3\masks\tuscaloosa-tornado_00000097_post_disaster.png,0,0,2,1385,00000097 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000097_pre_disaster.png,tuscaloosa-tornado_00000097_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000097_pre_disaster.png,0,0,4,2320,00000097 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000098_post_disaster.png,tuscaloosa-tornado_00000098_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000098_post_disaster.png,0,0,33,308340,00000098 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000098_pre_disaster.png,tuscaloosa-tornado_00000098_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000098_pre_disaster.png,0,0,33,308480,00000098 +50,52309,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000099_post_disaster.png,tuscaloosa-tornado_00000099_post_disaster,33,38906,tier3\masks\tuscaloosa-tornado_00000099_post_disaster.png,23,24656,21,27322,00000099 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000099_pre_disaster.png,tuscaloosa-tornado_00000099_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000099_pre_disaster.png,0,0,127,143411,00000099 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000100_post_disaster.png,tuscaloosa-tornado_00000100_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000100_post_disaster.png,0,0,3,4984,00000100 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000100_pre_disaster.png,tuscaloosa-tornado_00000100_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000100_pre_disaster.png,0,0,3,5036,00000100 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000101_post_disaster.png,tuscaloosa-tornado_00000101_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000101_post_disaster.png,0,0,0,0,00000101 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000101_pre_disaster.png,tuscaloosa-tornado_00000101_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000101_pre_disaster.png,0,0,0,0,00000101 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000102_post_disaster.png,tuscaloosa-tornado_00000102_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000102_post_disaster.png,0,0,1,2399,00000102 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000102_pre_disaster.png,tuscaloosa-tornado_00000102_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000102_pre_disaster.png,0,0,1,2399,00000102 +15,18447,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000103_post_disaster.png,tuscaloosa-tornado_00000103_post_disaster,50,75831,tier3\masks\tuscaloosa-tornado_00000103_post_disaster.png,7,76578,53,76898,00000103 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000103_pre_disaster.png,tuscaloosa-tornado_00000103_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000103_pre_disaster.png,0,0,111,247816,00000103 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000104_post_disaster.png,tuscaloosa-tornado_00000104_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000104_post_disaster.png,0,0,14,11473,00000104 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000104_pre_disaster.png,tuscaloosa-tornado_00000104_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000104_pre_disaster.png,0,0,14,11473,00000104 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000105_post_disaster.png,tuscaloosa-tornado_00000105_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000105_post_disaster.png,0,0,2,183,00000105 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000105_pre_disaster.png,tuscaloosa-tornado_00000105_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000105_pre_disaster.png,0,0,2,183,00000105 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000106_post_disaster.png,tuscaloosa-tornado_00000106_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000106_post_disaster.png,0,0,4,1163,00000106 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000106_pre_disaster.png,tuscaloosa-tornado_00000106_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000106_pre_disaster.png,0,0,4,1163,00000106 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000107_post_disaster.png,tuscaloosa-tornado_00000107_post_disaster,5,4613,tier3\masks\tuscaloosa-tornado_00000107_post_disaster.png,0,0,11,5500,00000107 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000107_pre_disaster.png,tuscaloosa-tornado_00000107_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000107_pre_disaster.png,0,0,16,10133,00000107 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000108_post_disaster.png,tuscaloosa-tornado_00000108_post_disaster,36,37870,tier3\masks\tuscaloosa-tornado_00000108_post_disaster.png,4,4639,93,111295,00000108 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000108_pre_disaster.png,tuscaloosa-tornado_00000108_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000108_pre_disaster.png,0,0,133,153971,00000108 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000109_post_disaster.png,tuscaloosa-tornado_00000109_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000109_post_disaster.png,0,0,2,389,00000109 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000109_pre_disaster.png,tuscaloosa-tornado_00000109_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000109_pre_disaster.png,0,0,2,389,00000109 +15,12591,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000110_post_disaster.png,tuscaloosa-tornado_00000110_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000110_post_disaster.png,0,0,1,2233,00000110 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000110_pre_disaster.png,tuscaloosa-tornado_00000110_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000110_pre_disaster.png,0,0,16,14824,00000110 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000111_post_disaster.png,tuscaloosa-tornado_00000111_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000111_post_disaster.png,0,0,4,1638,00000111 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000111_pre_disaster.png,tuscaloosa-tornado_00000111_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000111_pre_disaster.png,0,0,4,1638,00000111 +22,21876,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000112_post_disaster.png,tuscaloosa-tornado_00000112_post_disaster,31,43026,tier3\masks\tuscaloosa-tornado_00000112_post_disaster.png,21,38963,36,35280,00000112 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000112_pre_disaster.png,tuscaloosa-tornado_00000112_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000112_pre_disaster.png,0,0,109,139182,00000112 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000113_post_disaster.png,tuscaloosa-tornado_00000113_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000113_post_disaster.png,0,0,16,152658,00000113 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000113_pre_disaster.png,tuscaloosa-tornado_00000113_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000113_pre_disaster.png,0,0,16,152799,00000113 +3,2572,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000114_post_disaster.png,tuscaloosa-tornado_00000114_post_disaster,36,47985,tier3\masks\tuscaloosa-tornado_00000114_post_disaster.png,2,4656,105,101659,00000114 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000114_pre_disaster.png,tuscaloosa-tornado_00000114_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000114_pre_disaster.png,0,0,146,156914,00000114 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000115_post_disaster.png,tuscaloosa-tornado_00000115_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000115_post_disaster.png,0,0,0,0,00000115 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000115_pre_disaster.png,tuscaloosa-tornado_00000115_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000115_pre_disaster.png,0,0,0,0,00000115 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000116_post_disaster.png,tuscaloosa-tornado_00000116_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000116_pre_disaster.png,tuscaloosa-tornado_00000116_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000116_pre_disaster.png,0,0,0,0,00000116 +2,163,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000117_post_disaster.png,tuscaloosa-tornado_00000117_post_disaster,6,5095,tier3\masks\tuscaloosa-tornado_00000117_post_disaster.png,0,0,21,51372,00000117 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000117_pre_disaster.png,tuscaloosa-tornado_00000117_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000117_pre_disaster.png,0,0,29,56714,00000117 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000118_post_disaster.png,tuscaloosa-tornado_00000118_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000118_post_disaster.png,0,0,15,78563,00000118 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000118_pre_disaster.png,tuscaloosa-tornado_00000118_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000118_pre_disaster.png,0,0,15,78706,00000118 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000119_post_disaster.png,tuscaloosa-tornado_00000119_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000119_post_disaster.png,0,0,8,6037,00000119 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000119_pre_disaster.png,tuscaloosa-tornado_00000119_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000119_pre_disaster.png,0,0,8,6037,00000119 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000120_post_disaster.png,tuscaloosa-tornado_00000120_post_disaster,64,58205,tier3\masks\tuscaloosa-tornado_00000120_post_disaster.png,3,874,101,91830,00000120 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000120_pre_disaster.png,tuscaloosa-tornado_00000120_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000120_pre_disaster.png,0,0,167,151082,00000120 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000121_post_disaster.png,tuscaloosa-tornado_00000121_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000121_post_disaster.png,0,0,0,0,00000121 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000121_pre_disaster.png,tuscaloosa-tornado_00000121_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000121_pre_disaster.png,0,0,0,0,00000121 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000122_post_disaster.png,tuscaloosa-tornado_00000122_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000122_post_disaster.png,0,0,0,0,00000122 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000122_pre_disaster.png,tuscaloosa-tornado_00000122_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000122_pre_disaster.png,0,0,0,0,00000122 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000123_post_disaster.png,tuscaloosa-tornado_00000123_post_disaster,11,17688,tier3\masks\tuscaloosa-tornado_00000123_post_disaster.png,0,0,18,21101,00000123 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000123_pre_disaster.png,tuscaloosa-tornado_00000123_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000123_pre_disaster.png,0,0,29,38789,00000123 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000124_post_disaster.png,tuscaloosa-tornado_00000124_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000124_post_disaster.png,0,0,4,34500,00000124 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000124_pre_disaster.png,tuscaloosa-tornado_00000124_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000124_pre_disaster.png,0,0,4,34824,00000124 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000125_post_disaster.png,tuscaloosa-tornado_00000125_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000125_post_disaster.png,0,0,0,0,00000125 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000125_pre_disaster.png,tuscaloosa-tornado_00000125_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000125_pre_disaster.png,0,0,0,0,00000125 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000126_post_disaster.png,tuscaloosa-tornado_00000126_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000126_post_disaster.png,0,0,0,0,00000126 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000126_pre_disaster.png,tuscaloosa-tornado_00000126_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000126_pre_disaster.png,0,0,0,0,00000126 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000127_post_disaster.png,tuscaloosa-tornado_00000127_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000127_post_disaster.png,0,0,11,5704,00000127 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000127_pre_disaster.png,tuscaloosa-tornado_00000127_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000127_pre_disaster.png,0,0,11,5704,00000127 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000128_post_disaster.png,tuscaloosa-tornado_00000128_post_disaster,3,3061,tier3\masks\tuscaloosa-tornado_00000128_post_disaster.png,0,0,45,89625,00000128 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000128_pre_disaster.png,tuscaloosa-tornado_00000128_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000128_pre_disaster.png,0,0,48,92857,00000128 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000129_post_disaster.png,tuscaloosa-tornado_00000129_post_disaster,10,10576,tier3\masks\tuscaloosa-tornado_00000129_post_disaster.png,0,0,20,21665,00000129 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000129_pre_disaster.png,tuscaloosa-tornado_00000129_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000129_pre_disaster.png,0,0,30,32272,00000129 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000130_post_disaster.png,tuscaloosa-tornado_00000130_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000130_post_disaster.png,0,0,0,0,00000130 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000130_pre_disaster.png,tuscaloosa-tornado_00000130_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000130_pre_disaster.png,0,0,0,0,00000130 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000131_post_disaster.png,tuscaloosa-tornado_00000131_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000131_post_disaster.png,0,0,1,2177,00000131 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000131_pre_disaster.png,tuscaloosa-tornado_00000131_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000131_pre_disaster.png,0,0,1,2177,00000131 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000132_post_disaster.png,tuscaloosa-tornado_00000132_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000132_post_disaster.png,0,0,1,837,00000132 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000132_pre_disaster.png,tuscaloosa-tornado_00000132_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000132_pre_disaster.png,0,0,1,837,00000132 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000133_post_disaster.png,tuscaloosa-tornado_00000133_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000133_post_disaster.png,0,0,19,69760,00000133 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000133_pre_disaster.png,tuscaloosa-tornado_00000133_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000133_pre_disaster.png,0,0,19,70035,00000133 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000134_post_disaster.png,tuscaloosa-tornado_00000134_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000134_post_disaster.png,0,0,1,274,00000134 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000134_pre_disaster.png,tuscaloosa-tornado_00000134_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000134_pre_disaster.png,0,0,1,274,00000134 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000135_post_disaster.png,tuscaloosa-tornado_00000135_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000135_post_disaster.png,0,0,0,0,00000135 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000135_pre_disaster.png,tuscaloosa-tornado_00000135_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000135_pre_disaster.png,0,0,0,0,00000135 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000136_post_disaster.png,tuscaloosa-tornado_00000136_post_disaster,8,11696,tier3\masks\tuscaloosa-tornado_00000136_post_disaster.png,0,0,58,80152,00000136 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000136_pre_disaster.png,tuscaloosa-tornado_00000136_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000136_pre_disaster.png,0,0,66,92011,00000136 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000137_post_disaster.png,tuscaloosa-tornado_00000137_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000137_post_disaster.png,1,452,31,18123,00000137 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000137_pre_disaster.png,tuscaloosa-tornado_00000137_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000137_pre_disaster.png,0,0,32,18591,00000137 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000138_post_disaster.png,tuscaloosa-tornado_00000138_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000138_post_disaster.png,0,0,14,57445,00000138 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000138_pre_disaster.png,tuscaloosa-tornado_00000138_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000138_pre_disaster.png,0,0,14,57587,00000138 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000139_post_disaster.png,tuscaloosa-tornado_00000139_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000139_post_disaster.png,0,0,4,3617,00000139 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000139_pre_disaster.png,tuscaloosa-tornado_00000139_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000139_pre_disaster.png,0,0,4,3617,00000139 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000140_post_disaster.png,tuscaloosa-tornado_00000140_post_disaster,3,3274,tier3\masks\tuscaloosa-tornado_00000140_post_disaster.png,0,0,76,107827,00000140 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000140_pre_disaster.png,tuscaloosa-tornado_00000140_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000140_pre_disaster.png,0,0,79,111198,00000140 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000141_post_disaster.png,tuscaloosa-tornado_00000141_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000141_post_disaster.png,0,0,9,10153,00000141 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000141_pre_disaster.png,tuscaloosa-tornado_00000141_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000141_pre_disaster.png,0,0,9,10153,00000141 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000142_post_disaster.png,tuscaloosa-tornado_00000142_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000142_post_disaster.png,0,0,37,32332,00000142 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000142_pre_disaster.png,tuscaloosa-tornado_00000142_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000142_pre_disaster.png,0,0,37,32475,00000142 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000143_post_disaster.png,tuscaloosa-tornado_00000143_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000143_post_disaster.png,0,0,1,49,00000143 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000143_pre_disaster.png,tuscaloosa-tornado_00000143_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000143_pre_disaster.png,0,0,1,49,00000143 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000144_post_disaster.png,tuscaloosa-tornado_00000144_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000144_post_disaster.png,0,0,138,99005,00000144 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000144_pre_disaster.png,tuscaloosa-tornado_00000144_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000144_pre_disaster.png,0,0,138,99334,00000144 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000145_post_disaster.png,tuscaloosa-tornado_00000145_post_disaster,2,1096,tier3\masks\tuscaloosa-tornado_00000145_post_disaster.png,0,0,42,92422,00000145 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000145_pre_disaster.png,tuscaloosa-tornado_00000145_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000145_pre_disaster.png,0,0,44,93739,00000145 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000146_post_disaster.png,tuscaloosa-tornado_00000146_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000146_post_disaster.png,0,0,0,0,00000146 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000146_pre_disaster.png,tuscaloosa-tornado_00000146_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000146_pre_disaster.png,0,0,0,0,00000146 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000147_post_disaster.png,tuscaloosa-tornado_00000147_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000147_post_disaster.png,0,0,11,10166,00000147 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000147_pre_disaster.png,tuscaloosa-tornado_00000147_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000147_pre_disaster.png,0,0,11,10166,00000147 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000148_post_disaster.png,tuscaloosa-tornado_00000148_post_disaster,5,5682,tier3\masks\tuscaloosa-tornado_00000148_post_disaster.png,0,0,57,136342,00000148 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000148_pre_disaster.png,tuscaloosa-tornado_00000148_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000148_pre_disaster.png,0,0,62,142160,00000148 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000149_post_disaster.png,tuscaloosa-tornado_00000149_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000149_post_disaster.png,0,0,50,62149,00000149 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000149_pre_disaster.png,tuscaloosa-tornado_00000149_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000149_pre_disaster.png,0,0,50,62339,00000149 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000150_post_disaster.png,tuscaloosa-tornado_00000150_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000150_post_disaster.png,0,0,25,23342,00000150 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000150_pre_disaster.png,tuscaloosa-tornado_00000150_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000150_pre_disaster.png,0,0,25,23342,00000150 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000151_post_disaster.png,tuscaloosa-tornado_00000151_post_disaster,4,3566,tier3\masks\tuscaloosa-tornado_00000151_post_disaster.png,0,0,106,94303,00000151 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000151_pre_disaster.png,tuscaloosa-tornado_00000151_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000151_pre_disaster.png,0,0,110,97896,00000151 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000152_post_disaster.png,tuscaloosa-tornado_00000152_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000152_post_disaster.png,0,0,0,0,00000152 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000152_pre_disaster.png,tuscaloosa-tornado_00000152_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000152_pre_disaster.png,0,0,0,0,00000152 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000153_post_disaster.png,tuscaloosa-tornado_00000153_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000153_post_disaster.png,0,0,0,0,00000153 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000153_pre_disaster.png,tuscaloosa-tornado_00000153_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000153_pre_disaster.png,0,0,0,0,00000153 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000154_post_disaster.png,tuscaloosa-tornado_00000154_post_disaster,1,801,tier3\masks\tuscaloosa-tornado_00000154_post_disaster.png,0,0,129,136743,00000154 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000154_pre_disaster.png,tuscaloosa-tornado_00000154_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000154_pre_disaster.png,0,0,129,137795,00000154 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000155_post_disaster.png,tuscaloosa-tornado_00000155_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000155_post_disaster.png,0,0,4,1339,00000155 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000155_pre_disaster.png,tuscaloosa-tornado_00000155_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000155_pre_disaster.png,0,0,4,1339,00000155 +1,587,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000156_post_disaster.png,tuscaloosa-tornado_00000156_post_disaster,33,37470,tier3\masks\tuscaloosa-tornado_00000156_post_disaster.png,0,0,55,53443,00000156 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000156_pre_disaster.png,tuscaloosa-tornado_00000156_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000156_pre_disaster.png,0,0,89,91704,00000156 +1,136,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000157_post_disaster.png,tuscaloosa-tornado_00000157_post_disaster,1,442,tier3\masks\tuscaloosa-tornado_00000157_post_disaster.png,0,0,123,104413,00000157 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000157_pre_disaster.png,tuscaloosa-tornado_00000157_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000157_pre_disaster.png,0,0,125,105025,00000157 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000158_post_disaster.png,tuscaloosa-tornado_00000158_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000158_post_disaster.png,0,0,4,3767,00000158 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000158_pre_disaster.png,tuscaloosa-tornado_00000158_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000158_pre_disaster.png,0,0,4,3795,00000158 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000159_post_disaster.png,tuscaloosa-tornado_00000159_post_disaster,21,18849,tier3\masks\tuscaloosa-tornado_00000159_post_disaster.png,1,1043,23,26987,00000159 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000159_pre_disaster.png,tuscaloosa-tornado_00000159_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000159_pre_disaster.png,0,0,45,46969,00000159 +37,13971,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000160_post_disaster.png,tuscaloosa-tornado_00000160_post_disaster,27,21904,tier3\masks\tuscaloosa-tornado_00000160_post_disaster.png,5,2048,3,1802,00000160 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000160_pre_disaster.png,tuscaloosa-tornado_00000160_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000160_pre_disaster.png,0,0,72,39899,00000160 +1,1677,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000161_post_disaster.png,tuscaloosa-tornado_00000161_post_disaster,1,1163,tier3\masks\tuscaloosa-tornado_00000161_post_disaster.png,0,0,42,44858,00000161 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000161_pre_disaster.png,tuscaloosa-tornado_00000161_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000161_pre_disaster.png,0,0,44,47698,00000161 +9,11655,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000162_post_disaster.png,tuscaloosa-tornado_00000162_post_disaster,1,746,tier3\masks\tuscaloosa-tornado_00000162_post_disaster.png,0,0,2,101,00000162 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000162_pre_disaster.png,tuscaloosa-tornado_00000162_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000162_pre_disaster.png,0,0,12,12502,00000162 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000163_post_disaster.png,tuscaloosa-tornado_00000163_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000163_post_disaster.png,0,0,36,129727,00000163 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000163_pre_disaster.png,tuscaloosa-tornado_00000163_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000163_pre_disaster.png,0,0,36,129863,00000163 +86,47630,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000164_post_disaster.png,tuscaloosa-tornado_00000164_post_disaster,3,986,tier3\masks\tuscaloosa-tornado_00000164_post_disaster.png,8,6391,8,2425,00000164 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000164_pre_disaster.png,tuscaloosa-tornado_00000164_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000164_pre_disaster.png,0,0,102,57427,00000164 +20,14764,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000165_post_disaster.png,tuscaloosa-tornado_00000165_post_disaster,52,53831,tier3\masks\tuscaloosa-tornado_00000165_post_disaster.png,16,34591,61,41291,00000165 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000165_pre_disaster.png,tuscaloosa-tornado_00000165_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000165_pre_disaster.png,0,0,143,144575,00000165 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000166_post_disaster.png,tuscaloosa-tornado_00000166_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000166_post_disaster.png,0,0,0,0,00000166 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000166_pre_disaster.png,tuscaloosa-tornado_00000166_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000166_pre_disaster.png,0,0,0,0,00000166 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000167_post_disaster.png,tuscaloosa-tornado_00000167_post_disaster,1,1002,tier3\masks\tuscaloosa-tornado_00000167_post_disaster.png,0,0,76,72654,00000167 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000167_pre_disaster.png,tuscaloosa-tornado_00000167_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000167_pre_disaster.png,0,0,77,73860,00000167 +36,27443,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000168_post_disaster.png,tuscaloosa-tornado_00000168_post_disaster,52,43887,tier3\masks\tuscaloosa-tornado_00000168_post_disaster.png,23,21089,35,22960,00000168 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000168_pre_disaster.png,tuscaloosa-tornado_00000168_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000168_pre_disaster.png,0,0,145,115659,00000168 +52,22469,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000169_post_disaster.png,tuscaloosa-tornado_00000169_post_disaster,1,607,tier3\masks\tuscaloosa-tornado_00000169_post_disaster.png,0,0,1,200,00000169 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000169_pre_disaster.png,tuscaloosa-tornado_00000169_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000169_pre_disaster.png,0,0,54,23308,00000169 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000170_post_disaster.png,tuscaloosa-tornado_00000170_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000170_post_disaster.png,0,0,0,0,00000170 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000170_pre_disaster.png,tuscaloosa-tornado_00000170_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000170_pre_disaster.png,0,0,0,0,00000170 +1,3283,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000171_post_disaster.png,tuscaloosa-tornado_00000171_post_disaster,6,7253,tier3\masks\tuscaloosa-tornado_00000171_post_disaster.png,4,8684,12,17267,00000171 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000171_pre_disaster.png,tuscaloosa-tornado_00000171_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000171_pre_disaster.png,0,0,23,36648,00000171 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000172_post_disaster.png,tuscaloosa-tornado_00000172_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000172_post_disaster.png,0,0,11,7135,00000172 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000172_pre_disaster.png,tuscaloosa-tornado_00000172_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000172_pre_disaster.png,0,0,11,7172,00000172 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000173_post_disaster.png,tuscaloosa-tornado_00000173_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000173_post_disaster.png,0,0,89,110944,00000173 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000173_pre_disaster.png,tuscaloosa-tornado_00000173_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000173_pre_disaster.png,0,0,89,111261,00000173 +4,2253,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000174_post_disaster.png,tuscaloosa-tornado_00000174_post_disaster,18,23572,tier3\masks\tuscaloosa-tornado_00000174_post_disaster.png,1,144,37,39041,00000174 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000174_pre_disaster.png,tuscaloosa-tornado_00000174_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000174_pre_disaster.png,0,0,59,65112,00000174 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000175_post_disaster.png,tuscaloosa-tornado_00000175_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000175_post_disaster.png,0,0,11,325946,00000175 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000175_pre_disaster.png,tuscaloosa-tornado_00000175_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000175_pre_disaster.png,0,0,11,326030,00000175 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000176_post_disaster.png,tuscaloosa-tornado_00000176_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000176_post_disaster.png,0,0,1,204,00000176 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000176_pre_disaster.png,tuscaloosa-tornado_00000176_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000176_pre_disaster.png,0,0,1,204,00000176 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000177_post_disaster.png,tuscaloosa-tornado_00000177_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000177_post_disaster.png,0,0,1,327,00000177 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000177_pre_disaster.png,tuscaloosa-tornado_00000177_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000177_pre_disaster.png,0,0,1,327,00000177 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000178_post_disaster.png,tuscaloosa-tornado_00000178_post_disaster,1,1200,tier3\masks\tuscaloosa-tornado_00000178_post_disaster.png,0,0,47,59737,00000178 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000178_pre_disaster.png,tuscaloosa-tornado_00000178_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000178_pre_disaster.png,0,0,48,61093,00000178 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000179_post_disaster.png,tuscaloosa-tornado_00000179_post_disaster,14,9942,tier3\masks\tuscaloosa-tornado_00000179_post_disaster.png,0,0,115,129028,00000179 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000179_pre_disaster.png,tuscaloosa-tornado_00000179_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000179_pre_disaster.png,0,0,128,139220,00000179 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000180_post_disaster.png,tuscaloosa-tornado_00000180_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000180_post_disaster.png,0,0,0,0,00000180 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000180_pre_disaster.png,tuscaloosa-tornado_00000180_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000180_pre_disaster.png,0,0,0,0,00000180 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000181_post_disaster.png,tuscaloosa-tornado_00000181_post_disaster,1,1454,tier3\masks\tuscaloosa-tornado_00000181_post_disaster.png,1,1383,5,4127,00000181 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000181_pre_disaster.png,tuscaloosa-tornado_00000181_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000181_pre_disaster.png,0,0,7,6964,00000181 +4,664,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000182_post_disaster.png,tuscaloosa-tornado_00000182_post_disaster,4,3773,tier3\masks\tuscaloosa-tornado_00000182_post_disaster.png,1,1000,21,11959,00000182 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000182_pre_disaster.png,tuscaloosa-tornado_00000182_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000182_pre_disaster.png,0,0,30,17456,00000182 +5,1543,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000183_post_disaster.png,tuscaloosa-tornado_00000183_post_disaster,13,10817,tier3\masks\tuscaloosa-tornado_00000183_post_disaster.png,2,1448,121,116255,00000183 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000183_pre_disaster.png,tuscaloosa-tornado_00000183_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000183_pre_disaster.png,0,0,141,130399,00000183 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000184_post_disaster.png,tuscaloosa-tornado_00000184_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000184_post_disaster.png,0,0,0,0,00000184 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000184_pre_disaster.png,tuscaloosa-tornado_00000184_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000184_pre_disaster.png,0,0,0,0,00000184 +1,504,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000185_post_disaster.png,tuscaloosa-tornado_00000185_post_disaster,18,18840,tier3\masks\tuscaloosa-tornado_00000185_post_disaster.png,4,4315,58,43819,00000185 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000185_pre_disaster.png,tuscaloosa-tornado_00000185_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000185_pre_disaster.png,0,0,81,67576,00000185 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000186_post_disaster.png,tuscaloosa-tornado_00000186_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000186_pre_disaster.png,tuscaloosa-tornado_00000186_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000187_post_disaster.png,tuscaloosa-tornado_00000187_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000187_post_disaster.png,0,0,1,200,00000187 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000187_pre_disaster.png,tuscaloosa-tornado_00000187_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000187_pre_disaster.png,0,0,1,200,00000187 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000188_post_disaster.png,tuscaloosa-tornado_00000188_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000188_pre_disaster.png,tuscaloosa-tornado_00000188_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000188_pre_disaster.png,0,0,0,0,00000188 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000189_post_disaster.png,tuscaloosa-tornado_00000189_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000189_post_disaster.png,0,0,0,0,00000189 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000189_pre_disaster.png,tuscaloosa-tornado_00000189_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000189_pre_disaster.png,0,0,0,0,00000189 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000190_post_disaster.png,tuscaloosa-tornado_00000190_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000190_post_disaster.png,0,0,0,0,00000190 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000190_pre_disaster.png,tuscaloosa-tornado_00000190_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000190_pre_disaster.png,0,0,0,0,00000190 +1,796,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000191_post_disaster.png,tuscaloosa-tornado_00000191_post_disaster,1,1009,tier3\masks\tuscaloosa-tornado_00000191_post_disaster.png,0,0,29,15613,00000191 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000191_pre_disaster.png,tuscaloosa-tornado_00000191_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000191_pre_disaster.png,0,0,31,17418,00000191 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000192_post_disaster.png,tuscaloosa-tornado_00000192_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000192_post_disaster.png,0,0,0,0,00000192 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000192_pre_disaster.png,tuscaloosa-tornado_00000192_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000192_pre_disaster.png,0,0,0,0,00000192 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000193_post_disaster.png,tuscaloosa-tornado_00000193_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000193_post_disaster.png,0,0,0,0,00000193 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000193_pre_disaster.png,tuscaloosa-tornado_00000193_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000193_pre_disaster.png,0,0,0,0,00000193 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000194_post_disaster.png,tuscaloosa-tornado_00000194_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000194_post_disaster.png,0,0,22,31617,00000194 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000194_pre_disaster.png,tuscaloosa-tornado_00000194_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000194_pre_disaster.png,0,0,22,32057,00000194 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000195_post_disaster.png,tuscaloosa-tornado_00000195_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000195_post_disaster.png,0,0,47,39383,00000195 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000195_pre_disaster.png,tuscaloosa-tornado_00000195_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000195_pre_disaster.png,0,0,47,39490,00000195 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000196_post_disaster.png,tuscaloosa-tornado_00000196_post_disaster,1,1677,tier3\masks\tuscaloosa-tornado_00000196_post_disaster.png,0,0,94,104941,00000196 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000196_pre_disaster.png,tuscaloosa-tornado_00000196_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000196_pre_disaster.png,0,0,95,106691,00000196 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000197_post_disaster.png,tuscaloosa-tornado_00000197_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000197_post_disaster.png,0,0,15,91997,00000197 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000197_pre_disaster.png,tuscaloosa-tornado_00000197_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000197_pre_disaster.png,0,0,15,92033,00000197 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000198_post_disaster.png,tuscaloosa-tornado_00000198_post_disaster,7,9697,tier3\masks\tuscaloosa-tornado_00000198_post_disaster.png,0,0,118,98093,00000198 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000198_pre_disaster.png,tuscaloosa-tornado_00000198_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000198_pre_disaster.png,0,0,125,107980,00000198 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000199_post_disaster.png,tuscaloosa-tornado_00000199_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000199_pre_disaster.png,tuscaloosa-tornado_00000199_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000199_pre_disaster.png,0,0,0,0,00000199 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000200_post_disaster.png,tuscaloosa-tornado_00000200_post_disaster,5,26907,tier3\masks\tuscaloosa-tornado_00000200_post_disaster.png,1,596,72,60244,00000200 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000200_pre_disaster.png,tuscaloosa-tornado_00000200_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000200_pre_disaster.png,0,0,74,87770,00000200 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000201_post_disaster.png,tuscaloosa-tornado_00000201_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000201_post_disaster.png,0,0,136,125680,00000201 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000201_pre_disaster.png,tuscaloosa-tornado_00000201_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000201_pre_disaster.png,0,0,136,125972,00000201 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000202_post_disaster.png,tuscaloosa-tornado_00000202_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000202_post_disaster.png,0,0,11,5925,00000202 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000202_pre_disaster.png,tuscaloosa-tornado_00000202_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000202_pre_disaster.png,0,0,11,5925,00000202 +1,1833,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000203_post_disaster.png,tuscaloosa-tornado_00000203_post_disaster,3,2332,tier3\masks\tuscaloosa-tornado_00000203_post_disaster.png,0,0,3,1448,00000203 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000203_pre_disaster.png,tuscaloosa-tornado_00000203_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000203_pre_disaster.png,0,0,7,5704,00000203 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000204_post_disaster.png,tuscaloosa-tornado_00000204_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000204_post_disaster.png,0,0,110,90970,00000204 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000204_pre_disaster.png,tuscaloosa-tornado_00000204_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000204_pre_disaster.png,0,0,110,91094,00000204 +2,634,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000205_post_disaster.png,tuscaloosa-tornado_00000205_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000205_post_disaster.png,1,659,1,125,00000205 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000205_pre_disaster.png,tuscaloosa-tornado_00000205_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000205_pre_disaster.png,0,0,4,1418,00000205 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000206_post_disaster.png,tuscaloosa-tornado_00000206_post_disaster,1,1883,tier3\masks\tuscaloosa-tornado_00000206_post_disaster.png,0,0,0,0,00000206 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000206_pre_disaster.png,tuscaloosa-tornado_00000206_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000206_pre_disaster.png,0,0,1,1883,00000206 +2,1396,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000207_post_disaster.png,tuscaloosa-tornado_00000207_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000207_post_disaster.png,2,1520,11,4620,00000207 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000207_pre_disaster.png,tuscaloosa-tornado_00000207_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000207_pre_disaster.png,0,0,14,7536,00000207 +1,479,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000208_post_disaster.png,tuscaloosa-tornado_00000208_post_disaster,1,668,tier3\masks\tuscaloosa-tornado_00000208_post_disaster.png,0,0,28,10679,00000208 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000208_pre_disaster.png,tuscaloosa-tornado_00000208_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000208_pre_disaster.png,0,0,30,11826,00000208 +14,9082,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000209_post_disaster.png,tuscaloosa-tornado_00000209_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000209_post_disaster.png,3,3668,3,626,00000209 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000209_pre_disaster.png,tuscaloosa-tornado_00000209_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000209_pre_disaster.png,0,0,20,13376,00000209 +4,2549,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000210_post_disaster.png,tuscaloosa-tornado_00000210_post_disaster,1,984,tier3\masks\tuscaloosa-tornado_00000210_post_disaster.png,1,1068,3,389,00000210 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000210_pre_disaster.png,tuscaloosa-tornado_00000210_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000210_pre_disaster.png,0,0,9,4990,00000210 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000211_post_disaster.png,tuscaloosa-tornado_00000211_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000211_post_disaster.png,0,0,3,1058,00000211 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000211_pre_disaster.png,tuscaloosa-tornado_00000211_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000211_pre_disaster.png,0,0,3,1058,00000211 +8,2797,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000212_post_disaster.png,tuscaloosa-tornado_00000212_post_disaster,3,3017,tier3\masks\tuscaloosa-tornado_00000212_post_disaster.png,1,2499,2,353,00000212 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000212_pre_disaster.png,tuscaloosa-tornado_00000212_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000212_pre_disaster.png,0,0,13,8666,00000212 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000213_post_disaster.png,tuscaloosa-tornado_00000213_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000213_post_disaster.png,0,0,2,368,00000213 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000213_pre_disaster.png,tuscaloosa-tornado_00000213_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000213_pre_disaster.png,0,0,2,368,00000213 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000214_post_disaster.png,tuscaloosa-tornado_00000214_post_disaster,1,1303,tier3\masks\tuscaloosa-tornado_00000214_post_disaster.png,0,0,0,0,00000214 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000214_pre_disaster.png,tuscaloosa-tornado_00000214_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000214_pre_disaster.png,0,0,1,1342,00000214 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000215_post_disaster.png,tuscaloosa-tornado_00000215_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000215_post_disaster.png,0,0,0,0,00000215 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000215_pre_disaster.png,tuscaloosa-tornado_00000215_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000215_pre_disaster.png,0,0,0,0,00000215 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000216_post_disaster.png,tuscaloosa-tornado_00000216_post_disaster,2,2017,tier3\masks\tuscaloosa-tornado_00000216_post_disaster.png,0,0,153,157539,00000216 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000216_pre_disaster.png,tuscaloosa-tornado_00000216_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000216_pre_disaster.png,0,0,155,160293,00000216 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000217_post_disaster.png,tuscaloosa-tornado_00000217_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000217_post_disaster.png,0,0,2,4811,00000217 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000217_pre_disaster.png,tuscaloosa-tornado_00000217_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000217_pre_disaster.png,0,0,2,4811,00000217 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000218_post_disaster.png,tuscaloosa-tornado_00000218_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000218_post_disaster.png,0,0,1,494,00000218 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000218_pre_disaster.png,tuscaloosa-tornado_00000218_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000218_pre_disaster.png,0,0,1,494,00000218 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000219_post_disaster.png,tuscaloosa-tornado_00000219_post_disaster,4,1034,tier3\masks\tuscaloosa-tornado_00000219_post_disaster.png,0,0,56,173322,00000219 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000219_pre_disaster.png,tuscaloosa-tornado_00000219_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000219_pre_disaster.png,0,0,60,174377,00000219 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000220_post_disaster.png,tuscaloosa-tornado_00000220_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000220_post_disaster.png,0,0,3,1198,00000220 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000220_pre_disaster.png,tuscaloosa-tornado_00000220_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000220_pre_disaster.png,0,0,3,1198,00000220 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000221_post_disaster.png,tuscaloosa-tornado_00000221_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000221_pre_disaster.png,tuscaloosa-tornado_00000221_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000222_post_disaster.png,tuscaloosa-tornado_00000222_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000222_post_disaster.png,0,0,2,2232,00000222 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000222_pre_disaster.png,tuscaloosa-tornado_00000222_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000222_pre_disaster.png,0,0,2,2232,00000222 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000223_post_disaster.png,tuscaloosa-tornado_00000223_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000223_post_disaster.png,0,0,0,0,00000223 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000223_pre_disaster.png,tuscaloosa-tornado_00000223_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000223_pre_disaster.png,0,0,0,0,00000223 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000224_post_disaster.png,tuscaloosa-tornado_00000224_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000224_post_disaster.png,0,0,92,73551,00000224 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000224_pre_disaster.png,tuscaloosa-tornado_00000224_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000224_pre_disaster.png,0,0,92,73681,00000224 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000225_post_disaster.png,tuscaloosa-tornado_00000225_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000225_post_disaster.png,0,0,1,520,00000225 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000225_pre_disaster.png,tuscaloosa-tornado_00000225_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000225_pre_disaster.png,0,0,1,520,00000225 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000226_post_disaster.png,tuscaloosa-tornado_00000226_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000226_post_disaster.png,0,0,0,0,00000226 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000226_pre_disaster.png,tuscaloosa-tornado_00000226_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000226_pre_disaster.png,0,0,0,0,00000226 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000227_post_disaster.png,tuscaloosa-tornado_00000227_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000227_post_disaster.png,0,0,0,0,00000227 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000227_pre_disaster.png,tuscaloosa-tornado_00000227_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000227_pre_disaster.png,0,0,0,0,00000227 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000228_post_disaster.png,tuscaloosa-tornado_00000228_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000228_post_disaster.png,0,0,109,125574,00000228 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000228_pre_disaster.png,tuscaloosa-tornado_00000228_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000228_pre_disaster.png,0,0,109,125691,00000228 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000229_post_disaster.png,tuscaloosa-tornado_00000229_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000229_pre_disaster.png,tuscaloosa-tornado_00000229_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000229_pre_disaster.png,0,0,0,0,00000229 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000230_post_disaster.png,tuscaloosa-tornado_00000230_post_disaster,1,465,tier3\masks\tuscaloosa-tornado_00000230_post_disaster.png,0,0,4,1647,00000230 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000230_pre_disaster.png,tuscaloosa-tornado_00000230_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000230_pre_disaster.png,0,0,5,2110,00000230 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000231_post_disaster.png,tuscaloosa-tornado_00000231_post_disaster,1,905,tier3\masks\tuscaloosa-tornado_00000231_post_disaster.png,0,0,156,128436,00000231 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000231_pre_disaster.png,tuscaloosa-tornado_00000231_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000231_pre_disaster.png,0,0,157,129586,00000231 +3,1349,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000232_post_disaster.png,tuscaloosa-tornado_00000232_post_disaster,6,6618,tier3\masks\tuscaloosa-tornado_00000232_post_disaster.png,2,2725,6,1530,00000232 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000232_pre_disaster.png,tuscaloosa-tornado_00000232_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000232_pre_disaster.png,0,0,16,12230,00000232 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000233_post_disaster.png,tuscaloosa-tornado_00000233_post_disaster,7,5982,tier3\masks\tuscaloosa-tornado_00000233_post_disaster.png,0,0,113,107017,00000233 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000233_pre_disaster.png,tuscaloosa-tornado_00000233_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000233_pre_disaster.png,0,0,120,112999,00000233 +6,4195,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000234_post_disaster.png,tuscaloosa-tornado_00000234_post_disaster,26,24962,tier3\masks\tuscaloosa-tornado_00000234_post_disaster.png,3,2612,8,5627,00000234 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000234_pre_disaster.png,tuscaloosa-tornado_00000234_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000234_pre_disaster.png,0,0,42,37820,00000234 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000235_post_disaster.png,tuscaloosa-tornado_00000235_post_disaster,1,990,tier3\masks\tuscaloosa-tornado_00000235_post_disaster.png,0,0,16,16692,00000235 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000235_pre_disaster.png,tuscaloosa-tornado_00000235_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000235_pre_disaster.png,0,0,17,17682,00000235 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000236_post_disaster.png,tuscaloosa-tornado_00000236_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000236_post_disaster.png,3,2915,6,2379,00000236 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000236_pre_disaster.png,tuscaloosa-tornado_00000236_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000236_pre_disaster.png,0,0,9,5346,00000236 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000237_post_disaster.png,tuscaloosa-tornado_00000237_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000237_post_disaster.png,0,0,1,1300,00000237 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000237_pre_disaster.png,tuscaloosa-tornado_00000237_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000237_pre_disaster.png,0,0,1,1300,00000237 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000238_post_disaster.png,tuscaloosa-tornado_00000238_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000238_post_disaster.png,0,0,14,75755,00000238 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000238_pre_disaster.png,tuscaloosa-tornado_00000238_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000238_pre_disaster.png,0,0,14,75792,00000238 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000239_post_disaster.png,tuscaloosa-tornado_00000239_post_disaster,2,2770,tier3\masks\tuscaloosa-tornado_00000239_post_disaster.png,1,1059,5,5394,00000239 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000239_pre_disaster.png,tuscaloosa-tornado_00000239_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000239_pre_disaster.png,0,0,8,9223,00000239 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000240_post_disaster.png,tuscaloosa-tornado_00000240_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000240_post_disaster.png,0,0,0,0,00000240 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000240_pre_disaster.png,tuscaloosa-tornado_00000240_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000240_pre_disaster.png,0,0,0,0,00000240 +4,2013,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000241_post_disaster.png,tuscaloosa-tornado_00000241_post_disaster,2,1769,tier3\masks\tuscaloosa-tornado_00000241_post_disaster.png,1,2209,6,1496,00000241 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000241_pre_disaster.png,tuscaloosa-tornado_00000241_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000241_pre_disaster.png,0,0,13,7487,00000241 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000242_post_disaster.png,tuscaloosa-tornado_00000242_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000242_post_disaster.png,0,0,17,60782,00000242 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000242_pre_disaster.png,tuscaloosa-tornado_00000242_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000242_pre_disaster.png,0,0,17,60927,00000242 +25,14392,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000243_post_disaster.png,tuscaloosa-tornado_00000243_post_disaster,14,14226,tier3\masks\tuscaloosa-tornado_00000243_post_disaster.png,6,5080,32,15873,00000243 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000243_pre_disaster.png,tuscaloosa-tornado_00000243_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000243_pre_disaster.png,0,0,77,49580,00000243 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000244_post_disaster.png,tuscaloosa-tornado_00000244_post_disaster,5,6037,tier3\masks\tuscaloosa-tornado_00000244_post_disaster.png,2,830,44,31302,00000244 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000244_pre_disaster.png,tuscaloosa-tornado_00000244_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000244_pre_disaster.png,0,0,51,38169,00000244 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000245_post_disaster.png,tuscaloosa-tornado_00000245_post_disaster,1,1078,tier3\masks\tuscaloosa-tornado_00000245_post_disaster.png,0,0,6,5348,00000245 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000245_pre_disaster.png,tuscaloosa-tornado_00000245_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000245_pre_disaster.png,0,0,7,6426,00000245 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000246_post_disaster.png,tuscaloosa-tornado_00000246_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000246_post_disaster.png,0,0,28,118883,00000246 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000246_pre_disaster.png,tuscaloosa-tornado_00000246_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000246_pre_disaster.png,0,0,28,118987,00000246 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000247_post_disaster.png,tuscaloosa-tornado_00000247_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000247_post_disaster.png,0,0,2,478,00000247 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000247_pre_disaster.png,tuscaloosa-tornado_00000247_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000247_pre_disaster.png,0,0,2,478,00000247 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000248_post_disaster.png,tuscaloosa-tornado_00000248_post_disaster,4,4143,tier3\masks\tuscaloosa-tornado_00000248_post_disaster.png,0,0,65,38437,00000248 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000248_pre_disaster.png,tuscaloosa-tornado_00000248_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000248_pre_disaster.png,0,0,69,42629,00000248 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000249_post_disaster.png,tuscaloosa-tornado_00000249_post_disaster,1,935,tier3\masks\tuscaloosa-tornado_00000249_post_disaster.png,0,0,1,461,00000249 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000249_pre_disaster.png,tuscaloosa-tornado_00000249_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000249_pre_disaster.png,0,0,2,1402,00000249 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000250_post_disaster.png,tuscaloosa-tornado_00000250_post_disaster,8,6736,tier3\masks\tuscaloosa-tornado_00000250_post_disaster.png,0,0,105,92809,00000250 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000250_pre_disaster.png,tuscaloosa-tornado_00000250_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000250_pre_disaster.png,0,0,113,99661,00000250 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000251_post_disaster.png,tuscaloosa-tornado_00000251_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000251_post_disaster.png,0,0,48,31761,00000251 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000251_pre_disaster.png,tuscaloosa-tornado_00000251_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000251_pre_disaster.png,0,0,48,31783,00000251 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000252_post_disaster.png,tuscaloosa-tornado_00000252_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000252_post_disaster.png,0,0,7,3059,00000252 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000252_pre_disaster.png,tuscaloosa-tornado_00000252_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000252_pre_disaster.png,0,0,7,3108,00000252 +7,4333,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000253_post_disaster.png,tuscaloosa-tornado_00000253_post_disaster,58,43409,tier3\masks\tuscaloosa-tornado_00000253_post_disaster.png,5,4012,103,67983,00000253 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000253_pre_disaster.png,tuscaloosa-tornado_00000253_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000253_pre_disaster.png,0,0,173,119851,00000253 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000254_post_disaster.png,tuscaloosa-tornado_00000254_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000254_post_disaster.png,0,0,19,10762,00000254 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000254_pre_disaster.png,tuscaloosa-tornado_00000254_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000254_pre_disaster.png,0,0,19,10822,00000254 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000255_post_disaster.png,tuscaloosa-tornado_00000255_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000255_post_disaster.png,0,0,100,77419,00000255 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000255_pre_disaster.png,tuscaloosa-tornado_00000255_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000255_pre_disaster.png,0,0,100,77530,00000255 +35,29088,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000256_post_disaster.png,tuscaloosa-tornado_00000256_post_disaster,79,81608,tier3\masks\tuscaloosa-tornado_00000256_post_disaster.png,5,5288,26,22474,00000256 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000256_pre_disaster.png,tuscaloosa-tornado_00000256_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000256_pre_disaster.png,0,0,144,138604,00000256 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000257_post_disaster.png,tuscaloosa-tornado_00000257_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000257_post_disaster.png,0,0,6,2400,00000257 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000257_pre_disaster.png,tuscaloosa-tornado_00000257_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000257_pre_disaster.png,0,0,6,2400,00000257 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000258_post_disaster.png,tuscaloosa-tornado_00000258_post_disaster,11,7457,tier3\masks\tuscaloosa-tornado_00000258_post_disaster.png,0,0,72,67685,00000258 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000258_pre_disaster.png,tuscaloosa-tornado_00000258_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000258_pre_disaster.png,0,0,83,75242,00000258 +29,21892,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000259_post_disaster.png,tuscaloosa-tornado_00000259_post_disaster,30,31283,tier3\masks\tuscaloosa-tornado_00000259_post_disaster.png,21,16491,11,7926,00000259 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000259_pre_disaster.png,tuscaloosa-tornado_00000259_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000259_pre_disaster.png,0,0,91,77684,00000259 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000260_post_disaster.png,tuscaloosa-tornado_00000260_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000260_post_disaster.png,0,0,20,13368,00000260 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000260_pre_disaster.png,tuscaloosa-tornado_00000260_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000260_pre_disaster.png,0,0,20,13394,00000260 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000261_post_disaster.png,tuscaloosa-tornado_00000261_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000261_post_disaster.png,0,0,22,14811,00000261 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000261_pre_disaster.png,tuscaloosa-tornado_00000261_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000261_pre_disaster.png,0,0,22,14811,00000261 +5,2071,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000262_post_disaster.png,tuscaloosa-tornado_00000262_post_disaster,12,9511,tier3\masks\tuscaloosa-tornado_00000262_post_disaster.png,5,17580,7,6342,00000262 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000262_pre_disaster.png,tuscaloosa-tornado_00000262_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000262_pre_disaster.png,0,0,29,35610,00000262 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000263_post_disaster.png,tuscaloosa-tornado_00000263_post_disaster,8,10547,tier3\masks\tuscaloosa-tornado_00000263_post_disaster.png,0,0,106,120798,00000263 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000263_pre_disaster.png,tuscaloosa-tornado_00000263_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000263_pre_disaster.png,0,0,114,131530,00000263 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000264_post_disaster.png,tuscaloosa-tornado_00000264_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000264_post_disaster.png,0,0,0,0,00000264 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000264_pre_disaster.png,tuscaloosa-tornado_00000264_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000264_pre_disaster.png,0,0,0,0,00000264 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000265_post_disaster.png,tuscaloosa-tornado_00000265_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000265_post_disaster.png,0,0,2,1567,00000265 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000265_pre_disaster.png,tuscaloosa-tornado_00000265_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000265_pre_disaster.png,0,0,2,1567,00000265 +3,1609,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000266_post_disaster.png,tuscaloosa-tornado_00000266_post_disaster,12,6291,tier3\masks\tuscaloosa-tornado_00000266_post_disaster.png,3,2432,34,14874,00000266 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000266_pre_disaster.png,tuscaloosa-tornado_00000266_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000266_pre_disaster.png,0,0,47,25230,00000266 +1,103,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000267_post_disaster.png,tuscaloosa-tornado_00000267_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000267_post_disaster.png,0,0,62,36797,00000267 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000267_pre_disaster.png,tuscaloosa-tornado_00000267_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000267_pre_disaster.png,0,0,63,37008,00000267 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000268_post_disaster.png,tuscaloosa-tornado_00000268_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000268_post_disaster.png,0,0,85,121037,00000268 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000268_pre_disaster.png,tuscaloosa-tornado_00000268_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000268_pre_disaster.png,0,0,85,121501,00000268 +11,5985,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000269_post_disaster.png,tuscaloosa-tornado_00000269_post_disaster,37,22335,tier3\masks\tuscaloosa-tornado_00000269_post_disaster.png,10,8984,46,17830,00000269 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000269_pre_disaster.png,tuscaloosa-tornado_00000269_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000269_pre_disaster.png,0,0,103,55150,00000269 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000270_post_disaster.png,tuscaloosa-tornado_00000270_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000270_post_disaster.png,0,0,137,120870,00000270 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000270_pre_disaster.png,tuscaloosa-tornado_00000270_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000270_pre_disaster.png,0,0,137,121012,00000270 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000271_post_disaster.png,tuscaloosa-tornado_00000271_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000271_post_disaster.png,0,0,0,0,00000271 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000271_pre_disaster.png,tuscaloosa-tornado_00000271_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000271_pre_disaster.png,0,0,0,0,00000271 +6,1274,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000272_post_disaster.png,tuscaloosa-tornado_00000272_post_disaster,5,4103,tier3\masks\tuscaloosa-tornado_00000272_post_disaster.png,1,1497,16,11542,00000272 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000272_pre_disaster.png,tuscaloosa-tornado_00000272_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000272_pre_disaster.png,0,0,28,18416,00000272 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000273_post_disaster.png,tuscaloosa-tornado_00000273_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000273_post_disaster.png,0,0,91,176565,00000273 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000273_pre_disaster.png,tuscaloosa-tornado_00000273_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000273_pre_disaster.png,0,0,91,176834,00000273 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000274_post_disaster.png,tuscaloosa-tornado_00000274_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000274_post_disaster.png,0,0,10,13125,00000274 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000274_pre_disaster.png,tuscaloosa-tornado_00000274_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000274_pre_disaster.png,0,0,10,13125,00000274 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000275_post_disaster.png,tuscaloosa-tornado_00000275_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000275_post_disaster.png,0,0,107,118996,00000275 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000275_pre_disaster.png,tuscaloosa-tornado_00000275_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000275_pre_disaster.png,0,0,107,119197,00000275 +1,167,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000276_post_disaster.png,tuscaloosa-tornado_00000276_post_disaster,20,15553,tier3\masks\tuscaloosa-tornado_00000276_post_disaster.png,3,2500,27,17421,00000276 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000276_pre_disaster.png,tuscaloosa-tornado_00000276_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000276_pre_disaster.png,0,0,51,35710,00000276 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000277_post_disaster.png,tuscaloosa-tornado_00000277_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000277_post_disaster.png,0,0,0,0,00000277 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000277_pre_disaster.png,tuscaloosa-tornado_00000277_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000277_pre_disaster.png,0,0,0,0,00000277 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000278_post_disaster.png,tuscaloosa-tornado_00000278_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000278_post_disaster.png,1,950,8,3174,00000278 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000278_pre_disaster.png,tuscaloosa-tornado_00000278_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000278_pre_disaster.png,0,0,9,4124,00000278 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000279_post_disaster.png,tuscaloosa-tornado_00000279_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000279_post_disaster.png,0,0,4,1435,00000279 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000279_pre_disaster.png,tuscaloosa-tornado_00000279_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000279_pre_disaster.png,0,0,4,1449,00000279 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000280_post_disaster.png,tuscaloosa-tornado_00000280_post_disaster,1,1352,tier3\masks\tuscaloosa-tornado_00000280_post_disaster.png,0,0,133,133753,00000280 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000280_pre_disaster.png,tuscaloosa-tornado_00000280_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000280_pre_disaster.png,0,0,134,135143,00000280 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000281_post_disaster.png,tuscaloosa-tornado_00000281_post_disaster,1,1525,tier3\masks\tuscaloosa-tornado_00000281_post_disaster.png,0,0,10,9754,00000281 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000281_pre_disaster.png,tuscaloosa-tornado_00000281_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000281_pre_disaster.png,0,0,11,11329,00000281 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000282_post_disaster.png,tuscaloosa-tornado_00000282_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000282_post_disaster.png,0,0,0,0,00000282 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000282_pre_disaster.png,tuscaloosa-tornado_00000282_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000282_pre_disaster.png,0,0,0,0,00000282 +3,2376,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000283_post_disaster.png,tuscaloosa-tornado_00000283_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000283_post_disaster.png,1,806,1,415,00000283 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000283_pre_disaster.png,tuscaloosa-tornado_00000283_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000283_pre_disaster.png,0,0,5,3597,00000283 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000284_post_disaster.png,tuscaloosa-tornado_00000284_post_disaster,1,688,tier3\masks\tuscaloosa-tornado_00000284_post_disaster.png,0,0,3,3015,00000284 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000284_pre_disaster.png,tuscaloosa-tornado_00000284_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000284_pre_disaster.png,0,0,3,3703,00000284 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000285_post_disaster.png,tuscaloosa-tornado_00000285_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000285_post_disaster.png,0,0,69,82646,00000285 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000285_pre_disaster.png,tuscaloosa-tornado_00000285_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000285_pre_disaster.png,0,0,69,82721,00000285 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000286_post_disaster.png,tuscaloosa-tornado_00000286_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000286_post_disaster.png,0,0,18,24837,00000286 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000286_pre_disaster.png,tuscaloosa-tornado_00000286_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000286_pre_disaster.png,0,0,18,24837,00000286 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000287_post_disaster.png,tuscaloosa-tornado_00000287_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000287_post_disaster.png,0,0,0,0,00000287 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000287_pre_disaster.png,tuscaloosa-tornado_00000287_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000287_pre_disaster.png,0,0,0,0,00000287 +3,874,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000288_post_disaster.png,tuscaloosa-tornado_00000288_post_disaster,1,311,tier3\masks\tuscaloosa-tornado_00000288_post_disaster.png,1,459,4,661,00000288 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000288_pre_disaster.png,tuscaloosa-tornado_00000288_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000288_pre_disaster.png,0,0,9,2333,00000288 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000289_post_disaster.png,tuscaloosa-tornado_00000289_post_disaster,2,2929,tier3\masks\tuscaloosa-tornado_00000289_post_disaster.png,0,0,43,47079,00000289 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000289_pre_disaster.png,tuscaloosa-tornado_00000289_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000289_pre_disaster.png,0,0,45,50064,00000289 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000290_post_disaster.png,tuscaloosa-tornado_00000290_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000290_post_disaster.png,0,0,1,3900,00000290 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000290_pre_disaster.png,tuscaloosa-tornado_00000290_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000290_pre_disaster.png,0,0,1,3900,00000290 +3,878,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000291_post_disaster.png,tuscaloosa-tornado_00000291_post_disaster,4,2323,tier3\masks\tuscaloosa-tornado_00000291_post_disaster.png,2,1088,3,1374,00000291 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000291_pre_disaster.png,tuscaloosa-tornado_00000291_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000291_pre_disaster.png,0,0,11,5663,00000291 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000292_post_disaster.png,tuscaloosa-tornado_00000292_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000292_post_disaster.png,0,0,0,0,00000292 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000292_pre_disaster.png,tuscaloosa-tornado_00000292_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000292_pre_disaster.png,0,0,0,0,00000292 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000293_post_disaster.png,tuscaloosa-tornado_00000293_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000293_post_disaster.png,0,0,0,0,00000293 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000293_pre_disaster.png,tuscaloosa-tornado_00000293_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000293_pre_disaster.png,0,0,0,0,00000293 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000294_post_disaster.png,tuscaloosa-tornado_00000294_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000294_post_disaster.png,0,0,3,1246,00000294 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000294_pre_disaster.png,tuscaloosa-tornado_00000294_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000294_pre_disaster.png,0,0,3,1246,00000294 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000295_post_disaster.png,tuscaloosa-tornado_00000295_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000295_post_disaster.png,0,0,0,0,00000295 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000295_pre_disaster.png,tuscaloosa-tornado_00000295_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000295_pre_disaster.png,0,0,0,0,00000295 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000296_post_disaster.png,tuscaloosa-tornado_00000296_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000296_post_disaster.png,0,0,1,741,00000296 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000296_pre_disaster.png,tuscaloosa-tornado_00000296_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000296_pre_disaster.png,0,0,1,741,00000296 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000297_post_disaster.png,tuscaloosa-tornado_00000297_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000297_post_disaster.png,0,0,0,0,00000297 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000297_pre_disaster.png,tuscaloosa-tornado_00000297_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000297_pre_disaster.png,0,0,0,0,00000297 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000298_post_disaster.png,tuscaloosa-tornado_00000298_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000298_post_disaster.png,0,0,0,0,00000298 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000298_pre_disaster.png,tuscaloosa-tornado_00000298_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000298_pre_disaster.png,0,0,0,0,00000298 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000299_post_disaster.png,tuscaloosa-tornado_00000299_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000299_post_disaster.png,0,0,0,0,00000299 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000299_pre_disaster.png,tuscaloosa-tornado_00000299_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000299_pre_disaster.png,0,0,0,0,00000299 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000300_post_disaster.png,tuscaloosa-tornado_00000300_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000300_post_disaster.png,0,0,9,8367,00000300 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000300_pre_disaster.png,tuscaloosa-tornado_00000300_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000300_pre_disaster.png,0,0,9,8410,00000300 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000301_post_disaster.png,tuscaloosa-tornado_00000301_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000301_post_disaster.png,0,0,11,50840,00000301 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000301_pre_disaster.png,tuscaloosa-tornado_00000301_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000301_pre_disaster.png,0,0,11,51283,00000301 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000302_post_disaster.png,tuscaloosa-tornado_00000302_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000302_post_disaster.png,0,0,41,20883,00000302 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000302_pre_disaster.png,tuscaloosa-tornado_00000302_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000302_pre_disaster.png,0,0,41,20893,00000302 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000303_post_disaster.png,tuscaloosa-tornado_00000303_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000303_post_disaster.png,0,0,25,95524,00000303 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000303_pre_disaster.png,tuscaloosa-tornado_00000303_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000303_pre_disaster.png,0,0,25,95825,00000303 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000304_post_disaster.png,tuscaloosa-tornado_00000304_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000304_post_disaster.png,0,0,57,39315,00000304 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000304_pre_disaster.png,tuscaloosa-tornado_00000304_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000304_pre_disaster.png,0,0,57,39315,00000304 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000305_post_disaster.png,tuscaloosa-tornado_00000305_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000305_post_disaster.png,0,0,9,66887,00000305 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000305_pre_disaster.png,tuscaloosa-tornado_00000305_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000305_pre_disaster.png,0,0,9,66887,00000305 +1,488,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000306_post_disaster.png,tuscaloosa-tornado_00000306_post_disaster,4,1517,tier3\masks\tuscaloosa-tornado_00000306_post_disaster.png,0,0,48,25419,00000306 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000306_pre_disaster.png,tuscaloosa-tornado_00000306_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000306_pre_disaster.png,0,0,52,27424,00000306 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000307_post_disaster.png,tuscaloosa-tornado_00000307_post_disaster,2,2204,tier3\masks\tuscaloosa-tornado_00000307_post_disaster.png,0,0,31,54308,00000307 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000307_pre_disaster.png,tuscaloosa-tornado_00000307_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000307_pre_disaster.png,0,0,33,56658,00000307 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000308_post_disaster.png,tuscaloosa-tornado_00000308_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000308_post_disaster.png,0,0,2,661,00000308 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000308_pre_disaster.png,tuscaloosa-tornado_00000308_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000308_pre_disaster.png,0,0,2,661,00000308 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000309_post_disaster.png,tuscaloosa-tornado_00000309_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000309_post_disaster.png,0,0,11,9256,00000309 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000309_pre_disaster.png,tuscaloosa-tornado_00000309_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000309_pre_disaster.png,0,0,11,9256,00000309 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000310_post_disaster.png,tuscaloosa-tornado_00000310_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000310_post_disaster.png,0,0,22,56658,00000310 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000310_pre_disaster.png,tuscaloosa-tornado_00000310_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000310_pre_disaster.png,0,0,22,57238,00000310 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000311_post_disaster.png,tuscaloosa-tornado_00000311_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000311_post_disaster.png,0,0,4,545,00000311 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000311_pre_disaster.png,tuscaloosa-tornado_00000311_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000311_pre_disaster.png,0,0,4,545,00000311 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000312_post_disaster.png,tuscaloosa-tornado_00000312_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000312_post_disaster.png,0,0,6,2704,00000312 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000312_pre_disaster.png,tuscaloosa-tornado_00000312_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000312_pre_disaster.png,0,0,6,2704,00000312 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000313_post_disaster.png,tuscaloosa-tornado_00000313_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000313_post_disaster.png,0,0,0,0,00000313 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000313_pre_disaster.png,tuscaloosa-tornado_00000313_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000313_pre_disaster.png,0,0,0,0,00000313 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000314_post_disaster.png,tuscaloosa-tornado_00000314_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000314_post_disaster.png,0,0,12,12325,00000314 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000314_pre_disaster.png,tuscaloosa-tornado_00000314_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000314_pre_disaster.png,0,0,12,12325,00000314 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000315_post_disaster.png,tuscaloosa-tornado_00000315_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000315_post_disaster.png,0,0,1,52,00000315 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000315_pre_disaster.png,tuscaloosa-tornado_00000315_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000315_pre_disaster.png,0,0,1,52,00000315 +5,7682,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000316_post_disaster.png,tuscaloosa-tornado_00000316_post_disaster,8,19436,tier3\masks\tuscaloosa-tornado_00000316_post_disaster.png,3,12042,17,36289,00000316 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000316_pre_disaster.png,tuscaloosa-tornado_00000316_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000316_pre_disaster.png,0,0,33,75554,00000316 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000317_post_disaster.png,tuscaloosa-tornado_00000317_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000317_post_disaster.png,0,0,2,2167,00000317 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000317_pre_disaster.png,tuscaloosa-tornado_00000317_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000317_pre_disaster.png,0,0,2,2167,00000317 +55,86654,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000318_post_disaster.png,tuscaloosa-tornado_00000318_post_disaster,52,45390,tier3\masks\tuscaloosa-tornado_00000318_post_disaster.png,19,39596,19,16211,00000318 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000318_pre_disaster.png,tuscaloosa-tornado_00000318_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000318_pre_disaster.png,0,0,144,188224,00000318 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000319_post_disaster.png,tuscaloosa-tornado_00000319_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000319_post_disaster.png,0,0,1,358,00000319 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000319_pre_disaster.png,tuscaloosa-tornado_00000319_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000319_pre_disaster.png,0,0,1,358,00000319 +38,50098,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000320_post_disaster.png,tuscaloosa-tornado_00000320_post_disaster,37,34948,tier3\masks\tuscaloosa-tornado_00000320_post_disaster.png,37,46227,24,32164,00000320 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000320_pre_disaster.png,tuscaloosa-tornado_00000320_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000320_pre_disaster.png,0,0,136,163507,00000320 +1,352,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000321_post_disaster.png,tuscaloosa-tornado_00000321_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000321_post_disaster.png,2,1911,2,650,00000321 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000321_pre_disaster.png,tuscaloosa-tornado_00000321_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000321_pre_disaster.png,0,0,5,2913,00000321 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000322_post_disaster.png,tuscaloosa-tornado_00000322_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000322_post_disaster.png,0,0,61,61886,00000322 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000322_pre_disaster.png,tuscaloosa-tornado_00000322_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000322_pre_disaster.png,0,0,61,61992,00000322 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000323_post_disaster.png,tuscaloosa-tornado_00000323_post_disaster,108,88945,tier3\masks\tuscaloosa-tornado_00000323_post_disaster.png,1,1280,48,38325,00000323 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000323_pre_disaster.png,tuscaloosa-tornado_00000323_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000323_pre_disaster.png,0,0,156,128585,00000323 +4,976,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000324_post_disaster.png,tuscaloosa-tornado_00000324_post_disaster,1,379,tier3\masks\tuscaloosa-tornado_00000324_post_disaster.png,0,0,61,72311,00000324 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000324_pre_disaster.png,tuscaloosa-tornado_00000324_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000324_pre_disaster.png,0,0,66,73705,00000324 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000325_post_disaster.png,tuscaloosa-tornado_00000325_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000325_post_disaster.png,0,0,0,0,00000325 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000325_pre_disaster.png,tuscaloosa-tornado_00000325_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000325_pre_disaster.png,0,0,0,0,00000325 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000326_post_disaster.png,tuscaloosa-tornado_00000326_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000326_post_disaster.png,0,0,78,88477,00000326 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000326_pre_disaster.png,tuscaloosa-tornado_00000326_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000326_pre_disaster.png,0,0,78,88613,00000326 +1,427,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000327_post_disaster.png,tuscaloosa-tornado_00000327_post_disaster,37,32718,tier3\masks\tuscaloosa-tornado_00000327_post_disaster.png,0,0,62,44563,00000327 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000327_pre_disaster.png,tuscaloosa-tornado_00000327_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000327_pre_disaster.png,0,0,100,77897,00000327 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000328_post_disaster.png,tuscaloosa-tornado_00000328_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000328_post_disaster.png,0,0,0,0,00000328 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000328_pre_disaster.png,tuscaloosa-tornado_00000328_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000328_pre_disaster.png,0,0,0,0,00000328 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000329_post_disaster.png,tuscaloosa-tornado_00000329_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000329_post_disaster.png,0,0,100,139243,00000329 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000329_pre_disaster.png,tuscaloosa-tornado_00000329_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000329_pre_disaster.png,0,0,100,139653,00000329 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000330_post_disaster.png,tuscaloosa-tornado_00000330_post_disaster,33,32201,tier3\masks\tuscaloosa-tornado_00000330_post_disaster.png,0,0,63,51354,00000330 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000330_pre_disaster.png,tuscaloosa-tornado_00000330_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000330_pre_disaster.png,0,0,96,83653,00000330 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000331_post_disaster.png,tuscaloosa-tornado_00000331_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000331_post_disaster.png,0,0,0,0,00000331 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000331_pre_disaster.png,tuscaloosa-tornado_00000331_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000331_pre_disaster.png,0,0,0,0,00000331 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000332_post_disaster.png,tuscaloosa-tornado_00000332_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000332_post_disaster.png,0,0,63,115151,00000332 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000332_pre_disaster.png,tuscaloosa-tornado_00000332_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000332_pre_disaster.png,0,0,63,115437,00000332 +2,1233,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000333_post_disaster.png,tuscaloosa-tornado_00000333_post_disaster,11,7574,tier3\masks\tuscaloosa-tornado_00000333_post_disaster.png,0,0,153,83614,00000333 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000333_pre_disaster.png,tuscaloosa-tornado_00000333_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000333_pre_disaster.png,0,0,166,92425,00000333 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000334_post_disaster.png,tuscaloosa-tornado_00000334_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000334_post_disaster.png,0,0,48,33858,00000334 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000334_pre_disaster.png,tuscaloosa-tornado_00000334_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000334_pre_disaster.png,0,0,48,34002,00000334 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000335_post_disaster.png,tuscaloosa-tornado_00000335_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000335_post_disaster.png,0,0,3,4111,00000335 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000335_pre_disaster.png,tuscaloosa-tornado_00000335_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000335_pre_disaster.png,0,0,3,4111,00000335 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000336_post_disaster.png,tuscaloosa-tornado_00000336_post_disaster,1,615,tier3\masks\tuscaloosa-tornado_00000336_post_disaster.png,0,0,24,40969,00000336 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000336_pre_disaster.png,tuscaloosa-tornado_00000336_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000336_pre_disaster.png,0,0,25,41681,00000336 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000337_post_disaster.png,tuscaloosa-tornado_00000337_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000337_post_disaster.png,0,0,16,23550,00000337 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000337_pre_disaster.png,tuscaloosa-tornado_00000337_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000337_pre_disaster.png,0,0,16,23589,00000337 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000338_post_disaster.png,tuscaloosa-tornado_00000338_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000338_post_disaster.png,0,0,37,32692,00000338 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000338_pre_disaster.png,tuscaloosa-tornado_00000338_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000338_pre_disaster.png,0,0,37,32710,00000338 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000339_post_disaster.png,tuscaloosa-tornado_00000339_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000339_post_disaster.png,0,0,10,69206,00000339 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000339_pre_disaster.png,tuscaloosa-tornado_00000339_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000339_pre_disaster.png,0,0,10,69535,00000339 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000340_post_disaster.png,tuscaloosa-tornado_00000340_post_disaster,4,4827,tier3\masks\tuscaloosa-tornado_00000340_post_disaster.png,0,0,39,85850,00000340 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000340_pre_disaster.png,tuscaloosa-tornado_00000340_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000340_pre_disaster.png,0,0,43,90826,00000340 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000341_post_disaster.png,tuscaloosa-tornado_00000341_post_disaster,3,11230,tier3\masks\tuscaloosa-tornado_00000341_post_disaster.png,0,0,18,184720,00000341 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000341_pre_disaster.png,tuscaloosa-tornado_00000341_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000341_pre_disaster.png,0,0,21,196256,00000341 +1,403,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000342_post_disaster.png,tuscaloosa-tornado_00000342_post_disaster,32,43700,tier3\masks\tuscaloosa-tornado_00000342_post_disaster.png,3,6590,48,64786,00000342 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000342_pre_disaster.png,tuscaloosa-tornado_00000342_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000342_pre_disaster.png,0,0,83,115518,00000342 +3,4191,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000000_post_disaster.png,woolsey-fire_00000000_post_disaster,0,0,tier3\masks\woolsey-fire_00000000_post_disaster.png,0,0,0,0,00000000 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000000_pre_disaster.png,woolsey-fire_00000000_pre_disaster,0,0,tier3\masks\woolsey-fire_00000000_pre_disaster.png,0,0,3,4191,00000000 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000001_post_disaster.png,woolsey-fire_00000001_post_disaster,0,0,tier3\masks\woolsey-fire_00000001_post_disaster.png,0,0,0,0,00000001 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000001_pre_disaster.png,woolsey-fire_00000001_pre_disaster,0,0,tier3\masks\woolsey-fire_00000001_pre_disaster.png,0,0,0,0,00000001 +1,199,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000002_post_disaster.png,woolsey-fire_00000002_post_disaster,2,123,tier3\masks\woolsey-fire_00000002_post_disaster.png,0,0,4,5903,00000002 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000002_pre_disaster.png,woolsey-fire_00000002_pre_disaster,0,0,tier3\masks\woolsey-fire_00000002_pre_disaster.png,0,0,7,6225,00000002 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000003_post_disaster.png,woolsey-fire_00000003_post_disaster,0,0,tier3\masks\woolsey-fire_00000003_post_disaster.png,0,0,0,0,00000003 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000003_pre_disaster.png,woolsey-fire_00000003_pre_disaster,0,0,tier3\masks\woolsey-fire_00000003_pre_disaster.png,0,0,0,0,00000003 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000004_post_disaster.png,woolsey-fire_00000004_post_disaster,0,0,tier3\masks\woolsey-fire_00000004_post_disaster.png,0,0,0,0,00000004 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000004_pre_disaster.png,woolsey-fire_00000004_pre_disaster,0,0,tier3\masks\woolsey-fire_00000004_pre_disaster.png,0,0,0,0,00000004 +6,3878,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000005_post_disaster.png,woolsey-fire_00000005_post_disaster,0,0,tier3\masks\woolsey-fire_00000005_post_disaster.png,2,2377,18,10630,00000005 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000005_pre_disaster.png,woolsey-fire_00000005_pre_disaster,0,0,tier3\masks\woolsey-fire_00000005_pre_disaster.png,0,0,26,16885,00000005 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000006_post_disaster.png,woolsey-fire_00000006_post_disaster,0,0,tier3\masks\woolsey-fire_00000006_post_disaster.png,0,0,0,0,00000006 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000006_pre_disaster.png,woolsey-fire_00000006_pre_disaster,0,0,tier3\masks\woolsey-fire_00000006_pre_disaster.png,0,0,0,0,00000006 +5,2673,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000007_post_disaster.png,woolsey-fire_00000007_post_disaster,0,0,tier3\masks\woolsey-fire_00000007_post_disaster.png,1,227,9,1956,00000007 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000007_pre_disaster.png,woolsey-fire_00000007_pre_disaster,0,0,tier3\masks\woolsey-fire_00000007_pre_disaster.png,0,0,15,4861,00000007 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000008_post_disaster.png,woolsey-fire_00000008_post_disaster,0,0,tier3\masks\woolsey-fire_00000008_post_disaster.png,0,0,2,138,00000008 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000008_pre_disaster.png,woolsey-fire_00000008_pre_disaster,0,0,tier3\masks\woolsey-fire_00000008_pre_disaster.png,0,0,2,138,00000008 +4,3814,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000009_post_disaster.png,woolsey-fire_00000009_post_disaster,1,100,tier3\masks\woolsey-fire_00000009_post_disaster.png,0,0,4,3564,00000009 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000009_pre_disaster.png,woolsey-fire_00000009_pre_disaster,0,0,tier3\masks\woolsey-fire_00000009_pre_disaster.png,0,0,9,7482,00000009 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000010_post_disaster.png,woolsey-fire_00000010_post_disaster,0,0,tier3\masks\woolsey-fire_00000010_post_disaster.png,0,0,0,0,00000010 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000010_pre_disaster.png,woolsey-fire_00000010_pre_disaster,0,0,tier3\masks\woolsey-fire_00000010_pre_disaster.png,0,0,0,0,00000010 +16,5089,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000011_post_disaster.png,woolsey-fire_00000011_post_disaster,0,0,tier3\masks\woolsey-fire_00000011_post_disaster.png,2,271,6,855,00000011 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000011_pre_disaster.png,woolsey-fire_00000011_pre_disaster,0,0,tier3\masks\woolsey-fire_00000011_pre_disaster.png,0,0,23,6215,00000011 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000012_post_disaster.png,woolsey-fire_00000012_post_disaster,0,0,tier3\masks\woolsey-fire_00000012_post_disaster.png,0,0,0,0,00000012 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000012_pre_disaster.png,woolsey-fire_00000012_pre_disaster,0,0,tier3\masks\woolsey-fire_00000012_pre_disaster.png,0,0,0,0,00000012 +3,449,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000013_post_disaster.png,woolsey-fire_00000013_post_disaster,0,0,tier3\masks\woolsey-fire_00000013_post_disaster.png,0,0,1,36,00000013 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000013_pre_disaster.png,woolsey-fire_00000013_pre_disaster,0,0,tier3\masks\woolsey-fire_00000013_pre_disaster.png,0,0,4,485,00000013 +14,8680,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000014_post_disaster.png,woolsey-fire_00000014_post_disaster,2,695,tier3\masks\woolsey-fire_00000014_post_disaster.png,6,3342,17,7400,00000014 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000014_pre_disaster.png,woolsey-fire_00000014_pre_disaster,0,0,tier3\masks\woolsey-fire_00000014_pre_disaster.png,0,0,38,20159,00000014 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000015_post_disaster.png,woolsey-fire_00000015_post_disaster,0,0,tier3\masks\woolsey-fire_00000015_post_disaster.png,0,0,1,211,00000015 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000015_pre_disaster.png,woolsey-fire_00000015_pre_disaster,0,0,tier3\masks\woolsey-fire_00000015_pre_disaster.png,0,0,1,211,00000015 +5,6551,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000016_post_disaster.png,woolsey-fire_00000016_post_disaster,2,2794,tier3\masks\woolsey-fire_00000016_post_disaster.png,1,1022,1,801,00000016 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000016_pre_disaster.png,woolsey-fire_00000016_pre_disaster,0,0,tier3\masks\woolsey-fire_00000016_pre_disaster.png,0,0,9,11168,00000016 +8,2697,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000017_post_disaster.png,woolsey-fire_00000017_post_disaster,0,0,tier3\masks\woolsey-fire_00000017_post_disaster.png,0,0,1,154,00000017 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000017_pre_disaster.png,woolsey-fire_00000017_pre_disaster,0,0,tier3\masks\woolsey-fire_00000017_pre_disaster.png,0,0,9,2893,00000017 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000018_post_disaster.png,woolsey-fire_00000018_post_disaster,0,0,tier3\masks\woolsey-fire_00000018_post_disaster.png,0,0,0,0,00000018 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000018_pre_disaster.png,woolsey-fire_00000018_pre_disaster,0,0,tier3\masks\woolsey-fire_00000018_pre_disaster.png,0,0,0,0,00000018 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000019_post_disaster.png,woolsey-fire_00000019_post_disaster,0,0,tier3\masks\woolsey-fire_00000019_post_disaster.png,0,0,0,0,00000019 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000019_pre_disaster.png,woolsey-fire_00000019_pre_disaster,0,0,tier3\masks\woolsey-fire_00000019_pre_disaster.png,0,0,0,0,00000019 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000020_post_disaster.png,woolsey-fire_00000020_post_disaster,1,26,tier3\masks\woolsey-fire_00000020_post_disaster.png,0,0,0,0,00000020 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000020_pre_disaster.png,woolsey-fire_00000020_pre_disaster,0,0,tier3\masks\woolsey-fire_00000020_pre_disaster.png,0,0,1,26,00000020 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000021_post_disaster.png,woolsey-fire_00000021_post_disaster,0,0,tier3\masks\woolsey-fire_00000021_post_disaster.png,0,0,0,0,00000021 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000021_pre_disaster.png,woolsey-fire_00000021_pre_disaster,0,0,tier3\masks\woolsey-fire_00000021_pre_disaster.png,0,0,0,0,00000021 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000022_post_disaster.png,woolsey-fire_00000022_post_disaster,0,0,tier3\masks\woolsey-fire_00000022_post_disaster.png,0,0,0,0,00000022 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000022_pre_disaster.png,woolsey-fire_00000022_pre_disaster,0,0,tier3\masks\woolsey-fire_00000022_pre_disaster.png,0,0,0,0,00000022 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000023_post_disaster.png,woolsey-fire_00000023_post_disaster,0,0,tier3\masks\woolsey-fire_00000023_post_disaster.png,0,0,0,0,00000023 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000023_pre_disaster.png,woolsey-fire_00000023_pre_disaster,0,0,tier3\masks\woolsey-fire_00000023_pre_disaster.png,0,0,0,0,00000023 +1,1930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000024_post_disaster.png,woolsey-fire_00000024_post_disaster,0,0,tier3\masks\woolsey-fire_00000024_post_disaster.png,0,0,11,4836,00000024 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000024_pre_disaster.png,woolsey-fire_00000024_pre_disaster,0,0,tier3\masks\woolsey-fire_00000024_pre_disaster.png,0,0,12,6766,00000024 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000025_post_disaster.png,woolsey-fire_00000025_post_disaster,0,0,tier3\masks\woolsey-fire_00000025_post_disaster.png,0,0,0,0,00000025 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000025_pre_disaster.png,woolsey-fire_00000025_pre_disaster,0,0,tier3\masks\woolsey-fire_00000025_pre_disaster.png,0,0,0,0,00000025 +1,1932,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000026_post_disaster.png,woolsey-fire_00000026_post_disaster,0,0,tier3\masks\woolsey-fire_00000026_post_disaster.png,0,0,2,197,00000026 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000026_pre_disaster.png,woolsey-fire_00000026_pre_disaster,0,0,tier3\masks\woolsey-fire_00000026_pre_disaster.png,0,0,3,2129,00000026 +3,3620,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000027_post_disaster.png,woolsey-fire_00000027_post_disaster,0,0,tier3\masks\woolsey-fire_00000027_post_disaster.png,0,0,9,3806,00000027 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000027_pre_disaster.png,woolsey-fire_00000027_pre_disaster,0,0,tier3\masks\woolsey-fire_00000027_pre_disaster.png,0,0,12,7483,00000027 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000028_post_disaster.png,woolsey-fire_00000028_post_disaster,0,0,tier3\masks\woolsey-fire_00000028_post_disaster.png,0,0,0,0,00000028 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000028_pre_disaster.png,woolsey-fire_00000028_pre_disaster,0,0,tier3\masks\woolsey-fire_00000028_pre_disaster.png,0,0,0,0,00000028 +9,4407,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000029_post_disaster.png,woolsey-fire_00000029_post_disaster,0,0,tier3\masks\woolsey-fire_00000029_post_disaster.png,2,692,27,21843,00000029 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000029_pre_disaster.png,woolsey-fire_00000029_pre_disaster,0,0,tier3\masks\woolsey-fire_00000029_pre_disaster.png,0,0,38,26942,00000029 +16,13779,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000030_post_disaster.png,woolsey-fire_00000030_post_disaster,0,0,tier3\masks\woolsey-fire_00000030_post_disaster.png,0,0,0,0,00000030 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000030_pre_disaster.png,woolsey-fire_00000030_pre_disaster,0,0,tier3\masks\woolsey-fire_00000030_pre_disaster.png,0,0,16,13779,00000030 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000031_post_disaster.png,woolsey-fire_00000031_post_disaster,0,0,tier3\masks\woolsey-fire_00000031_post_disaster.png,0,0,5,1639,00000031 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000031_pre_disaster.png,woolsey-fire_00000031_pre_disaster,0,0,tier3\masks\woolsey-fire_00000031_pre_disaster.png,0,0,5,1660,00000031 +8,5427,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000032_post_disaster.png,woolsey-fire_00000032_post_disaster,2,721,tier3\masks\woolsey-fire_00000032_post_disaster.png,0,0,2,1524,00000032 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000032_pre_disaster.png,woolsey-fire_00000032_pre_disaster,0,0,tier3\masks\woolsey-fire_00000032_pre_disaster.png,0,0,12,7672,00000032 +2,337,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000033_post_disaster.png,woolsey-fire_00000033_post_disaster,0,0,tier3\masks\woolsey-fire_00000033_post_disaster.png,0,0,0,0,00000033 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000033_pre_disaster.png,woolsey-fire_00000033_pre_disaster,0,0,tier3\masks\woolsey-fire_00000033_pre_disaster.png,0,0,2,337,00000033 +12,7555,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000034_post_disaster.png,woolsey-fire_00000034_post_disaster,5,2423,tier3\masks\woolsey-fire_00000034_post_disaster.png,0,0,5,2328,00000034 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000034_pre_disaster.png,woolsey-fire_00000034_pre_disaster,0,0,tier3\masks\woolsey-fire_00000034_pre_disaster.png,0,0,22,12306,00000034 +21,11287,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000035_post_disaster.png,woolsey-fire_00000035_post_disaster,2,776,tier3\masks\woolsey-fire_00000035_post_disaster.png,3,953,21,8075,00000035 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000035_pre_disaster.png,woolsey-fire_00000035_pre_disaster,0,0,tier3\masks\woolsey-fire_00000035_pre_disaster.png,0,0,47,21199,00000035 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000036_post_disaster.png,woolsey-fire_00000036_post_disaster,0,0,tier3\masks\woolsey-fire_00000036_post_disaster.png,0,0,0,0,00000036 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000036_pre_disaster.png,woolsey-fire_00000036_pre_disaster,0,0,tier3\masks\woolsey-fire_00000036_pre_disaster.png,0,0,0,0,00000036 +4,1785,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000037_post_disaster.png,woolsey-fire_00000037_post_disaster,0,0,tier3\masks\woolsey-fire_00000037_post_disaster.png,2,503,1,972,00000037 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000037_pre_disaster.png,woolsey-fire_00000037_pre_disaster,0,0,tier3\masks\woolsey-fire_00000037_pre_disaster.png,0,0,7,3260,00000037 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000038_post_disaster.png,woolsey-fire_00000038_post_disaster,0,0,tier3\masks\woolsey-fire_00000038_post_disaster.png,0,0,0,0,00000038 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000038_pre_disaster.png,woolsey-fire_00000038_pre_disaster,0,0,tier3\masks\woolsey-fire_00000038_pre_disaster.png,0,0,0,0,00000038 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000039_post_disaster.png,woolsey-fire_00000039_post_disaster,0,0,tier3\masks\woolsey-fire_00000039_post_disaster.png,0,0,5,6506,00000039 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000039_pre_disaster.png,woolsey-fire_00000039_pre_disaster,0,0,tier3\masks\woolsey-fire_00000039_pre_disaster.png,0,0,5,6620,00000039 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000040_post_disaster.png,woolsey-fire_00000040_post_disaster,0,0,tier3\masks\woolsey-fire_00000040_post_disaster.png,0,0,0,0,00000040 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000040_pre_disaster.png,woolsey-fire_00000040_pre_disaster,0,0,tier3\masks\woolsey-fire_00000040_pre_disaster.png,0,0,0,0,00000040 +8,7951,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000041_post_disaster.png,woolsey-fire_00000041_post_disaster,0,0,tier3\masks\woolsey-fire_00000041_post_disaster.png,1,901,5,3954,00000041 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000041_pre_disaster.png,woolsey-fire_00000041_pre_disaster,0,0,tier3\masks\woolsey-fire_00000041_pre_disaster.png,0,0,14,12829,00000041 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000042_post_disaster.png,woolsey-fire_00000042_post_disaster,0,0,tier3\masks\woolsey-fire_00000042_post_disaster.png,0,0,0,0,00000042 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000042_pre_disaster.png,woolsey-fire_00000042_pre_disaster,0,0,tier3\masks\woolsey-fire_00000042_pre_disaster.png,0,0,0,0,00000042 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000043_post_disaster.png,woolsey-fire_00000043_post_disaster,0,0,tier3\masks\woolsey-fire_00000043_post_disaster.png,0,0,0,0,00000043 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000043_pre_disaster.png,woolsey-fire_00000043_pre_disaster,0,0,tier3\masks\woolsey-fire_00000043_pre_disaster.png,0,0,0,0,00000043 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000044_post_disaster.png,woolsey-fire_00000044_post_disaster,0,0,tier3\masks\woolsey-fire_00000044_post_disaster.png,0,0,0,0,00000044 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000044_pre_disaster.png,woolsey-fire_00000044_pre_disaster,0,0,tier3\masks\woolsey-fire_00000044_pre_disaster.png,0,0,0,0,00000044 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000045_post_disaster.png,woolsey-fire_00000045_post_disaster,0,0,tier3\masks\woolsey-fire_00000045_post_disaster.png,0,0,0,0,00000045 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000045_pre_disaster.png,woolsey-fire_00000045_pre_disaster,0,0,tier3\masks\woolsey-fire_00000045_pre_disaster.png,0,0,0,0,00000045 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000046_post_disaster.png,woolsey-fire_00000046_post_disaster,0,0,tier3\masks\woolsey-fire_00000046_post_disaster.png,0,0,0,0,00000046 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000046_pre_disaster.png,woolsey-fire_00000046_pre_disaster,0,0,tier3\masks\woolsey-fire_00000046_pre_disaster.png,0,0,0,0,00000046 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000047_post_disaster.png,woolsey-fire_00000047_post_disaster,0,0,tier3\masks\woolsey-fire_00000047_post_disaster.png,0,0,0,0,00000047 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000047_pre_disaster.png,woolsey-fire_00000047_pre_disaster,0,0,tier3\masks\woolsey-fire_00000047_pre_disaster.png,0,0,0,0,00000047 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000048_post_disaster.png,woolsey-fire_00000048_post_disaster,0,0,tier3\masks\woolsey-fire_00000048_post_disaster.png,0,0,0,0,00000048 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000048_pre_disaster.png,woolsey-fire_00000048_pre_disaster,0,0,tier3\masks\woolsey-fire_00000048_pre_disaster.png,0,0,0,0,00000048 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000049_post_disaster.png,woolsey-fire_00000049_post_disaster,0,0,tier3\masks\woolsey-fire_00000049_post_disaster.png,0,0,0,0,00000049 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000049_pre_disaster.png,woolsey-fire_00000049_pre_disaster,0,0,tier3\masks\woolsey-fire_00000049_pre_disaster.png,0,0,0,0,00000049 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000050_post_disaster.png,woolsey-fire_00000050_post_disaster,0,0,tier3\masks\woolsey-fire_00000050_post_disaster.png,0,0,0,0,00000050 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000050_pre_disaster.png,woolsey-fire_00000050_pre_disaster,0,0,tier3\masks\woolsey-fire_00000050_pre_disaster.png,0,0,0,0,00000050 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000051_post_disaster.png,woolsey-fire_00000051_post_disaster,0,0,tier3\masks\woolsey-fire_00000051_post_disaster.png,0,0,0,0,00000051 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000051_pre_disaster.png,woolsey-fire_00000051_pre_disaster,0,0,tier3\masks\woolsey-fire_00000051_pre_disaster.png,0,0,0,0,00000051 +2,176,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000052_post_disaster.png,woolsey-fire_00000052_post_disaster,0,0,tier3\masks\woolsey-fire_00000052_post_disaster.png,0,0,1,747,00000052 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000052_pre_disaster.png,woolsey-fire_00000052_pre_disaster,0,0,tier3\masks\woolsey-fire_00000052_pre_disaster.png,0,0,3,923,00000052 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000053_post_disaster.png,woolsey-fire_00000053_post_disaster,0,0,tier3\masks\woolsey-fire_00000053_post_disaster.png,0,0,3,5216,00000053 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000053_pre_disaster.png,woolsey-fire_00000053_pre_disaster,0,0,tier3\masks\woolsey-fire_00000053_pre_disaster.png,0,0,3,5216,00000053 +1,144,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000054_post_disaster.png,woolsey-fire_00000054_post_disaster,0,0,tier3\masks\woolsey-fire_00000054_post_disaster.png,1,258,0,0,00000054 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000054_pre_disaster.png,woolsey-fire_00000054_pre_disaster,0,0,tier3\masks\woolsey-fire_00000054_pre_disaster.png,0,0,2,402,00000054 +1,246,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000055_post_disaster.png,woolsey-fire_00000055_post_disaster,0,0,tier3\masks\woolsey-fire_00000055_post_disaster.png,0,0,19,11457,00000055 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000055_pre_disaster.png,woolsey-fire_00000055_pre_disaster,0,0,tier3\masks\woolsey-fire_00000055_pre_disaster.png,0,0,20,11770,00000055 +5,4634,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000056_post_disaster.png,woolsey-fire_00000056_post_disaster,0,0,tier3\masks\woolsey-fire_00000056_post_disaster.png,0,0,7,5557,00000056 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000056_pre_disaster.png,woolsey-fire_00000056_pre_disaster,0,0,tier3\masks\woolsey-fire_00000056_pre_disaster.png,0,0,12,10206,00000056 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000057_post_disaster.png,woolsey-fire_00000057_post_disaster,0,0,tier3\masks\woolsey-fire_00000057_post_disaster.png,0,0,0,0,00000057 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000057_pre_disaster.png,woolsey-fire_00000057_pre_disaster,0,0,tier3\masks\woolsey-fire_00000057_pre_disaster.png,0,0,0,0,00000057 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000058_post_disaster.png,woolsey-fire_00000058_post_disaster,0,0,tier3\masks\woolsey-fire_00000058_post_disaster.png,0,0,0,0,00000058 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000058_pre_disaster.png,woolsey-fire_00000058_pre_disaster,0,0,tier3\masks\woolsey-fire_00000058_pre_disaster.png,0,0,0,0,00000058 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000059_post_disaster.png,woolsey-fire_00000059_post_disaster,0,0,tier3\masks\woolsey-fire_00000059_post_disaster.png,0,0,0,0,00000059 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000059_pre_disaster.png,woolsey-fire_00000059_pre_disaster,0,0,tier3\masks\woolsey-fire_00000059_pre_disaster.png,0,0,0,0,00000059 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000060_post_disaster.png,woolsey-fire_00000060_post_disaster,0,0,tier3\masks\woolsey-fire_00000060_post_disaster.png,0,0,0,0,00000060 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000060_pre_disaster.png,woolsey-fire_00000060_pre_disaster,0,0,tier3\masks\woolsey-fire_00000060_pre_disaster.png,0,0,0,0,00000060 +11,6542,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000061_post_disaster.png,woolsey-fire_00000061_post_disaster,2,458,tier3\masks\woolsey-fire_00000061_post_disaster.png,1,609,0,0,00000061 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000061_pre_disaster.png,woolsey-fire_00000061_pre_disaster,0,0,tier3\masks\woolsey-fire_00000061_pre_disaster.png,0,0,14,7615,00000061 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000062_post_disaster.png,woolsey-fire_00000062_post_disaster,0,0,tier3\masks\woolsey-fire_00000062_post_disaster.png,0,0,0,0,00000062 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000062_pre_disaster.png,woolsey-fire_00000062_pre_disaster,0,0,tier3\masks\woolsey-fire_00000062_pre_disaster.png,0,0,0,0,00000062 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000063_post_disaster.png,woolsey-fire_00000063_post_disaster,0,0,tier3\masks\woolsey-fire_00000063_post_disaster.png,0,0,0,0,00000063 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000063_pre_disaster.png,woolsey-fire_00000063_pre_disaster,0,0,tier3\masks\woolsey-fire_00000063_pre_disaster.png,0,0,0,0,00000063 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000064_post_disaster.png,woolsey-fire_00000064_post_disaster,0,0,tier3\masks\woolsey-fire_00000064_post_disaster.png,0,0,0,0,00000064 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000064_pre_disaster.png,woolsey-fire_00000064_pre_disaster,0,0,tier3\masks\woolsey-fire_00000064_pre_disaster.png,0,0,0,0,00000064 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000065_post_disaster.png,woolsey-fire_00000065_post_disaster,0,0,tier3\masks\woolsey-fire_00000065_post_disaster.png,0,0,0,0,00000065 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000065_pre_disaster.png,woolsey-fire_00000065_pre_disaster,0,0,tier3\masks\woolsey-fire_00000065_pre_disaster.png,0,0,0,0,00000065 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000066_post_disaster.png,woolsey-fire_00000066_post_disaster,0,0,tier3\masks\woolsey-fire_00000066_post_disaster.png,0,0,8,4152,00000066 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000066_pre_disaster.png,woolsey-fire_00000066_pre_disaster,0,0,tier3\masks\woolsey-fire_00000066_pre_disaster.png,0,0,8,4172,00000066 +4,801,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000067_post_disaster.png,woolsey-fire_00000067_post_disaster,0,0,tier3\masks\woolsey-fire_00000067_post_disaster.png,0,0,0,0,00000067 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000067_pre_disaster.png,woolsey-fire_00000067_pre_disaster,0,0,tier3\masks\woolsey-fire_00000067_pre_disaster.png,0,0,4,841,00000067 +5,2522,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000068_post_disaster.png,woolsey-fire_00000068_post_disaster,0,0,tier3\masks\woolsey-fire_00000068_post_disaster.png,0,0,10,25061,00000068 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000068_pre_disaster.png,woolsey-fire_00000068_pre_disaster,0,0,tier3\masks\woolsey-fire_00000068_pre_disaster.png,0,0,15,27654,00000068 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000069_post_disaster.png,woolsey-fire_00000069_post_disaster,0,0,tier3\masks\woolsey-fire_00000069_post_disaster.png,0,0,0,0,00000069 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000069_pre_disaster.png,woolsey-fire_00000069_pre_disaster,0,0,tier3\masks\woolsey-fire_00000069_pre_disaster.png,0,0,0,0,00000069 +7,4459,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000070_post_disaster.png,woolsey-fire_00000070_post_disaster,0,0,tier3\masks\woolsey-fire_00000070_post_disaster.png,0,0,6,2850,00000070 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000070_pre_disaster.png,woolsey-fire_00000070_pre_disaster,0,0,tier3\masks\woolsey-fire_00000070_pre_disaster.png,0,0,13,7309,00000070 +1,453,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000071_post_disaster.png,woolsey-fire_00000071_post_disaster,0,0,tier3\masks\woolsey-fire_00000071_post_disaster.png,0,0,20,6632,00000071 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000071_pre_disaster.png,woolsey-fire_00000071_pre_disaster,0,0,tier3\masks\woolsey-fire_00000071_pre_disaster.png,0,0,21,7085,00000071 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000072_post_disaster.png,woolsey-fire_00000072_post_disaster,0,0,tier3\masks\woolsey-fire_00000072_post_disaster.png,0,0,0,0,00000072 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000072_pre_disaster.png,woolsey-fire_00000072_pre_disaster,0,0,tier3\masks\woolsey-fire_00000072_pre_disaster.png,0,0,0,0,00000072 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000073_post_disaster.png,woolsey-fire_00000073_post_disaster,0,0,tier3\masks\woolsey-fire_00000073_post_disaster.png,0,0,0,0,00000073 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000073_pre_disaster.png,woolsey-fire_00000073_pre_disaster,0,0,tier3\masks\woolsey-fire_00000073_pre_disaster.png,0,0,0,0,00000073 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000074_post_disaster.png,woolsey-fire_00000074_post_disaster,0,0,tier3\masks\woolsey-fire_00000074_post_disaster.png,0,0,0,0,00000074 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000074_pre_disaster.png,woolsey-fire_00000074_pre_disaster,0,0,tier3\masks\woolsey-fire_00000074_pre_disaster.png,0,0,0,0,00000074 +3,388,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000075_post_disaster.png,woolsey-fire_00000075_post_disaster,1,221,tier3\masks\woolsey-fire_00000075_post_disaster.png,1,191,2,246,00000075 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000075_pre_disaster.png,woolsey-fire_00000075_pre_disaster,0,0,tier3\masks\woolsey-fire_00000075_pre_disaster.png,0,0,7,1046,00000075 +1,169,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000076_post_disaster.png,woolsey-fire_00000076_post_disaster,0,0,tier3\masks\woolsey-fire_00000076_post_disaster.png,0,0,0,0,00000076 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000076_pre_disaster.png,woolsey-fire_00000076_pre_disaster,0,0,tier3\masks\woolsey-fire_00000076_pre_disaster.png,0,0,1,169,00000076 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000077_post_disaster.png,woolsey-fire_00000077_post_disaster,0,0,tier3\masks\woolsey-fire_00000077_post_disaster.png,0,0,28,11848,00000077 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000077_pre_disaster.png,woolsey-fire_00000077_pre_disaster,0,0,tier3\masks\woolsey-fire_00000077_pre_disaster.png,0,0,28,11848,00000077 +4,4214,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000078_post_disaster.png,woolsey-fire_00000078_post_disaster,0,0,tier3\masks\woolsey-fire_00000078_post_disaster.png,0,0,0,0,00000078 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000078_pre_disaster.png,woolsey-fire_00000078_pre_disaster,0,0,tier3\masks\woolsey-fire_00000078_pre_disaster.png,0,0,4,4237,00000078 +16,20578,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000079_post_disaster.png,woolsey-fire_00000079_post_disaster,0,0,tier3\masks\woolsey-fire_00000079_post_disaster.png,0,0,1,1877,00000079 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000079_pre_disaster.png,woolsey-fire_00000079_pre_disaster,0,0,tier3\masks\woolsey-fire_00000079_pre_disaster.png,0,0,17,22684,00000079 +1,1097,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000080_post_disaster.png,woolsey-fire_00000080_post_disaster,0,0,tier3\masks\woolsey-fire_00000080_post_disaster.png,0,0,2,425,00000080 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000080_pre_disaster.png,woolsey-fire_00000080_pre_disaster,0,0,tier3\masks\woolsey-fire_00000080_pre_disaster.png,0,0,3,1522,00000080 +1,103,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000081_post_disaster.png,woolsey-fire_00000081_post_disaster,0,0,tier3\masks\woolsey-fire_00000081_post_disaster.png,0,0,7,9614,00000081 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000081_pre_disaster.png,woolsey-fire_00000081_pre_disaster,0,0,tier3\masks\woolsey-fire_00000081_pre_disaster.png,0,0,8,9711,00000081 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000082_post_disaster.png,woolsey-fire_00000082_post_disaster,0,0,tier3\masks\woolsey-fire_00000082_post_disaster.png,0,0,30,52481,00000082 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000082_pre_disaster.png,woolsey-fire_00000082_pre_disaster,0,0,tier3\masks\woolsey-fire_00000082_pre_disaster.png,0,0,30,52605,00000082 +1,3869,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000083_post_disaster.png,woolsey-fire_00000083_post_disaster,0,0,tier3\masks\woolsey-fire_00000083_post_disaster.png,0,0,0,0,00000083 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000083_pre_disaster.png,woolsey-fire_00000083_pre_disaster,0,0,tier3\masks\woolsey-fire_00000083_pre_disaster.png,0,0,1,3924,00000083 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000084_post_disaster.png,woolsey-fire_00000084_post_disaster,1,810,tier3\masks\woolsey-fire_00000084_post_disaster.png,0,0,0,0,00000084 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000084_pre_disaster.png,woolsey-fire_00000084_pre_disaster,0,0,tier3\masks\woolsey-fire_00000084_pre_disaster.png,0,0,1,810,00000084 +5,3061,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000085_post_disaster.png,woolsey-fire_00000085_post_disaster,0,0,tier3\masks\woolsey-fire_00000085_post_disaster.png,0,0,3,582,00000085 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000085_pre_disaster.png,woolsey-fire_00000085_pre_disaster,0,0,tier3\masks\woolsey-fire_00000085_pre_disaster.png,0,0,8,3668,00000085 +1,142,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000086_post_disaster.png,woolsey-fire_00000086_post_disaster,0,0,tier3\masks\woolsey-fire_00000086_post_disaster.png,0,0,0,0,00000086 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000086_pre_disaster.png,woolsey-fire_00000086_pre_disaster,0,0,tier3\masks\woolsey-fire_00000086_pre_disaster.png,0,0,1,142,00000086 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000087_post_disaster.png,woolsey-fire_00000087_post_disaster,0,0,tier3\masks\woolsey-fire_00000087_post_disaster.png,0,0,0,0,00000087 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000087_pre_disaster.png,woolsey-fire_00000087_pre_disaster,0,0,tier3\masks\woolsey-fire_00000087_pre_disaster.png,0,0,0,0,00000087 +5,2751,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000088_post_disaster.png,woolsey-fire_00000088_post_disaster,0,0,tier3\masks\woolsey-fire_00000088_post_disaster.png,0,0,11,13484,00000088 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000088_pre_disaster.png,woolsey-fire_00000088_pre_disaster,0,0,tier3\masks\woolsey-fire_00000088_pre_disaster.png,0,0,16,16248,00000088 +1,396,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000089_post_disaster.png,woolsey-fire_00000089_post_disaster,0,0,tier3\masks\woolsey-fire_00000089_post_disaster.png,0,0,7,4387,00000089 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000089_pre_disaster.png,woolsey-fire_00000089_pre_disaster,0,0,tier3\masks\woolsey-fire_00000089_pre_disaster.png,0,0,8,4783,00000089 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000090_post_disaster.png,woolsey-fire_00000090_post_disaster,0,0,tier3\masks\woolsey-fire_00000090_post_disaster.png,0,0,0,0,00000090 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000090_pre_disaster.png,woolsey-fire_00000090_pre_disaster,0,0,tier3\masks\woolsey-fire_00000090_pre_disaster.png,0,0,0,0,00000090 +2,880,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000091_post_disaster.png,woolsey-fire_00000091_post_disaster,0,0,tier3\masks\woolsey-fire_00000091_post_disaster.png,0,0,0,0,00000091 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000091_pre_disaster.png,woolsey-fire_00000091_pre_disaster,0,0,tier3\masks\woolsey-fire_00000091_pre_disaster.png,0,0,2,880,00000091 +1,236,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000092_post_disaster.png,woolsey-fire_00000092_post_disaster,0,0,tier3\masks\woolsey-fire_00000092_post_disaster.png,0,0,9,7165,00000092 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000092_pre_disaster.png,woolsey-fire_00000092_pre_disaster,0,0,tier3\masks\woolsey-fire_00000092_pre_disaster.png,0,0,10,7401,00000092 +51,70781,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000093_post_disaster.png,woolsey-fire_00000093_post_disaster,0,0,tier3\masks\woolsey-fire_00000093_post_disaster.png,0,0,28,10394,00000093 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000093_pre_disaster.png,woolsey-fire_00000093_pre_disaster,0,0,tier3\masks\woolsey-fire_00000093_pre_disaster.png,0,0,79,81473,00000093 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000094_post_disaster.png,woolsey-fire_00000094_post_disaster,0,0,tier3\masks\woolsey-fire_00000094_post_disaster.png,0,0,0,0,00000094 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000094_pre_disaster.png,woolsey-fire_00000094_pre_disaster,0,0,tier3\masks\woolsey-fire_00000094_pre_disaster.png,0,0,0,0,00000094 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000095_post_disaster.png,woolsey-fire_00000095_post_disaster,0,0,tier3\masks\woolsey-fire_00000095_post_disaster.png,0,0,3,5942,00000095 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000095_pre_disaster.png,woolsey-fire_00000095_pre_disaster,0,0,tier3\masks\woolsey-fire_00000095_pre_disaster.png,0,0,3,5942,00000095 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000096_post_disaster.png,woolsey-fire_00000096_post_disaster,0,0,tier3\masks\woolsey-fire_00000096_post_disaster.png,0,0,2,1423,00000096 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000096_pre_disaster.png,woolsey-fire_00000096_pre_disaster,0,0,tier3\masks\woolsey-fire_00000096_pre_disaster.png,0,0,2,1423,00000096 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000097_post_disaster.png,woolsey-fire_00000097_post_disaster,0,0,tier3\masks\woolsey-fire_00000097_post_disaster.png,0,0,0,0,00000097 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000097_pre_disaster.png,woolsey-fire_00000097_pre_disaster,0,0,tier3\masks\woolsey-fire_00000097_pre_disaster.png,0,0,0,0,00000097 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000098_post_disaster.png,woolsey-fire_00000098_post_disaster,0,0,tier3\masks\woolsey-fire_00000098_post_disaster.png,0,0,0,0,00000098 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000098_pre_disaster.png,woolsey-fire_00000098_pre_disaster,0,0,tier3\masks\woolsey-fire_00000098_pre_disaster.png,0,0,0,0,00000098 +1,80,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000099_post_disaster.png,woolsey-fire_00000099_post_disaster,0,0,tier3\masks\woolsey-fire_00000099_post_disaster.png,0,0,2,1092,00000099 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000099_pre_disaster.png,woolsey-fire_00000099_pre_disaster,0,0,tier3\masks\woolsey-fire_00000099_pre_disaster.png,0,0,3,1172,00000099 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000100_post_disaster.png,woolsey-fire_00000100_post_disaster,0,0,tier3\masks\woolsey-fire_00000100_post_disaster.png,0,0,0,0,00000100 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000100_pre_disaster.png,woolsey-fire_00000100_pre_disaster,0,0,tier3\masks\woolsey-fire_00000100_pre_disaster.png,0,0,0,0,00000100 +1,211,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000101_post_disaster.png,woolsey-fire_00000101_post_disaster,0,0,tier3\masks\woolsey-fire_00000101_post_disaster.png,0,0,0,0,00000101 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000101_pre_disaster.png,woolsey-fire_00000101_pre_disaster,0,0,tier3\masks\woolsey-fire_00000101_pre_disaster.png,0,0,1,211,00000101 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000102_post_disaster.png,woolsey-fire_00000102_post_disaster,0,0,tier3\masks\woolsey-fire_00000102_post_disaster.png,0,0,0,0,00000102 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000102_pre_disaster.png,woolsey-fire_00000102_pre_disaster,0,0,tier3\masks\woolsey-fire_00000102_pre_disaster.png,0,0,0,0,00000102 +5,1066,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000103_post_disaster.png,woolsey-fire_00000103_post_disaster,0,0,tier3\masks\woolsey-fire_00000103_post_disaster.png,1,373,5,1320,00000103 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000103_pre_disaster.png,woolsey-fire_00000103_pre_disaster,0,0,tier3\masks\woolsey-fire_00000103_pre_disaster.png,0,0,11,2759,00000103 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000104_post_disaster.png,woolsey-fire_00000104_post_disaster,0,0,tier3\masks\woolsey-fire_00000104_post_disaster.png,0,0,0,0,00000104 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000104_pre_disaster.png,woolsey-fire_00000104_pre_disaster,0,0,tier3\masks\woolsey-fire_00000104_pre_disaster.png,0,0,0,0,00000104 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000105_post_disaster.png,woolsey-fire_00000105_post_disaster,0,0,tier3\masks\woolsey-fire_00000105_post_disaster.png,0,0,0,0,00000105 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000105_pre_disaster.png,woolsey-fire_00000105_pre_disaster,0,0,tier3\masks\woolsey-fire_00000105_pre_disaster.png,0,0,0,0,00000105 +2,435,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000106_post_disaster.png,woolsey-fire_00000106_post_disaster,2,137,tier3\masks\woolsey-fire_00000106_post_disaster.png,0,0,6,1565,00000106 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000106_pre_disaster.png,woolsey-fire_00000106_pre_disaster,0,0,tier3\masks\woolsey-fire_00000106_pre_disaster.png,0,0,10,2137,00000106 +2,2119,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000107_post_disaster.png,woolsey-fire_00000107_post_disaster,0,0,tier3\masks\woolsey-fire_00000107_post_disaster.png,0,0,24,11013,00000107 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000107_pre_disaster.png,woolsey-fire_00000107_pre_disaster,0,0,tier3\masks\woolsey-fire_00000107_pre_disaster.png,0,0,26,13155,00000107 +3,2086,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000108_post_disaster.png,woolsey-fire_00000108_post_disaster,0,0,tier3\masks\woolsey-fire_00000108_post_disaster.png,0,0,2,3084,00000108 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000108_pre_disaster.png,woolsey-fire_00000108_pre_disaster,0,0,tier3\masks\woolsey-fire_00000108_pre_disaster.png,0,0,5,5170,00000108 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000109_post_disaster.png,woolsey-fire_00000109_post_disaster,0,0,tier3\masks\woolsey-fire_00000109_post_disaster.png,0,0,0,0,00000109 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000109_pre_disaster.png,woolsey-fire_00000109_pre_disaster,0,0,tier3\masks\woolsey-fire_00000109_pre_disaster.png,0,0,0,0,00000109 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000110_post_disaster.png,woolsey-fire_00000110_post_disaster,0,0,tier3\masks\woolsey-fire_00000110_post_disaster.png,0,0,0,0,00000110 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000110_pre_disaster.png,woolsey-fire_00000110_pre_disaster,0,0,tier3\masks\woolsey-fire_00000110_pre_disaster.png,0,0,0,0,00000110 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000111_post_disaster.png,woolsey-fire_00000111_post_disaster,0,0,tier3\masks\woolsey-fire_00000111_post_disaster.png,0,0,0,0,00000111 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000111_pre_disaster.png,woolsey-fire_00000111_pre_disaster,0,0,tier3\masks\woolsey-fire_00000111_pre_disaster.png,0,0,0,0,00000111 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000112_post_disaster.png,woolsey-fire_00000112_post_disaster,0,0,tier3\masks\woolsey-fire_00000112_post_disaster.png,0,0,0,0,00000112 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000112_pre_disaster.png,woolsey-fire_00000112_pre_disaster,0,0,tier3\masks\woolsey-fire_00000112_pre_disaster.png,0,0,0,0,00000112 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000113_post_disaster.png,woolsey-fire_00000113_post_disaster,2,158,tier3\masks\woolsey-fire_00000113_post_disaster.png,0,0,0,0,00000113 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000113_pre_disaster.png,woolsey-fire_00000113_pre_disaster,0,0,tier3\masks\woolsey-fire_00000113_pre_disaster.png,0,0,2,158,00000113 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000114_post_disaster.png,woolsey-fire_00000114_post_disaster,0,0,tier3\masks\woolsey-fire_00000114_post_disaster.png,0,0,33,25805,00000114 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000114_pre_disaster.png,woolsey-fire_00000114_pre_disaster,0,0,tier3\masks\woolsey-fire_00000114_pre_disaster.png,0,0,33,25815,00000114 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000115_post_disaster.png,woolsey-fire_00000115_post_disaster,0,0,tier3\masks\woolsey-fire_00000115_post_disaster.png,2,613,19,23914,00000115 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000115_pre_disaster.png,woolsey-fire_00000115_pre_disaster,0,0,tier3\masks\woolsey-fire_00000115_pre_disaster.png,0,0,21,24568,00000115 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000116_post_disaster.png,woolsey-fire_00000116_post_disaster,0,0,tier3\masks\woolsey-fire_00000116_post_disaster.png,0,0,0,0,00000116 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000116_pre_disaster.png,woolsey-fire_00000116_pre_disaster,0,0,tier3\masks\woolsey-fire_00000116_pre_disaster.png,0,0,0,0,00000116 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000117_post_disaster.png,woolsey-fire_00000117_post_disaster,0,0,tier3\masks\woolsey-fire_00000117_post_disaster.png,0,0,0,0,00000117 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000117_pre_disaster.png,woolsey-fire_00000117_pre_disaster,0,0,tier3\masks\woolsey-fire_00000117_pre_disaster.png,0,0,0,0,00000117 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000118_post_disaster.png,woolsey-fire_00000118_post_disaster,0,0,tier3\masks\woolsey-fire_00000118_post_disaster.png,0,0,7,4800,00000118 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000118_pre_disaster.png,woolsey-fire_00000118_pre_disaster,0,0,tier3\masks\woolsey-fire_00000118_pre_disaster.png,0,0,7,4829,00000118 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000119_post_disaster.png,woolsey-fire_00000119_post_disaster,0,0,tier3\masks\woolsey-fire_00000119_post_disaster.png,0,0,0,0,00000119 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000119_pre_disaster.png,woolsey-fire_00000119_pre_disaster,0,0,tier3\masks\woolsey-fire_00000119_pre_disaster.png,0,0,0,0,00000119 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000120_post_disaster.png,woolsey-fire_00000120_post_disaster,0,0,tier3\masks\woolsey-fire_00000120_post_disaster.png,0,0,11,5900,00000120 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000120_pre_disaster.png,woolsey-fire_00000120_pre_disaster,0,0,tier3\masks\woolsey-fire_00000120_pre_disaster.png,0,0,11,5900,00000120 +1,181,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000121_post_disaster.png,woolsey-fire_00000121_post_disaster,0,0,tier3\masks\woolsey-fire_00000121_post_disaster.png,0,0,3,2494,00000121 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000121_pre_disaster.png,woolsey-fire_00000121_pre_disaster,0,0,tier3\masks\woolsey-fire_00000121_pre_disaster.png,0,0,4,2675,00000121 +6,10236,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000122_post_disaster.png,woolsey-fire_00000122_post_disaster,0,0,tier3\masks\woolsey-fire_00000122_post_disaster.png,0,0,6,2620,00000122 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000122_pre_disaster.png,woolsey-fire_00000122_pre_disaster,0,0,tier3\masks\woolsey-fire_00000122_pre_disaster.png,0,0,12,12856,00000122 +1,2121,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000123_post_disaster.png,woolsey-fire_00000123_post_disaster,0,0,tier3\masks\woolsey-fire_00000123_post_disaster.png,0,0,11,5544,00000123 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000123_pre_disaster.png,woolsey-fire_00000123_pre_disaster,0,0,tier3\masks\woolsey-fire_00000123_pre_disaster.png,0,0,12,7674,00000123 +1,328,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000124_post_disaster.png,woolsey-fire_00000124_post_disaster,0,0,tier3\masks\woolsey-fire_00000124_post_disaster.png,0,0,26,13014,00000124 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000124_pre_disaster.png,woolsey-fire_00000124_pre_disaster,0,0,tier3\masks\woolsey-fire_00000124_pre_disaster.png,0,0,27,13342,00000124 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000125_post_disaster.png,woolsey-fire_00000125_post_disaster,1,1632,tier3\masks\woolsey-fire_00000125_post_disaster.png,0,0,15,4724,00000125 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000125_pre_disaster.png,woolsey-fire_00000125_pre_disaster,0,0,tier3\masks\woolsey-fire_00000125_pre_disaster.png,0,0,16,6356,00000125 +2,745,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000126_post_disaster.png,woolsey-fire_00000126_post_disaster,1,2760,tier3\masks\woolsey-fire_00000126_post_disaster.png,0,0,29,34435,00000126 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000126_pre_disaster.png,woolsey-fire_00000126_pre_disaster,0,0,tier3\masks\woolsey-fire_00000126_pre_disaster.png,0,0,32,37940,00000126 +1,5606,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000127_post_disaster.png,woolsey-fire_00000127_post_disaster,2,461,tier3\masks\woolsey-fire_00000127_post_disaster.png,1,5864,17,49342,00000127 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000127_pre_disaster.png,woolsey-fire_00000127_pre_disaster,0,0,tier3\masks\woolsey-fire_00000127_pre_disaster.png,0,0,21,61273,00000127 +4,2424,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000128_post_disaster.png,woolsey-fire_00000128_post_disaster,1,701,tier3\masks\woolsey-fire_00000128_post_disaster.png,0,0,8,6588,00000128 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000128_pre_disaster.png,woolsey-fire_00000128_pre_disaster,0,0,tier3\masks\woolsey-fire_00000128_pre_disaster.png,0,0,13,9743,00000128 +2,929,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000129_post_disaster.png,woolsey-fire_00000129_post_disaster,0,0,tier3\masks\woolsey-fire_00000129_post_disaster.png,0,0,9,4337,00000129 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000129_pre_disaster.png,woolsey-fire_00000129_pre_disaster,0,0,tier3\masks\woolsey-fire_00000129_pre_disaster.png,0,0,11,5266,00000129 +3,512,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000130_post_disaster.png,woolsey-fire_00000130_post_disaster,1,186,tier3\masks\woolsey-fire_00000130_post_disaster.png,0,0,6,5972,00000130 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000130_pre_disaster.png,woolsey-fire_00000130_pre_disaster,0,0,tier3\masks\woolsey-fire_00000130_pre_disaster.png,0,0,10,6670,00000130 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000131_post_disaster.png,woolsey-fire_00000131_post_disaster,0,0,tier3\masks\woolsey-fire_00000131_post_disaster.png,0,0,0,0,00000131 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000131_pre_disaster.png,woolsey-fire_00000131_pre_disaster,0,0,tier3\masks\woolsey-fire_00000131_pre_disaster.png,0,0,0,0,00000131 +22,10587,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000132_post_disaster.png,woolsey-fire_00000132_post_disaster,1,800,tier3\masks\woolsey-fire_00000132_post_disaster.png,0,0,9,2019,00000132 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000132_pre_disaster.png,woolsey-fire_00000132_pre_disaster,0,0,tier3\masks\woolsey-fire_00000132_pre_disaster.png,0,0,32,13406,00000132 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000133_post_disaster.png,woolsey-fire_00000133_post_disaster,0,0,tier3\masks\woolsey-fire_00000133_post_disaster.png,0,0,0,0,00000133 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000133_pre_disaster.png,woolsey-fire_00000133_pre_disaster,0,0,tier3\masks\woolsey-fire_00000133_pre_disaster.png,0,0,0,0,00000133 +5,930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000134_post_disaster.png,woolsey-fire_00000134_post_disaster,2,256,tier3\masks\woolsey-fire_00000134_post_disaster.png,0,0,0,0,00000134 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000134_pre_disaster.png,woolsey-fire_00000134_pre_disaster,0,0,tier3\masks\woolsey-fire_00000134_pre_disaster.png,0,0,7,1186,00000134 +2,1924,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000135_post_disaster.png,woolsey-fire_00000135_post_disaster,1,457,tier3\masks\woolsey-fire_00000135_post_disaster.png,0,0,0,0,00000135 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000135_pre_disaster.png,woolsey-fire_00000135_pre_disaster,0,0,tier3\masks\woolsey-fire_00000135_pre_disaster.png,0,0,3,2438,00000135 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000136_post_disaster.png,woolsey-fire_00000136_post_disaster,0,0,tier3\masks\woolsey-fire_00000136_post_disaster.png,0,0,1,141,00000136 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000136_pre_disaster.png,woolsey-fire_00000136_pre_disaster,0,0,tier3\masks\woolsey-fire_00000136_pre_disaster.png,0,0,1,141,00000136 +43,17425,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000137_post_disaster.png,woolsey-fire_00000137_post_disaster,0,0,tier3\masks\woolsey-fire_00000137_post_disaster.png,1,245,42,17005,00000137 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000137_pre_disaster.png,woolsey-fire_00000137_pre_disaster,0,0,tier3\masks\woolsey-fire_00000137_pre_disaster.png,0,0,86,34675,00000137 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000138_post_disaster.png,woolsey-fire_00000138_post_disaster,0,0,tier3\masks\woolsey-fire_00000138_post_disaster.png,0,0,2,8333,00000138 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000138_pre_disaster.png,woolsey-fire_00000138_pre_disaster,0,0,tier3\masks\woolsey-fire_00000138_pre_disaster.png,0,0,2,8333,00000138 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000139_post_disaster.png,woolsey-fire_00000139_post_disaster,0,0,tier3\masks\woolsey-fire_00000139_post_disaster.png,0,0,2,368,00000139 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000139_pre_disaster.png,woolsey-fire_00000139_pre_disaster,0,0,tier3\masks\woolsey-fire_00000139_pre_disaster.png,0,0,2,368,00000139 +2,1941,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000140_post_disaster.png,woolsey-fire_00000140_post_disaster,0,0,tier3\masks\woolsey-fire_00000140_post_disaster.png,0,0,26,28778,00000140 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000140_pre_disaster.png,woolsey-fire_00000140_pre_disaster,0,0,tier3\masks\woolsey-fire_00000140_pre_disaster.png,0,0,28,30810,00000140 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000141_post_disaster.png,woolsey-fire_00000141_post_disaster,0,0,tier3\masks\woolsey-fire_00000141_post_disaster.png,0,0,0,0,00000141 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000141_pre_disaster.png,woolsey-fire_00000141_pre_disaster,0,0,tier3\masks\woolsey-fire_00000141_pre_disaster.png,0,0,0,0,00000141 +14,13995,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000142_post_disaster.png,woolsey-fire_00000142_post_disaster,1,441,tier3\masks\woolsey-fire_00000142_post_disaster.png,0,0,32,48694,00000142 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000142_pre_disaster.png,woolsey-fire_00000142_pre_disaster,0,0,tier3\masks\woolsey-fire_00000142_pre_disaster.png,0,0,47,63257,00000142 +1,862,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000143_post_disaster.png,woolsey-fire_00000143_post_disaster,0,0,tier3\masks\woolsey-fire_00000143_post_disaster.png,0,0,6,1557,00000143 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000143_pre_disaster.png,woolsey-fire_00000143_pre_disaster,0,0,tier3\masks\woolsey-fire_00000143_pre_disaster.png,0,0,7,2419,00000143 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000144_post_disaster.png,woolsey-fire_00000144_post_disaster,0,0,tier3\masks\woolsey-fire_00000144_post_disaster.png,0,0,0,0,00000144 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000144_pre_disaster.png,woolsey-fire_00000144_pre_disaster,0,0,tier3\masks\woolsey-fire_00000144_pre_disaster.png,0,0,0,0,00000144 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000145_post_disaster.png,woolsey-fire_00000145_post_disaster,0,0,tier3\masks\woolsey-fire_00000145_post_disaster.png,0,0,0,0,00000145 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000145_pre_disaster.png,woolsey-fire_00000145_pre_disaster,0,0,tier3\masks\woolsey-fire_00000145_pre_disaster.png,0,0,0,0,00000145 +2,2908,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000146_post_disaster.png,woolsey-fire_00000146_post_disaster,1,299,tier3\masks\woolsey-fire_00000146_post_disaster.png,0,0,8,6323,00000146 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000146_pre_disaster.png,woolsey-fire_00000146_pre_disaster,0,0,tier3\masks\woolsey-fire_00000146_pre_disaster.png,0,0,11,9629,00000146 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000147_post_disaster.png,woolsey-fire_00000147_post_disaster,0,0,tier3\masks\woolsey-fire_00000147_post_disaster.png,0,0,3,311,00000147 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000147_pre_disaster.png,woolsey-fire_00000147_pre_disaster,0,0,tier3\masks\woolsey-fire_00000147_pre_disaster.png,0,0,3,311,00000147 +1,576,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000148_post_disaster.png,woolsey-fire_00000148_post_disaster,0,0,tier3\masks\woolsey-fire_00000148_post_disaster.png,0,0,3,718,00000148 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000148_pre_disaster.png,woolsey-fire_00000148_pre_disaster,0,0,tier3\masks\woolsey-fire_00000148_pre_disaster.png,0,0,4,1294,00000148 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000149_post_disaster.png,woolsey-fire_00000149_post_disaster,0,0,tier3\masks\woolsey-fire_00000149_post_disaster.png,0,0,0,0,00000149 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000149_pre_disaster.png,woolsey-fire_00000149_pre_disaster,0,0,tier3\masks\woolsey-fire_00000149_pre_disaster.png,0,0,0,0,00000149 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000150_post_disaster.png,woolsey-fire_00000150_post_disaster,0,0,tier3\masks\woolsey-fire_00000150_post_disaster.png,0,0,0,0,00000150 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000150_pre_disaster.png,woolsey-fire_00000150_pre_disaster,0,0,tier3\masks\woolsey-fire_00000150_pre_disaster.png,0,0,0,0,00000150 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000151_post_disaster.png,woolsey-fire_00000151_post_disaster,0,0,tier3\masks\woolsey-fire_00000151_post_disaster.png,0,0,0,0,00000151 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000151_pre_disaster.png,woolsey-fire_00000151_pre_disaster,0,0,tier3\masks\woolsey-fire_00000151_pre_disaster.png,0,0,0,0,00000151 +1,2372,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000152_post_disaster.png,woolsey-fire_00000152_post_disaster,0,0,tier3\masks\woolsey-fire_00000152_post_disaster.png,0,0,1,2529,00000152 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000152_pre_disaster.png,woolsey-fire_00000152_pre_disaster,0,0,tier3\masks\woolsey-fire_00000152_pre_disaster.png,0,0,2,4901,00000152 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000153_post_disaster.png,woolsey-fire_00000153_post_disaster,0,0,tier3\masks\woolsey-fire_00000153_post_disaster.png,0,0,0,0,00000153 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000153_pre_disaster.png,woolsey-fire_00000153_pre_disaster,0,0,tier3\masks\woolsey-fire_00000153_pre_disaster.png,0,0,0,0,00000153 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000154_post_disaster.png,woolsey-fire_00000154_post_disaster,0,0,tier3\masks\woolsey-fire_00000154_post_disaster.png,0,0,0,0,00000154 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000154_pre_disaster.png,woolsey-fire_00000154_pre_disaster,0,0,tier3\masks\woolsey-fire_00000154_pre_disaster.png,0,0,0,0,00000154 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000155_post_disaster.png,woolsey-fire_00000155_post_disaster,0,0,tier3\masks\woolsey-fire_00000155_post_disaster.png,0,0,0,0,00000155 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000155_pre_disaster.png,woolsey-fire_00000155_pre_disaster,0,0,tier3\masks\woolsey-fire_00000155_pre_disaster.png,0,0,0,0,00000155 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000156_post_disaster.png,woolsey-fire_00000156_post_disaster,0,0,tier3\masks\woolsey-fire_00000156_post_disaster.png,0,0,0,0,00000156 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000156_pre_disaster.png,woolsey-fire_00000156_pre_disaster,0,0,tier3\masks\woolsey-fire_00000156_pre_disaster.png,0,0,0,0,00000156 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000157_post_disaster.png,woolsey-fire_00000157_post_disaster,0,0,tier3\masks\woolsey-fire_00000157_post_disaster.png,0,0,0,0,00000157 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000157_pre_disaster.png,woolsey-fire_00000157_pre_disaster,0,0,tier3\masks\woolsey-fire_00000157_pre_disaster.png,0,0,0,0,00000157 +7,1678,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000158_post_disaster.png,woolsey-fire_00000158_post_disaster,1,92,tier3\masks\woolsey-fire_00000158_post_disaster.png,0,0,24,22912,00000158 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000158_pre_disaster.png,woolsey-fire_00000158_pre_disaster,0,0,tier3\masks\woolsey-fire_00000158_pre_disaster.png,0,0,32,24682,00000158 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000159_post_disaster.png,woolsey-fire_00000159_post_disaster,0,0,tier3\masks\woolsey-fire_00000159_post_disaster.png,0,0,0,0,00000159 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000159_pre_disaster.png,woolsey-fire_00000159_pre_disaster,0,0,tier3\masks\woolsey-fire_00000159_pre_disaster.png,0,0,0,0,00000159 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000160_post_disaster.png,woolsey-fire_00000160_post_disaster,0,0,tier3\masks\woolsey-fire_00000160_post_disaster.png,0,0,0,0,00000160 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000160_pre_disaster.png,woolsey-fire_00000160_pre_disaster,0,0,tier3\masks\woolsey-fire_00000160_pre_disaster.png,0,0,0,0,00000160 +2,718,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000161_post_disaster.png,woolsey-fire_00000161_post_disaster,0,0,tier3\masks\woolsey-fire_00000161_post_disaster.png,0,0,0,0,00000161 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000161_pre_disaster.png,woolsey-fire_00000161_pre_disaster,0,0,tier3\masks\woolsey-fire_00000161_pre_disaster.png,0,0,2,718,00000161 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000162_post_disaster.png,woolsey-fire_00000162_post_disaster,0,0,tier3\masks\woolsey-fire_00000162_post_disaster.png,0,0,0,0,00000162 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000162_pre_disaster.png,woolsey-fire_00000162_pre_disaster,0,0,tier3\masks\woolsey-fire_00000162_pre_disaster.png,0,0,0,0,00000162 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000163_post_disaster.png,woolsey-fire_00000163_post_disaster,0,0,tier3\masks\woolsey-fire_00000163_post_disaster.png,0,0,0,0,00000163 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000163_pre_disaster.png,woolsey-fire_00000163_pre_disaster,0,0,tier3\masks\woolsey-fire_00000163_pre_disaster.png,0,0,0,0,00000163 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000164_post_disaster.png,woolsey-fire_00000164_post_disaster,0,0,tier3\masks\woolsey-fire_00000164_post_disaster.png,0,0,0,0,00000164 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000164_pre_disaster.png,woolsey-fire_00000164_pre_disaster,0,0,tier3\masks\woolsey-fire_00000164_pre_disaster.png,0,0,0,0,00000164 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000165_post_disaster.png,woolsey-fire_00000165_post_disaster,0,0,tier3\masks\woolsey-fire_00000165_post_disaster.png,0,0,0,0,00000165 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000165_pre_disaster.png,woolsey-fire_00000165_pre_disaster,0,0,tier3\masks\woolsey-fire_00000165_pre_disaster.png,0,0,0,0,00000165 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000166_post_disaster.png,woolsey-fire_00000166_post_disaster,0,0,tier3\masks\woolsey-fire_00000166_post_disaster.png,0,0,0,0,00000166 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000166_pre_disaster.png,woolsey-fire_00000166_pre_disaster,0,0,tier3\masks\woolsey-fire_00000166_pre_disaster.png,0,0,0,0,00000166 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000167_post_disaster.png,woolsey-fire_00000167_post_disaster,0,0,tier3\masks\woolsey-fire_00000167_post_disaster.png,0,0,2,1681,00000167 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000167_pre_disaster.png,woolsey-fire_00000167_pre_disaster,0,0,tier3\masks\woolsey-fire_00000167_pre_disaster.png,0,0,2,1681,00000167 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000168_post_disaster.png,woolsey-fire_00000168_post_disaster,0,0,tier3\masks\woolsey-fire_00000168_post_disaster.png,0,0,1,681,00000168 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000168_pre_disaster.png,woolsey-fire_00000168_pre_disaster,0,0,tier3\masks\woolsey-fire_00000168_pre_disaster.png,0,0,1,681,00000168 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000169_post_disaster.png,woolsey-fire_00000169_post_disaster,0,0,tier3\masks\woolsey-fire_00000169_post_disaster.png,0,0,0,0,00000169 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000169_pre_disaster.png,woolsey-fire_00000169_pre_disaster,0,0,tier3\masks\woolsey-fire_00000169_pre_disaster.png,0,0,0,0,00000169 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000170_post_disaster.png,woolsey-fire_00000170_post_disaster,0,0,tier3\masks\woolsey-fire_00000170_post_disaster.png,0,0,0,0,00000170 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000170_pre_disaster.png,woolsey-fire_00000170_pre_disaster,0,0,tier3\masks\woolsey-fire_00000170_pre_disaster.png,0,0,0,0,00000170 +4,1760,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000171_post_disaster.png,woolsey-fire_00000171_post_disaster,1,131,tier3\masks\woolsey-fire_00000171_post_disaster.png,0,0,14,21114,00000171 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000171_pre_disaster.png,woolsey-fire_00000171_pre_disaster,0,0,tier3\masks\woolsey-fire_00000171_pre_disaster.png,0,0,19,23082,00000171 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000172_post_disaster.png,woolsey-fire_00000172_post_disaster,0,0,tier3\masks\woolsey-fire_00000172_post_disaster.png,0,0,0,0,00000172 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000172_pre_disaster.png,woolsey-fire_00000172_pre_disaster,0,0,tier3\masks\woolsey-fire_00000172_pre_disaster.png,0,0,0,0,00000172 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000173_post_disaster.png,woolsey-fire_00000173_post_disaster,0,0,tier3\masks\woolsey-fire_00000173_post_disaster.png,0,0,3,895,00000173 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000173_pre_disaster.png,woolsey-fire_00000173_pre_disaster,0,0,tier3\masks\woolsey-fire_00000173_pre_disaster.png,0,0,3,895,00000173 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000174_post_disaster.png,woolsey-fire_00000174_post_disaster,0,0,tier3\masks\woolsey-fire_00000174_post_disaster.png,0,0,0,0,00000174 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000174_pre_disaster.png,woolsey-fire_00000174_pre_disaster,0,0,tier3\masks\woolsey-fire_00000174_pre_disaster.png,0,0,0,0,00000174 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000175_post_disaster.png,woolsey-fire_00000175_post_disaster,0,0,tier3\masks\woolsey-fire_00000175_post_disaster.png,0,0,1,220,00000175 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000175_pre_disaster.png,woolsey-fire_00000175_pre_disaster,0,0,tier3\masks\woolsey-fire_00000175_pre_disaster.png,0,0,1,220,00000175 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000176_post_disaster.png,woolsey-fire_00000176_post_disaster,0,0,tier3\masks\woolsey-fire_00000176_post_disaster.png,0,0,0,0,00000176 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000176_pre_disaster.png,woolsey-fire_00000176_pre_disaster,0,0,tier3\masks\woolsey-fire_00000176_pre_disaster.png,0,0,0,0,00000176 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000177_post_disaster.png,woolsey-fire_00000177_post_disaster,0,0,tier3\masks\woolsey-fire_00000177_post_disaster.png,0,0,0,0,00000177 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000177_pre_disaster.png,woolsey-fire_00000177_pre_disaster,0,0,tier3\masks\woolsey-fire_00000177_pre_disaster.png,0,0,0,0,00000177 +1,2290,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000178_post_disaster.png,woolsey-fire_00000178_post_disaster,0,0,tier3\masks\woolsey-fire_00000178_post_disaster.png,0,0,0,0,00000178 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000178_pre_disaster.png,woolsey-fire_00000178_pre_disaster,0,0,tier3\masks\woolsey-fire_00000178_pre_disaster.png,0,0,1,2290,00000178 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000179_post_disaster.png,woolsey-fire_00000179_post_disaster,0,0,tier3\masks\woolsey-fire_00000179_post_disaster.png,0,0,0,0,00000179 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000179_pre_disaster.png,woolsey-fire_00000179_pre_disaster,0,0,tier3\masks\woolsey-fire_00000179_pre_disaster.png,0,0,0,0,00000179 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000180_post_disaster.png,woolsey-fire_00000180_post_disaster,0,0,tier3\masks\woolsey-fire_00000180_post_disaster.png,0,0,2,141,00000180 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000180_pre_disaster.png,woolsey-fire_00000180_pre_disaster,0,0,tier3\masks\woolsey-fire_00000180_pre_disaster.png,0,0,2,141,00000180 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000181_post_disaster.png,woolsey-fire_00000181_post_disaster,0,0,tier3\masks\woolsey-fire_00000181_post_disaster.png,0,0,0,0,00000181 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000181_pre_disaster.png,woolsey-fire_00000181_pre_disaster,0,0,tier3\masks\woolsey-fire_00000181_pre_disaster.png,0,0,0,0,00000181 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000182_post_disaster.png,woolsey-fire_00000182_post_disaster,0,0,tier3\masks\woolsey-fire_00000182_post_disaster.png,0,0,0,0,00000182 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000182_pre_disaster.png,woolsey-fire_00000182_pre_disaster,0,0,tier3\masks\woolsey-fire_00000182_pre_disaster.png,0,0,0,0,00000182 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000183_post_disaster.png,woolsey-fire_00000183_post_disaster,0,0,tier3\masks\woolsey-fire_00000183_post_disaster.png,0,0,0,0,00000183 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000183_pre_disaster.png,woolsey-fire_00000183_pre_disaster,0,0,tier3\masks\woolsey-fire_00000183_pre_disaster.png,0,0,0,0,00000183 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000184_post_disaster.png,woolsey-fire_00000184_post_disaster,0,0,tier3\masks\woolsey-fire_00000184_post_disaster.png,0,0,0,0,00000184 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000184_pre_disaster.png,woolsey-fire_00000184_pre_disaster,0,0,tier3\masks\woolsey-fire_00000184_pre_disaster.png,0,0,0,0,00000184 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000185_post_disaster.png,woolsey-fire_00000185_post_disaster,0,0,tier3\masks\woolsey-fire_00000185_post_disaster.png,0,0,0,0,00000185 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000185_pre_disaster.png,woolsey-fire_00000185_pre_disaster,0,0,tier3\masks\woolsey-fire_00000185_pre_disaster.png,0,0,0,0,00000185 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000186_post_disaster.png,woolsey-fire_00000186_post_disaster,0,0,tier3\masks\woolsey-fire_00000186_post_disaster.png,0,0,0,0,00000186 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000186_pre_disaster.png,woolsey-fire_00000186_pre_disaster,0,0,tier3\masks\woolsey-fire_00000186_pre_disaster.png,0,0,0,0,00000186 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000187_post_disaster.png,woolsey-fire_00000187_post_disaster,0,0,tier3\masks\woolsey-fire_00000187_post_disaster.png,0,0,0,0,00000187 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000187_pre_disaster.png,woolsey-fire_00000187_pre_disaster,0,0,tier3\masks\woolsey-fire_00000187_pre_disaster.png,0,0,0,0,00000187 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000188_post_disaster.png,woolsey-fire_00000188_post_disaster,0,0,tier3\masks\woolsey-fire_00000188_post_disaster.png,0,0,0,0,00000188 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000188_pre_disaster.png,woolsey-fire_00000188_pre_disaster,0,0,tier3\masks\woolsey-fire_00000188_pre_disaster.png,0,0,0,0,00000188 +3,591,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000189_post_disaster.png,woolsey-fire_00000189_post_disaster,0,0,tier3\masks\woolsey-fire_00000189_post_disaster.png,0,0,22,12437,00000189 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000189_pre_disaster.png,woolsey-fire_00000189_pre_disaster,0,0,tier3\masks\woolsey-fire_00000189_pre_disaster.png,0,0,25,13028,00000189 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000190_post_disaster.png,woolsey-fire_00000190_post_disaster,0,0,tier3\masks\woolsey-fire_00000190_post_disaster.png,0,0,0,0,00000190 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000190_pre_disaster.png,woolsey-fire_00000190_pre_disaster,0,0,tier3\masks\woolsey-fire_00000190_pre_disaster.png,0,0,0,0,00000190 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000191_post_disaster.png,woolsey-fire_00000191_post_disaster,0,0,tier3\masks\woolsey-fire_00000191_post_disaster.png,0,0,0,0,00000191 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000191_pre_disaster.png,woolsey-fire_00000191_pre_disaster,0,0,tier3\masks\woolsey-fire_00000191_pre_disaster.png,0,0,0,0,00000191 +3,3760,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000192_post_disaster.png,woolsey-fire_00000192_post_disaster,0,0,tier3\masks\woolsey-fire_00000192_post_disaster.png,3,324,2,473,00000192 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000192_pre_disaster.png,woolsey-fire_00000192_pre_disaster,0,0,tier3\masks\woolsey-fire_00000192_pre_disaster.png,0,0,8,4557,00000192 +5,2180,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000193_post_disaster.png,woolsey-fire_00000193_post_disaster,0,0,tier3\masks\woolsey-fire_00000193_post_disaster.png,0,0,1,399,00000193 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000193_pre_disaster.png,woolsey-fire_00000193_pre_disaster,0,0,tier3\masks\woolsey-fire_00000193_pre_disaster.png,0,0,6,2579,00000193 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000194_post_disaster.png,woolsey-fire_00000194_post_disaster,0,0,tier3\masks\woolsey-fire_00000194_post_disaster.png,0,0,0,0,00000194 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000194_pre_disaster.png,woolsey-fire_00000194_pre_disaster,0,0,tier3\masks\woolsey-fire_00000194_pre_disaster.png,0,0,0,0,00000194 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000195_post_disaster.png,woolsey-fire_00000195_post_disaster,0,0,tier3\masks\woolsey-fire_00000195_post_disaster.png,0,0,0,0,00000195 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000195_pre_disaster.png,woolsey-fire_00000195_pre_disaster,0,0,tier3\masks\woolsey-fire_00000195_pre_disaster.png,0,0,0,0,00000195 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000196_post_disaster.png,woolsey-fire_00000196_post_disaster,0,0,tier3\masks\woolsey-fire_00000196_post_disaster.png,0,0,0,0,00000196 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000196_pre_disaster.png,woolsey-fire_00000196_pre_disaster,0,0,tier3\masks\woolsey-fire_00000196_pre_disaster.png,0,0,0,0,00000196 +1,992,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000197_post_disaster.png,woolsey-fire_00000197_post_disaster,0,0,tier3\masks\woolsey-fire_00000197_post_disaster.png,0,0,3,249,00000197 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000197_pre_disaster.png,woolsey-fire_00000197_pre_disaster,0,0,tier3\masks\woolsey-fire_00000197_pre_disaster.png,0,0,4,1241,00000197 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000198_post_disaster.png,woolsey-fire_00000198_post_disaster,0,0,tier3\masks\woolsey-fire_00000198_post_disaster.png,0,0,0,0,00000198 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000198_pre_disaster.png,woolsey-fire_00000198_pre_disaster,0,0,tier3\masks\woolsey-fire_00000198_pre_disaster.png,0,0,0,0,00000198 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000199_post_disaster.png,woolsey-fire_00000199_post_disaster,0,0,tier3\masks\woolsey-fire_00000199_post_disaster.png,0,0,0,0,00000199 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000199_pre_disaster.png,woolsey-fire_00000199_pre_disaster,0,0,tier3\masks\woolsey-fire_00000199_pre_disaster.png,0,0,0,0,00000199 +1,446,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000200_post_disaster.png,woolsey-fire_00000200_post_disaster,0,0,tier3\masks\woolsey-fire_00000200_post_disaster.png,0,0,9,4971,00000200 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000200_pre_disaster.png,woolsey-fire_00000200_pre_disaster,0,0,tier3\masks\woolsey-fire_00000200_pre_disaster.png,0,0,10,5417,00000200 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000201_post_disaster.png,woolsey-fire_00000201_post_disaster,0,0,tier3\masks\woolsey-fire_00000201_post_disaster.png,0,0,0,0,00000201 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000201_pre_disaster.png,woolsey-fire_00000201_pre_disaster,0,0,tier3\masks\woolsey-fire_00000201_pre_disaster.png,0,0,0,0,00000201 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000202_post_disaster.png,woolsey-fire_00000202_post_disaster,0,0,tier3\masks\woolsey-fire_00000202_post_disaster.png,0,0,0,0,00000202 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000202_pre_disaster.png,woolsey-fire_00000202_pre_disaster,0,0,tier3\masks\woolsey-fire_00000202_pre_disaster.png,0,0,0,0,00000202 +9,3458,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000203_post_disaster.png,woolsey-fire_00000203_post_disaster,0,0,tier3\masks\woolsey-fire_00000203_post_disaster.png,0,0,10,1454,00000203 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000203_pre_disaster.png,woolsey-fire_00000203_pre_disaster,0,0,tier3\masks\woolsey-fire_00000203_pre_disaster.png,0,0,19,4912,00000203 +4,872,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000204_post_disaster.png,woolsey-fire_00000204_post_disaster,0,0,tier3\masks\woolsey-fire_00000204_post_disaster.png,0,0,0,0,00000204 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000204_pre_disaster.png,woolsey-fire_00000204_pre_disaster,0,0,tier3\masks\woolsey-fire_00000204_pre_disaster.png,0,0,4,872,00000204 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000205_post_disaster.png,woolsey-fire_00000205_post_disaster,0,0,tier3\masks\woolsey-fire_00000205_post_disaster.png,0,0,0,0,00000205 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000205_pre_disaster.png,woolsey-fire_00000205_pre_disaster,0,0,tier3\masks\woolsey-fire_00000205_pre_disaster.png,0,0,0,0,00000205 +2,5930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000206_post_disaster.png,woolsey-fire_00000206_post_disaster,1,282,tier3\masks\woolsey-fire_00000206_post_disaster.png,0,0,0,0,00000206 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000206_pre_disaster.png,woolsey-fire_00000206_pre_disaster,0,0,tier3\masks\woolsey-fire_00000206_pre_disaster.png,0,0,3,6212,00000206 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000207_post_disaster.png,woolsey-fire_00000207_post_disaster,0,0,tier3\masks\woolsey-fire_00000207_post_disaster.png,0,0,0,0,00000207 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000207_pre_disaster.png,woolsey-fire_00000207_pre_disaster,0,0,tier3\masks\woolsey-fire_00000207_pre_disaster.png,0,0,0,0,00000207 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000208_post_disaster.png,woolsey-fire_00000208_post_disaster,0,0,tier3\masks\woolsey-fire_00000208_post_disaster.png,0,0,4,1151,00000208 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000208_pre_disaster.png,woolsey-fire_00000208_pre_disaster,0,0,tier3\masks\woolsey-fire_00000208_pre_disaster.png,0,0,4,1151,00000208 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000209_post_disaster.png,woolsey-fire_00000209_post_disaster,0,0,tier3\masks\woolsey-fire_00000209_post_disaster.png,0,0,0,0,00000209 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000209_pre_disaster.png,woolsey-fire_00000209_pre_disaster,0,0,tier3\masks\woolsey-fire_00000209_pre_disaster.png,0,0,0,0,00000209 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000210_post_disaster.png,woolsey-fire_00000210_post_disaster,0,0,tier3\masks\woolsey-fire_00000210_post_disaster.png,0,0,0,0,00000210 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000210_pre_disaster.png,woolsey-fire_00000210_pre_disaster,0,0,tier3\masks\woolsey-fire_00000210_pre_disaster.png,0,0,0,0,00000210 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000211_post_disaster.png,woolsey-fire_00000211_post_disaster,0,0,tier3\masks\woolsey-fire_00000211_post_disaster.png,0,0,0,0,00000211 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000211_pre_disaster.png,woolsey-fire_00000211_pre_disaster,0,0,tier3\masks\woolsey-fire_00000211_pre_disaster.png,0,0,0,0,00000211 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000212_post_disaster.png,woolsey-fire_00000212_post_disaster,0,0,tier3\masks\woolsey-fire_00000212_post_disaster.png,0,0,0,0,00000212 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000212_pre_disaster.png,woolsey-fire_00000212_pre_disaster,0,0,tier3\masks\woolsey-fire_00000212_pre_disaster.png,0,0,0,0,00000212 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000213_post_disaster.png,woolsey-fire_00000213_post_disaster,0,0,tier3\masks\woolsey-fire_00000213_post_disaster.png,0,0,0,0,00000213 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000213_pre_disaster.png,woolsey-fire_00000213_pre_disaster,0,0,tier3\masks\woolsey-fire_00000213_pre_disaster.png,0,0,0,0,00000213 +14,7535,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000214_post_disaster.png,woolsey-fire_00000214_post_disaster,2,373,tier3\masks\woolsey-fire_00000214_post_disaster.png,0,0,7,3926,00000214 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000214_pre_disaster.png,woolsey-fire_00000214_pre_disaster,0,0,tier3\masks\woolsey-fire_00000214_pre_disaster.png,0,0,23,11851,00000214 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000215_post_disaster.png,woolsey-fire_00000215_post_disaster,0,0,tier3\masks\woolsey-fire_00000215_post_disaster.png,0,0,0,0,00000215 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000215_pre_disaster.png,woolsey-fire_00000215_pre_disaster,0,0,tier3\masks\woolsey-fire_00000215_pre_disaster.png,0,0,0,0,00000215 +4,4214,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000216_post_disaster.png,woolsey-fire_00000216_post_disaster,1,1615,tier3\masks\woolsey-fire_00000216_post_disaster.png,2,976,10,5391,00000216 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000216_pre_disaster.png,woolsey-fire_00000216_pre_disaster,0,0,tier3\masks\woolsey-fire_00000216_pre_disaster.png,0,0,16,12313,00000216 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000217_post_disaster.png,woolsey-fire_00000217_post_disaster,0,0,tier3\masks\woolsey-fire_00000217_post_disaster.png,0,0,0,0,00000217 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000217_pre_disaster.png,woolsey-fire_00000217_pre_disaster,0,0,tier3\masks\woolsey-fire_00000217_pre_disaster.png,0,0,0,0,00000217 +1,1416,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000218_post_disaster.png,woolsey-fire_00000218_post_disaster,0,0,tier3\masks\woolsey-fire_00000218_post_disaster.png,0,0,1,269,00000218 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000218_pre_disaster.png,woolsey-fire_00000218_pre_disaster,0,0,tier3\masks\woolsey-fire_00000218_pre_disaster.png,0,0,1,1697,00000218 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000219_post_disaster.png,woolsey-fire_00000219_post_disaster,0,0,tier3\masks\woolsey-fire_00000219_post_disaster.png,0,0,0,0,00000219 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000219_pre_disaster.png,woolsey-fire_00000219_pre_disaster,0,0,tier3\masks\woolsey-fire_00000219_pre_disaster.png,0,0,0,0,00000219 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000220_post_disaster.png,woolsey-fire_00000220_post_disaster,0,0,tier3\masks\woolsey-fire_00000220_post_disaster.png,0,0,0,0,00000220 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000220_pre_disaster.png,woolsey-fire_00000220_pre_disaster,0,0,tier3\masks\woolsey-fire_00000220_pre_disaster.png,0,0,0,0,00000220 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000221_post_disaster.png,woolsey-fire_00000221_post_disaster,0,0,tier3\masks\woolsey-fire_00000221_post_disaster.png,0,0,0,0,00000221 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000221_pre_disaster.png,woolsey-fire_00000221_pre_disaster,0,0,tier3\masks\woolsey-fire_00000221_pre_disaster.png,0,0,0,0,00000221 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000222_post_disaster.png,woolsey-fire_00000222_post_disaster,0,0,tier3\masks\woolsey-fire_00000222_post_disaster.png,0,0,2,1536,00000222 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000222_pre_disaster.png,woolsey-fire_00000222_pre_disaster,0,0,tier3\masks\woolsey-fire_00000222_pre_disaster.png,0,0,2,1536,00000222 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000223_post_disaster.png,woolsey-fire_00000223_post_disaster,1,2658,tier3\masks\woolsey-fire_00000223_post_disaster.png,0,0,5,2418,00000223 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000223_pre_disaster.png,woolsey-fire_00000223_pre_disaster,0,0,tier3\masks\woolsey-fire_00000223_pre_disaster.png,0,0,6,5076,00000223 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000224_post_disaster.png,woolsey-fire_00000224_post_disaster,0,0,tier3\masks\woolsey-fire_00000224_post_disaster.png,0,0,0,0,00000224 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000224_pre_disaster.png,woolsey-fire_00000224_pre_disaster,0,0,tier3\masks\woolsey-fire_00000224_pre_disaster.png,0,0,0,0,00000224 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000225_post_disaster.png,woolsey-fire_00000225_post_disaster,0,0,tier3\masks\woolsey-fire_00000225_post_disaster.png,0,0,0,0,00000225 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000225_pre_disaster.png,woolsey-fire_00000225_pre_disaster,0,0,tier3\masks\woolsey-fire_00000225_pre_disaster.png,0,0,0,0,00000225 +3,1430,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000226_post_disaster.png,woolsey-fire_00000226_post_disaster,0,0,tier3\masks\woolsey-fire_00000226_post_disaster.png,0,0,3,353,00000226 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000226_pre_disaster.png,woolsey-fire_00000226_pre_disaster,0,0,tier3\masks\woolsey-fire_00000226_pre_disaster.png,0,0,6,1783,00000226 +3,4848,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000227_post_disaster.png,woolsey-fire_00000227_post_disaster,0,0,tier3\masks\woolsey-fire_00000227_post_disaster.png,0,0,9,1656,00000227 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000227_pre_disaster.png,woolsey-fire_00000227_pre_disaster,0,0,tier3\masks\woolsey-fire_00000227_pre_disaster.png,0,0,12,6542,00000227 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000228_post_disaster.png,woolsey-fire_00000228_post_disaster,0,0,tier3\masks\woolsey-fire_00000228_post_disaster.png,0,0,0,0,00000228 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000228_pre_disaster.png,woolsey-fire_00000228_pre_disaster,0,0,tier3\masks\woolsey-fire_00000228_pre_disaster.png,0,0,0,0,00000228 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000229_post_disaster.png,woolsey-fire_00000229_post_disaster,0,0,tier3\masks\woolsey-fire_00000229_post_disaster.png,0,0,0,0,00000229 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000229_pre_disaster.png,woolsey-fire_00000229_pre_disaster,0,0,tier3\masks\woolsey-fire_00000229_pre_disaster.png,0,0,0,0,00000229 +5,2242,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000230_post_disaster.png,woolsey-fire_00000230_post_disaster,1,1428,tier3\masks\woolsey-fire_00000230_post_disaster.png,0,0,15,7433,00000230 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000230_pre_disaster.png,woolsey-fire_00000230_pre_disaster,0,0,tier3\masks\woolsey-fire_00000230_pre_disaster.png,0,0,20,11146,00000230 +2,375,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000231_post_disaster.png,woolsey-fire_00000231_post_disaster,0,0,tier3\masks\woolsey-fire_00000231_post_disaster.png,0,0,31,14374,00000231 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000231_pre_disaster.png,woolsey-fire_00000231_pre_disaster,0,0,tier3\masks\woolsey-fire_00000231_pre_disaster.png,0,0,33,14749,00000231 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000232_post_disaster.png,woolsey-fire_00000232_post_disaster,0,0,tier3\masks\woolsey-fire_00000232_post_disaster.png,0,0,16,6976,00000232 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000232_pre_disaster.png,woolsey-fire_00000232_pre_disaster,0,0,tier3\masks\woolsey-fire_00000232_pre_disaster.png,0,0,16,6976,00000232 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000233_post_disaster.png,woolsey-fire_00000233_post_disaster,0,0,tier3\masks\woolsey-fire_00000233_post_disaster.png,0,0,0,0,00000233 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000233_pre_disaster.png,woolsey-fire_00000233_pre_disaster,0,0,tier3\masks\woolsey-fire_00000233_pre_disaster.png,0,0,0,0,00000233 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000234_post_disaster.png,woolsey-fire_00000234_post_disaster,0,0,tier3\masks\woolsey-fire_00000234_post_disaster.png,0,0,3,2050,00000234 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000234_pre_disaster.png,woolsey-fire_00000234_pre_disaster,0,0,tier3\masks\woolsey-fire_00000234_pre_disaster.png,0,0,3,2066,00000234 +9,4135,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000235_post_disaster.png,woolsey-fire_00000235_post_disaster,0,0,tier3\masks\woolsey-fire_00000235_post_disaster.png,1,176,2,122,00000235 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000235_pre_disaster.png,woolsey-fire_00000235_pre_disaster,0,0,tier3\masks\woolsey-fire_00000235_pre_disaster.png,0,0,12,4433,00000235 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000236_post_disaster.png,woolsey-fire_00000236_post_disaster,0,0,tier3\masks\woolsey-fire_00000236_post_disaster.png,0,0,0,0,00000236 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000236_pre_disaster.png,woolsey-fire_00000236_pre_disaster,0,0,tier3\masks\woolsey-fire_00000236_pre_disaster.png,0,0,0,0,00000236 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000237_post_disaster.png,woolsey-fire_00000237_post_disaster,0,0,tier3\masks\woolsey-fire_00000237_post_disaster.png,0,0,5,5029,00000237 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000237_pre_disaster.png,woolsey-fire_00000237_pre_disaster,0,0,tier3\masks\woolsey-fire_00000237_pre_disaster.png,0,0,5,5029,00000237 +3,466,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000238_post_disaster.png,woolsey-fire_00000238_post_disaster,0,0,tier3\masks\woolsey-fire_00000238_post_disaster.png,0,0,19,16305,00000238 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000238_pre_disaster.png,woolsey-fire_00000238_pre_disaster,0,0,tier3\masks\woolsey-fire_00000238_pre_disaster.png,0,0,22,16790,00000238 +3,738,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000239_post_disaster.png,woolsey-fire_00000239_post_disaster,0,0,tier3\masks\woolsey-fire_00000239_post_disaster.png,0,0,13,10633,00000239 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000239_pre_disaster.png,woolsey-fire_00000239_pre_disaster,0,0,tier3\masks\woolsey-fire_00000239_pre_disaster.png,0,0,16,11371,00000239 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000240_post_disaster.png,woolsey-fire_00000240_post_disaster,0,0,tier3\masks\woolsey-fire_00000240_post_disaster.png,0,0,0,0,00000240 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000240_pre_disaster.png,woolsey-fire_00000240_pre_disaster,0,0,tier3\masks\woolsey-fire_00000240_pre_disaster.png,0,0,0,0,00000240 +8,3523,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000241_post_disaster.png,woolsey-fire_00000241_post_disaster,0,0,tier3\masks\woolsey-fire_00000241_post_disaster.png,1,3505,19,14717,00000241 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000241_pre_disaster.png,woolsey-fire_00000241_pre_disaster,0,0,tier3\masks\woolsey-fire_00000241_pre_disaster.png,0,0,28,21771,00000241 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000242_post_disaster.png,woolsey-fire_00000242_post_disaster,0,0,tier3\masks\woolsey-fire_00000242_post_disaster.png,0,0,0,0,00000242 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000242_pre_disaster.png,woolsey-fire_00000242_pre_disaster,0,0,tier3\masks\woolsey-fire_00000242_pre_disaster.png,0,0,0,0,00000242 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000243_post_disaster.png,woolsey-fire_00000243_post_disaster,0,0,tier3\masks\woolsey-fire_00000243_post_disaster.png,0,0,0,0,00000243 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000243_pre_disaster.png,woolsey-fire_00000243_pre_disaster,0,0,tier3\masks\woolsey-fire_00000243_pre_disaster.png,0,0,0,0,00000243 +5,4924,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000244_post_disaster.png,woolsey-fire_00000244_post_disaster,0,0,tier3\masks\woolsey-fire_00000244_post_disaster.png,0,0,0,0,00000244 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000244_pre_disaster.png,woolsey-fire_00000244_pre_disaster,0,0,tier3\masks\woolsey-fire_00000244_pre_disaster.png,0,0,5,4924,00000244 +2,545,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000245_post_disaster.png,woolsey-fire_00000245_post_disaster,0,0,tier3\masks\woolsey-fire_00000245_post_disaster.png,0,0,35,17339,00000245 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000245_pre_disaster.png,woolsey-fire_00000245_pre_disaster,0,0,tier3\masks\woolsey-fire_00000245_pre_disaster.png,0,0,37,17939,00000245 +7,3025,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000246_post_disaster.png,woolsey-fire_00000246_post_disaster,2,605,tier3\masks\woolsey-fire_00000246_post_disaster.png,1,147,1,185,00000246 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000246_pre_disaster.png,woolsey-fire_00000246_pre_disaster,0,0,tier3\masks\woolsey-fire_00000246_pre_disaster.png,0,0,11,3962,00000246 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000247_post_disaster.png,woolsey-fire_00000247_post_disaster,0,0,tier3\masks\woolsey-fire_00000247_post_disaster.png,0,0,0,0,00000247 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000247_pre_disaster.png,woolsey-fire_00000247_pre_disaster,0,0,tier3\masks\woolsey-fire_00000247_pre_disaster.png,0,0,0,0,00000247 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000248_post_disaster.png,woolsey-fire_00000248_post_disaster,0,0,tier3\masks\woolsey-fire_00000248_post_disaster.png,0,0,1,1393,00000248 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000248_pre_disaster.png,woolsey-fire_00000248_pre_disaster,0,0,tier3\masks\woolsey-fire_00000248_pre_disaster.png,0,0,1,1393,00000248 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000249_post_disaster.png,woolsey-fire_00000249_post_disaster,0,0,tier3\masks\woolsey-fire_00000249_post_disaster.png,0,0,0,0,00000249 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000249_pre_disaster.png,woolsey-fire_00000249_pre_disaster,0,0,tier3\masks\woolsey-fire_00000249_pre_disaster.png,0,0,0,0,00000249 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000250_post_disaster.png,woolsey-fire_00000250_post_disaster,0,0,tier3\masks\woolsey-fire_00000250_post_disaster.png,0,0,0,0,00000250 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000250_pre_disaster.png,woolsey-fire_00000250_pre_disaster,0,0,tier3\masks\woolsey-fire_00000250_pre_disaster.png,0,0,0,0,00000250 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000251_post_disaster.png,woolsey-fire_00000251_post_disaster,0,0,tier3\masks\woolsey-fire_00000251_post_disaster.png,0,0,0,0,00000251 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000251_pre_disaster.png,woolsey-fire_00000251_pre_disaster,0,0,tier3\masks\woolsey-fire_00000251_pre_disaster.png,0,0,0,0,00000251 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000252_post_disaster.png,woolsey-fire_00000252_post_disaster,0,0,tier3\masks\woolsey-fire_00000252_post_disaster.png,0,0,0,0,00000252 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000252_pre_disaster.png,woolsey-fire_00000252_pre_disaster,0,0,tier3\masks\woolsey-fire_00000252_pre_disaster.png,0,0,0,0,00000252 +19,10417,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000253_post_disaster.png,woolsey-fire_00000253_post_disaster,1,644,tier3\masks\woolsey-fire_00000253_post_disaster.png,1,496,11,5098,00000253 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000253_pre_disaster.png,woolsey-fire_00000253_pre_disaster,0,0,tier3\masks\woolsey-fire_00000253_pre_disaster.png,0,0,32,16721,00000253 +1,222,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000254_post_disaster.png,woolsey-fire_00000254_post_disaster,0,0,tier3\masks\woolsey-fire_00000254_post_disaster.png,0,0,2,424,00000254 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000254_pre_disaster.png,woolsey-fire_00000254_pre_disaster,0,0,tier3\masks\woolsey-fire_00000254_pre_disaster.png,0,0,3,646,00000254 +9,12269,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000255_post_disaster.png,woolsey-fire_00000255_post_disaster,0,0,tier3\masks\woolsey-fire_00000255_post_disaster.png,0,0,2,1886,00000255 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000255_pre_disaster.png,woolsey-fire_00000255_pre_disaster,0,0,tier3\masks\woolsey-fire_00000255_pre_disaster.png,0,0,11,14176,00000255 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000256_post_disaster.png,woolsey-fire_00000256_post_disaster,0,0,tier3\masks\woolsey-fire_00000256_post_disaster.png,0,0,0,0,00000256 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000256_pre_disaster.png,woolsey-fire_00000256_pre_disaster,0,0,tier3\masks\woolsey-fire_00000256_pre_disaster.png,0,0,0,0,00000256 +7,3810,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000257_post_disaster.png,woolsey-fire_00000257_post_disaster,0,0,tier3\masks\woolsey-fire_00000257_post_disaster.png,0,0,4,1270,00000257 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000257_pre_disaster.png,woolsey-fire_00000257_pre_disaster,0,0,tier3\masks\woolsey-fire_00000257_pre_disaster.png,0,0,11,5080,00000257 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000258_post_disaster.png,woolsey-fire_00000258_post_disaster,0,0,tier3\masks\woolsey-fire_00000258_post_disaster.png,0,0,0,0,00000258 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000258_pre_disaster.png,woolsey-fire_00000258_pre_disaster,0,0,tier3\masks\woolsey-fire_00000258_pre_disaster.png,0,0,0,0,00000258 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000259_post_disaster.png,woolsey-fire_00000259_post_disaster,0,0,tier3\masks\woolsey-fire_00000259_post_disaster.png,0,0,0,0,00000259 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000259_pre_disaster.png,woolsey-fire_00000259_pre_disaster,0,0,tier3\masks\woolsey-fire_00000259_pre_disaster.png,0,0,0,0,00000259 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000260_post_disaster.png,woolsey-fire_00000260_post_disaster,0,0,tier3\masks\woolsey-fire_00000260_post_disaster.png,0,0,0,0,00000260 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000260_pre_disaster.png,woolsey-fire_00000260_pre_disaster,0,0,tier3\masks\woolsey-fire_00000260_pre_disaster.png,0,0,0,0,00000260 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000261_post_disaster.png,woolsey-fire_00000261_post_disaster,0,0,tier3\masks\woolsey-fire_00000261_post_disaster.png,0,0,1,77,00000261 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000261_pre_disaster.png,woolsey-fire_00000261_pre_disaster,0,0,tier3\masks\woolsey-fire_00000261_pre_disaster.png,0,0,1,77,00000261 +11,4735,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000262_post_disaster.png,woolsey-fire_00000262_post_disaster,1,319,tier3\masks\woolsey-fire_00000262_post_disaster.png,0,0,17,4952,00000262 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000262_pre_disaster.png,woolsey-fire_00000262_pre_disaster,0,0,tier3\masks\woolsey-fire_00000262_pre_disaster.png,0,0,29,10068,00000262 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000263_post_disaster.png,woolsey-fire_00000263_post_disaster,0,0,tier3\masks\woolsey-fire_00000263_post_disaster.png,0,0,2,830,00000263 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000263_pre_disaster.png,woolsey-fire_00000263_pre_disaster,0,0,tier3\masks\woolsey-fire_00000263_pre_disaster.png,0,0,2,830,00000263 +11,6941,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000264_post_disaster.png,woolsey-fire_00000264_post_disaster,0,0,tier3\masks\woolsey-fire_00000264_post_disaster.png,3,376,0,0,00000264 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000264_pre_disaster.png,woolsey-fire_00000264_pre_disaster,0,0,tier3\masks\woolsey-fire_00000264_pre_disaster.png,0,0,14,7317,00000264 +1,335,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000265_post_disaster.png,woolsey-fire_00000265_post_disaster,0,0,tier3\masks\woolsey-fire_00000265_post_disaster.png,0,0,1,52,00000265 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000265_pre_disaster.png,woolsey-fire_00000265_pre_disaster,0,0,tier3\masks\woolsey-fire_00000265_pre_disaster.png,0,0,2,387,00000265 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000266_post_disaster.png,woolsey-fire_00000266_post_disaster,0,0,tier3\masks\woolsey-fire_00000266_post_disaster.png,0,0,0,0,00000266 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000266_pre_disaster.png,woolsey-fire_00000266_pre_disaster,0,0,tier3\masks\woolsey-fire_00000266_pre_disaster.png,0,0,0,0,00000266 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000267_post_disaster.png,woolsey-fire_00000267_post_disaster,0,0,tier3\masks\woolsey-fire_00000267_post_disaster.png,0,0,0,0,00000267 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000267_pre_disaster.png,woolsey-fire_00000267_pre_disaster,0,0,tier3\masks\woolsey-fire_00000267_pre_disaster.png,0,0,0,0,00000267 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000268_post_disaster.png,woolsey-fire_00000268_post_disaster,0,0,tier3\masks\woolsey-fire_00000268_post_disaster.png,0,0,0,0,00000268 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000268_pre_disaster.png,woolsey-fire_00000268_pre_disaster,0,0,tier3\masks\woolsey-fire_00000268_pre_disaster.png,0,0,0,0,00000268 +1,1751,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000269_post_disaster.png,woolsey-fire_00000269_post_disaster,0,0,tier3\masks\woolsey-fire_00000269_post_disaster.png,0,0,2,629,00000269 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000269_pre_disaster.png,woolsey-fire_00000269_pre_disaster,0,0,tier3\masks\woolsey-fire_00000269_pre_disaster.png,0,0,3,2380,00000269 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000270_post_disaster.png,woolsey-fire_00000270_post_disaster,0,0,tier3\masks\woolsey-fire_00000270_post_disaster.png,0,0,5,4862,00000270 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000270_pre_disaster.png,woolsey-fire_00000270_pre_disaster,0,0,tier3\masks\woolsey-fire_00000270_pre_disaster.png,0,0,5,4862,00000270 +2,1942,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000271_post_disaster.png,woolsey-fire_00000271_post_disaster,0,0,tier3\masks\woolsey-fire_00000271_post_disaster.png,0,0,13,5321,00000271 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000271_pre_disaster.png,woolsey-fire_00000271_pre_disaster,0,0,tier3\masks\woolsey-fire_00000271_pre_disaster.png,0,0,15,7263,00000271 +1,79,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000272_post_disaster.png,woolsey-fire_00000272_post_disaster,1,827,tier3\masks\woolsey-fire_00000272_post_disaster.png,0,0,0,0,00000272 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000272_pre_disaster.png,woolsey-fire_00000272_pre_disaster,0,0,tier3\masks\woolsey-fire_00000272_pre_disaster.png,0,0,2,906,00000272 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000273_post_disaster.png,woolsey-fire_00000273_post_disaster,0,0,tier3\masks\woolsey-fire_00000273_post_disaster.png,0,0,0,0,00000273 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000273_pre_disaster.png,woolsey-fire_00000273_pre_disaster,0,0,tier3\masks\woolsey-fire_00000273_pre_disaster.png,0,0,0,0,00000273 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000274_post_disaster.png,woolsey-fire_00000274_post_disaster,0,0,tier3\masks\woolsey-fire_00000274_post_disaster.png,0,0,0,0,00000274 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000274_pre_disaster.png,woolsey-fire_00000274_pre_disaster,0,0,tier3\masks\woolsey-fire_00000274_pre_disaster.png,0,0,0,0,00000274 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000275_post_disaster.png,woolsey-fire_00000275_post_disaster,0,0,tier3\masks\woolsey-fire_00000275_post_disaster.png,0,0,0,0,00000275 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000275_pre_disaster.png,woolsey-fire_00000275_pre_disaster,0,0,tier3\masks\woolsey-fire_00000275_pre_disaster.png,0,0,0,0,00000275 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000276_post_disaster.png,woolsey-fire_00000276_post_disaster,0,0,tier3\masks\woolsey-fire_00000276_post_disaster.png,0,0,0,0,00000276 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000276_pre_disaster.png,woolsey-fire_00000276_pre_disaster,0,0,tier3\masks\woolsey-fire_00000276_pre_disaster.png,0,0,0,0,00000276 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000277_post_disaster.png,woolsey-fire_00000277_post_disaster,0,0,tier3\masks\woolsey-fire_00000277_post_disaster.png,0,0,0,0,00000277 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000277_pre_disaster.png,woolsey-fire_00000277_pre_disaster,0,0,tier3\masks\woolsey-fire_00000277_pre_disaster.png,0,0,0,0,00000277 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000278_post_disaster.png,woolsey-fire_00000278_post_disaster,0,0,tier3\masks\woolsey-fire_00000278_post_disaster.png,0,0,0,0,00000278 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000278_pre_disaster.png,woolsey-fire_00000278_pre_disaster,0,0,tier3\masks\woolsey-fire_00000278_pre_disaster.png,0,0,0,0,00000278 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000279_post_disaster.png,woolsey-fire_00000279_post_disaster,0,0,tier3\masks\woolsey-fire_00000279_post_disaster.png,0,0,0,0,00000279 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000279_pre_disaster.png,woolsey-fire_00000279_pre_disaster,0,0,tier3\masks\woolsey-fire_00000279_pre_disaster.png,0,0,0,0,00000279 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000280_post_disaster.png,woolsey-fire_00000280_post_disaster,0,0,tier3\masks\woolsey-fire_00000280_post_disaster.png,0,0,3,742,00000280 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000280_pre_disaster.png,woolsey-fire_00000280_pre_disaster,0,0,tier3\masks\woolsey-fire_00000280_pre_disaster.png,0,0,3,742,00000280 +4,3847,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000281_post_disaster.png,woolsey-fire_00000281_post_disaster,0,0,tier3\masks\woolsey-fire_00000281_post_disaster.png,0,0,1,157,00000281 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000281_pre_disaster.png,woolsey-fire_00000281_pre_disaster,0,0,tier3\masks\woolsey-fire_00000281_pre_disaster.png,0,0,5,4004,00000281 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000282_post_disaster.png,woolsey-fire_00000282_post_disaster,0,0,tier3\masks\woolsey-fire_00000282_post_disaster.png,0,0,0,0,00000282 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000282_pre_disaster.png,woolsey-fire_00000282_pre_disaster,0,0,tier3\masks\woolsey-fire_00000282_pre_disaster.png,0,0,0,0,00000282 +2,587,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000283_post_disaster.png,woolsey-fire_00000283_post_disaster,0,0,tier3\masks\woolsey-fire_00000283_post_disaster.png,0,0,1,107,00000283 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000283_pre_disaster.png,woolsey-fire_00000283_pre_disaster,0,0,tier3\masks\woolsey-fire_00000283_pre_disaster.png,0,0,3,694,00000283 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000284_post_disaster.png,woolsey-fire_00000284_post_disaster,0,0,tier3\masks\woolsey-fire_00000284_post_disaster.png,0,0,0,0,00000284 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000284_pre_disaster.png,woolsey-fire_00000284_pre_disaster,0,0,tier3\masks\woolsey-fire_00000284_pre_disaster.png,0,0,0,0,00000284 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000285_post_disaster.png,woolsey-fire_00000285_post_disaster,0,0,tier3\masks\woolsey-fire_00000285_post_disaster.png,0,0,0,0,00000285 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000285_pre_disaster.png,woolsey-fire_00000285_pre_disaster,0,0,tier3\masks\woolsey-fire_00000285_pre_disaster.png,0,0,0,0,00000285 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000286_post_disaster.png,woolsey-fire_00000286_post_disaster,0,0,tier3\masks\woolsey-fire_00000286_post_disaster.png,0,0,0,0,00000286 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000286_pre_disaster.png,woolsey-fire_00000286_pre_disaster,0,0,tier3\masks\woolsey-fire_00000286_pre_disaster.png,0,0,0,0,00000286 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000287_post_disaster.png,woolsey-fire_00000287_post_disaster,0,0,tier3\masks\woolsey-fire_00000287_post_disaster.png,0,0,0,0,00000287 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000287_pre_disaster.png,woolsey-fire_00000287_pre_disaster,0,0,tier3\masks\woolsey-fire_00000287_pre_disaster.png,0,0,0,0,00000287 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000288_post_disaster.png,woolsey-fire_00000288_post_disaster,0,0,tier3\masks\woolsey-fire_00000288_post_disaster.png,0,0,0,0,00000288 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000288_pre_disaster.png,woolsey-fire_00000288_pre_disaster,0,0,tier3\masks\woolsey-fire_00000288_pre_disaster.png,0,0,0,0,00000288 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000289_post_disaster.png,woolsey-fire_00000289_post_disaster,0,0,tier3\masks\woolsey-fire_00000289_post_disaster.png,0,0,0,0,00000289 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000289_pre_disaster.png,woolsey-fire_00000289_pre_disaster,0,0,tier3\masks\woolsey-fire_00000289_pre_disaster.png,0,0,0,0,00000289 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000290_post_disaster.png,woolsey-fire_00000290_post_disaster,0,0,tier3\masks\woolsey-fire_00000290_post_disaster.png,0,0,0,0,00000290 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000290_pre_disaster.png,woolsey-fire_00000290_pre_disaster,0,0,tier3\masks\woolsey-fire_00000290_pre_disaster.png,0,0,0,0,00000290 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000291_post_disaster.png,woolsey-fire_00000291_post_disaster,0,0,tier3\masks\woolsey-fire_00000291_post_disaster.png,0,0,0,0,00000291 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000291_pre_disaster.png,woolsey-fire_00000291_pre_disaster,0,0,tier3\masks\woolsey-fire_00000291_pre_disaster.png,0,0,0,0,00000291 +10,6331,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000292_post_disaster.png,woolsey-fire_00000292_post_disaster,0,0,tier3\masks\woolsey-fire_00000292_post_disaster.png,0,0,15,4449,00000292 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000292_pre_disaster.png,woolsey-fire_00000292_pre_disaster,0,0,tier3\masks\woolsey-fire_00000292_pre_disaster.png,0,0,25,10823,00000292 +2,1966,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000293_post_disaster.png,woolsey-fire_00000293_post_disaster,0,0,tier3\masks\woolsey-fire_00000293_post_disaster.png,0,0,5,6426,00000293 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000293_pre_disaster.png,woolsey-fire_00000293_pre_disaster,0,0,tier3\masks\woolsey-fire_00000293_pre_disaster.png,0,0,7,8403,00000293 +6,7318,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000294_post_disaster.png,woolsey-fire_00000294_post_disaster,0,0,tier3\masks\woolsey-fire_00000294_post_disaster.png,1,945,8,12152,00000294 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000294_pre_disaster.png,woolsey-fire_00000294_pre_disaster,0,0,tier3\masks\woolsey-fire_00000294_pre_disaster.png,0,0,15,20442,00000294 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000295_post_disaster.png,woolsey-fire_00000295_post_disaster,0,0,tier3\masks\woolsey-fire_00000295_post_disaster.png,0,0,0,0,00000295 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000295_pre_disaster.png,woolsey-fire_00000295_pre_disaster,0,0,tier3\masks\woolsey-fire_00000295_pre_disaster.png,0,0,0,0,00000295 +4,2218,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000296_post_disaster.png,woolsey-fire_00000296_post_disaster,2,1741,tier3\masks\woolsey-fire_00000296_post_disaster.png,0,0,8,8002,00000296 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000296_pre_disaster.png,woolsey-fire_00000296_pre_disaster,0,0,tier3\masks\woolsey-fire_00000296_pre_disaster.png,0,0,14,11961,00000296 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000297_post_disaster.png,woolsey-fire_00000297_post_disaster,0,0,tier3\masks\woolsey-fire_00000297_post_disaster.png,0,0,0,0,00000297 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000297_pre_disaster.png,woolsey-fire_00000297_pre_disaster,0,0,tier3\masks\woolsey-fire_00000297_pre_disaster.png,0,0,0,0,00000297 +6,2007,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000298_post_disaster.png,woolsey-fire_00000298_post_disaster,0,0,tier3\masks\woolsey-fire_00000298_post_disaster.png,0,0,10,1203,00000298 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000298_pre_disaster.png,woolsey-fire_00000298_pre_disaster,0,0,tier3\masks\woolsey-fire_00000298_pre_disaster.png,0,0,16,3228,00000298 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000299_post_disaster.png,woolsey-fire_00000299_post_disaster,0,0,tier3\masks\woolsey-fire_00000299_post_disaster.png,0,0,0,0,00000299 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000299_pre_disaster.png,woolsey-fire_00000299_pre_disaster,0,0,tier3\masks\woolsey-fire_00000299_pre_disaster.png,0,0,0,0,00000299 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000300_post_disaster.png,woolsey-fire_00000300_post_disaster,0,0,tier3\masks\woolsey-fire_00000300_post_disaster.png,0,0,0,0,00000300 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000300_pre_disaster.png,woolsey-fire_00000300_pre_disaster,0,0,tier3\masks\woolsey-fire_00000300_pre_disaster.png,0,0,0,0,00000300 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000301_post_disaster.png,woolsey-fire_00000301_post_disaster,0,0,tier3\masks\woolsey-fire_00000301_post_disaster.png,0,0,0,0,00000301 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000301_pre_disaster.png,woolsey-fire_00000301_pre_disaster,0,0,tier3\masks\woolsey-fire_00000301_pre_disaster.png,0,0,0,0,00000301 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000302_post_disaster.png,woolsey-fire_00000302_post_disaster,0,0,tier3\masks\woolsey-fire_00000302_post_disaster.png,0,0,0,0,00000302 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000302_pre_disaster.png,woolsey-fire_00000302_pre_disaster,0,0,tier3\masks\woolsey-fire_00000302_pre_disaster.png,0,0,0,0,00000302 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000303_post_disaster.png,woolsey-fire_00000303_post_disaster,0,0,tier3\masks\woolsey-fire_00000303_post_disaster.png,0,0,0,0,00000303 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000303_pre_disaster.png,woolsey-fire_00000303_pre_disaster,0,0,tier3\masks\woolsey-fire_00000303_pre_disaster.png,0,0,0,0,00000303 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000304_post_disaster.png,woolsey-fire_00000304_post_disaster,0,0,tier3\masks\woolsey-fire_00000304_post_disaster.png,0,0,0,0,00000304 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000304_pre_disaster.png,woolsey-fire_00000304_pre_disaster,0,0,tier3\masks\woolsey-fire_00000304_pre_disaster.png,0,0,0,0,00000304 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000305_post_disaster.png,woolsey-fire_00000305_post_disaster,0,0,tier3\masks\woolsey-fire_00000305_post_disaster.png,0,0,0,0,00000305 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000305_pre_disaster.png,woolsey-fire_00000305_pre_disaster,0,0,tier3\masks\woolsey-fire_00000305_pre_disaster.png,0,0,0,0,00000305 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000306_post_disaster.png,woolsey-fire_00000306_post_disaster,0,0,tier3\masks\woolsey-fire_00000306_post_disaster.png,0,0,0,0,00000306 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000306_pre_disaster.png,woolsey-fire_00000306_pre_disaster,0,0,tier3\masks\woolsey-fire_00000306_pre_disaster.png,0,0,0,0,00000306 +19,12942,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000307_post_disaster.png,woolsey-fire_00000307_post_disaster,0,0,tier3\masks\woolsey-fire_00000307_post_disaster.png,1,242,30,10839,00000307 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000307_pre_disaster.png,woolsey-fire_00000307_pre_disaster,0,0,tier3\masks\woolsey-fire_00000307_pre_disaster.png,0,0,49,24048,00000307 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000308_post_disaster.png,woolsey-fire_00000308_post_disaster,0,0,tier3\masks\woolsey-fire_00000308_post_disaster.png,0,0,0,0,00000308 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000308_pre_disaster.png,woolsey-fire_00000308_pre_disaster,0,0,tier3\masks\woolsey-fire_00000308_pre_disaster.png,0,0,0,0,00000308 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000309_post_disaster.png,woolsey-fire_00000309_post_disaster,0,0,tier3\masks\woolsey-fire_00000309_post_disaster.png,0,0,0,0,00000309 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000309_pre_disaster.png,woolsey-fire_00000309_pre_disaster,0,0,tier3\masks\woolsey-fire_00000309_pre_disaster.png,0,0,0,0,00000309 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000310_post_disaster.png,woolsey-fire_00000310_post_disaster,0,0,tier3\masks\woolsey-fire_00000310_post_disaster.png,0,0,0,0,00000310 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000310_pre_disaster.png,woolsey-fire_00000310_pre_disaster,0,0,tier3\masks\woolsey-fire_00000310_pre_disaster.png,0,0,0,0,00000310 +12,4877,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000311_post_disaster.png,woolsey-fire_00000311_post_disaster,11,1617,tier3\masks\woolsey-fire_00000311_post_disaster.png,0,0,7,1736,00000311 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000311_pre_disaster.png,woolsey-fire_00000311_pre_disaster,0,0,tier3\masks\woolsey-fire_00000311_pre_disaster.png,0,0,28,8230,00000311 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000312_post_disaster.png,woolsey-fire_00000312_post_disaster,0,0,tier3\masks\woolsey-fire_00000312_post_disaster.png,0,0,0,0,00000312 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000312_pre_disaster.png,woolsey-fire_00000312_pre_disaster,0,0,tier3\masks\woolsey-fire_00000312_pre_disaster.png,0,0,0,0,00000312 +10,4954,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000313_post_disaster.png,woolsey-fire_00000313_post_disaster,0,0,tier3\masks\woolsey-fire_00000313_post_disaster.png,1,162,13,5841,00000313 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000313_pre_disaster.png,woolsey-fire_00000313_pre_disaster,0,0,tier3\masks\woolsey-fire_00000313_pre_disaster.png,0,0,24,10957,00000313 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000314_post_disaster.png,woolsey-fire_00000314_post_disaster,0,0,tier3\masks\woolsey-fire_00000314_post_disaster.png,0,0,0,0,00000314 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000314_pre_disaster.png,woolsey-fire_00000314_pre_disaster,0,0,tier3\masks\woolsey-fire_00000314_pre_disaster.png,0,0,0,0,00000314 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000315_post_disaster.png,woolsey-fire_00000315_post_disaster,0,0,tier3\masks\woolsey-fire_00000315_post_disaster.png,0,0,0,0,00000315 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000315_pre_disaster.png,woolsey-fire_00000315_pre_disaster,0,0,tier3\masks\woolsey-fire_00000315_pre_disaster.png,0,0,0,0,00000315 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000316_post_disaster.png,woolsey-fire_00000316_post_disaster,0,0,tier3\masks\woolsey-fire_00000316_post_disaster.png,0,0,4,3863,00000316 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000316_pre_disaster.png,woolsey-fire_00000316_pre_disaster,0,0,tier3\masks\woolsey-fire_00000316_pre_disaster.png,0,0,4,3863,00000316 +2,4609,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000317_post_disaster.png,woolsey-fire_00000317_post_disaster,0,0,tier3\masks\woolsey-fire_00000317_post_disaster.png,0,0,0,0,00000317 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000317_pre_disaster.png,woolsey-fire_00000317_pre_disaster,0,0,tier3\masks\woolsey-fire_00000317_pre_disaster.png,0,0,2,4609,00000317 +2,2805,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000318_post_disaster.png,woolsey-fire_00000318_post_disaster,0,0,tier3\masks\woolsey-fire_00000318_post_disaster.png,0,0,18,6856,00000318 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000318_pre_disaster.png,woolsey-fire_00000318_pre_disaster,0,0,tier3\masks\woolsey-fire_00000318_pre_disaster.png,0,0,20,9661,00000318 +7,13305,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000319_post_disaster.png,woolsey-fire_00000319_post_disaster,1,108,tier3\masks\woolsey-fire_00000319_post_disaster.png,0,0,5,2913,00000319 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000319_pre_disaster.png,woolsey-fire_00000319_pre_disaster,0,0,tier3\masks\woolsey-fire_00000319_pre_disaster.png,0,0,13,16326,00000319 +12,15358,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000320_post_disaster.png,woolsey-fire_00000320_post_disaster,1,1024,tier3\masks\woolsey-fire_00000320_post_disaster.png,1,965,29,30043,00000320 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000320_pre_disaster.png,woolsey-fire_00000320_pre_disaster,0,0,tier3\masks\woolsey-fire_00000320_pre_disaster.png,0,0,42,47619,00000320 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000321_post_disaster.png,woolsey-fire_00000321_post_disaster,0,0,tier3\masks\woolsey-fire_00000321_post_disaster.png,0,0,0,0,00000321 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000321_pre_disaster.png,woolsey-fire_00000321_pre_disaster,0,0,tier3\masks\woolsey-fire_00000321_pre_disaster.png,0,0,0,0,00000321 +9,951,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000322_post_disaster.png,woolsey-fire_00000322_post_disaster,0,0,tier3\masks\woolsey-fire_00000322_post_disaster.png,0,0,3,115,00000322 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000322_pre_disaster.png,woolsey-fire_00000322_pre_disaster,0,0,tier3\masks\woolsey-fire_00000322_pre_disaster.png,0,0,11,1066,00000322 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000323_post_disaster.png,woolsey-fire_00000323_post_disaster,0,0,tier3\masks\woolsey-fire_00000323_post_disaster.png,0,0,0,0,00000323 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000323_pre_disaster.png,woolsey-fire_00000323_pre_disaster,0,0,tier3\masks\woolsey-fire_00000323_pre_disaster.png,0,0,0,0,00000323 +3,1981,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000324_post_disaster.png,woolsey-fire_00000324_post_disaster,0,0,tier3\masks\woolsey-fire_00000324_post_disaster.png,0,0,0,0,00000324 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000324_pre_disaster.png,woolsey-fire_00000324_pre_disaster,0,0,tier3\masks\woolsey-fire_00000324_pre_disaster.png,0,0,3,1981,00000324 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000325_post_disaster.png,woolsey-fire_00000325_post_disaster,0,0,tier3\masks\woolsey-fire_00000325_post_disaster.png,0,0,0,0,00000325 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000325_pre_disaster.png,woolsey-fire_00000325_pre_disaster,0,0,tier3\masks\woolsey-fire_00000325_pre_disaster.png,0,0,0,0,00000325 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000326_post_disaster.png,woolsey-fire_00000326_post_disaster,0,0,tier3\masks\woolsey-fire_00000326_post_disaster.png,0,0,0,0,00000326 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000326_pre_disaster.png,woolsey-fire_00000326_pre_disaster,0,0,tier3\masks\woolsey-fire_00000326_pre_disaster.png,0,0,0,0,00000326 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000327_post_disaster.png,woolsey-fire_00000327_post_disaster,0,0,tier3\masks\woolsey-fire_00000327_post_disaster.png,0,0,0,0,00000327 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000327_pre_disaster.png,woolsey-fire_00000327_pre_disaster,0,0,tier3\masks\woolsey-fire_00000327_pre_disaster.png,0,0,0,0,00000327 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000328_post_disaster.png,woolsey-fire_00000328_post_disaster,0,0,tier3\masks\woolsey-fire_00000328_post_disaster.png,4,481,0,0,00000328 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000328_pre_disaster.png,woolsey-fire_00000328_pre_disaster,0,0,tier3\masks\woolsey-fire_00000328_pre_disaster.png,0,0,4,503,00000328 +25,23007,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000329_post_disaster.png,woolsey-fire_00000329_post_disaster,4,2519,tier3\masks\woolsey-fire_00000329_post_disaster.png,0,0,88,98729,00000329 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000329_pre_disaster.png,woolsey-fire_00000329_pre_disaster,0,0,tier3\masks\woolsey-fire_00000329_pre_disaster.png,0,0,117,124321,00000329 +4,8631,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000330_post_disaster.png,woolsey-fire_00000330_post_disaster,3,3657,tier3\masks\woolsey-fire_00000330_post_disaster.png,0,0,19,17073,00000330 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000330_pre_disaster.png,woolsey-fire_00000330_pre_disaster,0,0,tier3\masks\woolsey-fire_00000330_pre_disaster.png,0,0,24,29412,00000330 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000331_post_disaster.png,woolsey-fire_00000331_post_disaster,0,0,tier3\masks\woolsey-fire_00000331_post_disaster.png,0,0,4,2472,00000331 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000331_pre_disaster.png,woolsey-fire_00000331_pre_disaster,0,0,tier3\masks\woolsey-fire_00000331_pre_disaster.png,0,0,4,2472,00000331 +5,7150,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000332_post_disaster.png,woolsey-fire_00000332_post_disaster,0,0,tier3\masks\woolsey-fire_00000332_post_disaster.png,0,0,3,601,00000332 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000332_pre_disaster.png,woolsey-fire_00000332_pre_disaster,0,0,tier3\masks\woolsey-fire_00000332_pre_disaster.png,0,0,8,7774,00000332 +2,456,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000333_post_disaster.png,woolsey-fire_00000333_post_disaster,0,0,tier3\masks\woolsey-fire_00000333_post_disaster.png,1,115,5,2042,00000333 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000333_pre_disaster.png,woolsey-fire_00000333_pre_disaster,0,0,tier3\masks\woolsey-fire_00000333_pre_disaster.png,0,0,8,2631,00000333 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000334_post_disaster.png,woolsey-fire_00000334_post_disaster,0,0,tier3\masks\woolsey-fire_00000334_post_disaster.png,0,0,3,229,00000334 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000334_pre_disaster.png,woolsey-fire_00000334_pre_disaster,0,0,tier3\masks\woolsey-fire_00000334_pre_disaster.png,0,0,3,229,00000334 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000335_post_disaster.png,woolsey-fire_00000335_post_disaster,0,0,tier3\masks\woolsey-fire_00000335_post_disaster.png,0,0,4,1422,00000335 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000335_pre_disaster.png,woolsey-fire_00000335_pre_disaster,0,0,tier3\masks\woolsey-fire_00000335_pre_disaster.png,0,0,4,1437,00000335 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000336_post_disaster.png,woolsey-fire_00000336_post_disaster,0,0,tier3\masks\woolsey-fire_00000336_post_disaster.png,0,0,0,0,00000336 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000336_pre_disaster.png,woolsey-fire_00000336_pre_disaster,0,0,tier3\masks\woolsey-fire_00000336_pre_disaster.png,0,0,0,0,00000336 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000337_post_disaster.png,woolsey-fire_00000337_post_disaster,0,0,tier3\masks\woolsey-fire_00000337_post_disaster.png,0,0,0,0,00000337 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000337_pre_disaster.png,woolsey-fire_00000337_pre_disaster,0,0,tier3\masks\woolsey-fire_00000337_pre_disaster.png,0,0,0,0,00000337 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000338_post_disaster.png,woolsey-fire_00000338_post_disaster,0,0,tier3\masks\woolsey-fire_00000338_post_disaster.png,0,0,0,0,00000338 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000338_pre_disaster.png,woolsey-fire_00000338_pre_disaster,0,0,tier3\masks\woolsey-fire_00000338_pre_disaster.png,0,0,0,0,00000338 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000339_post_disaster.png,woolsey-fire_00000339_post_disaster,0,0,tier3\masks\woolsey-fire_00000339_post_disaster.png,0,0,0,0,00000339 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000339_pre_disaster.png,woolsey-fire_00000339_pre_disaster,0,0,tier3\masks\woolsey-fire_00000339_pre_disaster.png,0,0,0,0,00000339 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000340_post_disaster.png,woolsey-fire_00000340_post_disaster,0,0,tier3\masks\woolsey-fire_00000340_post_disaster.png,0,0,0,0,00000340 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000340_pre_disaster.png,woolsey-fire_00000340_pre_disaster,0,0,tier3\masks\woolsey-fire_00000340_pre_disaster.png,0,0,0,0,00000340 +1,2254,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000341_post_disaster.png,woolsey-fire_00000341_post_disaster,0,0,tier3\masks\woolsey-fire_00000341_post_disaster.png,0,0,7,9840,00000341 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000341_pre_disaster.png,woolsey-fire_00000341_pre_disaster,0,0,tier3\masks\woolsey-fire_00000341_pre_disaster.png,0,0,8,12094,00000341 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000342_post_disaster.png,woolsey-fire_00000342_post_disaster,0,0,tier3\masks\woolsey-fire_00000342_post_disaster.png,0,0,0,0,00000342 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000342_pre_disaster.png,woolsey-fire_00000342_pre_disaster,0,0,tier3\masks\woolsey-fire_00000342_pre_disaster.png,0,0,0,0,00000342 +5,753,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000343_post_disaster.png,woolsey-fire_00000343_post_disaster,0,0,tier3\masks\woolsey-fire_00000343_post_disaster.png,0,0,1,291,00000343 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000343_pre_disaster.png,woolsey-fire_00000343_pre_disaster,0,0,tier3\masks\woolsey-fire_00000343_pre_disaster.png,0,0,6,1044,00000343 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000344_post_disaster.png,woolsey-fire_00000344_post_disaster,0,0,tier3\masks\woolsey-fire_00000344_post_disaster.png,0,0,2,353,00000344 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000344_pre_disaster.png,woolsey-fire_00000344_pre_disaster,0,0,tier3\masks\woolsey-fire_00000344_pre_disaster.png,0,0,2,353,00000344 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000345_post_disaster.png,woolsey-fire_00000345_post_disaster,0,0,tier3\masks\woolsey-fire_00000345_post_disaster.png,0,0,0,0,00000345 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000345_pre_disaster.png,woolsey-fire_00000345_pre_disaster,0,0,tier3\masks\woolsey-fire_00000345_pre_disaster.png,0,0,0,0,00000345 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000346_post_disaster.png,woolsey-fire_00000346_post_disaster,0,0,tier3\masks\woolsey-fire_00000346_post_disaster.png,0,0,0,0,00000346 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000346_pre_disaster.png,woolsey-fire_00000346_pre_disaster,0,0,tier3\masks\woolsey-fire_00000346_pre_disaster.png,0,0,0,0,00000346 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000347_post_disaster.png,woolsey-fire_00000347_post_disaster,0,0,tier3\masks\woolsey-fire_00000347_post_disaster.png,0,0,0,0,00000347 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000347_pre_disaster.png,woolsey-fire_00000347_pre_disaster,0,0,tier3\masks\woolsey-fire_00000347_pre_disaster.png,0,0,0,0,00000347 +2,1902,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000348_post_disaster.png,woolsey-fire_00000348_post_disaster,0,0,tier3\masks\woolsey-fire_00000348_post_disaster.png,0,0,1,164,00000348 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000348_pre_disaster.png,woolsey-fire_00000348_pre_disaster,0,0,tier3\masks\woolsey-fire_00000348_pre_disaster.png,0,0,3,2066,00000348 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000349_post_disaster.png,woolsey-fire_00000349_post_disaster,0,0,tier3\masks\woolsey-fire_00000349_post_disaster.png,0,0,0,0,00000349 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000349_pre_disaster.png,woolsey-fire_00000349_pre_disaster,0,0,tier3\masks\woolsey-fire_00000349_pre_disaster.png,0,0,0,0,00000349 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000350_post_disaster.png,woolsey-fire_00000350_post_disaster,0,0,tier3\masks\woolsey-fire_00000350_post_disaster.png,0,0,49,132097,00000350 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000350_pre_disaster.png,woolsey-fire_00000350_pre_disaster,0,0,tier3\masks\woolsey-fire_00000350_pre_disaster.png,0,0,49,132130,00000350 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000351_post_disaster.png,woolsey-fire_00000351_post_disaster,0,0,tier3\masks\woolsey-fire_00000351_post_disaster.png,0,0,5,3939,00000351 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000351_pre_disaster.png,woolsey-fire_00000351_pre_disaster,0,0,tier3\masks\woolsey-fire_00000351_pre_disaster.png,0,0,5,3939,00000351 +1,719,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000352_post_disaster.png,woolsey-fire_00000352_post_disaster,0,0,tier3\masks\woolsey-fire_00000352_post_disaster.png,0,0,0,0,00000352 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000352_pre_disaster.png,woolsey-fire_00000352_pre_disaster,0,0,tier3\masks\woolsey-fire_00000352_pre_disaster.png,0,0,1,719,00000352 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000353_post_disaster.png,woolsey-fire_00000353_post_disaster,0,0,tier3\masks\woolsey-fire_00000353_post_disaster.png,0,0,0,0,00000353 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000353_pre_disaster.png,woolsey-fire_00000353_pre_disaster,0,0,tier3\masks\woolsey-fire_00000353_pre_disaster.png,0,0,0,0,00000353 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000354_post_disaster.png,woolsey-fire_00000354_post_disaster,0,0,tier3\masks\woolsey-fire_00000354_post_disaster.png,0,0,0,0,00000354 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000354_pre_disaster.png,woolsey-fire_00000354_pre_disaster,0,0,tier3\masks\woolsey-fire_00000354_pre_disaster.png,0,0,0,0,00000354 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000355_post_disaster.png,woolsey-fire_00000355_post_disaster,0,0,tier3\masks\woolsey-fire_00000355_post_disaster.png,0,0,0,0,00000355 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000355_pre_disaster.png,woolsey-fire_00000355_pre_disaster,0,0,tier3\masks\woolsey-fire_00000355_pre_disaster.png,0,0,0,0,00000355 +1,440,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000356_post_disaster.png,woolsey-fire_00000356_post_disaster,0,0,tier3\masks\woolsey-fire_00000356_post_disaster.png,0,0,1,148,00000356 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000356_pre_disaster.png,woolsey-fire_00000356_pre_disaster,0,0,tier3\masks\woolsey-fire_00000356_pre_disaster.png,0,0,2,590,00000356 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000357_post_disaster.png,woolsey-fire_00000357_post_disaster,0,0,tier3\masks\woolsey-fire_00000357_post_disaster.png,0,0,0,0,00000357 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000357_pre_disaster.png,woolsey-fire_00000357_pre_disaster,0,0,tier3\masks\woolsey-fire_00000357_pre_disaster.png,0,0,0,0,00000357 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000358_post_disaster.png,woolsey-fire_00000358_post_disaster,0,0,tier3\masks\woolsey-fire_00000358_post_disaster.png,0,0,0,0,00000358 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000358_pre_disaster.png,woolsey-fire_00000358_pre_disaster,0,0,tier3\masks\woolsey-fire_00000358_pre_disaster.png,0,0,0,0,00000358 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000359_post_disaster.png,woolsey-fire_00000359_post_disaster,0,0,tier3\masks\woolsey-fire_00000359_post_disaster.png,0,0,0,0,00000359 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000359_pre_disaster.png,woolsey-fire_00000359_pre_disaster,0,0,tier3\masks\woolsey-fire_00000359_pre_disaster.png,0,0,0,0,00000359 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000360_post_disaster.png,woolsey-fire_00000360_post_disaster,0,0,tier3\masks\woolsey-fire_00000360_post_disaster.png,0,0,0,0,00000360 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000360_pre_disaster.png,woolsey-fire_00000360_pre_disaster,0,0,tier3\masks\woolsey-fire_00000360_pre_disaster.png,0,0,0,0,00000360 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000361_post_disaster.png,woolsey-fire_00000361_post_disaster,0,0,tier3\masks\woolsey-fire_00000361_post_disaster.png,0,0,71,88009,00000361 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000361_pre_disaster.png,woolsey-fire_00000361_pre_disaster,0,0,tier3\masks\woolsey-fire_00000361_pre_disaster.png,0,0,71,88072,00000361 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000362_post_disaster.png,woolsey-fire_00000362_post_disaster,0,0,tier3\masks\woolsey-fire_00000362_post_disaster.png,0,0,0,0,00000362 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000362_pre_disaster.png,woolsey-fire_00000362_pre_disaster,0,0,tier3\masks\woolsey-fire_00000362_pre_disaster.png,0,0,0,0,00000362 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000363_post_disaster.png,woolsey-fire_00000363_post_disaster,0,0,tier3\masks\woolsey-fire_00000363_post_disaster.png,0,0,0,0,00000363 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000363_pre_disaster.png,woolsey-fire_00000363_pre_disaster,0,0,tier3\masks\woolsey-fire_00000363_pre_disaster.png,0,0,0,0,00000363 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000364_post_disaster.png,woolsey-fire_00000364_post_disaster,0,0,tier3\masks\woolsey-fire_00000364_post_disaster.png,0,0,0,0,00000364 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000364_pre_disaster.png,woolsey-fire_00000364_pre_disaster,0,0,tier3\masks\woolsey-fire_00000364_pre_disaster.png,0,0,0,0,00000364 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000365_post_disaster.png,woolsey-fire_00000365_post_disaster,0,0,tier3\masks\woolsey-fire_00000365_post_disaster.png,0,0,0,0,00000365 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000365_pre_disaster.png,woolsey-fire_00000365_pre_disaster,0,0,tier3\masks\woolsey-fire_00000365_pre_disaster.png,0,0,0,0,00000365 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000366_post_disaster.png,woolsey-fire_00000366_post_disaster,0,0,tier3\masks\woolsey-fire_00000366_post_disaster.png,0,0,0,0,00000366 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000366_pre_disaster.png,woolsey-fire_00000366_pre_disaster,0,0,tier3\masks\woolsey-fire_00000366_pre_disaster.png,0,0,0,0,00000366 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000367_post_disaster.png,woolsey-fire_00000367_post_disaster,0,0,tier3\masks\woolsey-fire_00000367_post_disaster.png,0,0,0,0,00000367 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000367_pre_disaster.png,woolsey-fire_00000367_pre_disaster,0,0,tier3\masks\woolsey-fire_00000367_pre_disaster.png,0,0,0,0,00000367 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000368_post_disaster.png,woolsey-fire_00000368_post_disaster,0,0,tier3\masks\woolsey-fire_00000368_post_disaster.png,0,0,0,0,00000368 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000368_pre_disaster.png,woolsey-fire_00000368_pre_disaster,0,0,tier3\masks\woolsey-fire_00000368_pre_disaster.png,0,0,0,0,00000368 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000369_post_disaster.png,woolsey-fire_00000369_post_disaster,0,0,tier3\masks\woolsey-fire_00000369_post_disaster.png,0,0,0,0,00000369 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000369_pre_disaster.png,woolsey-fire_00000369_pre_disaster,0,0,tier3\masks\woolsey-fire_00000369_pre_disaster.png,0,0,0,0,00000369 +8,7401,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000370_post_disaster.png,woolsey-fire_00000370_post_disaster,0,0,tier3\masks\woolsey-fire_00000370_post_disaster.png,0,0,15,18446,00000370 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000370_pre_disaster.png,woolsey-fire_00000370_pre_disaster,0,0,tier3\masks\woolsey-fire_00000370_pre_disaster.png,0,0,23,25847,00000370 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000371_post_disaster.png,woolsey-fire_00000371_post_disaster,0,0,tier3\masks\woolsey-fire_00000371_post_disaster.png,0,0,0,0,00000371 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000371_pre_disaster.png,woolsey-fire_00000371_pre_disaster,0,0,tier3\masks\woolsey-fire_00000371_pre_disaster.png,0,0,0,0,00000371 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000372_post_disaster.png,woolsey-fire_00000372_post_disaster,0,0,tier3\masks\woolsey-fire_00000372_post_disaster.png,0,0,0,0,00000372 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000372_pre_disaster.png,woolsey-fire_00000372_pre_disaster,0,0,tier3\masks\woolsey-fire_00000372_pre_disaster.png,0,0,0,0,00000372 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000373_post_disaster.png,woolsey-fire_00000373_post_disaster,0,0,tier3\masks\woolsey-fire_00000373_post_disaster.png,0,0,0,0,00000373 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000373_pre_disaster.png,woolsey-fire_00000373_pre_disaster,0,0,tier3\masks\woolsey-fire_00000373_pre_disaster.png,0,0,0,0,00000373 +3,2783,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000374_post_disaster.png,woolsey-fire_00000374_post_disaster,0,0,tier3\masks\woolsey-fire_00000374_post_disaster.png,0,0,14,36845,00000374 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000374_pre_disaster.png,woolsey-fire_00000374_pre_disaster,0,0,tier3\masks\woolsey-fire_00000374_pre_disaster.png,0,0,17,39628,00000374 +1,2729,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000375_post_disaster.png,woolsey-fire_00000375_post_disaster,0,0,tier3\masks\woolsey-fire_00000375_post_disaster.png,0,0,4,7863,00000375 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000375_pre_disaster.png,woolsey-fire_00000375_pre_disaster,0,0,tier3\masks\woolsey-fire_00000375_pre_disaster.png,0,0,5,10697,00000375 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000376_post_disaster.png,woolsey-fire_00000376_post_disaster,0,0,tier3\masks\woolsey-fire_00000376_post_disaster.png,0,0,0,0,00000376 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000376_pre_disaster.png,woolsey-fire_00000376_pre_disaster,0,0,tier3\masks\woolsey-fire_00000376_pre_disaster.png,0,0,0,0,00000376 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000377_post_disaster.png,woolsey-fire_00000377_post_disaster,0,0,tier3\masks\woolsey-fire_00000377_post_disaster.png,0,0,0,0,00000377 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000377_pre_disaster.png,woolsey-fire_00000377_pre_disaster,0,0,tier3\masks\woolsey-fire_00000377_pre_disaster.png,0,0,0,0,00000377 +1,332,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000378_post_disaster.png,woolsey-fire_00000378_post_disaster,0,0,tier3\masks\woolsey-fire_00000378_post_disaster.png,0,0,1,109,00000378 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000378_pre_disaster.png,woolsey-fire_00000378_pre_disaster,0,0,tier3\masks\woolsey-fire_00000378_pre_disaster.png,0,0,2,441,00000378 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000379_post_disaster.png,woolsey-fire_00000379_post_disaster,0,0,tier3\masks\woolsey-fire_00000379_post_disaster.png,0,0,0,0,00000379 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000379_pre_disaster.png,woolsey-fire_00000379_pre_disaster,0,0,tier3\masks\woolsey-fire_00000379_pre_disaster.png,0,0,0,0,00000379 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000380_post_disaster.png,woolsey-fire_00000380_post_disaster,0,0,tier3\masks\woolsey-fire_00000380_post_disaster.png,0,0,0,0,00000380 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000380_pre_disaster.png,woolsey-fire_00000380_pre_disaster,0,0,tier3\masks\woolsey-fire_00000380_pre_disaster.png,0,0,0,0,00000380 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000381_post_disaster.png,woolsey-fire_00000381_post_disaster,0,0,tier3\masks\woolsey-fire_00000381_post_disaster.png,0,0,0,0,00000381 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000381_pre_disaster.png,woolsey-fire_00000381_pre_disaster,0,0,tier3\masks\woolsey-fire_00000381_pre_disaster.png,0,0,0,0,00000381 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000382_post_disaster.png,woolsey-fire_00000382_post_disaster,0,0,tier3\masks\woolsey-fire_00000382_post_disaster.png,0,0,0,0,00000382 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000382_pre_disaster.png,woolsey-fire_00000382_pre_disaster,0,0,tier3\masks\woolsey-fire_00000382_pre_disaster.png,0,0,0,0,00000382 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000383_post_disaster.png,woolsey-fire_00000383_post_disaster,0,0,tier3\masks\woolsey-fire_00000383_post_disaster.png,0,0,0,0,00000383 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000383_pre_disaster.png,woolsey-fire_00000383_pre_disaster,0,0,tier3\masks\woolsey-fire_00000383_pre_disaster.png,0,0,0,0,00000383 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000384_post_disaster.png,woolsey-fire_00000384_post_disaster,0,0,tier3\masks\woolsey-fire_00000384_post_disaster.png,0,0,0,0,00000384 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000384_pre_disaster.png,woolsey-fire_00000384_pre_disaster,0,0,tier3\masks\woolsey-fire_00000384_pre_disaster.png,0,0,0,0,00000384 +1,1400,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000385_post_disaster.png,woolsey-fire_00000385_post_disaster,0,0,tier3\masks\woolsey-fire_00000385_post_disaster.png,0,0,2,678,00000385 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000385_pre_disaster.png,woolsey-fire_00000385_pre_disaster,0,0,tier3\masks\woolsey-fire_00000385_pre_disaster.png,0,0,3,2118,00000385 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000386_post_disaster.png,woolsey-fire_00000386_post_disaster,0,0,tier3\masks\woolsey-fire_00000386_post_disaster.png,0,0,0,0,00000386 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000386_pre_disaster.png,woolsey-fire_00000386_pre_disaster,0,0,tier3\masks\woolsey-fire_00000386_pre_disaster.png,0,0,0,0,00000386 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000387_post_disaster.png,woolsey-fire_00000387_post_disaster,0,0,tier3\masks\woolsey-fire_00000387_post_disaster.png,0,0,0,0,00000387 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000387_pre_disaster.png,woolsey-fire_00000387_pre_disaster,0,0,tier3\masks\woolsey-fire_00000387_pre_disaster.png,0,0,0,0,00000387 +5,8342,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000388_post_disaster.png,woolsey-fire_00000388_post_disaster,0,0,tier3\masks\woolsey-fire_00000388_post_disaster.png,2,3163,20,24690,00000388 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000388_pre_disaster.png,woolsey-fire_00000388_pre_disaster,0,0,tier3\masks\woolsey-fire_00000388_pre_disaster.png,0,0,26,36195,00000388 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000389_post_disaster.png,woolsey-fire_00000389_post_disaster,0,0,tier3\masks\woolsey-fire_00000389_post_disaster.png,0,0,0,0,00000389 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000389_pre_disaster.png,woolsey-fire_00000389_pre_disaster,0,0,tier3\masks\woolsey-fire_00000389_pre_disaster.png,0,0,0,0,00000389 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000390_post_disaster.png,woolsey-fire_00000390_post_disaster,0,0,tier3\masks\woolsey-fire_00000390_post_disaster.png,0,0,4,3286,00000390 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000390_pre_disaster.png,woolsey-fire_00000390_pre_disaster,0,0,tier3\masks\woolsey-fire_00000390_pre_disaster.png,0,0,4,3286,00000390 +1,146,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000391_post_disaster.png,woolsey-fire_00000391_post_disaster,0,0,tier3\masks\woolsey-fire_00000391_post_disaster.png,0,0,5,1987,00000391 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000391_pre_disaster.png,woolsey-fire_00000391_pre_disaster,0,0,tier3\masks\woolsey-fire_00000391_pre_disaster.png,0,0,6,2133,00000391 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000392_post_disaster.png,woolsey-fire_00000392_post_disaster,0,0,tier3\masks\woolsey-fire_00000392_post_disaster.png,0,0,0,0,00000392 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000392_pre_disaster.png,woolsey-fire_00000392_pre_disaster,0,0,tier3\masks\woolsey-fire_00000392_pre_disaster.png,0,0,0,0,00000392 +1,425,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000393_post_disaster.png,woolsey-fire_00000393_post_disaster,0,0,tier3\masks\woolsey-fire_00000393_post_disaster.png,0,0,0,0,00000393 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000393_pre_disaster.png,woolsey-fire_00000393_pre_disaster,0,0,tier3\masks\woolsey-fire_00000393_pre_disaster.png,0,0,1,425,00000393 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000394_post_disaster.png,woolsey-fire_00000394_post_disaster,0,0,tier3\masks\woolsey-fire_00000394_post_disaster.png,0,0,0,0,00000394 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000394_pre_disaster.png,woolsey-fire_00000394_pre_disaster,0,0,tier3\masks\woolsey-fire_00000394_pre_disaster.png,0,0,0,0,00000394 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000395_post_disaster.png,woolsey-fire_00000395_post_disaster,0,0,tier3\masks\woolsey-fire_00000395_post_disaster.png,0,0,0,0,00000395 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000395_pre_disaster.png,woolsey-fire_00000395_pre_disaster,0,0,tier3\masks\woolsey-fire_00000395_pre_disaster.png,0,0,0,0,00000395 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000396_post_disaster.png,woolsey-fire_00000396_post_disaster,0,0,tier3\masks\woolsey-fire_00000396_post_disaster.png,0,0,0,0,00000396 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000396_pre_disaster.png,woolsey-fire_00000396_pre_disaster,0,0,tier3\masks\woolsey-fire_00000396_pre_disaster.png,0,0,0,0,00000396 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000397_post_disaster.png,woolsey-fire_00000397_post_disaster,0,0,tier3\masks\woolsey-fire_00000397_post_disaster.png,0,0,0,0,00000397 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000397_pre_disaster.png,woolsey-fire_00000397_pre_disaster,0,0,tier3\masks\woolsey-fire_00000397_pre_disaster.png,0,0,0,0,00000397 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000398_post_disaster.png,woolsey-fire_00000398_post_disaster,0,0,tier3\masks\woolsey-fire_00000398_post_disaster.png,0,0,0,0,00000398 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000398_pre_disaster.png,woolsey-fire_00000398_pre_disaster,0,0,tier3\masks\woolsey-fire_00000398_pre_disaster.png,0,0,0,0,00000398 +2,603,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000399_post_disaster.png,woolsey-fire_00000399_post_disaster,0,0,tier3\masks\woolsey-fire_00000399_post_disaster.png,1,550,4,6232,00000399 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000399_pre_disaster.png,woolsey-fire_00000399_pre_disaster,0,0,tier3\masks\woolsey-fire_00000399_pre_disaster.png,0,0,7,7397,00000399 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000400_post_disaster.png,woolsey-fire_00000400_post_disaster,0,0,tier3\masks\woolsey-fire_00000400_post_disaster.png,0,0,0,0,00000400 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000400_pre_disaster.png,woolsey-fire_00000400_pre_disaster,0,0,tier3\masks\woolsey-fire_00000400_pre_disaster.png,0,0,0,0,00000400 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000401_post_disaster.png,woolsey-fire_00000401_post_disaster,0,0,tier3\masks\woolsey-fire_00000401_post_disaster.png,0,0,0,0,00000401 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000401_pre_disaster.png,woolsey-fire_00000401_pre_disaster,0,0,tier3\masks\woolsey-fire_00000401_pre_disaster.png,0,0,0,0,00000401 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000402_post_disaster.png,woolsey-fire_00000402_post_disaster,0,0,tier3\masks\woolsey-fire_00000402_post_disaster.png,0,0,0,0,00000402 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000402_pre_disaster.png,woolsey-fire_00000402_pre_disaster,0,0,tier3\masks\woolsey-fire_00000402_pre_disaster.png,0,0,0,0,00000402 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000403_post_disaster.png,woolsey-fire_00000403_post_disaster,0,0,tier3\masks\woolsey-fire_00000403_post_disaster.png,0,0,0,0,00000403 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000403_pre_disaster.png,woolsey-fire_00000403_pre_disaster,0,0,tier3\masks\woolsey-fire_00000403_pre_disaster.png,0,0,0,0,00000403 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000404_post_disaster.png,woolsey-fire_00000404_post_disaster,0,0,tier3\masks\woolsey-fire_00000404_post_disaster.png,0,0,0,0,00000404 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000404_pre_disaster.png,woolsey-fire_00000404_pre_disaster,0,0,tier3\masks\woolsey-fire_00000404_pre_disaster.png,0,0,0,0,00000404 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000405_post_disaster.png,woolsey-fire_00000405_post_disaster,0,0,tier3\masks\woolsey-fire_00000405_post_disaster.png,0,0,0,0,00000405 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000405_pre_disaster.png,woolsey-fire_00000405_pre_disaster,0,0,tier3\masks\woolsey-fire_00000405_pre_disaster.png,0,0,0,0,00000405 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000406_post_disaster.png,woolsey-fire_00000406_post_disaster,0,0,tier3\masks\woolsey-fire_00000406_post_disaster.png,0,0,0,0,00000406 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000406_pre_disaster.png,woolsey-fire_00000406_pre_disaster,0,0,tier3\masks\woolsey-fire_00000406_pre_disaster.png,0,0,0,0,00000406 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000407_post_disaster.png,woolsey-fire_00000407_post_disaster,0,0,tier3\masks\woolsey-fire_00000407_post_disaster.png,0,0,0,0,00000407 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000407_pre_disaster.png,woolsey-fire_00000407_pre_disaster,0,0,tier3\masks\woolsey-fire_00000407_pre_disaster.png,0,0,0,0,00000407 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000408_post_disaster.png,woolsey-fire_00000408_post_disaster,0,0,tier3\masks\woolsey-fire_00000408_post_disaster.png,0,0,0,0,00000408 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000408_pre_disaster.png,woolsey-fire_00000408_pre_disaster,0,0,tier3\masks\woolsey-fire_00000408_pre_disaster.png,0,0,0,0,00000408 +2,3744,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000409_post_disaster.png,woolsey-fire_00000409_post_disaster,1,203,tier3\masks\woolsey-fire_00000409_post_disaster.png,1,135,0,0,00000409 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000409_pre_disaster.png,woolsey-fire_00000409_pre_disaster,0,0,tier3\masks\woolsey-fire_00000409_pre_disaster.png,0,0,4,4103,00000409 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000410_post_disaster.png,woolsey-fire_00000410_post_disaster,0,0,tier3\masks\woolsey-fire_00000410_post_disaster.png,0,0,0,0,00000410 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000410_pre_disaster.png,woolsey-fire_00000410_pre_disaster,0,0,tier3\masks\woolsey-fire_00000410_pre_disaster.png,0,0,0,0,00000410 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000411_post_disaster.png,woolsey-fire_00000411_post_disaster,0,0,tier3\masks\woolsey-fire_00000411_post_disaster.png,0,0,0,0,00000411 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000411_pre_disaster.png,woolsey-fire_00000411_pre_disaster,0,0,tier3\masks\woolsey-fire_00000411_pre_disaster.png,0,0,0,0,00000411 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000412_post_disaster.png,woolsey-fire_00000412_post_disaster,0,0,tier3\masks\woolsey-fire_00000412_post_disaster.png,0,0,0,0,00000412 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000412_pre_disaster.png,woolsey-fire_00000412_pre_disaster,0,0,tier3\masks\woolsey-fire_00000412_pre_disaster.png,0,0,0,0,00000412 +7,6929,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000413_post_disaster.png,woolsey-fire_00000413_post_disaster,0,0,tier3\masks\woolsey-fire_00000413_post_disaster.png,1,817,19,32094,00000413 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000413_pre_disaster.png,woolsey-fire_00000413_pre_disaster,0,0,tier3\masks\woolsey-fire_00000413_pre_disaster.png,0,0,26,39882,00000413 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000414_post_disaster.png,woolsey-fire_00000414_post_disaster,0,0,tier3\masks\woolsey-fire_00000414_post_disaster.png,0,0,0,0,00000414 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000414_pre_disaster.png,woolsey-fire_00000414_pre_disaster,0,0,tier3\masks\woolsey-fire_00000414_pre_disaster.png,0,0,0,0,00000414 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000415_post_disaster.png,woolsey-fire_00000415_post_disaster,0,0,tier3\masks\woolsey-fire_00000415_post_disaster.png,0,0,0,0,00000415 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000415_pre_disaster.png,woolsey-fire_00000415_pre_disaster,0,0,tier3\masks\woolsey-fire_00000415_pre_disaster.png,0,0,0,0,00000415 +1,3968,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000416_post_disaster.png,woolsey-fire_00000416_post_disaster,0,0,tier3\masks\woolsey-fire_00000416_post_disaster.png,0,0,15,9126,00000416 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000416_pre_disaster.png,woolsey-fire_00000416_pre_disaster,0,0,tier3\masks\woolsey-fire_00000416_pre_disaster.png,0,0,16,13094,00000416 +2,1607,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000417_post_disaster.png,woolsey-fire_00000417_post_disaster,0,0,tier3\masks\woolsey-fire_00000417_post_disaster.png,0,0,21,24222,00000417 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000417_pre_disaster.png,woolsey-fire_00000417_pre_disaster,0,0,tier3\masks\woolsey-fire_00000417_pre_disaster.png,0,0,23,25860,00000417 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000418_post_disaster.png,woolsey-fire_00000418_post_disaster,0,0,tier3\masks\woolsey-fire_00000418_post_disaster.png,0,0,0,0,00000418 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000418_pre_disaster.png,woolsey-fire_00000418_pre_disaster,0,0,tier3\masks\woolsey-fire_00000418_pre_disaster.png,0,0,0,0,00000418 +1,205,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000419_post_disaster.png,woolsey-fire_00000419_post_disaster,0,0,tier3\masks\woolsey-fire_00000419_post_disaster.png,0,0,10,2869,00000419 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000419_pre_disaster.png,woolsey-fire_00000419_pre_disaster,0,0,tier3\masks\woolsey-fire_00000419_pre_disaster.png,0,0,11,3074,00000419 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000420_post_disaster.png,woolsey-fire_00000420_post_disaster,0,0,tier3\masks\woolsey-fire_00000420_post_disaster.png,0,0,0,0,00000420 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000420_pre_disaster.png,woolsey-fire_00000420_pre_disaster,0,0,tier3\masks\woolsey-fire_00000420_pre_disaster.png,0,0,0,0,00000420 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000421_post_disaster.png,woolsey-fire_00000421_post_disaster,0,0,tier3\masks\woolsey-fire_00000421_post_disaster.png,0,0,0,0,00000421 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000421_pre_disaster.png,woolsey-fire_00000421_pre_disaster,0,0,tier3\masks\woolsey-fire_00000421_pre_disaster.png,0,0,0,0,00000421 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000422_post_disaster.png,woolsey-fire_00000422_post_disaster,0,0,tier3\masks\woolsey-fire_00000422_post_disaster.png,0,0,5,3394,00000422 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000422_pre_disaster.png,woolsey-fire_00000422_pre_disaster,0,0,tier3\masks\woolsey-fire_00000422_pre_disaster.png,0,0,5,3436,00000422 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000423_post_disaster.png,woolsey-fire_00000423_post_disaster,0,0,tier3\masks\woolsey-fire_00000423_post_disaster.png,0,0,0,0,00000423 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000423_pre_disaster.png,woolsey-fire_00000423_pre_disaster,0,0,tier3\masks\woolsey-fire_00000423_pre_disaster.png,0,0,0,0,00000423 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000424_post_disaster.png,woolsey-fire_00000424_post_disaster,0,0,tier3\masks\woolsey-fire_00000424_post_disaster.png,0,0,0,0,00000424 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000424_pre_disaster.png,woolsey-fire_00000424_pre_disaster,0,0,tier3\masks\woolsey-fire_00000424_pre_disaster.png,0,0,0,0,00000424 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000425_post_disaster.png,woolsey-fire_00000425_post_disaster,0,0,tier3\masks\woolsey-fire_00000425_post_disaster.png,0,0,0,0,00000425 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000425_pre_disaster.png,woolsey-fire_00000425_pre_disaster,0,0,tier3\masks\woolsey-fire_00000425_pre_disaster.png,0,0,0,0,00000425 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000426_post_disaster.png,woolsey-fire_00000426_post_disaster,0,0,tier3\masks\woolsey-fire_00000426_post_disaster.png,0,0,0,0,00000426 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000426_pre_disaster.png,woolsey-fire_00000426_pre_disaster,0,0,tier3\masks\woolsey-fire_00000426_pre_disaster.png,0,0,0,0,00000426 +1,116,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000427_post_disaster.png,woolsey-fire_00000427_post_disaster,0,0,tier3\masks\woolsey-fire_00000427_post_disaster.png,0,0,110,156339,00000427 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000427_pre_disaster.png,woolsey-fire_00000427_pre_disaster,0,0,tier3\masks\woolsey-fire_00000427_pre_disaster.png,0,0,111,156596,00000427 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000428_post_disaster.png,woolsey-fire_00000428_post_disaster,0,0,tier3\masks\woolsey-fire_00000428_post_disaster.png,0,0,1,6341,00000428 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000428_pre_disaster.png,woolsey-fire_00000428_pre_disaster,0,0,tier3\masks\woolsey-fire_00000428_pre_disaster.png,0,0,1,6341,00000428 +5,2707,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000429_post_disaster.png,woolsey-fire_00000429_post_disaster,0,0,tier3\masks\woolsey-fire_00000429_post_disaster.png,0,0,39,40638,00000429 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000429_pre_disaster.png,woolsey-fire_00000429_pre_disaster,0,0,tier3\masks\woolsey-fire_00000429_pre_disaster.png,0,0,44,43403,00000429 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000430_post_disaster.png,woolsey-fire_00000430_post_disaster,0,0,tier3\masks\woolsey-fire_00000430_post_disaster.png,0,0,0,0,00000430 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000430_pre_disaster.png,woolsey-fire_00000430_pre_disaster,0,0,tier3\masks\woolsey-fire_00000430_pre_disaster.png,0,0,0,0,00000430 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000431_post_disaster.png,woolsey-fire_00000431_post_disaster,0,0,tier3\masks\woolsey-fire_00000431_post_disaster.png,0,0,5,6507,00000431 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000431_pre_disaster.png,woolsey-fire_00000431_pre_disaster,0,0,tier3\masks\woolsey-fire_00000431_pre_disaster.png,0,0,5,6507,00000431 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000432_post_disaster.png,woolsey-fire_00000432_post_disaster,0,0,tier3\masks\woolsey-fire_00000432_post_disaster.png,0,0,0,0,00000432 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000432_pre_disaster.png,woolsey-fire_00000432_pre_disaster,0,0,tier3\masks\woolsey-fire_00000432_pre_disaster.png,0,0,0,0,00000432 +16,12604,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000433_post_disaster.png,woolsey-fire_00000433_post_disaster,0,0,tier3\masks\woolsey-fire_00000433_post_disaster.png,0,0,5,2000,00000433 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000433_pre_disaster.png,woolsey-fire_00000433_pre_disaster,0,0,tier3\masks\woolsey-fire_00000433_pre_disaster.png,0,0,21,14666,00000433 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000434_post_disaster.png,woolsey-fire_00000434_post_disaster,0,0,tier3\masks\woolsey-fire_00000434_post_disaster.png,0,0,0,0,00000434 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000434_pre_disaster.png,woolsey-fire_00000434_pre_disaster,0,0,tier3\masks\woolsey-fire_00000434_pre_disaster.png,0,0,0,0,00000434 +4,576,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000435_post_disaster.png,woolsey-fire_00000435_post_disaster,0,0,tier3\masks\woolsey-fire_00000435_post_disaster.png,0,0,0,0,00000435 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000435_pre_disaster.png,woolsey-fire_00000435_pre_disaster,0,0,tier3\masks\woolsey-fire_00000435_pre_disaster.png,0,0,4,584,00000435 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000436_post_disaster.png,woolsey-fire_00000436_post_disaster,0,0,tier3\masks\woolsey-fire_00000436_post_disaster.png,0,0,0,0,00000436 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000436_pre_disaster.png,woolsey-fire_00000436_pre_disaster,0,0,tier3\masks\woolsey-fire_00000436_pre_disaster.png,0,0,0,0,00000436 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000437_post_disaster.png,woolsey-fire_00000437_post_disaster,1,101,tier3\masks\woolsey-fire_00000437_post_disaster.png,0,0,0,0,00000437 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000437_pre_disaster.png,woolsey-fire_00000437_pre_disaster,0,0,tier3\masks\woolsey-fire_00000437_pre_disaster.png,0,0,1,101,00000437 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000438_post_disaster.png,woolsey-fire_00000438_post_disaster,0,0,tier3\masks\woolsey-fire_00000438_post_disaster.png,0,0,0,0,00000438 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000438_pre_disaster.png,woolsey-fire_00000438_pre_disaster,0,0,tier3\masks\woolsey-fire_00000438_pre_disaster.png,0,0,0,0,00000438 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000439_post_disaster.png,woolsey-fire_00000439_post_disaster,0,0,tier3\masks\woolsey-fire_00000439_post_disaster.png,0,0,4,538,00000439 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000439_pre_disaster.png,woolsey-fire_00000439_pre_disaster,0,0,tier3\masks\woolsey-fire_00000439_pre_disaster.png,0,0,4,538,00000439 +1,605,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000440_post_disaster.png,woolsey-fire_00000440_post_disaster,1,335,tier3\masks\woolsey-fire_00000440_post_disaster.png,0,0,1,1071,00000440 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000440_pre_disaster.png,woolsey-fire_00000440_pre_disaster,0,0,tier3\masks\woolsey-fire_00000440_pre_disaster.png,0,0,3,2011,00000440 +1,277,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000441_post_disaster.png,woolsey-fire_00000441_post_disaster,0,0,tier3\masks\woolsey-fire_00000441_post_disaster.png,0,0,61,82660,00000441 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000441_pre_disaster.png,woolsey-fire_00000441_pre_disaster,0,0,tier3\masks\woolsey-fire_00000441_pre_disaster.png,0,0,62,82963,00000441 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000442_post_disaster.png,woolsey-fire_00000442_post_disaster,0,0,tier3\masks\woolsey-fire_00000442_post_disaster.png,0,0,0,0,00000442 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000442_pre_disaster.png,woolsey-fire_00000442_pre_disaster,0,0,tier3\masks\woolsey-fire_00000442_pre_disaster.png,0,0,0,0,00000442 +1,534,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000443_post_disaster.png,woolsey-fire_00000443_post_disaster,0,0,tier3\masks\woolsey-fire_00000443_post_disaster.png,1,557,0,0,00000443 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000443_pre_disaster.png,woolsey-fire_00000443_pre_disaster,0,0,tier3\masks\woolsey-fire_00000443_pre_disaster.png,0,0,2,1116,00000443 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000444_post_disaster.png,woolsey-fire_00000444_post_disaster,0,0,tier3\masks\woolsey-fire_00000444_post_disaster.png,0,0,0,0,00000444 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000444_pre_disaster.png,woolsey-fire_00000444_pre_disaster,0,0,tier3\masks\woolsey-fire_00000444_pre_disaster.png,0,0,0,0,00000444 +2,664,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000445_post_disaster.png,woolsey-fire_00000445_post_disaster,0,0,tier3\masks\woolsey-fire_00000445_post_disaster.png,0,0,4,686,00000445 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000445_pre_disaster.png,woolsey-fire_00000445_pre_disaster,0,0,tier3\masks\woolsey-fire_00000445_pre_disaster.png,0,0,6,1394,00000445 +15,7619,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000446_post_disaster.png,woolsey-fire_00000446_post_disaster,0,0,tier3\masks\woolsey-fire_00000446_post_disaster.png,0,0,6,13815,00000446 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000446_pre_disaster.png,woolsey-fire_00000446_pre_disaster,0,0,tier3\masks\woolsey-fire_00000446_pre_disaster.png,0,0,21,21475,00000446 +1,160,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000447_post_disaster.png,woolsey-fire_00000447_post_disaster,0,0,tier3\masks\woolsey-fire_00000447_post_disaster.png,0,0,0,0,00000447 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000447_pre_disaster.png,woolsey-fire_00000447_pre_disaster,0,0,tier3\masks\woolsey-fire_00000447_pre_disaster.png,0,0,1,160,00000447 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000448_post_disaster.png,woolsey-fire_00000448_post_disaster,0,0,tier3\masks\woolsey-fire_00000448_post_disaster.png,0,0,66,101184,00000448 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000448_pre_disaster.png,woolsey-fire_00000448_pre_disaster,0,0,tier3\masks\woolsey-fire_00000448_pre_disaster.png,0,0,66,101466,00000448 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000449_post_disaster.png,woolsey-fire_00000449_post_disaster,0,0,tier3\masks\woolsey-fire_00000449_post_disaster.png,0,0,0,0,00000449 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000449_pre_disaster.png,woolsey-fire_00000449_pre_disaster,0,0,tier3\masks\woolsey-fire_00000449_pre_disaster.png,0,0,0,0,00000449 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000450_post_disaster.png,woolsey-fire_00000450_post_disaster,0,0,tier3\masks\woolsey-fire_00000450_post_disaster.png,0,0,0,0,00000450 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000450_pre_disaster.png,woolsey-fire_00000450_pre_disaster,0,0,tier3\masks\woolsey-fire_00000450_pre_disaster.png,0,0,0,0,00000450 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000451_post_disaster.png,woolsey-fire_00000451_post_disaster,0,0,tier3\masks\woolsey-fire_00000451_post_disaster.png,0,0,0,0,00000451 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000451_pre_disaster.png,woolsey-fire_00000451_pre_disaster,0,0,tier3\masks\woolsey-fire_00000451_pre_disaster.png,0,0,0,0,00000451 +5,2262,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000452_post_disaster.png,woolsey-fire_00000452_post_disaster,3,216,tier3\masks\woolsey-fire_00000452_post_disaster.png,0,0,5,2593,00000452 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000452_pre_disaster.png,woolsey-fire_00000452_pre_disaster,0,0,tier3\masks\woolsey-fire_00000452_pre_disaster.png,0,0,13,5071,00000452 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000453_post_disaster.png,woolsey-fire_00000453_post_disaster,0,0,tier3\masks\woolsey-fire_00000453_post_disaster.png,0,0,0,0,00000453 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000453_pre_disaster.png,woolsey-fire_00000453_pre_disaster,0,0,tier3\masks\woolsey-fire_00000453_pre_disaster.png,0,0,0,0,00000453 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000454_post_disaster.png,woolsey-fire_00000454_post_disaster,0,0,tier3\masks\woolsey-fire_00000454_post_disaster.png,0,0,0,0,00000454 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000454_pre_disaster.png,woolsey-fire_00000454_pre_disaster,0,0,tier3\masks\woolsey-fire_00000454_pre_disaster.png,0,0,0,0,00000454 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000455_post_disaster.png,woolsey-fire_00000455_post_disaster,0,0,tier3\masks\woolsey-fire_00000455_post_disaster.png,0,0,0,0,00000455 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000455_pre_disaster.png,woolsey-fire_00000455_pre_disaster,0,0,tier3\masks\woolsey-fire_00000455_pre_disaster.png,0,0,0,0,00000455 +12,12141,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000456_post_disaster.png,woolsey-fire_00000456_post_disaster,1,253,tier3\masks\woolsey-fire_00000456_post_disaster.png,1,1375,6,3615,00000456 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000456_pre_disaster.png,woolsey-fire_00000456_pre_disaster,0,0,tier3\masks\woolsey-fire_00000456_pre_disaster.png,0,0,20,17399,00000456 +7,1856,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000457_post_disaster.png,woolsey-fire_00000457_post_disaster,0,0,tier3\masks\woolsey-fire_00000457_post_disaster.png,0,0,0,0,00000457 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000457_pre_disaster.png,woolsey-fire_00000457_pre_disaster,0,0,tier3\masks\woolsey-fire_00000457_pre_disaster.png,0,0,7,1856,00000457 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000458_post_disaster.png,woolsey-fire_00000458_post_disaster,0,0,tier3\masks\woolsey-fire_00000458_post_disaster.png,0,0,0,0,00000458 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000458_pre_disaster.png,woolsey-fire_00000458_pre_disaster,0,0,tier3\masks\woolsey-fire_00000458_pre_disaster.png,0,0,0,0,00000458 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000459_post_disaster.png,woolsey-fire_00000459_post_disaster,0,0,tier3\masks\woolsey-fire_00000459_post_disaster.png,0,0,0,0,00000459 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000459_pre_disaster.png,woolsey-fire_00000459_pre_disaster,0,0,tier3\masks\woolsey-fire_00000459_pre_disaster.png,0,0,0,0,00000459 +19,22363,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000460_post_disaster.png,woolsey-fire_00000460_post_disaster,0,0,tier3\masks\woolsey-fire_00000460_post_disaster.png,1,1284,12,10642,00000460 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000460_pre_disaster.png,woolsey-fire_00000460_pre_disaster,0,0,tier3\masks\woolsey-fire_00000460_pre_disaster.png,0,0,32,34289,00000460 +3,3605,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000461_post_disaster.png,woolsey-fire_00000461_post_disaster,0,0,tier3\masks\woolsey-fire_00000461_post_disaster.png,0,0,24,46115,00000461 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000461_pre_disaster.png,woolsey-fire_00000461_pre_disaster,0,0,tier3\masks\woolsey-fire_00000461_pre_disaster.png,0,0,27,49995,00000461 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000462_post_disaster.png,woolsey-fire_00000462_post_disaster,0,0,tier3\masks\woolsey-fire_00000462_post_disaster.png,0,0,0,0,00000462 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000462_pre_disaster.png,woolsey-fire_00000462_pre_disaster,0,0,tier3\masks\woolsey-fire_00000462_pre_disaster.png,0,0,0,0,00000462 +1,1427,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000463_post_disaster.png,woolsey-fire_00000463_post_disaster,0,0,tier3\masks\woolsey-fire_00000463_post_disaster.png,0,0,0,0,00000463 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000463_pre_disaster.png,woolsey-fire_00000463_pre_disaster,0,0,tier3\masks\woolsey-fire_00000463_pre_disaster.png,0,0,1,1427,00000463 +6,2710,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000464_post_disaster.png,woolsey-fire_00000464_post_disaster,2,1803,tier3\masks\woolsey-fire_00000464_post_disaster.png,0,0,1,1703,00000464 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000464_pre_disaster.png,woolsey-fire_00000464_pre_disaster,0,0,tier3\masks\woolsey-fire_00000464_pre_disaster.png,0,0,9,6216,00000464 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000465_post_disaster.png,woolsey-fire_00000465_post_disaster,0,0,tier3\masks\woolsey-fire_00000465_post_disaster.png,0,0,0,0,00000465 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000465_pre_disaster.png,woolsey-fire_00000465_pre_disaster,0,0,tier3\masks\woolsey-fire_00000465_pre_disaster.png,0,0,0,0,00000465 +4,2946,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000466_post_disaster.png,woolsey-fire_00000466_post_disaster,1,2026,tier3\masks\woolsey-fire_00000466_post_disaster.png,0,0,14,10642,00000466 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000466_pre_disaster.png,woolsey-fire_00000466_pre_disaster,0,0,tier3\masks\woolsey-fire_00000466_pre_disaster.png,0,0,19,15810,00000466 +1,503,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000467_post_disaster.png,woolsey-fire_00000467_post_disaster,0,0,tier3\masks\woolsey-fire_00000467_post_disaster.png,0,0,0,0,00000467 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000467_pre_disaster.png,woolsey-fire_00000467_pre_disaster,0,0,tier3\masks\woolsey-fire_00000467_pre_disaster.png,0,0,1,503,00000467 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000468_post_disaster.png,woolsey-fire_00000468_post_disaster,0,0,tier3\masks\woolsey-fire_00000468_post_disaster.png,0,0,0,0,00000468 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000468_pre_disaster.png,woolsey-fire_00000468_pre_disaster,0,0,tier3\masks\woolsey-fire_00000468_pre_disaster.png,0,0,0,0,00000468 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000469_post_disaster.png,woolsey-fire_00000469_post_disaster,0,0,tier3\masks\woolsey-fire_00000469_post_disaster.png,0,0,9,3297,00000469 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000469_pre_disaster.png,woolsey-fire_00000469_pre_disaster,0,0,tier3\masks\woolsey-fire_00000469_pre_disaster.png,0,0,9,3297,00000469 +3,3591,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000470_post_disaster.png,woolsey-fire_00000470_post_disaster,2,356,tier3\masks\woolsey-fire_00000470_post_disaster.png,3,796,2,1590,00000470 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000470_pre_disaster.png,woolsey-fire_00000470_pre_disaster,0,0,tier3\masks\woolsey-fire_00000470_pre_disaster.png,0,0,10,6372,00000470 +7,1739,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000471_post_disaster.png,woolsey-fire_00000471_post_disaster,4,725,tier3\masks\woolsey-fire_00000471_post_disaster.png,1,342,9,2251,00000471 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000471_pre_disaster.png,woolsey-fire_00000471_pre_disaster,0,0,tier3\masks\woolsey-fire_00000471_pre_disaster.png,0,0,21,5085,00000471 +5,9197,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000472_post_disaster.png,woolsey-fire_00000472_post_disaster,3,4148,tier3\masks\woolsey-fire_00000472_post_disaster.png,1,1612,98,152945,00000472 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000472_pre_disaster.png,woolsey-fire_00000472_pre_disaster,0,0,tier3\masks\woolsey-fire_00000472_pre_disaster.png,0,0,105,168111,00000472 +4,1358,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000473_post_disaster.png,woolsey-fire_00000473_post_disaster,0,0,tier3\masks\woolsey-fire_00000473_post_disaster.png,0,0,7,1882,00000473 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000473_pre_disaster.png,woolsey-fire_00000473_pre_disaster,0,0,tier3\masks\woolsey-fire_00000473_pre_disaster.png,0,0,11,3278,00000473 +2,2134,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000474_post_disaster.png,woolsey-fire_00000474_post_disaster,0,0,tier3\masks\woolsey-fire_00000474_post_disaster.png,0,0,3,282,00000474 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000474_pre_disaster.png,woolsey-fire_00000474_pre_disaster,0,0,tier3\masks\woolsey-fire_00000474_pre_disaster.png,0,0,5,2416,00000474 +11,13638,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000475_post_disaster.png,woolsey-fire_00000475_post_disaster,2,377,tier3\masks\woolsey-fire_00000475_post_disaster.png,2,2339,21,15077,00000475 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000475_pre_disaster.png,woolsey-fire_00000475_pre_disaster,0,0,tier3\masks\woolsey-fire_00000475_pre_disaster.png,0,0,36,31482,00000475 +2,386,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000476_post_disaster.png,woolsey-fire_00000476_post_disaster,6,2519,tier3\masks\woolsey-fire_00000476_post_disaster.png,0,0,14,7779,00000476 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000476_pre_disaster.png,woolsey-fire_00000476_pre_disaster,0,0,tier3\masks\woolsey-fire_00000476_pre_disaster.png,0,0,21,10684,00000476 +2,1299,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000477_post_disaster.png,woolsey-fire_00000477_post_disaster,0,0,tier3\masks\woolsey-fire_00000477_post_disaster.png,2,3171,2,511,00000477 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000477_pre_disaster.png,woolsey-fire_00000477_pre_disaster,0,0,tier3\masks\woolsey-fire_00000477_pre_disaster.png,0,0,6,4981,00000477 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000478_post_disaster.png,woolsey-fire_00000478_post_disaster,0,0,tier3\masks\woolsey-fire_00000478_post_disaster.png,0,0,1,164,00000478 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000478_pre_disaster.png,woolsey-fire_00000478_pre_disaster,0,0,tier3\masks\woolsey-fire_00000478_pre_disaster.png,0,0,1,164,00000478 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000479_post_disaster.png,woolsey-fire_00000479_post_disaster,0,0,tier3\masks\woolsey-fire_00000479_post_disaster.png,0,0,0,0,00000479 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000479_pre_disaster.png,woolsey-fire_00000479_pre_disaster,0,0,tier3\masks\woolsey-fire_00000479_pre_disaster.png,0,0,0,0,00000479 +10,3193,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000480_post_disaster.png,woolsey-fire_00000480_post_disaster,1,123,tier3\masks\woolsey-fire_00000480_post_disaster.png,1,1649,0,0,00000480 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000480_pre_disaster.png,woolsey-fire_00000480_pre_disaster,0,0,tier3\masks\woolsey-fire_00000480_pre_disaster.png,0,0,12,4965,00000480 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000481_post_disaster.png,woolsey-fire_00000481_post_disaster,0,0,tier3\masks\woolsey-fire_00000481_post_disaster.png,0,0,0,0,00000481 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000481_pre_disaster.png,woolsey-fire_00000481_pre_disaster,0,0,tier3\masks\woolsey-fire_00000481_pre_disaster.png,0,0,0,0,00000481 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000482_post_disaster.png,woolsey-fire_00000482_post_disaster,0,0,tier3\masks\woolsey-fire_00000482_post_disaster.png,0,0,22,21222,00000482 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000482_pre_disaster.png,woolsey-fire_00000482_pre_disaster,0,0,tier3\masks\woolsey-fire_00000482_pre_disaster.png,0,0,22,21289,00000482 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000483_post_disaster.png,woolsey-fire_00000483_post_disaster,0,0,tier3\masks\woolsey-fire_00000483_post_disaster.png,0,0,0,0,00000483 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000483_pre_disaster.png,woolsey-fire_00000483_pre_disaster,0,0,tier3\masks\woolsey-fire_00000483_pre_disaster.png,0,0,0,0,00000483 +3,1063,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000484_post_disaster.png,woolsey-fire_00000484_post_disaster,5,1850,tier3\masks\woolsey-fire_00000484_post_disaster.png,1,105,25,12020,00000484 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000484_pre_disaster.png,woolsey-fire_00000484_pre_disaster,0,0,tier3\masks\woolsey-fire_00000484_pre_disaster.png,0,0,34,15064,00000484 +1,581,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000485_post_disaster.png,woolsey-fire_00000485_post_disaster,0,0,tier3\masks\woolsey-fire_00000485_post_disaster.png,0,0,0,0,00000485 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000485_pre_disaster.png,woolsey-fire_00000485_pre_disaster,0,0,tier3\masks\woolsey-fire_00000485_pre_disaster.png,0,0,1,581,00000485 +4,3030,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000486_post_disaster.png,woolsey-fire_00000486_post_disaster,0,0,tier3\masks\woolsey-fire_00000486_post_disaster.png,1,2500,11,15858,00000486 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000486_pre_disaster.png,woolsey-fire_00000486_pre_disaster,0,0,tier3\masks\woolsey-fire_00000486_pre_disaster.png,0,0,16,21388,00000486 +29,18012,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000487_post_disaster.png,woolsey-fire_00000487_post_disaster,0,0,tier3\masks\woolsey-fire_00000487_post_disaster.png,0,0,5,3670,00000487 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000487_pre_disaster.png,woolsey-fire_00000487_pre_disaster,0,0,tier3\masks\woolsey-fire_00000487_pre_disaster.png,0,0,34,21807,00000487 +5,6745,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000488_post_disaster.png,woolsey-fire_00000488_post_disaster,1,96,tier3\masks\woolsey-fire_00000488_post_disaster.png,0,0,14,10141,00000488 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000488_pre_disaster.png,woolsey-fire_00000488_pre_disaster,0,0,tier3\masks\woolsey-fire_00000488_pre_disaster.png,0,0,20,17018,00000488 +2,546,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000489_post_disaster.png,woolsey-fire_00000489_post_disaster,0,0,tier3\masks\woolsey-fire_00000489_post_disaster.png,0,0,1,127,00000489 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000489_pre_disaster.png,woolsey-fire_00000489_pre_disaster,0,0,tier3\masks\woolsey-fire_00000489_pre_disaster.png,0,0,3,673,00000489 +4,995,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000490_post_disaster.png,woolsey-fire_00000490_post_disaster,0,0,tier3\masks\woolsey-fire_00000490_post_disaster.png,1,2193,1,76,00000490 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000490_pre_disaster.png,woolsey-fire_00000490_pre_disaster,0,0,tier3\masks\woolsey-fire_00000490_pre_disaster.png,0,0,6,3264,00000490 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000491_post_disaster.png,woolsey-fire_00000491_post_disaster,0,0,tier3\masks\woolsey-fire_00000491_post_disaster.png,0,0,0,0,00000491 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000491_pre_disaster.png,woolsey-fire_00000491_pre_disaster,0,0,tier3\masks\woolsey-fire_00000491_pre_disaster.png,0,0,0,0,00000491 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000492_post_disaster.png,woolsey-fire_00000492_post_disaster,0,0,tier3\masks\woolsey-fire_00000492_post_disaster.png,0,0,0,0,00000492 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000492_pre_disaster.png,woolsey-fire_00000492_pre_disaster,0,0,tier3\masks\woolsey-fire_00000492_pre_disaster.png,0,0,0,0,00000492 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000493_post_disaster.png,woolsey-fire_00000493_post_disaster,0,0,tier3\masks\woolsey-fire_00000493_post_disaster.png,0,0,49,28193,00000493 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000493_pre_disaster.png,woolsey-fire_00000493_pre_disaster,0,0,tier3\masks\woolsey-fire_00000493_pre_disaster.png,0,0,49,28200,00000493 +2,3109,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000494_post_disaster.png,woolsey-fire_00000494_post_disaster,0,0,tier3\masks\woolsey-fire_00000494_post_disaster.png,0,0,0,0,00000494 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000494_pre_disaster.png,woolsey-fire_00000494_pre_disaster,0,0,tier3\masks\woolsey-fire_00000494_pre_disaster.png,0,0,2,3109,00000494 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000495_post_disaster.png,woolsey-fire_00000495_post_disaster,0,0,tier3\masks\woolsey-fire_00000495_post_disaster.png,0,0,0,0,00000495 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000495_pre_disaster.png,woolsey-fire_00000495_pre_disaster,0,0,tier3\masks\woolsey-fire_00000495_pre_disaster.png,0,0,0,0,00000495 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000496_post_disaster.png,woolsey-fire_00000496_post_disaster,0,0,tier3\masks\woolsey-fire_00000496_post_disaster.png,0,0,0,0,00000496 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000496_pre_disaster.png,woolsey-fire_00000496_pre_disaster,0,0,tier3\masks\woolsey-fire_00000496_pre_disaster.png,0,0,0,0,00000496 +6,4462,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000497_post_disaster.png,woolsey-fire_00000497_post_disaster,4,2126,tier3\masks\woolsey-fire_00000497_post_disaster.png,4,6265,43,37137,00000497 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000497_pre_disaster.png,woolsey-fire_00000497_pre_disaster,0,0,tier3\masks\woolsey-fire_00000497_pre_disaster.png,0,0,55,50003,00000497 +3,2532,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000498_post_disaster.png,woolsey-fire_00000498_post_disaster,1,610,tier3\masks\woolsey-fire_00000498_post_disaster.png,3,3600,24,13211,00000498 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000498_pre_disaster.png,woolsey-fire_00000498_pre_disaster,0,0,tier3\masks\woolsey-fire_00000498_pre_disaster.png,0,0,31,19988,00000498 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000499_post_disaster.png,woolsey-fire_00000499_post_disaster,0,0,tier3\masks\woolsey-fire_00000499_post_disaster.png,0,0,0,0,00000499 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000499_pre_disaster.png,woolsey-fire_00000499_pre_disaster,0,0,tier3\masks\woolsey-fire_00000499_pre_disaster.png,0,0,0,0,00000499 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000500_post_disaster.png,woolsey-fire_00000500_post_disaster,0,0,tier3\masks\woolsey-fire_00000500_post_disaster.png,0,0,1,429,00000500 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000500_pre_disaster.png,woolsey-fire_00000500_pre_disaster,0,0,tier3\masks\woolsey-fire_00000500_pre_disaster.png,0,0,1,429,00000500 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000501_post_disaster.png,woolsey-fire_00000501_post_disaster,0,0,tier3\masks\woolsey-fire_00000501_post_disaster.png,0,0,6,2142,00000501 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000501_pre_disaster.png,woolsey-fire_00000501_pre_disaster,0,0,tier3\masks\woolsey-fire_00000501_pre_disaster.png,0,0,6,2142,00000501 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000502_post_disaster.png,woolsey-fire_00000502_post_disaster,0,0,tier3\masks\woolsey-fire_00000502_post_disaster.png,0,0,0,0,00000502 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000502_pre_disaster.png,woolsey-fire_00000502_pre_disaster,0,0,tier3\masks\woolsey-fire_00000502_pre_disaster.png,0,0,0,0,00000502 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000503_post_disaster.png,woolsey-fire_00000503_post_disaster,0,0,tier3\masks\woolsey-fire_00000503_post_disaster.png,0,0,0,0,00000503 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000503_pre_disaster.png,woolsey-fire_00000503_pre_disaster,0,0,tier3\masks\woolsey-fire_00000503_pre_disaster.png,0,0,0,0,00000503 +1,192,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000504_post_disaster.png,woolsey-fire_00000504_post_disaster,1,564,tier3\masks\woolsey-fire_00000504_post_disaster.png,0,0,2,4051,00000504 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000504_pre_disaster.png,woolsey-fire_00000504_pre_disaster,0,0,tier3\masks\woolsey-fire_00000504_pre_disaster.png,0,0,4,4874,00000504 +1,2124,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000505_post_disaster.png,woolsey-fire_00000505_post_disaster,0,0,tier3\masks\woolsey-fire_00000505_post_disaster.png,0,0,6,10210,00000505 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000505_pre_disaster.png,woolsey-fire_00000505_pre_disaster,0,0,tier3\masks\woolsey-fire_00000505_pre_disaster.png,0,0,7,12363,00000505 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000506_post_disaster.png,woolsey-fire_00000506_post_disaster,0,0,tier3\masks\woolsey-fire_00000506_post_disaster.png,0,0,0,0,00000506 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000506_pre_disaster.png,woolsey-fire_00000506_pre_disaster,0,0,tier3\masks\woolsey-fire_00000506_pre_disaster.png,0,0,0,0,00000506 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000507_post_disaster.png,woolsey-fire_00000507_post_disaster,0,0,tier3\masks\woolsey-fire_00000507_post_disaster.png,0,0,0,0,00000507 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000507_pre_disaster.png,woolsey-fire_00000507_pre_disaster,0,0,tier3\masks\woolsey-fire_00000507_pre_disaster.png,0,0,0,0,00000507 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000508_post_disaster.png,woolsey-fire_00000508_post_disaster,0,0,tier3\masks\woolsey-fire_00000508_post_disaster.png,0,0,0,0,00000508 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000508_pre_disaster.png,woolsey-fire_00000508_pre_disaster,0,0,tier3\masks\woolsey-fire_00000508_pre_disaster.png,0,0,0,0,00000508 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000509_post_disaster.png,woolsey-fire_00000509_post_disaster,0,0,tier3\masks\woolsey-fire_00000509_post_disaster.png,0,0,0,0,00000509 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000509_pre_disaster.png,woolsey-fire_00000509_pre_disaster,0,0,tier3\masks\woolsey-fire_00000509_pre_disaster.png,0,0,0,0,00000509 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000510_post_disaster.png,woolsey-fire_00000510_post_disaster,0,0,tier3\masks\woolsey-fire_00000510_post_disaster.png,0,0,0,0,00000510 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000510_pre_disaster.png,woolsey-fire_00000510_pre_disaster,0,0,tier3\masks\woolsey-fire_00000510_pre_disaster.png,0,0,0,0,00000510 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000511_post_disaster.png,woolsey-fire_00000511_post_disaster,0,0,tier3\masks\woolsey-fire_00000511_post_disaster.png,0,0,0,0,00000511 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000511_pre_disaster.png,woolsey-fire_00000511_pre_disaster,0,0,tier3\masks\woolsey-fire_00000511_pre_disaster.png,0,0,0,0,00000511 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000512_post_disaster.png,woolsey-fire_00000512_post_disaster,0,0,tier3\masks\woolsey-fire_00000512_post_disaster.png,0,0,0,0,00000512 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000512_pre_disaster.png,woolsey-fire_00000512_pre_disaster,0,0,tier3\masks\woolsey-fire_00000512_pre_disaster.png,0,0,0,0,00000512 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000513_post_disaster.png,woolsey-fire_00000513_post_disaster,0,0,tier3\masks\woolsey-fire_00000513_post_disaster.png,0,0,0,0,00000513 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000513_pre_disaster.png,woolsey-fire_00000513_pre_disaster,0,0,tier3\masks\woolsey-fire_00000513_pre_disaster.png,0,0,0,0,00000513 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000514_post_disaster.png,woolsey-fire_00000514_post_disaster,0,0,tier3\masks\woolsey-fire_00000514_post_disaster.png,0,0,2,1288,00000514 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000514_pre_disaster.png,woolsey-fire_00000514_pre_disaster,0,0,tier3\masks\woolsey-fire_00000514_pre_disaster.png,0,0,2,1288,00000514 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000515_post_disaster.png,woolsey-fire_00000515_post_disaster,0,0,tier3\masks\woolsey-fire_00000515_post_disaster.png,0,0,0,0,00000515 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000515_pre_disaster.png,woolsey-fire_00000515_pre_disaster,0,0,tier3\masks\woolsey-fire_00000515_pre_disaster.png,0,0,0,0,00000515 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000516_post_disaster.png,woolsey-fire_00000516_post_disaster,0,0,tier3\masks\woolsey-fire_00000516_post_disaster.png,0,0,0,0,00000516 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000516_pre_disaster.png,woolsey-fire_00000516_pre_disaster,0,0,tier3\masks\woolsey-fire_00000516_pre_disaster.png,0,0,0,0,00000516 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000517_post_disaster.png,woolsey-fire_00000517_post_disaster,0,0,tier3\masks\woolsey-fire_00000517_post_disaster.png,0,0,4,3445,00000517 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000517_pre_disaster.png,woolsey-fire_00000517_pre_disaster,0,0,tier3\masks\woolsey-fire_00000517_pre_disaster.png,0,0,4,3445,00000517 +7,4992,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000518_post_disaster.png,woolsey-fire_00000518_post_disaster,0,0,tier3\masks\woolsey-fire_00000518_post_disaster.png,0,0,15,8116,00000518 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000518_pre_disaster.png,woolsey-fire_00000518_pre_disaster,0,0,tier3\masks\woolsey-fire_00000518_pre_disaster.png,0,0,22,13108,00000518 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000519_post_disaster.png,woolsey-fire_00000519_post_disaster,0,0,tier3\masks\woolsey-fire_00000519_post_disaster.png,0,0,0,0,00000519 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000519_pre_disaster.png,woolsey-fire_00000519_pre_disaster,0,0,tier3\masks\woolsey-fire_00000519_pre_disaster.png,0,0,0,0,00000519 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000520_post_disaster.png,woolsey-fire_00000520_post_disaster,0,0,tier3\masks\woolsey-fire_00000520_post_disaster.png,0,0,0,0,00000520 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000520_pre_disaster.png,woolsey-fire_00000520_pre_disaster,0,0,tier3\masks\woolsey-fire_00000520_pre_disaster.png,0,0,0,0,00000520 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000521_post_disaster.png,woolsey-fire_00000521_post_disaster,0,0,tier3\masks\woolsey-fire_00000521_post_disaster.png,0,0,0,0,00000521 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000521_pre_disaster.png,woolsey-fire_00000521_pre_disaster,0,0,tier3\masks\woolsey-fire_00000521_pre_disaster.png,0,0,0,0,00000521 +6,1813,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000522_post_disaster.png,woolsey-fire_00000522_post_disaster,0,0,tier3\masks\woolsey-fire_00000522_post_disaster.png,0,0,1,92,00000522 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000522_pre_disaster.png,woolsey-fire_00000522_pre_disaster,0,0,tier3\masks\woolsey-fire_00000522_pre_disaster.png,0,0,7,1905,00000522 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000523_post_disaster.png,woolsey-fire_00000523_post_disaster,0,0,tier3\masks\woolsey-fire_00000523_post_disaster.png,0,0,0,0,00000523 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000523_pre_disaster.png,woolsey-fire_00000523_pre_disaster,0,0,tier3\masks\woolsey-fire_00000523_pre_disaster.png,0,0,0,0,00000523 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000524_post_disaster.png,woolsey-fire_00000524_post_disaster,0,0,tier3\masks\woolsey-fire_00000524_post_disaster.png,0,0,0,0,00000524 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000524_pre_disaster.png,woolsey-fire_00000524_pre_disaster,0,0,tier3\masks\woolsey-fire_00000524_pre_disaster.png,0,0,0,0,00000524 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000525_post_disaster.png,woolsey-fire_00000525_post_disaster,0,0,tier3\masks\woolsey-fire_00000525_post_disaster.png,0,0,0,0,00000525 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000525_pre_disaster.png,woolsey-fire_00000525_pre_disaster,0,0,tier3\masks\woolsey-fire_00000525_pre_disaster.png,0,0,0,0,00000525 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000526_post_disaster.png,woolsey-fire_00000526_post_disaster,0,0,tier3\masks\woolsey-fire_00000526_post_disaster.png,0,0,3,1943,00000526 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000526_pre_disaster.png,woolsey-fire_00000526_pre_disaster,0,0,tier3\masks\woolsey-fire_00000526_pre_disaster.png,0,0,3,1943,00000526 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000527_post_disaster.png,woolsey-fire_00000527_post_disaster,0,0,tier3\masks\woolsey-fire_00000527_post_disaster.png,0,0,0,0,00000527 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000527_pre_disaster.png,woolsey-fire_00000527_pre_disaster,0,0,tier3\masks\woolsey-fire_00000527_pre_disaster.png,0,0,0,0,00000527 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000528_post_disaster.png,woolsey-fire_00000528_post_disaster,0,0,tier3\masks\woolsey-fire_00000528_post_disaster.png,0,0,0,0,00000528 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000528_pre_disaster.png,woolsey-fire_00000528_pre_disaster,0,0,tier3\masks\woolsey-fire_00000528_pre_disaster.png,0,0,0,0,00000528 +5,1404,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000529_post_disaster.png,woolsey-fire_00000529_post_disaster,0,0,tier3\masks\woolsey-fire_00000529_post_disaster.png,0,0,2,353,00000529 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000529_pre_disaster.png,woolsey-fire_00000529_pre_disaster,0,0,tier3\masks\woolsey-fire_00000529_pre_disaster.png,0,0,6,1770,00000529 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000530_post_disaster.png,woolsey-fire_00000530_post_disaster,0,0,tier3\masks\woolsey-fire_00000530_post_disaster.png,0,0,0,0,00000530 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000530_pre_disaster.png,woolsey-fire_00000530_pre_disaster,0,0,tier3\masks\woolsey-fire_00000530_pre_disaster.png,0,0,0,0,00000530 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000531_post_disaster.png,woolsey-fire_00000531_post_disaster,0,0,tier3\masks\woolsey-fire_00000531_post_disaster.png,0,0,0,0,00000531 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000531_pre_disaster.png,woolsey-fire_00000531_pre_disaster,0,0,tier3\masks\woolsey-fire_00000531_pre_disaster.png,0,0,0,0,00000531 +5,908,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000532_post_disaster.png,woolsey-fire_00000532_post_disaster,3,649,tier3\masks\woolsey-fire_00000532_post_disaster.png,0,0,2,795,00000532 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000532_pre_disaster.png,woolsey-fire_00000532_pre_disaster,0,0,tier3\masks\woolsey-fire_00000532_pre_disaster.png,0,0,10,2364,00000532 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000533_post_disaster.png,woolsey-fire_00000533_post_disaster,0,0,tier3\masks\woolsey-fire_00000533_post_disaster.png,0,0,0,0,00000533 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000533_pre_disaster.png,woolsey-fire_00000533_pre_disaster,0,0,tier3\masks\woolsey-fire_00000533_pre_disaster.png,0,0,0,0,00000533 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000534_post_disaster.png,woolsey-fire_00000534_post_disaster,0,0,tier3\masks\woolsey-fire_00000534_post_disaster.png,0,0,0,0,00000534 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000534_pre_disaster.png,woolsey-fire_00000534_pre_disaster,0,0,tier3\masks\woolsey-fire_00000534_pre_disaster.png,0,0,0,0,00000534 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000535_post_disaster.png,woolsey-fire_00000535_post_disaster,0,0,tier3\masks\woolsey-fire_00000535_post_disaster.png,0,0,1,9013,00000535 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000535_pre_disaster.png,woolsey-fire_00000535_pre_disaster,0,0,tier3\masks\woolsey-fire_00000535_pre_disaster.png,0,0,1,9162,00000535 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000536_post_disaster.png,woolsey-fire_00000536_post_disaster,0,0,tier3\masks\woolsey-fire_00000536_post_disaster.png,0,0,0,0,00000536 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000536_pre_disaster.png,woolsey-fire_00000536_pre_disaster,0,0,tier3\masks\woolsey-fire_00000536_pre_disaster.png,0,0,0,0,00000536 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000537_post_disaster.png,woolsey-fire_00000537_post_disaster,0,0,tier3\masks\woolsey-fire_00000537_post_disaster.png,0,0,0,0,00000537 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000537_pre_disaster.png,woolsey-fire_00000537_pre_disaster,0,0,tier3\masks\woolsey-fire_00000537_pre_disaster.png,0,0,0,0,00000537 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000538_post_disaster.png,woolsey-fire_00000538_post_disaster,0,0,tier3\masks\woolsey-fire_00000538_post_disaster.png,0,0,1,355,00000538 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000538_pre_disaster.png,woolsey-fire_00000538_pre_disaster,0,0,tier3\masks\woolsey-fire_00000538_pre_disaster.png,0,0,1,355,00000538 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000539_post_disaster.png,woolsey-fire_00000539_post_disaster,0,0,tier3\masks\woolsey-fire_00000539_post_disaster.png,0,0,0,0,00000539 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000539_pre_disaster.png,woolsey-fire_00000539_pre_disaster,0,0,tier3\masks\woolsey-fire_00000539_pre_disaster.png,0,0,0,0,00000539 +2,219,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000540_post_disaster.png,woolsey-fire_00000540_post_disaster,0,0,tier3\masks\woolsey-fire_00000540_post_disaster.png,0,0,3,3900,00000540 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000540_pre_disaster.png,woolsey-fire_00000540_pre_disaster,0,0,tier3\masks\woolsey-fire_00000540_pre_disaster.png,0,0,5,4140,00000540 +7,1699,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000541_post_disaster.png,woolsey-fire_00000541_post_disaster,2,164,tier3\masks\woolsey-fire_00000541_post_disaster.png,1,784,6,982,00000541 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000541_pre_disaster.png,woolsey-fire_00000541_pre_disaster,0,0,tier3\masks\woolsey-fire_00000541_pre_disaster.png,0,0,15,3629,00000541 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000542_post_disaster.png,woolsey-fire_00000542_post_disaster,0,0,tier3\masks\woolsey-fire_00000542_post_disaster.png,0,0,0,0,00000542 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000542_pre_disaster.png,woolsey-fire_00000542_pre_disaster,0,0,tier3\masks\woolsey-fire_00000542_pre_disaster.png,0,0,0,0,00000542 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000543_post_disaster.png,woolsey-fire_00000543_post_disaster,0,0,tier3\masks\woolsey-fire_00000543_post_disaster.png,0,0,0,0,00000543 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000543_pre_disaster.png,woolsey-fire_00000543_pre_disaster,0,0,tier3\masks\woolsey-fire_00000543_pre_disaster.png,0,0,0,0,00000543 +5,4523,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000544_post_disaster.png,woolsey-fire_00000544_post_disaster,0,0,tier3\masks\woolsey-fire_00000544_post_disaster.png,4,1504,6,1255,00000544 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000544_pre_disaster.png,woolsey-fire_00000544_pre_disaster,0,0,tier3\masks\woolsey-fire_00000544_pre_disaster.png,0,0,15,7282,00000544 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000545_post_disaster.png,woolsey-fire_00000545_post_disaster,0,0,tier3\masks\woolsey-fire_00000545_post_disaster.png,0,0,0,0,00000545 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000545_pre_disaster.png,woolsey-fire_00000545_pre_disaster,0,0,tier3\masks\woolsey-fire_00000545_pre_disaster.png,0,0,0,0,00000545 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000546_post_disaster.png,woolsey-fire_00000546_post_disaster,0,0,tier3\masks\woolsey-fire_00000546_post_disaster.png,0,0,0,0,00000546 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000546_pre_disaster.png,woolsey-fire_00000546_pre_disaster,0,0,tier3\masks\woolsey-fire_00000546_pre_disaster.png,0,0,0,0,00000546 +4,1300,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000547_post_disaster.png,woolsey-fire_00000547_post_disaster,0,0,tier3\masks\woolsey-fire_00000547_post_disaster.png,0,0,4,8229,00000547 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000547_pre_disaster.png,woolsey-fire_00000547_pre_disaster,0,0,tier3\masks\woolsey-fire_00000547_pre_disaster.png,0,0,8,9529,00000547 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000548_post_disaster.png,woolsey-fire_00000548_post_disaster,0,0,tier3\masks\woolsey-fire_00000548_post_disaster.png,0,0,30,43463,00000548 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000548_pre_disaster.png,woolsey-fire_00000548_pre_disaster,0,0,tier3\masks\woolsey-fire_00000548_pre_disaster.png,0,0,30,43496,00000548 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000549_post_disaster.png,woolsey-fire_00000549_post_disaster,0,0,tier3\masks\woolsey-fire_00000549_post_disaster.png,0,0,0,0,00000549 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000549_pre_disaster.png,woolsey-fire_00000549_pre_disaster,0,0,tier3\masks\woolsey-fire_00000549_pre_disaster.png,0,0,0,0,00000549 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000550_post_disaster.png,woolsey-fire_00000550_post_disaster,0,0,tier3\masks\woolsey-fire_00000550_post_disaster.png,0,0,4,50546,00000550 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000550_pre_disaster.png,woolsey-fire_00000550_pre_disaster,0,0,tier3\masks\woolsey-fire_00000550_pre_disaster.png,0,0,4,50546,00000550 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000551_post_disaster.png,woolsey-fire_00000551_post_disaster,0,0,tier3\masks\woolsey-fire_00000551_post_disaster.png,0,0,0,0,00000551 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000551_pre_disaster.png,woolsey-fire_00000551_pre_disaster,0,0,tier3\masks\woolsey-fire_00000551_pre_disaster.png,0,0,0,0,00000551 +1,612,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000552_post_disaster.png,woolsey-fire_00000552_post_disaster,4,1148,tier3\masks\woolsey-fire_00000552_post_disaster.png,0,0,0,0,00000552 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000552_pre_disaster.png,woolsey-fire_00000552_pre_disaster,0,0,tier3\masks\woolsey-fire_00000552_pre_disaster.png,0,0,5,1760,00000552 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000553_post_disaster.png,woolsey-fire_00000553_post_disaster,0,0,tier3\masks\woolsey-fire_00000553_post_disaster.png,0,0,0,0,00000553 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000553_pre_disaster.png,woolsey-fire_00000553_pre_disaster,0,0,tier3\masks\woolsey-fire_00000553_pre_disaster.png,0,0,0,0,00000553 +1,2045,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000554_post_disaster.png,woolsey-fire_00000554_post_disaster,1,1581,tier3\masks\woolsey-fire_00000554_post_disaster.png,2,2986,24,32150,00000554 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000554_pre_disaster.png,woolsey-fire_00000554_pre_disaster,0,0,tier3\masks\woolsey-fire_00000554_pre_disaster.png,0,0,28,38803,00000554 +10,5842,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000555_post_disaster.png,woolsey-fire_00000555_post_disaster,0,0,tier3\masks\woolsey-fire_00000555_post_disaster.png,2,532,9,3058,00000555 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000555_pre_disaster.png,woolsey-fire_00000555_pre_disaster,0,0,tier3\masks\woolsey-fire_00000555_pre_disaster.png,0,0,21,9508,00000555 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000556_post_disaster.png,woolsey-fire_00000556_post_disaster,0,0,tier3\masks\woolsey-fire_00000556_post_disaster.png,0,0,0,0,00000556 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000556_pre_disaster.png,woolsey-fire_00000556_pre_disaster,0,0,tier3\masks\woolsey-fire_00000556_pre_disaster.png,0,0,0,0,00000556 +5,6868,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000557_post_disaster.png,woolsey-fire_00000557_post_disaster,0,0,tier3\masks\woolsey-fire_00000557_post_disaster.png,0,0,17,22965,00000557 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000557_pre_disaster.png,woolsey-fire_00000557_pre_disaster,0,0,tier3\masks\woolsey-fire_00000557_pre_disaster.png,0,0,22,29833,00000557 +3,2149,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000558_post_disaster.png,woolsey-fire_00000558_post_disaster,0,0,tier3\masks\woolsey-fire_00000558_post_disaster.png,0,0,4,3666,00000558 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000558_pre_disaster.png,woolsey-fire_00000558_pre_disaster,0,0,tier3\masks\woolsey-fire_00000558_pre_disaster.png,0,0,7,5815,00000558 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000559_post_disaster.png,woolsey-fire_00000559_post_disaster,0,0,tier3\masks\woolsey-fire_00000559_post_disaster.png,0,0,0,0,00000559 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000559_pre_disaster.png,woolsey-fire_00000559_pre_disaster,0,0,tier3\masks\woolsey-fire_00000559_pre_disaster.png,0,0,0,0,00000559 +3,959,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000560_post_disaster.png,woolsey-fire_00000560_post_disaster,0,0,tier3\masks\woolsey-fire_00000560_post_disaster.png,0,0,19,5684,00000560 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000560_pre_disaster.png,woolsey-fire_00000560_pre_disaster,0,0,tier3\masks\woolsey-fire_00000560_pre_disaster.png,0,0,21,6670,00000560 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000561_post_disaster.png,woolsey-fire_00000561_post_disaster,0,0,tier3\masks\woolsey-fire_00000561_post_disaster.png,0,0,0,0,00000561 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000561_pre_disaster.png,woolsey-fire_00000561_pre_disaster,0,0,tier3\masks\woolsey-fire_00000561_pre_disaster.png,0,0,0,0,00000561 +12,4363,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000562_post_disaster.png,woolsey-fire_00000562_post_disaster,0,0,tier3\masks\woolsey-fire_00000562_post_disaster.png,0,0,4,797,00000562 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000562_pre_disaster.png,woolsey-fire_00000562_pre_disaster,0,0,tier3\masks\woolsey-fire_00000562_pre_disaster.png,0,0,16,5160,00000562 +19,10931,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000563_post_disaster.png,woolsey-fire_00000563_post_disaster,0,0,tier3\masks\woolsey-fire_00000563_post_disaster.png,0,0,7,1501,00000563 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000563_pre_disaster.png,woolsey-fire_00000563_pre_disaster,0,0,tier3\masks\woolsey-fire_00000563_pre_disaster.png,0,0,26,12471,00000563 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000564_post_disaster.png,woolsey-fire_00000564_post_disaster,0,0,tier3\masks\woolsey-fire_00000564_post_disaster.png,0,0,0,0,00000564 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000564_pre_disaster.png,woolsey-fire_00000564_pre_disaster,0,0,tier3\masks\woolsey-fire_00000564_pre_disaster.png,0,0,0,0,00000564 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000565_post_disaster.png,woolsey-fire_00000565_post_disaster,0,0,tier3\masks\woolsey-fire_00000565_post_disaster.png,0,0,0,0,00000565 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000565_pre_disaster.png,woolsey-fire_00000565_pre_disaster,0,0,tier3\masks\woolsey-fire_00000565_pre_disaster.png,0,0,0,0,00000565 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000566_post_disaster.png,woolsey-fire_00000566_post_disaster,0,0,tier3\masks\woolsey-fire_00000566_post_disaster.png,0,0,0,0,00000566 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000566_pre_disaster.png,woolsey-fire_00000566_pre_disaster,0,0,tier3\masks\woolsey-fire_00000566_pre_disaster.png,0,0,0,0,00000566 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000567_post_disaster.png,woolsey-fire_00000567_post_disaster,0,0,tier3\masks\woolsey-fire_00000567_post_disaster.png,1,244,0,0,00000567 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000567_pre_disaster.png,woolsey-fire_00000567_pre_disaster,0,0,tier3\masks\woolsey-fire_00000567_pre_disaster.png,0,0,1,244,00000567 +1,2276,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000568_post_disaster.png,woolsey-fire_00000568_post_disaster,0,0,tier3\masks\woolsey-fire_00000568_post_disaster.png,0,0,49,65705,00000568 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000568_pre_disaster.png,woolsey-fire_00000568_pre_disaster,0,0,tier3\masks\woolsey-fire_00000568_pre_disaster.png,0,0,50,68043,00000568 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000569_post_disaster.png,woolsey-fire_00000569_post_disaster,0,0,tier3\masks\woolsey-fire_00000569_post_disaster.png,0,0,0,0,00000569 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000569_pre_disaster.png,woolsey-fire_00000569_pre_disaster,0,0,tier3\masks\woolsey-fire_00000569_pre_disaster.png,0,0,0,0,00000569 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000570_post_disaster.png,woolsey-fire_00000570_post_disaster,0,0,tier3\masks\woolsey-fire_00000570_post_disaster.png,0,0,0,0,00000570 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000570_pre_disaster.png,woolsey-fire_00000570_pre_disaster,0,0,tier3\masks\woolsey-fire_00000570_pre_disaster.png,0,0,0,0,00000570 +5,5448,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000571_post_disaster.png,woolsey-fire_00000571_post_disaster,0,0,tier3\masks\woolsey-fire_00000571_post_disaster.png,0,0,38,37189,00000571 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000571_pre_disaster.png,woolsey-fire_00000571_pre_disaster,0,0,tier3\masks\woolsey-fire_00000571_pre_disaster.png,0,0,43,42637,00000571 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000572_post_disaster.png,woolsey-fire_00000572_post_disaster,0,0,tier3\masks\woolsey-fire_00000572_post_disaster.png,0,0,0,0,00000572 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000572_pre_disaster.png,woolsey-fire_00000572_pre_disaster,0,0,tier3\masks\woolsey-fire_00000572_pre_disaster.png,0,0,0,0,00000572 +5,6461,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000573_post_disaster.png,woolsey-fire_00000573_post_disaster,1,606,tier3\masks\woolsey-fire_00000573_post_disaster.png,0,0,9,7909,00000573 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000573_pre_disaster.png,woolsey-fire_00000573_pre_disaster,0,0,tier3\masks\woolsey-fire_00000573_pre_disaster.png,0,0,15,14976,00000573 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000574_post_disaster.png,woolsey-fire_00000574_post_disaster,0,0,tier3\masks\woolsey-fire_00000574_post_disaster.png,0,0,0,0,00000574 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000574_pre_disaster.png,woolsey-fire_00000574_pre_disaster,0,0,tier3\masks\woolsey-fire_00000574_pre_disaster.png,0,0,0,0,00000574 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000575_post_disaster.png,woolsey-fire_00000575_post_disaster,0,0,tier3\masks\woolsey-fire_00000575_post_disaster.png,0,0,0,0,00000575 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000575_pre_disaster.png,woolsey-fire_00000575_pre_disaster,0,0,tier3\masks\woolsey-fire_00000575_pre_disaster.png,0,0,0,0,00000575 +9,5727,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000576_post_disaster.png,woolsey-fire_00000576_post_disaster,0,0,tier3\masks\woolsey-fire_00000576_post_disaster.png,0,0,25,30158,00000576 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000576_pre_disaster.png,woolsey-fire_00000576_pre_disaster,0,0,tier3\masks\woolsey-fire_00000576_pre_disaster.png,0,0,34,35954,00000576 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000577_post_disaster.png,woolsey-fire_00000577_post_disaster,0,0,tier3\masks\woolsey-fire_00000577_post_disaster.png,0,0,0,0,00000577 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000577_pre_disaster.png,woolsey-fire_00000577_pre_disaster,0,0,tier3\masks\woolsey-fire_00000577_pre_disaster.png,0,0,0,0,00000577 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000578_post_disaster.png,woolsey-fire_00000578_post_disaster,0,0,tier3\masks\woolsey-fire_00000578_post_disaster.png,0,0,0,0,00000578 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000578_pre_disaster.png,woolsey-fire_00000578_pre_disaster,0,0,tier3\masks\woolsey-fire_00000578_pre_disaster.png,0,0,0,0,00000578 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000579_post_disaster.png,woolsey-fire_00000579_post_disaster,0,0,tier3\masks\woolsey-fire_00000579_post_disaster.png,0,0,0,0,00000579 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000579_pre_disaster.png,woolsey-fire_00000579_pre_disaster,0,0,tier3\masks\woolsey-fire_00000579_pre_disaster.png,0,0,0,0,00000579 +2,822,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000580_post_disaster.png,woolsey-fire_00000580_post_disaster,0,0,tier3\masks\woolsey-fire_00000580_post_disaster.png,0,0,12,6478,00000580 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000580_pre_disaster.png,woolsey-fire_00000580_pre_disaster,0,0,tier3\masks\woolsey-fire_00000580_pre_disaster.png,0,0,14,7429,00000580 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000581_post_disaster.png,woolsey-fire_00000581_post_disaster,0,0,tier3\masks\woolsey-fire_00000581_post_disaster.png,0,0,0,0,00000581 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000581_pre_disaster.png,woolsey-fire_00000581_pre_disaster,0,0,tier3\masks\woolsey-fire_00000581_pre_disaster.png,0,0,0,0,00000581 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000582_post_disaster.png,woolsey-fire_00000582_post_disaster,0,0,tier3\masks\woolsey-fire_00000582_post_disaster.png,0,0,0,0,00000582 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000582_pre_disaster.png,woolsey-fire_00000582_pre_disaster,0,0,tier3\masks\woolsey-fire_00000582_pre_disaster.png,0,0,0,0,00000582 +4,1043,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000583_post_disaster.png,woolsey-fire_00000583_post_disaster,0,0,tier3\masks\woolsey-fire_00000583_post_disaster.png,0,0,0,0,00000583 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000583_pre_disaster.png,woolsey-fire_00000583_pre_disaster,0,0,tier3\masks\woolsey-fire_00000583_pre_disaster.png,0,0,4,1043,00000583 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000584_post_disaster.png,woolsey-fire_00000584_post_disaster,0,0,tier3\masks\woolsey-fire_00000584_post_disaster.png,0,0,0,0,00000584 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000584_pre_disaster.png,woolsey-fire_00000584_pre_disaster,0,0,tier3\masks\woolsey-fire_00000584_pre_disaster.png,0,0,0,0,00000584 +35,37478,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000585_post_disaster.png,woolsey-fire_00000585_post_disaster,0,0,tier3\masks\woolsey-fire_00000585_post_disaster.png,4,3189,12,9597,00000585 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000585_pre_disaster.png,woolsey-fire_00000585_pre_disaster,0,0,tier3\masks\woolsey-fire_00000585_pre_disaster.png,0,0,51,50355,00000585 +3,3469,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000586_post_disaster.png,woolsey-fire_00000586_post_disaster,0,0,tier3\masks\woolsey-fire_00000586_post_disaster.png,0,0,20,22993,00000586 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000586_pre_disaster.png,woolsey-fire_00000586_pre_disaster,0,0,tier3\masks\woolsey-fire_00000586_pre_disaster.png,0,0,23,26640,00000586 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000587_post_disaster.png,woolsey-fire_00000587_post_disaster,0,0,tier3\masks\woolsey-fire_00000587_post_disaster.png,0,0,0,0,00000587 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000587_pre_disaster.png,woolsey-fire_00000587_pre_disaster,0,0,tier3\masks\woolsey-fire_00000587_pre_disaster.png,0,0,0,0,00000587 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000588_post_disaster.png,woolsey-fire_00000588_post_disaster,0,0,tier3\masks\woolsey-fire_00000588_post_disaster.png,0,0,6,4414,00000588 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000588_pre_disaster.png,woolsey-fire_00000588_pre_disaster,0,0,tier3\masks\woolsey-fire_00000588_pre_disaster.png,0,0,6,4414,00000588 +2,345,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000589_post_disaster.png,woolsey-fire_00000589_post_disaster,0,0,tier3\masks\woolsey-fire_00000589_post_disaster.png,1,253,9,3994,00000589 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000589_pre_disaster.png,woolsey-fire_00000589_pre_disaster,0,0,tier3\masks\woolsey-fire_00000589_pre_disaster.png,0,0,12,4590,00000589 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000590_post_disaster.png,woolsey-fire_00000590_post_disaster,0,0,tier3\masks\woolsey-fire_00000590_post_disaster.png,0,0,0,0,00000590 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000590_pre_disaster.png,woolsey-fire_00000590_pre_disaster,0,0,tier3\masks\woolsey-fire_00000590_pre_disaster.png,0,0,0,0,00000590 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000591_post_disaster.png,woolsey-fire_00000591_post_disaster,0,0,tier3\masks\woolsey-fire_00000591_post_disaster.png,0,0,0,0,00000591 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000591_pre_disaster.png,woolsey-fire_00000591_pre_disaster,0,0,tier3\masks\woolsey-fire_00000591_pre_disaster.png,0,0,0,0,00000591 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000592_post_disaster.png,woolsey-fire_00000592_post_disaster,0,0,tier3\masks\woolsey-fire_00000592_post_disaster.png,0,0,0,0,00000592 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000592_pre_disaster.png,woolsey-fire_00000592_pre_disaster,0,0,tier3\masks\woolsey-fire_00000592_pre_disaster.png,0,0,0,0,00000592 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000593_post_disaster.png,woolsey-fire_00000593_post_disaster,2,742,tier3\masks\woolsey-fire_00000593_post_disaster.png,0,0,0,0,00000593 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000593_pre_disaster.png,woolsey-fire_00000593_pre_disaster,0,0,tier3\masks\woolsey-fire_00000593_pre_disaster.png,0,0,2,742,00000593 +9,10444,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000594_post_disaster.png,woolsey-fire_00000594_post_disaster,0,0,tier3\masks\woolsey-fire_00000594_post_disaster.png,0,0,17,9782,00000594 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000594_pre_disaster.png,woolsey-fire_00000594_pre_disaster,0,0,tier3\masks\woolsey-fire_00000594_pre_disaster.png,0,0,26,20226,00000594 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000595_post_disaster.png,woolsey-fire_00000595_post_disaster,0,0,tier3\masks\woolsey-fire_00000595_post_disaster.png,0,0,0,0,00000595 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000595_pre_disaster.png,woolsey-fire_00000595_pre_disaster,0,0,tier3\masks\woolsey-fire_00000595_pre_disaster.png,0,0,0,0,00000595 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000596_post_disaster.png,woolsey-fire_00000596_post_disaster,0,0,tier3\masks\woolsey-fire_00000596_post_disaster.png,0,0,0,0,00000596 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000596_pre_disaster.png,woolsey-fire_00000596_pre_disaster,0,0,tier3\masks\woolsey-fire_00000596_pre_disaster.png,0,0,0,0,00000596 +3,1455,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000597_post_disaster.png,woolsey-fire_00000597_post_disaster,0,0,tier3\masks\woolsey-fire_00000597_post_disaster.png,0,0,20,9903,00000597 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000597_pre_disaster.png,woolsey-fire_00000597_pre_disaster,0,0,tier3\masks\woolsey-fire_00000597_pre_disaster.png,0,0,23,11461,00000597 +56,53853,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000598_post_disaster.png,woolsey-fire_00000598_post_disaster,3,901,tier3\masks\woolsey-fire_00000598_post_disaster.png,1,196,21,35356,00000598 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000598_pre_disaster.png,woolsey-fire_00000598_pre_disaster,0,0,tier3\masks\woolsey-fire_00000598_pre_disaster.png,0,0,81,90616,00000598 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000599_post_disaster.png,woolsey-fire_00000599_post_disaster,0,0,tier3\masks\woolsey-fire_00000599_post_disaster.png,0,0,0,0,00000599 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000599_pre_disaster.png,woolsey-fire_00000599_pre_disaster,0,0,tier3\masks\woolsey-fire_00000599_pre_disaster.png,0,0,0,0,00000599 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000600_post_disaster.png,woolsey-fire_00000600_post_disaster,0,0,tier3\masks\woolsey-fire_00000600_post_disaster.png,0,0,0,0,00000600 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000600_pre_disaster.png,woolsey-fire_00000600_pre_disaster,0,0,tier3\masks\woolsey-fire_00000600_pre_disaster.png,0,0,0,0,00000600 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000601_post_disaster.png,woolsey-fire_00000601_post_disaster,0,0,tier3\masks\woolsey-fire_00000601_post_disaster.png,0,0,0,0,00000601 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000601_pre_disaster.png,woolsey-fire_00000601_pre_disaster,0,0,tier3\masks\woolsey-fire_00000601_pre_disaster.png,0,0,0,0,00000601 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000602_post_disaster.png,woolsey-fire_00000602_post_disaster,0,0,tier3\masks\woolsey-fire_00000602_post_disaster.png,0,0,0,0,00000602 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000602_pre_disaster.png,woolsey-fire_00000602_pre_disaster,0,0,tier3\masks\woolsey-fire_00000602_pre_disaster.png,0,0,0,0,00000602 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000603_post_disaster.png,woolsey-fire_00000603_post_disaster,0,0,tier3\masks\woolsey-fire_00000603_post_disaster.png,0,0,0,0,00000603 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000603_pre_disaster.png,woolsey-fire_00000603_pre_disaster,0,0,tier3\masks\woolsey-fire_00000603_pre_disaster.png,0,0,0,0,00000603 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000604_post_disaster.png,woolsey-fire_00000604_post_disaster,0,0,tier3\masks\woolsey-fire_00000604_post_disaster.png,0,0,20,24299,00000604 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000604_pre_disaster.png,woolsey-fire_00000604_pre_disaster,0,0,tier3\masks\woolsey-fire_00000604_pre_disaster.png,0,0,20,24420,00000604 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000605_post_disaster.png,woolsey-fire_00000605_post_disaster,0,0,tier3\masks\woolsey-fire_00000605_post_disaster.png,0,0,0,0,00000605 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000605_pre_disaster.png,woolsey-fire_00000605_pre_disaster,0,0,tier3\masks\woolsey-fire_00000605_pre_disaster.png,0,0,0,0,00000605 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000606_post_disaster.png,woolsey-fire_00000606_post_disaster,0,0,tier3\masks\woolsey-fire_00000606_post_disaster.png,0,0,0,0,00000606 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000606_pre_disaster.png,woolsey-fire_00000606_pre_disaster,0,0,tier3\masks\woolsey-fire_00000606_pre_disaster.png,0,0,0,0,00000606 +1,4156,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000607_post_disaster.png,woolsey-fire_00000607_post_disaster,0,0,tier3\masks\woolsey-fire_00000607_post_disaster.png,0,0,9,3640,00000607 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000607_pre_disaster.png,woolsey-fire_00000607_pre_disaster,0,0,tier3\masks\woolsey-fire_00000607_pre_disaster.png,0,0,10,7873,00000607 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000608_post_disaster.png,woolsey-fire_00000608_post_disaster,0,0,tier3\masks\woolsey-fire_00000608_post_disaster.png,0,0,0,0,00000608 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000608_pre_disaster.png,woolsey-fire_00000608_pre_disaster,0,0,tier3\masks\woolsey-fire_00000608_pre_disaster.png,0,0,0,0,00000608 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000609_post_disaster.png,woolsey-fire_00000609_post_disaster,0,0,tier3\masks\woolsey-fire_00000609_post_disaster.png,0,0,0,0,00000609 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000609_pre_disaster.png,woolsey-fire_00000609_pre_disaster,0,0,tier3\masks\woolsey-fire_00000609_pre_disaster.png,0,0,0,0,00000609 +2,1060,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000610_post_disaster.png,woolsey-fire_00000610_post_disaster,0,0,tier3\masks\woolsey-fire_00000610_post_disaster.png,0,0,8,6055,00000610 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000610_pre_disaster.png,woolsey-fire_00000610_pre_disaster,0,0,tier3\masks\woolsey-fire_00000610_pre_disaster.png,0,0,10,7170,00000610 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000611_post_disaster.png,woolsey-fire_00000611_post_disaster,0,0,tier3\masks\woolsey-fire_00000611_post_disaster.png,0,0,5,6931,00000611 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000611_pre_disaster.png,woolsey-fire_00000611_pre_disaster,0,0,tier3\masks\woolsey-fire_00000611_pre_disaster.png,0,0,5,7001,00000611 +11,18278,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000612_post_disaster.png,woolsey-fire_00000612_post_disaster,1,546,tier3\masks\woolsey-fire_00000612_post_disaster.png,1,2207,25,27690,00000612 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000612_pre_disaster.png,woolsey-fire_00000612_pre_disaster,0,0,tier3\masks\woolsey-fire_00000612_pre_disaster.png,0,0,38,48836,00000612 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000613_post_disaster.png,woolsey-fire_00000613_post_disaster,0,0,tier3\masks\woolsey-fire_00000613_post_disaster.png,0,0,0,0,00000613 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000613_pre_disaster.png,woolsey-fire_00000613_pre_disaster,0,0,tier3\masks\woolsey-fire_00000613_pre_disaster.png,0,0,0,0,00000613 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000614_post_disaster.png,woolsey-fire_00000614_post_disaster,0,0,tier3\masks\woolsey-fire_00000614_post_disaster.png,0,0,0,0,00000614 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000614_pre_disaster.png,woolsey-fire_00000614_pre_disaster,0,0,tier3\masks\woolsey-fire_00000614_pre_disaster.png,0,0,0,0,00000614 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000615_post_disaster.png,woolsey-fire_00000615_post_disaster,0,0,tier3\masks\woolsey-fire_00000615_post_disaster.png,0,0,0,0,00000615 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000615_pre_disaster.png,woolsey-fire_00000615_pre_disaster,0,0,tier3\masks\woolsey-fire_00000615_pre_disaster.png,0,0,0,0,00000615 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000616_post_disaster.png,woolsey-fire_00000616_post_disaster,0,0,tier3\masks\woolsey-fire_00000616_post_disaster.png,0,0,61,128603,00000616 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000616_pre_disaster.png,woolsey-fire_00000616_pre_disaster,0,0,tier3\masks\woolsey-fire_00000616_pre_disaster.png,0,0,61,128878,00000616 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000617_post_disaster.png,woolsey-fire_00000617_post_disaster,0,0,tier3\masks\woolsey-fire_00000617_post_disaster.png,0,0,0,0,00000617 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000617_pre_disaster.png,woolsey-fire_00000617_pre_disaster,0,0,tier3\masks\woolsey-fire_00000617_pre_disaster.png,0,0,0,0,00000617 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000618_post_disaster.png,woolsey-fire_00000618_post_disaster,0,0,tier3\masks\woolsey-fire_00000618_post_disaster.png,0,0,0,0,00000618 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000618_pre_disaster.png,woolsey-fire_00000618_pre_disaster,0,0,tier3\masks\woolsey-fire_00000618_pre_disaster.png,0,0,0,0,00000618 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000619_post_disaster.png,woolsey-fire_00000619_post_disaster,0,0,tier3\masks\woolsey-fire_00000619_post_disaster.png,0,0,0,0,00000619 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000619_pre_disaster.png,woolsey-fire_00000619_pre_disaster,0,0,tier3\masks\woolsey-fire_00000619_pre_disaster.png,0,0,0,0,00000619 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000620_post_disaster.png,woolsey-fire_00000620_post_disaster,0,0,tier3\masks\woolsey-fire_00000620_post_disaster.png,0,0,0,0,00000620 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000620_pre_disaster.png,woolsey-fire_00000620_pre_disaster,0,0,tier3\masks\woolsey-fire_00000620_pre_disaster.png,0,0,0,0,00000620 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000621_post_disaster.png,woolsey-fire_00000621_post_disaster,0,0,tier3\masks\woolsey-fire_00000621_post_disaster.png,0,0,0,0,00000621 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000621_pre_disaster.png,woolsey-fire_00000621_pre_disaster,0,0,tier3\masks\woolsey-fire_00000621_pre_disaster.png,0,0,0,0,00000621 +3,9708,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000622_post_disaster.png,woolsey-fire_00000622_post_disaster,0,0,tier3\masks\woolsey-fire_00000622_post_disaster.png,0,0,22,12267,00000622 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000622_pre_disaster.png,woolsey-fire_00000622_pre_disaster,0,0,tier3\masks\woolsey-fire_00000622_pre_disaster.png,0,0,25,22031,00000622 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000623_post_disaster.png,woolsey-fire_00000623_post_disaster,1,42,tier3\masks\woolsey-fire_00000623_post_disaster.png,0,0,4,1103,00000623 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000623_pre_disaster.png,woolsey-fire_00000623_pre_disaster,0,0,tier3\masks\woolsey-fire_00000623_pre_disaster.png,0,0,5,1145,00000623 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000624_post_disaster.png,woolsey-fire_00000624_post_disaster,0,0,tier3\masks\woolsey-fire_00000624_post_disaster.png,0,0,0,0,00000624 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000624_pre_disaster.png,woolsey-fire_00000624_pre_disaster,0,0,tier3\masks\woolsey-fire_00000624_pre_disaster.png,0,0,0,0,00000624 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000625_post_disaster.png,woolsey-fire_00000625_post_disaster,0,0,tier3\masks\woolsey-fire_00000625_post_disaster.png,0,0,0,0,00000625 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000625_pre_disaster.png,woolsey-fire_00000625_pre_disaster,0,0,tier3\masks\woolsey-fire_00000625_pre_disaster.png,0,0,0,0,00000625 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000626_post_disaster.png,woolsey-fire_00000626_post_disaster,0,0,tier3\masks\woolsey-fire_00000626_post_disaster.png,0,0,0,0,00000626 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000626_pre_disaster.png,woolsey-fire_00000626_pre_disaster,0,0,tier3\masks\woolsey-fire_00000626_pre_disaster.png,0,0,0,0,00000626 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000627_post_disaster.png,woolsey-fire_00000627_post_disaster,0,0,tier3\masks\woolsey-fire_00000627_post_disaster.png,0,0,10,11191,00000627 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000627_pre_disaster.png,woolsey-fire_00000627_pre_disaster,0,0,tier3\masks\woolsey-fire_00000627_pre_disaster.png,0,0,10,11191,00000627 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000628_post_disaster.png,woolsey-fire_00000628_post_disaster,0,0,tier3\masks\woolsey-fire_00000628_post_disaster.png,0,0,0,0,00000628 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000628_pre_disaster.png,woolsey-fire_00000628_pre_disaster,0,0,tier3\masks\woolsey-fire_00000628_pre_disaster.png,0,0,0,0,00000628 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000629_post_disaster.png,woolsey-fire_00000629_post_disaster,0,0,tier3\masks\woolsey-fire_00000629_post_disaster.png,0,0,0,0,00000629 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000629_pre_disaster.png,woolsey-fire_00000629_pre_disaster,0,0,tier3\masks\woolsey-fire_00000629_pre_disaster.png,0,0,0,0,00000629 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000630_post_disaster.png,woolsey-fire_00000630_post_disaster,0,0,tier3\masks\woolsey-fire_00000630_post_disaster.png,0,0,0,0,00000630 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000630_pre_disaster.png,woolsey-fire_00000630_pre_disaster,0,0,tier3\masks\woolsey-fire_00000630_pre_disaster.png,0,0,0,0,00000630 +11,11075,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000631_post_disaster.png,woolsey-fire_00000631_post_disaster,0,0,tier3\masks\woolsey-fire_00000631_post_disaster.png,0,0,6,16253,00000631 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000631_pre_disaster.png,woolsey-fire_00000631_pre_disaster,0,0,tier3\masks\woolsey-fire_00000631_pre_disaster.png,0,0,17,27410,00000631 +3,2776,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000632_post_disaster.png,woolsey-fire_00000632_post_disaster,0,0,tier3\masks\woolsey-fire_00000632_post_disaster.png,0,0,4,6389,00000632 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000632_pre_disaster.png,woolsey-fire_00000632_pre_disaster,0,0,tier3\masks\woolsey-fire_00000632_pre_disaster.png,0,0,7,9242,00000632 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000633_post_disaster.png,woolsey-fire_00000633_post_disaster,0,0,tier3\masks\woolsey-fire_00000633_post_disaster.png,0,0,0,0,00000633 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000633_pre_disaster.png,woolsey-fire_00000633_pre_disaster,0,0,tier3\masks\woolsey-fire_00000633_pre_disaster.png,0,0,0,0,00000633 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000634_post_disaster.png,woolsey-fire_00000634_post_disaster,0,0,tier3\masks\woolsey-fire_00000634_post_disaster.png,0,0,7,12696,00000634 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000634_pre_disaster.png,woolsey-fire_00000634_pre_disaster,0,0,tier3\masks\woolsey-fire_00000634_pre_disaster.png,0,0,7,12696,00000634 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000635_post_disaster.png,woolsey-fire_00000635_post_disaster,0,0,tier3\masks\woolsey-fire_00000635_post_disaster.png,0,0,3,399,00000635 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000635_pre_disaster.png,woolsey-fire_00000635_pre_disaster,0,0,tier3\masks\woolsey-fire_00000635_pre_disaster.png,0,0,3,410,00000635 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000636_post_disaster.png,woolsey-fire_00000636_post_disaster,0,0,tier3\masks\woolsey-fire_00000636_post_disaster.png,0,0,0,0,00000636 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000636_pre_disaster.png,woolsey-fire_00000636_pre_disaster,0,0,tier3\masks\woolsey-fire_00000636_pre_disaster.png,0,0,0,0,00000636 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000637_post_disaster.png,woolsey-fire_00000637_post_disaster,0,0,tier3\masks\woolsey-fire_00000637_post_disaster.png,0,0,0,0,00000637 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000637_pre_disaster.png,woolsey-fire_00000637_pre_disaster,0,0,tier3\masks\woolsey-fire_00000637_pre_disaster.png,0,0,0,0,00000637 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000638_post_disaster.png,woolsey-fire_00000638_post_disaster,0,0,tier3\masks\woolsey-fire_00000638_post_disaster.png,0,0,0,0,00000638 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000638_pre_disaster.png,woolsey-fire_00000638_pre_disaster,0,0,tier3\masks\woolsey-fire_00000638_pre_disaster.png,0,0,0,0,00000638 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000639_post_disaster.png,woolsey-fire_00000639_post_disaster,0,0,tier3\masks\woolsey-fire_00000639_post_disaster.png,0,0,0,0,00000639 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000639_pre_disaster.png,woolsey-fire_00000639_pre_disaster,0,0,tier3\masks\woolsey-fire_00000639_pre_disaster.png,0,0,0,0,00000639 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000640_post_disaster.png,woolsey-fire_00000640_post_disaster,0,0,tier3\masks\woolsey-fire_00000640_post_disaster.png,0,0,0,0,00000640 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000640_pre_disaster.png,woolsey-fire_00000640_pre_disaster,0,0,tier3\masks\woolsey-fire_00000640_pre_disaster.png,0,0,0,0,00000640 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000641_post_disaster.png,woolsey-fire_00000641_post_disaster,0,0,tier3\masks\woolsey-fire_00000641_post_disaster.png,0,0,0,0,00000641 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000641_pre_disaster.png,woolsey-fire_00000641_pre_disaster,0,0,tier3\masks\woolsey-fire_00000641_pre_disaster.png,0,0,0,0,00000641 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000642_post_disaster.png,woolsey-fire_00000642_post_disaster,0,0,tier3\masks\woolsey-fire_00000642_post_disaster.png,0,0,0,0,00000642 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000642_pre_disaster.png,woolsey-fire_00000642_pre_disaster,0,0,tier3\masks\woolsey-fire_00000642_pre_disaster.png,0,0,0,0,00000642 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000643_post_disaster.png,woolsey-fire_00000643_post_disaster,0,0,tier3\masks\woolsey-fire_00000643_post_disaster.png,0,0,5,1172,00000643 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000643_pre_disaster.png,woolsey-fire_00000643_pre_disaster,0,0,tier3\masks\woolsey-fire_00000643_pre_disaster.png,0,0,5,1172,00000643 +11,11793,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000644_post_disaster.png,woolsey-fire_00000644_post_disaster,2,1217,tier3\masks\woolsey-fire_00000644_post_disaster.png,1,3782,12,7609,00000644 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000644_pre_disaster.png,woolsey-fire_00000644_pre_disaster,0,0,tier3\masks\woolsey-fire_00000644_pre_disaster.png,0,0,26,24401,00000644 +10,12342,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000645_post_disaster.png,woolsey-fire_00000645_post_disaster,1,231,tier3\masks\woolsey-fire_00000645_post_disaster.png,1,972,28,37360,00000645 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000645_pre_disaster.png,woolsey-fire_00000645_pre_disaster,0,0,tier3\masks\woolsey-fire_00000645_pre_disaster.png,0,0,40,51086,00000645 +6,2883,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000646_post_disaster.png,woolsey-fire_00000646_post_disaster,1,324,tier3\masks\woolsey-fire_00000646_post_disaster.png,1,370,1,105,00000646 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000646_pre_disaster.png,woolsey-fire_00000646_pre_disaster,0,0,tier3\masks\woolsey-fire_00000646_pre_disaster.png,0,0,9,3682,00000646 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000647_post_disaster.png,woolsey-fire_00000647_post_disaster,0,0,tier3\masks\woolsey-fire_00000647_post_disaster.png,0,0,0,0,00000647 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000647_pre_disaster.png,woolsey-fire_00000647_pre_disaster,0,0,tier3\masks\woolsey-fire_00000647_pre_disaster.png,0,0,0,0,00000647 +1,704,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000648_post_disaster.png,woolsey-fire_00000648_post_disaster,0,0,tier3\masks\woolsey-fire_00000648_post_disaster.png,0,0,0,0,00000648 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000648_pre_disaster.png,woolsey-fire_00000648_pre_disaster,0,0,tier3\masks\woolsey-fire_00000648_pre_disaster.png,0,0,1,704,00000648 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000649_post_disaster.png,woolsey-fire_00000649_post_disaster,0,0,tier3\masks\woolsey-fire_00000649_post_disaster.png,0,0,0,0,00000649 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000649_pre_disaster.png,woolsey-fire_00000649_pre_disaster,0,0,tier3\masks\woolsey-fire_00000649_pre_disaster.png,0,0,0,0,00000649 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000650_post_disaster.png,woolsey-fire_00000650_post_disaster,0,0,tier3\masks\woolsey-fire_00000650_post_disaster.png,0,0,0,0,00000650 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000650_pre_disaster.png,woolsey-fire_00000650_pre_disaster,0,0,tier3\masks\woolsey-fire_00000650_pre_disaster.png,0,0,0,0,00000650 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000651_post_disaster.png,woolsey-fire_00000651_post_disaster,0,0,tier3\masks\woolsey-fire_00000651_post_disaster.png,0,0,0,0,00000651 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000651_pre_disaster.png,woolsey-fire_00000651_pre_disaster,0,0,tier3\masks\woolsey-fire_00000651_pre_disaster.png,0,0,0,0,00000651 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000652_post_disaster.png,woolsey-fire_00000652_post_disaster,0,0,tier3\masks\woolsey-fire_00000652_post_disaster.png,0,0,0,0,00000652 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000652_pre_disaster.png,woolsey-fire_00000652_pre_disaster,0,0,tier3\masks\woolsey-fire_00000652_pre_disaster.png,0,0,0,0,00000652 +10,15113,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000653_post_disaster.png,woolsey-fire_00000653_post_disaster,0,0,tier3\masks\woolsey-fire_00000653_post_disaster.png,0,0,30,43917,00000653 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000653_pre_disaster.png,woolsey-fire_00000653_pre_disaster,0,0,tier3\masks\woolsey-fire_00000653_pre_disaster.png,0,0,40,59065,00000653 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000654_post_disaster.png,woolsey-fire_00000654_post_disaster,0,0,tier3\masks\woolsey-fire_00000654_post_disaster.png,0,0,0,0,00000654 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000654_pre_disaster.png,woolsey-fire_00000654_pre_disaster,0,0,tier3\masks\woolsey-fire_00000654_pre_disaster.png,0,0,0,0,00000654 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000655_post_disaster.png,woolsey-fire_00000655_post_disaster,0,0,tier3\masks\woolsey-fire_00000655_post_disaster.png,0,0,0,0,00000655 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000655_pre_disaster.png,woolsey-fire_00000655_pre_disaster,0,0,tier3\masks\woolsey-fire_00000655_pre_disaster.png,0,0,0,0,00000655 +1,82,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000656_post_disaster.png,woolsey-fire_00000656_post_disaster,0,0,tier3\masks\woolsey-fire_00000656_post_disaster.png,0,0,1,196,00000656 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000656_pre_disaster.png,woolsey-fire_00000656_pre_disaster,0,0,tier3\masks\woolsey-fire_00000656_pre_disaster.png,0,0,2,278,00000656 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000657_post_disaster.png,woolsey-fire_00000657_post_disaster,0,0,tier3\masks\woolsey-fire_00000657_post_disaster.png,0,0,0,0,00000657 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000657_pre_disaster.png,woolsey-fire_00000657_pre_disaster,0,0,tier3\masks\woolsey-fire_00000657_pre_disaster.png,0,0,0,0,00000657 +14,7814,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000658_post_disaster.png,woolsey-fire_00000658_post_disaster,1,276,tier3\masks\woolsey-fire_00000658_post_disaster.png,1,400,7,3703,00000658 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000658_pre_disaster.png,woolsey-fire_00000658_pre_disaster,0,0,tier3\masks\woolsey-fire_00000658_pre_disaster.png,0,0,22,12260,00000658 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000659_post_disaster.png,woolsey-fire_00000659_post_disaster,0,0,tier3\masks\woolsey-fire_00000659_post_disaster.png,0,0,0,0,00000659 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000659_pre_disaster.png,woolsey-fire_00000659_pre_disaster,0,0,tier3\masks\woolsey-fire_00000659_pre_disaster.png,0,0,0,0,00000659 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000660_post_disaster.png,woolsey-fire_00000660_post_disaster,0,0,tier3\masks\woolsey-fire_00000660_post_disaster.png,0,0,2,720,00000660 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000660_pre_disaster.png,woolsey-fire_00000660_pre_disaster,0,0,tier3\masks\woolsey-fire_00000660_pre_disaster.png,0,0,2,720,00000660 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000661_post_disaster.png,woolsey-fire_00000661_post_disaster,0,0,tier3\masks\woolsey-fire_00000661_post_disaster.png,0,0,0,0,00000661 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000661_pre_disaster.png,woolsey-fire_00000661_pre_disaster,0,0,tier3\masks\woolsey-fire_00000661_pre_disaster.png,0,0,0,0,00000661 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000662_post_disaster.png,woolsey-fire_00000662_post_disaster,0,0,tier3\masks\woolsey-fire_00000662_post_disaster.png,0,0,0,0,00000662 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000662_pre_disaster.png,woolsey-fire_00000662_pre_disaster,0,0,tier3\masks\woolsey-fire_00000662_pre_disaster.png,0,0,0,0,00000662 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000663_post_disaster.png,woolsey-fire_00000663_post_disaster,0,0,tier3\masks\woolsey-fire_00000663_post_disaster.png,0,0,0,0,00000663 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000663_pre_disaster.png,woolsey-fire_00000663_pre_disaster,0,0,tier3\masks\woolsey-fire_00000663_pre_disaster.png,0,0,0,0,00000663 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000664_post_disaster.png,woolsey-fire_00000664_post_disaster,0,0,tier3\masks\woolsey-fire_00000664_post_disaster.png,0,0,0,0,00000664 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000664_pre_disaster.png,woolsey-fire_00000664_pre_disaster,0,0,tier3\masks\woolsey-fire_00000664_pre_disaster.png,0,0,0,0,00000664 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000665_post_disaster.png,woolsey-fire_00000665_post_disaster,0,0,tier3\masks\woolsey-fire_00000665_post_disaster.png,0,0,0,0,00000665 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000665_pre_disaster.png,woolsey-fire_00000665_pre_disaster,0,0,tier3\masks\woolsey-fire_00000665_pre_disaster.png,0,0,0,0,00000665 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000666_post_disaster.png,woolsey-fire_00000666_post_disaster,0,0,tier3\masks\woolsey-fire_00000666_post_disaster.png,0,0,0,0,00000666 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000666_pre_disaster.png,woolsey-fire_00000666_pre_disaster,0,0,tier3\masks\woolsey-fire_00000666_pre_disaster.png,0,0,0,0,00000666 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000667_post_disaster.png,woolsey-fire_00000667_post_disaster,0,0,tier3\masks\woolsey-fire_00000667_post_disaster.png,0,0,0,0,00000667 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000667_pre_disaster.png,woolsey-fire_00000667_pre_disaster,0,0,tier3\masks\woolsey-fire_00000667_pre_disaster.png,0,0,0,0,00000667 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000668_post_disaster.png,woolsey-fire_00000668_post_disaster,0,0,tier3\masks\woolsey-fire_00000668_post_disaster.png,0,0,0,0,00000668 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000668_pre_disaster.png,woolsey-fire_00000668_pre_disaster,0,0,tier3\masks\woolsey-fire_00000668_pre_disaster.png,0,0,0,0,00000668 +1,500,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000669_post_disaster.png,woolsey-fire_00000669_post_disaster,0,0,tier3\masks\woolsey-fire_00000669_post_disaster.png,0,0,0,0,00000669 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000669_pre_disaster.png,woolsey-fire_00000669_pre_disaster,0,0,tier3\masks\woolsey-fire_00000669_pre_disaster.png,0,0,1,500,00000669 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000670_post_disaster.png,woolsey-fire_00000670_post_disaster,0,0,tier3\masks\woolsey-fire_00000670_post_disaster.png,0,0,0,0,00000670 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000670_pre_disaster.png,woolsey-fire_00000670_pre_disaster,0,0,tier3\masks\woolsey-fire_00000670_pre_disaster.png,0,0,0,0,00000670 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000671_post_disaster.png,woolsey-fire_00000671_post_disaster,0,0,tier3\masks\woolsey-fire_00000671_post_disaster.png,0,0,0,0,00000671 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000671_pre_disaster.png,woolsey-fire_00000671_pre_disaster,0,0,tier3\masks\woolsey-fire_00000671_pre_disaster.png,0,0,0,0,00000671 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000672_post_disaster.png,woolsey-fire_00000672_post_disaster,0,0,tier3\masks\woolsey-fire_00000672_post_disaster.png,0,0,0,0,00000672 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000672_pre_disaster.png,woolsey-fire_00000672_pre_disaster,0,0,tier3\masks\woolsey-fire_00000672_pre_disaster.png,0,0,0,0,00000672 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000673_post_disaster.png,woolsey-fire_00000673_post_disaster,0,0,tier3\masks\woolsey-fire_00000673_post_disaster.png,0,0,0,0,00000673 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000673_pre_disaster.png,woolsey-fire_00000673_pre_disaster,0,0,tier3\masks\woolsey-fire_00000673_pre_disaster.png,0,0,0,0,00000673 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000674_post_disaster.png,woolsey-fire_00000674_post_disaster,0,0,tier3\masks\woolsey-fire_00000674_post_disaster.png,2,2187,6,2947,00000674 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000674_pre_disaster.png,woolsey-fire_00000674_pre_disaster,0,0,tier3\masks\woolsey-fire_00000674_pre_disaster.png,0,0,8,5134,00000674 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000675_post_disaster.png,woolsey-fire_00000675_post_disaster,0,0,tier3\masks\woolsey-fire_00000675_post_disaster.png,0,0,0,0,00000675 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000675_pre_disaster.png,woolsey-fire_00000675_pre_disaster,0,0,tier3\masks\woolsey-fire_00000675_pre_disaster.png,0,0,0,0,00000675 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000676_post_disaster.png,woolsey-fire_00000676_post_disaster,0,0,tier3\masks\woolsey-fire_00000676_post_disaster.png,0,0,0,0,00000676 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000676_pre_disaster.png,woolsey-fire_00000676_pre_disaster,0,0,tier3\masks\woolsey-fire_00000676_pre_disaster.png,0,0,0,0,00000676 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000677_post_disaster.png,woolsey-fire_00000677_post_disaster,0,0,tier3\masks\woolsey-fire_00000677_post_disaster.png,0,0,0,0,00000677 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000677_pre_disaster.png,woolsey-fire_00000677_pre_disaster,0,0,tier3\masks\woolsey-fire_00000677_pre_disaster.png,0,0,0,0,00000677 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000678_post_disaster.png,woolsey-fire_00000678_post_disaster,0,0,tier3\masks\woolsey-fire_00000678_post_disaster.png,0,0,0,0,00000678 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000678_pre_disaster.png,woolsey-fire_00000678_pre_disaster,0,0,tier3\masks\woolsey-fire_00000678_pre_disaster.png,0,0,0,0,00000678 +7,5145,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000679_post_disaster.png,woolsey-fire_00000679_post_disaster,1,899,tier3\masks\woolsey-fire_00000679_post_disaster.png,1,85,3,1302,00000679 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000679_pre_disaster.png,woolsey-fire_00000679_pre_disaster,0,0,tier3\masks\woolsey-fire_00000679_pre_disaster.png,0,0,12,7431,00000679 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000680_post_disaster.png,woolsey-fire_00000680_post_disaster,0,0,tier3\masks\woolsey-fire_00000680_post_disaster.png,0,0,0,0,00000680 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000680_pre_disaster.png,woolsey-fire_00000680_pre_disaster,0,0,tier3\masks\woolsey-fire_00000680_pre_disaster.png,0,0,0,0,00000680 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000681_post_disaster.png,woolsey-fire_00000681_post_disaster,0,0,tier3\masks\woolsey-fire_00000681_post_disaster.png,0,0,0,0,00000681 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000681_pre_disaster.png,woolsey-fire_00000681_pre_disaster,0,0,tier3\masks\woolsey-fire_00000681_pre_disaster.png,0,0,0,0,00000681 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000682_post_disaster.png,woolsey-fire_00000682_post_disaster,0,0,tier3\masks\woolsey-fire_00000682_post_disaster.png,0,0,10,1537,00000682 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000682_pre_disaster.png,woolsey-fire_00000682_pre_disaster,0,0,tier3\masks\woolsey-fire_00000682_pre_disaster.png,0,0,10,1546,00000682 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000683_post_disaster.png,woolsey-fire_00000683_post_disaster,0,0,tier3\masks\woolsey-fire_00000683_post_disaster.png,0,0,0,0,00000683 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000683_pre_disaster.png,woolsey-fire_00000683_pre_disaster,0,0,tier3\masks\woolsey-fire_00000683_pre_disaster.png,0,0,0,0,00000683 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000684_post_disaster.png,woolsey-fire_00000684_post_disaster,0,0,tier3\masks\woolsey-fire_00000684_post_disaster.png,0,0,39,74335,00000684 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000684_pre_disaster.png,woolsey-fire_00000684_pre_disaster,0,0,tier3\masks\woolsey-fire_00000684_pre_disaster.png,0,0,39,74389,00000684 +7,718,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000685_post_disaster.png,woolsey-fire_00000685_post_disaster,0,0,tier3\masks\woolsey-fire_00000685_post_disaster.png,0,0,4,380,00000685 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000685_pre_disaster.png,woolsey-fire_00000685_pre_disaster,0,0,tier3\masks\woolsey-fire_00000685_pre_disaster.png,0,0,11,1098,00000685 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000686_post_disaster.png,woolsey-fire_00000686_post_disaster,0,0,tier3\masks\woolsey-fire_00000686_post_disaster.png,0,0,0,0,00000686 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000686_pre_disaster.png,woolsey-fire_00000686_pre_disaster,0,0,tier3\masks\woolsey-fire_00000686_pre_disaster.png,0,0,0,0,00000686 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000687_post_disaster.png,woolsey-fire_00000687_post_disaster,0,0,tier3\masks\woolsey-fire_00000687_post_disaster.png,0,0,0,0,00000687 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000687_pre_disaster.png,woolsey-fire_00000687_pre_disaster,0,0,tier3\masks\woolsey-fire_00000687_pre_disaster.png,0,0,0,0,00000687 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000688_post_disaster.png,woolsey-fire_00000688_post_disaster,0,0,tier3\masks\woolsey-fire_00000688_post_disaster.png,0,0,6,3067,00000688 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000688_pre_disaster.png,woolsey-fire_00000688_pre_disaster,0,0,tier3\masks\woolsey-fire_00000688_pre_disaster.png,0,0,6,3067,00000688 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000689_post_disaster.png,woolsey-fire_00000689_post_disaster,0,0,tier3\masks\woolsey-fire_00000689_post_disaster.png,0,0,0,0,00000689 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000689_pre_disaster.png,woolsey-fire_00000689_pre_disaster,0,0,tier3\masks\woolsey-fire_00000689_pre_disaster.png,0,0,0,0,00000689 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000690_post_disaster.png,woolsey-fire_00000690_post_disaster,0,0,tier3\masks\woolsey-fire_00000690_post_disaster.png,0,0,0,0,00000690 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000690_pre_disaster.png,woolsey-fire_00000690_pre_disaster,0,0,tier3\masks\woolsey-fire_00000690_pre_disaster.png,0,0,0,0,00000690 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000691_post_disaster.png,woolsey-fire_00000691_post_disaster,0,0,tier3\masks\woolsey-fire_00000691_post_disaster.png,0,0,0,0,00000691 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000691_pre_disaster.png,woolsey-fire_00000691_pre_disaster,0,0,tier3\masks\woolsey-fire_00000691_pre_disaster.png,0,0,0,0,00000691 +1,755,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000692_post_disaster.png,woolsey-fire_00000692_post_disaster,0,0,tier3\masks\woolsey-fire_00000692_post_disaster.png,0,0,33,8437,00000692 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000692_pre_disaster.png,woolsey-fire_00000692_pre_disaster,0,0,tier3\masks\woolsey-fire_00000692_pre_disaster.png,0,0,34,9213,00000692 +4,621,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000693_post_disaster.png,woolsey-fire_00000693_post_disaster,0,0,tier3\masks\woolsey-fire_00000693_post_disaster.png,0,0,9,6303,00000693 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000693_pre_disaster.png,woolsey-fire_00000693_pre_disaster,0,0,tier3\masks\woolsey-fire_00000693_pre_disaster.png,0,0,13,6924,00000693 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000694_post_disaster.png,woolsey-fire_00000694_post_disaster,0,0,tier3\masks\woolsey-fire_00000694_post_disaster.png,0,0,0,0,00000694 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000694_pre_disaster.png,woolsey-fire_00000694_pre_disaster,0,0,tier3\masks\woolsey-fire_00000694_pre_disaster.png,0,0,0,0,00000694 +2,2553,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000695_post_disaster.png,woolsey-fire_00000695_post_disaster,1,1723,tier3\masks\woolsey-fire_00000695_post_disaster.png,0,0,90,140008,00000695 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000695_pre_disaster.png,woolsey-fire_00000695_pre_disaster,0,0,tier3\masks\woolsey-fire_00000695_pre_disaster.png,0,0,93,144675,00000695 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000696_post_disaster.png,woolsey-fire_00000696_post_disaster,0,0,tier3\masks\woolsey-fire_00000696_post_disaster.png,0,0,0,0,00000696 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000696_pre_disaster.png,woolsey-fire_00000696_pre_disaster,0,0,tier3\masks\woolsey-fire_00000696_pre_disaster.png,0,0,0,0,00000696 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000697_post_disaster.png,woolsey-fire_00000697_post_disaster,0,0,tier3\masks\woolsey-fire_00000697_post_disaster.png,0,0,0,0,00000697 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000697_pre_disaster.png,woolsey-fire_00000697_pre_disaster,0,0,tier3\masks\woolsey-fire_00000697_pre_disaster.png,0,0,0,0,00000697 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000698_post_disaster.png,woolsey-fire_00000698_post_disaster,0,0,tier3\masks\woolsey-fire_00000698_post_disaster.png,0,0,0,0,00000698 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000698_pre_disaster.png,woolsey-fire_00000698_pre_disaster,0,0,tier3\masks\woolsey-fire_00000698_pre_disaster.png,0,0,0,0,00000698 +2,528,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000699_post_disaster.png,woolsey-fire_00000699_post_disaster,0,0,tier3\masks\woolsey-fire_00000699_post_disaster.png,0,0,3,581,00000699 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000699_pre_disaster.png,woolsey-fire_00000699_pre_disaster,0,0,tier3\masks\woolsey-fire_00000699_pre_disaster.png,0,0,5,1109,00000699 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000700_post_disaster.png,woolsey-fire_00000700_post_disaster,0,0,tier3\masks\woolsey-fire_00000700_post_disaster.png,0,0,0,0,00000700 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000700_pre_disaster.png,woolsey-fire_00000700_pre_disaster,0,0,tier3\masks\woolsey-fire_00000700_pre_disaster.png,0,0,0,0,00000700 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000701_post_disaster.png,woolsey-fire_00000701_post_disaster,0,0,tier3\masks\woolsey-fire_00000701_post_disaster.png,0,0,0,0,00000701 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000701_pre_disaster.png,woolsey-fire_00000701_pre_disaster,0,0,tier3\masks\woolsey-fire_00000701_pre_disaster.png,0,0,0,0,00000701 +3,5354,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000702_post_disaster.png,woolsey-fire_00000702_post_disaster,0,0,tier3\masks\woolsey-fire_00000702_post_disaster.png,0,0,2,3897,00000702 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000702_pre_disaster.png,woolsey-fire_00000702_pre_disaster,0,0,tier3\masks\woolsey-fire_00000702_pre_disaster.png,0,0,5,9251,00000702 +2,4608,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000703_post_disaster.png,woolsey-fire_00000703_post_disaster,0,0,tier3\masks\woolsey-fire_00000703_post_disaster.png,0,0,29,36103,00000703 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000703_pre_disaster.png,woolsey-fire_00000703_pre_disaster,0,0,tier3\masks\woolsey-fire_00000703_pre_disaster.png,0,0,31,40824,00000703 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000704_post_disaster.png,woolsey-fire_00000704_post_disaster,1,551,tier3\masks\woolsey-fire_00000704_post_disaster.png,0,0,8,4764,00000704 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000704_pre_disaster.png,woolsey-fire_00000704_pre_disaster,0,0,tier3\masks\woolsey-fire_00000704_pre_disaster.png,0,0,9,5315,00000704 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000705_post_disaster.png,woolsey-fire_00000705_post_disaster,0,0,tier3\masks\woolsey-fire_00000705_post_disaster.png,0,0,0,0,00000705 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000705_pre_disaster.png,woolsey-fire_00000705_pre_disaster,0,0,tier3\masks\woolsey-fire_00000705_pre_disaster.png,0,0,0,0,00000705 +3,14237,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000706_post_disaster.png,woolsey-fire_00000706_post_disaster,0,0,tier3\masks\woolsey-fire_00000706_post_disaster.png,0,0,24,52556,00000706 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000706_pre_disaster.png,woolsey-fire_00000706_pre_disaster,0,0,tier3\masks\woolsey-fire_00000706_pre_disaster.png,0,0,27,66989,00000706 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000707_post_disaster.png,woolsey-fire_00000707_post_disaster,0,0,tier3\masks\woolsey-fire_00000707_post_disaster.png,0,0,0,0,00000707 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000707_pre_disaster.png,woolsey-fire_00000707_pre_disaster,0,0,tier3\masks\woolsey-fire_00000707_pre_disaster.png,0,0,0,0,00000707 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000708_post_disaster.png,woolsey-fire_00000708_post_disaster,0,0,tier3\masks\woolsey-fire_00000708_post_disaster.png,0,0,0,0,00000708 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000708_pre_disaster.png,woolsey-fire_00000708_pre_disaster,0,0,tier3\masks\woolsey-fire_00000708_pre_disaster.png,0,0,0,0,00000708 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000709_post_disaster.png,woolsey-fire_00000709_post_disaster,0,0,tier3\masks\woolsey-fire_00000709_post_disaster.png,0,0,0,0,00000709 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000709_pre_disaster.png,woolsey-fire_00000709_pre_disaster,0,0,tier3\masks\woolsey-fire_00000709_pre_disaster.png,0,0,0,0,00000709 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000710_post_disaster.png,woolsey-fire_00000710_post_disaster,0,0,tier3\masks\woolsey-fire_00000710_post_disaster.png,0,0,0,0,00000710 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000710_pre_disaster.png,woolsey-fire_00000710_pre_disaster,0,0,tier3\masks\woolsey-fire_00000710_pre_disaster.png,0,0,0,0,00000710 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000711_post_disaster.png,woolsey-fire_00000711_post_disaster,0,0,tier3\masks\woolsey-fire_00000711_post_disaster.png,0,0,0,0,00000711 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000711_pre_disaster.png,woolsey-fire_00000711_pre_disaster,0,0,tier3\masks\woolsey-fire_00000711_pre_disaster.png,0,0,0,0,00000711 +12,7873,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000712_post_disaster.png,woolsey-fire_00000712_post_disaster,0,0,tier3\masks\woolsey-fire_00000712_post_disaster.png,1,119,23,17845,00000712 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000712_pre_disaster.png,woolsey-fire_00000712_pre_disaster,0,0,tier3\masks\woolsey-fire_00000712_pre_disaster.png,0,0,35,25875,00000712 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000713_post_disaster.png,woolsey-fire_00000713_post_disaster,1,118,tier3\masks\woolsey-fire_00000713_post_disaster.png,0,0,4,1404,00000713 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000713_pre_disaster.png,woolsey-fire_00000713_pre_disaster,0,0,tier3\masks\woolsey-fire_00000713_pre_disaster.png,0,0,5,1522,00000713 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000714_post_disaster.png,woolsey-fire_00000714_post_disaster,0,0,tier3\masks\woolsey-fire_00000714_post_disaster.png,0,0,1,523,00000714 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000714_pre_disaster.png,woolsey-fire_00000714_pre_disaster,0,0,tier3\masks\woolsey-fire_00000714_pre_disaster.png,0,0,1,523,00000714 +20,30863,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000715_post_disaster.png,woolsey-fire_00000715_post_disaster,0,0,tier3\masks\woolsey-fire_00000715_post_disaster.png,0,0,22,44139,00000715 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000715_pre_disaster.png,woolsey-fire_00000715_pre_disaster,0,0,tier3\masks\woolsey-fire_00000715_pre_disaster.png,0,0,42,75114,00000715 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000716_post_disaster.png,woolsey-fire_00000716_post_disaster,0,0,tier3\masks\woolsey-fire_00000716_post_disaster.png,0,0,0,0,00000716 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000716_pre_disaster.png,woolsey-fire_00000716_pre_disaster,0,0,tier3\masks\woolsey-fire_00000716_pre_disaster.png,0,0,0,0,00000716 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000717_post_disaster.png,woolsey-fire_00000717_post_disaster,0,0,tier3\masks\woolsey-fire_00000717_post_disaster.png,0,0,0,0,00000717 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000717_pre_disaster.png,woolsey-fire_00000717_pre_disaster,0,0,tier3\masks\woolsey-fire_00000717_pre_disaster.png,0,0,0,0,00000717 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000718_post_disaster.png,woolsey-fire_00000718_post_disaster,0,0,tier3\masks\woolsey-fire_00000718_post_disaster.png,0,0,0,0,00000718 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000718_pre_disaster.png,woolsey-fire_00000718_pre_disaster,0,0,tier3\masks\woolsey-fire_00000718_pre_disaster.png,0,0,0,0,00000718 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000719_post_disaster.png,woolsey-fire_00000719_post_disaster,0,0,tier3\masks\woolsey-fire_00000719_post_disaster.png,0,0,0,0,00000719 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000719_pre_disaster.png,woolsey-fire_00000719_pre_disaster,0,0,tier3\masks\woolsey-fire_00000719_pre_disaster.png,0,0,0,0,00000719 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000720_post_disaster.png,woolsey-fire_00000720_post_disaster,0,0,tier3\masks\woolsey-fire_00000720_post_disaster.png,0,0,0,0,00000720 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000720_pre_disaster.png,woolsey-fire_00000720_pre_disaster,0,0,tier3\masks\woolsey-fire_00000720_pre_disaster.png,0,0,0,0,00000720 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000721_post_disaster.png,woolsey-fire_00000721_post_disaster,1,55,tier3\masks\woolsey-fire_00000721_post_disaster.png,0,0,11,1703,00000721 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000721_pre_disaster.png,woolsey-fire_00000721_pre_disaster,0,0,tier3\masks\woolsey-fire_00000721_pre_disaster.png,0,0,12,1775,00000721 +8,5226,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000722_post_disaster.png,woolsey-fire_00000722_post_disaster,1,2259,tier3\masks\woolsey-fire_00000722_post_disaster.png,0,0,19,5323,00000722 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000722_pre_disaster.png,woolsey-fire_00000722_pre_disaster,0,0,tier3\masks\woolsey-fire_00000722_pre_disaster.png,0,0,28,12808,00000722 +21,25577,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000723_post_disaster.png,woolsey-fire_00000723_post_disaster,1,462,tier3\masks\woolsey-fire_00000723_post_disaster.png,2,1067,8,10915,00000723 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000723_pre_disaster.png,woolsey-fire_00000723_pre_disaster,0,0,tier3\masks\woolsey-fire_00000723_pre_disaster.png,0,0,32,38031,00000723 +8,2104,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000724_post_disaster.png,woolsey-fire_00000724_post_disaster,0,0,tier3\masks\woolsey-fire_00000724_post_disaster.png,0,0,16,5048,00000724 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000724_pre_disaster.png,woolsey-fire_00000724_pre_disaster,0,0,tier3\masks\woolsey-fire_00000724_pre_disaster.png,0,0,24,7152,00000724 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000725_post_disaster.png,woolsey-fire_00000725_post_disaster,0,0,tier3\masks\woolsey-fire_00000725_post_disaster.png,0,0,0,0,00000725 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000725_pre_disaster.png,woolsey-fire_00000725_pre_disaster,0,0,tier3\masks\woolsey-fire_00000725_pre_disaster.png,0,0,0,0,00000725 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000726_post_disaster.png,woolsey-fire_00000726_post_disaster,0,0,tier3\masks\woolsey-fire_00000726_post_disaster.png,0,0,0,0,00000726 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000726_pre_disaster.png,woolsey-fire_00000726_pre_disaster,0,0,tier3\masks\woolsey-fire_00000726_pre_disaster.png,0,0,0,0,00000726 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000727_post_disaster.png,woolsey-fire_00000727_post_disaster,0,0,tier3\masks\woolsey-fire_00000727_post_disaster.png,0,0,2,224,00000727 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000727_pre_disaster.png,woolsey-fire_00000727_pre_disaster,0,0,tier3\masks\woolsey-fire_00000727_pre_disaster.png,0,0,2,255,00000727 +25,5383,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000728_post_disaster.png,woolsey-fire_00000728_post_disaster,0,0,tier3\masks\woolsey-fire_00000728_post_disaster.png,0,0,0,0,00000728 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000728_pre_disaster.png,woolsey-fire_00000728_pre_disaster,0,0,tier3\masks\woolsey-fire_00000728_pre_disaster.png,0,0,25,5410,00000728 +10,7461,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000729_post_disaster.png,woolsey-fire_00000729_post_disaster,1,196,tier3\masks\woolsey-fire_00000729_post_disaster.png,0,0,24,22059,00000729 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000729_pre_disaster.png,woolsey-fire_00000729_pre_disaster,0,0,tier3\masks\woolsey-fire_00000729_pre_disaster.png,0,0,35,29870,00000729 +1,180,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000730_post_disaster.png,woolsey-fire_00000730_post_disaster,0,0,tier3\masks\woolsey-fire_00000730_post_disaster.png,0,0,0,0,00000730 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000730_pre_disaster.png,woolsey-fire_00000730_pre_disaster,0,0,tier3\masks\woolsey-fire_00000730_pre_disaster.png,0,0,1,180,00000730 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000731_post_disaster.png,woolsey-fire_00000731_post_disaster,0,0,tier3\masks\woolsey-fire_00000731_post_disaster.png,0,0,0,0,00000731 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000731_pre_disaster.png,woolsey-fire_00000731_pre_disaster,0,0,tier3\masks\woolsey-fire_00000731_pre_disaster.png,0,0,0,0,00000731 +8,2395,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000732_post_disaster.png,woolsey-fire_00000732_post_disaster,0,0,tier3\masks\woolsey-fire_00000732_post_disaster.png,0,0,3,643,00000732 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000732_pre_disaster.png,woolsey-fire_00000732_pre_disaster,0,0,tier3\masks\woolsey-fire_00000732_pre_disaster.png,0,0,11,3038,00000732 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000733_post_disaster.png,woolsey-fire_00000733_post_disaster,0,0,tier3\masks\woolsey-fire_00000733_post_disaster.png,0,0,0,0,00000733 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000733_pre_disaster.png,woolsey-fire_00000733_pre_disaster,0,0,tier3\masks\woolsey-fire_00000733_pre_disaster.png,0,0,0,0,00000733 +5,754,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000734_post_disaster.png,woolsey-fire_00000734_post_disaster,0,0,tier3\masks\woolsey-fire_00000734_post_disaster.png,2,363,0,0,00000734 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000734_pre_disaster.png,woolsey-fire_00000734_pre_disaster,0,0,tier3\masks\woolsey-fire_00000734_pre_disaster.png,0,0,7,1117,00000734 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000735_post_disaster.png,woolsey-fire_00000735_post_disaster,0,0,tier3\masks\woolsey-fire_00000735_post_disaster.png,0,0,0,0,00000735 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000735_pre_disaster.png,woolsey-fire_00000735_pre_disaster,0,0,tier3\masks\woolsey-fire_00000735_pre_disaster.png,0,0,0,0,00000735 +8,9074,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000736_post_disaster.png,woolsey-fire_00000736_post_disaster,3,4023,tier3\masks\woolsey-fire_00000736_post_disaster.png,0,0,24,28274,00000736 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000736_pre_disaster.png,woolsey-fire_00000736_pre_disaster,0,0,tier3\masks\woolsey-fire_00000736_pre_disaster.png,0,0,34,41506,00000736 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000737_post_disaster.png,woolsey-fire_00000737_post_disaster,0,0,tier3\masks\woolsey-fire_00000737_post_disaster.png,0,0,0,0,00000737 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000737_pre_disaster.png,woolsey-fire_00000737_pre_disaster,0,0,tier3\masks\woolsey-fire_00000737_pre_disaster.png,0,0,0,0,00000737 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000738_post_disaster.png,woolsey-fire_00000738_post_disaster,0,0,tier3\masks\woolsey-fire_00000738_post_disaster.png,0,0,0,0,00000738 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000738_pre_disaster.png,woolsey-fire_00000738_pre_disaster,0,0,tier3\masks\woolsey-fire_00000738_pre_disaster.png,0,0,0,0,00000738 +7,3404,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000739_post_disaster.png,woolsey-fire_00000739_post_disaster,0,0,tier3\masks\woolsey-fire_00000739_post_disaster.png,0,0,6,1868,00000739 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000739_pre_disaster.png,woolsey-fire_00000739_pre_disaster,0,0,tier3\masks\woolsey-fire_00000739_pre_disaster.png,0,0,13,5272,00000739 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000740_post_disaster.png,woolsey-fire_00000740_post_disaster,0,0,tier3\masks\woolsey-fire_00000740_post_disaster.png,0,0,4,2362,00000740 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000740_pre_disaster.png,woolsey-fire_00000740_pre_disaster,0,0,tier3\masks\woolsey-fire_00000740_pre_disaster.png,0,0,4,2413,00000740 +2,2854,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000741_post_disaster.png,woolsey-fire_00000741_post_disaster,1,60,tier3\masks\woolsey-fire_00000741_post_disaster.png,0,0,34,25140,00000741 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000741_pre_disaster.png,woolsey-fire_00000741_pre_disaster,0,0,tier3\masks\woolsey-fire_00000741_pre_disaster.png,0,0,37,28127,00000741 +4,2188,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000742_post_disaster.png,woolsey-fire_00000742_post_disaster,0,0,tier3\masks\woolsey-fire_00000742_post_disaster.png,0,0,3,479,00000742 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000742_pre_disaster.png,woolsey-fire_00000742_pre_disaster,0,0,tier3\masks\woolsey-fire_00000742_pre_disaster.png,0,0,7,2667,00000742 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000743_post_disaster.png,woolsey-fire_00000743_post_disaster,0,0,tier3\masks\woolsey-fire_00000743_post_disaster.png,0,0,0,0,00000743 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000743_pre_disaster.png,woolsey-fire_00000743_pre_disaster,0,0,tier3\masks\woolsey-fire_00000743_pre_disaster.png,0,0,0,0,00000743 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000744_post_disaster.png,woolsey-fire_00000744_post_disaster,0,0,tier3\masks\woolsey-fire_00000744_post_disaster.png,0,0,0,0,00000744 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000744_pre_disaster.png,woolsey-fire_00000744_pre_disaster,0,0,tier3\masks\woolsey-fire_00000744_pre_disaster.png,0,0,0,0,00000744 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000745_post_disaster.png,woolsey-fire_00000745_post_disaster,0,0,tier3\masks\woolsey-fire_00000745_post_disaster.png,0,0,28,41394,00000745 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000745_pre_disaster.png,woolsey-fire_00000745_pre_disaster,0,0,tier3\masks\woolsey-fire_00000745_pre_disaster.png,0,0,28,41437,00000745 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000746_post_disaster.png,woolsey-fire_00000746_post_disaster,0,0,tier3\masks\woolsey-fire_00000746_post_disaster.png,0,0,0,0,00000746 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000746_pre_disaster.png,woolsey-fire_00000746_pre_disaster,0,0,tier3\masks\woolsey-fire_00000746_pre_disaster.png,0,0,0,0,00000746 +4,2232,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000747_post_disaster.png,woolsey-fire_00000747_post_disaster,0,0,tier3\masks\woolsey-fire_00000747_post_disaster.png,0,0,10,7427,00000747 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000747_pre_disaster.png,woolsey-fire_00000747_pre_disaster,0,0,tier3\masks\woolsey-fire_00000747_pre_disaster.png,0,0,14,9659,00000747 +3,278,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000748_post_disaster.png,woolsey-fire_00000748_post_disaster,0,0,tier3\masks\woolsey-fire_00000748_post_disaster.png,0,0,6,2596,00000748 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000748_pre_disaster.png,woolsey-fire_00000748_pre_disaster,0,0,tier3\masks\woolsey-fire_00000748_pre_disaster.png,0,0,9,2874,00000748 +9,5237,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000749_post_disaster.png,woolsey-fire_00000749_post_disaster,0,0,tier3\masks\woolsey-fire_00000749_post_disaster.png,0,0,16,11564,00000749 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000749_pre_disaster.png,woolsey-fire_00000749_pre_disaster,0,0,tier3\masks\woolsey-fire_00000749_pre_disaster.png,0,0,25,16870,00000749 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000750_post_disaster.png,woolsey-fire_00000750_post_disaster,0,0,tier3\masks\woolsey-fire_00000750_post_disaster.png,0,0,0,0,00000750 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000750_pre_disaster.png,woolsey-fire_00000750_pre_disaster,0,0,tier3\masks\woolsey-fire_00000750_pre_disaster.png,0,0,0,0,00000750 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000751_post_disaster.png,woolsey-fire_00000751_post_disaster,0,0,tier3\masks\woolsey-fire_00000751_post_disaster.png,0,0,0,0,00000751 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000751_pre_disaster.png,woolsey-fire_00000751_pre_disaster,0,0,tier3\masks\woolsey-fire_00000751_pre_disaster.png,0,0,0,0,00000751 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000752_post_disaster.png,woolsey-fire_00000752_post_disaster,0,0,tier3\masks\woolsey-fire_00000752_post_disaster.png,0,0,89,110632,00000752 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000752_pre_disaster.png,woolsey-fire_00000752_pre_disaster,0,0,tier3\masks\woolsey-fire_00000752_pre_disaster.png,0,0,89,110767,00000752 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000753_post_disaster.png,woolsey-fire_00000753_post_disaster,0,0,tier3\masks\woolsey-fire_00000753_post_disaster.png,0,0,0,0,00000753 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000753_pre_disaster.png,woolsey-fire_00000753_pre_disaster,0,0,tier3\masks\woolsey-fire_00000753_pre_disaster.png,0,0,0,0,00000753 +4,10177,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000754_post_disaster.png,woolsey-fire_00000754_post_disaster,0,0,tier3\masks\woolsey-fire_00000754_post_disaster.png,0,0,11,12930,00000754 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000754_pre_disaster.png,woolsey-fire_00000754_pre_disaster,0,0,tier3\masks\woolsey-fire_00000754_pre_disaster.png,0,0,15,23225,00000754 +25,19269,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000755_post_disaster.png,woolsey-fire_00000755_post_disaster,0,0,tier3\masks\woolsey-fire_00000755_post_disaster.png,0,0,29,21771,00000755 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000755_pre_disaster.png,woolsey-fire_00000755_pre_disaster,0,0,tier3\masks\woolsey-fire_00000755_pre_disaster.png,0,0,53,41122,00000755 +1,650,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000756_post_disaster.png,woolsey-fire_00000756_post_disaster,0,0,tier3\masks\woolsey-fire_00000756_post_disaster.png,0,0,0,0,00000756 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000756_pre_disaster.png,woolsey-fire_00000756_pre_disaster,0,0,tier3\masks\woolsey-fire_00000756_pre_disaster.png,0,0,1,650,00000756 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000757_post_disaster.png,woolsey-fire_00000757_post_disaster,0,0,tier3\masks\woolsey-fire_00000757_post_disaster.png,0,0,0,0,00000757 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000757_pre_disaster.png,woolsey-fire_00000757_pre_disaster,0,0,tier3\masks\woolsey-fire_00000757_pre_disaster.png,0,0,0,0,00000757 +5,1111,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000758_post_disaster.png,woolsey-fire_00000758_post_disaster,0,0,tier3\masks\woolsey-fire_00000758_post_disaster.png,0,0,2,5924,00000758 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000758_pre_disaster.png,woolsey-fire_00000758_pre_disaster,0,0,tier3\masks\woolsey-fire_00000758_pre_disaster.png,0,0,7,7035,00000758 +12,17910,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000759_post_disaster.png,woolsey-fire_00000759_post_disaster,1,2568,tier3\masks\woolsey-fire_00000759_post_disaster.png,1,217,12,17718,00000759 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000759_pre_disaster.png,woolsey-fire_00000759_pre_disaster,0,0,tier3\masks\woolsey-fire_00000759_pre_disaster.png,0,0,26,38544,00000759 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000760_post_disaster.png,woolsey-fire_00000760_post_disaster,0,0,tier3\masks\woolsey-fire_00000760_post_disaster.png,0,0,0,0,00000760 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000760_pre_disaster.png,woolsey-fire_00000760_pre_disaster,0,0,tier3\masks\woolsey-fire_00000760_pre_disaster.png,0,0,0,0,00000760 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000761_post_disaster.png,woolsey-fire_00000761_post_disaster,0,0,tier3\masks\woolsey-fire_00000761_post_disaster.png,0,0,0,0,00000761 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000761_pre_disaster.png,woolsey-fire_00000761_pre_disaster,0,0,tier3\masks\woolsey-fire_00000761_pre_disaster.png,0,0,0,0,00000761 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000762_post_disaster.png,woolsey-fire_00000762_post_disaster,0,0,tier3\masks\woolsey-fire_00000762_post_disaster.png,0,0,0,0,00000762 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000762_pre_disaster.png,woolsey-fire_00000762_pre_disaster,0,0,tier3\masks\woolsey-fire_00000762_pre_disaster.png,0,0,0,0,00000762 +3,1571,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000763_post_disaster.png,woolsey-fire_00000763_post_disaster,0,0,tier3\masks\woolsey-fire_00000763_post_disaster.png,1,1005,9,5561,00000763 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000763_pre_disaster.png,woolsey-fire_00000763_pre_disaster,0,0,tier3\masks\woolsey-fire_00000763_pre_disaster.png,0,0,13,8146,00000763 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000764_post_disaster.png,woolsey-fire_00000764_post_disaster,0,0,tier3\masks\woolsey-fire_00000764_post_disaster.png,0,0,0,0,00000764 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000764_pre_disaster.png,woolsey-fire_00000764_pre_disaster,0,0,tier3\masks\woolsey-fire_00000764_pre_disaster.png,0,0,0,0,00000764 +11,4256,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000765_post_disaster.png,woolsey-fire_00000765_post_disaster,1,153,tier3\masks\woolsey-fire_00000765_post_disaster.png,1,280,3,1748,00000765 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000765_pre_disaster.png,woolsey-fire_00000765_pre_disaster,0,0,tier3\masks\woolsey-fire_00000765_pre_disaster.png,0,0,16,6437,00000765 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000766_post_disaster.png,woolsey-fire_00000766_post_disaster,0,0,tier3\masks\woolsey-fire_00000766_post_disaster.png,0,0,0,0,00000766 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000766_pre_disaster.png,woolsey-fire_00000766_pre_disaster,0,0,tier3\masks\woolsey-fire_00000766_pre_disaster.png,0,0,0,0,00000766 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000767_post_disaster.png,woolsey-fire_00000767_post_disaster,0,0,tier3\masks\woolsey-fire_00000767_post_disaster.png,0,0,0,0,00000767 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000767_pre_disaster.png,woolsey-fire_00000767_pre_disaster,0,0,tier3\masks\woolsey-fire_00000767_pre_disaster.png,0,0,0,0,00000767 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000768_post_disaster.png,woolsey-fire_00000768_post_disaster,0,0,tier3\masks\woolsey-fire_00000768_post_disaster.png,0,0,0,0,00000768 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000768_pre_disaster.png,woolsey-fire_00000768_pre_disaster,0,0,tier3\masks\woolsey-fire_00000768_pre_disaster.png,0,0,0,0,00000768 +3,2967,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000769_post_disaster.png,woolsey-fire_00000769_post_disaster,0,0,tier3\masks\woolsey-fire_00000769_post_disaster.png,0,0,1,789,00000769 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000769_pre_disaster.png,woolsey-fire_00000769_pre_disaster,0,0,tier3\masks\woolsey-fire_00000769_pre_disaster.png,0,0,4,3762,00000769 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000770_post_disaster.png,woolsey-fire_00000770_post_disaster,0,0,tier3\masks\woolsey-fire_00000770_post_disaster.png,0,0,0,0,00000770 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000770_pre_disaster.png,woolsey-fire_00000770_pre_disaster,0,0,tier3\masks\woolsey-fire_00000770_pre_disaster.png,0,0,0,0,00000770 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000771_post_disaster.png,woolsey-fire_00000771_post_disaster,0,0,tier3\masks\woolsey-fire_00000771_post_disaster.png,0,0,1,70,00000771 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000771_pre_disaster.png,woolsey-fire_00000771_pre_disaster,0,0,tier3\masks\woolsey-fire_00000771_pre_disaster.png,0,0,1,70,00000771 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000772_post_disaster.png,woolsey-fire_00000772_post_disaster,0,0,tier3\masks\woolsey-fire_00000772_post_disaster.png,0,0,0,0,00000772 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000772_pre_disaster.png,woolsey-fire_00000772_pre_disaster,0,0,tier3\masks\woolsey-fire_00000772_pre_disaster.png,0,0,0,0,00000772 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000773_post_disaster.png,woolsey-fire_00000773_post_disaster,0,0,tier3\masks\woolsey-fire_00000773_post_disaster.png,0,0,0,0,00000773 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000773_pre_disaster.png,woolsey-fire_00000773_pre_disaster,0,0,tier3\masks\woolsey-fire_00000773_pre_disaster.png,0,0,0,0,00000773 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000774_post_disaster.png,woolsey-fire_00000774_post_disaster,0,0,tier3\masks\woolsey-fire_00000774_post_disaster.png,0,0,1,536,00000774 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000774_pre_disaster.png,woolsey-fire_00000774_pre_disaster,0,0,tier3\masks\woolsey-fire_00000774_pre_disaster.png,0,0,1,599,00000774 +5,3171,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000775_post_disaster.png,woolsey-fire_00000775_post_disaster,0,0,tier3\masks\woolsey-fire_00000775_post_disaster.png,0,0,0,0,00000775 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000775_pre_disaster.png,woolsey-fire_00000775_pre_disaster,0,0,tier3\masks\woolsey-fire_00000775_pre_disaster.png,0,0,5,3171,00000775 +10,5096,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000776_post_disaster.png,woolsey-fire_00000776_post_disaster,0,0,tier3\masks\woolsey-fire_00000776_post_disaster.png,0,0,6,5583,00000776 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000776_pre_disaster.png,woolsey-fire_00000776_pre_disaster,0,0,tier3\masks\woolsey-fire_00000776_pre_disaster.png,0,0,16,10758,00000776 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000777_post_disaster.png,woolsey-fire_00000777_post_disaster,0,0,tier3\masks\woolsey-fire_00000777_post_disaster.png,0,0,0,0,00000777 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000777_pre_disaster.png,woolsey-fire_00000777_pre_disaster,0,0,tier3\masks\woolsey-fire_00000777_pre_disaster.png,0,0,0,0,00000777 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000778_post_disaster.png,woolsey-fire_00000778_post_disaster,0,0,tier3\masks\woolsey-fire_00000778_post_disaster.png,0,0,0,0,00000778 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000778_pre_disaster.png,woolsey-fire_00000778_pre_disaster,0,0,tier3\masks\woolsey-fire_00000778_pre_disaster.png,0,0,0,0,00000778 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000779_post_disaster.png,woolsey-fire_00000779_post_disaster,0,0,tier3\masks\woolsey-fire_00000779_post_disaster.png,0,0,0,0,00000779 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000779_pre_disaster.png,woolsey-fire_00000779_pre_disaster,0,0,tier3\masks\woolsey-fire_00000779_pre_disaster.png,0,0,0,0,00000779 +1,285,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000780_post_disaster.png,woolsey-fire_00000780_post_disaster,0,0,tier3\masks\woolsey-fire_00000780_post_disaster.png,0,0,0,0,00000780 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000780_pre_disaster.png,woolsey-fire_00000780_pre_disaster,0,0,tier3\masks\woolsey-fire_00000780_pre_disaster.png,0,0,1,285,00000780 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000781_post_disaster.png,woolsey-fire_00000781_post_disaster,0,0,tier3\masks\woolsey-fire_00000781_post_disaster.png,0,0,0,0,00000781 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000781_pre_disaster.png,woolsey-fire_00000781_pre_disaster,0,0,tier3\masks\woolsey-fire_00000781_pre_disaster.png,0,0,0,0,00000781 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000782_post_disaster.png,woolsey-fire_00000782_post_disaster,0,0,tier3\masks\woolsey-fire_00000782_post_disaster.png,0,0,0,0,00000782 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000782_pre_disaster.png,woolsey-fire_00000782_pre_disaster,0,0,tier3\masks\woolsey-fire_00000782_pre_disaster.png,0,0,0,0,00000782 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000783_post_disaster.png,woolsey-fire_00000783_post_disaster,0,0,tier3\masks\woolsey-fire_00000783_post_disaster.png,0,0,18,32113,00000783 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000783_pre_disaster.png,woolsey-fire_00000783_pre_disaster,0,0,tier3\masks\woolsey-fire_00000783_pre_disaster.png,0,0,18,32158,00000783 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000784_post_disaster.png,woolsey-fire_00000784_post_disaster,0,0,tier3\masks\woolsey-fire_00000784_post_disaster.png,0,0,8,2749,00000784 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000784_pre_disaster.png,woolsey-fire_00000784_pre_disaster,0,0,tier3\masks\woolsey-fire_00000784_pre_disaster.png,0,0,8,2749,00000784 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000785_post_disaster.png,woolsey-fire_00000785_post_disaster,0,0,tier3\masks\woolsey-fire_00000785_post_disaster.png,0,0,0,0,00000785 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000785_pre_disaster.png,woolsey-fire_00000785_pre_disaster,0,0,tier3\masks\woolsey-fire_00000785_pre_disaster.png,0,0,0,0,00000785 +2,225,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000786_post_disaster.png,woolsey-fire_00000786_post_disaster,0,0,tier3\masks\woolsey-fire_00000786_post_disaster.png,1,729,0,0,00000786 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000786_pre_disaster.png,woolsey-fire_00000786_pre_disaster,0,0,tier3\masks\woolsey-fire_00000786_pre_disaster.png,0,0,3,954,00000786 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000787_post_disaster.png,woolsey-fire_00000787_post_disaster,0,0,tier3\masks\woolsey-fire_00000787_post_disaster.png,0,0,0,0,00000787 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000787_pre_disaster.png,woolsey-fire_00000787_pre_disaster,0,0,tier3\masks\woolsey-fire_00000787_pre_disaster.png,0,0,0,0,00000787 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000788_post_disaster.png,woolsey-fire_00000788_post_disaster,0,0,tier3\masks\woolsey-fire_00000788_post_disaster.png,0,0,0,0,00000788 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000788_pre_disaster.png,woolsey-fire_00000788_pre_disaster,0,0,tier3\masks\woolsey-fire_00000788_pre_disaster.png,0,0,0,0,00000788 +18,5664,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000789_post_disaster.png,woolsey-fire_00000789_post_disaster,1,272,tier3\masks\woolsey-fire_00000789_post_disaster.png,0,0,4,1971,00000789 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000789_pre_disaster.png,woolsey-fire_00000789_pre_disaster,0,0,tier3\masks\woolsey-fire_00000789_pre_disaster.png,0,0,23,7959,00000789 +2,137,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000790_post_disaster.png,woolsey-fire_00000790_post_disaster,0,0,tier3\masks\woolsey-fire_00000790_post_disaster.png,0,0,0,0,00000790 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000790_pre_disaster.png,woolsey-fire_00000790_pre_disaster,0,0,tier3\masks\woolsey-fire_00000790_pre_disaster.png,0,0,2,137,00000790 +3,1592,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000791_post_disaster.png,woolsey-fire_00000791_post_disaster,0,0,tier3\masks\woolsey-fire_00000791_post_disaster.png,0,0,11,23308,00000791 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000791_pre_disaster.png,woolsey-fire_00000791_pre_disaster,0,0,tier3\masks\woolsey-fire_00000791_pre_disaster.png,0,0,14,24961,00000791 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000792_post_disaster.png,woolsey-fire_00000792_post_disaster,0,0,tier3\masks\woolsey-fire_00000792_post_disaster.png,0,0,0,0,00000792 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000792_pre_disaster.png,woolsey-fire_00000792_pre_disaster,0,0,tier3\masks\woolsey-fire_00000792_pre_disaster.png,0,0,0,0,00000792 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000793_post_disaster.png,woolsey-fire_00000793_post_disaster,0,0,tier3\masks\woolsey-fire_00000793_post_disaster.png,0,0,15,27045,00000793 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000793_pre_disaster.png,woolsey-fire_00000793_pre_disaster,0,0,tier3\masks\woolsey-fire_00000793_pre_disaster.png,0,0,15,27073,00000793 +5,2089,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000794_post_disaster.png,woolsey-fire_00000794_post_disaster,0,0,tier3\masks\woolsey-fire_00000794_post_disaster.png,0,0,0,0,00000794 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000794_pre_disaster.png,woolsey-fire_00000794_pre_disaster,0,0,tier3\masks\woolsey-fire_00000794_pre_disaster.png,0,0,5,2089,00000794 +7,4572,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000795_post_disaster.png,woolsey-fire_00000795_post_disaster,2,371,tier3\masks\woolsey-fire_00000795_post_disaster.png,0,0,12,6081,00000795 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000795_pre_disaster.png,woolsey-fire_00000795_pre_disaster,0,0,tier3\masks\woolsey-fire_00000795_pre_disaster.png,0,0,21,11101,00000795 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000796_post_disaster.png,woolsey-fire_00000796_post_disaster,0,0,tier3\masks\woolsey-fire_00000796_post_disaster.png,0,0,0,0,00000796 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000796_pre_disaster.png,woolsey-fire_00000796_pre_disaster,0,0,tier3\masks\woolsey-fire_00000796_pre_disaster.png,0,0,0,0,00000796 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000797_post_disaster.png,woolsey-fire_00000797_post_disaster,0,0,tier3\masks\woolsey-fire_00000797_post_disaster.png,0,0,0,0,00000797 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000797_pre_disaster.png,woolsey-fire_00000797_pre_disaster,0,0,tier3\masks\woolsey-fire_00000797_pre_disaster.png,0,0,0,0,00000797 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000798_post_disaster.png,woolsey-fire_00000798_post_disaster,0,0,tier3\masks\woolsey-fire_00000798_post_disaster.png,0,0,0,0,00000798 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000798_pre_disaster.png,woolsey-fire_00000798_pre_disaster,0,0,tier3\masks\woolsey-fire_00000798_pre_disaster.png,0,0,0,0,00000798 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000799_post_disaster.png,woolsey-fire_00000799_post_disaster,0,0,tier3\masks\woolsey-fire_00000799_post_disaster.png,0,0,1,769,00000799 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000799_pre_disaster.png,woolsey-fire_00000799_pre_disaster,0,0,tier3\masks\woolsey-fire_00000799_pre_disaster.png,0,0,1,769,00000799 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000800_post_disaster.png,woolsey-fire_00000800_post_disaster,0,0,tier3\masks\woolsey-fire_00000800_post_disaster.png,0,0,15,22327,00000800 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000800_pre_disaster.png,woolsey-fire_00000800_pre_disaster,0,0,tier3\masks\woolsey-fire_00000800_pre_disaster.png,0,0,15,22327,00000800 +8,1455,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000801_post_disaster.png,woolsey-fire_00000801_post_disaster,0,0,tier3\masks\woolsey-fire_00000801_post_disaster.png,0,0,0,0,00000801 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000801_pre_disaster.png,woolsey-fire_00000801_pre_disaster,0,0,tier3\masks\woolsey-fire_00000801_pre_disaster.png,0,0,8,1455,00000801 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000802_post_disaster.png,woolsey-fire_00000802_post_disaster,0,0,tier3\masks\woolsey-fire_00000802_post_disaster.png,0,0,0,0,00000802 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000802_pre_disaster.png,woolsey-fire_00000802_pre_disaster,0,0,tier3\masks\woolsey-fire_00000802_pre_disaster.png,0,0,0,0,00000802 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000803_post_disaster.png,woolsey-fire_00000803_post_disaster,0,0,tier3\masks\woolsey-fire_00000803_post_disaster.png,0,0,3,298,00000803 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000803_pre_disaster.png,woolsey-fire_00000803_pre_disaster,0,0,tier3\masks\woolsey-fire_00000803_pre_disaster.png,0,0,3,298,00000803 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000804_post_disaster.png,woolsey-fire_00000804_post_disaster,0,0,tier3\masks\woolsey-fire_00000804_post_disaster.png,0,0,1,111,00000804 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000804_pre_disaster.png,woolsey-fire_00000804_pre_disaster,0,0,tier3\masks\woolsey-fire_00000804_pre_disaster.png,0,0,1,111,00000804 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000805_post_disaster.png,woolsey-fire_00000805_post_disaster,0,0,tier3\masks\woolsey-fire_00000805_post_disaster.png,0,0,0,0,00000805 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000805_pre_disaster.png,woolsey-fire_00000805_pre_disaster,0,0,tier3\masks\woolsey-fire_00000805_pre_disaster.png,0,0,0,0,00000805 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000806_post_disaster.png,woolsey-fire_00000806_post_disaster,0,0,tier3\masks\woolsey-fire_00000806_post_disaster.png,0,0,1,497,00000806 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000806_pre_disaster.png,woolsey-fire_00000806_pre_disaster,0,0,tier3\masks\woolsey-fire_00000806_pre_disaster.png,0,0,1,497,00000806 +22,6859,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000807_post_disaster.png,woolsey-fire_00000807_post_disaster,5,3624,tier3\masks\woolsey-fire_00000807_post_disaster.png,0,0,9,1039,00000807 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000807_pre_disaster.png,woolsey-fire_00000807_pre_disaster,0,0,tier3\masks\woolsey-fire_00000807_pre_disaster.png,0,0,36,11522,00000807 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000808_post_disaster.png,woolsey-fire_00000808_post_disaster,0,0,tier3\masks\woolsey-fire_00000808_post_disaster.png,0,0,0,0,00000808 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000808_pre_disaster.png,woolsey-fire_00000808_pre_disaster,0,0,tier3\masks\woolsey-fire_00000808_pre_disaster.png,0,0,0,0,00000808 +1,1736,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000809_post_disaster.png,woolsey-fire_00000809_post_disaster,1,252,tier3\masks\woolsey-fire_00000809_post_disaster.png,0,0,4,8307,00000809 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000809_pre_disaster.png,woolsey-fire_00000809_pre_disaster,0,0,tier3\masks\woolsey-fire_00000809_pre_disaster.png,0,0,6,10295,00000809 +3,487,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000810_post_disaster.png,woolsey-fire_00000810_post_disaster,0,0,tier3\masks\woolsey-fire_00000810_post_disaster.png,0,0,0,0,00000810 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000810_pre_disaster.png,woolsey-fire_00000810_pre_disaster,0,0,tier3\masks\woolsey-fire_00000810_pre_disaster.png,0,0,3,487,00000810 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000811_post_disaster.png,woolsey-fire_00000811_post_disaster,0,0,tier3\masks\woolsey-fire_00000811_post_disaster.png,0,0,0,0,00000811 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000811_pre_disaster.png,woolsey-fire_00000811_pre_disaster,0,0,tier3\masks\woolsey-fire_00000811_pre_disaster.png,0,0,0,0,00000811 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000812_post_disaster.png,woolsey-fire_00000812_post_disaster,0,0,tier3\masks\woolsey-fire_00000812_post_disaster.png,0,0,0,0,00000812 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000812_pre_disaster.png,woolsey-fire_00000812_pre_disaster,0,0,tier3\masks\woolsey-fire_00000812_pre_disaster.png,0,0,0,0,00000812 +2,1584,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000813_post_disaster.png,woolsey-fire_00000813_post_disaster,0,0,tier3\masks\woolsey-fire_00000813_post_disaster.png,0,0,3,1428,00000813 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000813_pre_disaster.png,woolsey-fire_00000813_pre_disaster,0,0,tier3\masks\woolsey-fire_00000813_pre_disaster.png,0,0,5,3012,00000813 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000814_post_disaster.png,woolsey-fire_00000814_post_disaster,0,0,tier3\masks\woolsey-fire_00000814_post_disaster.png,0,0,0,0,00000814 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000814_pre_disaster.png,woolsey-fire_00000814_pre_disaster,0,0,tier3\masks\woolsey-fire_00000814_pre_disaster.png,0,0,0,0,00000814 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000815_post_disaster.png,woolsey-fire_00000815_post_disaster,0,0,tier3\masks\woolsey-fire_00000815_post_disaster.png,0,0,0,0,00000815 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000815_pre_disaster.png,woolsey-fire_00000815_pre_disaster,0,0,tier3\masks\woolsey-fire_00000815_pre_disaster.png,0,0,0,0,00000815 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000816_post_disaster.png,woolsey-fire_00000816_post_disaster,0,0,tier3\masks\woolsey-fire_00000816_post_disaster.png,0,0,0,0,00000816 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000816_pre_disaster.png,woolsey-fire_00000816_pre_disaster,0,0,tier3\masks\woolsey-fire_00000816_pre_disaster.png,0,0,0,0,00000816 +3,1697,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000817_post_disaster.png,woolsey-fire_00000817_post_disaster,1,432,tier3\masks\woolsey-fire_00000817_post_disaster.png,2,1187,0,0,00000817 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000817_pre_disaster.png,woolsey-fire_00000817_pre_disaster,0,0,tier3\masks\woolsey-fire_00000817_pre_disaster.png,0,0,6,3316,00000817 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000818_post_disaster.png,woolsey-fire_00000818_post_disaster,0,0,tier3\masks\woolsey-fire_00000818_post_disaster.png,0,0,0,0,00000818 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000818_pre_disaster.png,woolsey-fire_00000818_pre_disaster,0,0,tier3\masks\woolsey-fire_00000818_pre_disaster.png,0,0,0,0,00000818 +3,3984,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000819_post_disaster.png,woolsey-fire_00000819_post_disaster,0,0,tier3\masks\woolsey-fire_00000819_post_disaster.png,0,0,2,379,00000819 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000819_pre_disaster.png,woolsey-fire_00000819_pre_disaster,0,0,tier3\masks\woolsey-fire_00000819_pre_disaster.png,0,0,5,4363,00000819 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000820_post_disaster.png,woolsey-fire_00000820_post_disaster,0,0,tier3\masks\woolsey-fire_00000820_post_disaster.png,0,0,0,0,00000820 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000820_pre_disaster.png,woolsey-fire_00000820_pre_disaster,0,0,tier3\masks\woolsey-fire_00000820_pre_disaster.png,0,0,0,0,00000820 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000821_post_disaster.png,woolsey-fire_00000821_post_disaster,0,0,tier3\masks\woolsey-fire_00000821_post_disaster.png,0,0,0,0,00000821 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000821_pre_disaster.png,woolsey-fire_00000821_pre_disaster,0,0,tier3\masks\woolsey-fire_00000821_pre_disaster.png,0,0,0,0,00000821 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000822_post_disaster.png,woolsey-fire_00000822_post_disaster,0,0,tier3\masks\woolsey-fire_00000822_post_disaster.png,0,0,9,4295,00000822 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000822_pre_disaster.png,woolsey-fire_00000822_pre_disaster,0,0,tier3\masks\woolsey-fire_00000822_pre_disaster.png,0,0,9,4315,00000822 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000823_post_disaster.png,woolsey-fire_00000823_post_disaster,0,0,tier3\masks\woolsey-fire_00000823_post_disaster.png,0,0,0,0,00000823 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000823_pre_disaster.png,woolsey-fire_00000823_pre_disaster,0,0,tier3\masks\woolsey-fire_00000823_pre_disaster.png,0,0,0,0,00000823 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000824_post_disaster.png,woolsey-fire_00000824_post_disaster,0,0,tier3\masks\woolsey-fire_00000824_post_disaster.png,0,0,0,0,00000824 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000824_pre_disaster.png,woolsey-fire_00000824_pre_disaster,0,0,tier3\masks\woolsey-fire_00000824_pre_disaster.png,0,0,0,0,00000824 +4,1785,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000825_post_disaster.png,woolsey-fire_00000825_post_disaster,0,0,tier3\masks\woolsey-fire_00000825_post_disaster.png,1,454,2,1132,00000825 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000825_pre_disaster.png,woolsey-fire_00000825_pre_disaster,0,0,tier3\masks\woolsey-fire_00000825_pre_disaster.png,0,0,7,3371,00000825 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000826_post_disaster.png,woolsey-fire_00000826_post_disaster,0,0,tier3\masks\woolsey-fire_00000826_post_disaster.png,0,0,0,0,00000826 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000826_pre_disaster.png,woolsey-fire_00000826_pre_disaster,0,0,tier3\masks\woolsey-fire_00000826_pre_disaster.png,0,0,0,0,00000826 +8,3409,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000827_post_disaster.png,woolsey-fire_00000827_post_disaster,0,0,tier3\masks\woolsey-fire_00000827_post_disaster.png,0,0,69,58412,00000827 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000827_pre_disaster.png,woolsey-fire_00000827_pre_disaster,0,0,tier3\masks\woolsey-fire_00000827_pre_disaster.png,0,0,77,61865,00000827 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000828_post_disaster.png,woolsey-fire_00000828_post_disaster,0,0,tier3\masks\woolsey-fire_00000828_post_disaster.png,0,0,0,0,00000828 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000828_pre_disaster.png,woolsey-fire_00000828_pre_disaster,0,0,tier3\masks\woolsey-fire_00000828_pre_disaster.png,0,0,0,0,00000828 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000829_post_disaster.png,woolsey-fire_00000829_post_disaster,0,0,tier3\masks\woolsey-fire_00000829_post_disaster.png,0,0,0,0,00000829 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000829_pre_disaster.png,woolsey-fire_00000829_pre_disaster,0,0,tier3\masks\woolsey-fire_00000829_pre_disaster.png,0,0,0,0,00000829 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000830_post_disaster.png,woolsey-fire_00000830_post_disaster,0,0,tier3\masks\woolsey-fire_00000830_post_disaster.png,0,0,46,85905,00000830 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000830_pre_disaster.png,woolsey-fire_00000830_pre_disaster,0,0,tier3\masks\woolsey-fire_00000830_pre_disaster.png,0,0,46,85981,00000830 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000831_post_disaster.png,woolsey-fire_00000831_post_disaster,0,0,tier3\masks\woolsey-fire_00000831_post_disaster.png,0,0,0,0,00000831 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000831_pre_disaster.png,woolsey-fire_00000831_pre_disaster,0,0,tier3\masks\woolsey-fire_00000831_pre_disaster.png,0,0,0,0,00000831 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000832_post_disaster.png,woolsey-fire_00000832_post_disaster,0,0,tier3\masks\woolsey-fire_00000832_post_disaster.png,0,0,0,0,00000832 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000832_pre_disaster.png,woolsey-fire_00000832_pre_disaster,0,0,tier3\masks\woolsey-fire_00000832_pre_disaster.png,0,0,0,0,00000832 +7,7641,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000833_post_disaster.png,woolsey-fire_00000833_post_disaster,3,1975,tier3\masks\woolsey-fire_00000833_post_disaster.png,1,262,21,11418,00000833 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000833_pre_disaster.png,woolsey-fire_00000833_pre_disaster,0,0,tier3\masks\woolsey-fire_00000833_pre_disaster.png,0,0,32,21296,00000833 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000834_post_disaster.png,woolsey-fire_00000834_post_disaster,0,0,tier3\masks\woolsey-fire_00000834_post_disaster.png,0,0,0,0,00000834 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000834_pre_disaster.png,woolsey-fire_00000834_pre_disaster,0,0,tier3\masks\woolsey-fire_00000834_pre_disaster.png,0,0,0,0,00000834 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000835_post_disaster.png,woolsey-fire_00000835_post_disaster,0,0,tier3\masks\woolsey-fire_00000835_post_disaster.png,0,0,0,0,00000835 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000835_pre_disaster.png,woolsey-fire_00000835_pre_disaster,0,0,tier3\masks\woolsey-fire_00000835_pre_disaster.png,0,0,0,0,00000835 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000836_post_disaster.png,woolsey-fire_00000836_post_disaster,0,0,tier3\masks\woolsey-fire_00000836_post_disaster.png,0,0,0,0,00000836 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000836_pre_disaster.png,woolsey-fire_00000836_pre_disaster,0,0,tier3\masks\woolsey-fire_00000836_pre_disaster.png,0,0,0,0,00000836 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000837_post_disaster.png,woolsey-fire_00000837_post_disaster,0,0,tier3\masks\woolsey-fire_00000837_post_disaster.png,0,0,0,0,00000837 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000837_pre_disaster.png,woolsey-fire_00000837_pre_disaster,0,0,tier3\masks\woolsey-fire_00000837_pre_disaster.png,0,0,0,0,00000837 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000838_post_disaster.png,woolsey-fire_00000838_post_disaster,0,0,tier3\masks\woolsey-fire_00000838_post_disaster.png,0,0,57,99803,00000838 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000838_pre_disaster.png,woolsey-fire_00000838_pre_disaster,0,0,tier3\masks\woolsey-fire_00000838_pre_disaster.png,0,0,57,99968,00000838 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000839_post_disaster.png,woolsey-fire_00000839_post_disaster,0,0,tier3\masks\woolsey-fire_00000839_post_disaster.png,0,0,0,0,00000839 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000839_pre_disaster.png,woolsey-fire_00000839_pre_disaster,0,0,tier3\masks\woolsey-fire_00000839_pre_disaster.png,0,0,0,0,00000839 +8,1529,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000840_post_disaster.png,woolsey-fire_00000840_post_disaster,0,0,tier3\masks\woolsey-fire_00000840_post_disaster.png,0,0,1,1179,00000840 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000840_pre_disaster.png,woolsey-fire_00000840_pre_disaster,0,0,tier3\masks\woolsey-fire_00000840_pre_disaster.png,0,0,9,2708,00000840 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000841_post_disaster.png,woolsey-fire_00000841_post_disaster,0,0,tier3\masks\woolsey-fire_00000841_post_disaster.png,0,0,18,13155,00000841 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000841_pre_disaster.png,woolsey-fire_00000841_pre_disaster,0,0,tier3\masks\woolsey-fire_00000841_pre_disaster.png,0,0,18,13155,00000841 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000842_post_disaster.png,woolsey-fire_00000842_post_disaster,0,0,tier3\masks\woolsey-fire_00000842_post_disaster.png,0,0,0,0,00000842 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000842_pre_disaster.png,woolsey-fire_00000842_pre_disaster,0,0,tier3\masks\woolsey-fire_00000842_pre_disaster.png,0,0,0,0,00000842 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000843_post_disaster.png,woolsey-fire_00000843_post_disaster,1,122,tier3\masks\woolsey-fire_00000843_post_disaster.png,0,0,18,36299,00000843 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000843_pre_disaster.png,woolsey-fire_00000843_pre_disaster,0,0,tier3\masks\woolsey-fire_00000843_pre_disaster.png,0,0,19,36421,00000843 +5,7486,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000844_post_disaster.png,woolsey-fire_00000844_post_disaster,0,0,tier3\masks\woolsey-fire_00000844_post_disaster.png,0,0,4,4401,00000844 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000844_pre_disaster.png,woolsey-fire_00000844_pre_disaster,0,0,tier3\masks\woolsey-fire_00000844_pre_disaster.png,0,0,8,12050,00000844 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000845_post_disaster.png,woolsey-fire_00000845_post_disaster,0,0,tier3\masks\woolsey-fire_00000845_post_disaster.png,0,0,2,2415,00000845 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000845_pre_disaster.png,woolsey-fire_00000845_pre_disaster,0,0,tier3\masks\woolsey-fire_00000845_pre_disaster.png,0,0,2,2415,00000845 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000846_post_disaster.png,woolsey-fire_00000846_post_disaster,0,0,tier3\masks\woolsey-fire_00000846_post_disaster.png,0,0,8,6629,00000846 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000846_pre_disaster.png,woolsey-fire_00000846_pre_disaster,0,0,tier3\masks\woolsey-fire_00000846_pre_disaster.png,0,0,8,6629,00000846 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000847_post_disaster.png,woolsey-fire_00000847_post_disaster,0,0,tier3\masks\woolsey-fire_00000847_post_disaster.png,0,0,15,6806,00000847 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000847_pre_disaster.png,woolsey-fire_00000847_pre_disaster,0,0,tier3\masks\woolsey-fire_00000847_pre_disaster.png,0,0,15,6826,00000847 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000848_post_disaster.png,woolsey-fire_00000848_post_disaster,0,0,tier3\masks\woolsey-fire_00000848_post_disaster.png,0,0,0,0,00000848 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000848_pre_disaster.png,woolsey-fire_00000848_pre_disaster,0,0,tier3\masks\woolsey-fire_00000848_pre_disaster.png,0,0,0,0,00000848 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000849_post_disaster.png,woolsey-fire_00000849_post_disaster,0,0,tier3\masks\woolsey-fire_00000849_post_disaster.png,0,0,0,0,00000849 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000849_pre_disaster.png,woolsey-fire_00000849_pre_disaster,0,0,tier3\masks\woolsey-fire_00000849_pre_disaster.png,0,0,0,0,00000849 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000850_post_disaster.png,woolsey-fire_00000850_post_disaster,0,0,tier3\masks\woolsey-fire_00000850_post_disaster.png,0,0,1,279,00000850 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000850_pre_disaster.png,woolsey-fire_00000850_pre_disaster,0,0,tier3\masks\woolsey-fire_00000850_pre_disaster.png,0,0,1,279,00000850 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000851_post_disaster.png,woolsey-fire_00000851_post_disaster,0,0,tier3\masks\woolsey-fire_00000851_post_disaster.png,0,0,0,0,00000851 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000851_pre_disaster.png,woolsey-fire_00000851_pre_disaster,0,0,tier3\masks\woolsey-fire_00000851_pre_disaster.png,0,0,0,0,00000851 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000852_post_disaster.png,woolsey-fire_00000852_post_disaster,0,0,tier3\masks\woolsey-fire_00000852_post_disaster.png,0,0,0,0,00000852 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000852_pre_disaster.png,woolsey-fire_00000852_pre_disaster,0,0,tier3\masks\woolsey-fire_00000852_pre_disaster.png,0,0,0,0,00000852 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000853_post_disaster.png,woolsey-fire_00000853_post_disaster,0,0,tier3\masks\woolsey-fire_00000853_post_disaster.png,0,0,0,0,00000853 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000853_pre_disaster.png,woolsey-fire_00000853_pre_disaster,0,0,tier3\masks\woolsey-fire_00000853_pre_disaster.png,0,0,0,0,00000853 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000854_post_disaster.png,woolsey-fire_00000854_post_disaster,0,0,tier3\masks\woolsey-fire_00000854_post_disaster.png,0,0,0,0,00000854 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000854_pre_disaster.png,woolsey-fire_00000854_pre_disaster,0,0,tier3\masks\woolsey-fire_00000854_pre_disaster.png,0,0,0,0,00000854 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000855_post_disaster.png,woolsey-fire_00000855_post_disaster,0,0,tier3\masks\woolsey-fire_00000855_post_disaster.png,0,0,0,0,00000855 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000855_pre_disaster.png,woolsey-fire_00000855_pre_disaster,0,0,tier3\masks\woolsey-fire_00000855_pre_disaster.png,0,0,0,0,00000855 +11,3948,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000856_post_disaster.png,woolsey-fire_00000856_post_disaster,0,0,tier3\masks\woolsey-fire_00000856_post_disaster.png,1,342,0,0,00000856 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000856_pre_disaster.png,woolsey-fire_00000856_pre_disaster,0,0,tier3\masks\woolsey-fire_00000856_pre_disaster.png,0,0,12,4290,00000856 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000857_post_disaster.png,woolsey-fire_00000857_post_disaster,0,0,tier3\masks\woolsey-fire_00000857_post_disaster.png,0,0,0,0,00000857 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000857_pre_disaster.png,woolsey-fire_00000857_pre_disaster,0,0,tier3\masks\woolsey-fire_00000857_pre_disaster.png,0,0,0,0,00000857 +1,80,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000858_post_disaster.png,woolsey-fire_00000858_post_disaster,0,0,tier3\masks\woolsey-fire_00000858_post_disaster.png,0,0,9,3258,00000858 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000858_pre_disaster.png,woolsey-fire_00000858_pre_disaster,0,0,tier3\masks\woolsey-fire_00000858_pre_disaster.png,0,0,10,3338,00000858 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000859_post_disaster.png,woolsey-fire_00000859_post_disaster,0,0,tier3\masks\woolsey-fire_00000859_post_disaster.png,0,0,0,0,00000859 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000859_pre_disaster.png,woolsey-fire_00000859_pre_disaster,0,0,tier3\masks\woolsey-fire_00000859_pre_disaster.png,0,0,0,0,00000859 +2,2410,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000860_post_disaster.png,woolsey-fire_00000860_post_disaster,0,0,tier3\masks\woolsey-fire_00000860_post_disaster.png,0,0,22,19519,00000860 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000860_pre_disaster.png,woolsey-fire_00000860_pre_disaster,0,0,tier3\masks\woolsey-fire_00000860_pre_disaster.png,0,0,24,21955,00000860 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000861_post_disaster.png,woolsey-fire_00000861_post_disaster,0,0,tier3\masks\woolsey-fire_00000861_post_disaster.png,0,0,0,0,00000861 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000861_pre_disaster.png,woolsey-fire_00000861_pre_disaster,0,0,tier3\masks\woolsey-fire_00000861_pre_disaster.png,0,0,0,0,00000861 +7,3917,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000862_post_disaster.png,woolsey-fire_00000862_post_disaster,3,2526,tier3\masks\woolsey-fire_00000862_post_disaster.png,1,1224,14,14533,00000862 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000862_pre_disaster.png,woolsey-fire_00000862_pre_disaster,0,0,tier3\masks\woolsey-fire_00000862_pre_disaster.png,0,0,25,22200,00000862 +6,1370,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000863_post_disaster.png,woolsey-fire_00000863_post_disaster,0,0,tier3\masks\woolsey-fire_00000863_post_disaster.png,0,0,3,899,00000863 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000863_pre_disaster.png,woolsey-fire_00000863_pre_disaster,0,0,tier3\masks\woolsey-fire_00000863_pre_disaster.png,0,0,9,2303,00000863 +8,10672,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000864_post_disaster.png,woolsey-fire_00000864_post_disaster,0,0,tier3\masks\woolsey-fire_00000864_post_disaster.png,0,0,6,10529,00000864 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000864_pre_disaster.png,woolsey-fire_00000864_pre_disaster,0,0,tier3\masks\woolsey-fire_00000864_pre_disaster.png,0,0,14,21247,00000864 +1,120,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000865_post_disaster.png,woolsey-fire_00000865_post_disaster,1,456,tier3\masks\woolsey-fire_00000865_post_disaster.png,0,0,8,12152,00000865 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000865_pre_disaster.png,woolsey-fire_00000865_pre_disaster,0,0,tier3\masks\woolsey-fire_00000865_pre_disaster.png,0,0,10,12728,00000865 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000866_post_disaster.png,woolsey-fire_00000866_post_disaster,0,0,tier3\masks\woolsey-fire_00000866_post_disaster.png,0,0,6,11153,00000866 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000866_pre_disaster.png,woolsey-fire_00000866_pre_disaster,0,0,tier3\masks\woolsey-fire_00000866_pre_disaster.png,0,0,6,11153,00000866 +3,2733,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000867_post_disaster.png,woolsey-fire_00000867_post_disaster,1,1213,tier3\masks\woolsey-fire_00000867_post_disaster.png,0,0,8,6569,00000867 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000867_pre_disaster.png,woolsey-fire_00000867_pre_disaster,0,0,tier3\masks\woolsey-fire_00000867_pre_disaster.png,0,0,12,10518,00000867 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000868_post_disaster.png,woolsey-fire_00000868_post_disaster,0,0,tier3\masks\woolsey-fire_00000868_post_disaster.png,0,0,0,0,00000868 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000868_pre_disaster.png,woolsey-fire_00000868_pre_disaster,0,0,tier3\masks\woolsey-fire_00000868_pre_disaster.png,0,0,0,0,00000868 +5,609,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000869_post_disaster.png,woolsey-fire_00000869_post_disaster,0,0,tier3\masks\woolsey-fire_00000869_post_disaster.png,0,0,0,0,00000869 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000869_pre_disaster.png,woolsey-fire_00000869_pre_disaster,0,0,tier3\masks\woolsey-fire_00000869_pre_disaster.png,0,0,5,609,00000869 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000870_post_disaster.png,woolsey-fire_00000870_post_disaster,0,0,tier3\masks\woolsey-fire_00000870_post_disaster.png,0,0,0,0,00000870 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000870_pre_disaster.png,woolsey-fire_00000870_pre_disaster,0,0,tier3\masks\woolsey-fire_00000870_pre_disaster.png,0,0,0,0,00000870 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000871_post_disaster.png,woolsey-fire_00000871_post_disaster,1,101,tier3\masks\woolsey-fire_00000871_post_disaster.png,0,0,4,635,00000871 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000871_pre_disaster.png,woolsey-fire_00000871_pre_disaster,0,0,tier3\masks\woolsey-fire_00000871_pre_disaster.png,0,0,5,736,00000871 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000872_post_disaster.png,woolsey-fire_00000872_post_disaster,0,0,tier3\masks\woolsey-fire_00000872_post_disaster.png,0,0,0,0,00000872 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000872_pre_disaster.png,woolsey-fire_00000872_pre_disaster,0,0,tier3\masks\woolsey-fire_00000872_pre_disaster.png,0,0,0,0,00000872 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000873_post_disaster.png,woolsey-fire_00000873_post_disaster,0,0,tier3\masks\woolsey-fire_00000873_post_disaster.png,0,0,0,0,00000873 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000873_pre_disaster.png,woolsey-fire_00000873_pre_disaster,0,0,tier3\masks\woolsey-fire_00000873_pre_disaster.png,0,0,0,0,00000873 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000874_post_disaster.png,woolsey-fire_00000874_post_disaster,0,0,tier3\masks\woolsey-fire_00000874_post_disaster.png,0,0,0,0,00000874 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000874_pre_disaster.png,woolsey-fire_00000874_pre_disaster,0,0,tier3\masks\woolsey-fire_00000874_pre_disaster.png,0,0,0,0,00000874 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000875_post_disaster.png,woolsey-fire_00000875_post_disaster,0,0,tier3\masks\woolsey-fire_00000875_post_disaster.png,0,0,0,0,00000875 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000875_pre_disaster.png,woolsey-fire_00000875_pre_disaster,0,0,tier3\masks\woolsey-fire_00000875_pre_disaster.png,0,0,0,0,00000875 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000876_post_disaster.png,woolsey-fire_00000876_post_disaster,0,0,tier3\masks\woolsey-fire_00000876_post_disaster.png,0,0,0,0,00000876 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000876_pre_disaster.png,woolsey-fire_00000876_pre_disaster,0,0,tier3\masks\woolsey-fire_00000876_pre_disaster.png,0,0,0,0,00000876 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000877_post_disaster.png,woolsey-fire_00000877_post_disaster,0,0,tier3\masks\woolsey-fire_00000877_post_disaster.png,0,0,0,0,00000877 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000877_pre_disaster.png,woolsey-fire_00000877_pre_disaster,0,0,tier3\masks\woolsey-fire_00000877_pre_disaster.png,0,0,0,0,00000877 diff --git a/train.sh b/train.sh new file mode 100644 index 0000000..c1f25fc --- /dev/null +++ b/train.sh @@ -0,0 +1,99 @@ +# Step 0 +python convert_masks.py -dd $XVIEW2_DATA_DIR + +# Train base models (no pseudolabeling, no optimized weights) +# Batch size tuned to fit into p3.8xlarge instance or 4x1080Ti +# Estimated training time ~1 week + +# Step 1 +python fit_predict.py --seed 330 -dd $XVIEW2_DATA_DIR -x fold0_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 0 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 332 -dd $XVIEW2_DATA_DIR -x fold0_resnet101_fpncatv2_256 --model resnet101_fpncatv2_256 --batch-size 48 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 0 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python fit_predict.py --seed 13 -dd $XVIEW2_DATA_DIR -x fold1_seresnext50_unet_v2 --model seresnext50_unet_v2 --batch-size 32 --epochs 150 --learning-rate 0.001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 331 -dd $XVIEW2_DATA_DIR -x fold1_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 1331 -dd $XVIEW2_DATA_DIR -x fold1_densenet201_fpncatv2_256 --model densenet201_fpncatv2_256 --batch-size 32 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python fit_predict.py --seed 333 -dd $XVIEW2_DATA_DIR -x fold2_inceptionv4_fpncatv2_256 --model inceptionv4_fpncatv2_256 --batch-size 48 --epochs 150 --learning-rate 0.001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler poly -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 303 -dd $XVIEW2_DATA_DIR -x fold2_densenet169_unet_v2 --model densenet169_unet_v2 --batch-size 32 --epochs 150 --learning-rate 0.001 --criterion [['ohem_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 332 -dd $XVIEW2_DATA_DIR -x fold2_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python fit_predict.py --seed 50 -dd $XVIEW2_DATA_DIR -x fold3_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 16 --epochs 150 --learning-rate 0.0003 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler cos -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 3 -dd $XVIEW2_DATA_DIR -x fold3_seresnext50_unet_v2 --model seresnext50_unet_v2 --batch-size 32 --epochs 150 --learning-rate 0.001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 3334 -dd $XVIEW2_DATA_DIR -x fold3_efficientb4_fpncatv2_256 --model efficientb4_fpncatv2_256 --batch-size 32 --epochs 150 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python fit_predict.py --seed 334 -dd $XVIEW2_DATA_DIR -x fold4_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 150 --learning-rate 0.001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 4 --scheduler cos -wd 1e-05 --only-buildings True --crops True --post-transform True +python fit_predict.py --seed 133 -dd $XVIEW2_DATA_DIR -x fold4_resnet101_unet_v2 --model resnet101_unet_v2 --batch-size 40 --epochs 150 --learning-rate 0.001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 4 --scheduler simple -wd 0.0001 --only-buildings True --crops True --post-transform True + +# Run inference on test dataset +python predict.py -dd $XVIEW2_DATA_DIR -tta flipscale -p naive -o stage1_predictions -b 16 --fp16 \ + fold0_resnet34_unet_v2.pth\ + fold0_resnet101_fpncatv2_256.pth\ + fold1_seresnext50_unet_v2.pth\ + fold1_resnet34_unet_v2.pth\ + fold1_densenet201_fpncatv2_256.pth\ + fold2_inceptionv4_fpncatv2_256.pth\ + fold2_densenet169_unet_v2.pth\ + fold2_resnet34_unet_v2.pth\ + fold3_resnet34_unet_v2.pth\ + fold3_seresnext50_unet_v2.pth\ + fold3_efficientb4_fpncatv2_256.pth\ + fold4_resnet34_unet_v2.pth\ + fold4_resnet101_unet_v2.pth + +# Step 2 +# Fine-tune using pseudo-label predictions +# Estimated training time ~3-4 days +python finetune.py --seed 330 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold0_pl_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 0 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True +python finetune.py --seed 332 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold0_pl_resnet101_fpncatv2_256 --model resnet101_fpncatv2_256 --batch-size 48 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 0 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python finetune.py --seed 13 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold1_pl_seresnext50_unet_v2 --model seresnext50_unet_v2 --batch-size 32 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 331 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold1_pl_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True +python finetune.py --seed 1331 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold1_pl_densenet201_fpncatv2_256 --model densenet201_fpncatv2_256 --batch-size 32 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 1 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python finetune.py --seed 333 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold2_pl_inceptionv4_fpncatv2_256 --model inceptionv4_fpncatv2_256 --batch-size 48 --epochs 50 --learning-rate 0.001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler poly -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 303 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold2_pl_densenet169_unet_v2 --model densenet169_unet_v2 --batch-size 32 --epochs 50 --learning-rate 0.0001 --criterion [['ohem_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 332 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold2_pl_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 2 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python finetune.py --seed 50 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold3_pl_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 16 --epochs 50 --learning-rate 0.0003 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler cos -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 3 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold3_pl_seresnext50_unet_v2 --model seresnext50_unet_v2 --batch-size 32 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler simple -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 3334 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold3_pl_efficientb4_fpncatv2_256 --model efficientb4_fpncatv2_256 --batch-size 32 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 3 --scheduler cos -wd 0.0001 --only-buildings True --crops True --post-transform True + +python finetune.py --seed 334 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold4_pl_resnet34_unet_v2 --model resnet34_unet_v2 --batch-size 64 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1']] -w 16 -a medium --fp16 --fold 4 --scheduler cos -wd 1e-05 --only-buildings True --crops True --post-transform True +python finetune.py --seed 133 -dd $XVIEW2_DATA_DIR -pl stage1_predictions_pseudolabeling -x fold4_pl_resnet101_unet_v2 --model resnet101_unet_v2 --batch-size 40 --epochs 50 --learning-rate 0.0001 --criterion [['weighted_ce', '1'], ['focal', '1']] -w 16 -a medium --fp16 --fold 4 --scheduler simple -wd 0.0001 --only-buildings True --crops True --post-transform True + + +# Make OOF predictions on fine-tuned models +# This would require up to 1Tb to save raw masks in NPY format +python predict_off.py -dd $XVIEW2_DATA_DIR\ + fold0_pl_resnet34_unet_v2.pth\ + fold0_pl_resnet101_fpncatv2_256.pth\ + fold1_pl_seresnext50_unet_v2.pth\ + fold1_pl_resnet34_unet_v2.pth\ + fold1_pl_densenet201_fpncatv2_256.pth\ + fold2_pl_inceptionv4_fpncatv2_256.pth\ + fold2_pl_densenet169_unet_v2.pth\ + fold2_pl_resnet34_unet_v2.pth\ + fold3_pl_resnet34_unet_v2.pth\ + fold3_pl_seresnext50_unet_v2.pth\ + fold3_pl_efficientb4_fpncatv2_256.pth\ + fold4_pl_resnet34_unet_v2.pth\ + fold4_pl_resnet101_unet_v2.pth + +# Optimize per-class weights. As a result, you will get optimized_weights_%timestamp%.csv file +# This is very CPU and IO consuming operation +# Exhaustive search of optimal weights checkpoint may take up to several hours PER ONE checkpoint. +python optimize_softmax.py -dd $XVIEW2_DATA_DIR\ + fold0_pl_resnet34_unet_v2.pth\ + fold0_pl_resnet101_fpncatv2_256.pth\ + fold1_pl_seresnext50_unet_v2.pth\ + fold1_pl_resnet34_unet_v2.pth\ + fold1_pl_densenet201_fpncatv2_256.pth\ + fold2_pl_inceptionv4_fpncatv2_256.pth\ + fold2_pl_densenet169_unet_v2.pth\ + fold2_pl_resnet34_unet_v2.pth\ + fold3_pl_resnet34_unet_v2.pth\ + fold3_pl_seresnext50_unet_v2.pth\ + fold3_pl_efficientb4_fpncatv2_256.pth\ + fold4_pl_resnet34_unet_v2.pth\ + fold4_pl_resnet101_unet_v2.pth + diff --git a/train_folds.csv b/train_folds.csv new file mode 100644 index 0000000..6da020a --- /dev/null +++ b/train_folds.csv @@ -0,0 +1,18337 @@ +destroyed_buildings,destroyed_pixels,event_name,event_type,folder,image_fname,image_id,light_damaged_buildings,light_damaged_pixels,mask_fname,medium_damaged_buildings,medium_damaged_pixels,non_damaged_buildings,non_damaged_pixels,sample_id,fold +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000000_pre_disaster.png,hurricane-harvey_00000000_pre_disaster,0,0,train\masks\hurricane-harvey_00000000_pre_disaster.png,0,0,28,50402,0,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000000_pre_disaster.png,hurricane-matthew_00000000_pre_disaster,0,0,train\masks\hurricane-matthew_00000000_pre_disaster.png,0,0,20,28818,0,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000000_pre_disaster.png,hurricane-michael_00000000_pre_disaster,0,0,train\masks\hurricane-michael_00000000_pre_disaster.png,0,0,53,63024,0,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000000_pre_disaster.png,mexico-earthquake_00000000_pre_disaster,0,0,train\masks\mexico-earthquake_00000000_pre_disaster.png,0,0,196,448161,0,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000000_pre_disaster.png,palu-tsunami_00000000_pre_disaster,0,0,train\masks\palu-tsunami_00000000_pre_disaster.png,0,0,67,68506,0,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000000_pre_disaster.png,portugal-wildfire_00000000_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000000_pre_disaster.png,0,0,5,2077,0,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000000_pre_disaster.png,woolsey-fire_00000000_pre_disaster,0,0,tier3\masks\woolsey-fire_00000000_pre_disaster.png,0,0,3,4191,0,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000000_pre_disaster.png,joplin-tornado_00000000_pre_disaster,0,0,tier3\masks\joplin-tornado_00000000_pre_disaster.png,0,0,185,198073,0,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000000_pre_disaster.png,lower-puna-volcano_00000000_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000000_pre_disaster.png,0,0,1,140,0,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000000_pre_disaster.png,moore-tornado_00000000_pre_disaster,0,0,tier3\masks\moore-tornado_00000000_pre_disaster.png,0,0,53,90663,0,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000000_pre_disaster.png,nepal-flooding_00000000_pre_disaster,0,0,tier3\masks\nepal-flooding_00000000_pre_disaster.png,0,0,0,0,0,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000000_pre_disaster.png,pinery-bushfire_00000000_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000000_pre_disaster.png,0,0,0,0,0,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000000_pre_disaster.png,tuscaloosa-tornado_00000000_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000000_pre_disaster.png,0,0,8,18011,0,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000000_pre_disaster.png,sunda-tsunami_00000000_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000000_pre_disaster.png,0,0,0,0,0,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000000_pre_disaster.png,hurricane-florence_00000000_pre_disaster,0,0,train\masks\hurricane-florence_00000000_pre_disaster.png,0,0,103,138506,0,3 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000000_pre_disaster.png,guatemala-volcano_00000000_pre_disaster,0,0,train\masks\guatemala-volcano_00000000_pre_disaster.png,0,0,9,15965,0,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000001_pre_disaster.png,palu-tsunami_00000001_pre_disaster,0,0,train\masks\palu-tsunami_00000001_pre_disaster.png,0,0,31,23542,1,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000001_pre_disaster.png,sunda-tsunami_00000001_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000001_pre_disaster.png,0,0,196,234624,1,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000001_pre_disaster.png,midwest-flooding_00000001_pre_disaster,0,0,train\masks\midwest-flooding_00000001_pre_disaster.png,0,0,131,139978,1,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000001_pre_disaster.png,socal-fire_00000001_pre_disaster,0,0,train\masks\socal-fire_00000001_pre_disaster.png,0,0,0,0,1,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000001_pre_disaster.png,woolsey-fire_00000001_pre_disaster,0,0,tier3\masks\woolsey-fire_00000001_pre_disaster.png,0,0,0,0,1,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000001_pre_disaster.png,joplin-tornado_00000001_pre_disaster,0,0,tier3\masks\joplin-tornado_00000001_pre_disaster.png,0,0,196,195054,1,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000001_pre_disaster.png,lower-puna-volcano_00000001_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000001_pre_disaster.png,0,0,4,1853,1,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000001_pre_disaster.png,hurricane-harvey_00000001_pre_disaster,0,0,train\masks\hurricane-harvey_00000001_pre_disaster.png,0,0,71,212774,1,1 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000001_pre_disaster.png,guatemala-volcano_00000001_pre_disaster,0,0,train\masks\guatemala-volcano_00000001_pre_disaster.png,0,0,4,2567,1,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000001_pre_disaster.png,moore-tornado_00000001_pre_disaster,0,0,tier3\masks\moore-tornado_00000001_pre_disaster.png,0,0,0,0,1,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000001_pre_disaster.png,nepal-flooding_00000001_pre_disaster,0,0,tier3\masks\nepal-flooding_00000001_pre_disaster.png,0,0,56,40133,1,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000001_pre_disaster.png,portugal-wildfire_00000001_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000001_pre_disaster.png,0,0,50,34473,1,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000001_pre_disaster.png,hurricane-florence_00000001_pre_disaster,0,0,train\masks\hurricane-florence_00000001_pre_disaster.png,0,0,89,101009,1,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000001_pre_disaster.png,hurricane-matthew_00000001_pre_disaster,0,0,train\masks\hurricane-matthew_00000001_pre_disaster.png,0,0,2,508,1,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000001_pre_disaster.png,hurricane-michael_00000001_pre_disaster,0,0,train\masks\hurricane-michael_00000001_pre_disaster.png,0,0,93,153860,1,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000001_pre_disaster.png,pinery-bushfire_00000001_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000001_pre_disaster.png,0,0,1,88,1,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000001_pre_disaster.png,tuscaloosa-tornado_00000001_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000001_pre_disaster.png,0,0,10,7568,1,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000001_pre_disaster.png,mexico-earthquake_00000001_pre_disaster,0,0,train\masks\mexico-earthquake_00000001_pre_disaster.png,0,0,97,211678,1,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000002_pre_disaster.png,woolsey-fire_00000002_pre_disaster,0,0,tier3\masks\woolsey-fire_00000002_pre_disaster.png,0,0,7,6225,2,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000002_pre_disaster.png,hurricane-harvey_00000002_pre_disaster,0,0,train\masks\hurricane-harvey_00000002_pre_disaster.png,0,0,64,476149,2,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000002_pre_disaster.png,joplin-tornado_00000002_pre_disaster,0,0,tier3\masks\joplin-tornado_00000002_pre_disaster.png,0,0,102,93213,2,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000002_pre_disaster.png,nepal-flooding_00000002_pre_disaster,0,0,tier3\masks\nepal-flooding_00000002_pre_disaster.png,0,0,42,23112,2,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000002_pre_disaster.png,tuscaloosa-tornado_00000002_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000002_pre_disaster.png,0,0,23,61212,2,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000002_pre_disaster.png,portugal-wildfire_00000002_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000002_pre_disaster.png,0,0,0,0,2,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000002_pre_disaster.png,lower-puna-volcano_00000002_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000002_pre_disaster.png,0,0,2,103,2,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000002_pre_disaster.png,guatemala-volcano_00000002_pre_disaster,0,0,train\masks\guatemala-volcano_00000002_pre_disaster.png,0,0,1,2498,2,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000002_pre_disaster.png,hurricane-florence_00000002_pre_disaster,0,0,train\masks\hurricane-florence_00000002_pre_disaster.png,0,0,6,2866,2,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000002_pre_disaster.png,pinery-bushfire_00000002_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000002_pre_disaster.png,0,0,7,1846,2,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000002_pre_disaster.png,palu-tsunami_00000002_pre_disaster,0,0,train\masks\palu-tsunami_00000002_pre_disaster.png,0,0,155,238901,2,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000002_pre_disaster.png,santa-rosa-wildfire_00000002_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000002_pre_disaster.png,0,0,92,80021,2,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000002_pre_disaster.png,midwest-flooding_00000002_pre_disaster,0,0,train\masks\midwest-flooding_00000002_pre_disaster.png,0,0,11,16531,2,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000002_pre_disaster.png,moore-tornado_00000002_pre_disaster,0,0,tier3\masks\moore-tornado_00000002_pre_disaster.png,0,0,9,11310,2,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000002_pre_disaster.png,mexico-earthquake_00000002_pre_disaster,0,0,train\masks\mexico-earthquake_00000002_pre_disaster.png,0,0,168,357119,2,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000002_pre_disaster.png,sunda-tsunami_00000002_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000002_pre_disaster.png,0,0,53,41681,2,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000002_pre_disaster.png,socal-fire_00000002_pre_disaster,0,0,train\masks\socal-fire_00000002_pre_disaster.png,0,0,30,31322,2,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000002_pre_disaster.png,hurricane-matthew_00000002_pre_disaster,0,0,train\masks\hurricane-matthew_00000002_pre_disaster.png,0,0,25,7515,2,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000003_pre_disaster.png,moore-tornado_00000003_pre_disaster,0,0,tier3\masks\moore-tornado_00000003_pre_disaster.png,0,0,201,156508,3,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000003_pre_disaster.png,nepal-flooding_00000003_pre_disaster,0,0,tier3\masks\nepal-flooding_00000003_pre_disaster.png,0,0,12,7249,3,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000003_pre_disaster.png,santa-rosa-wildfire_00000003_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000003_pre_disaster.png,0,0,17,40409,3,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000003_pre_disaster.png,joplin-tornado_00000003_pre_disaster,0,0,tier3\masks\joplin-tornado_00000003_pre_disaster.png,0,0,157,144028,3,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000003_pre_disaster.png,hurricane-matthew_00000003_pre_disaster,0,0,train\masks\hurricane-matthew_00000003_pre_disaster.png,0,0,97,32379,3,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000003_pre_disaster.png,hurricane-michael_00000003_pre_disaster,0,0,train\masks\hurricane-michael_00000003_pre_disaster.png,0,0,35,55852,3,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000003_pre_disaster.png,mexico-earthquake_00000003_pre_disaster,0,0,train\masks\mexico-earthquake_00000003_pre_disaster.png,0,0,326,511566,3,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000003_pre_disaster.png,midwest-flooding_00000003_pre_disaster,0,0,train\masks\midwest-flooding_00000003_pre_disaster.png,0,0,179,267026,3,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000003_pre_disaster.png,palu-tsunami_00000003_pre_disaster,0,0,train\masks\palu-tsunami_00000003_pre_disaster.png,0,0,2,2716,3,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000003_pre_disaster.png,socal-fire_00000003_pre_disaster,0,0,train\masks\socal-fire_00000003_pre_disaster.png,0,0,24,28701,3,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000003_pre_disaster.png,woolsey-fire_00000003_pre_disaster,0,0,tier3\masks\woolsey-fire_00000003_pre_disaster.png,0,0,0,0,3,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000003_pre_disaster.png,pinery-bushfire_00000003_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000003_pre_disaster.png,0,0,0,0,3,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000003_pre_disaster.png,lower-puna-volcano_00000003_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000003_pre_disaster.png,0,0,2,348,3,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000003_pre_disaster.png,portugal-wildfire_00000003_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000003_pre_disaster.png,0,0,6,5920,3,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000003_pre_disaster.png,tuscaloosa-tornado_00000003_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000003_pre_disaster.png,0,0,34,17407,3,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000003_pre_disaster.png,hurricane-florence_00000003_pre_disaster,0,0,train\masks\hurricane-florence_00000003_pre_disaster.png,0,0,60,120023,3,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000003_pre_disaster.png,sunda-tsunami_00000003_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000003_pre_disaster.png,0,0,0,0,3,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000004_pre_disaster.png,mexico-earthquake_00000004_pre_disaster,0,0,train\masks\mexico-earthquake_00000004_pre_disaster.png,0,0,112,286852,4,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000004_pre_disaster.png,joplin-tornado_00000004_pre_disaster,0,0,tier3\masks\joplin-tornado_00000004_pre_disaster.png,0,0,232,202093,4,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000004_pre_disaster.png,tuscaloosa-tornado_00000004_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000004_pre_disaster.png,0,0,89,139974,4,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000004_pre_disaster.png,moore-tornado_00000004_pre_disaster,0,0,tier3\masks\moore-tornado_00000004_pre_disaster.png,0,0,1,114,4,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000004_pre_disaster.png,santa-rosa-wildfire_00000004_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000004_pre_disaster.png,0,0,6,7433,4,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000004_pre_disaster.png,nepal-flooding_00000004_pre_disaster,0,0,tier3\masks\nepal-flooding_00000004_pre_disaster.png,0,0,12,11330,4,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000004_pre_disaster.png,woolsey-fire_00000004_pre_disaster,0,0,tier3\masks\woolsey-fire_00000004_pre_disaster.png,0,0,0,0,4,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000004_pre_disaster.png,socal-fire_00000004_pre_disaster,0,0,train\masks\socal-fire_00000004_pre_disaster.png,0,0,0,0,4,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000004_pre_disaster.png,sunda-tsunami_00000004_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000004_pre_disaster.png,0,0,215,202958,4,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000004_pre_disaster.png,pinery-bushfire_00000004_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000004_pre_disaster.png,0,0,0,0,4,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000004_pre_disaster.png,lower-puna-volcano_00000004_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000004_pre_disaster.png,0,0,19,4088,4,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000004_pre_disaster.png,portugal-wildfire_00000004_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000004_pre_disaster.png,0,0,0,0,4,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000004_pre_disaster.png,hurricane-michael_00000004_pre_disaster,0,0,train\masks\hurricane-michael_00000004_pre_disaster.png,0,0,3,2843,4,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000004_pre_disaster.png,hurricane-matthew_00000004_pre_disaster,0,0,train\masks\hurricane-matthew_00000004_pre_disaster.png,0,0,0,0,4,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000005_pre_disaster.png,pinery-bushfire_00000005_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000005_pre_disaster.png,0,0,0,0,5,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000005_pre_disaster.png,santa-rosa-wildfire_00000005_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000005_pre_disaster.png,0,0,21,143271,5,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000005_pre_disaster.png,hurricane-matthew_00000005_pre_disaster,0,0,train\masks\hurricane-matthew_00000005_pre_disaster.png,0,0,60,16287,5,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000005_pre_disaster.png,nepal-flooding_00000005_pre_disaster,0,0,tier3\masks\nepal-flooding_00000005_pre_disaster.png,0,0,43,35708,5,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000005_pre_disaster.png,woolsey-fire_00000005_pre_disaster,0,0,tier3\masks\woolsey-fire_00000005_pre_disaster.png,0,0,26,16885,5,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000005_pre_disaster.png,lower-puna-volcano_00000005_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000005_pre_disaster.png,0,0,6,910,5,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000005_pre_disaster.png,portugal-wildfire_00000005_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000005_pre_disaster.png,0,0,0,0,5,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000005_pre_disaster.png,joplin-tornado_00000005_pre_disaster,0,0,tier3\masks\joplin-tornado_00000005_pre_disaster.png,0,0,39,32841,5,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000005_pre_disaster.png,sunda-tsunami_00000005_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000005_pre_disaster.png,0,0,38,21142,5,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000005_pre_disaster.png,hurricane-michael_00000005_pre_disaster,0,0,train\masks\hurricane-michael_00000005_pre_disaster.png,0,0,2,1013,5,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000005_pre_disaster.png,tuscaloosa-tornado_00000005_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000005_pre_disaster.png,0,0,0,0,5,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000005_pre_disaster.png,midwest-flooding_00000005_pre_disaster,0,0,train\masks\midwest-flooding_00000005_pre_disaster.png,0,0,3,868,5,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000005_pre_disaster.png,palu-tsunami_00000005_pre_disaster,0,0,train\masks\palu-tsunami_00000005_pre_disaster.png,0,0,100,176377,5,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000005_pre_disaster.png,moore-tornado_00000005_pre_disaster,0,0,tier3\masks\moore-tornado_00000005_pre_disaster.png,0,0,26,28991,5,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000006_pre_disaster.png,lower-puna-volcano_00000006_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000006_pre_disaster.png,0,0,0,0,6,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000006_pre_disaster.png,moore-tornado_00000006_pre_disaster,0,0,tier3\masks\moore-tornado_00000006_pre_disaster.png,0,0,197,171768,6,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000006_pre_disaster.png,woolsey-fire_00000006_pre_disaster,0,0,tier3\masks\woolsey-fire_00000006_pre_disaster.png,0,0,0,0,6,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000006_pre_disaster.png,joplin-tornado_00000006_pre_disaster,0,0,tier3\masks\joplin-tornado_00000006_pre_disaster.png,0,0,36,39725,6,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000006_pre_disaster.png,socal-fire_00000006_pre_disaster,0,0,train\masks\socal-fire_00000006_pre_disaster.png,0,0,10,18859,6,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000006_pre_disaster.png,pinery-bushfire_00000006_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000006_pre_disaster.png,0,0,0,0,6,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000006_pre_disaster.png,sunda-tsunami_00000006_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000006_pre_disaster.png,0,0,181,183945,6,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000006_pre_disaster.png,palu-tsunami_00000006_pre_disaster,0,0,train\masks\palu-tsunami_00000006_pre_disaster.png,0,0,180,336311,6,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000006_pre_disaster.png,hurricane-matthew_00000006_pre_disaster,0,0,train\masks\hurricane-matthew_00000006_pre_disaster.png,0,0,0,0,6,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000006_pre_disaster.png,nepal-flooding_00000006_pre_disaster,0,0,tier3\masks\nepal-flooding_00000006_pre_disaster.png,0,0,91,109624,6,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000006_pre_disaster.png,santa-rosa-wildfire_00000006_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000006_pre_disaster.png,0,0,37,145457,6,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000006_pre_disaster.png,hurricane-harvey_00000006_pre_disaster,0,0,train\masks\hurricane-harvey_00000006_pre_disaster.png,0,0,41,80528,6,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000006_pre_disaster.png,tuscaloosa-tornado_00000006_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000006_pre_disaster.png,0,0,35,57232,6,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000006_pre_disaster.png,guatemala-volcano_00000006_pre_disaster,0,0,train\masks\guatemala-volcano_00000006_pre_disaster.png,0,0,96,46737,6,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000006_pre_disaster.png,portugal-wildfire_00000006_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000006_pre_disaster.png,0,0,77,46661,6,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000007_pre_disaster.png,joplin-tornado_00000007_pre_disaster,0,0,tier3\masks\joplin-tornado_00000007_pre_disaster.png,0,0,318,246747,7,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000007_pre_disaster.png,hurricane-matthew_00000007_pre_disaster,0,0,train\masks\hurricane-matthew_00000007_pre_disaster.png,0,0,29,8617,7,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000007_pre_disaster.png,hurricane-harvey_00000007_pre_disaster,0,0,train\masks\hurricane-harvey_00000007_pre_disaster.png,0,0,33,87749,7,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000007_pre_disaster.png,mexico-earthquake_00000007_pre_disaster,0,0,train\masks\mexico-earthquake_00000007_pre_disaster.png,0,0,159,258349,7,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000007_pre_disaster.png,portugal-wildfire_00000007_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000007_pre_disaster.png,0,0,0,0,7,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000007_pre_disaster.png,midwest-flooding_00000007_pre_disaster,0,0,train\masks\midwest-flooding_00000007_pre_disaster.png,0,0,50,96812,7,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000007_pre_disaster.png,palu-tsunami_00000007_pre_disaster,0,0,train\masks\palu-tsunami_00000007_pre_disaster.png,0,0,16,14606,7,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000007_pre_disaster.png,sunda-tsunami_00000007_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000007_pre_disaster.png,0,0,4,2813,7,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000007_pre_disaster.png,santa-rosa-wildfire_00000007_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000007_pre_disaster.png,0,0,121,177944,7,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000007_pre_disaster.png,lower-puna-volcano_00000007_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000007_pre_disaster.png,0,0,25,8418,7,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000007_pre_disaster.png,woolsey-fire_00000007_pre_disaster,0,0,tier3\masks\woolsey-fire_00000007_pre_disaster.png,0,0,15,4861,7,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000007_pre_disaster.png,nepal-flooding_00000007_pre_disaster,0,0,tier3\masks\nepal-flooding_00000007_pre_disaster.png,0,0,0,0,7,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000007_pre_disaster.png,tuscaloosa-tornado_00000007_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000007_pre_disaster.png,0,0,91,85779,7,3 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000007_pre_disaster.png,guatemala-volcano_00000007_pre_disaster,0,0,train\masks\guatemala-volcano_00000007_pre_disaster.png,0,0,8,9728,7,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000007_pre_disaster.png,pinery-bushfire_00000007_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000007_pre_disaster.png,0,0,0,0,7,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000007_pre_disaster.png,moore-tornado_00000007_pre_disaster,0,0,tier3\masks\moore-tornado_00000007_pre_disaster.png,0,0,146,176759,7,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000008_pre_disaster.png,woolsey-fire_00000008_pre_disaster,0,0,tier3\masks\woolsey-fire_00000008_pre_disaster.png,0,0,2,138,8,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000008_pre_disaster.png,socal-fire_00000008_pre_disaster,0,0,train\masks\socal-fire_00000008_pre_disaster.png,0,0,0,0,8,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000008_pre_disaster.png,sunda-tsunami_00000008_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000008_pre_disaster.png,0,0,18,24683,8,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000008_pre_disaster.png,tuscaloosa-tornado_00000008_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000008_pre_disaster.png,0,0,114,131170,8,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000008_pre_disaster.png,moore-tornado_00000008_pre_disaster,0,0,tier3\masks\moore-tornado_00000008_pre_disaster.png,0,0,153,170317,8,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000008_pre_disaster.png,lower-puna-volcano_00000008_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000008_pre_disaster.png,0,0,10,4898,8,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000008_pre_disaster.png,mexico-earthquake_00000008_pre_disaster,0,0,train\masks\mexico-earthquake_00000008_pre_disaster.png,0,0,144,327456,8,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000008_pre_disaster.png,portugal-wildfire_00000008_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000008_pre_disaster.png,0,0,0,0,8,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000008_pre_disaster.png,hurricane-michael_00000008_pre_disaster,0,0,train\masks\hurricane-michael_00000008_pre_disaster.png,0,0,26,58062,8,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000008_pre_disaster.png,pinery-bushfire_00000008_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000008_pre_disaster.png,0,0,20,10920,8,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000008_pre_disaster.png,hurricane-matthew_00000008_pre_disaster,0,0,train\masks\hurricane-matthew_00000008_pre_disaster.png,0,0,2,407,8,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000008_pre_disaster.png,hurricane-florence_00000008_pre_disaster,0,0,train\masks\hurricane-florence_00000008_pre_disaster.png,0,0,23,31178,8,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000008_pre_disaster.png,hurricane-harvey_00000008_pre_disaster,0,0,train\masks\hurricane-harvey_00000008_pre_disaster.png,0,0,32,344200,8,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000008_pre_disaster.png,nepal-flooding_00000008_pre_disaster,0,0,tier3\masks\nepal-flooding_00000008_pre_disaster.png,0,0,35,27083,8,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000008_pre_disaster.png,joplin-tornado_00000008_pre_disaster,0,0,tier3\masks\joplin-tornado_00000008_pre_disaster.png,0,0,42,36519,8,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000008_pre_disaster.png,guatemala-volcano_00000008_pre_disaster,0,0,train\masks\guatemala-volcano_00000008_pre_disaster.png,0,0,0,0,8,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000009_pre_disaster.png,mexico-earthquake_00000009_pre_disaster,0,0,train\masks\mexico-earthquake_00000009_pre_disaster.png,0,0,156,324450,9,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000009_pre_disaster.png,moore-tornado_00000009_pre_disaster,0,0,tier3\masks\moore-tornado_00000009_pre_disaster.png,0,0,135,253282,9,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000009_pre_disaster.png,woolsey-fire_00000009_pre_disaster,0,0,tier3\masks\woolsey-fire_00000009_pre_disaster.png,0,0,9,7482,9,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000009_pre_disaster.png,hurricane-michael_00000009_pre_disaster,0,0,train\masks\hurricane-michael_00000009_pre_disaster.png,0,0,17,14041,9,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000009_pre_disaster.png,portugal-wildfire_00000009_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000009_pre_disaster.png,0,0,0,0,9,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000009_pre_disaster.png,hurricane-matthew_00000009_pre_disaster,0,0,train\masks\hurricane-matthew_00000009_pre_disaster.png,0,0,28,8188,9,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000009_pre_disaster.png,pinery-bushfire_00000009_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000009_pre_disaster.png,0,0,11,2796,9,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000009_pre_disaster.png,nepal-flooding_00000009_pre_disaster,0,0,tier3\masks\nepal-flooding_00000009_pre_disaster.png,0,0,6,3991,9,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000009_pre_disaster.png,tuscaloosa-tornado_00000009_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000009_pre_disaster.png,0,0,0,0,9,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000009_pre_disaster.png,joplin-tornado_00000009_pre_disaster,0,0,tier3\masks\joplin-tornado_00000009_pre_disaster.png,0,0,21,92790,9,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000009_pre_disaster.png,lower-puna-volcano_00000009_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000009_pre_disaster.png,0,0,1,66,9,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000009_pre_disaster.png,hurricane-harvey_00000009_pre_disaster,0,0,train\masks\hurricane-harvey_00000009_pre_disaster.png,0,0,49,271300,9,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000009_pre_disaster.png,sunda-tsunami_00000009_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000009_pre_disaster.png,0,0,119,228048,9,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000009_pre_disaster.png,santa-rosa-wildfire_00000009_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000009_pre_disaster.png,0,0,6,8793,9,3 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000010_pre_disaster.png,guatemala-volcano_00000010_pre_disaster,0,0,train\masks\guatemala-volcano_00000010_pre_disaster.png,0,0,1,71,10,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000010_pre_disaster.png,hurricane-michael_00000010_pre_disaster,0,0,train\masks\hurricane-michael_00000010_pre_disaster.png,0,0,2,2599,10,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000010_pre_disaster.png,sunda-tsunami_00000010_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000010_pre_disaster.png,0,0,143,121931,10,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000010_pre_disaster.png,moore-tornado_00000010_pre_disaster,0,0,tier3\masks\moore-tornado_00000010_pre_disaster.png,0,0,4,498,10,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000010_pre_disaster.png,socal-fire_00000010_pre_disaster,0,0,train\masks\socal-fire_00000010_pre_disaster.png,0,0,0,0,10,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000010_pre_disaster.png,portugal-wildfire_00000010_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000010_pre_disaster.png,0,0,0,0,10,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000010_pre_disaster.png,nepal-flooding_00000010_pre_disaster,0,0,tier3\masks\nepal-flooding_00000010_pre_disaster.png,0,0,96,94483,10,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000010_pre_disaster.png,midwest-flooding_00000010_pre_disaster,0,0,train\masks\midwest-flooding_00000010_pre_disaster.png,0,0,2,1142,10,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000010_pre_disaster.png,lower-puna-volcano_00000010_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000010_pre_disaster.png,0,0,3,1456,10,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000010_pre_disaster.png,tuscaloosa-tornado_00000010_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000010_pre_disaster.png,0,0,46,36446,10,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000010_pre_disaster.png,hurricane-harvey_00000010_pre_disaster,0,0,train\masks\hurricane-harvey_00000010_pre_disaster.png,0,0,47,242386,10,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000010_pre_disaster.png,joplin-tornado_00000010_pre_disaster,0,0,tier3\masks\joplin-tornado_00000010_pre_disaster.png,0,0,41,149771,10,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000010_pre_disaster.png,woolsey-fire_00000010_pre_disaster,0,0,tier3\masks\woolsey-fire_00000010_pre_disaster.png,0,0,0,0,10,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000010_pre_disaster.png,pinery-bushfire_00000010_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000010_pre_disaster.png,0,0,0,0,10,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000011_pre_disaster.png,mexico-earthquake_00000011_pre_disaster,0,0,train\masks\mexico-earthquake_00000011_pre_disaster.png,0,0,67,185021,11,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000011_pre_disaster.png,palu-tsunami_00000011_pre_disaster,0,0,train\masks\palu-tsunami_00000011_pre_disaster.png,0,0,156,250034,11,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000011_pre_disaster.png,nepal-flooding_00000011_pre_disaster,0,0,tier3\masks\nepal-flooding_00000011_pre_disaster.png,0,0,3,1470,11,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000011_pre_disaster.png,tuscaloosa-tornado_00000011_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000011_pre_disaster.png,0,0,102,145401,11,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000011_pre_disaster.png,portugal-wildfire_00000011_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000011_pre_disaster.png,0,0,0,0,11,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000011_pre_disaster.png,hurricane-michael_00000011_pre_disaster,0,0,train\masks\hurricane-michael_00000011_pre_disaster.png,0,0,57,71236,11,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000011_pre_disaster.png,lower-puna-volcano_00000011_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000011_pre_disaster.png,0,0,0,0,11,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000011_pre_disaster.png,santa-rosa-wildfire_00000011_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000011_pre_disaster.png,0,0,37,61285,11,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000011_pre_disaster.png,pinery-bushfire_00000011_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000011_pre_disaster.png,0,0,0,0,11,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000011_pre_disaster.png,joplin-tornado_00000011_pre_disaster,0,0,tier3\masks\joplin-tornado_00000011_pre_disaster.png,0,0,86,118773,11,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000011_pre_disaster.png,moore-tornado_00000011_pre_disaster,0,0,tier3\masks\moore-tornado_00000011_pre_disaster.png,0,0,133,224770,11,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000011_pre_disaster.png,woolsey-fire_00000011_pre_disaster,0,0,tier3\masks\woolsey-fire_00000011_pre_disaster.png,0,0,23,6215,11,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000011_pre_disaster.png,sunda-tsunami_00000011_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000011_pre_disaster.png,0,0,29,20684,11,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000012_pre_disaster.png,woolsey-fire_00000012_pre_disaster,0,0,tier3\masks\woolsey-fire_00000012_pre_disaster.png,0,0,0,0,12,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000012_pre_disaster.png,tuscaloosa-tornado_00000012_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000012_pre_disaster.png,0,0,2,96,12,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000012_pre_disaster.png,sunda-tsunami_00000012_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000012_pre_disaster.png,0,0,79,110660,12,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000012_pre_disaster.png,hurricane-harvey_00000012_pre_disaster,0,0,train\masks\hurricane-harvey_00000012_pre_disaster.png,0,0,76,372737,12,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000012_pre_disaster.png,midwest-flooding_00000012_pre_disaster,0,0,train\masks\midwest-flooding_00000012_pre_disaster.png,0,0,3,808,12,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000012_pre_disaster.png,hurricane-florence_00000012_pre_disaster,0,0,train\masks\hurricane-florence_00000012_pre_disaster.png,0,0,34,82559,12,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000012_pre_disaster.png,hurricane-michael_00000012_pre_disaster,0,0,train\masks\hurricane-michael_00000012_pre_disaster.png,0,0,61,69962,12,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000012_pre_disaster.png,lower-puna-volcano_00000012_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000012_pre_disaster.png,0,0,0,0,12,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000012_pre_disaster.png,joplin-tornado_00000012_pre_disaster,0,0,tier3\masks\joplin-tornado_00000012_pre_disaster.png,0,0,38,292892,12,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000012_pre_disaster.png,moore-tornado_00000012_pre_disaster,0,0,tier3\masks\moore-tornado_00000012_pre_disaster.png,0,0,145,172226,12,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000012_pre_disaster.png,portugal-wildfire_00000012_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000012_pre_disaster.png,0,0,0,0,12,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000012_pre_disaster.png,pinery-bushfire_00000012_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000012_pre_disaster.png,0,0,0,0,12,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000012_pre_disaster.png,nepal-flooding_00000012_pre_disaster,0,0,tier3\masks\nepal-flooding_00000012_pre_disaster.png,0,0,18,4629,12,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000012_pre_disaster.png,socal-fire_00000012_pre_disaster,0,0,train\masks\socal-fire_00000012_pre_disaster.png,0,0,11,20938,12,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000013_pre_disaster.png,sunda-tsunami_00000013_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000013_pre_disaster.png,0,0,104,92409,13,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000013_pre_disaster.png,pinery-bushfire_00000013_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000013_pre_disaster.png,0,0,4,2544,13,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000013_pre_disaster.png,hurricane-matthew_00000013_pre_disaster,0,0,train\masks\hurricane-matthew_00000013_pre_disaster.png,0,0,0,0,13,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000013_pre_disaster.png,tuscaloosa-tornado_00000013_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000013_pre_disaster.png,0,0,0,0,13,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000013_pre_disaster.png,hurricane-michael_00000013_pre_disaster,0,0,train\masks\hurricane-michael_00000013_pre_disaster.png,0,0,3,409,13,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000013_pre_disaster.png,mexico-earthquake_00000013_pre_disaster,0,0,train\masks\mexico-earthquake_00000013_pre_disaster.png,0,0,145,383446,13,3 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000013_pre_disaster.png,guatemala-volcano_00000013_pre_disaster,0,0,train\masks\guatemala-volcano_00000013_pre_disaster.png,0,0,12,20235,13,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000013_pre_disaster.png,lower-puna-volcano_00000013_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000013_pre_disaster.png,0,0,0,0,13,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000013_pre_disaster.png,portugal-wildfire_00000013_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000013_pre_disaster.png,0,0,6,4101,13,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000013_pre_disaster.png,woolsey-fire_00000013_pre_disaster,0,0,tier3\masks\woolsey-fire_00000013_pre_disaster.png,0,0,4,485,13,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000013_pre_disaster.png,midwest-flooding_00000013_pre_disaster,0,0,train\masks\midwest-flooding_00000013_pre_disaster.png,0,0,116,216083,13,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000013_pre_disaster.png,joplin-tornado_00000013_pre_disaster,0,0,tier3\masks\joplin-tornado_00000013_pre_disaster.png,0,0,4,14054,13,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000013_pre_disaster.png,nepal-flooding_00000013_pre_disaster,0,0,tier3\masks\nepal-flooding_00000013_pre_disaster.png,0,0,124,124325,13,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000013_pre_disaster.png,moore-tornado_00000013_pre_disaster,0,0,tier3\masks\moore-tornado_00000013_pre_disaster.png,0,0,150,154028,13,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000013_pre_disaster.png,socal-fire_00000013_pre_disaster,0,0,train\masks\socal-fire_00000013_pre_disaster.png,0,0,0,0,13,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000014_pre_disaster.png,socal-fire_00000014_pre_disaster,0,0,train\masks\socal-fire_00000014_pre_disaster.png,0,0,8,9884,14,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000014_pre_disaster.png,santa-rosa-wildfire_00000014_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000014_pre_disaster.png,0,0,35,130298,14,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000014_pre_disaster.png,hurricane-matthew_00000014_pre_disaster,0,0,train\masks\hurricane-matthew_00000014_pre_disaster.png,0,0,0,0,14,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000014_pre_disaster.png,moore-tornado_00000014_pre_disaster,0,0,tier3\masks\moore-tornado_00000014_pre_disaster.png,0,0,97,139173,14,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000014_pre_disaster.png,woolsey-fire_00000014_pre_disaster,0,0,tier3\masks\woolsey-fire_00000014_pre_disaster.png,0,0,38,20159,14,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000014_pre_disaster.png,joplin-tornado_00000014_pre_disaster,0,0,tier3\masks\joplin-tornado_00000014_pre_disaster.png,0,0,80,91640,14,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000014_pre_disaster.png,lower-puna-volcano_00000014_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000014_pre_disaster.png,0,0,0,0,14,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000014_pre_disaster.png,tuscaloosa-tornado_00000014_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000014_pre_disaster.png,0,0,44,34972,14,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000014_pre_disaster.png,nepal-flooding_00000014_pre_disaster,0,0,tier3\masks\nepal-flooding_00000014_pre_disaster.png,0,0,3,3586,14,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000014_pre_disaster.png,hurricane-michael_00000014_pre_disaster,0,0,train\masks\hurricane-michael_00000014_pre_disaster.png,0,0,99,121545,14,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000014_pre_disaster.png,portugal-wildfire_00000014_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000014_pre_disaster.png,0,0,4,2345,14,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000014_pre_disaster.png,sunda-tsunami_00000014_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000014_pre_disaster.png,0,0,72,43166,14,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000014_pre_disaster.png,pinery-bushfire_00000014_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000014_pre_disaster.png,0,0,0,0,14,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000015_pre_disaster.png,tuscaloosa-tornado_00000015_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000015_pre_disaster.png,0,0,50,54545,15,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000015_pre_disaster.png,pinery-bushfire_00000015_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000015_pre_disaster.png,0,0,0,0,15,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000015_pre_disaster.png,hurricane-harvey_00000015_pre_disaster,0,0,train\masks\hurricane-harvey_00000015_pre_disaster.png,0,0,64,388089,15,1 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000015_pre_disaster.png,guatemala-volcano_00000015_pre_disaster,0,0,train\masks\guatemala-volcano_00000015_pre_disaster.png,0,0,97,61134,15,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000015_pre_disaster.png,nepal-flooding_00000015_pre_disaster,0,0,tier3\masks\nepal-flooding_00000015_pre_disaster.png,0,0,4,7575,15,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000015_pre_disaster.png,mexico-earthquake_00000015_pre_disaster,0,0,train\masks\mexico-earthquake_00000015_pre_disaster.png,0,0,44,304666,15,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000015_pre_disaster.png,palu-tsunami_00000015_pre_disaster,0,0,train\masks\palu-tsunami_00000015_pre_disaster.png,0,0,52,63510,15,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000015_pre_disaster.png,portugal-wildfire_00000015_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000015_pre_disaster.png,0,0,0,0,15,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000015_pre_disaster.png,sunda-tsunami_00000015_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000015_pre_disaster.png,0,0,0,0,15,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000015_pre_disaster.png,santa-rosa-wildfire_00000015_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000015_pre_disaster.png,0,0,119,169811,15,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000015_pre_disaster.png,moore-tornado_00000015_pre_disaster,0,0,tier3\masks\moore-tornado_00000015_pre_disaster.png,0,0,163,252694,15,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000015_pre_disaster.png,socal-fire_00000015_pre_disaster,0,0,train\masks\socal-fire_00000015_pre_disaster.png,0,0,0,0,15,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000015_pre_disaster.png,joplin-tornado_00000015_pre_disaster,0,0,tier3\masks\joplin-tornado_00000015_pre_disaster.png,0,0,11,165918,15,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000015_pre_disaster.png,lower-puna-volcano_00000015_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000015_pre_disaster.png,0,0,0,0,15,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000015_pre_disaster.png,woolsey-fire_00000015_pre_disaster,0,0,tier3\masks\woolsey-fire_00000015_pre_disaster.png,0,0,1,211,15,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000015_pre_disaster.png,hurricane-florence_00000015_pre_disaster,0,0,train\masks\hurricane-florence_00000015_pre_disaster.png,0,0,103,140541,15,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000016_pre_disaster.png,woolsey-fire_00000016_pre_disaster,0,0,tier3\masks\woolsey-fire_00000016_pre_disaster.png,0,0,9,11168,16,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000016_pre_disaster.png,joplin-tornado_00000016_pre_disaster,0,0,tier3\masks\joplin-tornado_00000016_pre_disaster.png,0,0,137,139296,16,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000016_pre_disaster.png,nepal-flooding_00000016_pre_disaster,0,0,tier3\masks\nepal-flooding_00000016_pre_disaster.png,0,0,42,19559,16,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000016_pre_disaster.png,portugal-wildfire_00000016_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000016_pre_disaster.png,0,0,0,0,16,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000016_pre_disaster.png,hurricane-michael_00000016_pre_disaster,0,0,train\masks\hurricane-michael_00000016_pre_disaster.png,0,0,101,110117,16,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000016_pre_disaster.png,hurricane-matthew_00000016_pre_disaster,0,0,train\masks\hurricane-matthew_00000016_pre_disaster.png,0,0,47,14037,16,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000016_pre_disaster.png,sunda-tsunami_00000016_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000016_pre_disaster.png,0,0,196,598313,16,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000016_pre_disaster.png,moore-tornado_00000016_pre_disaster,0,0,tier3\masks\moore-tornado_00000016_pre_disaster.png,0,0,131,164940,16,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000016_pre_disaster.png,tuscaloosa-tornado_00000016_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000016_pre_disaster.png,0,0,9,7282,16,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000016_pre_disaster.png,lower-puna-volcano_00000016_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000016_pre_disaster.png,0,0,1,61,16,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000016_pre_disaster.png,hurricane-harvey_00000016_pre_disaster,0,0,train\masks\hurricane-harvey_00000016_pre_disaster.png,0,0,19,151256,16,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000016_pre_disaster.png,palu-tsunami_00000016_pre_disaster,0,0,train\masks\palu-tsunami_00000016_pre_disaster.png,0,0,4,2088,16,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000016_pre_disaster.png,pinery-bushfire_00000016_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000016_pre_disaster.png,0,0,0,0,16,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000016_pre_disaster.png,hurricane-florence_00000016_pre_disaster,0,0,train\masks\hurricane-florence_00000016_pre_disaster.png,0,0,63,81223,16,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000016_pre_disaster.png,guatemala-volcano_00000016_pre_disaster,0,0,train\masks\guatemala-volcano_00000016_pre_disaster.png,0,0,7,10090,16,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000017_pre_disaster.png,hurricane-michael_00000017_pre_disaster,0,0,train\masks\hurricane-michael_00000017_pre_disaster.png,0,0,10,8930,17,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000017_pre_disaster.png,santa-rosa-wildfire_00000017_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000017_pre_disaster.png,0,0,2,1740,17,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000017_pre_disaster.png,joplin-tornado_00000017_pre_disaster,0,0,tier3\masks\joplin-tornado_00000017_pre_disaster.png,0,0,24,177581,17,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000017_pre_disaster.png,moore-tornado_00000017_pre_disaster,0,0,tier3\masks\moore-tornado_00000017_pre_disaster.png,0,0,128,96971,17,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000017_pre_disaster.png,hurricane-harvey_00000017_pre_disaster,0,0,train\masks\hurricane-harvey_00000017_pre_disaster.png,0,0,21,323969,17,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000017_pre_disaster.png,mexico-earthquake_00000017_pre_disaster,0,0,train\masks\mexico-earthquake_00000017_pre_disaster.png,0,0,175,422079,17,1 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000017_pre_disaster.png,guatemala-volcano_00000017_pre_disaster,0,0,train\masks\guatemala-volcano_00000017_pre_disaster.png,0,0,47,20308,17,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000017_pre_disaster.png,lower-puna-volcano_00000017_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000017_pre_disaster.png,0,0,0,0,17,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000017_pre_disaster.png,hurricane-matthew_00000017_pre_disaster,0,0,train\masks\hurricane-matthew_00000017_pre_disaster.png,0,0,48,15666,17,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000017_pre_disaster.png,sunda-tsunami_00000017_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000017_pre_disaster.png,0,0,65,56609,17,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000017_pre_disaster.png,woolsey-fire_00000017_pre_disaster,0,0,tier3\masks\woolsey-fire_00000017_pre_disaster.png,0,0,9,2893,17,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000017_pre_disaster.png,nepal-flooding_00000017_pre_disaster,0,0,tier3\masks\nepal-flooding_00000017_pre_disaster.png,0,0,15,8605,17,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000017_pre_disaster.png,tuscaloosa-tornado_00000017_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000017_pre_disaster.png,0,0,37,64453,17,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000017_pre_disaster.png,portugal-wildfire_00000017_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000017_pre_disaster.png,0,0,0,0,17,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000017_pre_disaster.png,pinery-bushfire_00000017_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000017_pre_disaster.png,0,0,0,0,17,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000018_pre_disaster.png,nepal-flooding_00000018_pre_disaster,0,0,tier3\masks\nepal-flooding_00000018_pre_disaster.png,0,0,41,29437,18,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000018_pre_disaster.png,woolsey-fire_00000018_pre_disaster,0,0,tier3\masks\woolsey-fire_00000018_pre_disaster.png,0,0,0,0,18,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000018_pre_disaster.png,midwest-flooding_00000018_pre_disaster,0,0,train\masks\midwest-flooding_00000018_pre_disaster.png,0,0,172,187926,18,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000018_pre_disaster.png,tuscaloosa-tornado_00000018_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000018_pre_disaster.png,0,0,57,40458,18,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000018_pre_disaster.png,guatemala-volcano_00000018_pre_disaster,0,0,train\masks\guatemala-volcano_00000018_pre_disaster.png,0,0,11,6446,18,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000018_pre_disaster.png,portugal-wildfire_00000018_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000018_pre_disaster.png,0,0,1,196,18,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000018_pre_disaster.png,sunda-tsunami_00000018_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000018_pre_disaster.png,0,0,110,170346,18,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000018_pre_disaster.png,hurricane-florence_00000018_pre_disaster,0,0,train\masks\hurricane-florence_00000018_pre_disaster.png,0,0,42,26804,18,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000018_pre_disaster.png,joplin-tornado_00000018_pre_disaster,0,0,tier3\masks\joplin-tornado_00000018_pre_disaster.png,0,0,26,56370,18,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000018_pre_disaster.png,pinery-bushfire_00000018_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000018_pre_disaster.png,0,0,1,2228,18,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000018_pre_disaster.png,moore-tornado_00000018_pre_disaster,0,0,tier3\masks\moore-tornado_00000018_pre_disaster.png,0,0,285,214861,18,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000018_pre_disaster.png,santa-rosa-wildfire_00000018_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000018_pre_disaster.png,0,0,7,4166,18,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000018_pre_disaster.png,lower-puna-volcano_00000018_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000018_pre_disaster.png,0,0,0,0,18,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000018_pre_disaster.png,mexico-earthquake_00000018_pre_disaster,0,0,train\masks\mexico-earthquake_00000018_pre_disaster.png,0,0,92,289362,18,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000019_pre_disaster.png,mexico-earthquake_00000019_pre_disaster,0,0,train\masks\mexico-earthquake_00000019_pre_disaster.png,0,0,115,295467,19,2 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000019_pre_disaster.png,guatemala-volcano_00000019_pre_disaster,0,0,train\masks\guatemala-volcano_00000019_pre_disaster.png,0,0,19,31876,19,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000019_pre_disaster.png,tuscaloosa-tornado_00000019_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000019_pre_disaster.png,0,0,62,122474,19,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000019_pre_disaster.png,sunda-tsunami_00000019_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000019_pre_disaster.png,0,0,50,39268,19,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000019_pre_disaster.png,lower-puna-volcano_00000019_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000019_pre_disaster.png,0,0,0,0,19,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000019_pre_disaster.png,woolsey-fire_00000019_pre_disaster,0,0,tier3\masks\woolsey-fire_00000019_pre_disaster.png,0,0,0,0,19,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000019_pre_disaster.png,midwest-flooding_00000019_pre_disaster,0,0,train\masks\midwest-flooding_00000019_pre_disaster.png,0,0,46,76299,19,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000019_pre_disaster.png,socal-fire_00000019_pre_disaster,0,0,train\masks\socal-fire_00000019_pre_disaster.png,0,0,0,0,19,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000019_pre_disaster.png,nepal-flooding_00000019_pre_disaster,0,0,tier3\masks\nepal-flooding_00000019_pre_disaster.png,0,0,12,3300,19,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000019_pre_disaster.png,pinery-bushfire_00000019_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000019_pre_disaster.png,0,0,0,0,19,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000019_pre_disaster.png,hurricane-harvey_00000019_pre_disaster,0,0,train\masks\hurricane-harvey_00000019_pre_disaster.png,0,0,16,41156,19,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000019_pre_disaster.png,palu-tsunami_00000019_pre_disaster,0,0,train\masks\palu-tsunami_00000019_pre_disaster.png,0,0,81,120810,19,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000019_pre_disaster.png,moore-tornado_00000019_pre_disaster,0,0,tier3\masks\moore-tornado_00000019_pre_disaster.png,0,0,199,262607,19,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000019_pre_disaster.png,joplin-tornado_00000019_pre_disaster,0,0,tier3\masks\joplin-tornado_00000019_pre_disaster.png,0,0,27,24724,19,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000019_pre_disaster.png,portugal-wildfire_00000019_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000019_pre_disaster.png,0,0,67,61178,19,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000020_pre_disaster.png,hurricane-michael_00000020_pre_disaster,0,0,train\masks\hurricane-michael_00000020_pre_disaster.png,0,0,2,299,20,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000020_pre_disaster.png,sunda-tsunami_00000020_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000020_pre_disaster.png,0,0,75,71070,20,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000020_pre_disaster.png,lower-puna-volcano_00000020_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000020_pre_disaster.png,0,0,0,0,20,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000020_pre_disaster.png,hurricane-harvey_00000020_pre_disaster,0,0,train\masks\hurricane-harvey_00000020_pre_disaster.png,0,0,12,23775,20,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000020_pre_disaster.png,tuscaloosa-tornado_00000020_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000020_pre_disaster.png,0,0,14,17239,20,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000020_pre_disaster.png,joplin-tornado_00000020_pre_disaster,0,0,tier3\masks\joplin-tornado_00000020_pre_disaster.png,0,0,36,194956,20,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000020_pre_disaster.png,moore-tornado_00000020_pre_disaster,0,0,tier3\masks\moore-tornado_00000020_pre_disaster.png,0,0,11,9059,20,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000020_pre_disaster.png,woolsey-fire_00000020_pre_disaster,0,0,tier3\masks\woolsey-fire_00000020_pre_disaster.png,0,0,1,26,20,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000020_pre_disaster.png,mexico-earthquake_00000020_pre_disaster,0,0,train\masks\mexico-earthquake_00000020_pre_disaster.png,0,0,65,266974,20,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000020_pre_disaster.png,hurricane-florence_00000020_pre_disaster,0,0,train\masks\hurricane-florence_00000020_pre_disaster.png,0,0,12,7774,20,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000020_pre_disaster.png,portugal-wildfire_00000020_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000020_pre_disaster.png,0,0,74,50308,20,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000020_pre_disaster.png,palu-tsunami_00000020_pre_disaster,0,0,train\masks\palu-tsunami_00000020_pre_disaster.png,0,0,40,65182,20,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000020_pre_disaster.png,nepal-flooding_00000020_pre_disaster,0,0,tier3\masks\nepal-flooding_00000020_pre_disaster.png,0,0,129,115306,20,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000020_pre_disaster.png,midwest-flooding_00000020_pre_disaster,0,0,train\masks\midwest-flooding_00000020_pre_disaster.png,0,0,143,194569,20,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000020_pre_disaster.png,pinery-bushfire_00000020_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000020_pre_disaster.png,0,0,0,0,20,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000021_pre_disaster.png,joplin-tornado_00000021_pre_disaster,0,0,tier3\masks\joplin-tornado_00000021_pre_disaster.png,0,0,6,22212,21,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000021_pre_disaster.png,moore-tornado_00000021_pre_disaster,0,0,tier3\masks\moore-tornado_00000021_pre_disaster.png,0,0,36,74182,21,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000021_pre_disaster.png,nepal-flooding_00000021_pre_disaster,0,0,tier3\masks\nepal-flooding_00000021_pre_disaster.png,0,0,1,1011,21,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000021_pre_disaster.png,pinery-bushfire_00000021_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000021_pre_disaster.png,0,0,0,0,21,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000021_pre_disaster.png,hurricane-michael_00000021_pre_disaster,0,0,train\masks\hurricane-michael_00000021_pre_disaster.png,0,0,91,91349,21,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000021_pre_disaster.png,mexico-earthquake_00000021_pre_disaster,0,0,train\masks\mexico-earthquake_00000021_pre_disaster.png,0,0,176,343754,21,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000021_pre_disaster.png,sunda-tsunami_00000021_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000021_pre_disaster.png,0,0,31,13098,21,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000021_pre_disaster.png,tuscaloosa-tornado_00000021_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000021_pre_disaster.png,0,0,183,181994,21,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000021_pre_disaster.png,woolsey-fire_00000021_pre_disaster,0,0,tier3\masks\woolsey-fire_00000021_pre_disaster.png,0,0,0,0,21,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000021_pre_disaster.png,midwest-flooding_00000021_pre_disaster,0,0,train\masks\midwest-flooding_00000021_pre_disaster.png,0,0,6,3918,21,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000021_pre_disaster.png,portugal-wildfire_00000021_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000021_pre_disaster.png,0,0,0,0,21,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000021_pre_disaster.png,hurricane-matthew_00000021_pre_disaster,0,0,train\masks\hurricane-matthew_00000021_pre_disaster.png,0,0,25,15072,21,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000021_pre_disaster.png,lower-puna-volcano_00000021_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000021_pre_disaster.png,0,0,14,7339,21,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000022_pre_disaster.png,palu-tsunami_00000022_pre_disaster,0,0,train\masks\palu-tsunami_00000022_pre_disaster.png,0,0,29,48638,22,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000022_pre_disaster.png,hurricane-harvey_00000022_pre_disaster,0,0,train\masks\hurricane-harvey_00000022_pre_disaster.png,0,0,33,139377,22,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000022_pre_disaster.png,hurricane-florence_00000022_pre_disaster,0,0,train\masks\hurricane-florence_00000022_pre_disaster.png,0,0,6,3937,22,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000022_pre_disaster.png,santa-rosa-wildfire_00000022_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000022_pre_disaster.png,0,0,96,140028,22,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000022_pre_disaster.png,moore-tornado_00000022_pre_disaster,0,0,tier3\masks\moore-tornado_00000022_pre_disaster.png,0,0,59,57389,22,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000022_pre_disaster.png,sunda-tsunami_00000022_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000022_pre_disaster.png,0,0,114,114349,22,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000022_pre_disaster.png,tuscaloosa-tornado_00000022_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000022_pre_disaster.png,0,0,118,171143,22,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000022_pre_disaster.png,joplin-tornado_00000022_pre_disaster,0,0,tier3\masks\joplin-tornado_00000022_pre_disaster.png,0,0,6,34086,22,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000022_pre_disaster.png,lower-puna-volcano_00000022_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000022_pre_disaster.png,0,0,0,0,22,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000022_pre_disaster.png,socal-fire_00000022_pre_disaster,0,0,train\masks\socal-fire_00000022_pre_disaster.png,0,0,0,0,22,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000022_pre_disaster.png,nepal-flooding_00000022_pre_disaster,0,0,tier3\masks\nepal-flooding_00000022_pre_disaster.png,0,0,89,74321,22,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000022_pre_disaster.png,pinery-bushfire_00000022_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000022_pre_disaster.png,0,0,9,26495,22,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000022_pre_disaster.png,midwest-flooding_00000022_pre_disaster,0,0,train\masks\midwest-flooding_00000022_pre_disaster.png,0,0,252,228504,22,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000022_pre_disaster.png,portugal-wildfire_00000022_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000022_pre_disaster.png,0,0,0,0,22,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000022_pre_disaster.png,woolsey-fire_00000022_pre_disaster,0,0,tier3\masks\woolsey-fire_00000022_pre_disaster.png,0,0,0,0,22,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000023_pre_disaster.png,palu-tsunami_00000023_pre_disaster,0,0,train\masks\palu-tsunami_00000023_pre_disaster.png,0,0,104,185177,23,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000023_pre_disaster.png,sunda-tsunami_00000023_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000023_pre_disaster.png,0,0,321,412448,23,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000023_pre_disaster.png,joplin-tornado_00000023_pre_disaster,0,0,tier3\masks\joplin-tornado_00000023_pre_disaster.png,0,0,46,83611,23,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000023_pre_disaster.png,woolsey-fire_00000023_pre_disaster,0,0,tier3\masks\woolsey-fire_00000023_pre_disaster.png,0,0,0,0,23,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000023_pre_disaster.png,portugal-wildfire_00000023_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000023_pre_disaster.png,0,0,0,0,23,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000023_pre_disaster.png,hurricane-matthew_00000023_pre_disaster,0,0,train\masks\hurricane-matthew_00000023_pre_disaster.png,0,0,78,48727,23,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000023_pre_disaster.png,pinery-bushfire_00000023_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000023_pre_disaster.png,0,0,0,0,23,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000023_pre_disaster.png,mexico-earthquake_00000023_pre_disaster,0,0,train\masks\mexico-earthquake_00000023_pre_disaster.png,0,0,113,417963,23,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000023_pre_disaster.png,lower-puna-volcano_00000023_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000023_pre_disaster.png,0,0,0,0,23,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000023_pre_disaster.png,tuscaloosa-tornado_00000023_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000023_pre_disaster.png,0,0,95,163524,23,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000023_pre_disaster.png,midwest-flooding_00000023_pre_disaster,0,0,train\masks\midwest-flooding_00000023_pre_disaster.png,0,0,140,179794,23,1 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000023_pre_disaster.png,guatemala-volcano_00000023_pre_disaster,0,0,train\masks\guatemala-volcano_00000023_pre_disaster.png,0,0,116,59576,23,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000023_pre_disaster.png,hurricane-florence_00000023_pre_disaster,0,0,train\masks\hurricane-florence_00000023_pre_disaster.png,0,0,3,2245,23,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000023_pre_disaster.png,santa-rosa-wildfire_00000023_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000023_pre_disaster.png,0,0,23,14970,23,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000023_pre_disaster.png,nepal-flooding_00000023_pre_disaster,0,0,tier3\masks\nepal-flooding_00000023_pre_disaster.png,0,0,56,61214,23,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000023_pre_disaster.png,moore-tornado_00000023_pre_disaster,0,0,tier3\masks\moore-tornado_00000023_pre_disaster.png,0,0,224,285700,23,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000024_pre_disaster.png,lower-puna-volcano_00000024_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000024_pre_disaster.png,0,0,18,6065,24,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000024_pre_disaster.png,socal-fire_00000024_pre_disaster,0,0,train\masks\socal-fire_00000024_pre_disaster.png,0,0,0,0,24,0 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000024_pre_disaster.png,guatemala-volcano_00000024_pre_disaster,0,0,train\masks\guatemala-volcano_00000024_pre_disaster.png,0,0,45,26641,24,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000024_pre_disaster.png,sunda-tsunami_00000024_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000024_pre_disaster.png,0,0,39,24372,24,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000024_pre_disaster.png,santa-rosa-wildfire_00000024_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000024_pre_disaster.png,0,0,4,8939,24,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000024_pre_disaster.png,hurricane-florence_00000024_pre_disaster,0,0,train\masks\hurricane-florence_00000024_pre_disaster.png,0,0,13,8375,24,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000024_pre_disaster.png,woolsey-fire_00000024_pre_disaster,0,0,tier3\masks\woolsey-fire_00000024_pre_disaster.png,0,0,12,6766,24,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000024_pre_disaster.png,hurricane-harvey_00000024_pre_disaster,0,0,train\masks\hurricane-harvey_00000024_pre_disaster.png,0,0,22,352032,24,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000024_pre_disaster.png,hurricane-michael_00000024_pre_disaster,0,0,train\masks\hurricane-michael_00000024_pre_disaster.png,0,0,5,2485,24,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000024_pre_disaster.png,moore-tornado_00000024_pre_disaster,0,0,tier3\masks\moore-tornado_00000024_pre_disaster.png,0,0,16,23270,24,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000024_pre_disaster.png,midwest-flooding_00000024_pre_disaster,0,0,train\masks\midwest-flooding_00000024_pre_disaster.png,0,0,263,291913,24,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000024_pre_disaster.png,pinery-bushfire_00000024_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000024_pre_disaster.png,0,0,0,0,24,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000024_pre_disaster.png,nepal-flooding_00000024_pre_disaster,0,0,tier3\masks\nepal-flooding_00000024_pre_disaster.png,0,0,0,0,24,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000024_pre_disaster.png,palu-tsunami_00000024_pre_disaster,0,0,train\masks\palu-tsunami_00000024_pre_disaster.png,0,0,185,319506,24,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000024_pre_disaster.png,tuscaloosa-tornado_00000024_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000024_pre_disaster.png,0,0,184,190936,24,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000024_pre_disaster.png,joplin-tornado_00000024_pre_disaster,0,0,tier3\masks\joplin-tornado_00000024_pre_disaster.png,0,0,1,29495,24,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000024_pre_disaster.png,portugal-wildfire_00000024_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000024_pre_disaster.png,0,0,4,4526,24,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000024_pre_disaster.png,mexico-earthquake_00000024_pre_disaster,0,0,train\masks\mexico-earthquake_00000024_pre_disaster.png,0,0,133,432129,24,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000025_pre_disaster.png,hurricane-michael_00000025_pre_disaster,0,0,train\masks\hurricane-michael_00000025_pre_disaster.png,0,0,0,0,25,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000025_pre_disaster.png,tuscaloosa-tornado_00000025_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000025_pre_disaster.png,0,0,4,27609,25,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000025_pre_disaster.png,midwest-flooding_00000025_pre_disaster,0,0,train\masks\midwest-flooding_00000025_pre_disaster.png,0,0,60,77134,25,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000025_pre_disaster.png,nepal-flooding_00000025_pre_disaster,0,0,tier3\masks\nepal-flooding_00000025_pre_disaster.png,0,0,40,27517,25,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000025_pre_disaster.png,moore-tornado_00000025_pre_disaster,0,0,tier3\masks\moore-tornado_00000025_pre_disaster.png,0,0,42,35226,25,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000025_pre_disaster.png,joplin-tornado_00000025_pre_disaster,0,0,tier3\masks\joplin-tornado_00000025_pre_disaster.png,0,0,101,110933,25,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000025_pre_disaster.png,socal-fire_00000025_pre_disaster,0,0,train\masks\socal-fire_00000025_pre_disaster.png,0,0,2,388,25,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000025_pre_disaster.png,pinery-bushfire_00000025_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000025_pre_disaster.png,0,0,13,3256,25,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000025_pre_disaster.png,sunda-tsunami_00000025_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000025_pre_disaster.png,0,0,73,85526,25,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000025_pre_disaster.png,palu-tsunami_00000025_pre_disaster,0,0,train\masks\palu-tsunami_00000025_pre_disaster.png,0,0,35,160468,25,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000025_pre_disaster.png,woolsey-fire_00000025_pre_disaster,0,0,tier3\masks\woolsey-fire_00000025_pre_disaster.png,0,0,0,0,25,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000025_pre_disaster.png,lower-puna-volcano_00000025_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000025_pre_disaster.png,0,0,0,0,25,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000025_pre_disaster.png,guatemala-volcano_00000025_pre_disaster,0,0,train\masks\guatemala-volcano_00000025_pre_disaster.png,0,0,70,75391,25,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000025_pre_disaster.png,portugal-wildfire_00000025_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000025_pre_disaster.png,0,0,14,7827,25,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000025_pre_disaster.png,hurricane-harvey_00000025_pre_disaster,0,0,train\masks\hurricane-harvey_00000025_pre_disaster.png,0,0,142,230794,25,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000026_pre_disaster.png,palu-tsunami_00000026_pre_disaster,0,0,train\masks\palu-tsunami_00000026_pre_disaster.png,0,0,20,53723,26,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000026_pre_disaster.png,joplin-tornado_00000026_pre_disaster,0,0,tier3\masks\joplin-tornado_00000026_pre_disaster.png,0,0,0,0,26,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000026_pre_disaster.png,moore-tornado_00000026_pre_disaster,0,0,tier3\masks\moore-tornado_00000026_pre_disaster.png,0,0,80,130401,26,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000026_pre_disaster.png,hurricane-harvey_00000026_pre_disaster,0,0,train\masks\hurricane-harvey_00000026_pre_disaster.png,0,0,24,25733,26,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000026_pre_disaster.png,portugal-wildfire_00000026_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000026_pre_disaster.png,0,0,0,0,26,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000026_pre_disaster.png,sunda-tsunami_00000026_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000026_pre_disaster.png,0,0,51,27717,26,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000026_pre_disaster.png,tuscaloosa-tornado_00000026_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000026_pre_disaster.png,0,0,4,2015,26,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000026_pre_disaster.png,pinery-bushfire_00000026_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000026_pre_disaster.png,0,0,0,0,26,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000026_pre_disaster.png,nepal-flooding_00000026_pre_disaster,0,0,tier3\masks\nepal-flooding_00000026_pre_disaster.png,0,0,18,9346,26,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000026_pre_disaster.png,lower-puna-volcano_00000026_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000026_pre_disaster.png,0,0,2,288,26,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000026_pre_disaster.png,socal-fire_00000026_pre_disaster,0,0,train\masks\socal-fire_00000026_pre_disaster.png,0,0,0,0,26,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000026_pre_disaster.png,santa-rosa-wildfire_00000026_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000026_pre_disaster.png,0,0,9,12795,26,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000026_pre_disaster.png,hurricane-florence_00000026_pre_disaster,0,0,train\masks\hurricane-florence_00000026_pre_disaster.png,0,0,25,17075,26,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000026_pre_disaster.png,woolsey-fire_00000026_pre_disaster,0,0,tier3\masks\woolsey-fire_00000026_pre_disaster.png,0,0,3,2129,26,4 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000026_pre_disaster.png,guatemala-volcano_00000026_pre_disaster,0,0,train\masks\guatemala-volcano_00000026_pre_disaster.png,0,0,23,7358,26,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000027_pre_disaster.png,joplin-tornado_00000027_pre_disaster,0,0,tier3\masks\joplin-tornado_00000027_pre_disaster.png,0,0,204,146112,27,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000027_pre_disaster.png,pinery-bushfire_00000027_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000027_pre_disaster.png,0,0,3,2856,27,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000027_pre_disaster.png,woolsey-fire_00000027_pre_disaster,0,0,tier3\masks\woolsey-fire_00000027_pre_disaster.png,0,0,12,7483,27,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000027_pre_disaster.png,santa-rosa-wildfire_00000027_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000027_pre_disaster.png,0,0,19,40570,27,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000027_pre_disaster.png,lower-puna-volcano_00000027_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000027_pre_disaster.png,0,0,0,0,27,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000027_pre_disaster.png,portugal-wildfire_00000027_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000027_pre_disaster.png,0,0,0,0,27,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000027_pre_disaster.png,hurricane-florence_00000027_pre_disaster,0,0,train\masks\hurricane-florence_00000027_pre_disaster.png,0,0,1,632,27,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000027_pre_disaster.png,midwest-flooding_00000027_pre_disaster,0,0,train\masks\midwest-flooding_00000027_pre_disaster.png,0,0,56,100791,27,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000027_pre_disaster.png,sunda-tsunami_00000027_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000027_pre_disaster.png,0,0,154,259645,27,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000027_pre_disaster.png,mexico-earthquake_00000027_pre_disaster,0,0,train\masks\mexico-earthquake_00000027_pre_disaster.png,0,0,121,433981,27,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000027_pre_disaster.png,tuscaloosa-tornado_00000027_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000027_pre_disaster.png,0,0,21,21949,27,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000027_pre_disaster.png,nepal-flooding_00000027_pre_disaster,0,0,tier3\masks\nepal-flooding_00000027_pre_disaster.png,0,0,43,35538,27,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000027_pre_disaster.png,socal-fire_00000027_pre_disaster,0,0,train\masks\socal-fire_00000027_pre_disaster.png,0,0,0,0,27,1 +0,0,guatemala-volcano,pre,train,train\images\guatemala-volcano_00000027_pre_disaster.png,guatemala-volcano_00000027_pre_disaster,0,0,train\masks\guatemala-volcano_00000027_pre_disaster.png,0,0,21,15559,27,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000027_pre_disaster.png,moore-tornado_00000027_pre_disaster,0,0,tier3\masks\moore-tornado_00000027_pre_disaster.png,0,0,150,230441,27,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000028_pre_disaster.png,nepal-flooding_00000028_pre_disaster,0,0,tier3\masks\nepal-flooding_00000028_pre_disaster.png,0,0,77,88997,28,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000028_pre_disaster.png,portugal-wildfire_00000028_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000028_pre_disaster.png,0,0,25,19576,28,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000028_pre_disaster.png,tuscaloosa-tornado_00000028_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000028_pre_disaster.png,0,0,148,158708,28,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000028_pre_disaster.png,hurricane-florence_00000028_pre_disaster,0,0,train\masks\hurricane-florence_00000028_pre_disaster.png,0,0,141,129001,28,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000028_pre_disaster.png,sunda-tsunami_00000028_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000028_pre_disaster.png,0,0,3,2959,28,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000028_pre_disaster.png,pinery-bushfire_00000028_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000028_pre_disaster.png,0,0,0,0,28,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000028_pre_disaster.png,moore-tornado_00000028_pre_disaster,0,0,tier3\masks\moore-tornado_00000028_pre_disaster.png,0,0,14,13121,28,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000028_pre_disaster.png,hurricane-michael_00000028_pre_disaster,0,0,train\masks\hurricane-michael_00000028_pre_disaster.png,0,0,8,4502,28,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000028_pre_disaster.png,woolsey-fire_00000028_pre_disaster,0,0,tier3\masks\woolsey-fire_00000028_pre_disaster.png,0,0,0,0,28,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000028_pre_disaster.png,lower-puna-volcano_00000028_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000028_pre_disaster.png,0,0,0,0,28,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000028_pre_disaster.png,hurricane-harvey_00000028_pre_disaster,0,0,train\masks\hurricane-harvey_00000028_pre_disaster.png,0,0,46,57414,28,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000028_pre_disaster.png,midwest-flooding_00000028_pre_disaster,0,0,train\masks\midwest-flooding_00000028_pre_disaster.png,0,0,2,891,28,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000028_pre_disaster.png,joplin-tornado_00000028_pre_disaster,0,0,tier3\masks\joplin-tornado_00000028_pre_disaster.png,0,0,357,224007,28,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000028_pre_disaster.png,socal-fire_00000028_pre_disaster,0,0,train\masks\socal-fire_00000028_pre_disaster.png,0,0,24,39607,28,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000029_pre_disaster.png,sunda-tsunami_00000029_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000029_pre_disaster.png,0,0,74,129141,29,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000029_pre_disaster.png,hurricane-michael_00000029_pre_disaster,0,0,train\masks\hurricane-michael_00000029_pre_disaster.png,0,0,0,0,29,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000029_pre_disaster.png,lower-puna-volcano_00000029_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000029_pre_disaster.png,0,0,9,4489,29,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000029_pre_disaster.png,portugal-wildfire_00000029_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000029_pre_disaster.png,0,0,69,46823,29,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000029_pre_disaster.png,midwest-flooding_00000029_pre_disaster,0,0,train\masks\midwest-flooding_00000029_pre_disaster.png,0,0,241,266330,29,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000029_pre_disaster.png,nepal-flooding_00000029_pre_disaster,0,0,tier3\masks\nepal-flooding_00000029_pre_disaster.png,0,0,41,41290,29,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000029_pre_disaster.png,pinery-bushfire_00000029_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000029_pre_disaster.png,0,0,4,1639,29,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000029_pre_disaster.png,tuscaloosa-tornado_00000029_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000029_pre_disaster.png,0,0,7,8880,29,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000029_pre_disaster.png,moore-tornado_00000029_pre_disaster,0,0,tier3\masks\moore-tornado_00000029_pre_disaster.png,0,0,52,51535,29,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000029_pre_disaster.png,joplin-tornado_00000029_pre_disaster,0,0,tier3\masks\joplin-tornado_00000029_pre_disaster.png,0,0,26,45342,29,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000029_pre_disaster.png,hurricane-harvey_00000029_pre_disaster,0,0,train\masks\hurricane-harvey_00000029_pre_disaster.png,0,0,87,93743,29,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000029_pre_disaster.png,socal-fire_00000029_pre_disaster,0,0,train\masks\socal-fire_00000029_pre_disaster.png,0,0,0,0,29,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000029_pre_disaster.png,woolsey-fire_00000029_pre_disaster,0,0,tier3\masks\woolsey-fire_00000029_pre_disaster.png,0,0,38,26942,29,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000029_pre_disaster.png,mexico-earthquake_00000029_pre_disaster,0,0,train\masks\mexico-earthquake_00000029_pre_disaster.png,0,0,160,406315,29,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000030_pre_disaster.png,moore-tornado_00000030_pre_disaster,0,0,tier3\masks\moore-tornado_00000030_pre_disaster.png,0,0,35,55859,30,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000030_pre_disaster.png,lower-puna-volcano_00000030_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000030_pre_disaster.png,0,0,28,13978,30,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000030_pre_disaster.png,midwest-flooding_00000030_pre_disaster,0,0,train\masks\midwest-flooding_00000030_pre_disaster.png,0,0,2,17297,30,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000030_pre_disaster.png,hurricane-florence_00000030_pre_disaster,0,0,train\masks\hurricane-florence_00000030_pre_disaster.png,0,0,7,4778,30,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000030_pre_disaster.png,santa-rosa-wildfire_00000030_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000030_pre_disaster.png,0,0,31,77566,30,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000030_pre_disaster.png,socal-fire_00000030_pre_disaster,0,0,train\masks\socal-fire_00000030_pre_disaster.png,0,0,1,230,30,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000030_pre_disaster.png,mexico-earthquake_00000030_pre_disaster,0,0,train\masks\mexico-earthquake_00000030_pre_disaster.png,0,0,70,331426,30,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000030_pre_disaster.png,hurricane-harvey_00000030_pre_disaster,0,0,train\masks\hurricane-harvey_00000030_pre_disaster.png,0,0,83,118634,30,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000030_pre_disaster.png,joplin-tornado_00000030_pre_disaster,0,0,tier3\masks\joplin-tornado_00000030_pre_disaster.png,0,0,26,28232,30,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000030_pre_disaster.png,pinery-bushfire_00000030_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000030_pre_disaster.png,0,0,0,0,30,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000030_pre_disaster.png,woolsey-fire_00000030_pre_disaster,0,0,tier3\masks\woolsey-fire_00000030_pre_disaster.png,0,0,16,13779,30,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000030_pre_disaster.png,tuscaloosa-tornado_00000030_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000030_pre_disaster.png,0,0,111,131143,30,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000030_pre_disaster.png,palu-tsunami_00000030_pre_disaster,0,0,train\masks\palu-tsunami_00000030_pre_disaster.png,0,0,39,51820,30,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000030_pre_disaster.png,hurricane-matthew_00000030_pre_disaster,0,0,train\masks\hurricane-matthew_00000030_pre_disaster.png,0,0,127,166929,30,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000030_pre_disaster.png,sunda-tsunami_00000030_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000030_pre_disaster.png,0,0,60,56376,30,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000030_pre_disaster.png,portugal-wildfire_00000030_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000030_pre_disaster.png,0,0,0,0,30,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000030_pre_disaster.png,nepal-flooding_00000030_pre_disaster,0,0,tier3\masks\nepal-flooding_00000030_pre_disaster.png,0,0,20,29187,30,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000031_pre_disaster.png,lower-puna-volcano_00000031_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000031_pre_disaster.png,0,0,7,2490,31,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000031_pre_disaster.png,joplin-tornado_00000031_pre_disaster,0,0,tier3\masks\joplin-tornado_00000031_pre_disaster.png,0,0,250,191596,31,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000031_pre_disaster.png,pinery-bushfire_00000031_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000031_pre_disaster.png,0,0,0,0,31,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000031_pre_disaster.png,midwest-flooding_00000031_pre_disaster,0,0,train\masks\midwest-flooding_00000031_pre_disaster.png,0,0,174,272884,31,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000031_pre_disaster.png,portugal-wildfire_00000031_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000031_pre_disaster.png,0,0,0,0,31,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000031_pre_disaster.png,nepal-flooding_00000031_pre_disaster,0,0,tier3\masks\nepal-flooding_00000031_pre_disaster.png,0,0,65,86803,31,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000031_pre_disaster.png,hurricane-florence_00000031_pre_disaster,0,0,train\masks\hurricane-florence_00000031_pre_disaster.png,0,0,11,9432,31,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000031_pre_disaster.png,tuscaloosa-tornado_00000031_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000031_pre_disaster.png,0,0,140,138347,31,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000031_pre_disaster.png,moore-tornado_00000031_pre_disaster,0,0,tier3\masks\moore-tornado_00000031_pre_disaster.png,0,0,218,240941,31,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000031_pre_disaster.png,hurricane-matthew_00000031_pre_disaster,0,0,train\masks\hurricane-matthew_00000031_pre_disaster.png,0,0,16,10061,31,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000031_pre_disaster.png,sunda-tsunami_00000031_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000031_pre_disaster.png,0,0,4,8659,31,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000031_pre_disaster.png,woolsey-fire_00000031_pre_disaster,0,0,tier3\masks\woolsey-fire_00000031_pre_disaster.png,0,0,5,1660,31,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000031_pre_disaster.png,mexico-earthquake_00000031_pre_disaster,0,0,train\masks\mexico-earthquake_00000031_pre_disaster.png,0,0,5,7439,31,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000031_pre_disaster.png,santa-rosa-wildfire_00000031_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000031_pre_disaster.png,0,0,26,64778,31,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000032_pre_disaster.png,sunda-tsunami_00000032_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000032_pre_disaster.png,0,0,159,126208,32,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000032_pre_disaster.png,lower-puna-volcano_00000032_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000032_pre_disaster.png,0,0,0,0,32,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000032_pre_disaster.png,nepal-flooding_00000032_pre_disaster,0,0,tier3\masks\nepal-flooding_00000032_pre_disaster.png,0,0,0,0,32,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000032_pre_disaster.png,joplin-tornado_00000032_pre_disaster,0,0,tier3\masks\joplin-tornado_00000032_pre_disaster.png,0,0,11,23589,32,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000032_pre_disaster.png,mexico-earthquake_00000032_pre_disaster,0,0,train\masks\mexico-earthquake_00000032_pre_disaster.png,0,0,23,59636,32,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000032_pre_disaster.png,pinery-bushfire_00000032_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000032_pre_disaster.png,0,0,27,9216,32,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000032_pre_disaster.png,socal-fire_00000032_pre_disaster,0,0,train\masks\socal-fire_00000032_pre_disaster.png,0,0,0,0,32,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000032_pre_disaster.png,tuscaloosa-tornado_00000032_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000032_pre_disaster.png,0,0,2,616,32,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000032_pre_disaster.png,midwest-flooding_00000032_pre_disaster,0,0,train\masks\midwest-flooding_00000032_pre_disaster.png,0,0,0,0,32,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000032_pre_disaster.png,woolsey-fire_00000032_pre_disaster,0,0,tier3\masks\woolsey-fire_00000032_pre_disaster.png,0,0,12,7672,32,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000032_pre_disaster.png,portugal-wildfire_00000032_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000032_pre_disaster.png,0,0,1,300,32,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000032_pre_disaster.png,moore-tornado_00000032_pre_disaster,0,0,tier3\masks\moore-tornado_00000032_pre_disaster.png,0,0,26,24102,32,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000032_pre_disaster.png,hurricane-florence_00000032_pre_disaster,0,0,train\masks\hurricane-florence_00000032_pre_disaster.png,0,0,18,12738,32,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000033_pre_disaster.png,nepal-flooding_00000033_pre_disaster,0,0,tier3\masks\nepal-flooding_00000033_pre_disaster.png,0,0,20,13926,33,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000033_pre_disaster.png,moore-tornado_00000033_pre_disaster,0,0,tier3\masks\moore-tornado_00000033_pre_disaster.png,0,0,124,153629,33,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000033_pre_disaster.png,joplin-tornado_00000033_pre_disaster,0,0,tier3\masks\joplin-tornado_00000033_pre_disaster.png,0,0,234,233531,33,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000033_pre_disaster.png,palu-tsunami_00000033_pre_disaster,0,0,train\masks\palu-tsunami_00000033_pre_disaster.png,0,0,16,12346,33,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000033_pre_disaster.png,santa-rosa-wildfire_00000033_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000033_pre_disaster.png,0,0,40,59342,33,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000033_pre_disaster.png,mexico-earthquake_00000033_pre_disaster,0,0,train\masks\mexico-earthquake_00000033_pre_disaster.png,0,0,62,139462,33,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000033_pre_disaster.png,woolsey-fire_00000033_pre_disaster,0,0,tier3\masks\woolsey-fire_00000033_pre_disaster.png,0,0,2,337,33,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000033_pre_disaster.png,midwest-flooding_00000033_pre_disaster,0,0,train\masks\midwest-flooding_00000033_pre_disaster.png,0,0,73,148295,33,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000033_pre_disaster.png,portugal-wildfire_00000033_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000033_pre_disaster.png,0,0,11,8460,33,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000033_pre_disaster.png,socal-fire_00000033_pre_disaster,0,0,train\masks\socal-fire_00000033_pre_disaster.png,0,0,1,892,33,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000033_pre_disaster.png,sunda-tsunami_00000033_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000033_pre_disaster.png,0,0,35,50740,33,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000033_pre_disaster.png,tuscaloosa-tornado_00000033_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000033_pre_disaster.png,0,0,0,0,33,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000033_pre_disaster.png,lower-puna-volcano_00000033_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000033_pre_disaster.png,0,0,0,0,33,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000033_pre_disaster.png,pinery-bushfire_00000033_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000033_pre_disaster.png,0,0,0,0,33,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000034_pre_disaster.png,lower-puna-volcano_00000034_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000034_pre_disaster.png,0,0,0,0,34,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000034_pre_disaster.png,pinery-bushfire_00000034_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000034_pre_disaster.png,0,0,6,3291,34,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000034_pre_disaster.png,sunda-tsunami_00000034_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000034_pre_disaster.png,0,0,80,56759,34,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000034_pre_disaster.png,mexico-earthquake_00000034_pre_disaster,0,0,train\masks\mexico-earthquake_00000034_pre_disaster.png,0,0,35,114614,34,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000034_pre_disaster.png,tuscaloosa-tornado_00000034_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000034_pre_disaster.png,0,0,9,4203,34,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000034_pre_disaster.png,joplin-tornado_00000034_pre_disaster,0,0,tier3\masks\joplin-tornado_00000034_pre_disaster.png,0,0,3,7440,34,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000034_pre_disaster.png,portugal-wildfire_00000034_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000034_pre_disaster.png,0,0,1,733,34,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000034_pre_disaster.png,hurricane-matthew_00000034_pre_disaster,0,0,train\masks\hurricane-matthew_00000034_pre_disaster.png,0,0,15,10306,34,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000034_pre_disaster.png,palu-tsunami_00000034_pre_disaster,0,0,train\masks\palu-tsunami_00000034_pre_disaster.png,0,0,46,45527,34,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000034_pre_disaster.png,hurricane-michael_00000034_pre_disaster,0,0,train\masks\hurricane-michael_00000034_pre_disaster.png,0,0,36,73465,34,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000034_pre_disaster.png,moore-tornado_00000034_pre_disaster,0,0,tier3\masks\moore-tornado_00000034_pre_disaster.png,0,0,2,3740,34,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000034_pre_disaster.png,woolsey-fire_00000034_pre_disaster,0,0,tier3\masks\woolsey-fire_00000034_pre_disaster.png,0,0,22,12306,34,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000034_pre_disaster.png,santa-rosa-wildfire_00000034_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000034_pre_disaster.png,0,0,9,11372,34,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000034_pre_disaster.png,nepal-flooding_00000034_pre_disaster,0,0,tier3\masks\nepal-flooding_00000034_pre_disaster.png,0,0,34,46957,34,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000035_pre_disaster.png,nepal-flooding_00000035_pre_disaster,0,0,tier3\masks\nepal-flooding_00000035_pre_disaster.png,0,0,4,1898,35,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000035_pre_disaster.png,socal-fire_00000035_pre_disaster,0,0,train\masks\socal-fire_00000035_pre_disaster.png,0,0,79,130783,35,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000035_pre_disaster.png,woolsey-fire_00000035_pre_disaster,0,0,tier3\masks\woolsey-fire_00000035_pre_disaster.png,0,0,47,21199,35,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000035_pre_disaster.png,hurricane-matthew_00000035_pre_disaster,0,0,train\masks\hurricane-matthew_00000035_pre_disaster.png,0,0,52,28053,35,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000035_pre_disaster.png,portugal-wildfire_00000035_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000035_pre_disaster.png,0,0,1,194,35,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000035_pre_disaster.png,tuscaloosa-tornado_00000035_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000035_pre_disaster.png,0,0,165,191389,35,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000035_pre_disaster.png,pinery-bushfire_00000035_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000035_pre_disaster.png,0,0,8,5222,35,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000035_pre_disaster.png,lower-puna-volcano_00000035_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000035_pre_disaster.png,0,0,3,1503,35,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000035_pre_disaster.png,hurricane-michael_00000035_pre_disaster,0,0,train\masks\hurricane-michael_00000035_pre_disaster.png,0,0,53,112136,35,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000035_pre_disaster.png,hurricane-harvey_00000035_pre_disaster,0,0,train\masks\hurricane-harvey_00000035_pre_disaster.png,0,0,4,3849,35,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000035_pre_disaster.png,sunda-tsunami_00000035_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000035_pre_disaster.png,0,0,132,131526,35,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000035_pre_disaster.png,santa-rosa-wildfire_00000035_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000035_pre_disaster.png,0,0,34,31535,35,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000035_pre_disaster.png,mexico-earthquake_00000035_pre_disaster,0,0,train\masks\mexico-earthquake_00000035_pre_disaster.png,0,0,72,222159,35,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000035_pre_disaster.png,joplin-tornado_00000035_pre_disaster,0,0,tier3\masks\joplin-tornado_00000035_pre_disaster.png,0,0,163,199870,35,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000035_pre_disaster.png,moore-tornado_00000035_pre_disaster,0,0,tier3\masks\moore-tornado_00000035_pre_disaster.png,0,0,163,143798,35,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000035_pre_disaster.png,midwest-flooding_00000035_pre_disaster,0,0,train\masks\midwest-flooding_00000035_pre_disaster.png,0,0,0,0,35,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000036_pre_disaster.png,nepal-flooding_00000036_pre_disaster,0,0,tier3\masks\nepal-flooding_00000036_pre_disaster.png,0,0,87,59482,36,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000036_pre_disaster.png,santa-rosa-wildfire_00000036_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000036_pre_disaster.png,0,0,114,187861,36,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000036_pre_disaster.png,joplin-tornado_00000036_pre_disaster,0,0,tier3\masks\joplin-tornado_00000036_pre_disaster.png,0,0,260,228800,36,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000036_pre_disaster.png,hurricane-michael_00000036_pre_disaster,0,0,train\masks\hurricane-michael_00000036_pre_disaster.png,0,0,30,39017,36,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000036_pre_disaster.png,socal-fire_00000036_pre_disaster,0,0,train\masks\socal-fire_00000036_pre_disaster.png,0,0,6,1629,36,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000036_pre_disaster.png,hurricane-florence_00000036_pre_disaster,0,0,train\masks\hurricane-florence_00000036_pre_disaster.png,0,0,40,33607,36,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000036_pre_disaster.png,midwest-flooding_00000036_pre_disaster,0,0,train\masks\midwest-flooding_00000036_pre_disaster.png,0,0,58,189122,36,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000036_pre_disaster.png,sunda-tsunami_00000036_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000036_pre_disaster.png,0,0,31,33335,36,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000036_pre_disaster.png,moore-tornado_00000036_pre_disaster,0,0,tier3\masks\moore-tornado_00000036_pre_disaster.png,0,0,35,59846,36,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000036_pre_disaster.png,tuscaloosa-tornado_00000036_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000036_pre_disaster.png,0,0,12,68488,36,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000036_pre_disaster.png,pinery-bushfire_00000036_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000036_pre_disaster.png,0,0,0,0,36,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000036_pre_disaster.png,portugal-wildfire_00000036_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000036_pre_disaster.png,0,0,0,0,36,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000036_pre_disaster.png,woolsey-fire_00000036_pre_disaster,0,0,tier3\masks\woolsey-fire_00000036_pre_disaster.png,0,0,0,0,36,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000036_pre_disaster.png,lower-puna-volcano_00000036_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000036_pre_disaster.png,0,0,24,5205,36,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000037_pre_disaster.png,tuscaloosa-tornado_00000037_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000037_pre_disaster.png,0,0,128,152850,37,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000037_pre_disaster.png,mexico-earthquake_00000037_pre_disaster,0,0,train\masks\mexico-earthquake_00000037_pre_disaster.png,0,0,110,427482,37,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000037_pre_disaster.png,joplin-tornado_00000037_pre_disaster,0,0,tier3\masks\joplin-tornado_00000037_pre_disaster.png,0,0,137,103323,37,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000037_pre_disaster.png,moore-tornado_00000037_pre_disaster,0,0,tier3\masks\moore-tornado_00000037_pre_disaster.png,0,0,9,14466,37,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000037_pre_disaster.png,woolsey-fire_00000037_pre_disaster,0,0,tier3\masks\woolsey-fire_00000037_pre_disaster.png,0,0,7,3260,37,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000037_pre_disaster.png,hurricane-florence_00000037_pre_disaster,0,0,train\masks\hurricane-florence_00000037_pre_disaster.png,0,0,13,8475,37,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000037_pre_disaster.png,sunda-tsunami_00000037_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000037_pre_disaster.png,0,0,18,14358,37,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000037_pre_disaster.png,portugal-wildfire_00000037_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000037_pre_disaster.png,0,0,26,19241,37,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000037_pre_disaster.png,lower-puna-volcano_00000037_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000037_pre_disaster.png,0,0,41,26940,37,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000037_pre_disaster.png,nepal-flooding_00000037_pre_disaster,0,0,tier3\masks\nepal-flooding_00000037_pre_disaster.png,0,0,36,18521,37,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000037_pre_disaster.png,pinery-bushfire_00000037_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000037_pre_disaster.png,0,0,6,2788,37,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000038_pre_disaster.png,socal-fire_00000038_pre_disaster,0,0,train\masks\socal-fire_00000038_pre_disaster.png,0,0,13,39411,38,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000038_pre_disaster.png,portugal-wildfire_00000038_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000038_pre_disaster.png,0,0,0,0,38,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000038_pre_disaster.png,woolsey-fire_00000038_pre_disaster,0,0,tier3\masks\woolsey-fire_00000038_pre_disaster.png,0,0,0,0,38,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000038_pre_disaster.png,sunda-tsunami_00000038_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000038_pre_disaster.png,0,0,144,82513,38,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000038_pre_disaster.png,lower-puna-volcano_00000038_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000038_pre_disaster.png,0,0,0,0,38,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000038_pre_disaster.png,nepal-flooding_00000038_pre_disaster,0,0,tier3\masks\nepal-flooding_00000038_pre_disaster.png,0,0,56,25791,38,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000038_pre_disaster.png,moore-tornado_00000038_pre_disaster,0,0,tier3\masks\moore-tornado_00000038_pre_disaster.png,0,0,129,145831,38,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000038_pre_disaster.png,hurricane-michael_00000038_pre_disaster,0,0,train\masks\hurricane-michael_00000038_pre_disaster.png,0,0,0,0,38,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000038_pre_disaster.png,tuscaloosa-tornado_00000038_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000038_pre_disaster.png,0,0,146,181872,38,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000038_pre_disaster.png,joplin-tornado_00000038_pre_disaster,0,0,tier3\masks\joplin-tornado_00000038_pre_disaster.png,0,0,170,171440,38,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000038_pre_disaster.png,midwest-flooding_00000038_pre_disaster,0,0,train\masks\midwest-flooding_00000038_pre_disaster.png,0,0,2,185,38,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000038_pre_disaster.png,pinery-bushfire_00000038_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000038_pre_disaster.png,0,0,0,0,38,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000039_pre_disaster.png,moore-tornado_00000039_pre_disaster,0,0,tier3\masks\moore-tornado_00000039_pre_disaster.png,0,0,116,114846,39,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000039_pre_disaster.png,pinery-bushfire_00000039_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000039_pre_disaster.png,0,0,0,0,39,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000039_pre_disaster.png,joplin-tornado_00000039_pre_disaster,0,0,tier3\masks\joplin-tornado_00000039_pre_disaster.png,0,0,266,247021,39,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000039_pre_disaster.png,hurricane-harvey_00000039_pre_disaster,0,0,train\masks\hurricane-harvey_00000039_pre_disaster.png,0,0,14,11928,39,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000039_pre_disaster.png,nepal-flooding_00000039_pre_disaster,0,0,tier3\masks\nepal-flooding_00000039_pre_disaster.png,0,0,12,9028,39,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000039_pre_disaster.png,portugal-wildfire_00000039_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000039_pre_disaster.png,0,0,36,68928,39,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000039_pre_disaster.png,tuscaloosa-tornado_00000039_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000039_pre_disaster.png,0,0,64,61739,39,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000039_pre_disaster.png,hurricane-matthew_00000039_pre_disaster,0,0,train\masks\hurricane-matthew_00000039_pre_disaster.png,0,0,83,53926,39,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000039_pre_disaster.png,sunda-tsunami_00000039_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000039_pre_disaster.png,0,0,1,103,39,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000039_pre_disaster.png,hurricane-michael_00000039_pre_disaster,0,0,train\masks\hurricane-michael_00000039_pre_disaster.png,0,0,24,64464,39,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000039_pre_disaster.png,mexico-earthquake_00000039_pre_disaster,0,0,train\masks\mexico-earthquake_00000039_pre_disaster.png,0,0,59,282200,39,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000039_pre_disaster.png,lower-puna-volcano_00000039_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000039_pre_disaster.png,0,0,1,118,39,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000039_pre_disaster.png,santa-rosa-wildfire_00000039_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000039_pre_disaster.png,0,0,45,139538,39,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000039_pre_disaster.png,woolsey-fire_00000039_pre_disaster,0,0,tier3\masks\woolsey-fire_00000039_pre_disaster.png,0,0,5,6620,39,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000039_pre_disaster.png,midwest-flooding_00000039_pre_disaster,0,0,train\masks\midwest-flooding_00000039_pre_disaster.png,0,0,41,85924,39,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000040_pre_disaster.png,santa-rosa-wildfire_00000040_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000040_pre_disaster.png,0,0,17,16265,40,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000040_pre_disaster.png,hurricane-harvey_00000040_pre_disaster,0,0,train\masks\hurricane-harvey_00000040_pre_disaster.png,0,0,14,23227,40,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000040_pre_disaster.png,nepal-flooding_00000040_pre_disaster,0,0,tier3\masks\nepal-flooding_00000040_pre_disaster.png,0,0,1,244,40,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000040_pre_disaster.png,tuscaloosa-tornado_00000040_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000040_pre_disaster.png,0,0,44,107695,40,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000040_pre_disaster.png,joplin-tornado_00000040_pre_disaster,0,0,tier3\masks\joplin-tornado_00000040_pre_disaster.png,0,0,193,213032,40,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000040_pre_disaster.png,hurricane-michael_00000040_pre_disaster,0,0,train\masks\hurricane-michael_00000040_pre_disaster.png,0,0,27,111370,40,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000040_pre_disaster.png,hurricane-matthew_00000040_pre_disaster,0,0,train\masks\hurricane-matthew_00000040_pre_disaster.png,0,0,39,21734,40,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000040_pre_disaster.png,midwest-flooding_00000040_pre_disaster,0,0,train\masks\midwest-flooding_00000040_pre_disaster.png,0,0,0,0,40,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000040_pre_disaster.png,moore-tornado_00000040_pre_disaster,0,0,tier3\masks\moore-tornado_00000040_pre_disaster.png,0,0,10,1974,40,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000040_pre_disaster.png,portugal-wildfire_00000040_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000040_pre_disaster.png,0,0,0,0,40,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000040_pre_disaster.png,pinery-bushfire_00000040_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000040_pre_disaster.png,0,0,0,0,40,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000040_pre_disaster.png,sunda-tsunami_00000040_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000040_pre_disaster.png,0,0,0,0,40,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000040_pre_disaster.png,lower-puna-volcano_00000040_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000040_pre_disaster.png,0,0,5,1686,40,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000040_pre_disaster.png,mexico-earthquake_00000040_pre_disaster,0,0,train\masks\mexico-earthquake_00000040_pre_disaster.png,0,0,163,378819,40,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000040_pre_disaster.png,palu-tsunami_00000040_pre_disaster,0,0,train\masks\palu-tsunami_00000040_pre_disaster.png,0,0,40,27363,40,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000040_pre_disaster.png,woolsey-fire_00000040_pre_disaster,0,0,tier3\masks\woolsey-fire_00000040_pre_disaster.png,0,0,0,0,40,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000041_pre_disaster.png,hurricane-michael_00000041_pre_disaster,0,0,train\masks\hurricane-michael_00000041_pre_disaster.png,0,0,123,144912,41,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000041_pre_disaster.png,midwest-flooding_00000041_pre_disaster,0,0,train\masks\midwest-flooding_00000041_pre_disaster.png,0,0,108,171990,41,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000041_pre_disaster.png,hurricane-matthew_00000041_pre_disaster,0,0,train\masks\hurricane-matthew_00000041_pre_disaster.png,0,0,38,14929,41,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000041_pre_disaster.png,joplin-tornado_00000041_pre_disaster,0,0,tier3\masks\joplin-tornado_00000041_pre_disaster.png,0,0,49,120891,41,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000041_pre_disaster.png,nepal-flooding_00000041_pre_disaster,0,0,tier3\masks\nepal-flooding_00000041_pre_disaster.png,0,0,0,0,41,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000041_pre_disaster.png,mexico-earthquake_00000041_pre_disaster,0,0,train\masks\mexico-earthquake_00000041_pre_disaster.png,0,0,65,294745,41,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000041_pre_disaster.png,woolsey-fire_00000041_pre_disaster,0,0,tier3\masks\woolsey-fire_00000041_pre_disaster.png,0,0,14,12829,41,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000041_pre_disaster.png,sunda-tsunami_00000041_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000041_pre_disaster.png,0,0,63,42063,41,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000041_pre_disaster.png,tuscaloosa-tornado_00000041_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000041_pre_disaster.png,0,0,1,406,41,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000041_pre_disaster.png,hurricane-harvey_00000041_pre_disaster,0,0,train\masks\hurricane-harvey_00000041_pre_disaster.png,0,0,3,6852,41,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000041_pre_disaster.png,lower-puna-volcano_00000041_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000041_pre_disaster.png,0,0,2,1220,41,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000041_pre_disaster.png,pinery-bushfire_00000041_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000041_pre_disaster.png,0,0,0,0,41,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000041_pre_disaster.png,santa-rosa-wildfire_00000041_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000041_pre_disaster.png,0,0,140,160522,41,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000041_pre_disaster.png,moore-tornado_00000041_pre_disaster,0,0,tier3\masks\moore-tornado_00000041_pre_disaster.png,0,0,31,29122,41,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000041_pre_disaster.png,portugal-wildfire_00000041_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000041_pre_disaster.png,0,0,0,0,41,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000042_pre_disaster.png,nepal-flooding_00000042_pre_disaster,0,0,tier3\masks\nepal-flooding_00000042_pre_disaster.png,0,0,103,93746,42,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000042_pre_disaster.png,mexico-earthquake_00000042_pre_disaster,0,0,train\masks\mexico-earthquake_00000042_pre_disaster.png,0,0,111,350768,42,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000042_pre_disaster.png,pinery-bushfire_00000042_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000042_pre_disaster.png,0,0,0,0,42,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000042_pre_disaster.png,tuscaloosa-tornado_00000042_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000042_pre_disaster.png,0,0,24,14609,42,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000042_pre_disaster.png,hurricane-harvey_00000042_pre_disaster,0,0,train\masks\hurricane-harvey_00000042_pre_disaster.png,0,0,7,13612,42,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000042_pre_disaster.png,woolsey-fire_00000042_pre_disaster,0,0,tier3\masks\woolsey-fire_00000042_pre_disaster.png,0,0,0,0,42,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000042_pre_disaster.png,hurricane-florence_00000042_pre_disaster,0,0,train\masks\hurricane-florence_00000042_pre_disaster.png,0,0,17,11786,42,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000042_pre_disaster.png,lower-puna-volcano_00000042_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000042_pre_disaster.png,0,0,2,682,42,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000042_pre_disaster.png,palu-tsunami_00000042_pre_disaster,0,0,train\masks\palu-tsunami_00000042_pre_disaster.png,0,0,14,10737,42,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000042_pre_disaster.png,joplin-tornado_00000042_pre_disaster,0,0,tier3\masks\joplin-tornado_00000042_pre_disaster.png,0,0,142,129563,42,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000042_pre_disaster.png,moore-tornado_00000042_pre_disaster,0,0,tier3\masks\moore-tornado_00000042_pre_disaster.png,0,0,84,119476,42,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000042_pre_disaster.png,socal-fire_00000042_pre_disaster,0,0,train\masks\socal-fire_00000042_pre_disaster.png,0,0,8,6121,42,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000042_pre_disaster.png,portugal-wildfire_00000042_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000042_pre_disaster.png,0,0,0,0,42,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000042_pre_disaster.png,sunda-tsunami_00000042_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000042_pre_disaster.png,0,0,83,55374,42,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000042_pre_disaster.png,santa-rosa-wildfire_00000042_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000042_pre_disaster.png,0,0,19,46513,42,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000043_pre_disaster.png,nepal-flooding_00000043_pre_disaster,0,0,tier3\masks\nepal-flooding_00000043_pre_disaster.png,0,0,1,274,43,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000043_pre_disaster.png,sunda-tsunami_00000043_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000043_pre_disaster.png,0,0,3,896,43,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000043_pre_disaster.png,hurricane-harvey_00000043_pre_disaster,0,0,train\masks\hurricane-harvey_00000043_pre_disaster.png,0,0,1,1101,43,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000043_pre_disaster.png,palu-tsunami_00000043_pre_disaster,0,0,train\masks\palu-tsunami_00000043_pre_disaster.png,0,0,27,27418,43,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000043_pre_disaster.png,moore-tornado_00000043_pre_disaster,0,0,tier3\masks\moore-tornado_00000043_pre_disaster.png,0,0,38,51049,43,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000043_pre_disaster.png,midwest-flooding_00000043_pre_disaster,0,0,train\masks\midwest-flooding_00000043_pre_disaster.png,0,0,57,109535,43,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000043_pre_disaster.png,joplin-tornado_00000043_pre_disaster,0,0,tier3\masks\joplin-tornado_00000043_pre_disaster.png,0,0,130,148592,43,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000043_pre_disaster.png,hurricane-matthew_00000043_pre_disaster,0,0,train\masks\hurricane-matthew_00000043_pre_disaster.png,0,0,169,102451,43,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000043_pre_disaster.png,portugal-wildfire_00000043_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000043_pre_disaster.png,0,0,0,0,43,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000043_pre_disaster.png,pinery-bushfire_00000043_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000043_pre_disaster.png,0,0,2,289,43,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000043_pre_disaster.png,lower-puna-volcano_00000043_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000043_pre_disaster.png,0,0,0,0,43,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000043_pre_disaster.png,mexico-earthquake_00000043_pre_disaster,0,0,train\masks\mexico-earthquake_00000043_pre_disaster.png,0,0,180,523760,43,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000043_pre_disaster.png,hurricane-michael_00000043_pre_disaster,0,0,train\masks\hurricane-michael_00000043_pre_disaster.png,0,0,87,143402,43,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000043_pre_disaster.png,hurricane-florence_00000043_pre_disaster,0,0,train\masks\hurricane-florence_00000043_pre_disaster.png,0,0,1,1061,43,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000043_pre_disaster.png,tuscaloosa-tornado_00000043_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000043_pre_disaster.png,0,0,0,0,43,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000043_pre_disaster.png,socal-fire_00000043_pre_disaster,0,0,train\masks\socal-fire_00000043_pre_disaster.png,0,0,0,0,43,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000043_pre_disaster.png,woolsey-fire_00000043_pre_disaster,0,0,tier3\masks\woolsey-fire_00000043_pre_disaster.png,0,0,0,0,43,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000044_pre_disaster.png,mexico-earthquake_00000044_pre_disaster,0,0,train\masks\mexico-earthquake_00000044_pre_disaster.png,0,0,83,425140,44,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000044_pre_disaster.png,hurricane-florence_00000044_pre_disaster,0,0,train\masks\hurricane-florence_00000044_pre_disaster.png,0,0,6,2561,44,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000044_pre_disaster.png,palu-tsunami_00000044_pre_disaster,0,0,train\masks\palu-tsunami_00000044_pre_disaster.png,0,0,114,117594,44,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000044_pre_disaster.png,pinery-bushfire_00000044_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000044_pre_disaster.png,0,0,0,0,44,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000044_pre_disaster.png,tuscaloosa-tornado_00000044_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000044_pre_disaster.png,0,0,2,293,44,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000044_pre_disaster.png,moore-tornado_00000044_pre_disaster,0,0,tier3\masks\moore-tornado_00000044_pre_disaster.png,0,0,16,24760,44,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000044_pre_disaster.png,hurricane-matthew_00000044_pre_disaster,0,0,train\masks\hurricane-matthew_00000044_pre_disaster.png,0,0,133,193287,44,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000044_pre_disaster.png,joplin-tornado_00000044_pre_disaster,0,0,tier3\masks\joplin-tornado_00000044_pre_disaster.png,0,0,110,122186,44,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000044_pre_disaster.png,midwest-flooding_00000044_pre_disaster,0,0,train\masks\midwest-flooding_00000044_pre_disaster.png,0,0,96,264786,44,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000044_pre_disaster.png,sunda-tsunami_00000044_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000044_pre_disaster.png,0,0,0,0,44,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000044_pre_disaster.png,nepal-flooding_00000044_pre_disaster,0,0,tier3\masks\nepal-flooding_00000044_pre_disaster.png,0,0,63,74816,44,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000044_pre_disaster.png,lower-puna-volcano_00000044_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000044_pre_disaster.png,0,0,10,3712,44,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000044_pre_disaster.png,socal-fire_00000044_pre_disaster,0,0,train\masks\socal-fire_00000044_pre_disaster.png,0,0,18,36349,44,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000044_pre_disaster.png,hurricane-michael_00000044_pre_disaster,0,0,train\masks\hurricane-michael_00000044_pre_disaster.png,0,0,19,28451,44,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000044_pre_disaster.png,portugal-wildfire_00000044_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000044_pre_disaster.png,0,0,0,0,44,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000044_pre_disaster.png,woolsey-fire_00000044_pre_disaster,0,0,tier3\masks\woolsey-fire_00000044_pre_disaster.png,0,0,0,0,44,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000044_pre_disaster.png,santa-rosa-wildfire_00000044_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000044_pre_disaster.png,0,0,81,117021,44,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000045_pre_disaster.png,hurricane-michael_00000045_pre_disaster,0,0,train\masks\hurricane-michael_00000045_pre_disaster.png,0,0,40,53750,45,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000045_pre_disaster.png,hurricane-matthew_00000045_pre_disaster,0,0,train\masks\hurricane-matthew_00000045_pre_disaster.png,0,0,86,79149,45,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000045_pre_disaster.png,hurricane-florence_00000045_pre_disaster,0,0,train\masks\hurricane-florence_00000045_pre_disaster.png,0,0,25,15363,45,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000045_pre_disaster.png,joplin-tornado_00000045_pre_disaster,0,0,tier3\masks\joplin-tornado_00000045_pre_disaster.png,0,0,11,9695,45,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000045_pre_disaster.png,lower-puna-volcano_00000045_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000045_pre_disaster.png,0,0,1,212,45,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000045_pre_disaster.png,portugal-wildfire_00000045_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000045_pre_disaster.png,0,0,0,0,45,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000045_pre_disaster.png,pinery-bushfire_00000045_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000045_pre_disaster.png,0,0,0,0,45,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000045_pre_disaster.png,nepal-flooding_00000045_pre_disaster,0,0,tier3\masks\nepal-flooding_00000045_pre_disaster.png,0,0,0,0,45,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000045_pre_disaster.png,woolsey-fire_00000045_pre_disaster,0,0,tier3\masks\woolsey-fire_00000045_pre_disaster.png,0,0,0,0,45,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000045_pre_disaster.png,sunda-tsunami_00000045_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000045_pre_disaster.png,0,0,40,24730,45,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000045_pre_disaster.png,palu-tsunami_00000045_pre_disaster,0,0,train\masks\palu-tsunami_00000045_pre_disaster.png,0,0,157,341510,45,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000045_pre_disaster.png,socal-fire_00000045_pre_disaster,0,0,train\masks\socal-fire_00000045_pre_disaster.png,0,0,11,3160,45,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000045_pre_disaster.png,hurricane-harvey_00000045_pre_disaster,0,0,train\masks\hurricane-harvey_00000045_pre_disaster.png,0,0,4,2451,45,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000045_pre_disaster.png,tuscaloosa-tornado_00000045_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000045_pre_disaster.png,0,0,9,149000,45,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000045_pre_disaster.png,moore-tornado_00000045_pre_disaster,0,0,tier3\masks\moore-tornado_00000045_pre_disaster.png,0,0,158,193437,45,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000046_pre_disaster.png,socal-fire_00000046_pre_disaster,0,0,train\masks\socal-fire_00000046_pre_disaster.png,0,0,23,9450,46,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000046_pre_disaster.png,mexico-earthquake_00000046_pre_disaster,0,0,train\masks\mexico-earthquake_00000046_pre_disaster.png,0,0,52,105420,46,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000046_pre_disaster.png,tuscaloosa-tornado_00000046_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000046_pre_disaster.png,0,0,4,2394,46,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000046_pre_disaster.png,moore-tornado_00000046_pre_disaster,0,0,tier3\masks\moore-tornado_00000046_pre_disaster.png,0,0,177,198603,46,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000046_pre_disaster.png,santa-rosa-wildfire_00000046_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000046_pre_disaster.png,0,0,42,70583,46,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000046_pre_disaster.png,sunda-tsunami_00000046_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000046_pre_disaster.png,0,0,40,21900,46,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000046_pre_disaster.png,lower-puna-volcano_00000046_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000046_pre_disaster.png,0,0,7,762,46,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000046_pre_disaster.png,woolsey-fire_00000046_pre_disaster,0,0,tier3\masks\woolsey-fire_00000046_pre_disaster.png,0,0,0,0,46,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000046_pre_disaster.png,pinery-bushfire_00000046_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000046_pre_disaster.png,0,0,0,0,46,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000046_pre_disaster.png,portugal-wildfire_00000046_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000046_pre_disaster.png,0,0,19,11284,46,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000046_pre_disaster.png,joplin-tornado_00000046_pre_disaster,0,0,tier3\masks\joplin-tornado_00000046_pre_disaster.png,0,0,224,160521,46,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000046_pre_disaster.png,hurricane-harvey_00000046_pre_disaster,0,0,train\masks\hurricane-harvey_00000046_pre_disaster.png,0,0,0,0,46,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000046_pre_disaster.png,hurricane-michael_00000046_pre_disaster,0,0,train\masks\hurricane-michael_00000046_pre_disaster.png,0,0,57,99166,46,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000046_pre_disaster.png,nepal-flooding_00000046_pre_disaster,0,0,tier3\masks\nepal-flooding_00000046_pre_disaster.png,0,0,1,85,46,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000047_pre_disaster.png,pinery-bushfire_00000047_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000047_pre_disaster.png,0,0,0,0,47,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000047_pre_disaster.png,lower-puna-volcano_00000047_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000047_pre_disaster.png,0,0,36,25922,47,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000047_pre_disaster.png,portugal-wildfire_00000047_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000047_pre_disaster.png,0,0,0,0,47,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000047_pre_disaster.png,tuscaloosa-tornado_00000047_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000047_pre_disaster.png,0,0,83,68837,47,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000047_pre_disaster.png,palu-tsunami_00000047_pre_disaster,0,0,train\masks\palu-tsunami_00000047_pre_disaster.png,0,0,103,150093,47,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000047_pre_disaster.png,sunda-tsunami_00000047_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000047_pre_disaster.png,0,0,38,19062,47,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000047_pre_disaster.png,santa-rosa-wildfire_00000047_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000047_pre_disaster.png,0,0,35,49402,47,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000047_pre_disaster.png,hurricane-harvey_00000047_pre_disaster,0,0,train\masks\hurricane-harvey_00000047_pre_disaster.png,0,0,18,15449,47,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000047_pre_disaster.png,joplin-tornado_00000047_pre_disaster,0,0,tier3\masks\joplin-tornado_00000047_pre_disaster.png,0,0,17,100685,47,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000047_pre_disaster.png,hurricane-michael_00000047_pre_disaster,0,0,train\masks\hurricane-michael_00000047_pre_disaster.png,0,0,8,14928,47,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000047_pre_disaster.png,nepal-flooding_00000047_pre_disaster,0,0,tier3\masks\nepal-flooding_00000047_pre_disaster.png,0,0,8,753,47,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000047_pre_disaster.png,midwest-flooding_00000047_pre_disaster,0,0,train\masks\midwest-flooding_00000047_pre_disaster.png,0,0,114,171864,47,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000047_pre_disaster.png,mexico-earthquake_00000047_pre_disaster,0,0,train\masks\mexico-earthquake_00000047_pre_disaster.png,0,0,98,271424,47,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000047_pre_disaster.png,woolsey-fire_00000047_pre_disaster,0,0,tier3\masks\woolsey-fire_00000047_pre_disaster.png,0,0,0,0,47,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000047_pre_disaster.png,moore-tornado_00000047_pre_disaster,0,0,tier3\masks\moore-tornado_00000047_pre_disaster.png,0,0,155,174433,47,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000048_pre_disaster.png,palu-tsunami_00000048_pre_disaster,0,0,train\masks\palu-tsunami_00000048_pre_disaster.png,0,0,50,80651,48,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000048_pre_disaster.png,joplin-tornado_00000048_pre_disaster,0,0,tier3\masks\joplin-tornado_00000048_pre_disaster.png,0,0,88,81434,48,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000048_pre_disaster.png,lower-puna-volcano_00000048_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000048_pre_disaster.png,0,0,24,15823,48,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000048_pre_disaster.png,hurricane-michael_00000048_pre_disaster,0,0,train\masks\hurricane-michael_00000048_pre_disaster.png,0,0,25,66841,48,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000048_pre_disaster.png,portugal-wildfire_00000048_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000048_pre_disaster.png,0,0,41,52549,48,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000048_pre_disaster.png,moore-tornado_00000048_pre_disaster,0,0,tier3\masks\moore-tornado_00000048_pre_disaster.png,0,0,73,99741,48,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000048_pre_disaster.png,socal-fire_00000048_pre_disaster,0,0,train\masks\socal-fire_00000048_pre_disaster.png,0,0,10,13953,48,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000048_pre_disaster.png,mexico-earthquake_00000048_pre_disaster,0,0,train\masks\mexico-earthquake_00000048_pre_disaster.png,0,0,265,429337,48,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000048_pre_disaster.png,pinery-bushfire_00000048_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000048_pre_disaster.png,0,0,22,11926,48,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000048_pre_disaster.png,woolsey-fire_00000048_pre_disaster,0,0,tier3\masks\woolsey-fire_00000048_pre_disaster.png,0,0,0,0,48,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000048_pre_disaster.png,nepal-flooding_00000048_pre_disaster,0,0,tier3\masks\nepal-flooding_00000048_pre_disaster.png,0,0,18,31553,48,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000048_pre_disaster.png,hurricane-florence_00000048_pre_disaster,0,0,train\masks\hurricane-florence_00000048_pre_disaster.png,0,0,23,17201,48,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000048_pre_disaster.png,hurricane-matthew_00000048_pre_disaster,0,0,train\masks\hurricane-matthew_00000048_pre_disaster.png,0,0,51,14184,48,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000048_pre_disaster.png,hurricane-harvey_00000048_pre_disaster,0,0,train\masks\hurricane-harvey_00000048_pre_disaster.png,0,0,1,224,48,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000048_pre_disaster.png,sunda-tsunami_00000048_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000048_pre_disaster.png,0,0,0,0,48,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000048_pre_disaster.png,tuscaloosa-tornado_00000048_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000048_pre_disaster.png,0,0,64,84372,48,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000049_pre_disaster.png,lower-puna-volcano_00000049_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000049_pre_disaster.png,0,0,0,0,49,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000049_pre_disaster.png,moore-tornado_00000049_pre_disaster,0,0,tier3\masks\moore-tornado_00000049_pre_disaster.png,0,0,7,2830,49,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000049_pre_disaster.png,hurricane-harvey_00000049_pre_disaster,0,0,train\masks\hurricane-harvey_00000049_pre_disaster.png,0,0,0,0,49,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000049_pre_disaster.png,sunda-tsunami_00000049_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000049_pre_disaster.png,0,0,57,79400,49,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000049_pre_disaster.png,midwest-flooding_00000049_pre_disaster,0,0,train\masks\midwest-flooding_00000049_pre_disaster.png,0,0,188,211023,49,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000049_pre_disaster.png,santa-rosa-wildfire_00000049_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000049_pre_disaster.png,0,0,76,152863,49,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000049_pre_disaster.png,portugal-wildfire_00000049_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000049_pre_disaster.png,0,0,0,0,49,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000049_pre_disaster.png,palu-tsunami_00000049_pre_disaster,0,0,train\masks\palu-tsunami_00000049_pre_disaster.png,0,0,0,0,49,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000049_pre_disaster.png,joplin-tornado_00000049_pre_disaster,0,0,tier3\masks\joplin-tornado_00000049_pre_disaster.png,0,0,78,67805,49,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000049_pre_disaster.png,nepal-flooding_00000049_pre_disaster,0,0,tier3\masks\nepal-flooding_00000049_pre_disaster.png,0,0,10,7081,49,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000049_pre_disaster.png,hurricane-matthew_00000049_pre_disaster,0,0,train\masks\hurricane-matthew_00000049_pre_disaster.png,0,0,43,22650,49,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000049_pre_disaster.png,pinery-bushfire_00000049_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000049_pre_disaster.png,0,0,0,0,49,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000049_pre_disaster.png,tuscaloosa-tornado_00000049_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000049_pre_disaster.png,0,0,84,72098,49,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000049_pre_disaster.png,mexico-earthquake_00000049_pre_disaster,0,0,train\masks\mexico-earthquake_00000049_pre_disaster.png,0,0,90,243713,49,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000049_pre_disaster.png,hurricane-florence_00000049_pre_disaster,0,0,train\masks\hurricane-florence_00000049_pre_disaster.png,0,0,3,661,49,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000049_pre_disaster.png,hurricane-michael_00000049_pre_disaster,0,0,train\masks\hurricane-michael_00000049_pre_disaster.png,0,0,117,129214,49,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000049_pre_disaster.png,woolsey-fire_00000049_pre_disaster,0,0,tier3\masks\woolsey-fire_00000049_pre_disaster.png,0,0,0,0,49,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000050_pre_disaster.png,hurricane-matthew_00000050_pre_disaster,0,0,train\masks\hurricane-matthew_00000050_pre_disaster.png,0,0,3,525,50,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000050_pre_disaster.png,socal-fire_00000050_pre_disaster,0,0,train\masks\socal-fire_00000050_pre_disaster.png,0,0,17,5237,50,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000050_pre_disaster.png,lower-puna-volcano_00000050_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000050_pre_disaster.png,0,0,0,0,50,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000050_pre_disaster.png,palu-tsunami_00000050_pre_disaster,0,0,train\masks\palu-tsunami_00000050_pre_disaster.png,0,0,13,11503,50,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000050_pre_disaster.png,santa-rosa-wildfire_00000050_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000050_pre_disaster.png,0,0,175,184108,50,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000050_pre_disaster.png,nepal-flooding_00000050_pre_disaster,0,0,tier3\masks\nepal-flooding_00000050_pre_disaster.png,0,0,1,386,50,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000050_pre_disaster.png,tuscaloosa-tornado_00000050_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000050_pre_disaster.png,0,0,11,4863,50,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000050_pre_disaster.png,hurricane-michael_00000050_pre_disaster,0,0,train\masks\hurricane-michael_00000050_pre_disaster.png,0,0,17,51786,50,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000050_pre_disaster.png,pinery-bushfire_00000050_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000050_pre_disaster.png,0,0,0,0,50,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000050_pre_disaster.png,portugal-wildfire_00000050_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000050_pre_disaster.png,0,0,22,13385,50,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000050_pre_disaster.png,sunda-tsunami_00000050_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000050_pre_disaster.png,0,0,0,0,50,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000050_pre_disaster.png,joplin-tornado_00000050_pre_disaster,0,0,tier3\masks\joplin-tornado_00000050_pre_disaster.png,0,0,15,73500,50,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000050_pre_disaster.png,woolsey-fire_00000050_pre_disaster,0,0,tier3\masks\woolsey-fire_00000050_pre_disaster.png,0,0,0,0,50,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000050_pre_disaster.png,moore-tornado_00000050_pre_disaster,0,0,tier3\masks\moore-tornado_00000050_pre_disaster.png,0,0,145,172792,50,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000051_pre_disaster.png,pinery-bushfire_00000051_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000051_pre_disaster.png,0,0,0,0,51,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000051_pre_disaster.png,moore-tornado_00000051_pre_disaster,0,0,tier3\masks\moore-tornado_00000051_pre_disaster.png,0,0,264,265131,51,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000051_pre_disaster.png,woolsey-fire_00000051_pre_disaster,0,0,tier3\masks\woolsey-fire_00000051_pre_disaster.png,0,0,0,0,51,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000051_pre_disaster.png,lower-puna-volcano_00000051_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000051_pre_disaster.png,0,0,1,191,51,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000051_pre_disaster.png,socal-fire_00000051_pre_disaster,0,0,train\masks\socal-fire_00000051_pre_disaster.png,0,0,0,0,51,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000051_pre_disaster.png,portugal-wildfire_00000051_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000051_pre_disaster.png,0,0,14,14120,51,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000051_pre_disaster.png,sunda-tsunami_00000051_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000051_pre_disaster.png,0,0,44,27988,51,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000051_pre_disaster.png,hurricane-michael_00000051_pre_disaster,0,0,train\masks\hurricane-michael_00000051_pre_disaster.png,0,0,95,155792,51,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000051_pre_disaster.png,hurricane-harvey_00000051_pre_disaster,0,0,train\masks\hurricane-harvey_00000051_pre_disaster.png,0,0,1,1673,51,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000051_pre_disaster.png,nepal-flooding_00000051_pre_disaster,0,0,tier3\masks\nepal-flooding_00000051_pre_disaster.png,0,0,3,1042,51,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000051_pre_disaster.png,palu-tsunami_00000051_pre_disaster,0,0,train\masks\palu-tsunami_00000051_pre_disaster.png,0,0,46,119392,51,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000051_pre_disaster.png,tuscaloosa-tornado_00000051_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000051_pre_disaster.png,0,0,106,112460,51,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000051_pre_disaster.png,hurricane-matthew_00000051_pre_disaster,0,0,train\masks\hurricane-matthew_00000051_pre_disaster.png,0,0,58,17205,51,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000051_pre_disaster.png,santa-rosa-wildfire_00000051_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000051_pre_disaster.png,0,0,9,14135,51,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000051_pre_disaster.png,joplin-tornado_00000051_pre_disaster,0,0,tier3\masks\joplin-tornado_00000051_pre_disaster.png,0,0,25,147283,51,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000051_pre_disaster.png,hurricane-florence_00000051_pre_disaster,0,0,train\masks\hurricane-florence_00000051_pre_disaster.png,0,0,18,14217,51,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000052_pre_disaster.png,hurricane-harvey_00000052_pre_disaster,0,0,train\masks\hurricane-harvey_00000052_pre_disaster.png,0,0,0,0,52,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000052_pre_disaster.png,woolsey-fire_00000052_pre_disaster,0,0,tier3\masks\woolsey-fire_00000052_pre_disaster.png,0,0,3,923,52,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000052_pre_disaster.png,sunda-tsunami_00000052_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000052_pre_disaster.png,0,0,94,406581,52,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000052_pre_disaster.png,moore-tornado_00000052_pre_disaster,0,0,tier3\masks\moore-tornado_00000052_pre_disaster.png,0,0,6,92786,52,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000052_pre_disaster.png,nepal-flooding_00000052_pre_disaster,0,0,tier3\masks\nepal-flooding_00000052_pre_disaster.png,0,0,37,42742,52,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000052_pre_disaster.png,tuscaloosa-tornado_00000052_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000052_pre_disaster.png,0,0,0,0,52,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000052_pre_disaster.png,pinery-bushfire_00000052_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000052_pre_disaster.png,0,0,0,0,52,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000052_pre_disaster.png,mexico-earthquake_00000052_pre_disaster,0,0,train\masks\mexico-earthquake_00000052_pre_disaster.png,0,0,366,425186,52,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000052_pre_disaster.png,hurricane-michael_00000052_pre_disaster,0,0,train\masks\hurricane-michael_00000052_pre_disaster.png,0,0,21,12304,52,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000052_pre_disaster.png,portugal-wildfire_00000052_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000052_pre_disaster.png,0,0,68,139446,52,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000052_pre_disaster.png,joplin-tornado_00000052_pre_disaster,0,0,tier3\masks\joplin-tornado_00000052_pre_disaster.png,0,0,29,43338,52,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000052_pre_disaster.png,lower-puna-volcano_00000052_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000052_pre_disaster.png,0,0,2,293,52,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000052_pre_disaster.png,hurricane-matthew_00000052_pre_disaster,0,0,train\masks\hurricane-matthew_00000052_pre_disaster.png,0,0,24,6782,52,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000053_pre_disaster.png,hurricane-harvey_00000053_pre_disaster,0,0,train\masks\hurricane-harvey_00000053_pre_disaster.png,0,0,0,0,53,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000053_pre_disaster.png,hurricane-florence_00000053_pre_disaster,0,0,train\masks\hurricane-florence_00000053_pre_disaster.png,0,0,6,8937,53,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000053_pre_disaster.png,mexico-earthquake_00000053_pre_disaster,0,0,train\masks\mexico-earthquake_00000053_pre_disaster.png,0,0,91,278187,53,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000053_pre_disaster.png,portugal-wildfire_00000053_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000053_pre_disaster.png,0,0,0,0,53,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000053_pre_disaster.png,lower-puna-volcano_00000053_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000053_pre_disaster.png,0,0,4,3609,53,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000053_pre_disaster.png,hurricane-michael_00000053_pre_disaster,0,0,train\masks\hurricane-michael_00000053_pre_disaster.png,0,0,0,0,53,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000053_pre_disaster.png,hurricane-matthew_00000053_pre_disaster,0,0,train\masks\hurricane-matthew_00000053_pre_disaster.png,0,0,5,927,53,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000053_pre_disaster.png,tuscaloosa-tornado_00000053_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000053_pre_disaster.png,0,0,36,45010,53,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000053_pre_disaster.png,socal-fire_00000053_pre_disaster,0,0,train\masks\socal-fire_00000053_pre_disaster.png,0,0,0,0,53,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000053_pre_disaster.png,moore-tornado_00000053_pre_disaster,0,0,tier3\masks\moore-tornado_00000053_pre_disaster.png,0,0,50,87054,53,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000053_pre_disaster.png,palu-tsunami_00000053_pre_disaster,0,0,train\masks\palu-tsunami_00000053_pre_disaster.png,0,0,48,105200,53,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000053_pre_disaster.png,nepal-flooding_00000053_pre_disaster,0,0,tier3\masks\nepal-flooding_00000053_pre_disaster.png,0,0,1,123,53,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000053_pre_disaster.png,pinery-bushfire_00000053_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000053_pre_disaster.png,0,0,11,6395,53,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000053_pre_disaster.png,joplin-tornado_00000053_pre_disaster,0,0,tier3\masks\joplin-tornado_00000053_pre_disaster.png,0,0,84,81598,53,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000053_pre_disaster.png,sunda-tsunami_00000053_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000053_pre_disaster.png,0,0,99,121463,53,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000053_pre_disaster.png,woolsey-fire_00000053_pre_disaster,0,0,tier3\masks\woolsey-fire_00000053_pre_disaster.png,0,0,3,5216,53,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000054_pre_disaster.png,woolsey-fire_00000054_pre_disaster,0,0,tier3\masks\woolsey-fire_00000054_pre_disaster.png,0,0,2,402,54,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000054_pre_disaster.png,tuscaloosa-tornado_00000054_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000054_pre_disaster.png,0,0,18,20303,54,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000054_pre_disaster.png,midwest-flooding_00000054_pre_disaster,0,0,train\masks\midwest-flooding_00000054_pre_disaster.png,0,0,98,277473,54,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000054_pre_disaster.png,pinery-bushfire_00000054_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000054_pre_disaster.png,0,0,0,0,54,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000054_pre_disaster.png,nepal-flooding_00000054_pre_disaster,0,0,tier3\masks\nepal-flooding_00000054_pre_disaster.png,0,0,6,864,54,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000054_pre_disaster.png,palu-tsunami_00000054_pre_disaster,0,0,train\masks\palu-tsunami_00000054_pre_disaster.png,0,0,193,237780,54,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000054_pre_disaster.png,sunda-tsunami_00000054_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000054_pre_disaster.png,0,0,2,680,54,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000054_pre_disaster.png,portugal-wildfire_00000054_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000054_pre_disaster.png,0,0,0,0,54,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000054_pre_disaster.png,moore-tornado_00000054_pre_disaster,0,0,tier3\masks\moore-tornado_00000054_pre_disaster.png,0,0,250,219163,54,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000054_pre_disaster.png,hurricane-harvey_00000054_pre_disaster,0,0,train\masks\hurricane-harvey_00000054_pre_disaster.png,0,0,2,1152,54,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000054_pre_disaster.png,joplin-tornado_00000054_pre_disaster,0,0,tier3\masks\joplin-tornado_00000054_pre_disaster.png,0,0,20,88108,54,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000054_pre_disaster.png,hurricane-matthew_00000054_pre_disaster,0,0,train\masks\hurricane-matthew_00000054_pre_disaster.png,0,0,38,10887,54,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000054_pre_disaster.png,hurricane-florence_00000054_pre_disaster,0,0,train\masks\hurricane-florence_00000054_pre_disaster.png,0,0,8,34525,54,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000054_pre_disaster.png,lower-puna-volcano_00000054_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000054_pre_disaster.png,0,0,31,31921,54,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000055_pre_disaster.png,hurricane-harvey_00000055_pre_disaster,0,0,train\masks\hurricane-harvey_00000055_pre_disaster.png,0,0,1,523,55,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000055_pre_disaster.png,mexico-earthquake_00000055_pre_disaster,0,0,train\masks\mexico-earthquake_00000055_pre_disaster.png,0,0,123,204132,55,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000055_pre_disaster.png,woolsey-fire_00000055_pre_disaster,0,0,tier3\masks\woolsey-fire_00000055_pre_disaster.png,0,0,20,11770,55,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000055_pre_disaster.png,nepal-flooding_00000055_pre_disaster,0,0,tier3\masks\nepal-flooding_00000055_pre_disaster.png,0,0,26,14107,55,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000055_pre_disaster.png,socal-fire_00000055_pre_disaster,0,0,train\masks\socal-fire_00000055_pre_disaster.png,0,0,5,1077,55,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000055_pre_disaster.png,joplin-tornado_00000055_pre_disaster,0,0,tier3\masks\joplin-tornado_00000055_pre_disaster.png,0,0,25,52061,55,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000055_pre_disaster.png,lower-puna-volcano_00000055_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000055_pre_disaster.png,0,0,36,24361,55,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000055_pre_disaster.png,sunda-tsunami_00000055_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000055_pre_disaster.png,0,0,165,551661,55,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000055_pre_disaster.png,moore-tornado_00000055_pre_disaster,0,0,tier3\masks\moore-tornado_00000055_pre_disaster.png,0,0,103,163482,55,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000055_pre_disaster.png,santa-rosa-wildfire_00000055_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000055_pre_disaster.png,0,0,10,10904,55,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000055_pre_disaster.png,portugal-wildfire_00000055_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000055_pre_disaster.png,0,0,0,0,55,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000055_pre_disaster.png,tuscaloosa-tornado_00000055_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000055_pre_disaster.png,0,0,112,114440,55,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000055_pre_disaster.png,hurricane-florence_00000055_pre_disaster,0,0,train\masks\hurricane-florence_00000055_pre_disaster.png,0,0,9,5475,55,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000055_pre_disaster.png,pinery-bushfire_00000055_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000055_pre_disaster.png,0,0,0,0,55,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000056_pre_disaster.png,moore-tornado_00000056_pre_disaster,0,0,tier3\masks\moore-tornado_00000056_pre_disaster.png,0,0,260,247640,56,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000056_pre_disaster.png,joplin-tornado_00000056_pre_disaster,0,0,tier3\masks\joplin-tornado_00000056_pre_disaster.png,0,0,23,18900,56,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000056_pre_disaster.png,pinery-bushfire_00000056_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000056_pre_disaster.png,0,0,38,43855,56,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000056_pre_disaster.png,hurricane-michael_00000056_pre_disaster,0,0,train\masks\hurricane-michael_00000056_pre_disaster.png,0,0,57,75305,56,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000056_pre_disaster.png,palu-tsunami_00000056_pre_disaster,0,0,train\masks\palu-tsunami_00000056_pre_disaster.png,0,0,64,139477,56,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000056_pre_disaster.png,nepal-flooding_00000056_pre_disaster,0,0,tier3\masks\nepal-flooding_00000056_pre_disaster.png,0,0,2,550,56,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000056_pre_disaster.png,hurricane-harvey_00000056_pre_disaster,0,0,train\masks\hurricane-harvey_00000056_pre_disaster.png,0,0,154,273864,56,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000056_pre_disaster.png,lower-puna-volcano_00000056_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000056_pre_disaster.png,0,0,0,0,56,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000056_pre_disaster.png,socal-fire_00000056_pre_disaster,0,0,train\masks\socal-fire_00000056_pre_disaster.png,0,0,0,0,56,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000056_pre_disaster.png,tuscaloosa-tornado_00000056_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000056_pre_disaster.png,0,0,0,0,56,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000056_pre_disaster.png,santa-rosa-wildfire_00000056_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000056_pre_disaster.png,0,0,53,32066,56,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000056_pre_disaster.png,woolsey-fire_00000056_pre_disaster,0,0,tier3\masks\woolsey-fire_00000056_pre_disaster.png,0,0,12,10206,56,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000056_pre_disaster.png,portugal-wildfire_00000056_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000056_pre_disaster.png,0,0,27,27876,56,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000056_pre_disaster.png,sunda-tsunami_00000056_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000056_pre_disaster.png,0,0,217,216505,56,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000056_pre_disaster.png,hurricane-matthew_00000056_pre_disaster,0,0,train\masks\hurricane-matthew_00000056_pre_disaster.png,0,0,11,2030,56,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000057_pre_disaster.png,joplin-tornado_00000057_pre_disaster,0,0,tier3\masks\joplin-tornado_00000057_pre_disaster.png,0,0,25,83975,57,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000057_pre_disaster.png,sunda-tsunami_00000057_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000057_pre_disaster.png,0,0,37,19421,57,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000057_pre_disaster.png,moore-tornado_00000057_pre_disaster,0,0,tier3\masks\moore-tornado_00000057_pre_disaster.png,0,0,201,234504,57,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000057_pre_disaster.png,portugal-wildfire_00000057_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000057_pre_disaster.png,0,0,6,2437,57,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000057_pre_disaster.png,tuscaloosa-tornado_00000057_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000057_pre_disaster.png,0,0,83,67406,57,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000057_pre_disaster.png,woolsey-fire_00000057_pre_disaster,0,0,tier3\masks\woolsey-fire_00000057_pre_disaster.png,0,0,0,0,57,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000057_pre_disaster.png,hurricane-florence_00000057_pre_disaster,0,0,train\masks\hurricane-florence_00000057_pre_disaster.png,0,0,1,96,57,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000057_pre_disaster.png,socal-fire_00000057_pre_disaster,0,0,train\masks\socal-fire_00000057_pre_disaster.png,0,0,0,0,57,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000057_pre_disaster.png,pinery-bushfire_00000057_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000057_pre_disaster.png,0,0,0,0,57,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000057_pre_disaster.png,lower-puna-volcano_00000057_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000057_pre_disaster.png,0,0,0,0,57,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000057_pre_disaster.png,mexico-earthquake_00000057_pre_disaster,0,0,train\masks\mexico-earthquake_00000057_pre_disaster.png,0,0,153,393632,57,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000057_pre_disaster.png,hurricane-harvey_00000057_pre_disaster,0,0,train\masks\hurricane-harvey_00000057_pre_disaster.png,0,0,138,265047,57,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000057_pre_disaster.png,nepal-flooding_00000057_pre_disaster,0,0,tier3\masks\nepal-flooding_00000057_pre_disaster.png,0,0,10,5297,57,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000057_pre_disaster.png,palu-tsunami_00000057_pre_disaster,0,0,train\masks\palu-tsunami_00000057_pre_disaster.png,0,0,20,59268,57,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000057_pre_disaster.png,santa-rosa-wildfire_00000057_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000057_pre_disaster.png,0,0,268,246644,57,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000058_pre_disaster.png,moore-tornado_00000058_pre_disaster,0,0,tier3\masks\moore-tornado_00000058_pre_disaster.png,0,0,31,94382,58,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000058_pre_disaster.png,nepal-flooding_00000058_pre_disaster,0,0,tier3\masks\nepal-flooding_00000058_pre_disaster.png,0,0,4,331,58,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000058_pre_disaster.png,woolsey-fire_00000058_pre_disaster,0,0,tier3\masks\woolsey-fire_00000058_pre_disaster.png,0,0,0,0,58,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000058_pre_disaster.png,socal-fire_00000058_pre_disaster,0,0,train\masks\socal-fire_00000058_pre_disaster.png,0,0,4,936,58,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000058_pre_disaster.png,palu-tsunami_00000058_pre_disaster,0,0,train\masks\palu-tsunami_00000058_pre_disaster.png,0,0,186,323169,58,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000058_pre_disaster.png,lower-puna-volcano_00000058_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000058_pre_disaster.png,0,0,0,0,58,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000058_pre_disaster.png,sunda-tsunami_00000058_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000058_pre_disaster.png,0,0,18,22251,58,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000058_pre_disaster.png,pinery-bushfire_00000058_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000058_pre_disaster.png,0,0,0,0,58,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000058_pre_disaster.png,santa-rosa-wildfire_00000058_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000058_pre_disaster.png,0,0,265,305256,58,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000058_pre_disaster.png,midwest-flooding_00000058_pre_disaster,0,0,train\masks\midwest-flooding_00000058_pre_disaster.png,0,0,77,163831,58,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000058_pre_disaster.png,hurricane-michael_00000058_pre_disaster,0,0,train\masks\hurricane-michael_00000058_pre_disaster.png,0,0,63,94835,58,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000058_pre_disaster.png,portugal-wildfire_00000058_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000058_pre_disaster.png,0,0,0,0,58,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000058_pre_disaster.png,hurricane-florence_00000058_pre_disaster,0,0,train\masks\hurricane-florence_00000058_pre_disaster.png,0,0,0,0,58,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000058_pre_disaster.png,joplin-tornado_00000058_pre_disaster,0,0,tier3\masks\joplin-tornado_00000058_pre_disaster.png,0,0,24,24787,58,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000058_pre_disaster.png,tuscaloosa-tornado_00000058_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000058_pre_disaster.png,0,0,89,97801,58,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000059_pre_disaster.png,woolsey-fire_00000059_pre_disaster,0,0,tier3\masks\woolsey-fire_00000059_pre_disaster.png,0,0,0,0,59,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000059_pre_disaster.png,santa-rosa-wildfire_00000059_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000059_pre_disaster.png,0,0,22,19969,59,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000059_pre_disaster.png,pinery-bushfire_00000059_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000059_pre_disaster.png,0,0,0,0,59,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000059_pre_disaster.png,nepal-flooding_00000059_pre_disaster,0,0,tier3\masks\nepal-flooding_00000059_pre_disaster.png,0,0,9,5670,59,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000059_pre_disaster.png,sunda-tsunami_00000059_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000059_pre_disaster.png,0,0,207,443164,59,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000059_pre_disaster.png,tuscaloosa-tornado_00000059_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000059_pre_disaster.png,0,0,67,76083,59,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000059_pre_disaster.png,portugal-wildfire_00000059_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000059_pre_disaster.png,0,0,0,0,59,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000059_pre_disaster.png,mexico-earthquake_00000059_pre_disaster,0,0,train\masks\mexico-earthquake_00000059_pre_disaster.png,0,0,133,349098,59,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000059_pre_disaster.png,joplin-tornado_00000059_pre_disaster,0,0,tier3\masks\joplin-tornado_00000059_pre_disaster.png,0,0,8,38272,59,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000059_pre_disaster.png,midwest-flooding_00000059_pre_disaster,0,0,train\masks\midwest-flooding_00000059_pre_disaster.png,0,0,206,205352,59,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000059_pre_disaster.png,hurricane-harvey_00000059_pre_disaster,0,0,train\masks\hurricane-harvey_00000059_pre_disaster.png,0,0,28,96084,59,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000059_pre_disaster.png,hurricane-florence_00000059_pre_disaster,0,0,train\masks\hurricane-florence_00000059_pre_disaster.png,0,0,2,2764,59,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000059_pre_disaster.png,lower-puna-volcano_00000059_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000059_pre_disaster.png,0,0,21,7080,59,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000059_pre_disaster.png,hurricane-michael_00000059_pre_disaster,0,0,train\masks\hurricane-michael_00000059_pre_disaster.png,0,0,56,146053,59,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000059_pre_disaster.png,moore-tornado_00000059_pre_disaster,0,0,tier3\masks\moore-tornado_00000059_pre_disaster.png,0,0,7,3056,59,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000059_pre_disaster.png,socal-fire_00000059_pre_disaster,0,0,train\masks\socal-fire_00000059_pre_disaster.png,0,0,2,1724,59,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000060_pre_disaster.png,midwest-flooding_00000060_pre_disaster,0,0,train\masks\midwest-flooding_00000060_pre_disaster.png,0,0,230,185758,60,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000060_pre_disaster.png,portugal-wildfire_00000060_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000060_pre_disaster.png,0,0,14,10639,60,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000060_pre_disaster.png,moore-tornado_00000060_pre_disaster,0,0,tier3\masks\moore-tornado_00000060_pre_disaster.png,0,0,29,46166,60,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000060_pre_disaster.png,hurricane-michael_00000060_pre_disaster,0,0,train\masks\hurricane-michael_00000060_pre_disaster.png,0,0,109,137270,60,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000060_pre_disaster.png,woolsey-fire_00000060_pre_disaster,0,0,tier3\masks\woolsey-fire_00000060_pre_disaster.png,0,0,0,0,60,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000060_pre_disaster.png,tuscaloosa-tornado_00000060_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000060_pre_disaster.png,0,0,0,0,60,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000060_pre_disaster.png,hurricane-harvey_00000060_pre_disaster,0,0,train\masks\hurricane-harvey_00000060_pre_disaster.png,0,0,2,5048,60,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000060_pre_disaster.png,pinery-bushfire_00000060_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000060_pre_disaster.png,0,0,0,0,60,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000060_pre_disaster.png,socal-fire_00000060_pre_disaster,0,0,train\masks\socal-fire_00000060_pre_disaster.png,0,0,0,0,60,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000060_pre_disaster.png,nepal-flooding_00000060_pre_disaster,0,0,tier3\masks\nepal-flooding_00000060_pre_disaster.png,0,0,62,46688,60,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000060_pre_disaster.png,hurricane-florence_00000060_pre_disaster,0,0,train\masks\hurricane-florence_00000060_pre_disaster.png,0,0,9,7847,60,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000060_pre_disaster.png,santa-rosa-wildfire_00000060_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000060_pre_disaster.png,0,0,9,12882,60,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000060_pre_disaster.png,sunda-tsunami_00000060_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000060_pre_disaster.png,0,0,116,124583,60,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000060_pre_disaster.png,joplin-tornado_00000060_pre_disaster,0,0,tier3\masks\joplin-tornado_00000060_pre_disaster.png,0,0,41,42350,60,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000060_pre_disaster.png,lower-puna-volcano_00000060_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000060_pre_disaster.png,0,0,50,35465,60,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000060_pre_disaster.png,hurricane-matthew_00000060_pre_disaster,0,0,train\masks\hurricane-matthew_00000060_pre_disaster.png,0,0,69,36552,60,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000061_pre_disaster.png,midwest-flooding_00000061_pre_disaster,0,0,train\masks\midwest-flooding_00000061_pre_disaster.png,0,0,40,169029,61,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000061_pre_disaster.png,moore-tornado_00000061_pre_disaster,0,0,tier3\masks\moore-tornado_00000061_pre_disaster.png,0,0,0,0,61,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000061_pre_disaster.png,sunda-tsunami_00000061_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000061_pre_disaster.png,0,0,5,1501,61,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000061_pre_disaster.png,joplin-tornado_00000061_pre_disaster,0,0,tier3\masks\joplin-tornado_00000061_pre_disaster.png,0,0,12,157058,61,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000061_pre_disaster.png,portugal-wildfire_00000061_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000061_pre_disaster.png,0,0,5,2192,61,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000061_pre_disaster.png,palu-tsunami_00000061_pre_disaster,0,0,train\masks\palu-tsunami_00000061_pre_disaster.png,0,0,106,120780,61,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000061_pre_disaster.png,socal-fire_00000061_pre_disaster,0,0,train\masks\socal-fire_00000061_pre_disaster.png,0,0,1,166,61,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000061_pre_disaster.png,lower-puna-volcano_00000061_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000061_pre_disaster.png,0,0,0,0,61,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000061_pre_disaster.png,tuscaloosa-tornado_00000061_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000061_pre_disaster.png,0,0,14,30621,61,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000061_pre_disaster.png,pinery-bushfire_00000061_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000061_pre_disaster.png,0,0,0,0,61,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000061_pre_disaster.png,hurricane-florence_00000061_pre_disaster,0,0,train\masks\hurricane-florence_00000061_pre_disaster.png,0,0,8,6147,61,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000061_pre_disaster.png,nepal-flooding_00000061_pre_disaster,0,0,tier3\masks\nepal-flooding_00000061_pre_disaster.png,0,0,1,176,61,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000061_pre_disaster.png,hurricane-michael_00000061_pre_disaster,0,0,train\masks\hurricane-michael_00000061_pre_disaster.png,0,0,52,53070,61,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000061_pre_disaster.png,hurricane-harvey_00000061_pre_disaster,0,0,train\masks\hurricane-harvey_00000061_pre_disaster.png,0,0,5,16055,61,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000061_pre_disaster.png,woolsey-fire_00000061_pre_disaster,0,0,tier3\masks\woolsey-fire_00000061_pre_disaster.png,0,0,14,7615,61,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000062_pre_disaster.png,sunda-tsunami_00000062_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000062_pre_disaster.png,0,0,0,0,62,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000062_pre_disaster.png,hurricane-matthew_00000062_pre_disaster,0,0,train\masks\hurricane-matthew_00000062_pre_disaster.png,0,0,31,12201,62,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000062_pre_disaster.png,woolsey-fire_00000062_pre_disaster,0,0,tier3\masks\woolsey-fire_00000062_pre_disaster.png,0,0,0,0,62,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000062_pre_disaster.png,portugal-wildfire_00000062_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000062_pre_disaster.png,0,0,10,9897,62,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000062_pre_disaster.png,moore-tornado_00000062_pre_disaster,0,0,tier3\masks\moore-tornado_00000062_pre_disaster.png,0,0,21,31716,62,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000062_pre_disaster.png,tuscaloosa-tornado_00000062_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000062_pre_disaster.png,0,0,123,167756,62,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000062_pre_disaster.png,hurricane-florence_00000062_pre_disaster,0,0,train\masks\hurricane-florence_00000062_pre_disaster.png,0,0,7,4184,62,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000062_pre_disaster.png,nepal-flooding_00000062_pre_disaster,0,0,tier3\masks\nepal-flooding_00000062_pre_disaster.png,0,0,2,501,62,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000062_pre_disaster.png,socal-fire_00000062_pre_disaster,0,0,train\masks\socal-fire_00000062_pre_disaster.png,0,0,1,3483,62,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000062_pre_disaster.png,lower-puna-volcano_00000062_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000062_pre_disaster.png,0,0,0,0,62,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000062_pre_disaster.png,pinery-bushfire_00000062_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000062_pre_disaster.png,0,0,1,169,62,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000062_pre_disaster.png,joplin-tornado_00000062_pre_disaster,0,0,tier3\masks\joplin-tornado_00000062_pre_disaster.png,0,0,48,65245,62,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000062_pre_disaster.png,midwest-flooding_00000062_pre_disaster,0,0,train\masks\midwest-flooding_00000062_pre_disaster.png,0,0,177,149242,62,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000063_pre_disaster.png,tuscaloosa-tornado_00000063_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000063_pre_disaster.png,0,0,1,767,63,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000063_pre_disaster.png,pinery-bushfire_00000063_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000063_pre_disaster.png,0,0,0,0,63,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000063_pre_disaster.png,santa-rosa-wildfire_00000063_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000063_pre_disaster.png,0,0,227,249200,63,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000063_pre_disaster.png,lower-puna-volcano_00000063_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000063_pre_disaster.png,0,0,0,0,63,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000063_pre_disaster.png,portugal-wildfire_00000063_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000063_pre_disaster.png,0,0,0,0,63,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000063_pre_disaster.png,moore-tornado_00000063_pre_disaster,0,0,tier3\masks\moore-tornado_00000063_pre_disaster.png,0,0,41,31693,63,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000063_pre_disaster.png,hurricane-florence_00000063_pre_disaster,0,0,train\masks\hurricane-florence_00000063_pre_disaster.png,0,0,24,14059,63,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000063_pre_disaster.png,nepal-flooding_00000063_pre_disaster,0,0,tier3\masks\nepal-flooding_00000063_pre_disaster.png,0,0,50,39524,63,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000063_pre_disaster.png,midwest-flooding_00000063_pre_disaster,0,0,train\masks\midwest-flooding_00000063_pre_disaster.png,0,0,172,177093,63,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000063_pre_disaster.png,joplin-tornado_00000063_pre_disaster,0,0,tier3\masks\joplin-tornado_00000063_pre_disaster.png,0,0,41,33826,63,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000063_pre_disaster.png,hurricane-matthew_00000063_pre_disaster,0,0,train\masks\hurricane-matthew_00000063_pre_disaster.png,0,0,12,8373,63,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000063_pre_disaster.png,woolsey-fire_00000063_pre_disaster,0,0,tier3\masks\woolsey-fire_00000063_pre_disaster.png,0,0,0,0,63,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000063_pre_disaster.png,sunda-tsunami_00000063_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000063_pre_disaster.png,0,0,88,117388,63,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000064_pre_disaster.png,hurricane-matthew_00000064_pre_disaster,0,0,train\masks\hurricane-matthew_00000064_pre_disaster.png,0,0,20,4925,64,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000064_pre_disaster.png,sunda-tsunami_00000064_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000064_pre_disaster.png,0,0,56,67896,64,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000064_pre_disaster.png,moore-tornado_00000064_pre_disaster,0,0,tier3\masks\moore-tornado_00000064_pre_disaster.png,0,0,213,288912,64,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000064_pre_disaster.png,midwest-flooding_00000064_pre_disaster,0,0,train\masks\midwest-flooding_00000064_pre_disaster.png,0,0,206,162814,64,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000064_pre_disaster.png,joplin-tornado_00000064_pre_disaster,0,0,tier3\masks\joplin-tornado_00000064_pre_disaster.png,0,0,4,90601,64,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000064_pre_disaster.png,palu-tsunami_00000064_pre_disaster,0,0,train\masks\palu-tsunami_00000064_pre_disaster.png,0,0,93,181610,64,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000064_pre_disaster.png,pinery-bushfire_00000064_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000064_pre_disaster.png,0,0,1,451,64,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000064_pre_disaster.png,woolsey-fire_00000064_pre_disaster,0,0,tier3\masks\woolsey-fire_00000064_pre_disaster.png,0,0,0,0,64,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000064_pre_disaster.png,portugal-wildfire_00000064_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000064_pre_disaster.png,0,0,2,355,64,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000064_pre_disaster.png,nepal-flooding_00000064_pre_disaster,0,0,tier3\masks\nepal-flooding_00000064_pre_disaster.png,0,0,9,4534,64,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000064_pre_disaster.png,lower-puna-volcano_00000064_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000064_pre_disaster.png,0,0,3,617,64,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000064_pre_disaster.png,tuscaloosa-tornado_00000064_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000064_pre_disaster.png,0,0,73,73643,64,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000064_pre_disaster.png,hurricane-florence_00000064_pre_disaster,0,0,train\masks\hurricane-florence_00000064_pre_disaster.png,0,0,31,21326,64,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000064_pre_disaster.png,mexico-earthquake_00000064_pre_disaster,0,0,train\masks\mexico-earthquake_00000064_pre_disaster.png,0,0,182,396117,64,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000065_pre_disaster.png,santa-rosa-wildfire_00000065_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000065_pre_disaster.png,0,0,13,17827,65,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000065_pre_disaster.png,hurricane-florence_00000065_pre_disaster,0,0,train\masks\hurricane-florence_00000065_pre_disaster.png,0,0,2,1757,65,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000065_pre_disaster.png,woolsey-fire_00000065_pre_disaster,0,0,tier3\masks\woolsey-fire_00000065_pre_disaster.png,0,0,0,0,65,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000065_pre_disaster.png,socal-fire_00000065_pre_disaster,0,0,train\masks\socal-fire_00000065_pre_disaster.png,0,0,1,183,65,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000065_pre_disaster.png,joplin-tornado_00000065_pre_disaster,0,0,tier3\masks\joplin-tornado_00000065_pre_disaster.png,0,0,36,130769,65,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000065_pre_disaster.png,moore-tornado_00000065_pre_disaster,0,0,tier3\masks\moore-tornado_00000065_pre_disaster.png,0,0,103,120493,65,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000065_pre_disaster.png,midwest-flooding_00000065_pre_disaster,0,0,train\masks\midwest-flooding_00000065_pre_disaster.png,0,0,21,265253,65,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000065_pre_disaster.png,portugal-wildfire_00000065_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000065_pre_disaster.png,0,0,0,0,65,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000065_pre_disaster.png,hurricane-matthew_00000065_pre_disaster,0,0,train\masks\hurricane-matthew_00000065_pre_disaster.png,0,0,118,103938,65,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000065_pre_disaster.png,pinery-bushfire_00000065_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000065_pre_disaster.png,0,0,0,0,65,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000065_pre_disaster.png,sunda-tsunami_00000065_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000065_pre_disaster.png,0,0,39,56470,65,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000065_pre_disaster.png,lower-puna-volcano_00000065_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000065_pre_disaster.png,0,0,0,0,65,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000065_pre_disaster.png,nepal-flooding_00000065_pre_disaster,0,0,tier3\masks\nepal-flooding_00000065_pre_disaster.png,0,0,16,8158,65,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000065_pre_disaster.png,palu-tsunami_00000065_pre_disaster,0,0,train\masks\palu-tsunami_00000065_pre_disaster.png,0,0,51,82476,65,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000065_pre_disaster.png,tuscaloosa-tornado_00000065_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000065_pre_disaster.png,0,0,19,15916,65,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000066_pre_disaster.png,hurricane-harvey_00000066_pre_disaster,0,0,train\masks\hurricane-harvey_00000066_pre_disaster.png,0,0,14,22673,66,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000066_pre_disaster.png,palu-tsunami_00000066_pre_disaster,0,0,train\masks\palu-tsunami_00000066_pre_disaster.png,0,0,21,90438,66,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000066_pre_disaster.png,moore-tornado_00000066_pre_disaster,0,0,tier3\masks\moore-tornado_00000066_pre_disaster.png,0,0,75,66229,66,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000066_pre_disaster.png,midwest-flooding_00000066_pre_disaster,0,0,train\masks\midwest-flooding_00000066_pre_disaster.png,0,0,253,212773,66,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000066_pre_disaster.png,mexico-earthquake_00000066_pre_disaster,0,0,train\masks\mexico-earthquake_00000066_pre_disaster.png,0,0,24,36284,66,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000066_pre_disaster.png,tuscaloosa-tornado_00000066_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000066_pre_disaster.png,0,0,34,47787,66,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000066_pre_disaster.png,portugal-wildfire_00000066_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000066_pre_disaster.png,0,0,0,0,66,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000066_pre_disaster.png,hurricane-matthew_00000066_pre_disaster,0,0,train\masks\hurricane-matthew_00000066_pre_disaster.png,0,0,145,83203,66,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000066_pre_disaster.png,woolsey-fire_00000066_pre_disaster,0,0,tier3\masks\woolsey-fire_00000066_pre_disaster.png,0,0,8,4172,66,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000066_pre_disaster.png,lower-puna-volcano_00000066_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000066_pre_disaster.png,0,0,38,35835,66,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000066_pre_disaster.png,nepal-flooding_00000066_pre_disaster,0,0,tier3\masks\nepal-flooding_00000066_pre_disaster.png,0,0,0,0,66,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000066_pre_disaster.png,hurricane-florence_00000066_pre_disaster,0,0,train\masks\hurricane-florence_00000066_pre_disaster.png,0,0,19,15155,66,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000066_pre_disaster.png,sunda-tsunami_00000066_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000066_pre_disaster.png,0,0,0,0,66,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000066_pre_disaster.png,pinery-bushfire_00000066_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000066_pre_disaster.png,0,0,0,0,66,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000066_pre_disaster.png,hurricane-michael_00000066_pre_disaster,0,0,train\masks\hurricane-michael_00000066_pre_disaster.png,0,0,4,41968,66,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000066_pre_disaster.png,joplin-tornado_00000066_pre_disaster,0,0,tier3\masks\joplin-tornado_00000066_pre_disaster.png,0,0,16,78295,66,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000067_pre_disaster.png,joplin-tornado_00000067_pre_disaster,0,0,tier3\masks\joplin-tornado_00000067_pre_disaster.png,0,0,5,79169,67,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000067_pre_disaster.png,santa-rosa-wildfire_00000067_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000067_pre_disaster.png,0,0,9,10379,67,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000067_pre_disaster.png,sunda-tsunami_00000067_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000067_pre_disaster.png,0,0,0,0,67,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000067_pre_disaster.png,pinery-bushfire_00000067_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000067_pre_disaster.png,0,0,0,0,67,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000067_pre_disaster.png,hurricane-matthew_00000067_pre_disaster,0,0,train\masks\hurricane-matthew_00000067_pre_disaster.png,0,0,54,28547,67,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000067_pre_disaster.png,mexico-earthquake_00000067_pre_disaster,0,0,train\masks\mexico-earthquake_00000067_pre_disaster.png,0,0,147,420482,67,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000067_pre_disaster.png,woolsey-fire_00000067_pre_disaster,0,0,tier3\masks\woolsey-fire_00000067_pre_disaster.png,0,0,4,841,67,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000067_pre_disaster.png,midwest-flooding_00000067_pre_disaster,0,0,train\masks\midwest-flooding_00000067_pre_disaster.png,0,0,84,249839,67,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000067_pre_disaster.png,moore-tornado_00000067_pre_disaster,0,0,tier3\masks\moore-tornado_00000067_pre_disaster.png,0,0,134,135862,67,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000067_pre_disaster.png,palu-tsunami_00000067_pre_disaster,0,0,train\masks\palu-tsunami_00000067_pre_disaster.png,0,0,165,336407,67,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000067_pre_disaster.png,hurricane-florence_00000067_pre_disaster,0,0,train\masks\hurricane-florence_00000067_pre_disaster.png,0,0,21,17358,67,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000067_pre_disaster.png,hurricane-michael_00000067_pre_disaster,0,0,train\masks\hurricane-michael_00000067_pre_disaster.png,0,0,79,108324,67,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000067_pre_disaster.png,lower-puna-volcano_00000067_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000067_pre_disaster.png,0,0,14,7941,67,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000067_pre_disaster.png,portugal-wildfire_00000067_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000067_pre_disaster.png,0,0,0,0,67,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000067_pre_disaster.png,nepal-flooding_00000067_pre_disaster,0,0,tier3\masks\nepal-flooding_00000067_pre_disaster.png,0,0,13,16358,67,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000067_pre_disaster.png,tuscaloosa-tornado_00000067_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000067_pre_disaster.png,0,0,26,21030,67,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000068_pre_disaster.png,palu-tsunami_00000068_pre_disaster,0,0,train\masks\palu-tsunami_00000068_pre_disaster.png,0,0,225,356628,68,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000068_pre_disaster.png,midwest-flooding_00000068_pre_disaster,0,0,train\masks\midwest-flooding_00000068_pre_disaster.png,0,0,294,215275,68,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000068_pre_disaster.png,woolsey-fire_00000068_pre_disaster,0,0,tier3\masks\woolsey-fire_00000068_pre_disaster.png,0,0,15,27654,68,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000068_pre_disaster.png,joplin-tornado_00000068_pre_disaster,0,0,tier3\masks\joplin-tornado_00000068_pre_disaster.png,0,0,33,26264,68,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000068_pre_disaster.png,sunda-tsunami_00000068_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000068_pre_disaster.png,0,0,5,8800,68,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000068_pre_disaster.png,lower-puna-volcano_00000068_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000068_pre_disaster.png,0,0,29,26095,68,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000068_pre_disaster.png,tuscaloosa-tornado_00000068_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000068_pre_disaster.png,0,0,164,156603,68,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000068_pre_disaster.png,mexico-earthquake_00000068_pre_disaster,0,0,train\masks\mexico-earthquake_00000068_pre_disaster.png,0,0,73,314796,68,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000068_pre_disaster.png,hurricane-michael_00000068_pre_disaster,0,0,train\masks\hurricane-michael_00000068_pre_disaster.png,0,0,44,123356,68,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000068_pre_disaster.png,nepal-flooding_00000068_pre_disaster,0,0,tier3\masks\nepal-flooding_00000068_pre_disaster.png,0,0,7,1948,68,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000068_pre_disaster.png,pinery-bushfire_00000068_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000068_pre_disaster.png,0,0,6,14790,68,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000068_pre_disaster.png,moore-tornado_00000068_pre_disaster,0,0,tier3\masks\moore-tornado_00000068_pre_disaster.png,0,0,94,123160,68,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000068_pre_disaster.png,portugal-wildfire_00000068_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000068_pre_disaster.png,0,0,87,141945,68,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000069_pre_disaster.png,lower-puna-volcano_00000069_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000069_pre_disaster.png,0,0,0,0,69,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000069_pre_disaster.png,hurricane-matthew_00000069_pre_disaster,0,0,train\masks\hurricane-matthew_00000069_pre_disaster.png,0,0,6,3591,69,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000069_pre_disaster.png,woolsey-fire_00000069_pre_disaster,0,0,tier3\masks\woolsey-fire_00000069_pre_disaster.png,0,0,0,0,69,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000069_pre_disaster.png,pinery-bushfire_00000069_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000069_pre_disaster.png,0,0,0,0,69,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000069_pre_disaster.png,moore-tornado_00000069_pre_disaster,0,0,tier3\masks\moore-tornado_00000069_pre_disaster.png,0,0,0,0,69,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000069_pre_disaster.png,joplin-tornado_00000069_pre_disaster,0,0,tier3\masks\joplin-tornado_00000069_pre_disaster.png,0,0,17,36827,69,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000069_pre_disaster.png,palu-tsunami_00000069_pre_disaster,0,0,train\masks\palu-tsunami_00000069_pre_disaster.png,0,0,183,289683,69,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000069_pre_disaster.png,portugal-wildfire_00000069_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000069_pre_disaster.png,0,0,59,60571,69,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000069_pre_disaster.png,sunda-tsunami_00000069_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000069_pre_disaster.png,0,0,20,14576,69,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000069_pre_disaster.png,hurricane-florence_00000069_pre_disaster,0,0,train\masks\hurricane-florence_00000069_pre_disaster.png,0,0,9,7673,69,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000069_pre_disaster.png,tuscaloosa-tornado_00000069_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000069_pre_disaster.png,0,0,43,48544,69,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000069_pre_disaster.png,nepal-flooding_00000069_pre_disaster,0,0,tier3\masks\nepal-flooding_00000069_pre_disaster.png,0,0,102,171099,69,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000069_pre_disaster.png,hurricane-harvey_00000069_pre_disaster,0,0,train\masks\hurricane-harvey_00000069_pre_disaster.png,0,0,14,10491,69,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000069_pre_disaster.png,santa-rosa-wildfire_00000069_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000069_pre_disaster.png,0,0,2,2291,69,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000070_pre_disaster.png,portugal-wildfire_00000070_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000070_pre_disaster.png,0,0,0,0,70,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000070_pre_disaster.png,mexico-earthquake_00000070_pre_disaster,0,0,train\masks\mexico-earthquake_00000070_pre_disaster.png,0,0,46,378963,70,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000070_pre_disaster.png,tuscaloosa-tornado_00000070_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000070_pre_disaster.png,0,0,1,45,70,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000070_pre_disaster.png,sunda-tsunami_00000070_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000070_pre_disaster.png,0,0,1,409,70,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000070_pre_disaster.png,moore-tornado_00000070_pre_disaster,0,0,tier3\masks\moore-tornado_00000070_pre_disaster.png,0,0,22,21845,70,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000070_pre_disaster.png,lower-puna-volcano_00000070_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000070_pre_disaster.png,0,0,0,0,70,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000070_pre_disaster.png,santa-rosa-wildfire_00000070_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000070_pre_disaster.png,0,0,32,41433,70,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000070_pre_disaster.png,hurricane-matthew_00000070_pre_disaster,0,0,train\masks\hurricane-matthew_00000070_pre_disaster.png,0,0,3,729,70,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000070_pre_disaster.png,socal-fire_00000070_pre_disaster,0,0,train\masks\socal-fire_00000070_pre_disaster.png,0,0,0,0,70,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000070_pre_disaster.png,hurricane-florence_00000070_pre_disaster,0,0,train\masks\hurricane-florence_00000070_pre_disaster.png,0,0,15,13914,70,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000070_pre_disaster.png,nepal-flooding_00000070_pre_disaster,0,0,tier3\masks\nepal-flooding_00000070_pre_disaster.png,0,0,1,650,70,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000070_pre_disaster.png,woolsey-fire_00000070_pre_disaster,0,0,tier3\masks\woolsey-fire_00000070_pre_disaster.png,0,0,13,7309,70,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000070_pre_disaster.png,midwest-flooding_00000070_pre_disaster,0,0,train\masks\midwest-flooding_00000070_pre_disaster.png,0,0,55,88553,70,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000070_pre_disaster.png,pinery-bushfire_00000070_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000070_pre_disaster.png,0,0,0,0,70,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000070_pre_disaster.png,hurricane-harvey_00000070_pre_disaster,0,0,train\masks\hurricane-harvey_00000070_pre_disaster.png,0,0,1,565,70,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000070_pre_disaster.png,joplin-tornado_00000070_pre_disaster,0,0,tier3\masks\joplin-tornado_00000070_pre_disaster.png,0,0,3,36756,70,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000071_pre_disaster.png,tuscaloosa-tornado_00000071_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000071_pre_disaster.png,0,0,97,67830,71,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000071_pre_disaster.png,woolsey-fire_00000071_pre_disaster,0,0,tier3\masks\woolsey-fire_00000071_pre_disaster.png,0,0,21,7085,71,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000071_pre_disaster.png,moore-tornado_00000071_pre_disaster,0,0,tier3\masks\moore-tornado_00000071_pre_disaster.png,0,0,35,23276,71,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000071_pre_disaster.png,hurricane-harvey_00000071_pre_disaster,0,0,train\masks\hurricane-harvey_00000071_pre_disaster.png,0,0,15,11795,71,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000071_pre_disaster.png,sunda-tsunami_00000071_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000071_pre_disaster.png,0,0,0,0,71,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000071_pre_disaster.png,joplin-tornado_00000071_pre_disaster,0,0,tier3\masks\joplin-tornado_00000071_pre_disaster.png,0,0,43,104777,71,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000071_pre_disaster.png,pinery-bushfire_00000071_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000071_pre_disaster.png,0,0,1,353,71,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000071_pre_disaster.png,hurricane-matthew_00000071_pre_disaster,0,0,train\masks\hurricane-matthew_00000071_pre_disaster.png,0,0,125,34025,71,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000071_pre_disaster.png,lower-puna-volcano_00000071_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000071_pre_disaster.png,0,0,10,4321,71,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000071_pre_disaster.png,portugal-wildfire_00000071_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000071_pre_disaster.png,0,0,22,12090,71,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000071_pre_disaster.png,nepal-flooding_00000071_pre_disaster,0,0,tier3\masks\nepal-flooding_00000071_pre_disaster.png,0,0,0,0,71,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000071_pre_disaster.png,palu-tsunami_00000071_pre_disaster,0,0,train\masks\palu-tsunami_00000071_pre_disaster.png,0,0,47,67503,71,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000072_pre_disaster.png,santa-rosa-wildfire_00000072_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000072_pre_disaster.png,0,0,7,5835,72,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000072_pre_disaster.png,lower-puna-volcano_00000072_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000072_pre_disaster.png,0,0,24,16940,72,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000072_pre_disaster.png,palu-tsunami_00000072_pre_disaster,0,0,train\masks\palu-tsunami_00000072_pre_disaster.png,0,0,128,376795,72,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000072_pre_disaster.png,joplin-tornado_00000072_pre_disaster,0,0,tier3\masks\joplin-tornado_00000072_pre_disaster.png,0,0,13,30827,72,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000072_pre_disaster.png,nepal-flooding_00000072_pre_disaster,0,0,tier3\masks\nepal-flooding_00000072_pre_disaster.png,0,0,20,3689,72,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000072_pre_disaster.png,socal-fire_00000072_pre_disaster,0,0,train\masks\socal-fire_00000072_pre_disaster.png,0,0,35,63169,72,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000072_pre_disaster.png,pinery-bushfire_00000072_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000072_pre_disaster.png,0,0,0,0,72,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000072_pre_disaster.png,hurricane-michael_00000072_pre_disaster,0,0,train\masks\hurricane-michael_00000072_pre_disaster.png,0,0,89,82262,72,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000072_pre_disaster.png,mexico-earthquake_00000072_pre_disaster,0,0,train\masks\mexico-earthquake_00000072_pre_disaster.png,0,0,24,65303,72,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000072_pre_disaster.png,hurricane-matthew_00000072_pre_disaster,0,0,train\masks\hurricane-matthew_00000072_pre_disaster.png,0,0,52,36077,72,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000072_pre_disaster.png,woolsey-fire_00000072_pre_disaster,0,0,tier3\masks\woolsey-fire_00000072_pre_disaster.png,0,0,0,0,72,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000072_pre_disaster.png,tuscaloosa-tornado_00000072_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000072_pre_disaster.png,0,0,60,67520,72,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000072_pre_disaster.png,moore-tornado_00000072_pre_disaster,0,0,tier3\masks\moore-tornado_00000072_pre_disaster.png,0,0,42,38161,72,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000072_pre_disaster.png,sunda-tsunami_00000072_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000072_pre_disaster.png,0,0,0,0,72,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000072_pre_disaster.png,portugal-wildfire_00000072_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000072_pre_disaster.png,0,0,0,0,72,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000072_pre_disaster.png,hurricane-harvey_00000072_pre_disaster,0,0,train\masks\hurricane-harvey_00000072_pre_disaster.png,0,0,9,2414,72,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000072_pre_disaster.png,hurricane-florence_00000072_pre_disaster,0,0,train\masks\hurricane-florence_00000072_pre_disaster.png,0,0,5,4860,72,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000073_pre_disaster.png,portugal-wildfire_00000073_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000073_pre_disaster.png,0,0,0,0,73,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000073_pre_disaster.png,hurricane-harvey_00000073_pre_disaster,0,0,train\masks\hurricane-harvey_00000073_pre_disaster.png,0,0,9,14219,73,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000073_pre_disaster.png,tuscaloosa-tornado_00000073_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000073_pre_disaster.png,0,0,77,85569,73,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000073_pre_disaster.png,joplin-tornado_00000073_pre_disaster,0,0,tier3\masks\joplin-tornado_00000073_pre_disaster.png,0,0,90,104677,73,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000073_pre_disaster.png,sunda-tsunami_00000073_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000073_pre_disaster.png,0,0,68,52877,73,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000073_pre_disaster.png,lower-puna-volcano_00000073_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000073_pre_disaster.png,0,0,1,1228,73,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000073_pre_disaster.png,santa-rosa-wildfire_00000073_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000073_pre_disaster.png,0,0,33,26221,73,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000073_pre_disaster.png,woolsey-fire_00000073_pre_disaster,0,0,tier3\masks\woolsey-fire_00000073_pre_disaster.png,0,0,0,0,73,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000073_pre_disaster.png,nepal-flooding_00000073_pre_disaster,0,0,tier3\masks\nepal-flooding_00000073_pre_disaster.png,0,0,58,50440,73,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000073_pre_disaster.png,moore-tornado_00000073_pre_disaster,0,0,tier3\masks\moore-tornado_00000073_pre_disaster.png,0,0,54,55454,73,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000073_pre_disaster.png,socal-fire_00000073_pre_disaster,0,0,train\masks\socal-fire_00000073_pre_disaster.png,0,0,0,0,73,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000073_pre_disaster.png,hurricane-florence_00000073_pre_disaster,0,0,train\masks\hurricane-florence_00000073_pre_disaster.png,0,0,2,2817,73,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000073_pre_disaster.png,midwest-flooding_00000073_pre_disaster,0,0,train\masks\midwest-flooding_00000073_pre_disaster.png,0,0,0,0,73,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000073_pre_disaster.png,palu-tsunami_00000073_pre_disaster,0,0,train\masks\palu-tsunami_00000073_pre_disaster.png,0,0,71,112683,73,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000073_pre_disaster.png,pinery-bushfire_00000073_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000073_pre_disaster.png,0,0,0,0,73,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000074_pre_disaster.png,joplin-tornado_00000074_pre_disaster,0,0,tier3\masks\joplin-tornado_00000074_pre_disaster.png,0,0,175,150959,74,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000074_pre_disaster.png,midwest-flooding_00000074_pre_disaster,0,0,train\masks\midwest-flooding_00000074_pre_disaster.png,0,0,0,0,74,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000074_pre_disaster.png,lower-puna-volcano_00000074_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000074_pre_disaster.png,0,0,0,0,74,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000074_pre_disaster.png,tuscaloosa-tornado_00000074_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000074_pre_disaster.png,0,0,30,84390,74,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000074_pre_disaster.png,portugal-wildfire_00000074_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000074_pre_disaster.png,0,0,0,0,74,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000074_pre_disaster.png,palu-tsunami_00000074_pre_disaster,0,0,train\masks\palu-tsunami_00000074_pre_disaster.png,0,0,128,570145,74,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000074_pre_disaster.png,woolsey-fire_00000074_pre_disaster,0,0,tier3\masks\woolsey-fire_00000074_pre_disaster.png,0,0,0,0,74,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000074_pre_disaster.png,mexico-earthquake_00000074_pre_disaster,0,0,train\masks\mexico-earthquake_00000074_pre_disaster.png,0,0,189,401528,74,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000074_pre_disaster.png,nepal-flooding_00000074_pre_disaster,0,0,tier3\masks\nepal-flooding_00000074_pre_disaster.png,0,0,95,69850,74,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000074_pre_disaster.png,moore-tornado_00000074_pre_disaster,0,0,tier3\masks\moore-tornado_00000074_pre_disaster.png,0,0,126,97310,74,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000074_pre_disaster.png,pinery-bushfire_00000074_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000074_pre_disaster.png,0,0,0,0,74,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000074_pre_disaster.png,sunda-tsunami_00000074_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000074_pre_disaster.png,0,0,57,61760,74,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000075_pre_disaster.png,hurricane-harvey_00000075_pre_disaster,0,0,train\masks\hurricane-harvey_00000075_pre_disaster.png,0,0,113,126111,75,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000075_pre_disaster.png,woolsey-fire_00000075_pre_disaster,0,0,tier3\masks\woolsey-fire_00000075_pre_disaster.png,0,0,7,1046,75,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000075_pre_disaster.png,midwest-flooding_00000075_pre_disaster,0,0,train\masks\midwest-flooding_00000075_pre_disaster.png,0,0,0,0,75,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000075_pre_disaster.png,hurricane-florence_00000075_pre_disaster,0,0,train\masks\hurricane-florence_00000075_pre_disaster.png,0,0,30,14782,75,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000075_pre_disaster.png,moore-tornado_00000075_pre_disaster,0,0,tier3\masks\moore-tornado_00000075_pre_disaster.png,0,0,90,101193,75,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000075_pre_disaster.png,pinery-bushfire_00000075_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000075_pre_disaster.png,0,0,0,0,75,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000075_pre_disaster.png,hurricane-matthew_00000075_pre_disaster,0,0,train\masks\hurricane-matthew_00000075_pre_disaster.png,0,0,132,100724,75,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000075_pre_disaster.png,mexico-earthquake_00000075_pre_disaster,0,0,train\masks\mexico-earthquake_00000075_pre_disaster.png,0,0,33,221258,75,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000075_pre_disaster.png,sunda-tsunami_00000075_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000075_pre_disaster.png,0,0,0,0,75,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000075_pre_disaster.png,portugal-wildfire_00000075_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000075_pre_disaster.png,0,0,0,0,75,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000075_pre_disaster.png,santa-rosa-wildfire_00000075_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000075_pre_disaster.png,0,0,50,88149,75,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000075_pre_disaster.png,tuscaloosa-tornado_00000075_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000075_pre_disaster.png,0,0,0,0,75,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000075_pre_disaster.png,joplin-tornado_00000075_pre_disaster,0,0,tier3\masks\joplin-tornado_00000075_pre_disaster.png,0,0,83,76002,75,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000075_pre_disaster.png,nepal-flooding_00000075_pre_disaster,0,0,tier3\masks\nepal-flooding_00000075_pre_disaster.png,0,0,64,97970,75,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000075_pre_disaster.png,lower-puna-volcano_00000075_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000075_pre_disaster.png,0,0,15,6330,75,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000075_pre_disaster.png,hurricane-michael_00000075_pre_disaster,0,0,train\masks\hurricane-michael_00000075_pre_disaster.png,0,0,48,116116,75,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000076_pre_disaster.png,portugal-wildfire_00000076_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000076_pre_disaster.png,0,0,9,6726,76,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000076_pre_disaster.png,nepal-flooding_00000076_pre_disaster,0,0,tier3\masks\nepal-flooding_00000076_pre_disaster.png,0,0,57,68309,76,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000076_pre_disaster.png,hurricane-michael_00000076_pre_disaster,0,0,train\masks\hurricane-michael_00000076_pre_disaster.png,0,0,52,65320,76,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000076_pre_disaster.png,pinery-bushfire_00000076_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000076_pre_disaster.png,0,0,0,0,76,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000076_pre_disaster.png,santa-rosa-wildfire_00000076_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000076_pre_disaster.png,0,0,102,163554,76,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000076_pre_disaster.png,midwest-flooding_00000076_pre_disaster,0,0,train\masks\midwest-flooding_00000076_pre_disaster.png,0,0,5,1448,76,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000076_pre_disaster.png,sunda-tsunami_00000076_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000076_pre_disaster.png,0,0,347,219059,76,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000076_pre_disaster.png,tuscaloosa-tornado_00000076_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000076_pre_disaster.png,0,0,37,19597,76,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000076_pre_disaster.png,woolsey-fire_00000076_pre_disaster,0,0,tier3\masks\woolsey-fire_00000076_pre_disaster.png,0,0,1,169,76,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000076_pre_disaster.png,socal-fire_00000076_pre_disaster,0,0,train\masks\socal-fire_00000076_pre_disaster.png,0,0,0,0,76,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000076_pre_disaster.png,lower-puna-volcano_00000076_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000076_pre_disaster.png,0,0,0,0,76,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000076_pre_disaster.png,palu-tsunami_00000076_pre_disaster,0,0,train\masks\palu-tsunami_00000076_pre_disaster.png,0,0,11,17614,76,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000076_pre_disaster.png,moore-tornado_00000076_pre_disaster,0,0,tier3\masks\moore-tornado_00000076_pre_disaster.png,0,0,224,166939,76,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000076_pre_disaster.png,hurricane-harvey_00000076_pre_disaster,0,0,train\masks\hurricane-harvey_00000076_pre_disaster.png,0,0,86,93405,76,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000076_pre_disaster.png,joplin-tornado_00000076_pre_disaster,0,0,tier3\masks\joplin-tornado_00000076_pre_disaster.png,0,0,156,176647,76,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000077_pre_disaster.png,pinery-bushfire_00000077_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000077_pre_disaster.png,0,0,0,0,77,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000077_pre_disaster.png,midwest-flooding_00000077_pre_disaster,0,0,train\masks\midwest-flooding_00000077_pre_disaster.png,0,0,15,9317,77,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000077_pre_disaster.png,moore-tornado_00000077_pre_disaster,0,0,tier3\masks\moore-tornado_00000077_pre_disaster.png,0,0,12,19972,77,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000077_pre_disaster.png,woolsey-fire_00000077_pre_disaster,0,0,tier3\masks\woolsey-fire_00000077_pre_disaster.png,0,0,28,11848,77,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000077_pre_disaster.png,tuscaloosa-tornado_00000077_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000077_pre_disaster.png,0,0,140,148027,77,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000077_pre_disaster.png,lower-puna-volcano_00000077_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000077_pre_disaster.png,0,0,0,0,77,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000077_pre_disaster.png,hurricane-harvey_00000077_pre_disaster,0,0,train\masks\hurricane-harvey_00000077_pre_disaster.png,0,0,13,10545,77,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000077_pre_disaster.png,hurricane-matthew_00000077_pre_disaster,0,0,train\masks\hurricane-matthew_00000077_pre_disaster.png,0,0,45,26930,77,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000077_pre_disaster.png,joplin-tornado_00000077_pre_disaster,0,0,tier3\masks\joplin-tornado_00000077_pre_disaster.png,0,0,133,203678,77,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000077_pre_disaster.png,hurricane-michael_00000077_pre_disaster,0,0,train\masks\hurricane-michael_00000077_pre_disaster.png,0,0,99,97579,77,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000077_pre_disaster.png,palu-tsunami_00000077_pre_disaster,0,0,train\masks\palu-tsunami_00000077_pre_disaster.png,0,0,0,0,77,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000077_pre_disaster.png,nepal-flooding_00000077_pre_disaster,0,0,tier3\masks\nepal-flooding_00000077_pre_disaster.png,0,0,85,112233,77,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000077_pre_disaster.png,sunda-tsunami_00000077_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000077_pre_disaster.png,0,0,0,0,77,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000077_pre_disaster.png,portugal-wildfire_00000077_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000077_pre_disaster.png,0,0,0,0,77,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000078_pre_disaster.png,pinery-bushfire_00000078_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000078_pre_disaster.png,0,0,0,0,78,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000078_pre_disaster.png,portugal-wildfire_00000078_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000078_pre_disaster.png,0,0,0,0,78,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000078_pre_disaster.png,socal-fire_00000078_pre_disaster,0,0,train\masks\socal-fire_00000078_pre_disaster.png,0,0,0,0,78,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000078_pre_disaster.png,woolsey-fire_00000078_pre_disaster,0,0,tier3\masks\woolsey-fire_00000078_pre_disaster.png,0,0,4,4237,78,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000078_pre_disaster.png,lower-puna-volcano_00000078_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000078_pre_disaster.png,0,0,32,29045,78,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000078_pre_disaster.png,santa-rosa-wildfire_00000078_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000078_pre_disaster.png,0,0,11,10551,78,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000078_pre_disaster.png,nepal-flooding_00000078_pre_disaster,0,0,tier3\masks\nepal-flooding_00000078_pre_disaster.png,0,0,52,83617,78,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000078_pre_disaster.png,midwest-flooding_00000078_pre_disaster,0,0,train\masks\midwest-flooding_00000078_pre_disaster.png,0,0,0,0,78,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000078_pre_disaster.png,moore-tornado_00000078_pre_disaster,0,0,tier3\masks\moore-tornado_00000078_pre_disaster.png,0,0,33,28811,78,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000078_pre_disaster.png,hurricane-michael_00000078_pre_disaster,0,0,train\masks\hurricane-michael_00000078_pre_disaster.png,0,0,87,54769,78,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000078_pre_disaster.png,tuscaloosa-tornado_00000078_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000078_pre_disaster.png,0,0,61,125279,78,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000078_pre_disaster.png,mexico-earthquake_00000078_pre_disaster,0,0,train\masks\mexico-earthquake_00000078_pre_disaster.png,0,0,76,345160,78,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000078_pre_disaster.png,hurricane-florence_00000078_pre_disaster,0,0,train\masks\hurricane-florence_00000078_pre_disaster.png,0,0,4,3434,78,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000078_pre_disaster.png,sunda-tsunami_00000078_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000078_pre_disaster.png,0,0,104,84996,78,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000078_pre_disaster.png,hurricane-matthew_00000078_pre_disaster,0,0,train\masks\hurricane-matthew_00000078_pre_disaster.png,0,0,35,17129,78,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000078_pre_disaster.png,joplin-tornado_00000078_pre_disaster,0,0,tier3\masks\joplin-tornado_00000078_pre_disaster.png,0,0,92,68283,78,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000079_pre_disaster.png,lower-puna-volcano_00000079_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000079_pre_disaster.png,0,0,8,2279,79,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000079_pre_disaster.png,hurricane-matthew_00000079_pre_disaster,0,0,train\masks\hurricane-matthew_00000079_pre_disaster.png,0,0,16,9969,79,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000079_pre_disaster.png,midwest-flooding_00000079_pre_disaster,0,0,train\masks\midwest-flooding_00000079_pre_disaster.png,0,0,1,701,79,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000079_pre_disaster.png,socal-fire_00000079_pre_disaster,0,0,train\masks\socal-fire_00000079_pre_disaster.png,0,0,0,0,79,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000079_pre_disaster.png,santa-rosa-wildfire_00000079_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000079_pre_disaster.png,0,0,124,248653,79,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000079_pre_disaster.png,tuscaloosa-tornado_00000079_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000079_pre_disaster.png,0,0,105,92944,79,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000079_pre_disaster.png,hurricane-florence_00000079_pre_disaster,0,0,train\masks\hurricane-florence_00000079_pre_disaster.png,0,0,11,10309,79,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000079_pre_disaster.png,sunda-tsunami_00000079_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000079_pre_disaster.png,0,0,2,1779,79,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000079_pre_disaster.png,woolsey-fire_00000079_pre_disaster,0,0,tier3\masks\woolsey-fire_00000079_pre_disaster.png,0,0,17,22684,79,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000079_pre_disaster.png,moore-tornado_00000079_pre_disaster,0,0,tier3\masks\moore-tornado_00000079_pre_disaster.png,0,0,30,32949,79,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000079_pre_disaster.png,mexico-earthquake_00000079_pre_disaster,0,0,train\masks\mexico-earthquake_00000079_pre_disaster.png,0,0,103,462416,79,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000079_pre_disaster.png,joplin-tornado_00000079_pre_disaster,0,0,tier3\masks\joplin-tornado_00000079_pre_disaster.png,0,0,125,206047,79,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000079_pre_disaster.png,pinery-bushfire_00000079_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000079_pre_disaster.png,0,0,0,0,79,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000079_pre_disaster.png,nepal-flooding_00000079_pre_disaster,0,0,tier3\masks\nepal-flooding_00000079_pre_disaster.png,0,0,23,8052,79,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000079_pre_disaster.png,portugal-wildfire_00000079_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000079_pre_disaster.png,0,0,7,3880,79,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000079_pre_disaster.png,hurricane-harvey_00000079_pre_disaster,0,0,train\masks\hurricane-harvey_00000079_pre_disaster.png,0,0,165,200977,79,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000080_pre_disaster.png,joplin-tornado_00000080_pre_disaster,0,0,tier3\masks\joplin-tornado_00000080_pre_disaster.png,0,0,116,192229,80,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000080_pre_disaster.png,portugal-wildfire_00000080_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000080_pre_disaster.png,0,0,53,47226,80,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000080_pre_disaster.png,sunda-tsunami_00000080_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000080_pre_disaster.png,0,0,142,100547,80,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000080_pre_disaster.png,hurricane-florence_00000080_pre_disaster,0,0,train\masks\hurricane-florence_00000080_pre_disaster.png,0,0,5,4068,80,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000080_pre_disaster.png,socal-fire_00000080_pre_disaster,0,0,train\masks\socal-fire_00000080_pre_disaster.png,0,0,1,277,80,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000080_pre_disaster.png,woolsey-fire_00000080_pre_disaster,0,0,tier3\masks\woolsey-fire_00000080_pre_disaster.png,0,0,3,1522,80,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000080_pre_disaster.png,nepal-flooding_00000080_pre_disaster,0,0,tier3\masks\nepal-flooding_00000080_pre_disaster.png,0,0,11,6911,80,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000080_pre_disaster.png,pinery-bushfire_00000080_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000080_pre_disaster.png,0,0,2,1810,80,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000080_pre_disaster.png,tuscaloosa-tornado_00000080_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000080_pre_disaster.png,0,0,75,108855,80,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000080_pre_disaster.png,moore-tornado_00000080_pre_disaster,0,0,tier3\masks\moore-tornado_00000080_pre_disaster.png,0,0,116,112787,80,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000080_pre_disaster.png,lower-puna-volcano_00000080_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000080_pre_disaster.png,0,0,18,7712,80,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000080_pre_disaster.png,hurricane-harvey_00000080_pre_disaster,0,0,train\masks\hurricane-harvey_00000080_pre_disaster.png,0,0,70,111652,80,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000080_pre_disaster.png,hurricane-matthew_00000080_pre_disaster,0,0,train\masks\hurricane-matthew_00000080_pre_disaster.png,0,0,102,72583,80,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000081_pre_disaster.png,moore-tornado_00000081_pre_disaster,0,0,tier3\masks\moore-tornado_00000081_pre_disaster.png,0,0,48,150089,81,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000081_pre_disaster.png,portugal-wildfire_00000081_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000081_pre_disaster.png,0,0,71,193431,81,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000081_pre_disaster.png,joplin-tornado_00000081_pre_disaster,0,0,tier3\masks\joplin-tornado_00000081_pre_disaster.png,0,0,85,79711,81,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000081_pre_disaster.png,midwest-flooding_00000081_pre_disaster,0,0,train\masks\midwest-flooding_00000081_pre_disaster.png,0,0,2,331,81,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000081_pre_disaster.png,socal-fire_00000081_pre_disaster,0,0,train\masks\socal-fire_00000081_pre_disaster.png,0,0,7,2159,81,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000081_pre_disaster.png,woolsey-fire_00000081_pre_disaster,0,0,tier3\masks\woolsey-fire_00000081_pre_disaster.png,0,0,8,9711,81,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000081_pre_disaster.png,pinery-bushfire_00000081_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000081_pre_disaster.png,0,0,4,1943,81,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000081_pre_disaster.png,hurricane-harvey_00000081_pre_disaster,0,0,train\masks\hurricane-harvey_00000081_pre_disaster.png,0,0,32,34692,81,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000081_pre_disaster.png,lower-puna-volcano_00000081_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000081_pre_disaster.png,0,0,40,36997,81,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000081_pre_disaster.png,nepal-flooding_00000081_pre_disaster,0,0,tier3\masks\nepal-flooding_00000081_pre_disaster.png,0,0,5,1127,81,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000081_pre_disaster.png,santa-rosa-wildfire_00000081_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000081_pre_disaster.png,0,0,6,9259,81,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000081_pre_disaster.png,tuscaloosa-tornado_00000081_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000081_pre_disaster.png,0,0,54,35024,81,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000081_pre_disaster.png,hurricane-michael_00000081_pre_disaster,0,0,train\masks\hurricane-michael_00000081_pre_disaster.png,0,0,18,26253,81,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000081_pre_disaster.png,sunda-tsunami_00000081_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000081_pre_disaster.png,0,0,69,78107,81,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000082_pre_disaster.png,moore-tornado_00000082_pre_disaster,0,0,tier3\masks\moore-tornado_00000082_pre_disaster.png,0,0,0,0,82,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000082_pre_disaster.png,tuscaloosa-tornado_00000082_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000082_pre_disaster.png,0,0,106,124761,82,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000082_pre_disaster.png,socal-fire_00000082_pre_disaster,0,0,train\masks\socal-fire_00000082_pre_disaster.png,0,0,28,17101,82,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000082_pre_disaster.png,midwest-flooding_00000082_pre_disaster,0,0,train\masks\midwest-flooding_00000082_pre_disaster.png,0,0,0,0,82,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000082_pre_disaster.png,hurricane-matthew_00000082_pre_disaster,0,0,train\masks\hurricane-matthew_00000082_pre_disaster.png,0,0,81,40270,82,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000082_pre_disaster.png,mexico-earthquake_00000082_pre_disaster,0,0,train\masks\mexico-earthquake_00000082_pre_disaster.png,0,0,140,371485,82,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000082_pre_disaster.png,hurricane-harvey_00000082_pre_disaster,0,0,train\masks\hurricane-harvey_00000082_pre_disaster.png,0,0,12,13862,82,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000082_pre_disaster.png,pinery-bushfire_00000082_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000082_pre_disaster.png,0,0,0,0,82,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000082_pre_disaster.png,nepal-flooding_00000082_pre_disaster,0,0,tier3\masks\nepal-flooding_00000082_pre_disaster.png,0,0,54,37791,82,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000082_pre_disaster.png,woolsey-fire_00000082_pre_disaster,0,0,tier3\masks\woolsey-fire_00000082_pre_disaster.png,0,0,30,52605,82,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000082_pre_disaster.png,lower-puna-volcano_00000082_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000082_pre_disaster.png,0,0,51,32178,82,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000082_pre_disaster.png,sunda-tsunami_00000082_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000082_pre_disaster.png,0,0,146,120452,82,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000082_pre_disaster.png,portugal-wildfire_00000082_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000082_pre_disaster.png,0,0,42,37355,82,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000082_pre_disaster.png,joplin-tornado_00000082_pre_disaster,0,0,tier3\masks\joplin-tornado_00000082_pre_disaster.png,0,0,114,171664,82,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000083_pre_disaster.png,joplin-tornado_00000083_pre_disaster,0,0,tier3\masks\joplin-tornado_00000083_pre_disaster.png,0,0,151,140407,83,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000083_pre_disaster.png,mexico-earthquake_00000083_pre_disaster,0,0,train\masks\mexico-earthquake_00000083_pre_disaster.png,0,0,335,402378,83,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000083_pre_disaster.png,hurricane-florence_00000083_pre_disaster,0,0,train\masks\hurricane-florence_00000083_pre_disaster.png,0,0,8,4384,83,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000083_pre_disaster.png,pinery-bushfire_00000083_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000083_pre_disaster.png,0,0,0,0,83,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000083_pre_disaster.png,socal-fire_00000083_pre_disaster,0,0,train\masks\socal-fire_00000083_pre_disaster.png,0,0,0,0,83,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000083_pre_disaster.png,palu-tsunami_00000083_pre_disaster,0,0,train\masks\palu-tsunami_00000083_pre_disaster.png,0,0,77,111493,83,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000083_pre_disaster.png,hurricane-matthew_00000083_pre_disaster,0,0,train\masks\hurricane-matthew_00000083_pre_disaster.png,0,0,58,40727,83,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000083_pre_disaster.png,woolsey-fire_00000083_pre_disaster,0,0,tier3\masks\woolsey-fire_00000083_pre_disaster.png,0,0,1,3924,83,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000083_pre_disaster.png,nepal-flooding_00000083_pre_disaster,0,0,tier3\masks\nepal-flooding_00000083_pre_disaster.png,0,0,20,24312,83,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000083_pre_disaster.png,midwest-flooding_00000083_pre_disaster,0,0,train\masks\midwest-flooding_00000083_pre_disaster.png,0,0,4,2563,83,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000083_pre_disaster.png,lower-puna-volcano_00000083_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000083_pre_disaster.png,0,0,31,9777,83,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000083_pre_disaster.png,hurricane-michael_00000083_pre_disaster,0,0,train\masks\hurricane-michael_00000083_pre_disaster.png,0,0,95,103834,83,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000083_pre_disaster.png,sunda-tsunami_00000083_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000083_pre_disaster.png,0,0,11,57646,83,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000083_pre_disaster.png,moore-tornado_00000083_pre_disaster,0,0,tier3\masks\moore-tornado_00000083_pre_disaster.png,0,0,4,5409,83,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000083_pre_disaster.png,tuscaloosa-tornado_00000083_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000083_pre_disaster.png,0,0,2,1440,83,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000083_pre_disaster.png,portugal-wildfire_00000083_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000083_pre_disaster.png,0,0,0,0,83,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000084_pre_disaster.png,socal-fire_00000084_pre_disaster,0,0,train\masks\socal-fire_00000084_pre_disaster.png,0,0,30,63479,84,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000084_pre_disaster.png,santa-rosa-wildfire_00000084_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000084_pre_disaster.png,0,0,213,235213,84,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000084_pre_disaster.png,nepal-flooding_00000084_pre_disaster,0,0,tier3\masks\nepal-flooding_00000084_pre_disaster.png,0,0,24,22705,84,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000084_pre_disaster.png,pinery-bushfire_00000084_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000084_pre_disaster.png,0,0,0,0,84,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000084_pre_disaster.png,mexico-earthquake_00000084_pre_disaster,0,0,train\masks\mexico-earthquake_00000084_pre_disaster.png,0,0,141,153792,84,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000084_pre_disaster.png,midwest-flooding_00000084_pre_disaster,0,0,train\masks\midwest-flooding_00000084_pre_disaster.png,0,0,5,3004,84,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000084_pre_disaster.png,hurricane-florence_00000084_pre_disaster,0,0,train\masks\hurricane-florence_00000084_pre_disaster.png,0,0,46,43220,84,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000084_pre_disaster.png,palu-tsunami_00000084_pre_disaster,0,0,train\masks\palu-tsunami_00000084_pre_disaster.png,0,0,121,550342,84,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000084_pre_disaster.png,portugal-wildfire_00000084_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000084_pre_disaster.png,0,0,0,0,84,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000084_pre_disaster.png,tuscaloosa-tornado_00000084_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000084_pre_disaster.png,0,0,17,83818,84,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000084_pre_disaster.png,lower-puna-volcano_00000084_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000084_pre_disaster.png,0,0,0,0,84,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000084_pre_disaster.png,moore-tornado_00000084_pre_disaster,0,0,tier3\masks\moore-tornado_00000084_pre_disaster.png,0,0,14,11370,84,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000084_pre_disaster.png,hurricane-matthew_00000084_pre_disaster,0,0,train\masks\hurricane-matthew_00000084_pre_disaster.png,0,0,41,28932,84,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000084_pre_disaster.png,sunda-tsunami_00000084_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000084_pre_disaster.png,0,0,155,219569,84,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000084_pre_disaster.png,joplin-tornado_00000084_pre_disaster,0,0,tier3\masks\joplin-tornado_00000084_pre_disaster.png,0,0,120,124651,84,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000084_pre_disaster.png,hurricane-harvey_00000084_pre_disaster,0,0,train\masks\hurricane-harvey_00000084_pre_disaster.png,0,0,20,92807,84,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000084_pre_disaster.png,woolsey-fire_00000084_pre_disaster,0,0,tier3\masks\woolsey-fire_00000084_pre_disaster.png,0,0,1,810,84,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000085_pre_disaster.png,hurricane-matthew_00000085_pre_disaster,0,0,train\masks\hurricane-matthew_00000085_pre_disaster.png,0,0,8,5016,85,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000085_pre_disaster.png,nepal-flooding_00000085_pre_disaster,0,0,tier3\masks\nepal-flooding_00000085_pre_disaster.png,0,0,32,11700,85,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000085_pre_disaster.png,hurricane-florence_00000085_pre_disaster,0,0,train\masks\hurricane-florence_00000085_pre_disaster.png,0,0,22,16059,85,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000085_pre_disaster.png,mexico-earthquake_00000085_pre_disaster,0,0,train\masks\mexico-earthquake_00000085_pre_disaster.png,0,0,143,396606,85,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000085_pre_disaster.png,hurricane-harvey_00000085_pre_disaster,0,0,train\masks\hurricane-harvey_00000085_pre_disaster.png,0,0,17,56648,85,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000085_pre_disaster.png,lower-puna-volcano_00000085_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000085_pre_disaster.png,0,0,0,0,85,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000085_pre_disaster.png,hurricane-michael_00000085_pre_disaster,0,0,train\masks\hurricane-michael_00000085_pre_disaster.png,0,0,107,113416,85,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000085_pre_disaster.png,pinery-bushfire_00000085_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000085_pre_disaster.png,0,0,11,6243,85,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000085_pre_disaster.png,portugal-wildfire_00000085_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000085_pre_disaster.png,0,0,0,0,85,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000085_pre_disaster.png,woolsey-fire_00000085_pre_disaster,0,0,tier3\masks\woolsey-fire_00000085_pre_disaster.png,0,0,8,3668,85,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000085_pre_disaster.png,joplin-tornado_00000085_pre_disaster,0,0,tier3\masks\joplin-tornado_00000085_pre_disaster.png,0,0,31,124116,85,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000085_pre_disaster.png,sunda-tsunami_00000085_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000085_pre_disaster.png,0,0,55,45428,85,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000085_pre_disaster.png,tuscaloosa-tornado_00000085_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000085_pre_disaster.png,0,0,100,118098,85,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000085_pre_disaster.png,midwest-flooding_00000085_pre_disaster,0,0,train\masks\midwest-flooding_00000085_pre_disaster.png,0,0,3,230,85,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000085_pre_disaster.png,moore-tornado_00000085_pre_disaster,0,0,tier3\masks\moore-tornado_00000085_pre_disaster.png,0,0,146,136131,85,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000086_pre_disaster.png,sunda-tsunami_00000086_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000086_pre_disaster.png,0,0,0,0,86,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000086_pre_disaster.png,midwest-flooding_00000086_pre_disaster,0,0,train\masks\midwest-flooding_00000086_pre_disaster.png,0,0,1,30,86,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000086_pre_disaster.png,hurricane-florence_00000086_pre_disaster,0,0,train\masks\hurricane-florence_00000086_pre_disaster.png,0,0,7,4983,86,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000086_pre_disaster.png,pinery-bushfire_00000086_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000086_pre_disaster.png,0,0,0,0,86,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000086_pre_disaster.png,woolsey-fire_00000086_pre_disaster,0,0,tier3\masks\woolsey-fire_00000086_pre_disaster.png,0,0,1,142,86,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000086_pre_disaster.png,moore-tornado_00000086_pre_disaster,0,0,tier3\masks\moore-tornado_00000086_pre_disaster.png,0,0,12,20664,86,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000086_pre_disaster.png,joplin-tornado_00000086_pre_disaster,0,0,tier3\masks\joplin-tornado_00000086_pre_disaster.png,0,0,126,136808,86,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000086_pre_disaster.png,nepal-flooding_00000086_pre_disaster,0,0,tier3\masks\nepal-flooding_00000086_pre_disaster.png,0,0,77,43965,86,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000086_pre_disaster.png,palu-tsunami_00000086_pre_disaster,0,0,train\masks\palu-tsunami_00000086_pre_disaster.png,0,0,79,68158,86,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000086_pre_disaster.png,hurricane-matthew_00000086_pre_disaster,0,0,train\masks\hurricane-matthew_00000086_pre_disaster.png,0,0,50,14778,86,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000086_pre_disaster.png,portugal-wildfire_00000086_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000086_pre_disaster.png,0,0,3,1850,86,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000086_pre_disaster.png,lower-puna-volcano_00000086_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000086_pre_disaster.png,0,0,0,0,86,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000086_pre_disaster.png,tuscaloosa-tornado_00000086_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000086_pre_disaster.png,0,0,1,224,86,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000086_pre_disaster.png,mexico-earthquake_00000086_pre_disaster,0,0,train\masks\mexico-earthquake_00000086_pre_disaster.png,0,0,156,378134,86,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000087_pre_disaster.png,tuscaloosa-tornado_00000087_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000087_pre_disaster.png,0,0,27,16910,87,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000087_pre_disaster.png,joplin-tornado_00000087_pre_disaster,0,0,tier3\masks\joplin-tornado_00000087_pre_disaster.png,0,0,34,216036,87,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000087_pre_disaster.png,portugal-wildfire_00000087_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000087_pre_disaster.png,0,0,57,43248,87,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000087_pre_disaster.png,midwest-flooding_00000087_pre_disaster,0,0,train\masks\midwest-flooding_00000087_pre_disaster.png,0,0,0,0,87,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000087_pre_disaster.png,pinery-bushfire_00000087_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000087_pre_disaster.png,0,0,0,0,87,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000087_pre_disaster.png,socal-fire_00000087_pre_disaster,0,0,train\masks\socal-fire_00000087_pre_disaster.png,0,0,7,2552,87,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000087_pre_disaster.png,nepal-flooding_00000087_pre_disaster,0,0,tier3\masks\nepal-flooding_00000087_pre_disaster.png,0,0,90,47795,87,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000087_pre_disaster.png,palu-tsunami_00000087_pre_disaster,0,0,train\masks\palu-tsunami_00000087_pre_disaster.png,0,0,96,472014,87,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000087_pre_disaster.png,hurricane-michael_00000087_pre_disaster,0,0,train\masks\hurricane-michael_00000087_pre_disaster.png,0,0,74,99268,87,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000087_pre_disaster.png,lower-puna-volcano_00000087_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000087_pre_disaster.png,0,0,1,119,87,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000087_pre_disaster.png,sunda-tsunami_00000087_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000087_pre_disaster.png,0,0,40,30254,87,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000087_pre_disaster.png,mexico-earthquake_00000087_pre_disaster,0,0,train\masks\mexico-earthquake_00000087_pre_disaster.png,0,0,40,206405,87,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000087_pre_disaster.png,moore-tornado_00000087_pre_disaster,0,0,tier3\masks\moore-tornado_00000087_pre_disaster.png,0,0,64,66406,87,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000087_pre_disaster.png,woolsey-fire_00000087_pre_disaster,0,0,tier3\masks\woolsey-fire_00000087_pre_disaster.png,0,0,0,0,87,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000088_pre_disaster.png,lower-puna-volcano_00000088_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000088_pre_disaster.png,0,0,0,0,88,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000088_pre_disaster.png,nepal-flooding_00000088_pre_disaster,0,0,tier3\masks\nepal-flooding_00000088_pre_disaster.png,0,0,55,40180,88,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000088_pre_disaster.png,joplin-tornado_00000088_pre_disaster,0,0,tier3\masks\joplin-tornado_00000088_pre_disaster.png,0,0,89,143093,88,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000088_pre_disaster.png,pinery-bushfire_00000088_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000088_pre_disaster.png,0,0,0,0,88,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000088_pre_disaster.png,hurricane-florence_00000088_pre_disaster,0,0,train\masks\hurricane-florence_00000088_pre_disaster.png,0,0,1,442,88,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000088_pre_disaster.png,woolsey-fire_00000088_pre_disaster,0,0,tier3\masks\woolsey-fire_00000088_pre_disaster.png,0,0,16,16248,88,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000088_pre_disaster.png,portugal-wildfire_00000088_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000088_pre_disaster.png,0,0,0,0,88,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000088_pre_disaster.png,socal-fire_00000088_pre_disaster,0,0,train\masks\socal-fire_00000088_pre_disaster.png,0,0,0,0,88,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000088_pre_disaster.png,sunda-tsunami_00000088_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000088_pre_disaster.png,0,0,0,0,88,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000088_pre_disaster.png,santa-rosa-wildfire_00000088_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000088_pre_disaster.png,0,0,79,121389,88,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000088_pre_disaster.png,hurricane-michael_00000088_pre_disaster,0,0,train\masks\hurricane-michael_00000088_pre_disaster.png,0,0,2,235,88,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000088_pre_disaster.png,tuscaloosa-tornado_00000088_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000088_pre_disaster.png,0,0,76,71395,88,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000088_pre_disaster.png,moore-tornado_00000088_pre_disaster,0,0,tier3\masks\moore-tornado_00000088_pre_disaster.png,0,0,0,0,88,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000088_pre_disaster.png,palu-tsunami_00000088_pre_disaster,0,0,train\masks\palu-tsunami_00000088_pre_disaster.png,0,0,77,153680,88,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000088_pre_disaster.png,mexico-earthquake_00000088_pre_disaster,0,0,train\masks\mexico-earthquake_00000088_pre_disaster.png,0,0,156,333978,88,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000088_pre_disaster.png,hurricane-harvey_00000088_pre_disaster,0,0,train\masks\hurricane-harvey_00000088_pre_disaster.png,0,0,79,90821,88,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000089_pre_disaster.png,hurricane-matthew_00000089_pre_disaster,0,0,train\masks\hurricane-matthew_00000089_pre_disaster.png,0,0,229,339885,89,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000089_pre_disaster.png,portugal-wildfire_00000089_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000089_pre_disaster.png,0,0,0,0,89,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000089_pre_disaster.png,pinery-bushfire_00000089_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000089_pre_disaster.png,0,0,2,300,89,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000089_pre_disaster.png,sunda-tsunami_00000089_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000089_pre_disaster.png,0,0,0,0,89,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000089_pre_disaster.png,socal-fire_00000089_pre_disaster,0,0,train\masks\socal-fire_00000089_pre_disaster.png,0,0,0,0,89,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000089_pre_disaster.png,joplin-tornado_00000089_pre_disaster,0,0,tier3\masks\joplin-tornado_00000089_pre_disaster.png,0,0,107,94796,89,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000089_pre_disaster.png,tuscaloosa-tornado_00000089_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000089_pre_disaster.png,0,0,8,3735,89,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000089_pre_disaster.png,nepal-flooding_00000089_pre_disaster,0,0,tier3\masks\nepal-flooding_00000089_pre_disaster.png,0,0,8,1976,89,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000089_pre_disaster.png,lower-puna-volcano_00000089_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000089_pre_disaster.png,0,0,7,3454,89,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000089_pre_disaster.png,mexico-earthquake_00000089_pre_disaster,0,0,train\masks\mexico-earthquake_00000089_pre_disaster.png,0,0,203,374009,89,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000089_pre_disaster.png,woolsey-fire_00000089_pre_disaster,0,0,tier3\masks\woolsey-fire_00000089_pre_disaster.png,0,0,8,4783,89,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000089_pre_disaster.png,moore-tornado_00000089_pre_disaster,0,0,tier3\masks\moore-tornado_00000089_pre_disaster.png,0,0,23,81929,89,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000089_pre_disaster.png,hurricane-harvey_00000089_pre_disaster,0,0,train\masks\hurricane-harvey_00000089_pre_disaster.png,0,0,228,327417,89,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000090_pre_disaster.png,hurricane-harvey_00000090_pre_disaster,0,0,train\masks\hurricane-harvey_00000090_pre_disaster.png,0,0,0,0,90,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000090_pre_disaster.png,pinery-bushfire_00000090_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000090_pre_disaster.png,0,0,0,0,90,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000090_pre_disaster.png,hurricane-matthew_00000090_pre_disaster,0,0,train\masks\hurricane-matthew_00000090_pre_disaster.png,0,0,47,21472,90,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000090_pre_disaster.png,sunda-tsunami_00000090_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000090_pre_disaster.png,0,0,160,238296,90,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000090_pre_disaster.png,palu-tsunami_00000090_pre_disaster,0,0,train\masks\palu-tsunami_00000090_pre_disaster.png,0,0,126,100541,90,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000090_pre_disaster.png,lower-puna-volcano_00000090_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000090_pre_disaster.png,0,0,3,2456,90,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000090_pre_disaster.png,nepal-flooding_00000090_pre_disaster,0,0,tier3\masks\nepal-flooding_00000090_pre_disaster.png,0,0,10,7658,90,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000090_pre_disaster.png,joplin-tornado_00000090_pre_disaster,0,0,tier3\masks\joplin-tornado_00000090_pre_disaster.png,0,0,60,54977,90,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000090_pre_disaster.png,santa-rosa-wildfire_00000090_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000090_pre_disaster.png,0,0,117,123668,90,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000090_pre_disaster.png,moore-tornado_00000090_pre_disaster,0,0,tier3\masks\moore-tornado_00000090_pre_disaster.png,0,0,168,187724,90,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000090_pre_disaster.png,portugal-wildfire_00000090_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000090_pre_disaster.png,0,0,3,810,90,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000090_pre_disaster.png,socal-fire_00000090_pre_disaster,0,0,train\masks\socal-fire_00000090_pre_disaster.png,0,0,22,19423,90,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000090_pre_disaster.png,hurricane-michael_00000090_pre_disaster,0,0,train\masks\hurricane-michael_00000090_pre_disaster.png,0,0,123,172610,90,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000090_pre_disaster.png,tuscaloosa-tornado_00000090_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000090_pre_disaster.png,0,0,55,73214,90,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000090_pre_disaster.png,woolsey-fire_00000090_pre_disaster,0,0,tier3\masks\woolsey-fire_00000090_pre_disaster.png,0,0,0,0,90,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000091_pre_disaster.png,portugal-wildfire_00000091_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000091_pre_disaster.png,0,0,0,0,91,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000091_pre_disaster.png,santa-rosa-wildfire_00000091_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000091_pre_disaster.png,0,0,4,6117,91,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000091_pre_disaster.png,tuscaloosa-tornado_00000091_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000091_pre_disaster.png,0,0,0,0,91,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000091_pre_disaster.png,hurricane-harvey_00000091_pre_disaster,0,0,train\masks\hurricane-harvey_00000091_pre_disaster.png,0,0,8,25152,91,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000091_pre_disaster.png,lower-puna-volcano_00000091_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000091_pre_disaster.png,0,0,55,35547,91,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000091_pre_disaster.png,woolsey-fire_00000091_pre_disaster,0,0,tier3\masks\woolsey-fire_00000091_pre_disaster.png,0,0,2,880,91,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000091_pre_disaster.png,moore-tornado_00000091_pre_disaster,0,0,tier3\masks\moore-tornado_00000091_pre_disaster.png,0,0,41,30994,91,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000091_pre_disaster.png,socal-fire_00000091_pre_disaster,0,0,train\masks\socal-fire_00000091_pre_disaster.png,0,0,0,0,91,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000091_pre_disaster.png,sunda-tsunami_00000091_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000091_pre_disaster.png,0,0,0,0,91,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000091_pre_disaster.png,hurricane-florence_00000091_pre_disaster,0,0,train\masks\hurricane-florence_00000091_pre_disaster.png,0,0,125,138426,91,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000091_pre_disaster.png,nepal-flooding_00000091_pre_disaster,0,0,tier3\masks\nepal-flooding_00000091_pre_disaster.png,0,0,41,28063,91,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000091_pre_disaster.png,pinery-bushfire_00000091_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000091_pre_disaster.png,0,0,0,0,91,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000091_pre_disaster.png,joplin-tornado_00000091_pre_disaster,0,0,tier3\masks\joplin-tornado_00000091_pre_disaster.png,0,0,111,100120,91,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000092_pre_disaster.png,tuscaloosa-tornado_00000092_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000092_pre_disaster.png,0,0,69,183074,92,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000092_pre_disaster.png,moore-tornado_00000092_pre_disaster,0,0,tier3\masks\moore-tornado_00000092_pre_disaster.png,0,0,10,11341,92,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000092_pre_disaster.png,hurricane-matthew_00000092_pre_disaster,0,0,train\masks\hurricane-matthew_00000092_pre_disaster.png,0,0,165,241153,92,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000092_pre_disaster.png,nepal-flooding_00000092_pre_disaster,0,0,tier3\masks\nepal-flooding_00000092_pre_disaster.png,0,0,0,0,92,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000092_pre_disaster.png,socal-fire_00000092_pre_disaster,0,0,train\masks\socal-fire_00000092_pre_disaster.png,0,0,0,0,92,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000092_pre_disaster.png,mexico-earthquake_00000092_pre_disaster,0,0,train\masks\mexico-earthquake_00000092_pre_disaster.png,0,0,93,276548,92,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000092_pre_disaster.png,hurricane-harvey_00000092_pre_disaster,0,0,train\masks\hurricane-harvey_00000092_pre_disaster.png,0,0,140,316010,92,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000092_pre_disaster.png,joplin-tornado_00000092_pre_disaster,0,0,tier3\masks\joplin-tornado_00000092_pre_disaster.png,0,0,22,26591,92,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000092_pre_disaster.png,pinery-bushfire_00000092_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000092_pre_disaster.png,0,0,4,3698,92,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000092_pre_disaster.png,sunda-tsunami_00000092_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000092_pre_disaster.png,0,0,0,0,92,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000092_pre_disaster.png,palu-tsunami_00000092_pre_disaster,0,0,train\masks\palu-tsunami_00000092_pre_disaster.png,0,0,102,103850,92,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000092_pre_disaster.png,woolsey-fire_00000092_pre_disaster,0,0,tier3\masks\woolsey-fire_00000092_pre_disaster.png,0,0,10,7401,92,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000092_pre_disaster.png,hurricane-michael_00000092_pre_disaster,0,0,train\masks\hurricane-michael_00000092_pre_disaster.png,0,0,82,96893,92,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000092_pre_disaster.png,portugal-wildfire_00000092_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000092_pre_disaster.png,0,0,0,0,92,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000092_pre_disaster.png,lower-puna-volcano_00000092_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000092_pre_disaster.png,0,0,0,0,92,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000093_pre_disaster.png,hurricane-florence_00000093_pre_disaster,0,0,train\masks\hurricane-florence_00000093_pre_disaster.png,0,0,0,0,93,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000093_pre_disaster.png,portugal-wildfire_00000093_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000093_pre_disaster.png,0,0,13,7365,93,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000093_pre_disaster.png,sunda-tsunami_00000093_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000093_pre_disaster.png,0,0,0,0,93,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000093_pre_disaster.png,socal-fire_00000093_pre_disaster,0,0,train\masks\socal-fire_00000093_pre_disaster.png,0,0,33,77589,93,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000093_pre_disaster.png,hurricane-michael_00000093_pre_disaster,0,0,train\masks\hurricane-michael_00000093_pre_disaster.png,0,0,0,0,93,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000093_pre_disaster.png,midwest-flooding_00000093_pre_disaster,0,0,train\masks\midwest-flooding_00000093_pre_disaster.png,0,0,0,0,93,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000093_pre_disaster.png,nepal-flooding_00000093_pre_disaster,0,0,tier3\masks\nepal-flooding_00000093_pre_disaster.png,0,0,21,6943,93,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000093_pre_disaster.png,moore-tornado_00000093_pre_disaster,0,0,tier3\masks\moore-tornado_00000093_pre_disaster.png,0,0,144,156717,93,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000093_pre_disaster.png,lower-puna-volcano_00000093_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000093_pre_disaster.png,0,0,57,47399,93,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000093_pre_disaster.png,mexico-earthquake_00000093_pre_disaster,0,0,train\masks\mexico-earthquake_00000093_pre_disaster.png,0,0,71,102104,93,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000093_pre_disaster.png,hurricane-matthew_00000093_pre_disaster,0,0,train\masks\hurricane-matthew_00000093_pre_disaster.png,0,0,3,1364,93,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000093_pre_disaster.png,joplin-tornado_00000093_pre_disaster,0,0,tier3\masks\joplin-tornado_00000093_pre_disaster.png,0,0,19,19205,93,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000093_pre_disaster.png,pinery-bushfire_00000093_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000093_pre_disaster.png,0,0,0,0,93,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000093_pre_disaster.png,santa-rosa-wildfire_00000093_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000093_pre_disaster.png,0,0,24,16582,93,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000093_pre_disaster.png,woolsey-fire_00000093_pre_disaster,0,0,tier3\masks\woolsey-fire_00000093_pre_disaster.png,0,0,79,81473,93,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000093_pre_disaster.png,tuscaloosa-tornado_00000093_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000093_pre_disaster.png,0,0,2,1074,93,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000094_pre_disaster.png,hurricane-michael_00000094_pre_disaster,0,0,train\masks\hurricane-michael_00000094_pre_disaster.png,0,0,34,51562,94,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000094_pre_disaster.png,moore-tornado_00000094_pre_disaster,0,0,tier3\masks\moore-tornado_00000094_pre_disaster.png,0,0,1,506,94,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000094_pre_disaster.png,woolsey-fire_00000094_pre_disaster,0,0,tier3\masks\woolsey-fire_00000094_pre_disaster.png,0,0,0,0,94,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000094_pre_disaster.png,hurricane-harvey_00000094_pre_disaster,0,0,train\masks\hurricane-harvey_00000094_pre_disaster.png,0,0,0,0,94,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000094_pre_disaster.png,hurricane-matthew_00000094_pre_disaster,0,0,train\masks\hurricane-matthew_00000094_pre_disaster.png,0,0,50,26033,94,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000094_pre_disaster.png,portugal-wildfire_00000094_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000094_pre_disaster.png,0,0,0,0,94,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000094_pre_disaster.png,socal-fire_00000094_pre_disaster,0,0,train\masks\socal-fire_00000094_pre_disaster.png,0,0,0,0,94,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000094_pre_disaster.png,tuscaloosa-tornado_00000094_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000094_pre_disaster.png,0,0,44,36305,94,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000094_pre_disaster.png,lower-puna-volcano_00000094_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000094_pre_disaster.png,0,0,12,5795,94,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000094_pre_disaster.png,pinery-bushfire_00000094_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000094_pre_disaster.png,0,0,0,0,94,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000094_pre_disaster.png,hurricane-florence_00000094_pre_disaster,0,0,train\masks\hurricane-florence_00000094_pre_disaster.png,0,0,44,85541,94,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000094_pre_disaster.png,nepal-flooding_00000094_pre_disaster,0,0,tier3\masks\nepal-flooding_00000094_pre_disaster.png,0,0,112,90178,94,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000094_pre_disaster.png,santa-rosa-wildfire_00000094_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000094_pre_disaster.png,0,0,5,4963,94,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000094_pre_disaster.png,joplin-tornado_00000094_pre_disaster,0,0,tier3\masks\joplin-tornado_00000094_pre_disaster.png,0,0,151,151883,94,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000094_pre_disaster.png,sunda-tsunami_00000094_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000094_pre_disaster.png,0,0,1,124,94,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000095_pre_disaster.png,lower-puna-volcano_00000095_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000095_pre_disaster.png,0,0,32,19596,95,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000095_pre_disaster.png,sunda-tsunami_00000095_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000095_pre_disaster.png,0,0,13,7286,95,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000095_pre_disaster.png,midwest-flooding_00000095_pre_disaster,0,0,train\masks\midwest-flooding_00000095_pre_disaster.png,0,0,20,9949,95,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000095_pre_disaster.png,hurricane-matthew_00000095_pre_disaster,0,0,train\masks\hurricane-matthew_00000095_pre_disaster.png,0,0,121,98740,95,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000095_pre_disaster.png,portugal-wildfire_00000095_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000095_pre_disaster.png,0,0,47,51984,95,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000095_pre_disaster.png,socal-fire_00000095_pre_disaster,0,0,train\masks\socal-fire_00000095_pre_disaster.png,0,0,1,174,95,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000095_pre_disaster.png,nepal-flooding_00000095_pre_disaster,0,0,tier3\masks\nepal-flooding_00000095_pre_disaster.png,0,0,5,998,95,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000095_pre_disaster.png,pinery-bushfire_00000095_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000095_pre_disaster.png,0,0,0,0,95,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000095_pre_disaster.png,joplin-tornado_00000095_pre_disaster,0,0,tier3\masks\joplin-tornado_00000095_pre_disaster.png,0,0,19,17698,95,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000095_pre_disaster.png,santa-rosa-wildfire_00000095_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000095_pre_disaster.png,0,0,154,263056,95,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000095_pre_disaster.png,tuscaloosa-tornado_00000095_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000095_pre_disaster.png,0,0,116,195107,95,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000095_pre_disaster.png,woolsey-fire_00000095_pre_disaster,0,0,tier3\masks\woolsey-fire_00000095_pre_disaster.png,0,0,3,5942,95,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000095_pre_disaster.png,moore-tornado_00000095_pre_disaster,0,0,tier3\masks\moore-tornado_00000095_pre_disaster.png,0,0,309,227542,95,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000096_pre_disaster.png,tuscaloosa-tornado_00000096_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000096_pre_disaster.png,0,0,22,19666,96,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000096_pre_disaster.png,portugal-wildfire_00000096_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000096_pre_disaster.png,0,0,1,1071,96,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000096_pre_disaster.png,lower-puna-volcano_00000096_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000096_pre_disaster.png,0,0,34,11270,96,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000096_pre_disaster.png,joplin-tornado_00000096_pre_disaster,0,0,tier3\masks\joplin-tornado_00000096_pre_disaster.png,0,0,18,13690,96,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000096_pre_disaster.png,pinery-bushfire_00000096_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000096_pre_disaster.png,0,0,0,0,96,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000096_pre_disaster.png,santa-rosa-wildfire_00000096_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000096_pre_disaster.png,0,0,47,143080,96,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000096_pre_disaster.png,hurricane-michael_00000096_pre_disaster,0,0,train\masks\hurricane-michael_00000096_pre_disaster.png,0,0,9,13440,96,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000096_pre_disaster.png,hurricane-florence_00000096_pre_disaster,0,0,train\masks\hurricane-florence_00000096_pre_disaster.png,0,0,109,202282,96,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000096_pre_disaster.png,socal-fire_00000096_pre_disaster,0,0,train\masks\socal-fire_00000096_pre_disaster.png,0,0,0,0,96,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000096_pre_disaster.png,sunda-tsunami_00000096_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000096_pre_disaster.png,0,0,138,207973,96,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000096_pre_disaster.png,woolsey-fire_00000096_pre_disaster,0,0,tier3\masks\woolsey-fire_00000096_pre_disaster.png,0,0,2,1423,96,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000096_pre_disaster.png,moore-tornado_00000096_pre_disaster,0,0,tier3\masks\moore-tornado_00000096_pre_disaster.png,0,0,49,139937,96,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000096_pre_disaster.png,nepal-flooding_00000096_pre_disaster,0,0,tier3\masks\nepal-flooding_00000096_pre_disaster.png,0,0,97,94197,96,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000096_pre_disaster.png,midwest-flooding_00000096_pre_disaster,0,0,train\masks\midwest-flooding_00000096_pre_disaster.png,0,0,4,3718,96,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000096_pre_disaster.png,mexico-earthquake_00000096_pre_disaster,0,0,train\masks\mexico-earthquake_00000096_pre_disaster.png,0,0,3,5660,96,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000097_pre_disaster.png,lower-puna-volcano_00000097_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000097_pre_disaster.png,0,0,0,0,97,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000097_pre_disaster.png,hurricane-matthew_00000097_pre_disaster,0,0,train\masks\hurricane-matthew_00000097_pre_disaster.png,0,0,77,22013,97,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000097_pre_disaster.png,sunda-tsunami_00000097_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000097_pre_disaster.png,0,0,0,0,97,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000097_pre_disaster.png,woolsey-fire_00000097_pre_disaster,0,0,tier3\masks\woolsey-fire_00000097_pre_disaster.png,0,0,0,0,97,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000097_pre_disaster.png,nepal-flooding_00000097_pre_disaster,0,0,tier3\masks\nepal-flooding_00000097_pre_disaster.png,0,0,1,209,97,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000097_pre_disaster.png,moore-tornado_00000097_pre_disaster,0,0,tier3\masks\moore-tornado_00000097_pre_disaster.png,0,0,121,140703,97,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000097_pre_disaster.png,socal-fire_00000097_pre_disaster,0,0,train\masks\socal-fire_00000097_pre_disaster.png,0,0,0,0,97,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000097_pre_disaster.png,portugal-wildfire_00000097_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000097_pre_disaster.png,0,0,0,0,97,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000097_pre_disaster.png,tuscaloosa-tornado_00000097_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000097_pre_disaster.png,0,0,4,2320,97,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000097_pre_disaster.png,pinery-bushfire_00000097_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000097_pre_disaster.png,0,0,0,0,97,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000097_pre_disaster.png,joplin-tornado_00000097_pre_disaster,0,0,tier3\masks\joplin-tornado_00000097_pre_disaster.png,0,0,59,134547,97,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000097_pre_disaster.png,santa-rosa-wildfire_00000097_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000097_pre_disaster.png,0,0,139,179288,97,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000097_pre_disaster.png,palu-tsunami_00000097_pre_disaster,0,0,train\masks\palu-tsunami_00000097_pre_disaster.png,0,0,80,600222,97,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000097_pre_disaster.png,hurricane-michael_00000097_pre_disaster,0,0,train\masks\hurricane-michael_00000097_pre_disaster.png,0,0,18,19263,97,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000098_pre_disaster.png,santa-rosa-wildfire_00000098_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000098_pre_disaster.png,0,0,46,77523,98,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000098_pre_disaster.png,sunda-tsunami_00000098_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000098_pre_disaster.png,0,0,16,16875,98,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000098_pre_disaster.png,woolsey-fire_00000098_pre_disaster,0,0,tier3\masks\woolsey-fire_00000098_pre_disaster.png,0,0,0,0,98,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000098_pre_disaster.png,hurricane-michael_00000098_pre_disaster,0,0,train\masks\hurricane-michael_00000098_pre_disaster.png,0,0,25,32005,98,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000098_pre_disaster.png,pinery-bushfire_00000098_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000098_pre_disaster.png,0,0,0,0,98,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000098_pre_disaster.png,moore-tornado_00000098_pre_disaster,0,0,tier3\masks\moore-tornado_00000098_pre_disaster.png,0,0,134,132118,98,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000098_pre_disaster.png,tuscaloosa-tornado_00000098_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000098_pre_disaster.png,0,0,33,308480,98,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000098_pre_disaster.png,lower-puna-volcano_00000098_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000098_pre_disaster.png,0,0,2,147,98,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000098_pre_disaster.png,mexico-earthquake_00000098_pre_disaster,0,0,train\masks\mexico-earthquake_00000098_pre_disaster.png,0,0,80,496079,98,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000098_pre_disaster.png,palu-tsunami_00000098_pre_disaster,0,0,train\masks\palu-tsunami_00000098_pre_disaster.png,0,0,222,373766,98,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000098_pre_disaster.png,hurricane-harvey_00000098_pre_disaster,0,0,train\masks\hurricane-harvey_00000098_pre_disaster.png,0,0,118,223717,98,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000098_pre_disaster.png,portugal-wildfire_00000098_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000098_pre_disaster.png,0,0,0,0,98,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000098_pre_disaster.png,joplin-tornado_00000098_pre_disaster,0,0,tier3\masks\joplin-tornado_00000098_pre_disaster.png,0,0,124,96923,98,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000098_pre_disaster.png,nepal-flooding_00000098_pre_disaster,0,0,tier3\masks\nepal-flooding_00000098_pre_disaster.png,0,0,5,747,98,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000099_pre_disaster.png,socal-fire_00000099_pre_disaster,0,0,train\masks\socal-fire_00000099_pre_disaster.png,0,0,13,13847,99,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000099_pre_disaster.png,hurricane-matthew_00000099_pre_disaster,0,0,train\masks\hurricane-matthew_00000099_pre_disaster.png,0,0,68,32748,99,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000099_pre_disaster.png,hurricane-harvey_00000099_pre_disaster,0,0,train\masks\hurricane-harvey_00000099_pre_disaster.png,0,0,184,217153,99,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000099_pre_disaster.png,hurricane-michael_00000099_pre_disaster,0,0,train\masks\hurricane-michael_00000099_pre_disaster.png,0,0,118,99848,99,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000099_pre_disaster.png,palu-tsunami_00000099_pre_disaster,0,0,train\masks\palu-tsunami_00000099_pre_disaster.png,0,0,43,99891,99,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000099_pre_disaster.png,portugal-wildfire_00000099_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000099_pre_disaster.png,0,0,23,18164,99,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000099_pre_disaster.png,hurricane-florence_00000099_pre_disaster,0,0,train\masks\hurricane-florence_00000099_pre_disaster.png,0,0,23,26994,99,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000099_pre_disaster.png,midwest-flooding_00000099_pre_disaster,0,0,train\masks\midwest-flooding_00000099_pre_disaster.png,0,0,4,3320,99,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000099_pre_disaster.png,joplin-tornado_00000099_pre_disaster,0,0,tier3\masks\joplin-tornado_00000099_pre_disaster.png,0,0,24,26353,99,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000099_pre_disaster.png,nepal-flooding_00000099_pre_disaster,0,0,tier3\masks\nepal-flooding_00000099_pre_disaster.png,0,0,2,1761,99,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000099_pre_disaster.png,pinery-bushfire_00000099_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000099_pre_disaster.png,0,0,0,0,99,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000099_pre_disaster.png,lower-puna-volcano_00000099_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000099_pre_disaster.png,0,0,0,0,99,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000099_pre_disaster.png,moore-tornado_00000099_pre_disaster,0,0,tier3\masks\moore-tornado_00000099_pre_disaster.png,0,0,50,58608,99,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000099_pre_disaster.png,sunda-tsunami_00000099_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000099_pre_disaster.png,0,0,84,269893,99,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000099_pre_disaster.png,woolsey-fire_00000099_pre_disaster,0,0,tier3\masks\woolsey-fire_00000099_pre_disaster.png,0,0,3,1172,99,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000099_pre_disaster.png,tuscaloosa-tornado_00000099_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000099_pre_disaster.png,0,0,127,143411,99,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000100_pre_disaster.png,hurricane-harvey_00000100_pre_disaster,0,0,train\masks\hurricane-harvey_00000100_pre_disaster.png,0,0,3,3549,100,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000100_pre_disaster.png,pinery-bushfire_00000100_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000100_pre_disaster.png,0,0,0,0,100,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000100_pre_disaster.png,portugal-wildfire_00000100_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000100_pre_disaster.png,0,0,1,212,100,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000100_pre_disaster.png,hurricane-michael_00000100_pre_disaster,0,0,train\masks\hurricane-michael_00000100_pre_disaster.png,0,0,15,22596,100,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000100_pre_disaster.png,midwest-flooding_00000100_pre_disaster,0,0,train\masks\midwest-flooding_00000100_pre_disaster.png,0,0,18,8896,100,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000100_pre_disaster.png,moore-tornado_00000100_pre_disaster,0,0,tier3\masks\moore-tornado_00000100_pre_disaster.png,0,0,8,20680,100,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000100_pre_disaster.png,palu-tsunami_00000100_pre_disaster,0,0,train\masks\palu-tsunami_00000100_pre_disaster.png,0,0,54,28006,100,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000100_pre_disaster.png,tuscaloosa-tornado_00000100_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000100_pre_disaster.png,0,0,3,5036,100,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000100_pre_disaster.png,joplin-tornado_00000100_pre_disaster,0,0,tier3\masks\joplin-tornado_00000100_pre_disaster.png,0,0,123,133186,100,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000100_pre_disaster.png,mexico-earthquake_00000100_pre_disaster,0,0,train\masks\mexico-earthquake_00000100_pre_disaster.png,0,0,235,395075,100,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000100_pre_disaster.png,hurricane-florence_00000100_pre_disaster,0,0,train\masks\hurricane-florence_00000100_pre_disaster.png,0,0,5,2875,100,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000100_pre_disaster.png,hurricane-matthew_00000100_pre_disaster,0,0,train\masks\hurricane-matthew_00000100_pre_disaster.png,0,0,1,553,100,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000100_pre_disaster.png,lower-puna-volcano_00000100_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000100_pre_disaster.png,0,0,2,166,100,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000100_pre_disaster.png,sunda-tsunami_00000100_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000100_pre_disaster.png,0,0,10,8590,100,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000100_pre_disaster.png,nepal-flooding_00000100_pre_disaster,0,0,tier3\masks\nepal-flooding_00000100_pre_disaster.png,0,0,26,16787,100,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000100_pre_disaster.png,woolsey-fire_00000100_pre_disaster,0,0,tier3\masks\woolsey-fire_00000100_pre_disaster.png,0,0,0,0,100,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000101_pre_disaster.png,hurricane-florence_00000101_pre_disaster,0,0,train\masks\hurricane-florence_00000101_pre_disaster.png,0,0,1,988,101,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000101_pre_disaster.png,hurricane-harvey_00000101_pre_disaster,0,0,train\masks\hurricane-harvey_00000101_pre_disaster.png,0,0,206,287901,101,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000101_pre_disaster.png,mexico-earthquake_00000101_pre_disaster,0,0,train\masks\mexico-earthquake_00000101_pre_disaster.png,0,0,79,187691,101,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000101_pre_disaster.png,pinery-bushfire_00000101_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000101_pre_disaster.png,0,0,0,0,101,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000101_pre_disaster.png,tuscaloosa-tornado_00000101_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000101_pre_disaster.png,0,0,0,0,101,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000101_pre_disaster.png,nepal-flooding_00000101_pre_disaster,0,0,tier3\masks\nepal-flooding_00000101_pre_disaster.png,0,0,35,27969,101,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000101_pre_disaster.png,santa-rosa-wildfire_00000101_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000101_pre_disaster.png,0,0,88,111713,101,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000101_pre_disaster.png,woolsey-fire_00000101_pre_disaster,0,0,tier3\masks\woolsey-fire_00000101_pre_disaster.png,0,0,1,211,101,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000101_pre_disaster.png,moore-tornado_00000101_pre_disaster,0,0,tier3\masks\moore-tornado_00000101_pre_disaster.png,0,0,55,129342,101,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000101_pre_disaster.png,joplin-tornado_00000101_pre_disaster,0,0,tier3\masks\joplin-tornado_00000101_pre_disaster.png,0,0,132,197352,101,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000101_pre_disaster.png,lower-puna-volcano_00000101_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000101_pre_disaster.png,0,0,51,36590,101,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000101_pre_disaster.png,sunda-tsunami_00000101_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000101_pre_disaster.png,0,0,18,11590,101,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000101_pre_disaster.png,palu-tsunami_00000101_pre_disaster,0,0,train\masks\palu-tsunami_00000101_pre_disaster.png,0,0,74,37519,101,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000101_pre_disaster.png,portugal-wildfire_00000101_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000101_pre_disaster.png,0,0,0,0,101,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000101_pre_disaster.png,hurricane-michael_00000101_pre_disaster,0,0,train\masks\hurricane-michael_00000101_pre_disaster.png,0,0,21,25310,101,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000101_pre_disaster.png,socal-fire_00000101_pre_disaster,0,0,train\masks\socal-fire_00000101_pre_disaster.png,0,0,0,0,101,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000102_pre_disaster.png,sunda-tsunami_00000102_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000102_pre_disaster.png,0,0,0,0,102,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000102_pre_disaster.png,hurricane-florence_00000102_pre_disaster,0,0,train\masks\hurricane-florence_00000102_pre_disaster.png,0,0,10,5117,102,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000102_pre_disaster.png,pinery-bushfire_00000102_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000102_pre_disaster.png,0,0,50,29801,102,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000102_pre_disaster.png,nepal-flooding_00000102_pre_disaster,0,0,tier3\masks\nepal-flooding_00000102_pre_disaster.png,0,0,2,227,102,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000102_pre_disaster.png,hurricane-michael_00000102_pre_disaster,0,0,train\masks\hurricane-michael_00000102_pre_disaster.png,0,0,121,153006,102,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000102_pre_disaster.png,woolsey-fire_00000102_pre_disaster,0,0,tier3\masks\woolsey-fire_00000102_pre_disaster.png,0,0,0,0,102,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000102_pre_disaster.png,socal-fire_00000102_pre_disaster,0,0,train\masks\socal-fire_00000102_pre_disaster.png,0,0,1,386,102,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000102_pre_disaster.png,hurricane-matthew_00000102_pre_disaster,0,0,train\masks\hurricane-matthew_00000102_pre_disaster.png,0,0,48,14310,102,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000102_pre_disaster.png,portugal-wildfire_00000102_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000102_pre_disaster.png,0,0,0,0,102,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000102_pre_disaster.png,palu-tsunami_00000102_pre_disaster,0,0,train\masks\palu-tsunami_00000102_pre_disaster.png,0,0,72,43573,102,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000102_pre_disaster.png,mexico-earthquake_00000102_pre_disaster,0,0,train\masks\mexico-earthquake_00000102_pre_disaster.png,0,0,53,341429,102,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000102_pre_disaster.png,moore-tornado_00000102_pre_disaster,0,0,tier3\masks\moore-tornado_00000102_pre_disaster.png,0,0,225,257382,102,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000102_pre_disaster.png,midwest-flooding_00000102_pre_disaster,0,0,train\masks\midwest-flooding_00000102_pre_disaster.png,0,0,0,0,102,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000102_pre_disaster.png,joplin-tornado_00000102_pre_disaster,0,0,tier3\masks\joplin-tornado_00000102_pre_disaster.png,0,0,135,112153,102,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000102_pre_disaster.png,tuscaloosa-tornado_00000102_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000102_pre_disaster.png,0,0,1,2399,102,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000102_pre_disaster.png,lower-puna-volcano_00000102_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000102_pre_disaster.png,0,0,6,3695,102,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000103_pre_disaster.png,hurricane-matthew_00000103_pre_disaster,0,0,train\masks\hurricane-matthew_00000103_pre_disaster.png,0,0,62,41858,103,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000103_pre_disaster.png,palu-tsunami_00000103_pre_disaster,0,0,train\masks\palu-tsunami_00000103_pre_disaster.png,0,0,3,548,103,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000103_pre_disaster.png,sunda-tsunami_00000103_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000103_pre_disaster.png,0,0,8,7927,103,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000103_pre_disaster.png,hurricane-florence_00000103_pre_disaster,0,0,train\masks\hurricane-florence_00000103_pre_disaster.png,0,0,58,94513,103,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000103_pre_disaster.png,socal-fire_00000103_pre_disaster,0,0,train\masks\socal-fire_00000103_pre_disaster.png,0,0,40,92131,103,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000103_pre_disaster.png,joplin-tornado_00000103_pre_disaster,0,0,tier3\masks\joplin-tornado_00000103_pre_disaster.png,0,0,106,87994,103,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000103_pre_disaster.png,pinery-bushfire_00000103_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000103_pre_disaster.png,0,0,12,3500,103,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000103_pre_disaster.png,portugal-wildfire_00000103_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000103_pre_disaster.png,0,0,0,0,103,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000103_pre_disaster.png,santa-rosa-wildfire_00000103_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000103_pre_disaster.png,0,0,37,64231,103,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000103_pre_disaster.png,moore-tornado_00000103_pre_disaster,0,0,tier3\masks\moore-tornado_00000103_pre_disaster.png,0,0,247,232833,103,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000103_pre_disaster.png,nepal-flooding_00000103_pre_disaster,0,0,tier3\masks\nepal-flooding_00000103_pre_disaster.png,0,0,0,0,103,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000103_pre_disaster.png,woolsey-fire_00000103_pre_disaster,0,0,tier3\masks\woolsey-fire_00000103_pre_disaster.png,0,0,11,2759,103,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000103_pre_disaster.png,lower-puna-volcano_00000103_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000103_pre_disaster.png,0,0,0,0,103,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000103_pre_disaster.png,mexico-earthquake_00000103_pre_disaster,0,0,train\masks\mexico-earthquake_00000103_pre_disaster.png,0,0,55,180040,103,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000103_pre_disaster.png,midwest-flooding_00000103_pre_disaster,0,0,train\masks\midwest-flooding_00000103_pre_disaster.png,0,0,13,8414,103,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000103_pre_disaster.png,tuscaloosa-tornado_00000103_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000103_pre_disaster.png,0,0,111,247816,103,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000103_pre_disaster.png,hurricane-michael_00000103_pre_disaster,0,0,train\masks\hurricane-michael_00000103_pre_disaster.png,0,0,5,5176,103,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000104_pre_disaster.png,woolsey-fire_00000104_pre_disaster,0,0,tier3\masks\woolsey-fire_00000104_pre_disaster.png,0,0,0,0,104,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000104_pre_disaster.png,sunda-tsunami_00000104_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000104_pre_disaster.png,0,0,55,43795,104,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000104_pre_disaster.png,hurricane-harvey_00000104_pre_disaster,0,0,train\masks\hurricane-harvey_00000104_pre_disaster.png,0,0,267,339081,104,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000104_pre_disaster.png,tuscaloosa-tornado_00000104_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000104_pre_disaster.png,0,0,14,11473,104,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000104_pre_disaster.png,portugal-wildfire_00000104_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000104_pre_disaster.png,0,0,0,0,104,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000104_pre_disaster.png,lower-puna-volcano_00000104_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000104_pre_disaster.png,0,0,31,30744,104,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000104_pre_disaster.png,hurricane-matthew_00000104_pre_disaster,0,0,train\masks\hurricane-matthew_00000104_pre_disaster.png,0,0,183,208099,104,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000104_pre_disaster.png,hurricane-michael_00000104_pre_disaster,0,0,train\masks\hurricane-michael_00000104_pre_disaster.png,0,0,33,41910,104,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000104_pre_disaster.png,hurricane-florence_00000104_pre_disaster,0,0,train\masks\hurricane-florence_00000104_pre_disaster.png,0,0,9,72348,104,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000104_pre_disaster.png,joplin-tornado_00000104_pre_disaster,0,0,tier3\masks\joplin-tornado_00000104_pre_disaster.png,0,0,36,154256,104,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000104_pre_disaster.png,moore-tornado_00000104_pre_disaster,0,0,tier3\masks\moore-tornado_00000104_pre_disaster.png,0,0,250,275029,104,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000104_pre_disaster.png,mexico-earthquake_00000104_pre_disaster,0,0,train\masks\mexico-earthquake_00000104_pre_disaster.png,0,0,31,138166,104,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000104_pre_disaster.png,pinery-bushfire_00000104_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000104_pre_disaster.png,0,0,8,4785,104,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000104_pre_disaster.png,nepal-flooding_00000104_pre_disaster,0,0,tier3\masks\nepal-flooding_00000104_pre_disaster.png,0,0,40,28500,104,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000105_pre_disaster.png,nepal-flooding_00000105_pre_disaster,0,0,tier3\masks\nepal-flooding_00000105_pre_disaster.png,0,0,44,27880,105,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000105_pre_disaster.png,pinery-bushfire_00000105_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000105_pre_disaster.png,0,0,0,0,105,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000105_pre_disaster.png,portugal-wildfire_00000105_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000105_pre_disaster.png,0,0,62,47011,105,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000105_pre_disaster.png,tuscaloosa-tornado_00000105_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000105_pre_disaster.png,0,0,2,183,105,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000105_pre_disaster.png,joplin-tornado_00000105_pre_disaster,0,0,tier3\masks\joplin-tornado_00000105_pre_disaster.png,0,0,42,24518,105,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000105_pre_disaster.png,santa-rosa-wildfire_00000105_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000105_pre_disaster.png,0,0,7,6261,105,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000105_pre_disaster.png,socal-fire_00000105_pre_disaster,0,0,train\masks\socal-fire_00000105_pre_disaster.png,0,0,0,0,105,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000105_pre_disaster.png,lower-puna-volcano_00000105_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000105_pre_disaster.png,0,0,24,11877,105,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000105_pre_disaster.png,mexico-earthquake_00000105_pre_disaster,0,0,train\masks\mexico-earthquake_00000105_pre_disaster.png,0,0,80,274909,105,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000105_pre_disaster.png,moore-tornado_00000105_pre_disaster,0,0,tier3\masks\moore-tornado_00000105_pre_disaster.png,0,0,185,247821,105,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000105_pre_disaster.png,woolsey-fire_00000105_pre_disaster,0,0,tier3\masks\woolsey-fire_00000105_pre_disaster.png,0,0,0,0,105,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000105_pre_disaster.png,sunda-tsunami_00000105_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000105_pre_disaster.png,0,0,80,35271,105,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000106_pre_disaster.png,hurricane-florence_00000106_pre_disaster,0,0,train\masks\hurricane-florence_00000106_pre_disaster.png,0,0,12,12642,106,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000106_pre_disaster.png,socal-fire_00000106_pre_disaster,0,0,train\masks\socal-fire_00000106_pre_disaster.png,0,0,3,2030,106,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000106_pre_disaster.png,nepal-flooding_00000106_pre_disaster,0,0,tier3\masks\nepal-flooding_00000106_pre_disaster.png,0,0,7,6831,106,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000106_pre_disaster.png,lower-puna-volcano_00000106_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000106_pre_disaster.png,0,0,0,0,106,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000106_pre_disaster.png,moore-tornado_00000106_pre_disaster,0,0,tier3\masks\moore-tornado_00000106_pre_disaster.png,0,0,85,165673,106,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000106_pre_disaster.png,palu-tsunami_00000106_pre_disaster,0,0,train\masks\palu-tsunami_00000106_pre_disaster.png,0,0,54,53976,106,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000106_pre_disaster.png,joplin-tornado_00000106_pre_disaster,0,0,tier3\masks\joplin-tornado_00000106_pre_disaster.png,0,0,128,109637,106,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000106_pre_disaster.png,tuscaloosa-tornado_00000106_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000106_pre_disaster.png,0,0,4,1163,106,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000106_pre_disaster.png,woolsey-fire_00000106_pre_disaster,0,0,tier3\masks\woolsey-fire_00000106_pre_disaster.png,0,0,10,2137,106,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000106_pre_disaster.png,santa-rosa-wildfire_00000106_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000106_pre_disaster.png,0,0,107,172009,106,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000106_pre_disaster.png,portugal-wildfire_00000106_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000106_pre_disaster.png,0,0,0,0,106,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000106_pre_disaster.png,sunda-tsunami_00000106_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000106_pre_disaster.png,0,0,26,12392,106,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000106_pre_disaster.png,pinery-bushfire_00000106_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000106_pre_disaster.png,0,0,0,0,106,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000107_pre_disaster.png,nepal-flooding_00000107_pre_disaster,0,0,tier3\masks\nepal-flooding_00000107_pre_disaster.png,0,0,37,23936,107,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000107_pre_disaster.png,portugal-wildfire_00000107_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000107_pre_disaster.png,0,0,1,365,107,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000107_pre_disaster.png,palu-tsunami_00000107_pre_disaster,0,0,train\masks\palu-tsunami_00000107_pre_disaster.png,0,0,52,67058,107,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000107_pre_disaster.png,mexico-earthquake_00000107_pre_disaster,0,0,train\masks\mexico-earthquake_00000107_pre_disaster.png,0,0,147,449380,107,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000107_pre_disaster.png,woolsey-fire_00000107_pre_disaster,0,0,tier3\masks\woolsey-fire_00000107_pre_disaster.png,0,0,26,13155,107,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000107_pre_disaster.png,sunda-tsunami_00000107_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000107_pre_disaster.png,0,0,34,32989,107,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000107_pre_disaster.png,hurricane-harvey_00000107_pre_disaster,0,0,train\masks\hurricane-harvey_00000107_pre_disaster.png,0,0,11,61413,107,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000107_pre_disaster.png,moore-tornado_00000107_pre_disaster,0,0,tier3\masks\moore-tornado_00000107_pre_disaster.png,0,0,46,95701,107,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000107_pre_disaster.png,tuscaloosa-tornado_00000107_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000107_pre_disaster.png,0,0,16,10133,107,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000107_pre_disaster.png,midwest-flooding_00000107_pre_disaster,0,0,train\masks\midwest-flooding_00000107_pre_disaster.png,0,0,3,971,107,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000107_pre_disaster.png,joplin-tornado_00000107_pre_disaster,0,0,tier3\masks\joplin-tornado_00000107_pre_disaster.png,0,0,26,130330,107,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000107_pre_disaster.png,pinery-bushfire_00000107_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000107_pre_disaster.png,0,0,0,0,107,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000107_pre_disaster.png,lower-puna-volcano_00000107_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000107_pre_disaster.png,0,0,21,8670,107,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000107_pre_disaster.png,socal-fire_00000107_pre_disaster,0,0,train\masks\socal-fire_00000107_pre_disaster.png,0,0,0,0,107,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000108_pre_disaster.png,hurricane-harvey_00000108_pre_disaster,0,0,train\masks\hurricane-harvey_00000108_pre_disaster.png,0,0,86,166533,108,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000108_pre_disaster.png,pinery-bushfire_00000108_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000108_pre_disaster.png,0,0,0,0,108,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000108_pre_disaster.png,lower-puna-volcano_00000108_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000108_pre_disaster.png,0,0,0,0,108,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000108_pre_disaster.png,palu-tsunami_00000108_pre_disaster,0,0,train\masks\palu-tsunami_00000108_pre_disaster.png,0,0,104,93451,108,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000108_pre_disaster.png,mexico-earthquake_00000108_pre_disaster,0,0,train\masks\mexico-earthquake_00000108_pre_disaster.png,0,0,69,56170,108,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000108_pre_disaster.png,sunda-tsunami_00000108_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000108_pre_disaster.png,0,0,107,106537,108,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000108_pre_disaster.png,socal-fire_00000108_pre_disaster,0,0,train\masks\socal-fire_00000108_pre_disaster.png,0,0,0,0,108,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000108_pre_disaster.png,moore-tornado_00000108_pre_disaster,0,0,tier3\masks\moore-tornado_00000108_pre_disaster.png,0,0,10,4051,108,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000108_pre_disaster.png,tuscaloosa-tornado_00000108_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000108_pre_disaster.png,0,0,133,153971,108,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000108_pre_disaster.png,midwest-flooding_00000108_pre_disaster,0,0,train\masks\midwest-flooding_00000108_pre_disaster.png,0,0,16,8587,108,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000108_pre_disaster.png,nepal-flooding_00000108_pre_disaster,0,0,tier3\masks\nepal-flooding_00000108_pre_disaster.png,0,0,5,608,108,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000108_pre_disaster.png,joplin-tornado_00000108_pre_disaster,0,0,tier3\masks\joplin-tornado_00000108_pre_disaster.png,0,0,67,120373,108,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000108_pre_disaster.png,woolsey-fire_00000108_pre_disaster,0,0,tier3\masks\woolsey-fire_00000108_pre_disaster.png,0,0,5,5170,108,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000108_pre_disaster.png,portugal-wildfire_00000108_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000108_pre_disaster.png,0,0,0,0,108,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000109_pre_disaster.png,lower-puna-volcano_00000109_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000109_pre_disaster.png,0,0,4,736,109,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000109_pre_disaster.png,sunda-tsunami_00000109_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000109_pre_disaster.png,0,0,38,13350,109,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000109_pre_disaster.png,hurricane-harvey_00000109_pre_disaster,0,0,train\masks\hurricane-harvey_00000109_pre_disaster.png,0,0,80,141199,109,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000109_pre_disaster.png,hurricane-michael_00000109_pre_disaster,0,0,train\masks\hurricane-michael_00000109_pre_disaster.png,0,0,60,94324,109,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000109_pre_disaster.png,santa-rosa-wildfire_00000109_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000109_pre_disaster.png,0,0,14,10764,109,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000109_pre_disaster.png,moore-tornado_00000109_pre_disaster,0,0,tier3\masks\moore-tornado_00000109_pre_disaster.png,0,0,99,155062,109,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000109_pre_disaster.png,woolsey-fire_00000109_pre_disaster,0,0,tier3\masks\woolsey-fire_00000109_pre_disaster.png,0,0,0,0,109,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000109_pre_disaster.png,midwest-flooding_00000109_pre_disaster,0,0,train\masks\midwest-flooding_00000109_pre_disaster.png,0,0,18,15619,109,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000109_pre_disaster.png,nepal-flooding_00000109_pre_disaster,0,0,tier3\masks\nepal-flooding_00000109_pre_disaster.png,0,0,42,31475,109,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000109_pre_disaster.png,palu-tsunami_00000109_pre_disaster,0,0,train\masks\palu-tsunami_00000109_pre_disaster.png,0,0,135,245198,109,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000109_pre_disaster.png,portugal-wildfire_00000109_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000109_pre_disaster.png,0,0,10,7907,109,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000109_pre_disaster.png,tuscaloosa-tornado_00000109_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000109_pre_disaster.png,0,0,2,389,109,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000109_pre_disaster.png,pinery-bushfire_00000109_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000109_pre_disaster.png,0,0,0,0,109,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000109_pre_disaster.png,socal-fire_00000109_pre_disaster,0,0,train\masks\socal-fire_00000109_pre_disaster.png,0,0,26,25590,109,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000109_pre_disaster.png,joplin-tornado_00000109_pre_disaster,0,0,tier3\masks\joplin-tornado_00000109_pre_disaster.png,0,0,12,97535,109,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000110_pre_disaster.png,pinery-bushfire_00000110_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000110_pre_disaster.png,0,0,0,0,110,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000110_pre_disaster.png,mexico-earthquake_00000110_pre_disaster,0,0,train\masks\mexico-earthquake_00000110_pre_disaster.png,0,0,30,61649,110,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000110_pre_disaster.png,joplin-tornado_00000110_pre_disaster,0,0,tier3\masks\joplin-tornado_00000110_pre_disaster.png,0,0,199,128164,110,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000110_pre_disaster.png,palu-tsunami_00000110_pre_disaster,0,0,train\masks\palu-tsunami_00000110_pre_disaster.png,0,0,33,13176,110,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000110_pre_disaster.png,tuscaloosa-tornado_00000110_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000110_pre_disaster.png,0,0,16,14824,110,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000110_pre_disaster.png,hurricane-michael_00000110_pre_disaster,0,0,train\masks\hurricane-michael_00000110_pre_disaster.png,0,0,51,80307,110,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000110_pre_disaster.png,sunda-tsunami_00000110_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000110_pre_disaster.png,0,0,176,144466,110,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000110_pre_disaster.png,lower-puna-volcano_00000110_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000110_pre_disaster.png,0,0,0,0,110,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000110_pre_disaster.png,nepal-flooding_00000110_pre_disaster,0,0,tier3\masks\nepal-flooding_00000110_pre_disaster.png,0,0,9,2312,110,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000110_pre_disaster.png,socal-fire_00000110_pre_disaster,0,0,train\masks\socal-fire_00000110_pre_disaster.png,0,0,0,0,110,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000110_pre_disaster.png,hurricane-matthew_00000110_pre_disaster,0,0,train\masks\hurricane-matthew_00000110_pre_disaster.png,0,0,15,3345,110,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000110_pre_disaster.png,midwest-flooding_00000110_pre_disaster,0,0,train\masks\midwest-flooding_00000110_pre_disaster.png,0,0,0,0,110,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000110_pre_disaster.png,hurricane-florence_00000110_pre_disaster,0,0,train\masks\hurricane-florence_00000110_pre_disaster.png,0,0,72,99943,110,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000110_pre_disaster.png,portugal-wildfire_00000110_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000110_pre_disaster.png,0,0,35,25979,110,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000110_pre_disaster.png,santa-rosa-wildfire_00000110_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000110_pre_disaster.png,0,0,121,159764,110,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000110_pre_disaster.png,woolsey-fire_00000110_pre_disaster,0,0,tier3\masks\woolsey-fire_00000110_pre_disaster.png,0,0,0,0,110,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000110_pre_disaster.png,moore-tornado_00000110_pre_disaster,0,0,tier3\masks\moore-tornado_00000110_pre_disaster.png,0,0,236,179479,110,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000111_pre_disaster.png,moore-tornado_00000111_pre_disaster,0,0,tier3\masks\moore-tornado_00000111_pre_disaster.png,0,0,278,266717,111,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000111_pre_disaster.png,pinery-bushfire_00000111_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000111_pre_disaster.png,0,0,0,0,111,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000111_pre_disaster.png,joplin-tornado_00000111_pre_disaster,0,0,tier3\masks\joplin-tornado_00000111_pre_disaster.png,0,0,9,294049,111,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000111_pre_disaster.png,portugal-wildfire_00000111_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000111_pre_disaster.png,0,0,0,0,111,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000111_pre_disaster.png,nepal-flooding_00000111_pre_disaster,0,0,tier3\masks\nepal-flooding_00000111_pre_disaster.png,0,0,4,792,111,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000111_pre_disaster.png,woolsey-fire_00000111_pre_disaster,0,0,tier3\masks\woolsey-fire_00000111_pre_disaster.png,0,0,0,0,111,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000111_pre_disaster.png,santa-rosa-wildfire_00000111_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000111_pre_disaster.png,0,0,27,62616,111,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000111_pre_disaster.png,mexico-earthquake_00000111_pre_disaster,0,0,train\masks\mexico-earthquake_00000111_pre_disaster.png,0,0,87,192161,111,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000111_pre_disaster.png,palu-tsunami_00000111_pre_disaster,0,0,train\masks\palu-tsunami_00000111_pre_disaster.png,0,0,28,37875,111,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000111_pre_disaster.png,hurricane-harvey_00000111_pre_disaster,0,0,train\masks\hurricane-harvey_00000111_pre_disaster.png,0,0,15,86696,111,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000111_pre_disaster.png,sunda-tsunami_00000111_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000111_pre_disaster.png,0,0,0,0,111,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000111_pre_disaster.png,lower-puna-volcano_00000111_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000111_pre_disaster.png,0,0,0,0,111,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000111_pre_disaster.png,tuscaloosa-tornado_00000111_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000111_pre_disaster.png,0,0,4,1638,111,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000111_pre_disaster.png,hurricane-florence_00000111_pre_disaster,0,0,train\masks\hurricane-florence_00000111_pre_disaster.png,0,0,4,1749,111,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000112_pre_disaster.png,moore-tornado_00000112_pre_disaster,0,0,tier3\masks\moore-tornado_00000112_pre_disaster.png,0,0,83,117712,112,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000112_pre_disaster.png,hurricane-michael_00000112_pre_disaster,0,0,train\masks\hurricane-michael_00000112_pre_disaster.png,0,0,72,82045,112,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000112_pre_disaster.png,lower-puna-volcano_00000112_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000112_pre_disaster.png,0,0,44,23820,112,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000112_pre_disaster.png,nepal-flooding_00000112_pre_disaster,0,0,tier3\masks\nepal-flooding_00000112_pre_disaster.png,0,0,89,41895,112,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000112_pre_disaster.png,woolsey-fire_00000112_pre_disaster,0,0,tier3\masks\woolsey-fire_00000112_pre_disaster.png,0,0,0,0,112,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000112_pre_disaster.png,tuscaloosa-tornado_00000112_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000112_pre_disaster.png,0,0,109,139182,112,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000112_pre_disaster.png,palu-tsunami_00000112_pre_disaster,0,0,train\masks\palu-tsunami_00000112_pre_disaster.png,0,0,108,165330,112,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000112_pre_disaster.png,pinery-bushfire_00000112_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000112_pre_disaster.png,0,0,2,443,112,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000112_pre_disaster.png,joplin-tornado_00000112_pre_disaster,0,0,tier3\masks\joplin-tornado_00000112_pre_disaster.png,0,0,198,139859,112,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000112_pre_disaster.png,sunda-tsunami_00000112_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000112_pre_disaster.png,0,0,0,0,112,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000112_pre_disaster.png,portugal-wildfire_00000112_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000112_pre_disaster.png,0,0,0,0,112,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000112_pre_disaster.png,mexico-earthquake_00000112_pre_disaster,0,0,train\masks\mexico-earthquake_00000112_pre_disaster.png,0,0,143,547681,112,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000113_pre_disaster.png,pinery-bushfire_00000113_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000113_pre_disaster.png,0,0,0,0,113,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000113_pre_disaster.png,hurricane-harvey_00000113_pre_disaster,0,0,train\masks\hurricane-harvey_00000113_pre_disaster.png,0,0,3,836,113,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000113_pre_disaster.png,joplin-tornado_00000113_pre_disaster,0,0,tier3\masks\joplin-tornado_00000113_pre_disaster.png,0,0,60,63850,113,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000113_pre_disaster.png,midwest-flooding_00000113_pre_disaster,0,0,train\masks\midwest-flooding_00000113_pre_disaster.png,0,0,27,20990,113,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000113_pre_disaster.png,portugal-wildfire_00000113_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000113_pre_disaster.png,0,0,0,0,113,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000113_pre_disaster.png,nepal-flooding_00000113_pre_disaster,0,0,tier3\masks\nepal-flooding_00000113_pre_disaster.png,0,0,24,11531,113,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000113_pre_disaster.png,lower-puna-volcano_00000113_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000113_pre_disaster.png,0,0,1,92,113,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000113_pre_disaster.png,tuscaloosa-tornado_00000113_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000113_pre_disaster.png,0,0,16,152799,113,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000113_pre_disaster.png,sunda-tsunami_00000113_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000113_pre_disaster.png,0,0,0,0,113,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000113_pre_disaster.png,socal-fire_00000113_pre_disaster,0,0,train\masks\socal-fire_00000113_pre_disaster.png,0,0,0,0,113,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000113_pre_disaster.png,woolsey-fire_00000113_pre_disaster,0,0,tier3\masks\woolsey-fire_00000113_pre_disaster.png,0,0,2,158,113,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000113_pre_disaster.png,moore-tornado_00000113_pre_disaster,0,0,tier3\masks\moore-tornado_00000113_pre_disaster.png,0,0,7,4043,113,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000114_pre_disaster.png,santa-rosa-wildfire_00000114_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000114_pre_disaster.png,0,0,31,75045,114,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000114_pre_disaster.png,portugal-wildfire_00000114_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000114_pre_disaster.png,0,0,3,1018,114,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000114_pre_disaster.png,socal-fire_00000114_pre_disaster,0,0,train\masks\socal-fire_00000114_pre_disaster.png,0,0,47,21739,114,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000114_pre_disaster.png,nepal-flooding_00000114_pre_disaster,0,0,tier3\masks\nepal-flooding_00000114_pre_disaster.png,0,0,23,24247,114,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000114_pre_disaster.png,lower-puna-volcano_00000114_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000114_pre_disaster.png,0,0,15,6645,114,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000114_pre_disaster.png,sunda-tsunami_00000114_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000114_pre_disaster.png,0,0,0,0,114,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000114_pre_disaster.png,mexico-earthquake_00000114_pre_disaster,0,0,train\masks\mexico-earthquake_00000114_pre_disaster.png,0,0,22,139255,114,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000114_pre_disaster.png,woolsey-fire_00000114_pre_disaster,0,0,tier3\masks\woolsey-fire_00000114_pre_disaster.png,0,0,33,25815,114,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000114_pre_disaster.png,hurricane-florence_00000114_pre_disaster,0,0,train\masks\hurricane-florence_00000114_pre_disaster.png,0,0,11,6451,114,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000114_pre_disaster.png,tuscaloosa-tornado_00000114_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000114_pre_disaster.png,0,0,146,156914,114,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000114_pre_disaster.png,pinery-bushfire_00000114_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000114_pre_disaster.png,0,0,0,0,114,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000114_pre_disaster.png,moore-tornado_00000114_pre_disaster,0,0,tier3\masks\moore-tornado_00000114_pre_disaster.png,0,0,215,310274,114,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000114_pre_disaster.png,joplin-tornado_00000114_pre_disaster,0,0,tier3\masks\joplin-tornado_00000114_pre_disaster.png,0,0,258,170914,114,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000114_pre_disaster.png,hurricane-harvey_00000114_pre_disaster,0,0,train\masks\hurricane-harvey_00000114_pre_disaster.png,0,0,66,163756,114,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000114_pre_disaster.png,midwest-flooding_00000114_pre_disaster,0,0,train\masks\midwest-flooding_00000114_pre_disaster.png,0,0,20,14063,114,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000115_pre_disaster.png,midwest-flooding_00000115_pre_disaster,0,0,train\masks\midwest-flooding_00000115_pre_disaster.png,0,0,0,0,115,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000115_pre_disaster.png,lower-puna-volcano_00000115_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000115_pre_disaster.png,0,0,8,7137,115,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000115_pre_disaster.png,tuscaloosa-tornado_00000115_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000115_pre_disaster.png,0,0,0,0,115,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000115_pre_disaster.png,woolsey-fire_00000115_pre_disaster,0,0,tier3\masks\woolsey-fire_00000115_pre_disaster.png,0,0,21,24568,115,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000115_pre_disaster.png,hurricane-florence_00000115_pre_disaster,0,0,train\masks\hurricane-florence_00000115_pre_disaster.png,0,0,37,67000,115,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000115_pre_disaster.png,sunda-tsunami_00000115_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000115_pre_disaster.png,0,0,0,0,115,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000115_pre_disaster.png,mexico-earthquake_00000115_pre_disaster,0,0,train\masks\mexico-earthquake_00000115_pre_disaster.png,0,0,107,380535,115,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000115_pre_disaster.png,socal-fire_00000115_pre_disaster,0,0,train\masks\socal-fire_00000115_pre_disaster.png,0,0,14,36635,115,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000115_pre_disaster.png,moore-tornado_00000115_pre_disaster,0,0,tier3\masks\moore-tornado_00000115_pre_disaster.png,0,0,198,204871,115,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000115_pre_disaster.png,joplin-tornado_00000115_pre_disaster,0,0,tier3\masks\joplin-tornado_00000115_pre_disaster.png,0,0,69,60617,115,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000115_pre_disaster.png,portugal-wildfire_00000115_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000115_pre_disaster.png,0,0,0,0,115,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000115_pre_disaster.png,hurricane-harvey_00000115_pre_disaster,0,0,train\masks\hurricane-harvey_00000115_pre_disaster.png,0,0,215,254183,115,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000115_pre_disaster.png,nepal-flooding_00000115_pre_disaster,0,0,tier3\masks\nepal-flooding_00000115_pre_disaster.png,0,0,6,417,115,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000115_pre_disaster.png,palu-tsunami_00000115_pre_disaster,0,0,train\masks\palu-tsunami_00000115_pre_disaster.png,0,0,138,409118,115,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000115_pre_disaster.png,pinery-bushfire_00000115_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000115_pre_disaster.png,0,0,0,0,115,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000116_pre_disaster.png,portugal-wildfire_00000116_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000116_pre_disaster.png,0,0,0,0,116,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000116_pre_disaster.png,socal-fire_00000116_pre_disaster,0,0,train\masks\socal-fire_00000116_pre_disaster.png,0,0,3,3044,116,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000116_pre_disaster.png,pinery-bushfire_00000116_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000116_pre_disaster.png,0,0,0,0,116,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000116_pre_disaster.png,sunda-tsunami_00000116_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000116_pre_disaster.png,0,0,0,0,116,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000116_pre_disaster.png,santa-rosa-wildfire_00000116_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000116_pre_disaster.png,0,0,3,2919,116,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000116_pre_disaster.png,hurricane-matthew_00000116_pre_disaster,0,0,train\masks\hurricane-matthew_00000116_pre_disaster.png,0,0,2,457,116,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000116_pre_disaster.png,joplin-tornado_00000116_pre_disaster,0,0,tier3\masks\joplin-tornado_00000116_pre_disaster.png,0,0,271,206542,116,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000116_pre_disaster.png,hurricane-harvey_00000116_pre_disaster,0,0,train\masks\hurricane-harvey_00000116_pre_disaster.png,0,0,121,181974,116,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000116_pre_disaster.png,nepal-flooding_00000116_pre_disaster,0,0,tier3\masks\nepal-flooding_00000116_pre_disaster.png,0,0,11,5261,116,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000116_pre_disaster.png,tuscaloosa-tornado_00000116_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000116_pre_disaster.png,0,0,0,0,116,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000116_pre_disaster.png,moore-tornado_00000116_pre_disaster,0,0,tier3\masks\moore-tornado_00000116_pre_disaster.png,0,0,38,45123,116,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000116_pre_disaster.png,lower-puna-volcano_00000116_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000116_pre_disaster.png,0,0,0,0,116,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000116_pre_disaster.png,woolsey-fire_00000116_pre_disaster,0,0,tier3\masks\woolsey-fire_00000116_pre_disaster.png,0,0,0,0,116,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000117_pre_disaster.png,woolsey-fire_00000117_pre_disaster,0,0,tier3\masks\woolsey-fire_00000117_pre_disaster.png,0,0,0,0,117,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000117_pre_disaster.png,lower-puna-volcano_00000117_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000117_pre_disaster.png,0,0,10,3971,117,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000117_pre_disaster.png,socal-fire_00000117_pre_disaster,0,0,train\masks\socal-fire_00000117_pre_disaster.png,0,0,1,177,117,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000117_pre_disaster.png,midwest-flooding_00000117_pre_disaster,0,0,train\masks\midwest-flooding_00000117_pre_disaster.png,0,0,13,6198,117,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000117_pre_disaster.png,nepal-flooding_00000117_pre_disaster,0,0,tier3\masks\nepal-flooding_00000117_pre_disaster.png,0,0,63,123582,117,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000117_pre_disaster.png,pinery-bushfire_00000117_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000117_pre_disaster.png,0,0,89,58257,117,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000117_pre_disaster.png,santa-rosa-wildfire_00000117_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000117_pre_disaster.png,0,0,35,60256,117,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000117_pre_disaster.png,sunda-tsunami_00000117_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000117_pre_disaster.png,0,0,0,0,117,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000117_pre_disaster.png,moore-tornado_00000117_pre_disaster,0,0,tier3\masks\moore-tornado_00000117_pre_disaster.png,0,0,5,8868,117,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000117_pre_disaster.png,tuscaloosa-tornado_00000117_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000117_pre_disaster.png,0,0,29,56714,117,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000117_pre_disaster.png,joplin-tornado_00000117_pre_disaster,0,0,tier3\masks\joplin-tornado_00000117_pre_disaster.png,0,0,72,71414,117,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000117_pre_disaster.png,portugal-wildfire_00000117_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000117_pre_disaster.png,0,0,0,0,117,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000118_pre_disaster.png,hurricane-florence_00000118_pre_disaster,0,0,train\masks\hurricane-florence_00000118_pre_disaster.png,0,0,14,4084,118,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000118_pre_disaster.png,sunda-tsunami_00000118_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000118_pre_disaster.png,0,0,86,56617,118,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000118_pre_disaster.png,mexico-earthquake_00000118_pre_disaster,0,0,train\masks\mexico-earthquake_00000118_pre_disaster.png,0,0,38,562362,118,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000118_pre_disaster.png,nepal-flooding_00000118_pre_disaster,0,0,tier3\masks\nepal-flooding_00000118_pre_disaster.png,0,0,30,14346,118,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000118_pre_disaster.png,moore-tornado_00000118_pre_disaster,0,0,tier3\masks\moore-tornado_00000118_pre_disaster.png,0,0,63,94573,118,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000118_pre_disaster.png,hurricane-michael_00000118_pre_disaster,0,0,train\masks\hurricane-michael_00000118_pre_disaster.png,0,0,24,34364,118,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000118_pre_disaster.png,woolsey-fire_00000118_pre_disaster,0,0,tier3\masks\woolsey-fire_00000118_pre_disaster.png,0,0,7,4829,118,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000118_pre_disaster.png,socal-fire_00000118_pre_disaster,0,0,train\masks\socal-fire_00000118_pre_disaster.png,0,0,0,0,118,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000118_pre_disaster.png,tuscaloosa-tornado_00000118_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000118_pre_disaster.png,0,0,15,78706,118,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000118_pre_disaster.png,hurricane-harvey_00000118_pre_disaster,0,0,train\masks\hurricane-harvey_00000118_pre_disaster.png,0,0,0,0,118,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000118_pre_disaster.png,joplin-tornado_00000118_pre_disaster,0,0,tier3\masks\joplin-tornado_00000118_pre_disaster.png,0,0,329,228022,118,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000118_pre_disaster.png,pinery-bushfire_00000118_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000118_pre_disaster.png,0,0,0,0,118,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000118_pre_disaster.png,palu-tsunami_00000118_pre_disaster,0,0,train\masks\palu-tsunami_00000118_pre_disaster.png,0,0,142,582120,118,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000118_pre_disaster.png,lower-puna-volcano_00000118_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000118_pre_disaster.png,0,0,8,4541,118,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000118_pre_disaster.png,santa-rosa-wildfire_00000118_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000118_pre_disaster.png,0,0,41,71952,118,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000118_pre_disaster.png,portugal-wildfire_00000118_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000118_pre_disaster.png,0,0,0,0,118,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000119_pre_disaster.png,palu-tsunami_00000119_pre_disaster,0,0,train\masks\palu-tsunami_00000119_pre_disaster.png,0,0,151,163976,119,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000119_pre_disaster.png,mexico-earthquake_00000119_pre_disaster,0,0,train\masks\mexico-earthquake_00000119_pre_disaster.png,0,0,16,12603,119,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000119_pre_disaster.png,sunda-tsunami_00000119_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000119_pre_disaster.png,0,0,15,9257,119,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000119_pre_disaster.png,portugal-wildfire_00000119_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000119_pre_disaster.png,0,0,23,15586,119,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000119_pre_disaster.png,joplin-tornado_00000119_pre_disaster,0,0,tier3\masks\joplin-tornado_00000119_pre_disaster.png,0,0,78,74608,119,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000119_pre_disaster.png,woolsey-fire_00000119_pre_disaster,0,0,tier3\masks\woolsey-fire_00000119_pre_disaster.png,0,0,0,0,119,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000119_pre_disaster.png,lower-puna-volcano_00000119_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000119_pre_disaster.png,0,0,0,0,119,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000119_pre_disaster.png,pinery-bushfire_00000119_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000119_pre_disaster.png,0,0,0,0,119,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000119_pre_disaster.png,tuscaloosa-tornado_00000119_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000119_pre_disaster.png,0,0,8,6037,119,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000119_pre_disaster.png,santa-rosa-wildfire_00000119_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000119_pre_disaster.png,0,0,19,157581,119,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000119_pre_disaster.png,midwest-flooding_00000119_pre_disaster,0,0,train\masks\midwest-flooding_00000119_pre_disaster.png,0,0,0,0,119,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000119_pre_disaster.png,hurricane-harvey_00000119_pre_disaster,0,0,train\masks\hurricane-harvey_00000119_pre_disaster.png,0,0,209,299867,119,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000119_pre_disaster.png,hurricane-matthew_00000119_pre_disaster,0,0,train\masks\hurricane-matthew_00000119_pre_disaster.png,0,0,6,1024,119,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000119_pre_disaster.png,hurricane-michael_00000119_pre_disaster,0,0,train\masks\hurricane-michael_00000119_pre_disaster.png,0,0,50,61585,119,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000119_pre_disaster.png,nepal-flooding_00000119_pre_disaster,0,0,tier3\masks\nepal-flooding_00000119_pre_disaster.png,0,0,46,64985,119,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000119_pre_disaster.png,moore-tornado_00000119_pre_disaster,0,0,tier3\masks\moore-tornado_00000119_pre_disaster.png,0,0,235,225683,119,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000120_pre_disaster.png,hurricane-matthew_00000120_pre_disaster,0,0,train\masks\hurricane-matthew_00000120_pre_disaster.png,0,0,74,47094,120,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000120_pre_disaster.png,woolsey-fire_00000120_pre_disaster,0,0,tier3\masks\woolsey-fire_00000120_pre_disaster.png,0,0,11,5900,120,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000120_pre_disaster.png,pinery-bushfire_00000120_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000120_pre_disaster.png,0,0,3,1574,120,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000120_pre_disaster.png,moore-tornado_00000120_pre_disaster,0,0,tier3\masks\moore-tornado_00000120_pre_disaster.png,0,0,20,33700,120,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000120_pre_disaster.png,joplin-tornado_00000120_pre_disaster,0,0,tier3\masks\joplin-tornado_00000120_pre_disaster.png,0,0,339,238419,120,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000120_pre_disaster.png,sunda-tsunami_00000120_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000120_pre_disaster.png,0,0,37,20833,120,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000120_pre_disaster.png,mexico-earthquake_00000120_pre_disaster,0,0,train\masks\mexico-earthquake_00000120_pre_disaster.png,0,0,49,606705,120,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000120_pre_disaster.png,midwest-flooding_00000120_pre_disaster,0,0,train\masks\midwest-flooding_00000120_pre_disaster.png,0,0,1,539,120,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000120_pre_disaster.png,lower-puna-volcano_00000120_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000120_pre_disaster.png,0,0,19,8659,120,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000120_pre_disaster.png,hurricane-michael_00000120_pre_disaster,0,0,train\masks\hurricane-michael_00000120_pre_disaster.png,0,0,49,165469,120,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000120_pre_disaster.png,hurricane-florence_00000120_pre_disaster,0,0,train\masks\hurricane-florence_00000120_pre_disaster.png,0,0,22,15806,120,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000120_pre_disaster.png,tuscaloosa-tornado_00000120_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000120_pre_disaster.png,0,0,167,151082,120,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000120_pre_disaster.png,nepal-flooding_00000120_pre_disaster,0,0,tier3\masks\nepal-flooding_00000120_pre_disaster.png,0,0,5,2163,120,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000120_pre_disaster.png,portugal-wildfire_00000120_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000120_pre_disaster.png,0,0,0,0,120,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000121_pre_disaster.png,lower-puna-volcano_00000121_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000121_pre_disaster.png,0,0,25,10588,121,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000121_pre_disaster.png,moore-tornado_00000121_pre_disaster,0,0,tier3\masks\moore-tornado_00000121_pre_disaster.png,0,0,150,248096,121,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000121_pre_disaster.png,palu-tsunami_00000121_pre_disaster,0,0,train\masks\palu-tsunami_00000121_pre_disaster.png,0,0,10,3041,121,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000121_pre_disaster.png,joplin-tornado_00000121_pre_disaster,0,0,tier3\masks\joplin-tornado_00000121_pre_disaster.png,0,0,80,72648,121,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000121_pre_disaster.png,nepal-flooding_00000121_pre_disaster,0,0,tier3\masks\nepal-flooding_00000121_pre_disaster.png,0,0,1,39,121,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000121_pre_disaster.png,midwest-flooding_00000121_pre_disaster,0,0,train\masks\midwest-flooding_00000121_pre_disaster.png,0,0,1,97,121,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000121_pre_disaster.png,tuscaloosa-tornado_00000121_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000121_pre_disaster.png,0,0,0,0,121,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000121_pre_disaster.png,pinery-bushfire_00000121_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000121_pre_disaster.png,0,0,0,0,121,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000121_pre_disaster.png,sunda-tsunami_00000121_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000121_pre_disaster.png,0,0,0,0,121,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000121_pre_disaster.png,portugal-wildfire_00000121_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000121_pre_disaster.png,0,0,0,0,121,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000121_pre_disaster.png,woolsey-fire_00000121_pre_disaster,0,0,tier3\masks\woolsey-fire_00000121_pre_disaster.png,0,0,4,2675,121,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000122_pre_disaster.png,moore-tornado_00000122_pre_disaster,0,0,tier3\masks\moore-tornado_00000122_pre_disaster.png,0,0,218,165035,122,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000122_pre_disaster.png,pinery-bushfire_00000122_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000122_pre_disaster.png,0,0,0,0,122,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000122_pre_disaster.png,socal-fire_00000122_pre_disaster,0,0,train\masks\socal-fire_00000122_pre_disaster.png,0,0,0,0,122,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000122_pre_disaster.png,mexico-earthquake_00000122_pre_disaster,0,0,train\masks\mexico-earthquake_00000122_pre_disaster.png,0,0,227,411070,122,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000122_pre_disaster.png,hurricane-florence_00000122_pre_disaster,0,0,train\masks\hurricane-florence_00000122_pre_disaster.png,0,0,3,185381,122,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000122_pre_disaster.png,lower-puna-volcano_00000122_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000122_pre_disaster.png,0,0,15,5701,122,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000122_pre_disaster.png,tuscaloosa-tornado_00000122_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000122_pre_disaster.png,0,0,0,0,122,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000122_pre_disaster.png,sunda-tsunami_00000122_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000122_pre_disaster.png,0,0,0,0,122,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000122_pre_disaster.png,portugal-wildfire_00000122_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000122_pre_disaster.png,0,0,0,0,122,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000122_pre_disaster.png,hurricane-michael_00000122_pre_disaster,0,0,train\masks\hurricane-michael_00000122_pre_disaster.png,0,0,5,2281,122,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000122_pre_disaster.png,nepal-flooding_00000122_pre_disaster,0,0,tier3\masks\nepal-flooding_00000122_pre_disaster.png,0,0,42,40694,122,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000122_pre_disaster.png,palu-tsunami_00000122_pre_disaster,0,0,train\masks\palu-tsunami_00000122_pre_disaster.png,0,0,102,267843,122,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000122_pre_disaster.png,joplin-tornado_00000122_pre_disaster,0,0,tier3\masks\joplin-tornado_00000122_pre_disaster.png,0,0,63,176255,122,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000122_pre_disaster.png,woolsey-fire_00000122_pre_disaster,0,0,tier3\masks\woolsey-fire_00000122_pre_disaster.png,0,0,12,12856,122,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000123_pre_disaster.png,nepal-flooding_00000123_pre_disaster,0,0,tier3\masks\nepal-flooding_00000123_pre_disaster.png,0,0,134,154473,123,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000123_pre_disaster.png,tuscaloosa-tornado_00000123_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000123_pre_disaster.png,0,0,29,38789,123,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000123_pre_disaster.png,joplin-tornado_00000123_pre_disaster,0,0,tier3\masks\joplin-tornado_00000123_pre_disaster.png,0,0,110,125478,123,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000123_pre_disaster.png,sunda-tsunami_00000123_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000123_pre_disaster.png,0,0,0,0,123,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000123_pre_disaster.png,palu-tsunami_00000123_pre_disaster,0,0,train\masks\palu-tsunami_00000123_pre_disaster.png,0,0,90,157012,123,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000123_pre_disaster.png,portugal-wildfire_00000123_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000123_pre_disaster.png,0,0,23,29660,123,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000123_pre_disaster.png,midwest-flooding_00000123_pre_disaster,0,0,train\masks\midwest-flooding_00000123_pre_disaster.png,0,0,0,0,123,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000123_pre_disaster.png,moore-tornado_00000123_pre_disaster,0,0,tier3\masks\moore-tornado_00000123_pre_disaster.png,0,0,30,26044,123,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000123_pre_disaster.png,hurricane-harvey_00000123_pre_disaster,0,0,train\masks\hurricane-harvey_00000123_pre_disaster.png,0,0,70,156461,123,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000123_pre_disaster.png,pinery-bushfire_00000123_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000123_pre_disaster.png,0,0,0,0,123,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000123_pre_disaster.png,woolsey-fire_00000123_pre_disaster,0,0,tier3\masks\woolsey-fire_00000123_pre_disaster.png,0,0,12,7674,123,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000123_pre_disaster.png,hurricane-florence_00000123_pre_disaster,0,0,train\masks\hurricane-florence_00000123_pre_disaster.png,0,0,6,9662,123,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000123_pre_disaster.png,lower-puna-volcano_00000123_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000123_pre_disaster.png,0,0,0,0,123,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000124_pre_disaster.png,moore-tornado_00000124_pre_disaster,0,0,tier3\masks\moore-tornado_00000124_pre_disaster.png,0,0,9,3474,124,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000124_pre_disaster.png,pinery-bushfire_00000124_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000124_pre_disaster.png,0,0,1,55,124,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000124_pre_disaster.png,nepal-flooding_00000124_pre_disaster,0,0,tier3\masks\nepal-flooding_00000124_pre_disaster.png,0,0,14,11674,124,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000124_pre_disaster.png,joplin-tornado_00000124_pre_disaster,0,0,tier3\masks\joplin-tornado_00000124_pre_disaster.png,0,0,21,28431,124,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000124_pre_disaster.png,portugal-wildfire_00000124_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000124_pre_disaster.png,0,0,4,2779,124,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000124_pre_disaster.png,tuscaloosa-tornado_00000124_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000124_pre_disaster.png,0,0,4,34824,124,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000124_pre_disaster.png,socal-fire_00000124_pre_disaster,0,0,train\masks\socal-fire_00000124_pre_disaster.png,0,0,16,12784,124,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000124_pre_disaster.png,santa-rosa-wildfire_00000124_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000124_pre_disaster.png,0,0,93,157851,124,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000124_pre_disaster.png,lower-puna-volcano_00000124_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000124_pre_disaster.png,0,0,0,0,124,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000124_pre_disaster.png,sunda-tsunami_00000124_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000124_pre_disaster.png,0,0,0,0,124,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000124_pre_disaster.png,hurricane-michael_00000124_pre_disaster,0,0,train\masks\hurricane-michael_00000124_pre_disaster.png,0,0,13,54195,124,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000124_pre_disaster.png,woolsey-fire_00000124_pre_disaster,0,0,tier3\masks\woolsey-fire_00000124_pre_disaster.png,0,0,27,13342,124,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000125_pre_disaster.png,moore-tornado_00000125_pre_disaster,0,0,tier3\masks\moore-tornado_00000125_pre_disaster.png,0,0,124,159273,125,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000125_pre_disaster.png,lower-puna-volcano_00000125_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000125_pre_disaster.png,0,0,27,22067,125,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000125_pre_disaster.png,palu-tsunami_00000125_pre_disaster,0,0,train\masks\palu-tsunami_00000125_pre_disaster.png,0,0,145,592658,125,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000125_pre_disaster.png,hurricane-matthew_00000125_pre_disaster,0,0,train\masks\hurricane-matthew_00000125_pre_disaster.png,0,0,80,50165,125,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000125_pre_disaster.png,portugal-wildfire_00000125_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000125_pre_disaster.png,0,0,3,3900,125,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000125_pre_disaster.png,sunda-tsunami_00000125_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000125_pre_disaster.png,0,0,0,0,125,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000125_pre_disaster.png,tuscaloosa-tornado_00000125_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000125_pre_disaster.png,0,0,0,0,125,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000125_pre_disaster.png,hurricane-michael_00000125_pre_disaster,0,0,train\masks\hurricane-michael_00000125_pre_disaster.png,0,0,131,170126,125,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000125_pre_disaster.png,joplin-tornado_00000125_pre_disaster,0,0,tier3\masks\joplin-tornado_00000125_pre_disaster.png,0,0,73,174159,125,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000125_pre_disaster.png,nepal-flooding_00000125_pre_disaster,0,0,tier3\masks\nepal-flooding_00000125_pre_disaster.png,0,0,106,94528,125,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000125_pre_disaster.png,santa-rosa-wildfire_00000125_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000125_pre_disaster.png,0,0,0,0,125,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000125_pre_disaster.png,woolsey-fire_00000125_pre_disaster,0,0,tier3\masks\woolsey-fire_00000125_pre_disaster.png,0,0,16,6356,125,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000125_pre_disaster.png,midwest-flooding_00000125_pre_disaster,0,0,train\masks\midwest-flooding_00000125_pre_disaster.png,0,0,5,3113,125,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000125_pre_disaster.png,pinery-bushfire_00000125_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000125_pre_disaster.png,0,0,0,0,125,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000125_pre_disaster.png,mexico-earthquake_00000125_pre_disaster,0,0,train\masks\mexico-earthquake_00000125_pre_disaster.png,0,0,153,377411,125,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000126_pre_disaster.png,hurricane-harvey_00000126_pre_disaster,0,0,train\masks\hurricane-harvey_00000126_pre_disaster.png,0,0,11,95527,126,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000126_pre_disaster.png,lower-puna-volcano_00000126_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000126_pre_disaster.png,0,0,1,113,126,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000126_pre_disaster.png,nepal-flooding_00000126_pre_disaster,0,0,tier3\masks\nepal-flooding_00000126_pre_disaster.png,0,0,70,93008,126,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000126_pre_disaster.png,socal-fire_00000126_pre_disaster,0,0,train\masks\socal-fire_00000126_pre_disaster.png,0,0,29,72045,126,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000126_pre_disaster.png,midwest-flooding_00000126_pre_disaster,0,0,train\masks\midwest-flooding_00000126_pre_disaster.png,0,0,0,0,126,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000126_pre_disaster.png,hurricane-florence_00000126_pre_disaster,0,0,train\masks\hurricane-florence_00000126_pre_disaster.png,0,0,1,20104,126,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000126_pre_disaster.png,portugal-wildfire_00000126_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000126_pre_disaster.png,0,0,7,3358,126,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000126_pre_disaster.png,tuscaloosa-tornado_00000126_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000126_pre_disaster.png,0,0,0,0,126,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000126_pre_disaster.png,palu-tsunami_00000126_pre_disaster,0,0,train\masks\palu-tsunami_00000126_pre_disaster.png,0,0,83,455261,126,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000126_pre_disaster.png,moore-tornado_00000126_pre_disaster,0,0,tier3\masks\moore-tornado_00000126_pre_disaster.png,0,0,33,25722,126,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000126_pre_disaster.png,mexico-earthquake_00000126_pre_disaster,0,0,train\masks\mexico-earthquake_00000126_pre_disaster.png,0,0,147,349280,126,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000126_pre_disaster.png,woolsey-fire_00000126_pre_disaster,0,0,tier3\masks\woolsey-fire_00000126_pre_disaster.png,0,0,32,37940,126,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000126_pre_disaster.png,joplin-tornado_00000126_pre_disaster,0,0,tier3\masks\joplin-tornado_00000126_pre_disaster.png,0,0,9,13365,126,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000126_pre_disaster.png,pinery-bushfire_00000126_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000126_pre_disaster.png,0,0,9,6840,126,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000126_pre_disaster.png,hurricane-matthew_00000126_pre_disaster,0,0,train\masks\hurricane-matthew_00000126_pre_disaster.png,0,0,246,87968,126,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000126_pre_disaster.png,sunda-tsunami_00000126_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000126_pre_disaster.png,0,0,0,0,126,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000127_pre_disaster.png,joplin-tornado_00000127_pre_disaster,0,0,tier3\masks\joplin-tornado_00000127_pre_disaster.png,0,0,168,189704,127,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000127_pre_disaster.png,sunda-tsunami_00000127_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000127_pre_disaster.png,0,0,0,0,127,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000127_pre_disaster.png,midwest-flooding_00000127_pre_disaster,0,0,train\masks\midwest-flooding_00000127_pre_disaster.png,0,0,0,0,127,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000127_pre_disaster.png,mexico-earthquake_00000127_pre_disaster,0,0,train\masks\mexico-earthquake_00000127_pre_disaster.png,0,0,97,229652,127,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000127_pre_disaster.png,moore-tornado_00000127_pre_disaster,0,0,tier3\masks\moore-tornado_00000127_pre_disaster.png,0,0,90,205734,127,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000127_pre_disaster.png,lower-puna-volcano_00000127_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000127_pre_disaster.png,0,0,26,10447,127,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000127_pre_disaster.png,pinery-bushfire_00000127_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000127_pre_disaster.png,0,0,36,21865,127,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000127_pre_disaster.png,nepal-flooding_00000127_pre_disaster,0,0,tier3\masks\nepal-flooding_00000127_pre_disaster.png,0,0,14,13675,127,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000127_pre_disaster.png,tuscaloosa-tornado_00000127_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000127_pre_disaster.png,0,0,11,5704,127,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000127_pre_disaster.png,woolsey-fire_00000127_pre_disaster,0,0,tier3\masks\woolsey-fire_00000127_pre_disaster.png,0,0,21,61273,127,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000127_pre_disaster.png,portugal-wildfire_00000127_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000127_pre_disaster.png,0,0,0,0,127,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000128_pre_disaster.png,sunda-tsunami_00000128_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000128_pre_disaster.png,0,0,7,2786,128,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000128_pre_disaster.png,lower-puna-volcano_00000128_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000128_pre_disaster.png,0,0,2,359,128,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000128_pre_disaster.png,nepal-flooding_00000128_pre_disaster,0,0,tier3\masks\nepal-flooding_00000128_pre_disaster.png,0,0,10,3273,128,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000128_pre_disaster.png,hurricane-harvey_00000128_pre_disaster,0,0,train\masks\hurricane-harvey_00000128_pre_disaster.png,0,0,2,690,128,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000128_pre_disaster.png,hurricane-matthew_00000128_pre_disaster,0,0,train\masks\hurricane-matthew_00000128_pre_disaster.png,0,0,2,487,128,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000128_pre_disaster.png,pinery-bushfire_00000128_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000128_pre_disaster.png,0,0,0,0,128,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000128_pre_disaster.png,moore-tornado_00000128_pre_disaster,0,0,tier3\masks\moore-tornado_00000128_pre_disaster.png,0,0,61,114073,128,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000128_pre_disaster.png,palu-tsunami_00000128_pre_disaster,0,0,train\masks\palu-tsunami_00000128_pre_disaster.png,0,0,90,87039,128,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000128_pre_disaster.png,tuscaloosa-tornado_00000128_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000128_pre_disaster.png,0,0,48,92857,128,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000128_pre_disaster.png,woolsey-fire_00000128_pre_disaster,0,0,tier3\masks\woolsey-fire_00000128_pre_disaster.png,0,0,13,9743,128,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000128_pre_disaster.png,portugal-wildfire_00000128_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000128_pre_disaster.png,0,0,9,4643,128,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000128_pre_disaster.png,mexico-earthquake_00000128_pre_disaster,0,0,train\masks\mexico-earthquake_00000128_pre_disaster.png,0,0,123,329259,128,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000128_pre_disaster.png,joplin-tornado_00000128_pre_disaster,0,0,tier3\masks\joplin-tornado_00000128_pre_disaster.png,0,0,168,186237,128,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000128_pre_disaster.png,santa-rosa-wildfire_00000128_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000128_pre_disaster.png,0,0,11,6851,128,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000129_pre_disaster.png,sunda-tsunami_00000129_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000129_pre_disaster.png,0,0,0,0,129,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000129_pre_disaster.png,woolsey-fire_00000129_pre_disaster,0,0,tier3\masks\woolsey-fire_00000129_pre_disaster.png,0,0,11,5266,129,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000129_pre_disaster.png,lower-puna-volcano_00000129_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000129_pre_disaster.png,0,0,18,6811,129,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000129_pre_disaster.png,joplin-tornado_00000129_pre_disaster,0,0,tier3\masks\joplin-tornado_00000129_pre_disaster.png,0,0,147,157328,129,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000129_pre_disaster.png,mexico-earthquake_00000129_pre_disaster,0,0,train\masks\mexico-earthquake_00000129_pre_disaster.png,0,0,111,504937,129,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000129_pre_disaster.png,nepal-flooding_00000129_pre_disaster,0,0,tier3\masks\nepal-flooding_00000129_pre_disaster.png,0,0,38,36185,129,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000129_pre_disaster.png,pinery-bushfire_00000129_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000129_pre_disaster.png,0,0,0,0,129,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000129_pre_disaster.png,santa-rosa-wildfire_00000129_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000129_pre_disaster.png,0,0,108,183610,129,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000129_pre_disaster.png,tuscaloosa-tornado_00000129_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000129_pre_disaster.png,0,0,30,32272,129,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000129_pre_disaster.png,moore-tornado_00000129_pre_disaster,0,0,tier3\masks\moore-tornado_00000129_pre_disaster.png,0,0,201,214980,129,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000129_pre_disaster.png,portugal-wildfire_00000129_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000129_pre_disaster.png,0,0,0,0,129,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000129_pre_disaster.png,hurricane-matthew_00000129_pre_disaster,0,0,train\masks\hurricane-matthew_00000129_pre_disaster.png,0,0,63,33003,129,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000129_pre_disaster.png,hurricane-harvey_00000129_pre_disaster,0,0,train\masks\hurricane-harvey_00000129_pre_disaster.png,0,0,3,1899,129,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000130_pre_disaster.png,moore-tornado_00000130_pre_disaster,0,0,tier3\masks\moore-tornado_00000130_pre_disaster.png,0,0,26,27607,130,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000130_pre_disaster.png,pinery-bushfire_00000130_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000130_pre_disaster.png,0,0,0,0,130,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000130_pre_disaster.png,midwest-flooding_00000130_pre_disaster,0,0,train\masks\midwest-flooding_00000130_pre_disaster.png,0,0,11,5967,130,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000130_pre_disaster.png,woolsey-fire_00000130_pre_disaster,0,0,tier3\masks\woolsey-fire_00000130_pre_disaster.png,0,0,10,6670,130,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000130_pre_disaster.png,santa-rosa-wildfire_00000130_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000130_pre_disaster.png,0,0,49,102666,130,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000130_pre_disaster.png,hurricane-harvey_00000130_pre_disaster,0,0,train\masks\hurricane-harvey_00000130_pre_disaster.png,0,0,6,3544,130,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000130_pre_disaster.png,nepal-flooding_00000130_pre_disaster,0,0,tier3\masks\nepal-flooding_00000130_pre_disaster.png,0,0,0,0,130,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000130_pre_disaster.png,socal-fire_00000130_pre_disaster,0,0,train\masks\socal-fire_00000130_pre_disaster.png,0,0,0,0,130,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000130_pre_disaster.png,portugal-wildfire_00000130_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000130_pre_disaster.png,0,0,0,0,130,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000130_pre_disaster.png,hurricane-matthew_00000130_pre_disaster,0,0,train\masks\hurricane-matthew_00000130_pre_disaster.png,0,0,72,41252,130,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000130_pre_disaster.png,tuscaloosa-tornado_00000130_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000130_pre_disaster.png,0,0,0,0,130,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000130_pre_disaster.png,sunda-tsunami_00000130_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000130_pre_disaster.png,0,0,12,6107,130,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000130_pre_disaster.png,joplin-tornado_00000130_pre_disaster,0,0,tier3\masks\joplin-tornado_00000130_pre_disaster.png,0,0,152,215050,130,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000130_pre_disaster.png,hurricane-michael_00000130_pre_disaster,0,0,train\masks\hurricane-michael_00000130_pre_disaster.png,0,0,8,10852,130,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000130_pre_disaster.png,lower-puna-volcano_00000130_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000130_pre_disaster.png,0,0,3,372,130,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000131_pre_disaster.png,nepal-flooding_00000131_pre_disaster,0,0,tier3\masks\nepal-flooding_00000131_pre_disaster.png,0,0,10,1041,131,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000131_pre_disaster.png,lower-puna-volcano_00000131_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000131_pre_disaster.png,0,0,0,0,131,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000131_pre_disaster.png,pinery-bushfire_00000131_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000131_pre_disaster.png,0,0,0,0,131,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000131_pre_disaster.png,moore-tornado_00000131_pre_disaster,0,0,tier3\masks\moore-tornado_00000131_pre_disaster.png,0,0,103,124009,131,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000131_pre_disaster.png,woolsey-fire_00000131_pre_disaster,0,0,tier3\masks\woolsey-fire_00000131_pre_disaster.png,0,0,0,0,131,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000131_pre_disaster.png,palu-tsunami_00000131_pre_disaster,0,0,train\masks\palu-tsunami_00000131_pre_disaster.png,0,0,139,239899,131,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000131_pre_disaster.png,midwest-flooding_00000131_pre_disaster,0,0,train\masks\midwest-flooding_00000131_pre_disaster.png,0,0,6,4741,131,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000131_pre_disaster.png,portugal-wildfire_00000131_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000131_pre_disaster.png,0,0,0,0,131,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000131_pre_disaster.png,sunda-tsunami_00000131_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000131_pre_disaster.png,0,0,0,0,131,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000131_pre_disaster.png,tuscaloosa-tornado_00000131_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000131_pre_disaster.png,0,0,1,2177,131,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000131_pre_disaster.png,joplin-tornado_00000131_pre_disaster,0,0,tier3\masks\joplin-tornado_00000131_pre_disaster.png,0,0,32,36274,131,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000132_pre_disaster.png,moore-tornado_00000132_pre_disaster,0,0,tier3\masks\moore-tornado_00000132_pre_disaster.png,0,0,146,109519,132,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000132_pre_disaster.png,hurricane-florence_00000132_pre_disaster,0,0,train\masks\hurricane-florence_00000132_pre_disaster.png,0,0,6,5019,132,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000132_pre_disaster.png,nepal-flooding_00000132_pre_disaster,0,0,tier3\masks\nepal-flooding_00000132_pre_disaster.png,0,0,11,3804,132,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000132_pre_disaster.png,joplin-tornado_00000132_pre_disaster,0,0,tier3\masks\joplin-tornado_00000132_pre_disaster.png,0,0,141,123135,132,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000132_pre_disaster.png,lower-puna-volcano_00000132_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000132_pre_disaster.png,0,0,2,238,132,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000132_pre_disaster.png,woolsey-fire_00000132_pre_disaster,0,0,tier3\masks\woolsey-fire_00000132_pre_disaster.png,0,0,32,13406,132,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000132_pre_disaster.png,palu-tsunami_00000132_pre_disaster,0,0,train\masks\palu-tsunami_00000132_pre_disaster.png,0,0,17,18566,132,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000132_pre_disaster.png,sunda-tsunami_00000132_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000132_pre_disaster.png,0,0,2,1195,132,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000132_pre_disaster.png,midwest-flooding_00000132_pre_disaster,0,0,train\masks\midwest-flooding_00000132_pre_disaster.png,0,0,5,4115,132,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000132_pre_disaster.png,portugal-wildfire_00000132_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000132_pre_disaster.png,0,0,1,865,132,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000132_pre_disaster.png,hurricane-matthew_00000132_pre_disaster,0,0,train\masks\hurricane-matthew_00000132_pre_disaster.png,0,0,16,2814,132,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000132_pre_disaster.png,mexico-earthquake_00000132_pre_disaster,0,0,train\masks\mexico-earthquake_00000132_pre_disaster.png,0,0,40,147935,132,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000132_pre_disaster.png,pinery-bushfire_00000132_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000132_pre_disaster.png,0,0,0,0,132,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000132_pre_disaster.png,hurricane-harvey_00000132_pre_disaster,0,0,train\masks\hurricane-harvey_00000132_pre_disaster.png,0,0,215,332333,132,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000132_pre_disaster.png,santa-rosa-wildfire_00000132_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000132_pre_disaster.png,0,0,147,189118,132,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000132_pre_disaster.png,tuscaloosa-tornado_00000132_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000132_pre_disaster.png,0,0,1,837,132,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000133_pre_disaster.png,lower-puna-volcano_00000133_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000133_pre_disaster.png,0,0,17,3365,133,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000133_pre_disaster.png,woolsey-fire_00000133_pre_disaster,0,0,tier3\masks\woolsey-fire_00000133_pre_disaster.png,0,0,0,0,133,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000133_pre_disaster.png,joplin-tornado_00000133_pre_disaster,0,0,tier3\masks\joplin-tornado_00000133_pre_disaster.png,0,0,163,199234,133,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000133_pre_disaster.png,tuscaloosa-tornado_00000133_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000133_pre_disaster.png,0,0,19,70035,133,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000133_pre_disaster.png,moore-tornado_00000133_pre_disaster,0,0,tier3\masks\moore-tornado_00000133_pre_disaster.png,0,0,21,24097,133,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000133_pre_disaster.png,portugal-wildfire_00000133_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000133_pre_disaster.png,0,0,1,950,133,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000133_pre_disaster.png,sunda-tsunami_00000133_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000133_pre_disaster.png,0,0,0,0,133,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000133_pre_disaster.png,hurricane-matthew_00000133_pre_disaster,0,0,train\masks\hurricane-matthew_00000133_pre_disaster.png,0,0,46,14568,133,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000133_pre_disaster.png,hurricane-michael_00000133_pre_disaster,0,0,train\masks\hurricane-michael_00000133_pre_disaster.png,0,0,224,197732,133,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000133_pre_disaster.png,nepal-flooding_00000133_pre_disaster,0,0,tier3\masks\nepal-flooding_00000133_pre_disaster.png,0,0,69,65400,133,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000133_pre_disaster.png,pinery-bushfire_00000133_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000133_pre_disaster.png,0,0,0,0,133,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000133_pre_disaster.png,palu-tsunami_00000133_pre_disaster,0,0,train\masks\palu-tsunami_00000133_pre_disaster.png,0,0,28,47563,133,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000134_pre_disaster.png,lower-puna-volcano_00000134_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000134_pre_disaster.png,0,0,0,0,134,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000134_pre_disaster.png,portugal-wildfire_00000134_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000134_pre_disaster.png,0,0,26,26586,134,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000134_pre_disaster.png,santa-rosa-wildfire_00000134_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000134_pre_disaster.png,0,0,25,32411,134,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000134_pre_disaster.png,palu-tsunami_00000134_pre_disaster,0,0,train\masks\palu-tsunami_00000134_pre_disaster.png,0,0,87,622242,134,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000134_pre_disaster.png,sunda-tsunami_00000134_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000134_pre_disaster.png,0,0,65,30474,134,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000134_pre_disaster.png,moore-tornado_00000134_pre_disaster,0,0,tier3\masks\moore-tornado_00000134_pre_disaster.png,0,0,100,132543,134,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000134_pre_disaster.png,tuscaloosa-tornado_00000134_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000134_pre_disaster.png,0,0,1,274,134,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000134_pre_disaster.png,woolsey-fire_00000134_pre_disaster,0,0,tier3\masks\woolsey-fire_00000134_pre_disaster.png,0,0,7,1186,134,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000134_pre_disaster.png,pinery-bushfire_00000134_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000134_pre_disaster.png,0,0,13,2169,134,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000134_pre_disaster.png,hurricane-michael_00000134_pre_disaster,0,0,train\masks\hurricane-michael_00000134_pre_disaster.png,0,0,4,5695,134,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000134_pre_disaster.png,joplin-tornado_00000134_pre_disaster,0,0,tier3\masks\joplin-tornado_00000134_pre_disaster.png,0,0,86,79599,134,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000134_pre_disaster.png,hurricane-harvey_00000134_pre_disaster,0,0,train\masks\hurricane-harvey_00000134_pre_disaster.png,0,0,146,295678,134,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000134_pre_disaster.png,nepal-flooding_00000134_pre_disaster,0,0,tier3\masks\nepal-flooding_00000134_pre_disaster.png,0,0,6,4055,134,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000134_pre_disaster.png,hurricane-matthew_00000134_pre_disaster,0,0,train\masks\hurricane-matthew_00000134_pre_disaster.png,0,0,29,21696,134,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000135_pre_disaster.png,hurricane-michael_00000135_pre_disaster,0,0,train\masks\hurricane-michael_00000135_pre_disaster.png,0,0,58,139132,135,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000135_pre_disaster.png,portugal-wildfire_00000135_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000135_pre_disaster.png,0,0,4,2775,135,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000135_pre_disaster.png,joplin-tornado_00000135_pre_disaster,0,0,tier3\masks\joplin-tornado_00000135_pre_disaster.png,0,0,49,40970,135,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000135_pre_disaster.png,lower-puna-volcano_00000135_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000135_pre_disaster.png,0,0,29,15629,135,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000135_pre_disaster.png,tuscaloosa-tornado_00000135_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000135_pre_disaster.png,0,0,0,0,135,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000135_pre_disaster.png,pinery-bushfire_00000135_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000135_pre_disaster.png,0,0,1,125,135,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000135_pre_disaster.png,santa-rosa-wildfire_00000135_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000135_pre_disaster.png,0,0,26,44426,135,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000135_pre_disaster.png,woolsey-fire_00000135_pre_disaster,0,0,tier3\masks\woolsey-fire_00000135_pre_disaster.png,0,0,3,2438,135,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000135_pre_disaster.png,moore-tornado_00000135_pre_disaster,0,0,tier3\masks\moore-tornado_00000135_pre_disaster.png,0,0,6,11228,135,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000135_pre_disaster.png,socal-fire_00000135_pre_disaster,0,0,train\masks\socal-fire_00000135_pre_disaster.png,0,0,1,67,135,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000135_pre_disaster.png,nepal-flooding_00000135_pre_disaster,0,0,tier3\masks\nepal-flooding_00000135_pre_disaster.png,0,0,0,0,135,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000135_pre_disaster.png,sunda-tsunami_00000135_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000135_pre_disaster.png,0,0,145,63483,135,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000136_pre_disaster.png,portugal-wildfire_00000136_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000136_pre_disaster.png,0,0,16,10781,136,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000136_pre_disaster.png,socal-fire_00000136_pre_disaster,0,0,train\masks\socal-fire_00000136_pre_disaster.png,0,0,30,40418,136,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000136_pre_disaster.png,woolsey-fire_00000136_pre_disaster,0,0,tier3\masks\woolsey-fire_00000136_pre_disaster.png,0,0,1,141,136,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000136_pre_disaster.png,mexico-earthquake_00000136_pre_disaster,0,0,train\masks\mexico-earthquake_00000136_pre_disaster.png,0,0,30,579738,136,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000136_pre_disaster.png,pinery-bushfire_00000136_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000136_pre_disaster.png,0,0,4,1662,136,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000136_pre_disaster.png,hurricane-florence_00000136_pre_disaster,0,0,train\masks\hurricane-florence_00000136_pre_disaster.png,0,0,2,1289,136,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000136_pre_disaster.png,joplin-tornado_00000136_pre_disaster,0,0,tier3\masks\joplin-tornado_00000136_pre_disaster.png,0,0,56,85305,136,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000136_pre_disaster.png,hurricane-harvey_00000136_pre_disaster,0,0,train\masks\hurricane-harvey_00000136_pre_disaster.png,0,0,6,4662,136,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000136_pre_disaster.png,palu-tsunami_00000136_pre_disaster,0,0,train\masks\palu-tsunami_00000136_pre_disaster.png,0,0,73,212203,136,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000136_pre_disaster.png,tuscaloosa-tornado_00000136_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000136_pre_disaster.png,0,0,66,92011,136,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000136_pre_disaster.png,santa-rosa-wildfire_00000136_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000136_pre_disaster.png,0,0,27,22019,136,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000136_pre_disaster.png,moore-tornado_00000136_pre_disaster,0,0,tier3\masks\moore-tornado_00000136_pre_disaster.png,0,0,181,175907,136,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000136_pre_disaster.png,hurricane-michael_00000136_pre_disaster,0,0,train\masks\hurricane-michael_00000136_pre_disaster.png,0,0,19,21341,136,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000136_pre_disaster.png,nepal-flooding_00000136_pre_disaster,0,0,tier3\masks\nepal-flooding_00000136_pre_disaster.png,0,0,89,49506,136,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000136_pre_disaster.png,sunda-tsunami_00000136_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000136_pre_disaster.png,0,0,140,77762,136,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000136_pre_disaster.png,hurricane-matthew_00000136_pre_disaster,0,0,train\masks\hurricane-matthew_00000136_pre_disaster.png,0,0,4,3248,136,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000136_pre_disaster.png,lower-puna-volcano_00000136_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000136_pre_disaster.png,0,0,4,2810,136,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000137_pre_disaster.png,moore-tornado_00000137_pre_disaster,0,0,tier3\masks\moore-tornado_00000137_pre_disaster.png,0,0,86,167281,137,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000137_pre_disaster.png,portugal-wildfire_00000137_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000137_pre_disaster.png,0,0,1,61,137,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000137_pre_disaster.png,hurricane-harvey_00000137_pre_disaster,0,0,train\masks\hurricane-harvey_00000137_pre_disaster.png,0,0,181,318198,137,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000137_pre_disaster.png,tuscaloosa-tornado_00000137_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000137_pre_disaster.png,0,0,32,18591,137,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000137_pre_disaster.png,hurricane-michael_00000137_pre_disaster,0,0,train\masks\hurricane-michael_00000137_pre_disaster.png,0,0,69,86591,137,0 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000137_pre_disaster.png,sunda-tsunami_00000137_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000137_pre_disaster.png,0,0,2,4586,137,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000137_pre_disaster.png,santa-rosa-wildfire_00000137_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000137_pre_disaster.png,0,0,2,1457,137,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000137_pre_disaster.png,pinery-bushfire_00000137_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000137_pre_disaster.png,0,0,1,871,137,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000137_pre_disaster.png,woolsey-fire_00000137_pre_disaster,0,0,tier3\masks\woolsey-fire_00000137_pre_disaster.png,0,0,86,34675,137,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000137_pre_disaster.png,palu-tsunami_00000137_pre_disaster,0,0,train\masks\palu-tsunami_00000137_pre_disaster.png,0,0,40,704487,137,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000137_pre_disaster.png,hurricane-matthew_00000137_pre_disaster,0,0,train\masks\hurricane-matthew_00000137_pre_disaster.png,0,0,4,695,137,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000137_pre_disaster.png,lower-puna-volcano_00000137_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000137_pre_disaster.png,0,0,6,2475,137,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000137_pre_disaster.png,midwest-flooding_00000137_pre_disaster,0,0,train\masks\midwest-flooding_00000137_pre_disaster.png,0,0,0,0,137,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000137_pre_disaster.png,nepal-flooding_00000137_pre_disaster,0,0,tier3\masks\nepal-flooding_00000137_pre_disaster.png,0,0,0,0,137,2 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000137_pre_disaster.png,joplin-tornado_00000137_pre_disaster,0,0,tier3\masks\joplin-tornado_00000137_pre_disaster.png,0,0,81,89438,137,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000138_pre_disaster.png,tuscaloosa-tornado_00000138_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000138_pre_disaster.png,0,0,14,57587,138,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000138_pre_disaster.png,sunda-tsunami_00000138_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000138_pre_disaster.png,0,0,0,0,138,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000138_pre_disaster.png,santa-rosa-wildfire_00000138_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000138_pre_disaster.png,0,0,240,305916,138,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000138_pre_disaster.png,hurricane-harvey_00000138_pre_disaster,0,0,train\masks\hurricane-harvey_00000138_pre_disaster.png,0,0,28,192597,138,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000138_pre_disaster.png,nepal-flooding_00000138_pre_disaster,0,0,tier3\masks\nepal-flooding_00000138_pre_disaster.png,0,0,137,98077,138,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000138_pre_disaster.png,mexico-earthquake_00000138_pre_disaster,0,0,train\masks\mexico-earthquake_00000138_pre_disaster.png,0,0,211,490488,138,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000138_pre_disaster.png,pinery-bushfire_00000138_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000138_pre_disaster.png,0,0,0,0,138,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000138_pre_disaster.png,moore-tornado_00000138_pre_disaster,0,0,tier3\masks\moore-tornado_00000138_pre_disaster.png,0,0,35,29563,138,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000138_pre_disaster.png,joplin-tornado_00000138_pre_disaster,0,0,tier3\masks\joplin-tornado_00000138_pre_disaster.png,0,0,126,129070,138,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000138_pre_disaster.png,portugal-wildfire_00000138_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000138_pre_disaster.png,0,0,0,0,138,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000138_pre_disaster.png,hurricane-florence_00000138_pre_disaster,0,0,train\masks\hurricane-florence_00000138_pre_disaster.png,0,0,1,68,138,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000138_pre_disaster.png,lower-puna-volcano_00000138_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000138_pre_disaster.png,0,0,4,507,138,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000138_pre_disaster.png,woolsey-fire_00000138_pre_disaster,0,0,tier3\masks\woolsey-fire_00000138_pre_disaster.png,0,0,2,8333,138,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000139_pre_disaster.png,portugal-wildfire_00000139_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000139_pre_disaster.png,0,0,0,0,139,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000139_pre_disaster.png,moore-tornado_00000139_pre_disaster,0,0,tier3\masks\moore-tornado_00000139_pre_disaster.png,0,0,192,192493,139,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000139_pre_disaster.png,tuscaloosa-tornado_00000139_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000139_pre_disaster.png,0,0,4,3617,139,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000139_pre_disaster.png,midwest-flooding_00000139_pre_disaster,0,0,train\masks\midwest-flooding_00000139_pre_disaster.png,0,0,1,61,139,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000139_pre_disaster.png,hurricane-matthew_00000139_pre_disaster,0,0,train\masks\hurricane-matthew_00000139_pre_disaster.png,0,0,5,1771,139,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000139_pre_disaster.png,hurricane-florence_00000139_pre_disaster,0,0,train\masks\hurricane-florence_00000139_pre_disaster.png,0,0,7,4087,139,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000139_pre_disaster.png,nepal-flooding_00000139_pre_disaster,0,0,tier3\masks\nepal-flooding_00000139_pre_disaster.png,0,0,17,12131,139,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000139_pre_disaster.png,joplin-tornado_00000139_pre_disaster,0,0,tier3\masks\joplin-tornado_00000139_pre_disaster.png,0,0,110,97794,139,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000139_pre_disaster.png,woolsey-fire_00000139_pre_disaster,0,0,tier3\masks\woolsey-fire_00000139_pre_disaster.png,0,0,2,368,139,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000139_pre_disaster.png,sunda-tsunami_00000139_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000139_pre_disaster.png,0,0,20,56284,139,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000139_pre_disaster.png,pinery-bushfire_00000139_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000139_pre_disaster.png,0,0,1,79,139,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000139_pre_disaster.png,lower-puna-volcano_00000139_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000139_pre_disaster.png,0,0,24,8172,139,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000140_pre_disaster.png,sunda-tsunami_00000140_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000140_pre_disaster.png,0,0,46,29614,140,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000140_pre_disaster.png,midwest-flooding_00000140_pre_disaster,0,0,train\masks\midwest-flooding_00000140_pre_disaster.png,0,0,14,10993,140,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000140_pre_disaster.png,lower-puna-volcano_00000140_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000140_pre_disaster.png,0,0,7,17850,140,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000140_pre_disaster.png,nepal-flooding_00000140_pre_disaster,0,0,tier3\masks\nepal-flooding_00000140_pre_disaster.png,0,0,5,1883,140,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000140_pre_disaster.png,woolsey-fire_00000140_pre_disaster,0,0,tier3\masks\woolsey-fire_00000140_pre_disaster.png,0,0,28,30810,140,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000140_pre_disaster.png,palu-tsunami_00000140_pre_disaster,0,0,train\masks\palu-tsunami_00000140_pre_disaster.png,0,0,70,600017,140,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000140_pre_disaster.png,santa-rosa-wildfire_00000140_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000140_pre_disaster.png,0,0,23,19544,140,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000140_pre_disaster.png,moore-tornado_00000140_pre_disaster,0,0,tier3\masks\moore-tornado_00000140_pre_disaster.png,0,0,208,231667,140,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000140_pre_disaster.png,pinery-bushfire_00000140_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000140_pre_disaster.png,0,0,4,75649,140,0 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000140_pre_disaster.png,joplin-tornado_00000140_pre_disaster,0,0,tier3\masks\joplin-tornado_00000140_pre_disaster.png,0,0,49,34941,140,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000140_pre_disaster.png,mexico-earthquake_00000140_pre_disaster,0,0,train\masks\mexico-earthquake_00000140_pre_disaster.png,0,0,91,469730,140,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000140_pre_disaster.png,hurricane-matthew_00000140_pre_disaster,0,0,train\masks\hurricane-matthew_00000140_pre_disaster.png,0,0,45,24549,140,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000140_pre_disaster.png,portugal-wildfire_00000140_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000140_pre_disaster.png,0,0,0,0,140,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000140_pre_disaster.png,tuscaloosa-tornado_00000140_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000140_pre_disaster.png,0,0,79,111198,140,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000140_pre_disaster.png,hurricane-florence_00000140_pre_disaster,0,0,train\masks\hurricane-florence_00000140_pre_disaster.png,0,0,1,101,140,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000141_pre_disaster.png,portugal-wildfire_00000141_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000141_pre_disaster.png,0,0,0,0,141,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000141_pre_disaster.png,joplin-tornado_00000141_pre_disaster,0,0,tier3\masks\joplin-tornado_00000141_pre_disaster.png,0,0,126,143858,141,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000141_pre_disaster.png,nepal-flooding_00000141_pre_disaster,0,0,tier3\masks\nepal-flooding_00000141_pre_disaster.png,0,0,2,2767,141,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000141_pre_disaster.png,hurricane-michael_00000141_pre_disaster,0,0,train\masks\hurricane-michael_00000141_pre_disaster.png,0,0,80,192649,141,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000141_pre_disaster.png,sunda-tsunami_00000141_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000141_pre_disaster.png,0,0,38,34788,141,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000141_pre_disaster.png,moore-tornado_00000141_pre_disaster,0,0,tier3\masks\moore-tornado_00000141_pre_disaster.png,0,0,119,145004,141,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000141_pre_disaster.png,pinery-bushfire_00000141_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000141_pre_disaster.png,0,0,0,0,141,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000141_pre_disaster.png,woolsey-fire_00000141_pre_disaster,0,0,tier3\masks\woolsey-fire_00000141_pre_disaster.png,0,0,0,0,141,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000141_pre_disaster.png,midwest-flooding_00000141_pre_disaster,0,0,train\masks\midwest-flooding_00000141_pre_disaster.png,0,0,3,646,141,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000141_pre_disaster.png,lower-puna-volcano_00000141_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000141_pre_disaster.png,0,0,0,0,141,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000141_pre_disaster.png,socal-fire_00000141_pre_disaster,0,0,train\masks\socal-fire_00000141_pre_disaster.png,0,0,0,0,141,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000141_pre_disaster.png,mexico-earthquake_00000141_pre_disaster,0,0,train\masks\mexico-earthquake_00000141_pre_disaster.png,0,0,38,29839,141,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000141_pre_disaster.png,tuscaloosa-tornado_00000141_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000141_pre_disaster.png,0,0,9,10153,141,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000141_pre_disaster.png,hurricane-harvey_00000141_pre_disaster,0,0,train\masks\hurricane-harvey_00000141_pre_disaster.png,0,0,12,17168,141,4 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000142_pre_disaster.png,sunda-tsunami_00000142_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000142_pre_disaster.png,0,0,0,0,142,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000142_pre_disaster.png,portugal-wildfire_00000142_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000142_pre_disaster.png,0,0,2,931,142,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000142_pre_disaster.png,hurricane-florence_00000142_pre_disaster,0,0,train\masks\hurricane-florence_00000142_pre_disaster.png,0,0,0,0,142,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000142_pre_disaster.png,tuscaloosa-tornado_00000142_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000142_pre_disaster.png,0,0,37,32475,142,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000142_pre_disaster.png,hurricane-michael_00000142_pre_disaster,0,0,train\masks\hurricane-michael_00000142_pre_disaster.png,0,0,73,85528,142,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000142_pre_disaster.png,nepal-flooding_00000142_pre_disaster,0,0,tier3\masks\nepal-flooding_00000142_pre_disaster.png,0,0,89,116401,142,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000142_pre_disaster.png,woolsey-fire_00000142_pre_disaster,0,0,tier3\masks\woolsey-fire_00000142_pre_disaster.png,0,0,47,63257,142,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000142_pre_disaster.png,hurricane-harvey_00000142_pre_disaster,0,0,train\masks\hurricane-harvey_00000142_pre_disaster.png,0,0,219,289399,142,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000142_pre_disaster.png,pinery-bushfire_00000142_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000142_pre_disaster.png,0,0,1,91,142,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000142_pre_disaster.png,palu-tsunami_00000142_pre_disaster,0,0,train\masks\palu-tsunami_00000142_pre_disaster.png,0,0,18,9887,142,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000142_pre_disaster.png,moore-tornado_00000142_pre_disaster,0,0,tier3\masks\moore-tornado_00000142_pre_disaster.png,0,0,24,41092,142,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000142_pre_disaster.png,lower-puna-volcano_00000142_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000142_pre_disaster.png,0,0,33,18125,142,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000142_pre_disaster.png,santa-rosa-wildfire_00000142_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000142_pre_disaster.png,0,0,146,117452,142,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000142_pre_disaster.png,mexico-earthquake_00000142_pre_disaster,0,0,train\masks\mexico-earthquake_00000142_pre_disaster.png,0,0,82,198770,142,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000142_pre_disaster.png,joplin-tornado_00000142_pre_disaster,0,0,tier3\masks\joplin-tornado_00000142_pre_disaster.png,0,0,122,134294,142,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000143_pre_disaster.png,pinery-bushfire_00000143_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000143_pre_disaster.png,0,0,0,0,143,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000143_pre_disaster.png,lower-puna-volcano_00000143_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000143_pre_disaster.png,0,0,7,3629,143,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000143_pre_disaster.png,portugal-wildfire_00000143_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000143_pre_disaster.png,0,0,0,0,143,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000143_pre_disaster.png,sunda-tsunami_00000143_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000143_pre_disaster.png,0,0,18,6554,143,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000143_pre_disaster.png,hurricane-michael_00000143_pre_disaster,0,0,train\masks\hurricane-michael_00000143_pre_disaster.png,0,0,49,48975,143,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000143_pre_disaster.png,tuscaloosa-tornado_00000143_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000143_pre_disaster.png,0,0,1,49,143,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000143_pre_disaster.png,woolsey-fire_00000143_pre_disaster,0,0,tier3\masks\woolsey-fire_00000143_pre_disaster.png,0,0,7,2419,143,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000143_pre_disaster.png,nepal-flooding_00000143_pre_disaster,0,0,tier3\masks\nepal-flooding_00000143_pre_disaster.png,0,0,3,1306,143,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000143_pre_disaster.png,joplin-tornado_00000143_pre_disaster,0,0,tier3\masks\joplin-tornado_00000143_pre_disaster.png,0,0,63,95817,143,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000143_pre_disaster.png,mexico-earthquake_00000143_pre_disaster,0,0,train\masks\mexico-earthquake_00000143_pre_disaster.png,0,0,109,507538,143,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000143_pre_disaster.png,hurricane-matthew_00000143_pre_disaster,0,0,train\masks\hurricane-matthew_00000143_pre_disaster.png,0,0,95,73063,143,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000143_pre_disaster.png,moore-tornado_00000143_pre_disaster,0,0,tier3\masks\moore-tornado_00000143_pre_disaster.png,0,0,67,68663,143,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000143_pre_disaster.png,midwest-flooding_00000143_pre_disaster,0,0,train\masks\midwest-flooding_00000143_pre_disaster.png,0,0,22,9100,143,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000144_pre_disaster.png,moore-tornado_00000144_pre_disaster,0,0,tier3\masks\moore-tornado_00000144_pre_disaster.png,0,0,186,228413,144,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000144_pre_disaster.png,hurricane-harvey_00000144_pre_disaster,0,0,train\masks\hurricane-harvey_00000144_pre_disaster.png,0,0,11,58729,144,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000144_pre_disaster.png,lower-puna-volcano_00000144_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000144_pre_disaster.png,0,0,11,5842,144,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000144_pre_disaster.png,tuscaloosa-tornado_00000144_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000144_pre_disaster.png,0,0,138,99334,144,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000144_pre_disaster.png,joplin-tornado_00000144_pre_disaster,0,0,tier3\masks\joplin-tornado_00000144_pre_disaster.png,0,0,246,135589,144,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000144_pre_disaster.png,socal-fire_00000144_pre_disaster,0,0,train\masks\socal-fire_00000144_pre_disaster.png,0,0,2,3189,144,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000144_pre_disaster.png,pinery-bushfire_00000144_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000144_pre_disaster.png,0,0,1,50,144,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000144_pre_disaster.png,woolsey-fire_00000144_pre_disaster,0,0,tier3\masks\woolsey-fire_00000144_pre_disaster.png,0,0,0,0,144,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000144_pre_disaster.png,hurricane-michael_00000144_pre_disaster,0,0,train\masks\hurricane-michael_00000144_pre_disaster.png,0,0,36,64710,144,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000144_pre_disaster.png,mexico-earthquake_00000144_pre_disaster,0,0,train\masks\mexico-earthquake_00000144_pre_disaster.png,0,0,49,479154,144,2 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000144_pre_disaster.png,sunda-tsunami_00000144_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000144_pre_disaster.png,0,0,0,0,144,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000144_pre_disaster.png,midwest-flooding_00000144_pre_disaster,0,0,train\masks\midwest-flooding_00000144_pre_disaster.png,0,0,3,6406,144,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000144_pre_disaster.png,hurricane-florence_00000144_pre_disaster,0,0,train\masks\hurricane-florence_00000144_pre_disaster.png,0,0,3,1691,144,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000144_pre_disaster.png,portugal-wildfire_00000144_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000144_pre_disaster.png,0,0,0,0,144,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000144_pre_disaster.png,nepal-flooding_00000144_pre_disaster,0,0,tier3\masks\nepal-flooding_00000144_pre_disaster.png,0,0,4,1008,144,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000145_pre_disaster.png,tuscaloosa-tornado_00000145_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000145_pre_disaster.png,0,0,44,93739,145,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000145_pre_disaster.png,hurricane-michael_00000145_pre_disaster,0,0,train\masks\hurricane-michael_00000145_pre_disaster.png,0,0,61,129072,145,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000145_pre_disaster.png,hurricane-matthew_00000145_pre_disaster,0,0,train\masks\hurricane-matthew_00000145_pre_disaster.png,0,0,22,12822,145,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000145_pre_disaster.png,portugal-wildfire_00000145_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000145_pre_disaster.png,0,0,3,1763,145,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000145_pre_disaster.png,palu-tsunami_00000145_pre_disaster,0,0,train\masks\palu-tsunami_00000145_pre_disaster.png,0,0,17,12575,145,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000145_pre_disaster.png,woolsey-fire_00000145_pre_disaster,0,0,tier3\masks\woolsey-fire_00000145_pre_disaster.png,0,0,0,0,145,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000145_pre_disaster.png,moore-tornado_00000145_pre_disaster,0,0,tier3\masks\moore-tornado_00000145_pre_disaster.png,0,0,109,162577,145,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000145_pre_disaster.png,midwest-flooding_00000145_pre_disaster,0,0,train\masks\midwest-flooding_00000145_pre_disaster.png,0,0,3,1545,145,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000145_pre_disaster.png,nepal-flooding_00000145_pre_disaster,0,0,tier3\masks\nepal-flooding_00000145_pre_disaster.png,0,0,11,11527,145,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000145_pre_disaster.png,pinery-bushfire_00000145_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000145_pre_disaster.png,0,0,0,0,145,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000145_pre_disaster.png,hurricane-harvey_00000145_pre_disaster,0,0,train\masks\hurricane-harvey_00000145_pre_disaster.png,0,0,157,247411,145,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000145_pre_disaster.png,joplin-tornado_00000145_pre_disaster,0,0,tier3\masks\joplin-tornado_00000145_pre_disaster.png,0,0,174,158816,145,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000145_pre_disaster.png,lower-puna-volcano_00000145_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000145_pre_disaster.png,0,0,12,5255,145,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000145_pre_disaster.png,sunda-tsunami_00000145_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000145_pre_disaster.png,0,0,0,0,145,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000146_pre_disaster.png,santa-rosa-wildfire_00000146_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000146_pre_disaster.png,0,0,10,10500,146,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000146_pre_disaster.png,woolsey-fire_00000146_pre_disaster,0,0,tier3\masks\woolsey-fire_00000146_pre_disaster.png,0,0,11,9629,146,1 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000146_pre_disaster.png,sunda-tsunami_00000146_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000146_pre_disaster.png,0,0,13,6753,146,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000146_pre_disaster.png,mexico-earthquake_00000146_pre_disaster,0,0,train\masks\mexico-earthquake_00000146_pre_disaster.png,0,0,120,288333,146,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000146_pre_disaster.png,hurricane-michael_00000146_pre_disaster,0,0,train\masks\hurricane-michael_00000146_pre_disaster.png,0,0,85,178720,146,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000146_pre_disaster.png,nepal-flooding_00000146_pre_disaster,0,0,tier3\masks\nepal-flooding_00000146_pre_disaster.png,0,0,22,12920,146,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000146_pre_disaster.png,lower-puna-volcano_00000146_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000146_pre_disaster.png,0,0,28,8397,146,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000146_pre_disaster.png,hurricane-florence_00000146_pre_disaster,0,0,train\masks\hurricane-florence_00000146_pre_disaster.png,0,0,4,2082,146,1 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000146_pre_disaster.png,joplin-tornado_00000146_pre_disaster,0,0,tier3\masks\joplin-tornado_00000146_pre_disaster.png,0,0,185,168032,146,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000146_pre_disaster.png,moore-tornado_00000146_pre_disaster,0,0,tier3\masks\moore-tornado_00000146_pre_disaster.png,0,0,23,12496,146,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000146_pre_disaster.png,tuscaloosa-tornado_00000146_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000146_pre_disaster.png,0,0,0,0,146,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000146_pre_disaster.png,socal-fire_00000146_pre_disaster,0,0,train\masks\socal-fire_00000146_pre_disaster.png,0,0,20,37510,146,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000146_pre_disaster.png,hurricane-harvey_00000146_pre_disaster,0,0,train\masks\hurricane-harvey_00000146_pre_disaster.png,0,0,179,303774,146,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000146_pre_disaster.png,pinery-bushfire_00000146_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000146_pre_disaster.png,0,0,0,0,146,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000146_pre_disaster.png,portugal-wildfire_00000146_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000146_pre_disaster.png,0,0,0,0,146,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000147_pre_disaster.png,hurricane-michael_00000147_pre_disaster,0,0,train\masks\hurricane-michael_00000147_pre_disaster.png,0,0,79,115397,147,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000147_pre_disaster.png,pinery-bushfire_00000147_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000147_pre_disaster.png,0,0,0,0,147,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000147_pre_disaster.png,nepal-flooding_00000147_pre_disaster,0,0,tier3\masks\nepal-flooding_00000147_pre_disaster.png,0,0,46,33974,147,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000147_pre_disaster.png,portugal-wildfire_00000147_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000147_pre_disaster.png,0,0,0,0,147,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000147_pre_disaster.png,lower-puna-volcano_00000147_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000147_pre_disaster.png,0,0,0,0,147,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000147_pre_disaster.png,hurricane-harvey_00000147_pre_disaster,0,0,train\masks\hurricane-harvey_00000147_pre_disaster.png,0,0,46,157654,147,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000147_pre_disaster.png,hurricane-florence_00000147_pre_disaster,0,0,train\masks\hurricane-florence_00000147_pre_disaster.png,0,0,4,3554,147,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000147_pre_disaster.png,moore-tornado_00000147_pre_disaster,0,0,tier3\masks\moore-tornado_00000147_pre_disaster.png,0,0,13,25417,147,3 +0,0,sunda-tsunami,pre,tier3,tier3\images\sunda-tsunami_00000147_pre_disaster.png,sunda-tsunami_00000147_pre_disaster,0,0,tier3\masks\sunda-tsunami_00000147_pre_disaster.png,0,0,39,26514,147,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000147_pre_disaster.png,tuscaloosa-tornado_00000147_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000147_pre_disaster.png,0,0,11,10166,147,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000147_pre_disaster.png,woolsey-fire_00000147_pre_disaster,0,0,tier3\masks\woolsey-fire_00000147_pre_disaster.png,0,0,3,311,147,4 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000147_pre_disaster.png,joplin-tornado_00000147_pre_disaster,0,0,tier3\masks\joplin-tornado_00000147_pre_disaster.png,0,0,305,225185,147,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000147_pre_disaster.png,santa-rosa-wildfire_00000147_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000147_pre_disaster.png,0,0,25,27378,147,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000148_pre_disaster.png,lower-puna-volcano_00000148_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000148_pre_disaster.png,0,0,0,0,148,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000148_pre_disaster.png,pinery-bushfire_00000148_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000148_pre_disaster.png,0,0,0,0,148,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000148_pre_disaster.png,portugal-wildfire_00000148_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000148_pre_disaster.png,0,0,62,73438,148,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000148_pre_disaster.png,woolsey-fire_00000148_pre_disaster,0,0,tier3\masks\woolsey-fire_00000148_pre_disaster.png,0,0,4,1294,148,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000148_pre_disaster.png,mexico-earthquake_00000148_pre_disaster,0,0,train\masks\mexico-earthquake_00000148_pre_disaster.png,0,0,11,2850,148,3 +0,0,joplin-tornado,pre,tier3,tier3\images\joplin-tornado_00000148_pre_disaster.png,joplin-tornado_00000148_pre_disaster,0,0,tier3\masks\joplin-tornado_00000148_pre_disaster.png,0,0,117,175318,148,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000148_pre_disaster.png,moore-tornado_00000148_pre_disaster,0,0,tier3\masks\moore-tornado_00000148_pre_disaster.png,0,0,59,144572,148,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000148_pre_disaster.png,midwest-flooding_00000148_pre_disaster,0,0,train\masks\midwest-flooding_00000148_pre_disaster.png,0,0,15,20326,148,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000148_pre_disaster.png,santa-rosa-wildfire_00000148_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000148_pre_disaster.png,0,0,5,5138,148,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000148_pre_disaster.png,palu-tsunami_00000148_pre_disaster,0,0,train\masks\palu-tsunami_00000148_pre_disaster.png,0,0,19,13683,148,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000148_pre_disaster.png,hurricane-florence_00000148_pre_disaster,0,0,train\masks\hurricane-florence_00000148_pre_disaster.png,0,0,6,3065,148,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000148_pre_disaster.png,nepal-flooding_00000148_pre_disaster,0,0,tier3\masks\nepal-flooding_00000148_pre_disaster.png,0,0,6,3261,148,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000148_pre_disaster.png,tuscaloosa-tornado_00000148_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000148_pre_disaster.png,0,0,62,142160,148,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000149_pre_disaster.png,portugal-wildfire_00000149_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000149_pre_disaster.png,0,0,17,15895,149,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000149_pre_disaster.png,hurricane-florence_00000149_pre_disaster,0,0,train\masks\hurricane-florence_00000149_pre_disaster.png,0,0,10,6493,149,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000149_pre_disaster.png,woolsey-fire_00000149_pre_disaster,0,0,tier3\masks\woolsey-fire_00000149_pre_disaster.png,0,0,0,0,149,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000149_pre_disaster.png,socal-fire_00000149_pre_disaster,0,0,train\masks\socal-fire_00000149_pre_disaster.png,0,0,0,0,149,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000149_pre_disaster.png,nepal-flooding_00000149_pre_disaster,0,0,tier3\masks\nepal-flooding_00000149_pre_disaster.png,0,0,168,91554,149,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000149_pre_disaster.png,moore-tornado_00000149_pre_disaster,0,0,tier3\masks\moore-tornado_00000149_pre_disaster.png,0,0,251,296384,149,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000149_pre_disaster.png,santa-rosa-wildfire_00000149_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000149_pre_disaster.png,0,0,221,268765,149,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000149_pre_disaster.png,lower-puna-volcano_00000149_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000149_pre_disaster.png,0,0,12,5230,149,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000149_pre_disaster.png,tuscaloosa-tornado_00000149_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000149_pre_disaster.png,0,0,50,62339,149,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000149_pre_disaster.png,hurricane-matthew_00000149_pre_disaster,0,0,train\masks\hurricane-matthew_00000149_pre_disaster.png,0,0,23,6340,149,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000149_pre_disaster.png,pinery-bushfire_00000149_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000149_pre_disaster.png,0,0,0,0,149,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000150_pre_disaster.png,mexico-earthquake_00000150_pre_disaster,0,0,train\masks\mexico-earthquake_00000150_pre_disaster.png,0,0,19,171108,150,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000150_pre_disaster.png,lower-puna-volcano_00000150_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000150_pre_disaster.png,0,0,37,18514,150,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000150_pre_disaster.png,nepal-flooding_00000150_pre_disaster,0,0,tier3\masks\nepal-flooding_00000150_pre_disaster.png,0,0,9,5580,150,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000150_pre_disaster.png,midwest-flooding_00000150_pre_disaster,0,0,train\masks\midwest-flooding_00000150_pre_disaster.png,0,0,1,446,150,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000150_pre_disaster.png,hurricane-michael_00000150_pre_disaster,0,0,train\masks\hurricane-michael_00000150_pre_disaster.png,0,0,50,117394,150,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000150_pre_disaster.png,pinery-bushfire_00000150_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000150_pre_disaster.png,0,0,0,0,150,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000150_pre_disaster.png,woolsey-fire_00000150_pre_disaster,0,0,tier3\masks\woolsey-fire_00000150_pre_disaster.png,0,0,0,0,150,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000150_pre_disaster.png,moore-tornado_00000150_pre_disaster,0,0,tier3\masks\moore-tornado_00000150_pre_disaster.png,0,0,116,129853,150,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000150_pre_disaster.png,tuscaloosa-tornado_00000150_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000150_pre_disaster.png,0,0,25,23342,150,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000150_pre_disaster.png,portugal-wildfire_00000150_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000150_pre_disaster.png,0,0,0,0,150,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000151_pre_disaster.png,midwest-flooding_00000151_pre_disaster,0,0,train\masks\midwest-flooding_00000151_pre_disaster.png,0,0,5,4349,151,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000151_pre_disaster.png,mexico-earthquake_00000151_pre_disaster,0,0,train\masks\mexico-earthquake_00000151_pre_disaster.png,0,0,192,399915,151,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000151_pre_disaster.png,pinery-bushfire_00000151_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000151_pre_disaster.png,0,0,0,0,151,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000151_pre_disaster.png,hurricane-harvey_00000151_pre_disaster,0,0,train\masks\hurricane-harvey_00000151_pre_disaster.png,0,0,27,26831,151,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000151_pre_disaster.png,nepal-flooding_00000151_pre_disaster,0,0,tier3\masks\nepal-flooding_00000151_pre_disaster.png,0,0,1,474,151,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000151_pre_disaster.png,hurricane-florence_00000151_pre_disaster,0,0,train\masks\hurricane-florence_00000151_pre_disaster.png,0,0,7,6529,151,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000151_pre_disaster.png,socal-fire_00000151_pre_disaster,0,0,train\masks\socal-fire_00000151_pre_disaster.png,0,0,0,0,151,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000151_pre_disaster.png,santa-rosa-wildfire_00000151_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000151_pre_disaster.png,0,0,4,8671,151,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000151_pre_disaster.png,tuscaloosa-tornado_00000151_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000151_pre_disaster.png,0,0,110,97896,151,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000151_pre_disaster.png,hurricane-michael_00000151_pre_disaster,0,0,train\masks\hurricane-michael_00000151_pre_disaster.png,0,0,15,20322,151,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000151_pre_disaster.png,moore-tornado_00000151_pre_disaster,0,0,tier3\masks\moore-tornado_00000151_pre_disaster.png,0,0,228,256189,151,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000151_pre_disaster.png,portugal-wildfire_00000151_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000151_pre_disaster.png,0,0,0,0,151,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000151_pre_disaster.png,lower-puna-volcano_00000151_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000151_pre_disaster.png,0,0,35,18379,151,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000151_pre_disaster.png,woolsey-fire_00000151_pre_disaster,0,0,tier3\masks\woolsey-fire_00000151_pre_disaster.png,0,0,0,0,151,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000152_pre_disaster.png,midwest-flooding_00000152_pre_disaster,0,0,train\masks\midwest-flooding_00000152_pre_disaster.png,0,0,0,0,152,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000152_pre_disaster.png,palu-tsunami_00000152_pre_disaster,0,0,train\masks\palu-tsunami_00000152_pre_disaster.png,0,0,106,559016,152,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000152_pre_disaster.png,woolsey-fire_00000152_pre_disaster,0,0,tier3\masks\woolsey-fire_00000152_pre_disaster.png,0,0,2,4901,152,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000152_pre_disaster.png,mexico-earthquake_00000152_pre_disaster,0,0,train\masks\mexico-earthquake_00000152_pre_disaster.png,0,0,11,26612,152,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000152_pre_disaster.png,tuscaloosa-tornado_00000152_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000152_pre_disaster.png,0,0,0,0,152,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000152_pre_disaster.png,santa-rosa-wildfire_00000152_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000152_pre_disaster.png,0,0,9,13774,152,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000152_pre_disaster.png,pinery-bushfire_00000152_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000152_pre_disaster.png,0,0,1,115,152,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000152_pre_disaster.png,lower-puna-volcano_00000152_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000152_pre_disaster.png,0,0,6,4169,152,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000152_pre_disaster.png,moore-tornado_00000152_pre_disaster,0,0,tier3\masks\moore-tornado_00000152_pre_disaster.png,0,0,35,29704,152,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000152_pre_disaster.png,nepal-flooding_00000152_pre_disaster,0,0,tier3\masks\nepal-flooding_00000152_pre_disaster.png,0,0,24,30761,152,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000152_pre_disaster.png,portugal-wildfire_00000152_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000152_pre_disaster.png,0,0,0,0,152,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000152_pre_disaster.png,hurricane-michael_00000152_pre_disaster,0,0,train\masks\hurricane-michael_00000152_pre_disaster.png,0,0,88,81175,152,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000152_pre_disaster.png,hurricane-matthew_00000152_pre_disaster,0,0,train\masks\hurricane-matthew_00000152_pre_disaster.png,0,0,165,291898,152,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000152_pre_disaster.png,hurricane-harvey_00000152_pre_disaster,0,0,train\masks\hurricane-harvey_00000152_pre_disaster.png,0,0,5,30488,152,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000153_pre_disaster.png,woolsey-fire_00000153_pre_disaster,0,0,tier3\masks\woolsey-fire_00000153_pre_disaster.png,0,0,0,0,153,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000153_pre_disaster.png,socal-fire_00000153_pre_disaster,0,0,train\masks\socal-fire_00000153_pre_disaster.png,0,0,16,25005,153,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000153_pre_disaster.png,midwest-flooding_00000153_pre_disaster,0,0,train\masks\midwest-flooding_00000153_pre_disaster.png,0,0,0,0,153,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000153_pre_disaster.png,pinery-bushfire_00000153_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000153_pre_disaster.png,0,0,0,0,153,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000153_pre_disaster.png,palu-tsunami_00000153_pre_disaster,0,0,train\masks\palu-tsunami_00000153_pre_disaster.png,0,0,54,45428,153,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000153_pre_disaster.png,lower-puna-volcano_00000153_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000153_pre_disaster.png,0,0,17,9466,153,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000153_pre_disaster.png,tuscaloosa-tornado_00000153_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000153_pre_disaster.png,0,0,0,0,153,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000153_pre_disaster.png,moore-tornado_00000153_pre_disaster,0,0,tier3\masks\moore-tornado_00000153_pre_disaster.png,0,0,96,124350,153,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000153_pre_disaster.png,hurricane-matthew_00000153_pre_disaster,0,0,train\masks\hurricane-matthew_00000153_pre_disaster.png,0,0,41,8188,153,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000153_pre_disaster.png,mexico-earthquake_00000153_pre_disaster,0,0,train\masks\mexico-earthquake_00000153_pre_disaster.png,0,0,96,241006,153,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000153_pre_disaster.png,portugal-wildfire_00000153_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000153_pre_disaster.png,0,0,0,0,153,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000153_pre_disaster.png,santa-rosa-wildfire_00000153_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000153_pre_disaster.png,0,0,43,37344,153,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000153_pre_disaster.png,hurricane-harvey_00000153_pre_disaster,0,0,train\masks\hurricane-harvey_00000153_pre_disaster.png,0,0,53,167689,153,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000153_pre_disaster.png,hurricane-florence_00000153_pre_disaster,0,0,train\masks\hurricane-florence_00000153_pre_disaster.png,0,0,14,13712,153,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000153_pre_disaster.png,hurricane-michael_00000153_pre_disaster,0,0,train\masks\hurricane-michael_00000153_pre_disaster.png,0,0,41,130447,153,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000153_pre_disaster.png,nepal-flooding_00000153_pre_disaster,0,0,tier3\masks\nepal-flooding_00000153_pre_disaster.png,0,0,4,1628,153,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000154_pre_disaster.png,pinery-bushfire_00000154_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000154_pre_disaster.png,0,0,1,1093,154,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000154_pre_disaster.png,mexico-earthquake_00000154_pre_disaster,0,0,train\masks\mexico-earthquake_00000154_pre_disaster.png,0,0,209,374127,154,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000154_pre_disaster.png,tuscaloosa-tornado_00000154_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000154_pre_disaster.png,0,0,129,137795,154,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000154_pre_disaster.png,midwest-flooding_00000154_pre_disaster,0,0,train\masks\midwest-flooding_00000154_pre_disaster.png,0,0,4,1660,154,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000154_pre_disaster.png,hurricane-michael_00000154_pre_disaster,0,0,train\masks\hurricane-michael_00000154_pre_disaster.png,0,0,25,38826,154,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000154_pre_disaster.png,nepal-flooding_00000154_pre_disaster,0,0,tier3\masks\nepal-flooding_00000154_pre_disaster.png,0,0,0,0,154,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000154_pre_disaster.png,moore-tornado_00000154_pre_disaster,0,0,tier3\masks\moore-tornado_00000154_pre_disaster.png,0,0,3,3834,154,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000154_pre_disaster.png,hurricane-matthew_00000154_pre_disaster,0,0,train\masks\hurricane-matthew_00000154_pre_disaster.png,0,0,13,3860,154,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000154_pre_disaster.png,hurricane-harvey_00000154_pre_disaster,0,0,train\masks\hurricane-harvey_00000154_pre_disaster.png,0,0,27,85199,154,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000154_pre_disaster.png,socal-fire_00000154_pre_disaster,0,0,train\masks\socal-fire_00000154_pre_disaster.png,0,0,1,3844,154,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000154_pre_disaster.png,portugal-wildfire_00000154_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000154_pre_disaster.png,0,0,0,0,154,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000154_pre_disaster.png,woolsey-fire_00000154_pre_disaster,0,0,tier3\masks\woolsey-fire_00000154_pre_disaster.png,0,0,0,0,154,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000154_pre_disaster.png,palu-tsunami_00000154_pre_disaster,0,0,train\masks\palu-tsunami_00000154_pre_disaster.png,0,0,40,16651,154,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000154_pre_disaster.png,lower-puna-volcano_00000154_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000154_pre_disaster.png,0,0,3,1694,154,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000155_pre_disaster.png,woolsey-fire_00000155_pre_disaster,0,0,tier3\masks\woolsey-fire_00000155_pre_disaster.png,0,0,0,0,155,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000155_pre_disaster.png,mexico-earthquake_00000155_pre_disaster,0,0,train\masks\mexico-earthquake_00000155_pre_disaster.png,0,0,2,2316,155,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000155_pre_disaster.png,pinery-bushfire_00000155_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000155_pre_disaster.png,0,0,6,3286,155,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000155_pre_disaster.png,moore-tornado_00000155_pre_disaster,0,0,tier3\masks\moore-tornado_00000155_pre_disaster.png,0,0,165,288176,155,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000155_pre_disaster.png,palu-tsunami_00000155_pre_disaster,0,0,train\masks\palu-tsunami_00000155_pre_disaster.png,0,0,52,35207,155,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000155_pre_disaster.png,lower-puna-volcano_00000155_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000155_pre_disaster.png,0,0,0,0,155,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000155_pre_disaster.png,tuscaloosa-tornado_00000155_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000155_pre_disaster.png,0,0,4,1339,155,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000155_pre_disaster.png,santa-rosa-wildfire_00000155_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000155_pre_disaster.png,0,0,277,287559,155,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000155_pre_disaster.png,hurricane-matthew_00000155_pre_disaster,0,0,train\masks\hurricane-matthew_00000155_pre_disaster.png,0,0,14,5305,155,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000155_pre_disaster.png,nepal-flooding_00000155_pre_disaster,0,0,tier3\masks\nepal-flooding_00000155_pre_disaster.png,0,0,14,12441,155,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000155_pre_disaster.png,portugal-wildfire_00000155_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000155_pre_disaster.png,0,0,0,0,155,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000156_pre_disaster.png,moore-tornado_00000156_pre_disaster,0,0,tier3\masks\moore-tornado_00000156_pre_disaster.png,0,0,6,10661,156,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000156_pre_disaster.png,midwest-flooding_00000156_pre_disaster,0,0,train\masks\midwest-flooding_00000156_pre_disaster.png,0,0,0,0,156,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000156_pre_disaster.png,santa-rosa-wildfire_00000156_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000156_pre_disaster.png,0,0,59,56188,156,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000156_pre_disaster.png,tuscaloosa-tornado_00000156_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000156_pre_disaster.png,0,0,89,91704,156,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000156_pre_disaster.png,hurricane-harvey_00000156_pre_disaster,0,0,train\masks\hurricane-harvey_00000156_pre_disaster.png,0,0,126,211906,156,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000156_pre_disaster.png,socal-fire_00000156_pre_disaster,0,0,train\masks\socal-fire_00000156_pre_disaster.png,0,0,44,84409,156,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000156_pre_disaster.png,portugal-wildfire_00000156_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000156_pre_disaster.png,0,0,1,1733,156,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000156_pre_disaster.png,nepal-flooding_00000156_pre_disaster,0,0,tier3\masks\nepal-flooding_00000156_pre_disaster.png,0,0,1,88,156,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000156_pre_disaster.png,hurricane-michael_00000156_pre_disaster,0,0,train\masks\hurricane-michael_00000156_pre_disaster.png,0,0,43,53867,156,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000156_pre_disaster.png,lower-puna-volcano_00000156_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000156_pre_disaster.png,0,0,2,1232,156,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000156_pre_disaster.png,woolsey-fire_00000156_pre_disaster,0,0,tier3\masks\woolsey-fire_00000156_pre_disaster.png,0,0,0,0,156,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000156_pre_disaster.png,hurricane-matthew_00000156_pre_disaster,0,0,train\masks\hurricane-matthew_00000156_pre_disaster.png,0,0,175,206810,156,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000156_pre_disaster.png,hurricane-florence_00000156_pre_disaster,0,0,train\masks\hurricane-florence_00000156_pre_disaster.png,0,0,5,1898,156,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000156_pre_disaster.png,pinery-bushfire_00000156_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000156_pre_disaster.png,0,0,2,98,156,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000157_pre_disaster.png,portugal-wildfire_00000157_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000157_pre_disaster.png,0,0,0,0,157,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000157_pre_disaster.png,nepal-flooding_00000157_pre_disaster,0,0,tier3\masks\nepal-flooding_00000157_pre_disaster.png,0,0,2,159,157,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000157_pre_disaster.png,hurricane-michael_00000157_pre_disaster,0,0,train\masks\hurricane-michael_00000157_pre_disaster.png,0,0,29,142891,157,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000157_pre_disaster.png,hurricane-harvey_00000157_pre_disaster,0,0,train\masks\hurricane-harvey_00000157_pre_disaster.png,0,0,1,262,157,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000157_pre_disaster.png,socal-fire_00000157_pre_disaster,0,0,train\masks\socal-fire_00000157_pre_disaster.png,0,0,0,0,157,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000157_pre_disaster.png,moore-tornado_00000157_pre_disaster,0,0,tier3\masks\moore-tornado_00000157_pre_disaster.png,0,0,29,67684,157,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000157_pre_disaster.png,woolsey-fire_00000157_pre_disaster,0,0,tier3\masks\woolsey-fire_00000157_pre_disaster.png,0,0,0,0,157,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000157_pre_disaster.png,tuscaloosa-tornado_00000157_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000157_pre_disaster.png,0,0,125,105025,157,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000157_pre_disaster.png,midwest-flooding_00000157_pre_disaster,0,0,train\masks\midwest-flooding_00000157_pre_disaster.png,0,0,1,722,157,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000157_pre_disaster.png,pinery-bushfire_00000157_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000157_pre_disaster.png,0,0,0,0,157,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000157_pre_disaster.png,palu-tsunami_00000157_pre_disaster,0,0,train\masks\palu-tsunami_00000157_pre_disaster.png,0,0,24,17330,157,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000157_pre_disaster.png,lower-puna-volcano_00000157_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000157_pre_disaster.png,0,0,17,8260,157,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000158_pre_disaster.png,moore-tornado_00000158_pre_disaster,0,0,tier3\masks\moore-tornado_00000158_pre_disaster.png,0,0,170,171417,158,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000158_pre_disaster.png,hurricane-florence_00000158_pre_disaster,0,0,train\masks\hurricane-florence_00000158_pre_disaster.png,0,0,4,2153,158,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000158_pre_disaster.png,hurricane-michael_00000158_pre_disaster,0,0,train\masks\hurricane-michael_00000158_pre_disaster.png,0,0,85,118697,158,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000158_pre_disaster.png,mexico-earthquake_00000158_pre_disaster,0,0,train\masks\mexico-earthquake_00000158_pre_disaster.png,0,0,171,193788,158,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000158_pre_disaster.png,lower-puna-volcano_00000158_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000158_pre_disaster.png,0,0,17,8276,158,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000158_pre_disaster.png,hurricane-matthew_00000158_pre_disaster,0,0,train\masks\hurricane-matthew_00000158_pre_disaster.png,0,0,83,357538,158,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000158_pre_disaster.png,nepal-flooding_00000158_pre_disaster,0,0,tier3\masks\nepal-flooding_00000158_pre_disaster.png,0,0,8,6848,158,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000158_pre_disaster.png,pinery-bushfire_00000158_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000158_pre_disaster.png,0,0,6,65445,158,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000158_pre_disaster.png,hurricane-harvey_00000158_pre_disaster,0,0,train\masks\hurricane-harvey_00000158_pre_disaster.png,0,0,68,260624,158,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000158_pre_disaster.png,santa-rosa-wildfire_00000158_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000158_pre_disaster.png,0,0,10,12162,158,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000158_pre_disaster.png,woolsey-fire_00000158_pre_disaster,0,0,tier3\masks\woolsey-fire_00000158_pre_disaster.png,0,0,32,24682,158,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000158_pre_disaster.png,tuscaloosa-tornado_00000158_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000158_pre_disaster.png,0,0,4,3795,158,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000158_pre_disaster.png,portugal-wildfire_00000158_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000158_pre_disaster.png,0,0,0,0,158,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000159_pre_disaster.png,hurricane-michael_00000159_pre_disaster,0,0,train\masks\hurricane-michael_00000159_pre_disaster.png,0,0,96,125897,159,3 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000159_pre_disaster.png,mexico-earthquake_00000159_pre_disaster,0,0,train\masks\mexico-earthquake_00000159_pre_disaster.png,0,0,70,160895,159,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000159_pre_disaster.png,midwest-flooding_00000159_pre_disaster,0,0,train\masks\midwest-flooding_00000159_pre_disaster.png,0,0,0,0,159,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000159_pre_disaster.png,lower-puna-volcano_00000159_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000159_pre_disaster.png,0,0,0,0,159,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000159_pre_disaster.png,moore-tornado_00000159_pre_disaster,0,0,tier3\masks\moore-tornado_00000159_pre_disaster.png,0,0,36,35021,159,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000159_pre_disaster.png,hurricane-matthew_00000159_pre_disaster,0,0,train\masks\hurricane-matthew_00000159_pre_disaster.png,0,0,45,10469,159,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000159_pre_disaster.png,portugal-wildfire_00000159_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000159_pre_disaster.png,0,0,25,25397,159,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000159_pre_disaster.png,woolsey-fire_00000159_pre_disaster,0,0,tier3\masks\woolsey-fire_00000159_pre_disaster.png,0,0,0,0,159,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000159_pre_disaster.png,nepal-flooding_00000159_pre_disaster,0,0,tier3\masks\nepal-flooding_00000159_pre_disaster.png,0,0,17,10440,159,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000159_pre_disaster.png,hurricane-harvey_00000159_pre_disaster,0,0,train\masks\hurricane-harvey_00000159_pre_disaster.png,0,0,91,372702,159,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000159_pre_disaster.png,hurricane-florence_00000159_pre_disaster,0,0,train\masks\hurricane-florence_00000159_pre_disaster.png,0,0,0,0,159,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000159_pre_disaster.png,pinery-bushfire_00000159_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000159_pre_disaster.png,0,0,18,5622,159,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000159_pre_disaster.png,tuscaloosa-tornado_00000159_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000159_pre_disaster.png,0,0,45,46969,159,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000160_pre_disaster.png,lower-puna-volcano_00000160_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000160_pre_disaster.png,0,0,30,12435,160,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000160_pre_disaster.png,portugal-wildfire_00000160_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000160_pre_disaster.png,0,0,0,0,160,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000160_pre_disaster.png,pinery-bushfire_00000160_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000160_pre_disaster.png,0,0,0,0,160,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000160_pre_disaster.png,mexico-earthquake_00000160_pre_disaster,0,0,train\masks\mexico-earthquake_00000160_pre_disaster.png,0,0,102,229109,160,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000160_pre_disaster.png,hurricane-harvey_00000160_pre_disaster,0,0,train\masks\hurricane-harvey_00000160_pre_disaster.png,0,0,74,176506,160,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000160_pre_disaster.png,palu-tsunami_00000160_pre_disaster,0,0,train\masks\palu-tsunami_00000160_pre_disaster.png,0,0,96,123844,160,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000160_pre_disaster.png,tuscaloosa-tornado_00000160_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000160_pre_disaster.png,0,0,72,39899,160,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000160_pre_disaster.png,woolsey-fire_00000160_pre_disaster,0,0,tier3\masks\woolsey-fire_00000160_pre_disaster.png,0,0,0,0,160,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000160_pre_disaster.png,nepal-flooding_00000160_pre_disaster,0,0,tier3\masks\nepal-flooding_00000160_pre_disaster.png,0,0,25,22718,160,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000160_pre_disaster.png,moore-tornado_00000160_pre_disaster,0,0,tier3\masks\moore-tornado_00000160_pre_disaster.png,0,0,18,17836,160,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000160_pre_disaster.png,socal-fire_00000160_pre_disaster,0,0,train\masks\socal-fire_00000160_pre_disaster.png,0,0,0,0,160,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000161_pre_disaster.png,lower-puna-volcano_00000161_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000161_pre_disaster.png,0,0,17,6376,161,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000161_pre_disaster.png,moore-tornado_00000161_pre_disaster,0,0,tier3\masks\moore-tornado_00000161_pre_disaster.png,0,0,20,19664,161,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000161_pre_disaster.png,woolsey-fire_00000161_pre_disaster,0,0,tier3\masks\woolsey-fire_00000161_pre_disaster.png,0,0,2,718,161,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000161_pre_disaster.png,palu-tsunami_00000161_pre_disaster,0,0,train\masks\palu-tsunami_00000161_pre_disaster.png,0,0,140,231111,161,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000161_pre_disaster.png,tuscaloosa-tornado_00000161_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000161_pre_disaster.png,0,0,44,47698,161,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000161_pre_disaster.png,pinery-bushfire_00000161_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000161_pre_disaster.png,0,0,0,0,161,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000161_pre_disaster.png,midwest-flooding_00000161_pre_disaster,0,0,train\masks\midwest-flooding_00000161_pre_disaster.png,0,0,12,7135,161,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000161_pre_disaster.png,santa-rosa-wildfire_00000161_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000161_pre_disaster.png,0,0,237,309860,161,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000161_pre_disaster.png,portugal-wildfire_00000161_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000161_pre_disaster.png,0,0,52,47649,161,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000161_pre_disaster.png,nepal-flooding_00000161_pre_disaster,0,0,tier3\masks\nepal-flooding_00000161_pre_disaster.png,0,0,2,936,161,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000162_pre_disaster.png,socal-fire_00000162_pre_disaster,0,0,train\masks\socal-fire_00000162_pre_disaster.png,0,0,0,0,162,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000162_pre_disaster.png,hurricane-matthew_00000162_pre_disaster,0,0,train\masks\hurricane-matthew_00000162_pre_disaster.png,0,0,32,9898,162,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000162_pre_disaster.png,pinery-bushfire_00000162_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000162_pre_disaster.png,0,0,1,147,162,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000162_pre_disaster.png,moore-tornado_00000162_pre_disaster,0,0,tier3\masks\moore-tornado_00000162_pre_disaster.png,0,0,38,88888,162,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000162_pre_disaster.png,woolsey-fire_00000162_pre_disaster,0,0,tier3\masks\woolsey-fire_00000162_pre_disaster.png,0,0,0,0,162,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000162_pre_disaster.png,midwest-flooding_00000162_pre_disaster,0,0,train\masks\midwest-flooding_00000162_pre_disaster.png,0,0,2,1082,162,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000162_pre_disaster.png,hurricane-michael_00000162_pre_disaster,0,0,train\masks\hurricane-michael_00000162_pre_disaster.png,0,0,94,91515,162,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000162_pre_disaster.png,portugal-wildfire_00000162_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000162_pre_disaster.png,0,0,22,12335,162,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000162_pre_disaster.png,lower-puna-volcano_00000162_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000162_pre_disaster.png,0,0,0,0,162,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000162_pre_disaster.png,nepal-flooding_00000162_pre_disaster,0,0,tier3\masks\nepal-flooding_00000162_pre_disaster.png,0,0,23,18673,162,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000162_pre_disaster.png,santa-rosa-wildfire_00000162_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000162_pre_disaster.png,0,0,56,61752,162,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000162_pre_disaster.png,tuscaloosa-tornado_00000162_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000162_pre_disaster.png,0,0,12,12502,162,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000163_pre_disaster.png,pinery-bushfire_00000163_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000163_pre_disaster.png,0,0,0,0,163,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000163_pre_disaster.png,lower-puna-volcano_00000163_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000163_pre_disaster.png,0,0,0,0,163,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000163_pre_disaster.png,hurricane-florence_00000163_pre_disaster,0,0,train\masks\hurricane-florence_00000163_pre_disaster.png,0,0,1,184,163,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000163_pre_disaster.png,moore-tornado_00000163_pre_disaster,0,0,tier3\masks\moore-tornado_00000163_pre_disaster.png,0,0,1,2564,163,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000163_pre_disaster.png,santa-rosa-wildfire_00000163_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000163_pre_disaster.png,0,0,215,254872,163,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000163_pre_disaster.png,woolsey-fire_00000163_pre_disaster,0,0,tier3\masks\woolsey-fire_00000163_pre_disaster.png,0,0,0,0,163,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000163_pre_disaster.png,nepal-flooding_00000163_pre_disaster,0,0,tier3\masks\nepal-flooding_00000163_pre_disaster.png,0,0,14,12541,163,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000163_pre_disaster.png,socal-fire_00000163_pre_disaster,0,0,train\masks\socal-fire_00000163_pre_disaster.png,0,0,0,0,163,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000163_pre_disaster.png,tuscaloosa-tornado_00000163_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000163_pre_disaster.png,0,0,36,129863,163,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000163_pre_disaster.png,portugal-wildfire_00000163_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000163_pre_disaster.png,0,0,0,0,163,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000164_pre_disaster.png,pinery-bushfire_00000164_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000164_pre_disaster.png,0,0,0,0,164,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000164_pre_disaster.png,portugal-wildfire_00000164_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000164_pre_disaster.png,0,0,14,10040,164,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000164_pre_disaster.png,lower-puna-volcano_00000164_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000164_pre_disaster.png,0,0,1,497,164,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000164_pre_disaster.png,mexico-earthquake_00000164_pre_disaster,0,0,train\masks\mexico-earthquake_00000164_pre_disaster.png,0,0,21,14167,164,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000164_pre_disaster.png,tuscaloosa-tornado_00000164_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000164_pre_disaster.png,0,0,102,57427,164,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000164_pre_disaster.png,moore-tornado_00000164_pre_disaster,0,0,tier3\masks\moore-tornado_00000164_pre_disaster.png,0,0,22,25750,164,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000164_pre_disaster.png,santa-rosa-wildfire_00000164_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000164_pre_disaster.png,0,0,19,16327,164,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000164_pre_disaster.png,nepal-flooding_00000164_pre_disaster,0,0,tier3\masks\nepal-flooding_00000164_pre_disaster.png,0,0,41,18972,164,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000164_pre_disaster.png,hurricane-florence_00000164_pre_disaster,0,0,train\masks\hurricane-florence_00000164_pre_disaster.png,0,0,12,11327,164,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000164_pre_disaster.png,midwest-flooding_00000164_pre_disaster,0,0,train\masks\midwest-flooding_00000164_pre_disaster.png,0,0,0,0,164,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000164_pre_disaster.png,hurricane-matthew_00000164_pre_disaster,0,0,train\masks\hurricane-matthew_00000164_pre_disaster.png,0,0,26,6000,164,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000164_pre_disaster.png,palu-tsunami_00000164_pre_disaster,0,0,train\masks\palu-tsunami_00000164_pre_disaster.png,0,0,91,142145,164,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000164_pre_disaster.png,woolsey-fire_00000164_pre_disaster,0,0,tier3\masks\woolsey-fire_00000164_pre_disaster.png,0,0,0,0,164,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000165_pre_disaster.png,portugal-wildfire_00000165_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000165_pre_disaster.png,0,0,0,0,165,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000165_pre_disaster.png,pinery-bushfire_00000165_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000165_pre_disaster.png,0,0,0,0,165,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000165_pre_disaster.png,santa-rosa-wildfire_00000165_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000165_pre_disaster.png,0,0,130,116809,165,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000165_pre_disaster.png,tuscaloosa-tornado_00000165_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000165_pre_disaster.png,0,0,143,144575,165,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000165_pre_disaster.png,midwest-flooding_00000165_pre_disaster,0,0,train\masks\midwest-flooding_00000165_pre_disaster.png,0,0,0,0,165,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000165_pre_disaster.png,hurricane-michael_00000165_pre_disaster,0,0,train\masks\hurricane-michael_00000165_pre_disaster.png,0,0,62,98172,165,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000165_pre_disaster.png,hurricane-harvey_00000165_pre_disaster,0,0,train\masks\hurricane-harvey_00000165_pre_disaster.png,0,0,3,41751,165,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000165_pre_disaster.png,hurricane-florence_00000165_pre_disaster,0,0,train\masks\hurricane-florence_00000165_pre_disaster.png,0,0,36,26044,165,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000165_pre_disaster.png,woolsey-fire_00000165_pre_disaster,0,0,tier3\masks\woolsey-fire_00000165_pre_disaster.png,0,0,0,0,165,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000165_pre_disaster.png,lower-puna-volcano_00000165_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000165_pre_disaster.png,0,0,3,607,165,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000165_pre_disaster.png,moore-tornado_00000165_pre_disaster,0,0,tier3\masks\moore-tornado_00000165_pre_disaster.png,0,0,119,252398,165,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000165_pre_disaster.png,nepal-flooding_00000165_pre_disaster,0,0,tier3\masks\nepal-flooding_00000165_pre_disaster.png,0,0,55,52423,165,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000166_pre_disaster.png,mexico-earthquake_00000166_pre_disaster,0,0,train\masks\mexico-earthquake_00000166_pre_disaster.png,0,0,3,70534,166,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000166_pre_disaster.png,socal-fire_00000166_pre_disaster,0,0,train\masks\socal-fire_00000166_pre_disaster.png,0,0,5,5176,166,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000166_pre_disaster.png,portugal-wildfire_00000166_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000166_pre_disaster.png,0,0,0,0,166,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000166_pre_disaster.png,moore-tornado_00000166_pre_disaster,0,0,tier3\masks\moore-tornado_00000166_pre_disaster.png,0,0,7,5320,166,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000166_pre_disaster.png,woolsey-fire_00000166_pre_disaster,0,0,tier3\masks\woolsey-fire_00000166_pre_disaster.png,0,0,0,0,166,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000166_pre_disaster.png,santa-rosa-wildfire_00000166_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000166_pre_disaster.png,0,0,196,212591,166,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000166_pre_disaster.png,nepal-flooding_00000166_pre_disaster,0,0,tier3\masks\nepal-flooding_00000166_pre_disaster.png,0,0,15,19906,166,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000166_pre_disaster.png,midwest-flooding_00000166_pre_disaster,0,0,train\masks\midwest-flooding_00000166_pre_disaster.png,0,0,34,16929,166,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000166_pre_disaster.png,hurricane-matthew_00000166_pre_disaster,0,0,train\masks\hurricane-matthew_00000166_pre_disaster.png,0,0,18,2961,166,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000166_pre_disaster.png,palu-tsunami_00000166_pre_disaster,0,0,train\masks\palu-tsunami_00000166_pre_disaster.png,0,0,78,263637,166,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000166_pre_disaster.png,tuscaloosa-tornado_00000166_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000166_pre_disaster.png,0,0,0,0,166,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000166_pre_disaster.png,pinery-bushfire_00000166_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000166_pre_disaster.png,0,0,0,0,166,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000166_pre_disaster.png,hurricane-florence_00000166_pre_disaster,0,0,train\masks\hurricane-florence_00000166_pre_disaster.png,0,0,5,4079,166,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000166_pre_disaster.png,hurricane-michael_00000166_pre_disaster,0,0,train\masks\hurricane-michael_00000166_pre_disaster.png,0,0,9,15746,166,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000166_pre_disaster.png,lower-puna-volcano_00000166_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000166_pre_disaster.png,0,0,0,0,166,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000167_pre_disaster.png,lower-puna-volcano_00000167_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000167_pre_disaster.png,0,0,0,0,167,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000167_pre_disaster.png,hurricane-michael_00000167_pre_disaster,0,0,train\masks\hurricane-michael_00000167_pre_disaster.png,0,0,58,157860,167,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000167_pre_disaster.png,hurricane-matthew_00000167_pre_disaster,0,0,train\masks\hurricane-matthew_00000167_pre_disaster.png,0,0,24,5025,167,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000167_pre_disaster.png,portugal-wildfire_00000167_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000167_pre_disaster.png,0,0,0,0,167,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000167_pre_disaster.png,nepal-flooding_00000167_pre_disaster,0,0,tier3\masks\nepal-flooding_00000167_pre_disaster.png,0,0,19,6196,167,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000167_pre_disaster.png,pinery-bushfire_00000167_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000167_pre_disaster.png,0,0,0,0,167,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000167_pre_disaster.png,hurricane-harvey_00000167_pre_disaster,0,0,train\masks\hurricane-harvey_00000167_pre_disaster.png,0,0,0,0,167,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000167_pre_disaster.png,moore-tornado_00000167_pre_disaster,0,0,tier3\masks\moore-tornado_00000167_pre_disaster.png,0,0,28,36355,167,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000167_pre_disaster.png,woolsey-fire_00000167_pre_disaster,0,0,tier3\masks\woolsey-fire_00000167_pre_disaster.png,0,0,2,1681,167,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000167_pre_disaster.png,palu-tsunami_00000167_pre_disaster,0,0,train\masks\palu-tsunami_00000167_pre_disaster.png,0,0,153,230935,167,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000167_pre_disaster.png,tuscaloosa-tornado_00000167_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000167_pre_disaster.png,0,0,77,73860,167,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000167_pre_disaster.png,midwest-flooding_00000167_pre_disaster,0,0,train\masks\midwest-flooding_00000167_pre_disaster.png,0,0,4,1531,167,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000167_pre_disaster.png,socal-fire_00000167_pre_disaster,0,0,train\masks\socal-fire_00000167_pre_disaster.png,0,0,0,0,167,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000168_pre_disaster.png,hurricane-florence_00000168_pre_disaster,0,0,train\masks\hurricane-florence_00000168_pre_disaster.png,0,0,0,0,168,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000168_pre_disaster.png,nepal-flooding_00000168_pre_disaster,0,0,tier3\masks\nepal-flooding_00000168_pre_disaster.png,0,0,133,75947,168,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000168_pre_disaster.png,lower-puna-volcano_00000168_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000168_pre_disaster.png,0,0,24,10243,168,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000168_pre_disaster.png,hurricane-matthew_00000168_pre_disaster,0,0,train\masks\hurricane-matthew_00000168_pre_disaster.png,0,0,11,2656,168,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000168_pre_disaster.png,hurricane-harvey_00000168_pre_disaster,0,0,train\masks\hurricane-harvey_00000168_pre_disaster.png,0,0,153,262376,168,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000168_pre_disaster.png,tuscaloosa-tornado_00000168_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000168_pre_disaster.png,0,0,145,115659,168,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000168_pre_disaster.png,portugal-wildfire_00000168_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000168_pre_disaster.png,0,0,10,1082,168,0 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000168_pre_disaster.png,palu-tsunami_00000168_pre_disaster,0,0,train\masks\palu-tsunami_00000168_pre_disaster.png,0,0,111,85460,168,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000168_pre_disaster.png,midwest-flooding_00000168_pre_disaster,0,0,train\masks\midwest-flooding_00000168_pre_disaster.png,0,0,1,515,168,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000168_pre_disaster.png,santa-rosa-wildfire_00000168_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000168_pre_disaster.png,0,0,20,14237,168,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000168_pre_disaster.png,moore-tornado_00000168_pre_disaster,0,0,tier3\masks\moore-tornado_00000168_pre_disaster.png,0,0,24,31188,168,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000168_pre_disaster.png,mexico-earthquake_00000168_pre_disaster,0,0,train\masks\mexico-earthquake_00000168_pre_disaster.png,0,0,26,141391,168,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000168_pre_disaster.png,pinery-bushfire_00000168_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000168_pre_disaster.png,0,0,0,0,168,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000168_pre_disaster.png,woolsey-fire_00000168_pre_disaster,0,0,tier3\masks\woolsey-fire_00000168_pre_disaster.png,0,0,1,681,168,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000169_pre_disaster.png,socal-fire_00000169_pre_disaster,0,0,train\masks\socal-fire_00000169_pre_disaster.png,0,0,0,0,169,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000169_pre_disaster.png,hurricane-harvey_00000169_pre_disaster,0,0,train\masks\hurricane-harvey_00000169_pre_disaster.png,0,0,139,157467,169,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000169_pre_disaster.png,palu-tsunami_00000169_pre_disaster,0,0,train\masks\palu-tsunami_00000169_pre_disaster.png,0,0,98,55855,169,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000169_pre_disaster.png,santa-rosa-wildfire_00000169_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000169_pre_disaster.png,0,0,176,196743,169,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000169_pre_disaster.png,tuscaloosa-tornado_00000169_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000169_pre_disaster.png,0,0,54,23308,169,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000169_pre_disaster.png,lower-puna-volcano_00000169_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000169_pre_disaster.png,0,0,28,6893,169,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000169_pre_disaster.png,moore-tornado_00000169_pre_disaster,0,0,tier3\masks\moore-tornado_00000169_pre_disaster.png,0,0,30,89451,169,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000169_pre_disaster.png,pinery-bushfire_00000169_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000169_pre_disaster.png,0,0,0,0,169,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000169_pre_disaster.png,hurricane-matthew_00000169_pre_disaster,0,0,train\masks\hurricane-matthew_00000169_pre_disaster.png,0,0,0,0,169,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000169_pre_disaster.png,nepal-flooding_00000169_pre_disaster,0,0,tier3\masks\nepal-flooding_00000169_pre_disaster.png,0,0,28,15552,169,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000169_pre_disaster.png,woolsey-fire_00000169_pre_disaster,0,0,tier3\masks\woolsey-fire_00000169_pre_disaster.png,0,0,0,0,169,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000169_pre_disaster.png,portugal-wildfire_00000169_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000169_pre_disaster.png,0,0,23,11374,169,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000170_pre_disaster.png,portugal-wildfire_00000170_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000170_pre_disaster.png,0,0,0,0,170,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000170_pre_disaster.png,woolsey-fire_00000170_pre_disaster,0,0,tier3\masks\woolsey-fire_00000170_pre_disaster.png,0,0,0,0,170,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000170_pre_disaster.png,santa-rosa-wildfire_00000170_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000170_pre_disaster.png,0,0,27,26876,170,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000170_pre_disaster.png,hurricane-harvey_00000170_pre_disaster,0,0,train\masks\hurricane-harvey_00000170_pre_disaster.png,0,0,194,248174,170,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000170_pre_disaster.png,moore-tornado_00000170_pre_disaster,0,0,tier3\masks\moore-tornado_00000170_pre_disaster.png,0,0,43,48646,170,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000170_pre_disaster.png,hurricane-matthew_00000170_pre_disaster,0,0,train\masks\hurricane-matthew_00000170_pre_disaster.png,0,0,24,4596,170,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000170_pre_disaster.png,lower-puna-volcano_00000170_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000170_pre_disaster.png,0,0,0,0,170,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000170_pre_disaster.png,hurricane-michael_00000170_pre_disaster,0,0,train\masks\hurricane-michael_00000170_pre_disaster.png,0,0,37,31425,170,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000170_pre_disaster.png,tuscaloosa-tornado_00000170_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000170_pre_disaster.png,0,0,0,0,170,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000170_pre_disaster.png,nepal-flooding_00000170_pre_disaster,0,0,tier3\masks\nepal-flooding_00000170_pre_disaster.png,0,0,25,41991,170,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000170_pre_disaster.png,midwest-flooding_00000170_pre_disaster,0,0,train\masks\midwest-flooding_00000170_pre_disaster.png,0,0,19,8780,170,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000170_pre_disaster.png,pinery-bushfire_00000170_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000170_pre_disaster.png,0,0,4,2120,170,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000171_pre_disaster.png,portugal-wildfire_00000171_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000171_pre_disaster.png,0,0,38,37274,171,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000171_pre_disaster.png,woolsey-fire_00000171_pre_disaster,0,0,tier3\masks\woolsey-fire_00000171_pre_disaster.png,0,0,19,23082,171,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000171_pre_disaster.png,palu-tsunami_00000171_pre_disaster,0,0,train\masks\palu-tsunami_00000171_pre_disaster.png,0,0,43,75574,171,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000171_pre_disaster.png,tuscaloosa-tornado_00000171_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000171_pre_disaster.png,0,0,23,36648,171,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000171_pre_disaster.png,lower-puna-volcano_00000171_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000171_pre_disaster.png,0,0,10,3622,171,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000171_pre_disaster.png,pinery-bushfire_00000171_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000171_pre_disaster.png,0,0,0,0,171,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000171_pre_disaster.png,midwest-flooding_00000171_pre_disaster,0,0,train\masks\midwest-flooding_00000171_pre_disaster.png,0,0,2,924,171,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000171_pre_disaster.png,socal-fire_00000171_pre_disaster,0,0,train\masks\socal-fire_00000171_pre_disaster.png,0,0,0,0,171,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000171_pre_disaster.png,nepal-flooding_00000171_pre_disaster,0,0,tier3\masks\nepal-flooding_00000171_pre_disaster.png,0,0,1,449,171,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000171_pre_disaster.png,moore-tornado_00000171_pre_disaster,0,0,tier3\masks\moore-tornado_00000171_pre_disaster.png,0,0,80,79903,171,1 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000171_pre_disaster.png,mexico-earthquake_00000171_pre_disaster,0,0,train\masks\mexico-earthquake_00000171_pre_disaster.png,0,0,168,336687,171,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000171_pre_disaster.png,santa-rosa-wildfire_00000171_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000171_pre_disaster.png,0,0,210,279896,171,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000171_pre_disaster.png,hurricane-matthew_00000171_pre_disaster,0,0,train\masks\hurricane-matthew_00000171_pre_disaster.png,0,0,31,5776,171,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000171_pre_disaster.png,hurricane-harvey_00000171_pre_disaster,0,0,train\masks\hurricane-harvey_00000171_pre_disaster.png,0,0,73,125849,171,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000172_pre_disaster.png,portugal-wildfire_00000172_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000172_pre_disaster.png,0,0,12,8151,172,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000172_pre_disaster.png,pinery-bushfire_00000172_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000172_pre_disaster.png,0,0,14,5971,172,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000172_pre_disaster.png,hurricane-harvey_00000172_pre_disaster,0,0,train\masks\hurricane-harvey_00000172_pre_disaster.png,0,0,135,317981,172,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000172_pre_disaster.png,hurricane-michael_00000172_pre_disaster,0,0,train\masks\hurricane-michael_00000172_pre_disaster.png,0,0,116,147631,172,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000172_pre_disaster.png,tuscaloosa-tornado_00000172_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000172_pre_disaster.png,0,0,11,7172,172,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000172_pre_disaster.png,mexico-earthquake_00000172_pre_disaster,0,0,train\masks\mexico-earthquake_00000172_pre_disaster.png,0,0,11,3216,172,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000172_pre_disaster.png,hurricane-matthew_00000172_pre_disaster,0,0,train\masks\hurricane-matthew_00000172_pre_disaster.png,0,0,3,968,172,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000172_pre_disaster.png,midwest-flooding_00000172_pre_disaster,0,0,train\masks\midwest-flooding_00000172_pre_disaster.png,0,0,38,17685,172,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000172_pre_disaster.png,moore-tornado_00000172_pre_disaster,0,0,tier3\masks\moore-tornado_00000172_pre_disaster.png,0,0,45,134430,172,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000172_pre_disaster.png,woolsey-fire_00000172_pre_disaster,0,0,tier3\masks\woolsey-fire_00000172_pre_disaster.png,0,0,0,0,172,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000172_pre_disaster.png,lower-puna-volcano_00000172_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000172_pre_disaster.png,0,0,0,0,172,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000172_pre_disaster.png,nepal-flooding_00000172_pre_disaster,0,0,tier3\masks\nepal-flooding_00000172_pre_disaster.png,0,0,8,1679,172,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000173_pre_disaster.png,woolsey-fire_00000173_pre_disaster,0,0,tier3\masks\woolsey-fire_00000173_pre_disaster.png,0,0,3,895,173,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000173_pre_disaster.png,mexico-earthquake_00000173_pre_disaster,0,0,train\masks\mexico-earthquake_00000173_pre_disaster.png,0,0,87,401157,173,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000173_pre_disaster.png,lower-puna-volcano_00000173_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000173_pre_disaster.png,0,0,0,0,173,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000173_pre_disaster.png,hurricane-matthew_00000173_pre_disaster,0,0,train\masks\hurricane-matthew_00000173_pre_disaster.png,0,0,9,1359,173,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000173_pre_disaster.png,tuscaloosa-tornado_00000173_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000173_pre_disaster.png,0,0,89,111261,173,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000173_pre_disaster.png,portugal-wildfire_00000173_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000173_pre_disaster.png,0,0,3,2037,173,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000173_pre_disaster.png,midwest-flooding_00000173_pre_disaster,0,0,train\masks\midwest-flooding_00000173_pre_disaster.png,0,0,20,19595,173,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000173_pre_disaster.png,nepal-flooding_00000173_pre_disaster,0,0,tier3\masks\nepal-flooding_00000173_pre_disaster.png,0,0,81,58131,173,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000173_pre_disaster.png,pinery-bushfire_00000173_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000173_pre_disaster.png,0,0,0,0,173,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000173_pre_disaster.png,santa-rosa-wildfire_00000173_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000173_pre_disaster.png,0,0,162,195571,173,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000173_pre_disaster.png,moore-tornado_00000173_pre_disaster,0,0,tier3\masks\moore-tornado_00000173_pre_disaster.png,0,0,26,25547,173,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000174_pre_disaster.png,hurricane-harvey_00000174_pre_disaster,0,0,train\masks\hurricane-harvey_00000174_pre_disaster.png,0,0,1,150,174,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000174_pre_disaster.png,tuscaloosa-tornado_00000174_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000174_pre_disaster.png,0,0,59,65112,174,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000174_pre_disaster.png,nepal-flooding_00000174_pre_disaster,0,0,tier3\masks\nepal-flooding_00000174_pre_disaster.png,0,0,38,41597,174,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000174_pre_disaster.png,hurricane-florence_00000174_pre_disaster,0,0,train\masks\hurricane-florence_00000174_pre_disaster.png,0,0,0,0,174,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000174_pre_disaster.png,pinery-bushfire_00000174_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000174_pre_disaster.png,0,0,0,0,174,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000174_pre_disaster.png,woolsey-fire_00000174_pre_disaster,0,0,tier3\masks\woolsey-fire_00000174_pre_disaster.png,0,0,0,0,174,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000174_pre_disaster.png,socal-fire_00000174_pre_disaster,0,0,train\masks\socal-fire_00000174_pre_disaster.png,0,0,5,3733,174,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000174_pre_disaster.png,portugal-wildfire_00000174_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000174_pre_disaster.png,0,0,30,23043,174,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000174_pre_disaster.png,hurricane-michael_00000174_pre_disaster,0,0,train\masks\hurricane-michael_00000174_pre_disaster.png,0,0,16,14482,174,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000174_pre_disaster.png,hurricane-matthew_00000174_pre_disaster,0,0,train\masks\hurricane-matthew_00000174_pre_disaster.png,0,0,28,7929,174,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000174_pre_disaster.png,lower-puna-volcano_00000174_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000174_pre_disaster.png,0,0,16,7454,174,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000174_pre_disaster.png,palu-tsunami_00000174_pre_disaster,0,0,train\masks\palu-tsunami_00000174_pre_disaster.png,0,0,97,238879,174,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000174_pre_disaster.png,santa-rosa-wildfire_00000174_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000174_pre_disaster.png,0,0,8,16151,174,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000174_pre_disaster.png,moore-tornado_00000174_pre_disaster,0,0,tier3\masks\moore-tornado_00000174_pre_disaster.png,0,0,4,2679,174,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000175_pre_disaster.png,woolsey-fire_00000175_pre_disaster,0,0,tier3\masks\woolsey-fire_00000175_pre_disaster.png,0,0,1,220,175,1 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000175_pre_disaster.png,palu-tsunami_00000175_pre_disaster,0,0,train\masks\palu-tsunami_00000175_pre_disaster.png,0,0,142,275109,175,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000175_pre_disaster.png,hurricane-matthew_00000175_pre_disaster,0,0,train\masks\hurricane-matthew_00000175_pre_disaster.png,0,0,32,11928,175,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000175_pre_disaster.png,tuscaloosa-tornado_00000175_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000175_pre_disaster.png,0,0,11,326030,175,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000175_pre_disaster.png,midwest-flooding_00000175_pre_disaster,0,0,train\masks\midwest-flooding_00000175_pre_disaster.png,0,0,28,29945,175,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000175_pre_disaster.png,nepal-flooding_00000175_pre_disaster,0,0,tier3\masks\nepal-flooding_00000175_pre_disaster.png,0,0,0,0,175,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000175_pre_disaster.png,santa-rosa-wildfire_00000175_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000175_pre_disaster.png,0,0,239,266196,175,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000175_pre_disaster.png,lower-puna-volcano_00000175_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000175_pre_disaster.png,0,0,12,6560,175,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000175_pre_disaster.png,moore-tornado_00000175_pre_disaster,0,0,tier3\masks\moore-tornado_00000175_pre_disaster.png,0,0,188,212109,175,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000175_pre_disaster.png,portugal-wildfire_00000175_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000175_pre_disaster.png,0,0,0,0,175,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000175_pre_disaster.png,socal-fire_00000175_pre_disaster,0,0,train\masks\socal-fire_00000175_pre_disaster.png,0,0,0,0,175,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000175_pre_disaster.png,hurricane-michael_00000175_pre_disaster,0,0,train\masks\hurricane-michael_00000175_pre_disaster.png,0,0,33,130622,175,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000175_pre_disaster.png,pinery-bushfire_00000175_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000175_pre_disaster.png,0,0,0,0,175,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000176_pre_disaster.png,nepal-flooding_00000176_pre_disaster,0,0,tier3\masks\nepal-flooding_00000176_pre_disaster.png,0,0,22,20078,176,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000176_pre_disaster.png,pinery-bushfire_00000176_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000176_pre_disaster.png,0,0,0,0,176,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000176_pre_disaster.png,hurricane-matthew_00000176_pre_disaster,0,0,train\masks\hurricane-matthew_00000176_pre_disaster.png,0,0,20,4753,176,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000176_pre_disaster.png,santa-rosa-wildfire_00000176_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000176_pre_disaster.png,0,0,9,12233,176,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000176_pre_disaster.png,mexico-earthquake_00000176_pre_disaster,0,0,train\masks\mexico-earthquake_00000176_pre_disaster.png,0,0,17,17081,176,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000176_pre_disaster.png,lower-puna-volcano_00000176_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000176_pre_disaster.png,0,0,9,10347,176,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000176_pre_disaster.png,tuscaloosa-tornado_00000176_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000176_pre_disaster.png,0,0,1,204,176,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000176_pre_disaster.png,woolsey-fire_00000176_pre_disaster,0,0,tier3\masks\woolsey-fire_00000176_pre_disaster.png,0,0,0,0,176,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000176_pre_disaster.png,portugal-wildfire_00000176_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000176_pre_disaster.png,0,0,0,0,176,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000176_pre_disaster.png,hurricane-harvey_00000176_pre_disaster,0,0,train\masks\hurricane-harvey_00000176_pre_disaster.png,0,0,94,287396,176,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000176_pre_disaster.png,moore-tornado_00000176_pre_disaster,0,0,tier3\masks\moore-tornado_00000176_pre_disaster.png,0,0,9,134983,176,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000177_pre_disaster.png,tuscaloosa-tornado_00000177_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000177_pre_disaster.png,0,0,1,327,177,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000177_pre_disaster.png,mexico-earthquake_00000177_pre_disaster,0,0,train\masks\mexico-earthquake_00000177_pre_disaster.png,0,0,113,192958,177,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000177_pre_disaster.png,palu-tsunami_00000177_pre_disaster,0,0,train\masks\palu-tsunami_00000177_pre_disaster.png,0,0,133,235402,177,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000177_pre_disaster.png,hurricane-harvey_00000177_pre_disaster,0,0,train\masks\hurricane-harvey_00000177_pre_disaster.png,0,0,57,156518,177,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000177_pre_disaster.png,moore-tornado_00000177_pre_disaster,0,0,tier3\masks\moore-tornado_00000177_pre_disaster.png,0,0,12,14448,177,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000177_pre_disaster.png,lower-puna-volcano_00000177_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000177_pre_disaster.png,0,0,0,0,177,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000177_pre_disaster.png,portugal-wildfire_00000177_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000177_pre_disaster.png,0,0,0,0,177,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000177_pre_disaster.png,hurricane-michael_00000177_pre_disaster,0,0,train\masks\hurricane-michael_00000177_pre_disaster.png,0,0,24,24214,177,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000177_pre_disaster.png,pinery-bushfire_00000177_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000177_pre_disaster.png,0,0,3,342,177,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000177_pre_disaster.png,woolsey-fire_00000177_pre_disaster,0,0,tier3\masks\woolsey-fire_00000177_pre_disaster.png,0,0,0,0,177,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000177_pre_disaster.png,midwest-flooding_00000177_pre_disaster,0,0,train\masks\midwest-flooding_00000177_pre_disaster.png,0,0,0,0,177,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000177_pre_disaster.png,nepal-flooding_00000177_pre_disaster,0,0,tier3\masks\nepal-flooding_00000177_pre_disaster.png,0,0,0,0,177,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000177_pre_disaster.png,santa-rosa-wildfire_00000177_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000177_pre_disaster.png,0,0,166,180348,177,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000178_pre_disaster.png,pinery-bushfire_00000178_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000178_pre_disaster.png,0,0,0,0,178,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000178_pre_disaster.png,lower-puna-volcano_00000178_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000178_pre_disaster.png,0,0,0,0,178,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000178_pre_disaster.png,portugal-wildfire_00000178_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000178_pre_disaster.png,0,0,0,0,178,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000178_pre_disaster.png,hurricane-harvey_00000178_pre_disaster,0,0,train\masks\hurricane-harvey_00000178_pre_disaster.png,0,0,150,247090,178,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000178_pre_disaster.png,hurricane-matthew_00000178_pre_disaster,0,0,train\masks\hurricane-matthew_00000178_pre_disaster.png,0,0,23,4383,178,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000178_pre_disaster.png,hurricane-florence_00000178_pre_disaster,0,0,train\masks\hurricane-florence_00000178_pre_disaster.png,0,0,14,8025,178,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000178_pre_disaster.png,woolsey-fire_00000178_pre_disaster,0,0,tier3\masks\woolsey-fire_00000178_pre_disaster.png,0,0,1,2290,178,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000178_pre_disaster.png,socal-fire_00000178_pre_disaster,0,0,train\masks\socal-fire_00000178_pre_disaster.png,0,0,0,0,178,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000178_pre_disaster.png,nepal-flooding_00000178_pre_disaster,0,0,tier3\masks\nepal-flooding_00000178_pre_disaster.png,0,0,50,78617,178,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000178_pre_disaster.png,tuscaloosa-tornado_00000178_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000178_pre_disaster.png,0,0,48,61093,178,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000178_pre_disaster.png,moore-tornado_00000178_pre_disaster,0,0,tier3\masks\moore-tornado_00000178_pre_disaster.png,0,0,31,31386,178,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000178_pre_disaster.png,midwest-flooding_00000178_pre_disaster,0,0,train\masks\midwest-flooding_00000178_pre_disaster.png,0,0,5,4358,178,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000178_pre_disaster.png,palu-tsunami_00000178_pre_disaster,0,0,train\masks\palu-tsunami_00000178_pre_disaster.png,0,0,153,337360,178,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000179_pre_disaster.png,moore-tornado_00000179_pre_disaster,0,0,tier3\masks\moore-tornado_00000179_pre_disaster.png,0,0,1,90,179,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000179_pre_disaster.png,mexico-earthquake_00000179_pre_disaster,0,0,train\masks\mexico-earthquake_00000179_pre_disaster.png,0,0,29,31698,179,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000179_pre_disaster.png,santa-rosa-wildfire_00000179_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000179_pre_disaster.png,0,0,224,231919,179,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000179_pre_disaster.png,portugal-wildfire_00000179_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000179_pre_disaster.png,0,0,0,0,179,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000179_pre_disaster.png,pinery-bushfire_00000179_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000179_pre_disaster.png,0,0,0,0,179,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000179_pre_disaster.png,nepal-flooding_00000179_pre_disaster,0,0,tier3\masks\nepal-flooding_00000179_pre_disaster.png,0,0,19,12585,179,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000179_pre_disaster.png,hurricane-matthew_00000179_pre_disaster,0,0,train\masks\hurricane-matthew_00000179_pre_disaster.png,0,0,12,2241,179,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000179_pre_disaster.png,palu-tsunami_00000179_pre_disaster,0,0,train\masks\palu-tsunami_00000179_pre_disaster.png,0,0,163,340912,179,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000179_pre_disaster.png,lower-puna-volcano_00000179_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000179_pre_disaster.png,0,0,20,10827,179,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000179_pre_disaster.png,woolsey-fire_00000179_pre_disaster,0,0,tier3\masks\woolsey-fire_00000179_pre_disaster.png,0,0,0,0,179,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000179_pre_disaster.png,tuscaloosa-tornado_00000179_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000179_pre_disaster.png,0,0,128,139220,179,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000180_pre_disaster.png,hurricane-florence_00000180_pre_disaster,0,0,train\masks\hurricane-florence_00000180_pre_disaster.png,0,0,1,677,180,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000180_pre_disaster.png,moore-tornado_00000180_pre_disaster,0,0,tier3\masks\moore-tornado_00000180_pre_disaster.png,0,0,18,84598,180,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000180_pre_disaster.png,socal-fire_00000180_pre_disaster,0,0,train\masks\socal-fire_00000180_pre_disaster.png,0,0,29,9495,180,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000180_pre_disaster.png,hurricane-harvey_00000180_pre_disaster,0,0,train\masks\hurricane-harvey_00000180_pre_disaster.png,0,0,193,249993,180,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000180_pre_disaster.png,santa-rosa-wildfire_00000180_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000180_pre_disaster.png,0,0,36,103162,180,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000180_pre_disaster.png,portugal-wildfire_00000180_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000180_pre_disaster.png,0,0,0,0,180,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000180_pre_disaster.png,tuscaloosa-tornado_00000180_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000180_pre_disaster.png,0,0,0,0,180,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000180_pre_disaster.png,nepal-flooding_00000180_pre_disaster,0,0,tier3\masks\nepal-flooding_00000180_pre_disaster.png,0,0,66,76915,180,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000180_pre_disaster.png,hurricane-matthew_00000180_pre_disaster,0,0,train\masks\hurricane-matthew_00000180_pre_disaster.png,0,0,13,2131,180,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000180_pre_disaster.png,woolsey-fire_00000180_pre_disaster,0,0,tier3\masks\woolsey-fire_00000180_pre_disaster.png,0,0,2,141,180,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000180_pre_disaster.png,pinery-bushfire_00000180_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000180_pre_disaster.png,0,0,0,0,180,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000180_pre_disaster.png,hurricane-michael_00000180_pre_disaster,0,0,train\masks\hurricane-michael_00000180_pre_disaster.png,0,0,193,236034,180,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000180_pre_disaster.png,lower-puna-volcano_00000180_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000180_pre_disaster.png,0,0,2,992,180,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000181_pre_disaster.png,hurricane-michael_00000181_pre_disaster,0,0,train\masks\hurricane-michael_00000181_pre_disaster.png,0,0,100,173614,181,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000181_pre_disaster.png,pinery-bushfire_00000181_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000181_pre_disaster.png,0,0,0,0,181,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000181_pre_disaster.png,portugal-wildfire_00000181_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000181_pre_disaster.png,0,0,43,40843,181,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000181_pre_disaster.png,nepal-flooding_00000181_pre_disaster,0,0,tier3\masks\nepal-flooding_00000181_pre_disaster.png,0,0,70,45376,181,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000181_pre_disaster.png,tuscaloosa-tornado_00000181_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000181_pre_disaster.png,0,0,7,6964,181,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000181_pre_disaster.png,lower-puna-volcano_00000181_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000181_pre_disaster.png,0,0,21,6010,181,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000181_pre_disaster.png,hurricane-florence_00000181_pre_disaster,0,0,train\masks\hurricane-florence_00000181_pre_disaster.png,0,0,31,24950,181,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000181_pre_disaster.png,woolsey-fire_00000181_pre_disaster,0,0,tier3\masks\woolsey-fire_00000181_pre_disaster.png,0,0,0,0,181,0 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000181_pre_disaster.png,mexico-earthquake_00000181_pre_disaster,0,0,train\masks\mexico-earthquake_00000181_pre_disaster.png,0,0,192,336100,181,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000181_pre_disaster.png,midwest-flooding_00000181_pre_disaster,0,0,train\masks\midwest-flooding_00000181_pre_disaster.png,0,0,32,24147,181,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000181_pre_disaster.png,moore-tornado_00000181_pre_disaster,0,0,tier3\masks\moore-tornado_00000181_pre_disaster.png,0,0,107,123055,181,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000181_pre_disaster.png,hurricane-matthew_00000181_pre_disaster,0,0,train\masks\hurricane-matthew_00000181_pre_disaster.png,0,0,19,3500,181,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000182_pre_disaster.png,palu-tsunami_00000182_pre_disaster,0,0,train\masks\palu-tsunami_00000182_pre_disaster.png,0,0,169,228513,182,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000182_pre_disaster.png,pinery-bushfire_00000182_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000182_pre_disaster.png,0,0,3,368,182,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000182_pre_disaster.png,woolsey-fire_00000182_pre_disaster,0,0,tier3\masks\woolsey-fire_00000182_pre_disaster.png,0,0,0,0,182,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000182_pre_disaster.png,hurricane-matthew_00000182_pre_disaster,0,0,train\masks\hurricane-matthew_00000182_pre_disaster.png,0,0,22,6024,182,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000182_pre_disaster.png,moore-tornado_00000182_pre_disaster,0,0,tier3\masks\moore-tornado_00000182_pre_disaster.png,0,0,31,20096,182,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000182_pre_disaster.png,midwest-flooding_00000182_pre_disaster,0,0,train\masks\midwest-flooding_00000182_pre_disaster.png,0,0,0,0,182,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000182_pre_disaster.png,nepal-flooding_00000182_pre_disaster,0,0,tier3\masks\nepal-flooding_00000182_pre_disaster.png,0,0,13,11565,182,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000182_pre_disaster.png,santa-rosa-wildfire_00000182_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000182_pre_disaster.png,0,0,11,13470,182,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000182_pre_disaster.png,lower-puna-volcano_00000182_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000182_pre_disaster.png,0,0,34,22492,182,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000182_pre_disaster.png,tuscaloosa-tornado_00000182_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000182_pre_disaster.png,0,0,30,17456,182,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000182_pre_disaster.png,mexico-earthquake_00000182_pre_disaster,0,0,train\masks\mexico-earthquake_00000182_pre_disaster.png,0,0,173,219755,182,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000182_pre_disaster.png,portugal-wildfire_00000182_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000182_pre_disaster.png,0,0,0,0,182,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000183_pre_disaster.png,hurricane-florence_00000183_pre_disaster,0,0,train\masks\hurricane-florence_00000183_pre_disaster.png,0,0,8,5511,183,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000183_pre_disaster.png,tuscaloosa-tornado_00000183_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000183_pre_disaster.png,0,0,141,130399,183,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000183_pre_disaster.png,socal-fire_00000183_pre_disaster,0,0,train\masks\socal-fire_00000183_pre_disaster.png,0,0,5,2963,183,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000183_pre_disaster.png,moore-tornado_00000183_pre_disaster,0,0,tier3\masks\moore-tornado_00000183_pre_disaster.png,0,0,14,115617,183,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000183_pre_disaster.png,palu-tsunami_00000183_pre_disaster,0,0,train\masks\palu-tsunami_00000183_pre_disaster.png,0,0,70,50299,183,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000183_pre_disaster.png,midwest-flooding_00000183_pre_disaster,0,0,train\masks\midwest-flooding_00000183_pre_disaster.png,0,0,5,3505,183,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000183_pre_disaster.png,santa-rosa-wildfire_00000183_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000183_pre_disaster.png,0,0,3,7205,183,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000183_pre_disaster.png,hurricane-michael_00000183_pre_disaster,0,0,train\masks\hurricane-michael_00000183_pre_disaster.png,0,0,23,126429,183,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000183_pre_disaster.png,pinery-bushfire_00000183_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000183_pre_disaster.png,0,0,0,0,183,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000183_pre_disaster.png,woolsey-fire_00000183_pre_disaster,0,0,tier3\masks\woolsey-fire_00000183_pre_disaster.png,0,0,0,0,183,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000183_pre_disaster.png,lower-puna-volcano_00000183_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000183_pre_disaster.png,0,0,9,2214,183,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000183_pre_disaster.png,portugal-wildfire_00000183_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000183_pre_disaster.png,0,0,10,4846,183,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000183_pre_disaster.png,nepal-flooding_00000183_pre_disaster,0,0,tier3\masks\nepal-flooding_00000183_pre_disaster.png,0,0,29,27012,183,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000184_pre_disaster.png,nepal-flooding_00000184_pre_disaster,0,0,tier3\masks\nepal-flooding_00000184_pre_disaster.png,0,0,4,2784,184,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000184_pre_disaster.png,mexico-earthquake_00000184_pre_disaster,0,0,train\masks\mexico-earthquake_00000184_pre_disaster.png,0,0,198,207865,184,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000184_pre_disaster.png,tuscaloosa-tornado_00000184_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000184_pre_disaster.png,0,0,0,0,184,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000184_pre_disaster.png,hurricane-michael_00000184_pre_disaster,0,0,train\masks\hurricane-michael_00000184_pre_disaster.png,0,0,91,116556,184,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000184_pre_disaster.png,portugal-wildfire_00000184_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000184_pre_disaster.png,0,0,1,322,184,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000184_pre_disaster.png,moore-tornado_00000184_pre_disaster,0,0,tier3\masks\moore-tornado_00000184_pre_disaster.png,0,0,196,268561,184,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000184_pre_disaster.png,pinery-bushfire_00000184_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000184_pre_disaster.png,0,0,0,0,184,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000184_pre_disaster.png,lower-puna-volcano_00000184_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000184_pre_disaster.png,0,0,18,12601,184,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000184_pre_disaster.png,woolsey-fire_00000184_pre_disaster,0,0,tier3\masks\woolsey-fire_00000184_pre_disaster.png,0,0,0,0,184,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000185_pre_disaster.png,hurricane-florence_00000185_pre_disaster,0,0,train\masks\hurricane-florence_00000185_pre_disaster.png,0,0,23,30236,185,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000185_pre_disaster.png,santa-rosa-wildfire_00000185_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000185_pre_disaster.png,0,0,23,46653,185,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000185_pre_disaster.png,tuscaloosa-tornado_00000185_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000185_pre_disaster.png,0,0,81,67576,185,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000185_pre_disaster.png,nepal-flooding_00000185_pre_disaster,0,0,tier3\masks\nepal-flooding_00000185_pre_disaster.png,0,0,1,200,185,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000185_pre_disaster.png,pinery-bushfire_00000185_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000185_pre_disaster.png,0,0,0,0,185,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000185_pre_disaster.png,moore-tornado_00000185_pre_disaster,0,0,tier3\masks\moore-tornado_00000185_pre_disaster.png,0,0,262,271063,185,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000185_pre_disaster.png,hurricane-matthew_00000185_pre_disaster,0,0,train\masks\hurricane-matthew_00000185_pre_disaster.png,0,0,46,9430,185,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000185_pre_disaster.png,mexico-earthquake_00000185_pre_disaster,0,0,train\masks\mexico-earthquake_00000185_pre_disaster.png,0,0,351,306386,185,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000185_pre_disaster.png,portugal-wildfire_00000185_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000185_pre_disaster.png,0,0,1,400,185,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000185_pre_disaster.png,socal-fire_00000185_pre_disaster,0,0,train\masks\socal-fire_00000185_pre_disaster.png,0,0,0,0,185,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000185_pre_disaster.png,lower-puna-volcano_00000185_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000185_pre_disaster.png,0,0,0,0,185,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000185_pre_disaster.png,woolsey-fire_00000185_pre_disaster,0,0,tier3\masks\woolsey-fire_00000185_pre_disaster.png,0,0,0,0,185,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000186_pre_disaster.png,socal-fire_00000186_pre_disaster,0,0,train\masks\socal-fire_00000186_pre_disaster.png,0,0,0,0,186,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000186_pre_disaster.png,portugal-wildfire_00000186_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000186_pre_disaster.png,0,0,0,0,186,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000186_pre_disaster.png,lower-puna-volcano_00000186_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000186_pre_disaster.png,0,0,4,3490,186,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000186_pre_disaster.png,nepal-flooding_00000186_pre_disaster,0,0,tier3\masks\nepal-flooding_00000186_pre_disaster.png,0,0,1,546,186,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000186_pre_disaster.png,hurricane-matthew_00000186_pre_disaster,0,0,train\masks\hurricane-matthew_00000186_pre_disaster.png,0,0,36,6635,186,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000186_pre_disaster.png,tuscaloosa-tornado_00000186_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000186_pre_disaster.png,0,0,0,0,186,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000186_pre_disaster.png,midwest-flooding_00000186_pre_disaster,0,0,train\masks\midwest-flooding_00000186_pre_disaster.png,0,0,0,0,186,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000186_pre_disaster.png,pinery-bushfire_00000186_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000186_pre_disaster.png,0,0,0,0,186,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000186_pre_disaster.png,woolsey-fire_00000186_pre_disaster,0,0,tier3\masks\woolsey-fire_00000186_pre_disaster.png,0,0,0,0,186,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000186_pre_disaster.png,moore-tornado_00000186_pre_disaster,0,0,tier3\masks\moore-tornado_00000186_pre_disaster.png,0,0,5,4992,186,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000186_pre_disaster.png,mexico-earthquake_00000186_pre_disaster,0,0,train\masks\mexico-earthquake_00000186_pre_disaster.png,0,0,177,258569,186,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000187_pre_disaster.png,nepal-flooding_00000187_pre_disaster,0,0,tier3\masks\nepal-flooding_00000187_pre_disaster.png,0,0,0,0,187,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000187_pre_disaster.png,pinery-bushfire_00000187_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000187_pre_disaster.png,0,0,0,0,187,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000187_pre_disaster.png,palu-tsunami_00000187_pre_disaster,0,0,train\masks\palu-tsunami_00000187_pre_disaster.png,0,0,10,9370,187,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000187_pre_disaster.png,portugal-wildfire_00000187_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000187_pre_disaster.png,0,0,0,0,187,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000187_pre_disaster.png,socal-fire_00000187_pre_disaster,0,0,train\masks\socal-fire_00000187_pre_disaster.png,0,0,0,0,187,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000187_pre_disaster.png,hurricane-harvey_00000187_pre_disaster,0,0,train\masks\hurricane-harvey_00000187_pre_disaster.png,0,0,16,55766,187,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000187_pre_disaster.png,lower-puna-volcano_00000187_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000187_pre_disaster.png,0,0,31,24965,187,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000187_pre_disaster.png,hurricane-michael_00000187_pre_disaster,0,0,train\masks\hurricane-michael_00000187_pre_disaster.png,0,0,88,90060,187,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000187_pre_disaster.png,tuscaloosa-tornado_00000187_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000187_pre_disaster.png,0,0,1,200,187,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000187_pre_disaster.png,moore-tornado_00000187_pre_disaster,0,0,tier3\masks\moore-tornado_00000187_pre_disaster.png,0,0,93,197051,187,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000187_pre_disaster.png,woolsey-fire_00000187_pre_disaster,0,0,tier3\masks\woolsey-fire_00000187_pre_disaster.png,0,0,0,0,187,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000187_pre_disaster.png,hurricane-matthew_00000187_pre_disaster,0,0,train\masks\hurricane-matthew_00000187_pre_disaster.png,0,0,0,0,187,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000187_pre_disaster.png,santa-rosa-wildfire_00000187_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000187_pre_disaster.png,0,0,3,1195,187,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000188_pre_disaster.png,portugal-wildfire_00000188_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000188_pre_disaster.png,0,0,41,28424,188,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000188_pre_disaster.png,moore-tornado_00000188_pre_disaster,0,0,tier3\masks\moore-tornado_00000188_pre_disaster.png,0,0,66,73912,188,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000188_pre_disaster.png,lower-puna-volcano_00000188_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000188_pre_disaster.png,0,0,0,0,188,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000188_pre_disaster.png,nepal-flooding_00000188_pre_disaster,0,0,tier3\masks\nepal-flooding_00000188_pre_disaster.png,0,0,39,27380,188,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000188_pre_disaster.png,hurricane-florence_00000188_pre_disaster,0,0,train\masks\hurricane-florence_00000188_pre_disaster.png,0,0,10,6609,188,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000188_pre_disaster.png,palu-tsunami_00000188_pre_disaster,0,0,train\masks\palu-tsunami_00000188_pre_disaster.png,0,0,26,20935,188,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000188_pre_disaster.png,midwest-flooding_00000188_pre_disaster,0,0,train\masks\midwest-flooding_00000188_pre_disaster.png,0,0,0,0,188,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000188_pre_disaster.png,woolsey-fire_00000188_pre_disaster,0,0,tier3\masks\woolsey-fire_00000188_pre_disaster.png,0,0,0,0,188,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000188_pre_disaster.png,hurricane-matthew_00000188_pre_disaster,0,0,train\masks\hurricane-matthew_00000188_pre_disaster.png,0,0,7,1490,188,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000188_pre_disaster.png,tuscaloosa-tornado_00000188_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000188_pre_disaster.png,0,0,0,0,188,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000188_pre_disaster.png,hurricane-michael_00000188_pre_disaster,0,0,train\masks\hurricane-michael_00000188_pre_disaster.png,0,0,39,50784,188,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000188_pre_disaster.png,pinery-bushfire_00000188_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000188_pre_disaster.png,0,0,0,0,188,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000189_pre_disaster.png,hurricane-florence_00000189_pre_disaster,0,0,train\masks\hurricane-florence_00000189_pre_disaster.png,0,0,4,4086,189,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000189_pre_disaster.png,hurricane-michael_00000189_pre_disaster,0,0,train\masks\hurricane-michael_00000189_pre_disaster.png,0,0,108,146287,189,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000189_pre_disaster.png,hurricane-harvey_00000189_pre_disaster,0,0,train\masks\hurricane-harvey_00000189_pre_disaster.png,0,0,0,0,189,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000189_pre_disaster.png,lower-puna-volcano_00000189_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000189_pre_disaster.png,0,0,0,0,189,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000189_pre_disaster.png,tuscaloosa-tornado_00000189_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000189_pre_disaster.png,0,0,0,0,189,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000189_pre_disaster.png,woolsey-fire_00000189_pre_disaster,0,0,tier3\masks\woolsey-fire_00000189_pre_disaster.png,0,0,25,13028,189,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000189_pre_disaster.png,portugal-wildfire_00000189_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000189_pre_disaster.png,0,0,3,1764,189,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000189_pre_disaster.png,santa-rosa-wildfire_00000189_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000189_pre_disaster.png,0,0,104,195342,189,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000189_pre_disaster.png,nepal-flooding_00000189_pre_disaster,0,0,tier3\masks\nepal-flooding_00000189_pre_disaster.png,0,0,0,0,189,3 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000189_pre_disaster.png,palu-tsunami_00000189_pre_disaster,0,0,train\masks\palu-tsunami_00000189_pre_disaster.png,0,0,58,75590,189,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000189_pre_disaster.png,pinery-bushfire_00000189_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000189_pre_disaster.png,0,0,14,6288,189,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000189_pre_disaster.png,moore-tornado_00000189_pre_disaster,0,0,tier3\masks\moore-tornado_00000189_pre_disaster.png,0,0,255,255710,189,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000190_pre_disaster.png,tuscaloosa-tornado_00000190_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000190_pre_disaster.png,0,0,0,0,190,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000190_pre_disaster.png,nepal-flooding_00000190_pre_disaster,0,0,tier3\masks\nepal-flooding_00000190_pre_disaster.png,0,0,7,9113,190,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000190_pre_disaster.png,pinery-bushfire_00000190_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000190_pre_disaster.png,0,0,6,488,190,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000190_pre_disaster.png,midwest-flooding_00000190_pre_disaster,0,0,train\masks\midwest-flooding_00000190_pre_disaster.png,0,0,5,1252,190,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000190_pre_disaster.png,hurricane-matthew_00000190_pre_disaster,0,0,train\masks\hurricane-matthew_00000190_pre_disaster.png,0,0,10,2169,190,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000190_pre_disaster.png,santa-rosa-wildfire_00000190_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000190_pre_disaster.png,0,0,18,29469,190,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000190_pre_disaster.png,moore-tornado_00000190_pre_disaster,0,0,tier3\masks\moore-tornado_00000190_pre_disaster.png,0,0,20,26291,190,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000190_pre_disaster.png,hurricane-florence_00000190_pre_disaster,0,0,train\masks\hurricane-florence_00000190_pre_disaster.png,0,0,27,20213,190,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000190_pre_disaster.png,woolsey-fire_00000190_pre_disaster,0,0,tier3\masks\woolsey-fire_00000190_pre_disaster.png,0,0,0,0,190,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000190_pre_disaster.png,lower-puna-volcano_00000190_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000190_pre_disaster.png,0,0,0,0,190,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000190_pre_disaster.png,portugal-wildfire_00000190_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000190_pre_disaster.png,0,0,31,24618,190,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000191_pre_disaster.png,moore-tornado_00000191_pre_disaster,0,0,tier3\masks\moore-tornado_00000191_pre_disaster.png,0,0,48,135466,191,4 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000191_pre_disaster.png,mexico-earthquake_00000191_pre_disaster,0,0,train\masks\mexico-earthquake_00000191_pre_disaster.png,0,0,140,256134,191,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000191_pre_disaster.png,tuscaloosa-tornado_00000191_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000191_pre_disaster.png,0,0,31,17418,191,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000191_pre_disaster.png,portugal-wildfire_00000191_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000191_pre_disaster.png,0,0,57,37873,191,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000191_pre_disaster.png,lower-puna-volcano_00000191_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000191_pre_disaster.png,0,0,20,9674,191,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000191_pre_disaster.png,woolsey-fire_00000191_pre_disaster,0,0,tier3\masks\woolsey-fire_00000191_pre_disaster.png,0,0,0,0,191,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000191_pre_disaster.png,midwest-flooding_00000191_pre_disaster,0,0,train\masks\midwest-flooding_00000191_pre_disaster.png,0,0,8,8509,191,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000191_pre_disaster.png,pinery-bushfire_00000191_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000191_pre_disaster.png,0,0,0,0,191,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000191_pre_disaster.png,socal-fire_00000191_pre_disaster,0,0,train\masks\socal-fire_00000191_pre_disaster.png,0,0,1,254,191,2 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000191_pre_disaster.png,palu-tsunami_00000191_pre_disaster,0,0,train\masks\palu-tsunami_00000191_pre_disaster.png,0,0,66,52434,191,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000191_pre_disaster.png,santa-rosa-wildfire_00000191_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000191_pre_disaster.png,0,0,7,5546,191,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000191_pre_disaster.png,hurricane-florence_00000191_pre_disaster,0,0,train\masks\hurricane-florence_00000191_pre_disaster.png,0,0,82,126853,191,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000191_pre_disaster.png,nepal-flooding_00000191_pre_disaster,0,0,tier3\masks\nepal-flooding_00000191_pre_disaster.png,0,0,11,5027,191,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000192_pre_disaster.png,woolsey-fire_00000192_pre_disaster,0,0,tier3\masks\woolsey-fire_00000192_pre_disaster.png,0,0,8,4557,192,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000192_pre_disaster.png,santa-rosa-wildfire_00000192_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000192_pre_disaster.png,0,0,0,0,192,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000192_pre_disaster.png,hurricane-michael_00000192_pre_disaster,0,0,train\masks\hurricane-michael_00000192_pre_disaster.png,0,0,110,148490,192,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000192_pre_disaster.png,nepal-flooding_00000192_pre_disaster,0,0,tier3\masks\nepal-flooding_00000192_pre_disaster.png,0,0,4,2234,192,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000192_pre_disaster.png,hurricane-matthew_00000192_pre_disaster,0,0,train\masks\hurricane-matthew_00000192_pre_disaster.png,0,0,7,1110,192,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000192_pre_disaster.png,portugal-wildfire_00000192_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000192_pre_disaster.png,0,0,16,5032,192,2 +0,0,mexico-earthquake,pre,train,train\images\mexico-earthquake_00000192_pre_disaster.png,mexico-earthquake_00000192_pre_disaster,0,0,train\masks\mexico-earthquake_00000192_pre_disaster.png,0,0,4,1783,192,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000192_pre_disaster.png,pinery-bushfire_00000192_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000192_pre_disaster.png,0,0,0,0,192,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000192_pre_disaster.png,lower-puna-volcano_00000192_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000192_pre_disaster.png,0,0,0,0,192,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000192_pre_disaster.png,tuscaloosa-tornado_00000192_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000192_pre_disaster.png,0,0,0,0,192,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000192_pre_disaster.png,hurricane-florence_00000192_pre_disaster,0,0,train\masks\hurricane-florence_00000192_pre_disaster.png,0,0,3,1837,192,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000192_pre_disaster.png,moore-tornado_00000192_pre_disaster,0,0,tier3\masks\moore-tornado_00000192_pre_disaster.png,0,0,19,29269,192,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000193_pre_disaster.png,midwest-flooding_00000193_pre_disaster,0,0,train\masks\midwest-flooding_00000193_pre_disaster.png,0,0,19,10098,193,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000193_pre_disaster.png,moore-tornado_00000193_pre_disaster,0,0,tier3\masks\moore-tornado_00000193_pre_disaster.png,0,0,179,166667,193,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000193_pre_disaster.png,hurricane-florence_00000193_pre_disaster,0,0,train\masks\hurricane-florence_00000193_pre_disaster.png,0,0,10,5840,193,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000193_pre_disaster.png,socal-fire_00000193_pre_disaster,0,0,train\masks\socal-fire_00000193_pre_disaster.png,0,0,1,2477,193,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000193_pre_disaster.png,pinery-bushfire_00000193_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000193_pre_disaster.png,0,0,15,16332,193,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000193_pre_disaster.png,lower-puna-volcano_00000193_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000193_pre_disaster.png,0,0,7,1483,193,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000193_pre_disaster.png,tuscaloosa-tornado_00000193_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000193_pre_disaster.png,0,0,0,0,193,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000193_pre_disaster.png,nepal-flooding_00000193_pre_disaster,0,0,tier3\masks\nepal-flooding_00000193_pre_disaster.png,0,0,3,330,193,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000193_pre_disaster.png,woolsey-fire_00000193_pre_disaster,0,0,tier3\masks\woolsey-fire_00000193_pre_disaster.png,0,0,6,2579,193,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000193_pre_disaster.png,hurricane-matthew_00000193_pre_disaster,0,0,train\masks\hurricane-matthew_00000193_pre_disaster.png,0,0,2,504,193,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000193_pre_disaster.png,portugal-wildfire_00000193_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000193_pre_disaster.png,0,0,31,24435,193,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000194_pre_disaster.png,woolsey-fire_00000194_pre_disaster,0,0,tier3\masks\woolsey-fire_00000194_pre_disaster.png,0,0,0,0,194,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000194_pre_disaster.png,hurricane-florence_00000194_pre_disaster,0,0,train\masks\hurricane-florence_00000194_pre_disaster.png,0,0,0,0,194,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000194_pre_disaster.png,hurricane-harvey_00000194_pre_disaster,0,0,train\masks\hurricane-harvey_00000194_pre_disaster.png,0,0,2,4516,194,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000194_pre_disaster.png,lower-puna-volcano_00000194_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000194_pre_disaster.png,0,0,0,0,194,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000194_pre_disaster.png,moore-tornado_00000194_pre_disaster,0,0,tier3\masks\moore-tornado_00000194_pre_disaster.png,0,0,13,34600,194,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000194_pre_disaster.png,pinery-bushfire_00000194_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000194_pre_disaster.png,0,0,0,0,194,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000194_pre_disaster.png,midwest-flooding_00000194_pre_disaster,0,0,train\masks\midwest-flooding_00000194_pre_disaster.png,0,0,7,1993,194,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000194_pre_disaster.png,socal-fire_00000194_pre_disaster,0,0,train\masks\socal-fire_00000194_pre_disaster.png,0,0,0,0,194,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000194_pre_disaster.png,tuscaloosa-tornado_00000194_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000194_pre_disaster.png,0,0,22,32057,194,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000194_pre_disaster.png,portugal-wildfire_00000194_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000194_pre_disaster.png,0,0,0,0,194,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000194_pre_disaster.png,nepal-flooding_00000194_pre_disaster,0,0,tier3\masks\nepal-flooding_00000194_pre_disaster.png,0,0,66,78142,194,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000195_pre_disaster.png,tuscaloosa-tornado_00000195_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000195_pre_disaster.png,0,0,47,39490,195,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000195_pre_disaster.png,lower-puna-volcano_00000195_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000195_pre_disaster.png,0,0,0,0,195,4 +0,0,palu-tsunami,pre,train,train\images\palu-tsunami_00000195_pre_disaster.png,palu-tsunami_00000195_pre_disaster,0,0,train\masks\palu-tsunami_00000195_pre_disaster.png,0,0,21,7979,195,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000195_pre_disaster.png,moore-tornado_00000195_pre_disaster,0,0,tier3\masks\moore-tornado_00000195_pre_disaster.png,0,0,40,52123,195,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000195_pre_disaster.png,pinery-bushfire_00000195_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000195_pre_disaster.png,0,0,0,0,195,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000195_pre_disaster.png,portugal-wildfire_00000195_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000195_pre_disaster.png,0,0,16,20168,195,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000195_pre_disaster.png,hurricane-matthew_00000195_pre_disaster,0,0,train\masks\hurricane-matthew_00000195_pre_disaster.png,0,0,13,1808,195,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000195_pre_disaster.png,nepal-flooding_00000195_pre_disaster,0,0,tier3\masks\nepal-flooding_00000195_pre_disaster.png,0,0,1,543,195,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000195_pre_disaster.png,hurricane-harvey_00000195_pre_disaster,0,0,train\masks\hurricane-harvey_00000195_pre_disaster.png,0,0,71,235990,195,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000195_pre_disaster.png,hurricane-florence_00000195_pre_disaster,0,0,train\masks\hurricane-florence_00000195_pre_disaster.png,0,0,8,4976,195,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000195_pre_disaster.png,hurricane-michael_00000195_pre_disaster,0,0,train\masks\hurricane-michael_00000195_pre_disaster.png,0,0,145,131378,195,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000195_pre_disaster.png,woolsey-fire_00000195_pre_disaster,0,0,tier3\masks\woolsey-fire_00000195_pre_disaster.png,0,0,0,0,195,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000196_pre_disaster.png,portugal-wildfire_00000196_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000196_pre_disaster.png,0,0,0,0,196,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000196_pre_disaster.png,woolsey-fire_00000196_pre_disaster,0,0,tier3\masks\woolsey-fire_00000196_pre_disaster.png,0,0,0,0,196,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000196_pre_disaster.png,midwest-flooding_00000196_pre_disaster,0,0,train\masks\midwest-flooding_00000196_pre_disaster.png,0,0,28,21002,196,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000196_pre_disaster.png,socal-fire_00000196_pre_disaster,0,0,train\masks\socal-fire_00000196_pre_disaster.png,0,0,0,0,196,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000196_pre_disaster.png,hurricane-harvey_00000196_pre_disaster,0,0,train\masks\hurricane-harvey_00000196_pre_disaster.png,0,0,3,1696,196,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000196_pre_disaster.png,nepal-flooding_00000196_pre_disaster,0,0,tier3\masks\nepal-flooding_00000196_pre_disaster.png,0,0,35,15874,196,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000196_pre_disaster.png,tuscaloosa-tornado_00000196_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000196_pre_disaster.png,0,0,95,106691,196,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000196_pre_disaster.png,lower-puna-volcano_00000196_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000196_pre_disaster.png,0,0,33,35547,196,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000196_pre_disaster.png,pinery-bushfire_00000196_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000196_pre_disaster.png,0,0,0,0,196,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000196_pre_disaster.png,santa-rosa-wildfire_00000196_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000196_pre_disaster.png,0,0,30,26088,196,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000196_pre_disaster.png,moore-tornado_00000196_pre_disaster,0,0,tier3\masks\moore-tornado_00000196_pre_disaster.png,0,0,331,326950,196,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000196_pre_disaster.png,hurricane-michael_00000196_pre_disaster,0,0,train\masks\hurricane-michael_00000196_pre_disaster.png,0,0,106,101464,196,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000197_pre_disaster.png,socal-fire_00000197_pre_disaster,0,0,train\masks\socal-fire_00000197_pre_disaster.png,0,0,0,0,197,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000197_pre_disaster.png,portugal-wildfire_00000197_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000197_pre_disaster.png,0,0,10,8543,197,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000197_pre_disaster.png,nepal-flooding_00000197_pre_disaster,0,0,tier3\masks\nepal-flooding_00000197_pre_disaster.png,0,0,57,63115,197,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000197_pre_disaster.png,hurricane-matthew_00000197_pre_disaster,0,0,train\masks\hurricane-matthew_00000197_pre_disaster.png,0,0,27,7263,197,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000197_pre_disaster.png,midwest-flooding_00000197_pre_disaster,0,0,train\masks\midwest-flooding_00000197_pre_disaster.png,0,0,2,451,197,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000197_pre_disaster.png,hurricane-harvey_00000197_pre_disaster,0,0,train\masks\hurricane-harvey_00000197_pre_disaster.png,0,0,89,276466,197,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000197_pre_disaster.png,lower-puna-volcano_00000197_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000197_pre_disaster.png,0,0,0,0,197,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000197_pre_disaster.png,moore-tornado_00000197_pre_disaster,0,0,tier3\masks\moore-tornado_00000197_pre_disaster.png,0,0,20,17380,197,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000197_pre_disaster.png,tuscaloosa-tornado_00000197_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000197_pre_disaster.png,0,0,15,92033,197,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000197_pre_disaster.png,pinery-bushfire_00000197_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000197_pre_disaster.png,0,0,0,0,197,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000197_pre_disaster.png,woolsey-fire_00000197_pre_disaster,0,0,tier3\masks\woolsey-fire_00000197_pre_disaster.png,0,0,4,1241,197,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000198_pre_disaster.png,nepal-flooding_00000198_pre_disaster,0,0,tier3\masks\nepal-flooding_00000198_pre_disaster.png,0,0,73,59755,198,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000198_pre_disaster.png,moore-tornado_00000198_pre_disaster,0,0,tier3\masks\moore-tornado_00000198_pre_disaster.png,0,0,67,86243,198,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000198_pre_disaster.png,pinery-bushfire_00000198_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000198_pre_disaster.png,0,0,1,84,198,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000198_pre_disaster.png,lower-puna-volcano_00000198_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000198_pre_disaster.png,0,0,29,18116,198,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000198_pre_disaster.png,portugal-wildfire_00000198_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000198_pre_disaster.png,0,0,0,0,198,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000198_pre_disaster.png,hurricane-matthew_00000198_pre_disaster,0,0,train\masks\hurricane-matthew_00000198_pre_disaster.png,0,0,34,10452,198,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000198_pre_disaster.png,tuscaloosa-tornado_00000198_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000198_pre_disaster.png,0,0,125,107980,198,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000198_pre_disaster.png,woolsey-fire_00000198_pre_disaster,0,0,tier3\masks\woolsey-fire_00000198_pre_disaster.png,0,0,0,0,198,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000199_pre_disaster.png,pinery-bushfire_00000199_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000199_pre_disaster.png,0,0,0,0,199,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000199_pre_disaster.png,santa-rosa-wildfire_00000199_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000199_pre_disaster.png,0,0,235,198729,199,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000199_pre_disaster.png,hurricane-michael_00000199_pre_disaster,0,0,train\masks\hurricane-michael_00000199_pre_disaster.png,0,0,74,131744,199,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000199_pre_disaster.png,portugal-wildfire_00000199_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000199_pre_disaster.png,0,0,0,0,199,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000199_pre_disaster.png,moore-tornado_00000199_pre_disaster,0,0,tier3\masks\moore-tornado_00000199_pre_disaster.png,0,0,224,284192,199,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000199_pre_disaster.png,nepal-flooding_00000199_pre_disaster,0,0,tier3\masks\nepal-flooding_00000199_pre_disaster.png,0,0,0,0,199,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000199_pre_disaster.png,midwest-flooding_00000199_pre_disaster,0,0,train\masks\midwest-flooding_00000199_pre_disaster.png,0,0,1,168,199,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000199_pre_disaster.png,socal-fire_00000199_pre_disaster,0,0,train\masks\socal-fire_00000199_pre_disaster.png,0,0,22,6066,199,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000199_pre_disaster.png,hurricane-florence_00000199_pre_disaster,0,0,train\masks\hurricane-florence_00000199_pre_disaster.png,0,0,89,77967,199,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000199_pre_disaster.png,tuscaloosa-tornado_00000199_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000199_pre_disaster.png,0,0,0,0,199,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000199_pre_disaster.png,lower-puna-volcano_00000199_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000199_pre_disaster.png,0,0,0,0,199,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000199_pre_disaster.png,woolsey-fire_00000199_pre_disaster,0,0,tier3\masks\woolsey-fire_00000199_pre_disaster.png,0,0,0,0,199,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000200_pre_disaster.png,portugal-wildfire_00000200_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000200_pre_disaster.png,0,0,2,394,200,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000200_pre_disaster.png,woolsey-fire_00000200_pre_disaster,0,0,tier3\masks\woolsey-fire_00000200_pre_disaster.png,0,0,10,5417,200,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000200_pre_disaster.png,nepal-flooding_00000200_pre_disaster,0,0,tier3\masks\nepal-flooding_00000200_pre_disaster.png,0,0,39,21559,200,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000200_pre_disaster.png,tuscaloosa-tornado_00000200_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000200_pre_disaster.png,0,0,74,87770,200,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000200_pre_disaster.png,santa-rosa-wildfire_00000200_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000200_pre_disaster.png,0,0,4,3642,200,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000200_pre_disaster.png,hurricane-matthew_00000200_pre_disaster,0,0,train\masks\hurricane-matthew_00000200_pre_disaster.png,0,0,20,3273,200,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000200_pre_disaster.png,midwest-flooding_00000200_pre_disaster,0,0,train\masks\midwest-flooding_00000200_pre_disaster.png,0,0,0,0,200,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000200_pre_disaster.png,lower-puna-volcano_00000200_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000200_pre_disaster.png,0,0,0,0,200,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000200_pre_disaster.png,hurricane-harvey_00000200_pre_disaster,0,0,train\masks\hurricane-harvey_00000200_pre_disaster.png,0,0,6,2871,200,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000200_pre_disaster.png,hurricane-michael_00000200_pre_disaster,0,0,train\masks\hurricane-michael_00000200_pre_disaster.png,0,0,26,28429,200,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000200_pre_disaster.png,pinery-bushfire_00000200_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000200_pre_disaster.png,0,0,0,0,200,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000200_pre_disaster.png,moore-tornado_00000200_pre_disaster,0,0,tier3\masks\moore-tornado_00000200_pre_disaster.png,0,0,338,318175,200,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000201_pre_disaster.png,woolsey-fire_00000201_pre_disaster,0,0,tier3\masks\woolsey-fire_00000201_pre_disaster.png,0,0,0,0,201,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000201_pre_disaster.png,moore-tornado_00000201_pre_disaster,0,0,tier3\masks\moore-tornado_00000201_pre_disaster.png,0,0,21,33372,201,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000201_pre_disaster.png,pinery-bushfire_00000201_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000201_pre_disaster.png,0,0,0,0,201,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000201_pre_disaster.png,lower-puna-volcano_00000201_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000201_pre_disaster.png,0,0,50,31976,201,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000201_pre_disaster.png,nepal-flooding_00000201_pre_disaster,0,0,tier3\masks\nepal-flooding_00000201_pre_disaster.png,0,0,123,119680,201,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000201_pre_disaster.png,midwest-flooding_00000201_pre_disaster,0,0,train\masks\midwest-flooding_00000201_pre_disaster.png,0,0,8,3195,201,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000201_pre_disaster.png,tuscaloosa-tornado_00000201_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000201_pre_disaster.png,0,0,136,125972,201,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000201_pre_disaster.png,portugal-wildfire_00000201_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000201_pre_disaster.png,0,0,17,11092,201,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000202_pre_disaster.png,hurricane-michael_00000202_pre_disaster,0,0,train\masks\hurricane-michael_00000202_pre_disaster.png,0,0,93,128342,202,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000202_pre_disaster.png,moore-tornado_00000202_pre_disaster,0,0,tier3\masks\moore-tornado_00000202_pre_disaster.png,0,0,127,168307,202,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000202_pre_disaster.png,lower-puna-volcano_00000202_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000202_pre_disaster.png,0,0,0,0,202,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000202_pre_disaster.png,hurricane-matthew_00000202_pre_disaster,0,0,train\masks\hurricane-matthew_00000202_pre_disaster.png,0,0,18,5534,202,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000202_pre_disaster.png,midwest-flooding_00000202_pre_disaster,0,0,train\masks\midwest-flooding_00000202_pre_disaster.png,0,0,1,254,202,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000202_pre_disaster.png,pinery-bushfire_00000202_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000202_pre_disaster.png,0,0,0,0,202,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000202_pre_disaster.png,woolsey-fire_00000202_pre_disaster,0,0,tier3\masks\woolsey-fire_00000202_pre_disaster.png,0,0,0,0,202,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000202_pre_disaster.png,nepal-flooding_00000202_pre_disaster,0,0,tier3\masks\nepal-flooding_00000202_pre_disaster.png,0,0,2,1467,202,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000202_pre_disaster.png,portugal-wildfire_00000202_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000202_pre_disaster.png,0,0,0,0,202,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000202_pre_disaster.png,tuscaloosa-tornado_00000202_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000202_pre_disaster.png,0,0,11,5925,202,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000203_pre_disaster.png,moore-tornado_00000203_pre_disaster,0,0,tier3\masks\moore-tornado_00000203_pre_disaster.png,0,0,140,196365,203,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000203_pre_disaster.png,socal-fire_00000203_pre_disaster,0,0,train\masks\socal-fire_00000203_pre_disaster.png,0,0,0,0,203,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000203_pre_disaster.png,midwest-flooding_00000203_pre_disaster,0,0,train\masks\midwest-flooding_00000203_pre_disaster.png,0,0,0,0,203,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000203_pre_disaster.png,lower-puna-volcano_00000203_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000203_pre_disaster.png,0,0,0,0,203,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000203_pre_disaster.png,portugal-wildfire_00000203_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000203_pre_disaster.png,0,0,0,0,203,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000203_pre_disaster.png,hurricane-harvey_00000203_pre_disaster,0,0,train\masks\hurricane-harvey_00000203_pre_disaster.png,0,0,7,4955,203,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000203_pre_disaster.png,woolsey-fire_00000203_pre_disaster,0,0,tier3\masks\woolsey-fire_00000203_pre_disaster.png,0,0,19,4912,203,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000203_pre_disaster.png,pinery-bushfire_00000203_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000203_pre_disaster.png,0,0,0,0,203,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000203_pre_disaster.png,santa-rosa-wildfire_00000203_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000203_pre_disaster.png,0,0,215,279289,203,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000203_pre_disaster.png,tuscaloosa-tornado_00000203_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000203_pre_disaster.png,0,0,7,5704,203,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000203_pre_disaster.png,nepal-flooding_00000203_pre_disaster,0,0,tier3\masks\nepal-flooding_00000203_pre_disaster.png,0,0,55,67633,203,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000203_pre_disaster.png,hurricane-florence_00000203_pre_disaster,0,0,train\masks\hurricane-florence_00000203_pre_disaster.png,0,0,0,0,203,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000204_pre_disaster.png,socal-fire_00000204_pre_disaster,0,0,train\masks\socal-fire_00000204_pre_disaster.png,0,0,1,1321,204,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000204_pre_disaster.png,woolsey-fire_00000204_pre_disaster,0,0,tier3\masks\woolsey-fire_00000204_pre_disaster.png,0,0,4,872,204,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000204_pre_disaster.png,hurricane-harvey_00000204_pre_disaster,0,0,train\masks\hurricane-harvey_00000204_pre_disaster.png,0,0,34,39770,204,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000204_pre_disaster.png,lower-puna-volcano_00000204_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000204_pre_disaster.png,0,0,56,44090,204,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000204_pre_disaster.png,nepal-flooding_00000204_pre_disaster,0,0,tier3\masks\nepal-flooding_00000204_pre_disaster.png,0,0,49,35115,204,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000204_pre_disaster.png,tuscaloosa-tornado_00000204_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000204_pre_disaster.png,0,0,110,91094,204,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000204_pre_disaster.png,portugal-wildfire_00000204_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000204_pre_disaster.png,0,0,0,0,204,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000204_pre_disaster.png,hurricane-matthew_00000204_pre_disaster,0,0,train\masks\hurricane-matthew_00000204_pre_disaster.png,0,0,20,4443,204,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000204_pre_disaster.png,midwest-flooding_00000204_pre_disaster,0,0,train\masks\midwest-flooding_00000204_pre_disaster.png,0,0,17,6899,204,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000204_pre_disaster.png,hurricane-michael_00000204_pre_disaster,0,0,train\masks\hurricane-michael_00000204_pre_disaster.png,0,0,82,88098,204,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000204_pre_disaster.png,pinery-bushfire_00000204_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000204_pre_disaster.png,0,0,1,43,204,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000204_pre_disaster.png,moore-tornado_00000204_pre_disaster,0,0,tier3\masks\moore-tornado_00000204_pre_disaster.png,0,0,236,253503,204,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000205_pre_disaster.png,socal-fire_00000205_pre_disaster,0,0,train\masks\socal-fire_00000205_pre_disaster.png,0,0,3,368,205,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000205_pre_disaster.png,nepal-flooding_00000205_pre_disaster,0,0,tier3\masks\nepal-flooding_00000205_pre_disaster.png,0,0,14,11258,205,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000205_pre_disaster.png,hurricane-harvey_00000205_pre_disaster,0,0,train\masks\hurricane-harvey_00000205_pre_disaster.png,0,0,80,155301,205,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000205_pre_disaster.png,woolsey-fire_00000205_pre_disaster,0,0,tier3\masks\woolsey-fire_00000205_pre_disaster.png,0,0,0,0,205,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000205_pre_disaster.png,santa-rosa-wildfire_00000205_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000205_pre_disaster.png,0,0,38,56672,205,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000205_pre_disaster.png,tuscaloosa-tornado_00000205_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000205_pre_disaster.png,0,0,4,1418,205,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000205_pre_disaster.png,pinery-bushfire_00000205_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000205_pre_disaster.png,0,0,0,0,205,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000205_pre_disaster.png,moore-tornado_00000205_pre_disaster,0,0,tier3\masks\moore-tornado_00000205_pre_disaster.png,0,0,110,106789,205,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000205_pre_disaster.png,lower-puna-volcano_00000205_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000205_pre_disaster.png,0,0,4,1153,205,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000205_pre_disaster.png,hurricane-michael_00000205_pre_disaster,0,0,train\masks\hurricane-michael_00000205_pre_disaster.png,0,0,68,69226,205,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000205_pre_disaster.png,portugal-wildfire_00000205_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000205_pre_disaster.png,0,0,0,0,205,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000205_pre_disaster.png,midwest-flooding_00000205_pre_disaster,0,0,train\masks\midwest-flooding_00000205_pre_disaster.png,0,0,23,12315,205,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000205_pre_disaster.png,hurricane-matthew_00000205_pre_disaster,0,0,train\masks\hurricane-matthew_00000205_pre_disaster.png,0,0,24,4269,205,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000206_pre_disaster.png,hurricane-michael_00000206_pre_disaster,0,0,train\masks\hurricane-michael_00000206_pre_disaster.png,0,0,179,204414,206,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000206_pre_disaster.png,lower-puna-volcano_00000206_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000206_pre_disaster.png,0,0,0,0,206,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000206_pre_disaster.png,hurricane-harvey_00000206_pre_disaster,0,0,train\masks\hurricane-harvey_00000206_pre_disaster.png,0,0,164,264252,206,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000206_pre_disaster.png,midwest-flooding_00000206_pre_disaster,0,0,train\masks\midwest-flooding_00000206_pre_disaster.png,0,0,13,18872,206,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000206_pre_disaster.png,woolsey-fire_00000206_pre_disaster,0,0,tier3\masks\woolsey-fire_00000206_pre_disaster.png,0,0,3,6212,206,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000206_pre_disaster.png,hurricane-matthew_00000206_pre_disaster,0,0,train\masks\hurricane-matthew_00000206_pre_disaster.png,0,0,19,2984,206,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000206_pre_disaster.png,tuscaloosa-tornado_00000206_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000206_pre_disaster.png,0,0,1,1883,206,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000206_pre_disaster.png,pinery-bushfire_00000206_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000206_pre_disaster.png,0,0,0,0,206,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000206_pre_disaster.png,portugal-wildfire_00000206_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000206_pre_disaster.png,0,0,0,0,206,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000206_pre_disaster.png,nepal-flooding_00000206_pre_disaster,0,0,tier3\masks\nepal-flooding_00000206_pre_disaster.png,0,0,30,15424,206,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000206_pre_disaster.png,moore-tornado_00000206_pre_disaster,0,0,tier3\masks\moore-tornado_00000206_pre_disaster.png,0,0,80,130540,206,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000207_pre_disaster.png,pinery-bushfire_00000207_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000207_pre_disaster.png,0,0,0,0,207,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000207_pre_disaster.png,hurricane-harvey_00000207_pre_disaster,0,0,train\masks\hurricane-harvey_00000207_pre_disaster.png,0,0,12,45465,207,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000207_pre_disaster.png,woolsey-fire_00000207_pre_disaster,0,0,tier3\masks\woolsey-fire_00000207_pre_disaster.png,0,0,0,0,207,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000207_pre_disaster.png,hurricane-michael_00000207_pre_disaster,0,0,train\masks\hurricane-michael_00000207_pre_disaster.png,0,0,59,74953,207,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000207_pre_disaster.png,lower-puna-volcano_00000207_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000207_pre_disaster.png,0,0,0,0,207,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000207_pre_disaster.png,midwest-flooding_00000207_pre_disaster,0,0,train\masks\midwest-flooding_00000207_pre_disaster.png,0,0,15,13766,207,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000207_pre_disaster.png,nepal-flooding_00000207_pre_disaster,0,0,tier3\masks\nepal-flooding_00000207_pre_disaster.png,0,0,56,36944,207,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000207_pre_disaster.png,hurricane-matthew_00000207_pre_disaster,0,0,train\masks\hurricane-matthew_00000207_pre_disaster.png,0,0,39,11174,207,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000207_pre_disaster.png,moore-tornado_00000207_pre_disaster,0,0,tier3\masks\moore-tornado_00000207_pre_disaster.png,0,0,58,88339,207,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000207_pre_disaster.png,portugal-wildfire_00000207_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000207_pre_disaster.png,0,0,0,0,207,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000207_pre_disaster.png,tuscaloosa-tornado_00000207_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000207_pre_disaster.png,0,0,14,7536,207,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000208_pre_disaster.png,pinery-bushfire_00000208_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000208_pre_disaster.png,0,0,1,87,208,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000208_pre_disaster.png,hurricane-matthew_00000208_pre_disaster,0,0,train\masks\hurricane-matthew_00000208_pre_disaster.png,0,0,7,703,208,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000208_pre_disaster.png,hurricane-harvey_00000208_pre_disaster,0,0,train\masks\hurricane-harvey_00000208_pre_disaster.png,0,0,0,0,208,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000208_pre_disaster.png,lower-puna-volcano_00000208_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000208_pre_disaster.png,0,0,0,0,208,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000208_pre_disaster.png,woolsey-fire_00000208_pre_disaster,0,0,tier3\masks\woolsey-fire_00000208_pre_disaster.png,0,0,4,1151,208,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000208_pre_disaster.png,moore-tornado_00000208_pre_disaster,0,0,tier3\masks\moore-tornado_00000208_pre_disaster.png,0,0,317,224424,208,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000208_pre_disaster.png,tuscaloosa-tornado_00000208_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000208_pre_disaster.png,0,0,30,11826,208,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000208_pre_disaster.png,nepal-flooding_00000208_pre_disaster,0,0,tier3\masks\nepal-flooding_00000208_pre_disaster.png,0,0,0,0,208,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000208_pre_disaster.png,santa-rosa-wildfire_00000208_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000208_pre_disaster.png,0,0,7,9928,208,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000208_pre_disaster.png,portugal-wildfire_00000208_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000208_pre_disaster.png,0,0,18,11426,208,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000208_pre_disaster.png,hurricane-michael_00000208_pre_disaster,0,0,train\masks\hurricane-michael_00000208_pre_disaster.png,0,0,10,17862,208,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000209_pre_disaster.png,portugal-wildfire_00000209_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000209_pre_disaster.png,0,0,49,41630,209,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000209_pre_disaster.png,pinery-bushfire_00000209_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000209_pre_disaster.png,0,0,0,0,209,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000209_pre_disaster.png,nepal-flooding_00000209_pre_disaster,0,0,tier3\masks\nepal-flooding_00000209_pre_disaster.png,0,0,137,161374,209,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000209_pre_disaster.png,lower-puna-volcano_00000209_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000209_pre_disaster.png,0,0,32,28863,209,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000209_pre_disaster.png,midwest-flooding_00000209_pre_disaster,0,0,train\masks\midwest-flooding_00000209_pre_disaster.png,0,0,0,0,209,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000209_pre_disaster.png,tuscaloosa-tornado_00000209_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000209_pre_disaster.png,0,0,20,13376,209,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000209_pre_disaster.png,santa-rosa-wildfire_00000209_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000209_pre_disaster.png,0,0,29,21229,209,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000209_pre_disaster.png,woolsey-fire_00000209_pre_disaster,0,0,tier3\masks\woolsey-fire_00000209_pre_disaster.png,0,0,0,0,209,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000209_pre_disaster.png,moore-tornado_00000209_pre_disaster,0,0,tier3\masks\moore-tornado_00000209_pre_disaster.png,0,0,233,218595,209,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000209_pre_disaster.png,hurricane-matthew_00000209_pre_disaster,0,0,train\masks\hurricane-matthew_00000209_pre_disaster.png,0,0,11,3119,209,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000210_pre_disaster.png,portugal-wildfire_00000210_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000210_pre_disaster.png,0,0,0,0,210,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000210_pre_disaster.png,lower-puna-volcano_00000210_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000210_pre_disaster.png,0,0,44,42868,210,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000210_pre_disaster.png,nepal-flooding_00000210_pre_disaster,0,0,tier3\masks\nepal-flooding_00000210_pre_disaster.png,0,0,8,4311,210,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000210_pre_disaster.png,pinery-bushfire_00000210_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000210_pre_disaster.png,0,0,40,19085,210,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000210_pre_disaster.png,hurricane-michael_00000210_pre_disaster,0,0,train\masks\hurricane-michael_00000210_pre_disaster.png,0,0,68,57910,210,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000210_pre_disaster.png,woolsey-fire_00000210_pre_disaster,0,0,tier3\masks\woolsey-fire_00000210_pre_disaster.png,0,0,0,0,210,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000210_pre_disaster.png,hurricane-harvey_00000210_pre_disaster,0,0,train\masks\hurricane-harvey_00000210_pre_disaster.png,0,0,83,382674,210,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000210_pre_disaster.png,santa-rosa-wildfire_00000210_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000210_pre_disaster.png,0,0,52,51251,210,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000210_pre_disaster.png,tuscaloosa-tornado_00000210_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000210_pre_disaster.png,0,0,9,4990,210,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000210_pre_disaster.png,hurricane-florence_00000210_pre_disaster,0,0,train\masks\hurricane-florence_00000210_pre_disaster.png,0,0,3,1508,210,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000210_pre_disaster.png,moore-tornado_00000210_pre_disaster,0,0,tier3\masks\moore-tornado_00000210_pre_disaster.png,0,0,321,230775,210,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000211_pre_disaster.png,lower-puna-volcano_00000211_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000211_pre_disaster.png,0,0,47,30887,211,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000211_pre_disaster.png,hurricane-michael_00000211_pre_disaster,0,0,train\masks\hurricane-michael_00000211_pre_disaster.png,0,0,80,134978,211,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000211_pre_disaster.png,tuscaloosa-tornado_00000211_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000211_pre_disaster.png,0,0,3,1058,211,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000211_pre_disaster.png,moore-tornado_00000211_pre_disaster,0,0,tier3\masks\moore-tornado_00000211_pre_disaster.png,0,0,40,85954,211,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000211_pre_disaster.png,hurricane-matthew_00000211_pre_disaster,0,0,train\masks\hurricane-matthew_00000211_pre_disaster.png,0,0,30,6107,211,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000211_pre_disaster.png,nepal-flooding_00000211_pre_disaster,0,0,tier3\masks\nepal-flooding_00000211_pre_disaster.png,0,0,28,24339,211,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000211_pre_disaster.png,midwest-flooding_00000211_pre_disaster,0,0,train\masks\midwest-flooding_00000211_pre_disaster.png,0,0,0,0,211,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000211_pre_disaster.png,socal-fire_00000211_pre_disaster,0,0,train\masks\socal-fire_00000211_pre_disaster.png,0,0,3,7162,211,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000211_pre_disaster.png,pinery-bushfire_00000211_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000211_pre_disaster.png,0,0,0,0,211,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000211_pre_disaster.png,woolsey-fire_00000211_pre_disaster,0,0,tier3\masks\woolsey-fire_00000211_pre_disaster.png,0,0,0,0,211,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000211_pre_disaster.png,portugal-wildfire_00000211_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000211_pre_disaster.png,0,0,0,0,211,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000212_pre_disaster.png,nepal-flooding_00000212_pre_disaster,0,0,tier3\masks\nepal-flooding_00000212_pre_disaster.png,0,0,23,12563,212,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000212_pre_disaster.png,hurricane-florence_00000212_pre_disaster,0,0,train\masks\hurricane-florence_00000212_pre_disaster.png,0,0,23,13624,212,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000212_pre_disaster.png,midwest-flooding_00000212_pre_disaster,0,0,train\masks\midwest-flooding_00000212_pre_disaster.png,0,0,0,0,212,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000212_pre_disaster.png,woolsey-fire_00000212_pre_disaster,0,0,tier3\masks\woolsey-fire_00000212_pre_disaster.png,0,0,0,0,212,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000212_pre_disaster.png,hurricane-michael_00000212_pre_disaster,0,0,train\masks\hurricane-michael_00000212_pre_disaster.png,0,0,48,83714,212,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000212_pre_disaster.png,hurricane-matthew_00000212_pre_disaster,0,0,train\masks\hurricane-matthew_00000212_pre_disaster.png,0,0,25,6674,212,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000212_pre_disaster.png,hurricane-harvey_00000212_pre_disaster,0,0,train\masks\hurricane-harvey_00000212_pre_disaster.png,0,0,12,21679,212,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000212_pre_disaster.png,tuscaloosa-tornado_00000212_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000212_pre_disaster.png,0,0,13,8666,212,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000212_pre_disaster.png,pinery-bushfire_00000212_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000212_pre_disaster.png,0,0,0,0,212,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000212_pre_disaster.png,lower-puna-volcano_00000212_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000212_pre_disaster.png,0,0,0,0,212,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000212_pre_disaster.png,moore-tornado_00000212_pre_disaster,0,0,tier3\masks\moore-tornado_00000212_pre_disaster.png,0,0,287,345628,212,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000212_pre_disaster.png,portugal-wildfire_00000212_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000212_pre_disaster.png,0,0,0,0,212,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000213_pre_disaster.png,woolsey-fire_00000213_pre_disaster,0,0,tier3\masks\woolsey-fire_00000213_pre_disaster.png,0,0,0,0,213,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000213_pre_disaster.png,socal-fire_00000213_pre_disaster,0,0,train\masks\socal-fire_00000213_pre_disaster.png,0,0,0,0,213,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000213_pre_disaster.png,nepal-flooding_00000213_pre_disaster,0,0,tier3\masks\nepal-flooding_00000213_pre_disaster.png,0,0,66,51435,213,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000213_pre_disaster.png,hurricane-matthew_00000213_pre_disaster,0,0,train\masks\hurricane-matthew_00000213_pre_disaster.png,0,0,7,1333,213,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000213_pre_disaster.png,pinery-bushfire_00000213_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000213_pre_disaster.png,0,0,0,0,213,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000213_pre_disaster.png,hurricane-harvey_00000213_pre_disaster,0,0,train\masks\hurricane-harvey_00000213_pre_disaster.png,0,0,160,220166,213,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000213_pre_disaster.png,moore-tornado_00000213_pre_disaster,0,0,tier3\masks\moore-tornado_00000213_pre_disaster.png,0,0,20,64731,213,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000213_pre_disaster.png,portugal-wildfire_00000213_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000213_pre_disaster.png,0,0,12,8309,213,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000213_pre_disaster.png,lower-puna-volcano_00000213_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000213_pre_disaster.png,0,0,1,46,213,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000213_pre_disaster.png,tuscaloosa-tornado_00000213_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000213_pre_disaster.png,0,0,2,368,213,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000214_pre_disaster.png,moore-tornado_00000214_pre_disaster,0,0,tier3\masks\moore-tornado_00000214_pre_disaster.png,0,0,277,198229,214,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000214_pre_disaster.png,pinery-bushfire_00000214_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000214_pre_disaster.png,0,0,0,0,214,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000214_pre_disaster.png,woolsey-fire_00000214_pre_disaster,0,0,tier3\masks\woolsey-fire_00000214_pre_disaster.png,0,0,23,11851,214,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000214_pre_disaster.png,midwest-flooding_00000214_pre_disaster,0,0,train\masks\midwest-flooding_00000214_pre_disaster.png,0,0,0,0,214,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000214_pre_disaster.png,hurricane-michael_00000214_pre_disaster,0,0,train\masks\hurricane-michael_00000214_pre_disaster.png,0,0,131,145276,214,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000214_pre_disaster.png,lower-puna-volcano_00000214_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000214_pre_disaster.png,0,0,0,0,214,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000214_pre_disaster.png,santa-rosa-wildfire_00000214_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000214_pre_disaster.png,0,0,51,91915,214,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000214_pre_disaster.png,tuscaloosa-tornado_00000214_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000214_pre_disaster.png,0,0,1,1342,214,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000214_pre_disaster.png,hurricane-harvey_00000214_pre_disaster,0,0,train\masks\hurricane-harvey_00000214_pre_disaster.png,0,0,85,292081,214,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000214_pre_disaster.png,portugal-wildfire_00000214_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000214_pre_disaster.png,0,0,45,52759,214,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000214_pre_disaster.png,nepal-flooding_00000214_pre_disaster,0,0,tier3\masks\nepal-flooding_00000214_pre_disaster.png,0,0,62,64990,214,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000215_pre_disaster.png,woolsey-fire_00000215_pre_disaster,0,0,tier3\masks\woolsey-fire_00000215_pre_disaster.png,0,0,0,0,215,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000215_pre_disaster.png,moore-tornado_00000215_pre_disaster,0,0,tier3\masks\moore-tornado_00000215_pre_disaster.png,0,0,270,285543,215,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000215_pre_disaster.png,portugal-wildfire_00000215_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000215_pre_disaster.png,0,0,95,66284,215,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000215_pre_disaster.png,lower-puna-volcano_00000215_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000215_pre_disaster.png,0,0,19,14187,215,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000215_pre_disaster.png,tuscaloosa-tornado_00000215_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000215_pre_disaster.png,0,0,0,0,215,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000215_pre_disaster.png,nepal-flooding_00000215_pre_disaster,0,0,tier3\masks\nepal-flooding_00000215_pre_disaster.png,0,0,11,14900,215,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000215_pre_disaster.png,pinery-bushfire_00000215_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000215_pre_disaster.png,0,0,0,0,215,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000215_pre_disaster.png,socal-fire_00000215_pre_disaster,0,0,train\masks\socal-fire_00000215_pre_disaster.png,0,0,13,9321,215,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000215_pre_disaster.png,hurricane-matthew_00000215_pre_disaster,0,0,train\masks\hurricane-matthew_00000215_pre_disaster.png,0,0,18,6916,215,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000216_pre_disaster.png,pinery-bushfire_00000216_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000216_pre_disaster.png,0,0,0,0,216,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000216_pre_disaster.png,santa-rosa-wildfire_00000216_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000216_pre_disaster.png,0,0,234,253845,216,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000216_pre_disaster.png,hurricane-harvey_00000216_pre_disaster,0,0,train\masks\hurricane-harvey_00000216_pre_disaster.png,0,0,106,331425,216,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000216_pre_disaster.png,hurricane-michael_00000216_pre_disaster,0,0,train\masks\hurricane-michael_00000216_pre_disaster.png,0,0,27,180414,216,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000216_pre_disaster.png,lower-puna-volcano_00000216_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000216_pre_disaster.png,0,0,6,3932,216,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000216_pre_disaster.png,hurricane-florence_00000216_pre_disaster,0,0,train\masks\hurricane-florence_00000216_pre_disaster.png,0,0,20,13383,216,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000216_pre_disaster.png,moore-tornado_00000216_pre_disaster,0,0,tier3\masks\moore-tornado_00000216_pre_disaster.png,0,0,19,30860,216,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000216_pre_disaster.png,woolsey-fire_00000216_pre_disaster,0,0,tier3\masks\woolsey-fire_00000216_pre_disaster.png,0,0,16,12313,216,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000216_pre_disaster.png,nepal-flooding_00000216_pre_disaster,0,0,tier3\masks\nepal-flooding_00000216_pre_disaster.png,0,0,40,32393,216,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000216_pre_disaster.png,portugal-wildfire_00000216_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000216_pre_disaster.png,0,0,0,0,216,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000216_pre_disaster.png,midwest-flooding_00000216_pre_disaster,0,0,train\masks\midwest-flooding_00000216_pre_disaster.png,0,0,12,5247,216,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000216_pre_disaster.png,tuscaloosa-tornado_00000216_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000216_pre_disaster.png,0,0,155,160293,216,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000217_pre_disaster.png,tuscaloosa-tornado_00000217_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000217_pre_disaster.png,0,0,2,4811,217,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000217_pre_disaster.png,hurricane-harvey_00000217_pre_disaster,0,0,train\masks\hurricane-harvey_00000217_pre_disaster.png,0,0,0,0,217,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000217_pre_disaster.png,midwest-flooding_00000217_pre_disaster,0,0,train\masks\midwest-flooding_00000217_pre_disaster.png,0,0,44,30393,217,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000217_pre_disaster.png,nepal-flooding_00000217_pre_disaster,0,0,tier3\masks\nepal-flooding_00000217_pre_disaster.png,0,0,20,9378,217,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000217_pre_disaster.png,hurricane-florence_00000217_pre_disaster,0,0,train\masks\hurricane-florence_00000217_pre_disaster.png,0,0,84,112616,217,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000217_pre_disaster.png,moore-tornado_00000217_pre_disaster,0,0,tier3\masks\moore-tornado_00000217_pre_disaster.png,0,0,127,146955,217,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000217_pre_disaster.png,lower-puna-volcano_00000217_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000217_pre_disaster.png,0,0,50,40094,217,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000217_pre_disaster.png,woolsey-fire_00000217_pre_disaster,0,0,tier3\masks\woolsey-fire_00000217_pre_disaster.png,0,0,0,0,217,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000217_pre_disaster.png,portugal-wildfire_00000217_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000217_pre_disaster.png,0,0,0,0,217,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000217_pre_disaster.png,pinery-bushfire_00000217_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000217_pre_disaster.png,0,0,24,9695,217,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000217_pre_disaster.png,hurricane-michael_00000217_pre_disaster,0,0,train\masks\hurricane-michael_00000217_pre_disaster.png,0,0,78,143532,217,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000218_pre_disaster.png,pinery-bushfire_00000218_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000218_pre_disaster.png,0,0,0,0,218,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000218_pre_disaster.png,hurricane-harvey_00000218_pre_disaster,0,0,train\masks\hurricane-harvey_00000218_pre_disaster.png,0,0,9,9966,218,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000218_pre_disaster.png,portugal-wildfire_00000218_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000218_pre_disaster.png,0,0,14,5332,218,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000218_pre_disaster.png,nepal-flooding_00000218_pre_disaster,0,0,tier3\masks\nepal-flooding_00000218_pre_disaster.png,0,0,40,24677,218,2 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000218_pre_disaster.png,moore-tornado_00000218_pre_disaster,0,0,tier3\masks\moore-tornado_00000218_pre_disaster.png,0,0,22,22484,218,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000218_pre_disaster.png,tuscaloosa-tornado_00000218_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000218_pre_disaster.png,0,0,1,494,218,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000218_pre_disaster.png,woolsey-fire_00000218_pre_disaster,0,0,tier3\masks\woolsey-fire_00000218_pre_disaster.png,0,0,1,1697,218,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000218_pre_disaster.png,hurricane-florence_00000218_pre_disaster,0,0,train\masks\hurricane-florence_00000218_pre_disaster.png,0,0,0,0,218,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000218_pre_disaster.png,lower-puna-volcano_00000218_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000218_pre_disaster.png,0,0,0,0,218,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000219_pre_disaster.png,nepal-flooding_00000219_pre_disaster,0,0,tier3\masks\nepal-flooding_00000219_pre_disaster.png,0,0,47,34334,219,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000219_pre_disaster.png,moore-tornado_00000219_pre_disaster,0,0,tier3\masks\moore-tornado_00000219_pre_disaster.png,0,0,121,216734,219,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000219_pre_disaster.png,hurricane-matthew_00000219_pre_disaster,0,0,train\masks\hurricane-matthew_00000219_pre_disaster.png,0,0,6,1045,219,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000219_pre_disaster.png,hurricane-michael_00000219_pre_disaster,0,0,train\masks\hurricane-michael_00000219_pre_disaster.png,0,0,109,141508,219,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000219_pre_disaster.png,socal-fire_00000219_pre_disaster,0,0,train\masks\socal-fire_00000219_pre_disaster.png,0,0,4,2382,219,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000219_pre_disaster.png,lower-puna-volcano_00000219_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000219_pre_disaster.png,0,0,0,0,219,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000219_pre_disaster.png,tuscaloosa-tornado_00000219_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000219_pre_disaster.png,0,0,60,174377,219,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000219_pre_disaster.png,woolsey-fire_00000219_pre_disaster,0,0,tier3\masks\woolsey-fire_00000219_pre_disaster.png,0,0,0,0,219,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000219_pre_disaster.png,midwest-flooding_00000219_pre_disaster,0,0,train\masks\midwest-flooding_00000219_pre_disaster.png,0,0,3,995,219,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000219_pre_disaster.png,pinery-bushfire_00000219_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000219_pre_disaster.png,0,0,0,0,219,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000219_pre_disaster.png,portugal-wildfire_00000219_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000219_pre_disaster.png,0,0,0,0,219,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000219_pre_disaster.png,hurricane-florence_00000219_pre_disaster,0,0,train\masks\hurricane-florence_00000219_pre_disaster.png,0,0,4,1304,219,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000220_pre_disaster.png,hurricane-michael_00000220_pre_disaster,0,0,train\masks\hurricane-michael_00000220_pre_disaster.png,0,0,65,149978,220,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000220_pre_disaster.png,santa-rosa-wildfire_00000220_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000220_pre_disaster.png,0,0,39,71723,220,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000220_pre_disaster.png,moore-tornado_00000220_pre_disaster,0,0,tier3\masks\moore-tornado_00000220_pre_disaster.png,0,0,1,443,220,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000220_pre_disaster.png,hurricane-harvey_00000220_pre_disaster,0,0,train\masks\hurricane-harvey_00000220_pre_disaster.png,0,0,84,343880,220,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000220_pre_disaster.png,tuscaloosa-tornado_00000220_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000220_pre_disaster.png,0,0,3,1198,220,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000220_pre_disaster.png,lower-puna-volcano_00000220_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000220_pre_disaster.png,0,0,2,1402,220,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000220_pre_disaster.png,socal-fire_00000220_pre_disaster,0,0,train\masks\socal-fire_00000220_pre_disaster.png,0,0,19,11555,220,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000220_pre_disaster.png,woolsey-fire_00000220_pre_disaster,0,0,tier3\masks\woolsey-fire_00000220_pre_disaster.png,0,0,0,0,220,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000220_pre_disaster.png,nepal-flooding_00000220_pre_disaster,0,0,tier3\masks\nepal-flooding_00000220_pre_disaster.png,0,0,45,25163,220,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000220_pre_disaster.png,midwest-flooding_00000220_pre_disaster,0,0,train\masks\midwest-flooding_00000220_pre_disaster.png,0,0,6,5071,220,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000220_pre_disaster.png,portugal-wildfire_00000220_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000220_pre_disaster.png,0,0,0,0,220,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000220_pre_disaster.png,pinery-bushfire_00000220_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000220_pre_disaster.png,0,0,0,0,220,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000221_pre_disaster.png,pinery-bushfire_00000221_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000221_pre_disaster.png,0,0,0,0,221,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000221_pre_disaster.png,woolsey-fire_00000221_pre_disaster,0,0,tier3\masks\woolsey-fire_00000221_pre_disaster.png,0,0,0,0,221,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000221_pre_disaster.png,lower-puna-volcano_00000221_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000221_pre_disaster.png,0,0,0,0,221,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000221_pre_disaster.png,hurricane-florence_00000221_pre_disaster,0,0,train\masks\hurricane-florence_00000221_pre_disaster.png,0,0,0,0,221,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000221_pre_disaster.png,moore-tornado_00000221_pre_disaster,0,0,tier3\masks\moore-tornado_00000221_pre_disaster.png,0,0,130,147162,221,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000221_pre_disaster.png,santa-rosa-wildfire_00000221_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000221_pre_disaster.png,0,0,9,10471,221,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000221_pre_disaster.png,hurricane-harvey_00000221_pre_disaster,0,0,train\masks\hurricane-harvey_00000221_pre_disaster.png,0,0,4,1166,221,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000221_pre_disaster.png,portugal-wildfire_00000221_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000221_pre_disaster.png,0,0,0,0,221,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000221_pre_disaster.png,midwest-flooding_00000221_pre_disaster,0,0,train\masks\midwest-flooding_00000221_pre_disaster.png,0,0,18,14223,221,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000221_pre_disaster.png,hurricane-matthew_00000221_pre_disaster,0,0,train\masks\hurricane-matthew_00000221_pre_disaster.png,0,0,22,5017,221,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000221_pre_disaster.png,socal-fire_00000221_pre_disaster,0,0,train\masks\socal-fire_00000221_pre_disaster.png,0,0,3,1011,221,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000221_pre_disaster.png,tuscaloosa-tornado_00000221_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000221_pre_disaster.png,0,0,0,0,221,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000221_pre_disaster.png,nepal-flooding_00000221_pre_disaster,0,0,tier3\masks\nepal-flooding_00000221_pre_disaster.png,0,0,30,15450,221,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000222_pre_disaster.png,socal-fire_00000222_pre_disaster,0,0,train\masks\socal-fire_00000222_pre_disaster.png,0,0,24,20962,222,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000222_pre_disaster.png,moore-tornado_00000222_pre_disaster,0,0,tier3\masks\moore-tornado_00000222_pre_disaster.png,0,0,49,108728,222,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000222_pre_disaster.png,hurricane-matthew_00000222_pre_disaster,0,0,train\masks\hurricane-matthew_00000222_pre_disaster.png,0,0,18,3127,222,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000222_pre_disaster.png,hurricane-florence_00000222_pre_disaster,0,0,train\masks\hurricane-florence_00000222_pre_disaster.png,0,0,0,0,222,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000222_pre_disaster.png,portugal-wildfire_00000222_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000222_pre_disaster.png,0,0,0,0,222,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000222_pre_disaster.png,hurricane-harvey_00000222_pre_disaster,0,0,train\masks\hurricane-harvey_00000222_pre_disaster.png,0,0,3,258,222,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000222_pre_disaster.png,hurricane-michael_00000222_pre_disaster,0,0,train\masks\hurricane-michael_00000222_pre_disaster.png,0,0,133,112741,222,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000222_pre_disaster.png,lower-puna-volcano_00000222_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000222_pre_disaster.png,0,0,8,5952,222,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000222_pre_disaster.png,nepal-flooding_00000222_pre_disaster,0,0,tier3\masks\nepal-flooding_00000222_pre_disaster.png,0,0,67,26199,222,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000222_pre_disaster.png,tuscaloosa-tornado_00000222_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000222_pre_disaster.png,0,0,2,2232,222,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000222_pre_disaster.png,woolsey-fire_00000222_pre_disaster,0,0,tier3\masks\woolsey-fire_00000222_pre_disaster.png,0,0,2,1536,222,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000222_pre_disaster.png,midwest-flooding_00000222_pre_disaster,0,0,train\masks\midwest-flooding_00000222_pre_disaster.png,0,0,4,1125,222,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000222_pre_disaster.png,pinery-bushfire_00000222_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000222_pre_disaster.png,0,0,0,0,222,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000223_pre_disaster.png,nepal-flooding_00000223_pre_disaster,0,0,tier3\masks\nepal-flooding_00000223_pre_disaster.png,0,0,18,23850,223,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000223_pre_disaster.png,hurricane-matthew_00000223_pre_disaster,0,0,train\masks\hurricane-matthew_00000223_pre_disaster.png,0,0,31,8558,223,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000223_pre_disaster.png,woolsey-fire_00000223_pre_disaster,0,0,tier3\masks\woolsey-fire_00000223_pre_disaster.png,0,0,6,5076,223,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000223_pre_disaster.png,lower-puna-volcano_00000223_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000223_pre_disaster.png,0,0,2,580,223,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000223_pre_disaster.png,portugal-wildfire_00000223_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000223_pre_disaster.png,0,0,29,21209,223,0 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000223_pre_disaster.png,moore-tornado_00000223_pre_disaster,0,0,tier3\masks\moore-tornado_00000223_pre_disaster.png,0,0,3,2046,223,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000223_pre_disaster.png,santa-rosa-wildfire_00000223_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000223_pre_disaster.png,0,0,15,38955,223,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000223_pre_disaster.png,pinery-bushfire_00000223_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000223_pre_disaster.png,0,0,0,0,223,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000223_pre_disaster.png,midwest-flooding_00000223_pre_disaster,0,0,train\masks\midwest-flooding_00000223_pre_disaster.png,0,0,26,27388,223,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000223_pre_disaster.png,tuscaloosa-tornado_00000223_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000223_pre_disaster.png,0,0,0,0,223,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000224_pre_disaster.png,woolsey-fire_00000224_pre_disaster,0,0,tier3\masks\woolsey-fire_00000224_pre_disaster.png,0,0,0,0,224,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000224_pre_disaster.png,santa-rosa-wildfire_00000224_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000224_pre_disaster.png,0,0,33,31353,224,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000224_pre_disaster.png,hurricane-michael_00000224_pre_disaster,0,0,train\masks\hurricane-michael_00000224_pre_disaster.png,0,0,30,34099,224,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000224_pre_disaster.png,nepal-flooding_00000224_pre_disaster,0,0,tier3\masks\nepal-flooding_00000224_pre_disaster.png,0,0,26,28883,224,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000224_pre_disaster.png,portugal-wildfire_00000224_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000224_pre_disaster.png,0,0,0,0,224,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000224_pre_disaster.png,lower-puna-volcano_00000224_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000224_pre_disaster.png,0,0,36,24292,224,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000224_pre_disaster.png,hurricane-florence_00000224_pre_disaster,0,0,train\masks\hurricane-florence_00000224_pre_disaster.png,0,0,27,17553,224,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000224_pre_disaster.png,tuscaloosa-tornado_00000224_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000224_pre_disaster.png,0,0,92,73681,224,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000224_pre_disaster.png,hurricane-harvey_00000224_pre_disaster,0,0,train\masks\hurricane-harvey_00000224_pre_disaster.png,0,0,16,9734,224,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000224_pre_disaster.png,socal-fire_00000224_pre_disaster,0,0,train\masks\socal-fire_00000224_pre_disaster.png,0,0,0,0,224,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000224_pre_disaster.png,pinery-bushfire_00000224_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000224_pre_disaster.png,0,0,0,0,224,1 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000224_pre_disaster.png,moore-tornado_00000224_pre_disaster,0,0,tier3\masks\moore-tornado_00000224_pre_disaster.png,0,0,73,84712,224,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000225_pre_disaster.png,pinery-bushfire_00000225_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000225_pre_disaster.png,0,0,0,0,225,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000225_pre_disaster.png,lower-puna-volcano_00000225_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000225_pre_disaster.png,0,0,1,210,225,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000225_pre_disaster.png,woolsey-fire_00000225_pre_disaster,0,0,tier3\masks\woolsey-fire_00000225_pre_disaster.png,0,0,0,0,225,4 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000225_pre_disaster.png,moore-tornado_00000225_pre_disaster,0,0,tier3\masks\moore-tornado_00000225_pre_disaster.png,0,0,75,70361,225,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000225_pre_disaster.png,midwest-flooding_00000225_pre_disaster,0,0,train\masks\midwest-flooding_00000225_pre_disaster.png,0,0,1,1215,225,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000225_pre_disaster.png,tuscaloosa-tornado_00000225_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000225_pre_disaster.png,0,0,1,520,225,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000225_pre_disaster.png,santa-rosa-wildfire_00000225_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000225_pre_disaster.png,0,0,190,205793,225,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000225_pre_disaster.png,hurricane-michael_00000225_pre_disaster,0,0,train\masks\hurricane-michael_00000225_pre_disaster.png,0,0,41,98420,225,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000225_pre_disaster.png,nepal-flooding_00000225_pre_disaster,0,0,tier3\masks\nepal-flooding_00000225_pre_disaster.png,0,0,109,154158,225,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000225_pre_disaster.png,portugal-wildfire_00000225_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000225_pre_disaster.png,0,0,0,0,225,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000226_pre_disaster.png,hurricane-matthew_00000226_pre_disaster,0,0,train\masks\hurricane-matthew_00000226_pre_disaster.png,0,0,12,1961,226,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000226_pre_disaster.png,socal-fire_00000226_pre_disaster,0,0,train\masks\socal-fire_00000226_pre_disaster.png,0,0,100,157368,226,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000226_pre_disaster.png,nepal-flooding_00000226_pre_disaster,0,0,tier3\masks\nepal-flooding_00000226_pre_disaster.png,0,0,0,0,226,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000226_pre_disaster.png,portugal-wildfire_00000226_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000226_pre_disaster.png,0,0,13,10870,226,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000226_pre_disaster.png,hurricane-harvey_00000226_pre_disaster,0,0,train\masks\hurricane-harvey_00000226_pre_disaster.png,0,0,1,1409,226,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000226_pre_disaster.png,lower-puna-volcano_00000226_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000226_pre_disaster.png,0,0,34,29704,226,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000226_pre_disaster.png,woolsey-fire_00000226_pre_disaster,0,0,tier3\masks\woolsey-fire_00000226_pre_disaster.png,0,0,6,1783,226,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000226_pre_disaster.png,hurricane-florence_00000226_pre_disaster,0,0,train\masks\hurricane-florence_00000226_pre_disaster.png,0,0,18,12682,226,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000226_pre_disaster.png,santa-rosa-wildfire_00000226_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000226_pre_disaster.png,0,0,6,7197,226,3 +0,0,moore-tornado,pre,tier3,tier3\images\moore-tornado_00000226_pre_disaster.png,moore-tornado_00000226_pre_disaster,0,0,tier3\masks\moore-tornado_00000226_pre_disaster.png,0,0,3,205,226,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000226_pre_disaster.png,tuscaloosa-tornado_00000226_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000226_pre_disaster.png,0,0,0,0,226,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000226_pre_disaster.png,pinery-bushfire_00000226_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000226_pre_disaster.png,0,0,0,0,226,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000227_pre_disaster.png,nepal-flooding_00000227_pre_disaster,0,0,tier3\masks\nepal-flooding_00000227_pre_disaster.png,0,0,2,9287,227,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000227_pre_disaster.png,lower-puna-volcano_00000227_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000227_pre_disaster.png,0,0,0,0,227,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000227_pre_disaster.png,pinery-bushfire_00000227_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000227_pre_disaster.png,0,0,0,0,227,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000227_pre_disaster.png,tuscaloosa-tornado_00000227_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000227_pre_disaster.png,0,0,0,0,227,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000227_pre_disaster.png,socal-fire_00000227_pre_disaster,0,0,train\masks\socal-fire_00000227_pre_disaster.png,0,0,13,15558,227,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000227_pre_disaster.png,woolsey-fire_00000227_pre_disaster,0,0,tier3\masks\woolsey-fire_00000227_pre_disaster.png,0,0,12,6542,227,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000227_pre_disaster.png,portugal-wildfire_00000227_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000227_pre_disaster.png,0,0,3,2281,227,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000228_pre_disaster.png,lower-puna-volcano_00000228_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000228_pre_disaster.png,0,0,0,0,228,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000228_pre_disaster.png,pinery-bushfire_00000228_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000228_pre_disaster.png,0,0,0,0,228,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000228_pre_disaster.png,hurricane-michael_00000228_pre_disaster,0,0,train\masks\hurricane-michael_00000228_pre_disaster.png,0,0,35,55232,228,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000228_pre_disaster.png,hurricane-harvey_00000228_pre_disaster,0,0,train\masks\hurricane-harvey_00000228_pre_disaster.png,0,0,3,3371,228,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000228_pre_disaster.png,tuscaloosa-tornado_00000228_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000228_pre_disaster.png,0,0,109,125691,228,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000228_pre_disaster.png,woolsey-fire_00000228_pre_disaster,0,0,tier3\masks\woolsey-fire_00000228_pre_disaster.png,0,0,0,0,228,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000228_pre_disaster.png,portugal-wildfire_00000228_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000228_pre_disaster.png,0,0,0,0,228,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000228_pre_disaster.png,hurricane-matthew_00000228_pre_disaster,0,0,train\masks\hurricane-matthew_00000228_pre_disaster.png,0,0,15,3536,228,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000228_pre_disaster.png,santa-rosa-wildfire_00000228_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000228_pre_disaster.png,0,0,15,19761,228,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000228_pre_disaster.png,nepal-flooding_00000228_pre_disaster,0,0,tier3\masks\nepal-flooding_00000228_pre_disaster.png,0,0,31,28079,228,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000228_pre_disaster.png,socal-fire_00000228_pre_disaster,0,0,train\masks\socal-fire_00000228_pre_disaster.png,0,0,16,8743,228,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000228_pre_disaster.png,midwest-flooding_00000228_pre_disaster,0,0,train\masks\midwest-flooding_00000228_pre_disaster.png,0,0,3,1966,228,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000229_pre_disaster.png,hurricane-florence_00000229_pre_disaster,0,0,train\masks\hurricane-florence_00000229_pre_disaster.png,0,0,19,16797,229,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000229_pre_disaster.png,pinery-bushfire_00000229_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000229_pre_disaster.png,0,0,0,0,229,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000229_pre_disaster.png,tuscaloosa-tornado_00000229_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000229_pre_disaster.png,0,0,0,0,229,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000229_pre_disaster.png,midwest-flooding_00000229_pre_disaster,0,0,train\masks\midwest-flooding_00000229_pre_disaster.png,0,0,2,198,229,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000229_pre_disaster.png,portugal-wildfire_00000229_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000229_pre_disaster.png,0,0,0,0,229,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000229_pre_disaster.png,lower-puna-volcano_00000229_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000229_pre_disaster.png,0,0,0,0,229,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000229_pre_disaster.png,nepal-flooding_00000229_pre_disaster,0,0,tier3\masks\nepal-flooding_00000229_pre_disaster.png,0,0,9,4632,229,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000229_pre_disaster.png,santa-rosa-wildfire_00000229_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000229_pre_disaster.png,0,0,13,12928,229,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000229_pre_disaster.png,woolsey-fire_00000229_pre_disaster,0,0,tier3\masks\woolsey-fire_00000229_pre_disaster.png,0,0,0,0,229,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000230_pre_disaster.png,woolsey-fire_00000230_pre_disaster,0,0,tier3\masks\woolsey-fire_00000230_pre_disaster.png,0,0,20,11146,230,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000230_pre_disaster.png,portugal-wildfire_00000230_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000230_pre_disaster.png,0,0,0,0,230,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000230_pre_disaster.png,hurricane-michael_00000230_pre_disaster,0,0,train\masks\hurricane-michael_00000230_pre_disaster.png,0,0,73,93802,230,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000230_pre_disaster.png,pinery-bushfire_00000230_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000230_pre_disaster.png,0,0,6,752,230,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000230_pre_disaster.png,tuscaloosa-tornado_00000230_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000230_pre_disaster.png,0,0,5,2110,230,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000230_pre_disaster.png,midwest-flooding_00000230_pre_disaster,0,0,train\masks\midwest-flooding_00000230_pre_disaster.png,0,0,39,31777,230,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000230_pre_disaster.png,lower-puna-volcano_00000230_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000230_pre_disaster.png,0,0,2,895,230,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000230_pre_disaster.png,nepal-flooding_00000230_pre_disaster,0,0,tier3\masks\nepal-flooding_00000230_pre_disaster.png,0,0,17,7756,230,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000230_pre_disaster.png,socal-fire_00000230_pre_disaster,0,0,train\masks\socal-fire_00000230_pre_disaster.png,0,0,0,0,230,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000231_pre_disaster.png,nepal-flooding_00000231_pre_disaster,0,0,tier3\masks\nepal-flooding_00000231_pre_disaster.png,0,0,85,72957,231,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000231_pre_disaster.png,socal-fire_00000231_pre_disaster,0,0,train\masks\socal-fire_00000231_pre_disaster.png,0,0,8,4271,231,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000231_pre_disaster.png,tuscaloosa-tornado_00000231_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000231_pre_disaster.png,0,0,157,129586,231,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000231_pre_disaster.png,midwest-flooding_00000231_pre_disaster,0,0,train\masks\midwest-flooding_00000231_pre_disaster.png,0,0,2,3040,231,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000231_pre_disaster.png,portugal-wildfire_00000231_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000231_pre_disaster.png,0,0,3,694,231,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000231_pre_disaster.png,woolsey-fire_00000231_pre_disaster,0,0,tier3\masks\woolsey-fire_00000231_pre_disaster.png,0,0,33,14749,231,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000231_pre_disaster.png,santa-rosa-wildfire_00000231_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000231_pre_disaster.png,0,0,42,54948,231,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000231_pre_disaster.png,hurricane-michael_00000231_pre_disaster,0,0,train\masks\hurricane-michael_00000231_pre_disaster.png,0,0,43,192319,231,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000231_pre_disaster.png,lower-puna-volcano_00000231_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000231_pre_disaster.png,0,0,39,24612,231,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000231_pre_disaster.png,hurricane-matthew_00000231_pre_disaster,0,0,train\masks\hurricane-matthew_00000231_pre_disaster.png,0,0,32,6546,231,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000231_pre_disaster.png,hurricane-florence_00000231_pre_disaster,0,0,train\masks\hurricane-florence_00000231_pre_disaster.png,0,0,9,6247,231,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000231_pre_disaster.png,hurricane-harvey_00000231_pre_disaster,0,0,train\masks\hurricane-harvey_00000231_pre_disaster.png,0,0,64,255565,231,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000231_pre_disaster.png,pinery-bushfire_00000231_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000231_pre_disaster.png,0,0,0,0,231,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000232_pre_disaster.png,hurricane-florence_00000232_pre_disaster,0,0,train\masks\hurricane-florence_00000232_pre_disaster.png,0,0,39,23802,232,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000232_pre_disaster.png,lower-puna-volcano_00000232_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000232_pre_disaster.png,0,0,20,10551,232,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000232_pre_disaster.png,hurricane-matthew_00000232_pre_disaster,0,0,train\masks\hurricane-matthew_00000232_pre_disaster.png,0,0,4,856,232,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000232_pre_disaster.png,tuscaloosa-tornado_00000232_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000232_pre_disaster.png,0,0,16,12230,232,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000232_pre_disaster.png,portugal-wildfire_00000232_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000232_pre_disaster.png,0,0,47,32991,232,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000232_pre_disaster.png,woolsey-fire_00000232_pre_disaster,0,0,tier3\masks\woolsey-fire_00000232_pre_disaster.png,0,0,16,6976,232,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000232_pre_disaster.png,nepal-flooding_00000232_pre_disaster,0,0,tier3\masks\nepal-flooding_00000232_pre_disaster.png,0,0,49,68785,232,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000232_pre_disaster.png,socal-fire_00000232_pre_disaster,0,0,train\masks\socal-fire_00000232_pre_disaster.png,0,0,0,0,232,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000232_pre_disaster.png,pinery-bushfire_00000232_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000232_pre_disaster.png,0,0,0,0,232,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000232_pre_disaster.png,hurricane-harvey_00000232_pre_disaster,0,0,train\masks\hurricane-harvey_00000232_pre_disaster.png,0,0,2,1688,232,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000233_pre_disaster.png,hurricane-harvey_00000233_pre_disaster,0,0,train\masks\hurricane-harvey_00000233_pre_disaster.png,0,0,175,194247,233,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000233_pre_disaster.png,woolsey-fire_00000233_pre_disaster,0,0,tier3\masks\woolsey-fire_00000233_pre_disaster.png,0,0,0,0,233,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000233_pre_disaster.png,portugal-wildfire_00000233_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000233_pre_disaster.png,0,0,0,0,233,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000233_pre_disaster.png,hurricane-florence_00000233_pre_disaster,0,0,train\masks\hurricane-florence_00000233_pre_disaster.png,0,0,8,2547,233,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000233_pre_disaster.png,santa-rosa-wildfire_00000233_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000233_pre_disaster.png,0,0,6,8095,233,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000233_pre_disaster.png,pinery-bushfire_00000233_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000233_pre_disaster.png,0,0,0,0,233,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000233_pre_disaster.png,hurricane-matthew_00000233_pre_disaster,0,0,train\masks\hurricane-matthew_00000233_pre_disaster.png,0,0,12,3129,233,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000233_pre_disaster.png,nepal-flooding_00000233_pre_disaster,0,0,tier3\masks\nepal-flooding_00000233_pre_disaster.png,0,0,2,987,233,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000233_pre_disaster.png,midwest-flooding_00000233_pre_disaster,0,0,train\masks\midwest-flooding_00000233_pre_disaster.png,0,0,36,26015,233,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000233_pre_disaster.png,hurricane-michael_00000233_pre_disaster,0,0,train\masks\hurricane-michael_00000233_pre_disaster.png,0,0,4,5537,233,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000233_pre_disaster.png,lower-puna-volcano_00000233_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000233_pre_disaster.png,0,0,0,0,233,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000233_pre_disaster.png,tuscaloosa-tornado_00000233_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000233_pre_disaster.png,0,0,120,112999,233,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000234_pre_disaster.png,pinery-bushfire_00000234_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000234_pre_disaster.png,0,0,0,0,234,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000234_pre_disaster.png,hurricane-michael_00000234_pre_disaster,0,0,train\masks\hurricane-michael_00000234_pre_disaster.png,0,0,21,64756,234,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000234_pre_disaster.png,santa-rosa-wildfire_00000234_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000234_pre_disaster.png,0,0,3,5327,234,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000234_pre_disaster.png,lower-puna-volcano_00000234_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000234_pre_disaster.png,0,0,0,0,234,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000234_pre_disaster.png,portugal-wildfire_00000234_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000234_pre_disaster.png,0,0,1,461,234,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000234_pre_disaster.png,woolsey-fire_00000234_pre_disaster,0,0,tier3\masks\woolsey-fire_00000234_pre_disaster.png,0,0,3,2066,234,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000234_pre_disaster.png,hurricane-matthew_00000234_pre_disaster,0,0,train\masks\hurricane-matthew_00000234_pre_disaster.png,0,0,13,2761,234,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000234_pre_disaster.png,nepal-flooding_00000234_pre_disaster,0,0,tier3\masks\nepal-flooding_00000234_pre_disaster.png,0,0,37,33906,234,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000234_pre_disaster.png,midwest-flooding_00000234_pre_disaster,0,0,train\masks\midwest-flooding_00000234_pre_disaster.png,0,0,26,23411,234,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000234_pre_disaster.png,tuscaloosa-tornado_00000234_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000234_pre_disaster.png,0,0,42,37820,234,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000235_pre_disaster.png,hurricane-harvey_00000235_pre_disaster,0,0,train\masks\hurricane-harvey_00000235_pre_disaster.png,0,0,7,3429,235,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000235_pre_disaster.png,tuscaloosa-tornado_00000235_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000235_pre_disaster.png,0,0,17,17682,235,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000235_pre_disaster.png,midwest-flooding_00000235_pre_disaster,0,0,train\masks\midwest-flooding_00000235_pre_disaster.png,0,0,11,6109,235,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000235_pre_disaster.png,lower-puna-volcano_00000235_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000235_pre_disaster.png,0,0,4,1448,235,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000235_pre_disaster.png,woolsey-fire_00000235_pre_disaster,0,0,tier3\masks\woolsey-fire_00000235_pre_disaster.png,0,0,12,4433,235,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000235_pre_disaster.png,santa-rosa-wildfire_00000235_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000235_pre_disaster.png,0,0,30,39740,235,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000235_pre_disaster.png,pinery-bushfire_00000235_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000235_pre_disaster.png,0,0,0,0,235,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000235_pre_disaster.png,nepal-flooding_00000235_pre_disaster,0,0,tier3\masks\nepal-flooding_00000235_pre_disaster.png,0,0,38,52014,235,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000235_pre_disaster.png,portugal-wildfire_00000235_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000235_pre_disaster.png,0,0,0,0,235,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000236_pre_disaster.png,socal-fire_00000236_pre_disaster,0,0,train\masks\socal-fire_00000236_pre_disaster.png,0,0,0,0,236,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000236_pre_disaster.png,woolsey-fire_00000236_pre_disaster,0,0,tier3\masks\woolsey-fire_00000236_pre_disaster.png,0,0,0,0,236,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000236_pre_disaster.png,portugal-wildfire_00000236_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000236_pre_disaster.png,0,0,3,1611,236,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000236_pre_disaster.png,lower-puna-volcano_00000236_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000236_pre_disaster.png,0,0,0,0,236,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000236_pre_disaster.png,nepal-flooding_00000236_pre_disaster,0,0,tier3\masks\nepal-flooding_00000236_pre_disaster.png,0,0,9,4952,236,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000236_pre_disaster.png,midwest-flooding_00000236_pre_disaster,0,0,train\masks\midwest-flooding_00000236_pre_disaster.png,0,0,13,9765,236,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000236_pre_disaster.png,tuscaloosa-tornado_00000236_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000236_pre_disaster.png,0,0,9,5346,236,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000236_pre_disaster.png,hurricane-michael_00000236_pre_disaster,0,0,train\masks\hurricane-michael_00000236_pre_disaster.png,0,0,93,105558,236,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000236_pre_disaster.png,pinery-bushfire_00000236_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000236_pre_disaster.png,0,0,0,0,236,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000237_pre_disaster.png,portugal-wildfire_00000237_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000237_pre_disaster.png,0,0,36,36169,237,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000237_pre_disaster.png,nepal-flooding_00000237_pre_disaster,0,0,tier3\masks\nepal-flooding_00000237_pre_disaster.png,0,0,1,272,237,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000237_pre_disaster.png,pinery-bushfire_00000237_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000237_pre_disaster.png,0,0,9,6202,237,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000237_pre_disaster.png,tuscaloosa-tornado_00000237_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000237_pre_disaster.png,0,0,1,1300,237,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000237_pre_disaster.png,socal-fire_00000237_pre_disaster,0,0,train\masks\socal-fire_00000237_pre_disaster.png,0,0,18,38009,237,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000237_pre_disaster.png,woolsey-fire_00000237_pre_disaster,0,0,tier3\masks\woolsey-fire_00000237_pre_disaster.png,0,0,5,5029,237,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000237_pre_disaster.png,hurricane-florence_00000237_pre_disaster,0,0,train\masks\hurricane-florence_00000237_pre_disaster.png,0,0,23,33552,237,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000237_pre_disaster.png,lower-puna-volcano_00000237_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000237_pre_disaster.png,0,0,39,21213,237,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000237_pre_disaster.png,midwest-flooding_00000237_pre_disaster,0,0,train\masks\midwest-flooding_00000237_pre_disaster.png,0,0,46,58836,237,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000237_pre_disaster.png,hurricane-harvey_00000237_pre_disaster,0,0,train\masks\hurricane-harvey_00000237_pre_disaster.png,0,0,114,381180,237,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000237_pre_disaster.png,santa-rosa-wildfire_00000237_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000237_pre_disaster.png,0,0,22,29012,237,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000237_pre_disaster.png,hurricane-matthew_00000237_pre_disaster,0,0,train\masks\hurricane-matthew_00000237_pre_disaster.png,0,0,29,8170,237,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000238_pre_disaster.png,hurricane-matthew_00000238_pre_disaster,0,0,train\masks\hurricane-matthew_00000238_pre_disaster.png,0,0,5,1044,238,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000238_pre_disaster.png,pinery-bushfire_00000238_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000238_pre_disaster.png,0,0,0,0,238,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000238_pre_disaster.png,tuscaloosa-tornado_00000238_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000238_pre_disaster.png,0,0,14,75792,238,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000238_pre_disaster.png,lower-puna-volcano_00000238_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000238_pre_disaster.png,0,0,0,0,238,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000238_pre_disaster.png,hurricane-michael_00000238_pre_disaster,0,0,train\masks\hurricane-michael_00000238_pre_disaster.png,0,0,146,179857,238,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000238_pre_disaster.png,midwest-flooding_00000238_pre_disaster,0,0,train\masks\midwest-flooding_00000238_pre_disaster.png,0,0,18,24427,238,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000238_pre_disaster.png,hurricane-harvey_00000238_pre_disaster,0,0,train\masks\hurricane-harvey_00000238_pre_disaster.png,0,0,34,47204,238,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000238_pre_disaster.png,woolsey-fire_00000238_pre_disaster,0,0,tier3\masks\woolsey-fire_00000238_pre_disaster.png,0,0,22,16790,238,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000238_pre_disaster.png,nepal-flooding_00000238_pre_disaster,0,0,tier3\masks\nepal-flooding_00000238_pre_disaster.png,0,0,3,2024,238,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000238_pre_disaster.png,portugal-wildfire_00000238_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000238_pre_disaster.png,0,0,1,64,238,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000239_pre_disaster.png,lower-puna-volcano_00000239_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000239_pre_disaster.png,0,0,15,4408,239,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000239_pre_disaster.png,hurricane-harvey_00000239_pre_disaster,0,0,train\masks\hurricane-harvey_00000239_pre_disaster.png,0,0,22,37424,239,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000239_pre_disaster.png,nepal-flooding_00000239_pre_disaster,0,0,tier3\masks\nepal-flooding_00000239_pre_disaster.png,0,0,65,41277,239,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000239_pre_disaster.png,tuscaloosa-tornado_00000239_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000239_pre_disaster.png,0,0,8,9223,239,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000239_pre_disaster.png,pinery-bushfire_00000239_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000239_pre_disaster.png,0,0,0,0,239,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000239_pre_disaster.png,portugal-wildfire_00000239_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000239_pre_disaster.png,0,0,1,338,239,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000239_pre_disaster.png,woolsey-fire_00000239_pre_disaster,0,0,tier3\masks\woolsey-fire_00000239_pre_disaster.png,0,0,16,11371,239,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000239_pre_disaster.png,hurricane-matthew_00000239_pre_disaster,0,0,train\masks\hurricane-matthew_00000239_pre_disaster.png,0,0,0,0,239,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000239_pre_disaster.png,socal-fire_00000239_pre_disaster,0,0,train\masks\socal-fire_00000239_pre_disaster.png,0,0,106,180489,239,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000239_pre_disaster.png,santa-rosa-wildfire_00000239_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000239_pre_disaster.png,0,0,45,37085,239,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000239_pre_disaster.png,midwest-flooding_00000239_pre_disaster,0,0,train\masks\midwest-flooding_00000239_pre_disaster.png,0,0,11,13169,239,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000239_pre_disaster.png,hurricane-michael_00000239_pre_disaster,0,0,train\masks\hurricane-michael_00000239_pre_disaster.png,0,0,134,111023,239,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000240_pre_disaster.png,lower-puna-volcano_00000240_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000240_pre_disaster.png,0,0,0,0,240,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000240_pre_disaster.png,nepal-flooding_00000240_pre_disaster,0,0,tier3\masks\nepal-flooding_00000240_pre_disaster.png,0,0,22,11457,240,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000240_pre_disaster.png,pinery-bushfire_00000240_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000240_pre_disaster.png,0,0,0,0,240,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000240_pre_disaster.png,portugal-wildfire_00000240_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000240_pre_disaster.png,0,0,1,350,240,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000240_pre_disaster.png,socal-fire_00000240_pre_disaster,0,0,train\masks\socal-fire_00000240_pre_disaster.png,0,0,40,50250,240,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000240_pre_disaster.png,woolsey-fire_00000240_pre_disaster,0,0,tier3\masks\woolsey-fire_00000240_pre_disaster.png,0,0,0,0,240,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000240_pre_disaster.png,hurricane-michael_00000240_pre_disaster,0,0,train\masks\hurricane-michael_00000240_pre_disaster.png,0,0,63,104244,240,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000240_pre_disaster.png,tuscaloosa-tornado_00000240_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000240_pre_disaster.png,0,0,0,0,240,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000241_pre_disaster.png,woolsey-fire_00000241_pre_disaster,0,0,tier3\masks\woolsey-fire_00000241_pre_disaster.png,0,0,28,21771,241,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000241_pre_disaster.png,tuscaloosa-tornado_00000241_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000241_pre_disaster.png,0,0,13,7487,241,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000241_pre_disaster.png,santa-rosa-wildfire_00000241_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000241_pre_disaster.png,0,0,5,2399,241,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000241_pre_disaster.png,hurricane-matthew_00000241_pre_disaster,0,0,train\masks\hurricane-matthew_00000241_pre_disaster.png,0,0,10,2262,241,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000241_pre_disaster.png,lower-puna-volcano_00000241_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000241_pre_disaster.png,0,0,3,2046,241,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000241_pre_disaster.png,portugal-wildfire_00000241_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000241_pre_disaster.png,0,0,0,0,241,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000241_pre_disaster.png,pinery-bushfire_00000241_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000241_pre_disaster.png,0,0,7,4826,241,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000241_pre_disaster.png,hurricane-harvey_00000241_pre_disaster,0,0,train\masks\hurricane-harvey_00000241_pre_disaster.png,0,0,4,918,241,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000241_pre_disaster.png,nepal-flooding_00000241_pre_disaster,0,0,tier3\masks\nepal-flooding_00000241_pre_disaster.png,0,0,2,251,241,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000241_pre_disaster.png,hurricane-michael_00000241_pre_disaster,0,0,train\masks\hurricane-michael_00000241_pre_disaster.png,0,0,47,128834,241,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000242_pre_disaster.png,tuscaloosa-tornado_00000242_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000242_pre_disaster.png,0,0,17,60927,242,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000242_pre_disaster.png,woolsey-fire_00000242_pre_disaster,0,0,tier3\masks\woolsey-fire_00000242_pre_disaster.png,0,0,0,0,242,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000242_pre_disaster.png,hurricane-matthew_00000242_pre_disaster,0,0,train\masks\hurricane-matthew_00000242_pre_disaster.png,0,0,0,0,242,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000242_pre_disaster.png,hurricane-harvey_00000242_pre_disaster,0,0,train\masks\hurricane-harvey_00000242_pre_disaster.png,0,0,221,379540,242,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000242_pre_disaster.png,pinery-bushfire_00000242_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000242_pre_disaster.png,0,0,0,0,242,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000242_pre_disaster.png,midwest-flooding_00000242_pre_disaster,0,0,train\masks\midwest-flooding_00000242_pre_disaster.png,0,0,3,1979,242,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000242_pre_disaster.png,hurricane-florence_00000242_pre_disaster,0,0,train\masks\hurricane-florence_00000242_pre_disaster.png,0,0,10,7657,242,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000242_pre_disaster.png,nepal-flooding_00000242_pre_disaster,0,0,tier3\masks\nepal-flooding_00000242_pre_disaster.png,0,0,23,17901,242,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000242_pre_disaster.png,lower-puna-volcano_00000242_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000242_pre_disaster.png,0,0,2,952,242,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000242_pre_disaster.png,portugal-wildfire_00000242_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000242_pre_disaster.png,0,0,17,10078,242,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000243_pre_disaster.png,nepal-flooding_00000243_pre_disaster,0,0,tier3\masks\nepal-flooding_00000243_pre_disaster.png,0,0,3,877,243,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000243_pre_disaster.png,hurricane-matthew_00000243_pre_disaster,0,0,train\masks\hurricane-matthew_00000243_pre_disaster.png,0,0,46,14771,243,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000243_pre_disaster.png,hurricane-michael_00000243_pre_disaster,0,0,train\masks\hurricane-michael_00000243_pre_disaster.png,0,0,108,85528,243,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000243_pre_disaster.png,santa-rosa-wildfire_00000243_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000243_pre_disaster.png,0,0,206,224246,243,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000243_pre_disaster.png,lower-puna-volcano_00000243_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000243_pre_disaster.png,0,0,60,27618,243,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000243_pre_disaster.png,tuscaloosa-tornado_00000243_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000243_pre_disaster.png,0,0,77,49580,243,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000243_pre_disaster.png,woolsey-fire_00000243_pre_disaster,0,0,tier3\masks\woolsey-fire_00000243_pre_disaster.png,0,0,0,0,243,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000243_pre_disaster.png,socal-fire_00000243_pre_disaster,0,0,train\masks\socal-fire_00000243_pre_disaster.png,0,0,0,0,243,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000243_pre_disaster.png,portugal-wildfire_00000243_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000243_pre_disaster.png,0,0,6,4391,243,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000243_pre_disaster.png,hurricane-harvey_00000243_pre_disaster,0,0,train\masks\hurricane-harvey_00000243_pre_disaster.png,0,0,6,5906,243,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000243_pre_disaster.png,pinery-bushfire_00000243_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000243_pre_disaster.png,0,0,0,0,243,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000244_pre_disaster.png,hurricane-matthew_00000244_pre_disaster,0,0,train\masks\hurricane-matthew_00000244_pre_disaster.png,0,0,34,5855,244,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000244_pre_disaster.png,hurricane-michael_00000244_pre_disaster,0,0,train\masks\hurricane-michael_00000244_pre_disaster.png,0,0,0,0,244,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000244_pre_disaster.png,hurricane-harvey_00000244_pre_disaster,0,0,train\masks\hurricane-harvey_00000244_pre_disaster.png,0,0,10,8012,244,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000244_pre_disaster.png,socal-fire_00000244_pre_disaster,0,0,train\masks\socal-fire_00000244_pre_disaster.png,0,0,6,3728,244,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000244_pre_disaster.png,nepal-flooding_00000244_pre_disaster,0,0,tier3\masks\nepal-flooding_00000244_pre_disaster.png,0,0,6,2279,244,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000244_pre_disaster.png,woolsey-fire_00000244_pre_disaster,0,0,tier3\masks\woolsey-fire_00000244_pre_disaster.png,0,0,5,4924,244,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000244_pre_disaster.png,santa-rosa-wildfire_00000244_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000244_pre_disaster.png,0,0,45,38228,244,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000244_pre_disaster.png,midwest-flooding_00000244_pre_disaster,0,0,train\masks\midwest-flooding_00000244_pre_disaster.png,0,0,12,3812,244,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000244_pre_disaster.png,portugal-wildfire_00000244_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000244_pre_disaster.png,0,0,12,10388,244,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000244_pre_disaster.png,pinery-bushfire_00000244_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000244_pre_disaster.png,0,0,0,0,244,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000244_pre_disaster.png,lower-puna-volcano_00000244_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000244_pre_disaster.png,0,0,19,7465,244,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000244_pre_disaster.png,tuscaloosa-tornado_00000244_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000244_pre_disaster.png,0,0,51,38169,244,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000244_pre_disaster.png,hurricane-florence_00000244_pre_disaster,0,0,train\masks\hurricane-florence_00000244_pre_disaster.png,0,0,6,8138,244,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000245_pre_disaster.png,lower-puna-volcano_00000245_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000245_pre_disaster.png,0,0,0,0,245,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000245_pre_disaster.png,santa-rosa-wildfire_00000245_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000245_pre_disaster.png,0,0,1,239,245,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000245_pre_disaster.png,portugal-wildfire_00000245_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000245_pre_disaster.png,0,0,2,300,245,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000245_pre_disaster.png,tuscaloosa-tornado_00000245_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000245_pre_disaster.png,0,0,7,6426,245,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000245_pre_disaster.png,hurricane-matthew_00000245_pre_disaster,0,0,train\masks\hurricane-matthew_00000245_pre_disaster.png,0,0,27,4602,245,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000245_pre_disaster.png,pinery-bushfire_00000245_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000245_pre_disaster.png,0,0,0,0,245,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000245_pre_disaster.png,hurricane-harvey_00000245_pre_disaster,0,0,train\masks\hurricane-harvey_00000245_pre_disaster.png,0,0,61,75877,245,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000245_pre_disaster.png,nepal-flooding_00000245_pre_disaster,0,0,tier3\masks\nepal-flooding_00000245_pre_disaster.png,0,0,10,5021,245,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000245_pre_disaster.png,hurricane-florence_00000245_pre_disaster,0,0,train\masks\hurricane-florence_00000245_pre_disaster.png,0,0,4,4671,245,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000245_pre_disaster.png,woolsey-fire_00000245_pre_disaster,0,0,tier3\masks\woolsey-fire_00000245_pre_disaster.png,0,0,37,17939,245,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000245_pre_disaster.png,socal-fire_00000245_pre_disaster,0,0,train\masks\socal-fire_00000245_pre_disaster.png,0,0,12,12796,245,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000246_pre_disaster.png,santa-rosa-wildfire_00000246_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000246_pre_disaster.png,0,0,1,1828,246,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000246_pre_disaster.png,lower-puna-volcano_00000246_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000246_pre_disaster.png,0,0,0,0,246,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000246_pre_disaster.png,midwest-flooding_00000246_pre_disaster,0,0,train\masks\midwest-flooding_00000246_pre_disaster.png,0,0,8,4226,246,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000246_pre_disaster.png,nepal-flooding_00000246_pre_disaster,0,0,tier3\masks\nepal-flooding_00000246_pre_disaster.png,0,0,1,1655,246,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000246_pre_disaster.png,portugal-wildfire_00000246_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000246_pre_disaster.png,0,0,0,0,246,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000246_pre_disaster.png,woolsey-fire_00000246_pre_disaster,0,0,tier3\masks\woolsey-fire_00000246_pre_disaster.png,0,0,11,3962,246,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000246_pre_disaster.png,tuscaloosa-tornado_00000246_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000246_pre_disaster.png,0,0,28,118987,246,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000246_pre_disaster.png,pinery-bushfire_00000246_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000246_pre_disaster.png,0,0,0,0,246,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000246_pre_disaster.png,hurricane-michael_00000246_pre_disaster,0,0,train\masks\hurricane-michael_00000246_pre_disaster.png,0,0,129,186893,246,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000247_pre_disaster.png,midwest-flooding_00000247_pre_disaster,0,0,train\masks\midwest-flooding_00000247_pre_disaster.png,0,0,31,14792,247,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000247_pre_disaster.png,tuscaloosa-tornado_00000247_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000247_pre_disaster.png,0,0,2,478,247,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000247_pre_disaster.png,socal-fire_00000247_pre_disaster,0,0,train\masks\socal-fire_00000247_pre_disaster.png,0,0,0,0,247,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000247_pre_disaster.png,lower-puna-volcano_00000247_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000247_pre_disaster.png,0,0,6,3259,247,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000247_pre_disaster.png,portugal-wildfire_00000247_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000247_pre_disaster.png,0,0,0,0,247,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000247_pre_disaster.png,woolsey-fire_00000247_pre_disaster,0,0,tier3\masks\woolsey-fire_00000247_pre_disaster.png,0,0,0,0,247,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000247_pre_disaster.png,pinery-bushfire_00000247_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000247_pre_disaster.png,0,0,0,0,247,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000247_pre_disaster.png,hurricane-michael_00000247_pre_disaster,0,0,train\masks\hurricane-michael_00000247_pre_disaster.png,0,0,172,110551,247,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000247_pre_disaster.png,santa-rosa-wildfire_00000247_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000247_pre_disaster.png,0,0,0,0,247,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000247_pre_disaster.png,nepal-flooding_00000247_pre_disaster,0,0,tier3\masks\nepal-flooding_00000247_pre_disaster.png,0,0,12,6291,247,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000247_pre_disaster.png,hurricane-florence_00000247_pre_disaster,0,0,train\masks\hurricane-florence_00000247_pre_disaster.png,0,0,7,4179,247,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000248_pre_disaster.png,santa-rosa-wildfire_00000248_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000248_pre_disaster.png,0,0,14,10661,248,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000248_pre_disaster.png,tuscaloosa-tornado_00000248_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000248_pre_disaster.png,0,0,69,42629,248,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000248_pre_disaster.png,nepal-flooding_00000248_pre_disaster,0,0,tier3\masks\nepal-flooding_00000248_pre_disaster.png,0,0,2,293,248,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000248_pre_disaster.png,hurricane-harvey_00000248_pre_disaster,0,0,train\masks\hurricane-harvey_00000248_pre_disaster.png,0,0,44,21612,248,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000248_pre_disaster.png,socal-fire_00000248_pre_disaster,0,0,train\masks\socal-fire_00000248_pre_disaster.png,0,0,0,0,248,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000248_pre_disaster.png,hurricane-michael_00000248_pre_disaster,0,0,train\masks\hurricane-michael_00000248_pre_disaster.png,0,0,30,178731,248,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000248_pre_disaster.png,pinery-bushfire_00000248_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000248_pre_disaster.png,0,0,0,0,248,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000248_pre_disaster.png,woolsey-fire_00000248_pre_disaster,0,0,tier3\masks\woolsey-fire_00000248_pre_disaster.png,0,0,1,1393,248,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000248_pre_disaster.png,portugal-wildfire_00000248_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000248_pre_disaster.png,0,0,7,4326,248,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000248_pre_disaster.png,hurricane-matthew_00000248_pre_disaster,0,0,train\masks\hurricane-matthew_00000248_pre_disaster.png,0,0,30,6226,248,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000248_pre_disaster.png,lower-puna-volcano_00000248_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000248_pre_disaster.png,0,0,7,5567,248,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000249_pre_disaster.png,portugal-wildfire_00000249_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000249_pre_disaster.png,0,0,0,0,249,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000249_pre_disaster.png,santa-rosa-wildfire_00000249_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000249_pre_disaster.png,0,0,11,12372,249,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000249_pre_disaster.png,nepal-flooding_00000249_pre_disaster,0,0,tier3\masks\nepal-flooding_00000249_pre_disaster.png,0,0,51,100793,249,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000249_pre_disaster.png,pinery-bushfire_00000249_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000249_pre_disaster.png,0,0,0,0,249,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000249_pre_disaster.png,lower-puna-volcano_00000249_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000249_pre_disaster.png,0,0,31,25595,249,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000249_pre_disaster.png,hurricane-michael_00000249_pre_disaster,0,0,train\masks\hurricane-michael_00000249_pre_disaster.png,0,0,57,107501,249,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000249_pre_disaster.png,hurricane-harvey_00000249_pre_disaster,0,0,train\masks\hurricane-harvey_00000249_pre_disaster.png,0,0,79,132436,249,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000249_pre_disaster.png,midwest-flooding_00000249_pre_disaster,0,0,train\masks\midwest-flooding_00000249_pre_disaster.png,0,0,22,11290,249,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000249_pre_disaster.png,hurricane-matthew_00000249_pre_disaster,0,0,train\masks\hurricane-matthew_00000249_pre_disaster.png,0,0,15,3111,249,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000249_pre_disaster.png,socal-fire_00000249_pre_disaster,0,0,train\masks\socal-fire_00000249_pre_disaster.png,0,0,0,0,249,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000249_pre_disaster.png,tuscaloosa-tornado_00000249_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000249_pre_disaster.png,0,0,2,1402,249,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000249_pre_disaster.png,woolsey-fire_00000249_pre_disaster,0,0,tier3\masks\woolsey-fire_00000249_pre_disaster.png,0,0,0,0,249,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000250_pre_disaster.png,woolsey-fire_00000250_pre_disaster,0,0,tier3\masks\woolsey-fire_00000250_pre_disaster.png,0,0,0,0,250,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000250_pre_disaster.png,nepal-flooding_00000250_pre_disaster,0,0,tier3\masks\nepal-flooding_00000250_pre_disaster.png,0,0,32,29151,250,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000250_pre_disaster.png,pinery-bushfire_00000250_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000250_pre_disaster.png,0,0,0,0,250,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000250_pre_disaster.png,santa-rosa-wildfire_00000250_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000250_pre_disaster.png,0,0,43,46397,250,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000250_pre_disaster.png,lower-puna-volcano_00000250_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000250_pre_disaster.png,0,0,10,13196,250,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000250_pre_disaster.png,tuscaloosa-tornado_00000250_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000250_pre_disaster.png,0,0,113,99661,250,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000250_pre_disaster.png,hurricane-matthew_00000250_pre_disaster,0,0,train\masks\hurricane-matthew_00000250_pre_disaster.png,0,0,14,2804,250,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000250_pre_disaster.png,portugal-wildfire_00000250_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000250_pre_disaster.png,0,0,0,0,250,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000250_pre_disaster.png,hurricane-michael_00000250_pre_disaster,0,0,train\masks\hurricane-michael_00000250_pre_disaster.png,0,0,17,69224,250,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000251_pre_disaster.png,hurricane-florence_00000251_pre_disaster,0,0,train\masks\hurricane-florence_00000251_pre_disaster.png,0,0,23,16606,251,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000251_pre_disaster.png,hurricane-michael_00000251_pre_disaster,0,0,train\masks\hurricane-michael_00000251_pre_disaster.png,0,0,86,66415,251,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000251_pre_disaster.png,lower-puna-volcano_00000251_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000251_pre_disaster.png,0,0,0,0,251,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000251_pre_disaster.png,woolsey-fire_00000251_pre_disaster,0,0,tier3\masks\woolsey-fire_00000251_pre_disaster.png,0,0,0,0,251,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000251_pre_disaster.png,nepal-flooding_00000251_pre_disaster,0,0,tier3\masks\nepal-flooding_00000251_pre_disaster.png,0,0,35,23693,251,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000251_pre_disaster.png,portugal-wildfire_00000251_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000251_pre_disaster.png,0,0,0,0,251,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000251_pre_disaster.png,tuscaloosa-tornado_00000251_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000251_pre_disaster.png,0,0,48,31783,251,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000251_pre_disaster.png,santa-rosa-wildfire_00000251_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000251_pre_disaster.png,0,0,36,44555,251,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000251_pre_disaster.png,pinery-bushfire_00000251_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000251_pre_disaster.png,0,0,3,806,251,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000251_pre_disaster.png,hurricane-harvey_00000251_pre_disaster,0,0,train\masks\hurricane-harvey_00000251_pre_disaster.png,0,0,2,306,251,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000251_pre_disaster.png,hurricane-matthew_00000251_pre_disaster,0,0,train\masks\hurricane-matthew_00000251_pre_disaster.png,0,0,28,19974,251,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000251_pre_disaster.png,socal-fire_00000251_pre_disaster,0,0,train\masks\socal-fire_00000251_pre_disaster.png,0,0,43,91744,251,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000251_pre_disaster.png,midwest-flooding_00000251_pre_disaster,0,0,train\masks\midwest-flooding_00000251_pre_disaster.png,0,0,10,6383,251,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000252_pre_disaster.png,socal-fire_00000252_pre_disaster,0,0,train\masks\socal-fire_00000252_pre_disaster.png,0,0,4,3809,252,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000252_pre_disaster.png,hurricane-florence_00000252_pre_disaster,0,0,train\masks\hurricane-florence_00000252_pre_disaster.png,0,0,1,1039,252,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000252_pre_disaster.png,lower-puna-volcano_00000252_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000252_pre_disaster.png,0,0,6,1525,252,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000252_pre_disaster.png,hurricane-michael_00000252_pre_disaster,0,0,train\masks\hurricane-michael_00000252_pre_disaster.png,0,0,151,150729,252,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000252_pre_disaster.png,woolsey-fire_00000252_pre_disaster,0,0,tier3\masks\woolsey-fire_00000252_pre_disaster.png,0,0,0,0,252,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000252_pre_disaster.png,portugal-wildfire_00000252_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000252_pre_disaster.png,0,0,0,0,252,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000252_pre_disaster.png,tuscaloosa-tornado_00000252_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000252_pre_disaster.png,0,0,7,3108,252,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000252_pre_disaster.png,midwest-flooding_00000252_pre_disaster,0,0,train\masks\midwest-flooding_00000252_pre_disaster.png,0,0,51,26218,252,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000252_pre_disaster.png,nepal-flooding_00000252_pre_disaster,0,0,tier3\masks\nepal-flooding_00000252_pre_disaster.png,0,0,0,0,252,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000252_pre_disaster.png,santa-rosa-wildfire_00000252_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000252_pre_disaster.png,0,0,5,6128,252,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000252_pre_disaster.png,pinery-bushfire_00000252_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000252_pre_disaster.png,0,0,0,0,252,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000252_pre_disaster.png,hurricane-matthew_00000252_pre_disaster,0,0,train\masks\hurricane-matthew_00000252_pre_disaster.png,0,0,15,3540,252,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000253_pre_disaster.png,woolsey-fire_00000253_pre_disaster,0,0,tier3\masks\woolsey-fire_00000253_pre_disaster.png,0,0,32,16721,253,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000253_pre_disaster.png,pinery-bushfire_00000253_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000253_pre_disaster.png,0,0,8,4398,253,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000253_pre_disaster.png,hurricane-michael_00000253_pre_disaster,0,0,train\masks\hurricane-michael_00000253_pre_disaster.png,0,0,87,75272,253,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000253_pre_disaster.png,midwest-flooding_00000253_pre_disaster,0,0,train\masks\midwest-flooding_00000253_pre_disaster.png,0,0,72,40397,253,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000253_pre_disaster.png,lower-puna-volcano_00000253_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000253_pre_disaster.png,0,0,29,21580,253,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000253_pre_disaster.png,nepal-flooding_00000253_pre_disaster,0,0,tier3\masks\nepal-flooding_00000253_pre_disaster.png,0,0,62,80649,253,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000253_pre_disaster.png,tuscaloosa-tornado_00000253_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000253_pre_disaster.png,0,0,173,119851,253,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000253_pre_disaster.png,santa-rosa-wildfire_00000253_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000253_pre_disaster.png,0,0,11,10669,253,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000253_pre_disaster.png,portugal-wildfire_00000253_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000253_pre_disaster.png,0,0,1,4210,253,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000253_pre_disaster.png,socal-fire_00000253_pre_disaster,0,0,train\masks\socal-fire_00000253_pre_disaster.png,0,0,23,12460,253,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000254_pre_disaster.png,nepal-flooding_00000254_pre_disaster,0,0,tier3\masks\nepal-flooding_00000254_pre_disaster.png,0,0,21,20580,254,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000254_pre_disaster.png,woolsey-fire_00000254_pre_disaster,0,0,tier3\masks\woolsey-fire_00000254_pre_disaster.png,0,0,3,646,254,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000254_pre_disaster.png,tuscaloosa-tornado_00000254_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000254_pre_disaster.png,0,0,19,10822,254,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000254_pre_disaster.png,pinery-bushfire_00000254_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000254_pre_disaster.png,0,0,0,0,254,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000254_pre_disaster.png,lower-puna-volcano_00000254_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000254_pre_disaster.png,0,0,17,13155,254,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000254_pre_disaster.png,santa-rosa-wildfire_00000254_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000254_pre_disaster.png,0,0,14,13023,254,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000254_pre_disaster.png,portugal-wildfire_00000254_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000254_pre_disaster.png,0,0,0,0,254,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000255_pre_disaster.png,midwest-flooding_00000255_pre_disaster,0,0,train\masks\midwest-flooding_00000255_pre_disaster.png,0,0,7,2743,255,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000255_pre_disaster.png,hurricane-florence_00000255_pre_disaster,0,0,train\masks\hurricane-florence_00000255_pre_disaster.png,0,0,2,1128,255,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000255_pre_disaster.png,portugal-wildfire_00000255_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000255_pre_disaster.png,0,0,19,13361,255,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000255_pre_disaster.png,woolsey-fire_00000255_pre_disaster,0,0,tier3\masks\woolsey-fire_00000255_pre_disaster.png,0,0,11,14176,255,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000255_pre_disaster.png,pinery-bushfire_00000255_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000255_pre_disaster.png,0,0,0,0,255,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000255_pre_disaster.png,hurricane-harvey_00000255_pre_disaster,0,0,train\masks\hurricane-harvey_00000255_pre_disaster.png,0,0,10,16185,255,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000255_pre_disaster.png,lower-puna-volcano_00000255_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000255_pre_disaster.png,0,0,36,20061,255,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000255_pre_disaster.png,nepal-flooding_00000255_pre_disaster,0,0,tier3\masks\nepal-flooding_00000255_pre_disaster.png,0,0,3,859,255,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000255_pre_disaster.png,tuscaloosa-tornado_00000255_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000255_pre_disaster.png,0,0,100,77530,255,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000256_pre_disaster.png,hurricane-florence_00000256_pre_disaster,0,0,train\masks\hurricane-florence_00000256_pre_disaster.png,0,0,11,8599,256,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000256_pre_disaster.png,tuscaloosa-tornado_00000256_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000256_pre_disaster.png,0,0,144,138604,256,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000256_pre_disaster.png,hurricane-matthew_00000256_pre_disaster,0,0,train\masks\hurricane-matthew_00000256_pre_disaster.png,0,0,22,5810,256,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000256_pre_disaster.png,portugal-wildfire_00000256_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000256_pre_disaster.png,0,0,32,27400,256,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000256_pre_disaster.png,nepal-flooding_00000256_pre_disaster,0,0,tier3\masks\nepal-flooding_00000256_pre_disaster.png,0,0,12,8709,256,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000256_pre_disaster.png,woolsey-fire_00000256_pre_disaster,0,0,tier3\masks\woolsey-fire_00000256_pre_disaster.png,0,0,0,0,256,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000256_pre_disaster.png,lower-puna-volcano_00000256_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000256_pre_disaster.png,0,0,6,6811,256,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000256_pre_disaster.png,pinery-bushfire_00000256_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000256_pre_disaster.png,0,0,0,0,256,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000257_pre_disaster.png,hurricane-michael_00000257_pre_disaster,0,0,train\masks\hurricane-michael_00000257_pre_disaster.png,0,0,49,73228,257,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000257_pre_disaster.png,socal-fire_00000257_pre_disaster,0,0,train\masks\socal-fire_00000257_pre_disaster.png,0,0,9,3668,257,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000257_pre_disaster.png,nepal-flooding_00000257_pre_disaster,0,0,tier3\masks\nepal-flooding_00000257_pre_disaster.png,0,0,6,3297,257,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000257_pre_disaster.png,tuscaloosa-tornado_00000257_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000257_pre_disaster.png,0,0,6,2400,257,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000257_pre_disaster.png,lower-puna-volcano_00000257_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000257_pre_disaster.png,0,0,0,0,257,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000257_pre_disaster.png,hurricane-harvey_00000257_pre_disaster,0,0,train\masks\hurricane-harvey_00000257_pre_disaster.png,0,0,9,9804,257,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000257_pre_disaster.png,portugal-wildfire_00000257_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000257_pre_disaster.png,0,0,0,0,257,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000257_pre_disaster.png,pinery-bushfire_00000257_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000257_pre_disaster.png,0,0,0,0,257,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000257_pre_disaster.png,woolsey-fire_00000257_pre_disaster,0,0,tier3\masks\woolsey-fire_00000257_pre_disaster.png,0,0,11,5080,257,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000258_pre_disaster.png,woolsey-fire_00000258_pre_disaster,0,0,tier3\masks\woolsey-fire_00000258_pre_disaster.png,0,0,0,0,258,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000258_pre_disaster.png,midwest-flooding_00000258_pre_disaster,0,0,train\masks\midwest-flooding_00000258_pre_disaster.png,0,0,34,25845,258,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000258_pre_disaster.png,lower-puna-volcano_00000258_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000258_pre_disaster.png,0,0,0,0,258,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000258_pre_disaster.png,nepal-flooding_00000258_pre_disaster,0,0,tier3\masks\nepal-flooding_00000258_pre_disaster.png,0,0,26,12010,258,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000258_pre_disaster.png,santa-rosa-wildfire_00000258_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000258_pre_disaster.png,0,0,0,0,258,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000258_pre_disaster.png,hurricane-harvey_00000258_pre_disaster,0,0,train\masks\hurricane-harvey_00000258_pre_disaster.png,0,0,2,1350,258,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000258_pre_disaster.png,portugal-wildfire_00000258_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000258_pre_disaster.png,0,0,0,0,258,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000258_pre_disaster.png,tuscaloosa-tornado_00000258_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000258_pre_disaster.png,0,0,83,75242,258,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000258_pre_disaster.png,hurricane-michael_00000258_pre_disaster,0,0,train\masks\hurricane-michael_00000258_pre_disaster.png,0,0,14,24924,258,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000258_pre_disaster.png,pinery-bushfire_00000258_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000258_pre_disaster.png,0,0,2,1123,258,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000259_pre_disaster.png,socal-fire_00000259_pre_disaster,0,0,train\masks\socal-fire_00000259_pre_disaster.png,0,0,0,0,259,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000259_pre_disaster.png,pinery-bushfire_00000259_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000259_pre_disaster.png,0,0,0,0,259,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000259_pre_disaster.png,tuscaloosa-tornado_00000259_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000259_pre_disaster.png,0,0,91,77684,259,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000259_pre_disaster.png,nepal-flooding_00000259_pre_disaster,0,0,tier3\masks\nepal-flooding_00000259_pre_disaster.png,0,0,76,55260,259,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000259_pre_disaster.png,hurricane-matthew_00000259_pre_disaster,0,0,train\masks\hurricane-matthew_00000259_pre_disaster.png,0,0,4,852,259,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000259_pre_disaster.png,lower-puna-volcano_00000259_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000259_pre_disaster.png,0,0,8,2995,259,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000259_pre_disaster.png,midwest-flooding_00000259_pre_disaster,0,0,train\masks\midwest-flooding_00000259_pre_disaster.png,0,0,52,44774,259,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000259_pre_disaster.png,portugal-wildfire_00000259_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000259_pre_disaster.png,0,0,106,123594,259,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000259_pre_disaster.png,hurricane-florence_00000259_pre_disaster,0,0,train\masks\hurricane-florence_00000259_pre_disaster.png,0,0,9,6609,259,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000259_pre_disaster.png,santa-rosa-wildfire_00000259_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000259_pre_disaster.png,0,0,11,8203,259,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000259_pre_disaster.png,woolsey-fire_00000259_pre_disaster,0,0,tier3\masks\woolsey-fire_00000259_pre_disaster.png,0,0,0,0,259,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000260_pre_disaster.png,hurricane-harvey_00000260_pre_disaster,0,0,train\masks\hurricane-harvey_00000260_pre_disaster.png,0,0,0,0,260,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000260_pre_disaster.png,lower-puna-volcano_00000260_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000260_pre_disaster.png,0,0,15,7013,260,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000260_pre_disaster.png,santa-rosa-wildfire_00000260_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000260_pre_disaster.png,0,0,39,52670,260,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000260_pre_disaster.png,nepal-flooding_00000260_pre_disaster,0,0,tier3\masks\nepal-flooding_00000260_pre_disaster.png,0,0,39,27649,260,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000260_pre_disaster.png,portugal-wildfire_00000260_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000260_pre_disaster.png,0,0,0,0,260,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000260_pre_disaster.png,hurricane-michael_00000260_pre_disaster,0,0,train\masks\hurricane-michael_00000260_pre_disaster.png,0,0,31,26389,260,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000260_pre_disaster.png,woolsey-fire_00000260_pre_disaster,0,0,tier3\masks\woolsey-fire_00000260_pre_disaster.png,0,0,0,0,260,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000260_pre_disaster.png,hurricane-florence_00000260_pre_disaster,0,0,train\masks\hurricane-florence_00000260_pre_disaster.png,0,0,26,23070,260,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000260_pre_disaster.png,hurricane-matthew_00000260_pre_disaster,0,0,train\masks\hurricane-matthew_00000260_pre_disaster.png,0,0,76,40187,260,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000260_pre_disaster.png,tuscaloosa-tornado_00000260_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000260_pre_disaster.png,0,0,20,13394,260,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000260_pre_disaster.png,pinery-bushfire_00000260_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000260_pre_disaster.png,0,0,0,0,260,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000261_pre_disaster.png,hurricane-michael_00000261_pre_disaster,0,0,train\masks\hurricane-michael_00000261_pre_disaster.png,0,0,20,232098,261,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000261_pre_disaster.png,lower-puna-volcano_00000261_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000261_pre_disaster.png,0,0,27,13796,261,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000261_pre_disaster.png,tuscaloosa-tornado_00000261_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000261_pre_disaster.png,0,0,22,14811,261,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000261_pre_disaster.png,hurricane-harvey_00000261_pre_disaster,0,0,train\masks\hurricane-harvey_00000261_pre_disaster.png,0,0,6,5825,261,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000261_pre_disaster.png,hurricane-matthew_00000261_pre_disaster,0,0,train\masks\hurricane-matthew_00000261_pre_disaster.png,0,0,12,2440,261,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000261_pre_disaster.png,socal-fire_00000261_pre_disaster,0,0,train\masks\socal-fire_00000261_pre_disaster.png,0,0,0,0,261,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000261_pre_disaster.png,portugal-wildfire_00000261_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000261_pre_disaster.png,0,0,0,0,261,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000261_pre_disaster.png,nepal-flooding_00000261_pre_disaster,0,0,tier3\masks\nepal-flooding_00000261_pre_disaster.png,0,0,1,261,261,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000261_pre_disaster.png,woolsey-fire_00000261_pre_disaster,0,0,tier3\masks\woolsey-fire_00000261_pre_disaster.png,0,0,1,77,261,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000261_pre_disaster.png,pinery-bushfire_00000261_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000261_pre_disaster.png,0,0,2,1845,261,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000262_pre_disaster.png,woolsey-fire_00000262_pre_disaster,0,0,tier3\masks\woolsey-fire_00000262_pre_disaster.png,0,0,29,10068,262,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000262_pre_disaster.png,tuscaloosa-tornado_00000262_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000262_pre_disaster.png,0,0,29,35610,262,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000262_pre_disaster.png,pinery-bushfire_00000262_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000262_pre_disaster.png,0,0,0,0,262,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000262_pre_disaster.png,hurricane-harvey_00000262_pre_disaster,0,0,train\masks\hurricane-harvey_00000262_pre_disaster.png,0,0,0,0,262,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000262_pre_disaster.png,portugal-wildfire_00000262_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000262_pre_disaster.png,0,0,0,0,262,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000262_pre_disaster.png,nepal-flooding_00000262_pre_disaster,0,0,tier3\masks\nepal-flooding_00000262_pre_disaster.png,0,0,1,530,262,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000262_pre_disaster.png,lower-puna-volcano_00000262_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000262_pre_disaster.png,0,0,3,1563,262,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000263_pre_disaster.png,hurricane-matthew_00000263_pre_disaster,0,0,train\masks\hurricane-matthew_00000263_pre_disaster.png,0,0,29,4635,263,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000263_pre_disaster.png,hurricane-michael_00000263_pre_disaster,0,0,train\masks\hurricane-michael_00000263_pre_disaster.png,0,0,15,20043,263,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000263_pre_disaster.png,nepal-flooding_00000263_pre_disaster,0,0,tier3\masks\nepal-flooding_00000263_pre_disaster.png,0,0,1,437,263,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000263_pre_disaster.png,portugal-wildfire_00000263_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000263_pre_disaster.png,0,0,0,0,263,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000263_pre_disaster.png,pinery-bushfire_00000263_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000263_pre_disaster.png,0,0,0,0,263,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000263_pre_disaster.png,midwest-flooding_00000263_pre_disaster,0,0,train\masks\midwest-flooding_00000263_pre_disaster.png,0,0,15,10302,263,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000263_pre_disaster.png,tuscaloosa-tornado_00000263_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000263_pre_disaster.png,0,0,114,131530,263,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000263_pre_disaster.png,hurricane-florence_00000263_pre_disaster,0,0,train\masks\hurricane-florence_00000263_pre_disaster.png,0,0,1,715,263,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000263_pre_disaster.png,woolsey-fire_00000263_pre_disaster,0,0,tier3\masks\woolsey-fire_00000263_pre_disaster.png,0,0,2,830,263,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000263_pre_disaster.png,lower-puna-volcano_00000263_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000263_pre_disaster.png,0,0,1,100,263,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000264_pre_disaster.png,woolsey-fire_00000264_pre_disaster,0,0,tier3\masks\woolsey-fire_00000264_pre_disaster.png,0,0,14,7317,264,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000264_pre_disaster.png,pinery-bushfire_00000264_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000264_pre_disaster.png,0,0,0,0,264,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000264_pre_disaster.png,hurricane-florence_00000264_pre_disaster,0,0,train\masks\hurricane-florence_00000264_pre_disaster.png,0,0,5,3996,264,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000264_pre_disaster.png,portugal-wildfire_00000264_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000264_pre_disaster.png,0,0,0,0,264,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000264_pre_disaster.png,lower-puna-volcano_00000264_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000264_pre_disaster.png,0,0,0,0,264,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000264_pre_disaster.png,tuscaloosa-tornado_00000264_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000264_pre_disaster.png,0,0,0,0,264,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000264_pre_disaster.png,hurricane-matthew_00000264_pre_disaster,0,0,train\masks\hurricane-matthew_00000264_pre_disaster.png,0,0,1,275,264,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000264_pre_disaster.png,midwest-flooding_00000264_pre_disaster,0,0,train\masks\midwest-flooding_00000264_pre_disaster.png,0,0,19,11441,264,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000264_pre_disaster.png,santa-rosa-wildfire_00000264_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000264_pre_disaster.png,0,0,23,21478,264,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000264_pre_disaster.png,hurricane-harvey_00000264_pre_disaster,0,0,train\masks\hurricane-harvey_00000264_pre_disaster.png,0,0,10,4015,264,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000264_pre_disaster.png,socal-fire_00000264_pre_disaster,0,0,train\masks\socal-fire_00000264_pre_disaster.png,0,0,0,0,264,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000264_pre_disaster.png,nepal-flooding_00000264_pre_disaster,0,0,tier3\masks\nepal-flooding_00000264_pre_disaster.png,0,0,2,515,264,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000265_pre_disaster.png,tuscaloosa-tornado_00000265_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000265_pre_disaster.png,0,0,2,1567,265,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000265_pre_disaster.png,nepal-flooding_00000265_pre_disaster,0,0,tier3\masks\nepal-flooding_00000265_pre_disaster.png,0,0,76,67487,265,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000265_pre_disaster.png,midwest-flooding_00000265_pre_disaster,0,0,train\masks\midwest-flooding_00000265_pre_disaster.png,0,0,15,11775,265,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000265_pre_disaster.png,socal-fire_00000265_pre_disaster,0,0,train\masks\socal-fire_00000265_pre_disaster.png,0,0,4,1631,265,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000265_pre_disaster.png,hurricane-matthew_00000265_pre_disaster,0,0,train\masks\hurricane-matthew_00000265_pre_disaster.png,0,0,38,7175,265,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000265_pre_disaster.png,lower-puna-volcano_00000265_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000265_pre_disaster.png,0,0,0,0,265,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000265_pre_disaster.png,pinery-bushfire_00000265_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000265_pre_disaster.png,0,0,7,4849,265,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000265_pre_disaster.png,hurricane-michael_00000265_pre_disaster,0,0,train\masks\hurricane-michael_00000265_pre_disaster.png,0,0,24,50847,265,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000265_pre_disaster.png,hurricane-harvey_00000265_pre_disaster,0,0,train\masks\hurricane-harvey_00000265_pre_disaster.png,0,0,37,26964,265,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000265_pre_disaster.png,woolsey-fire_00000265_pre_disaster,0,0,tier3\masks\woolsey-fire_00000265_pre_disaster.png,0,0,2,387,265,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000265_pre_disaster.png,portugal-wildfire_00000265_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000265_pre_disaster.png,0,0,50,33272,265,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000266_pre_disaster.png,woolsey-fire_00000266_pre_disaster,0,0,tier3\masks\woolsey-fire_00000266_pre_disaster.png,0,0,0,0,266,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000266_pre_disaster.png,nepal-flooding_00000266_pre_disaster,0,0,tier3\masks\nepal-flooding_00000266_pre_disaster.png,0,0,46,97230,266,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000266_pre_disaster.png,hurricane-michael_00000266_pre_disaster,0,0,train\masks\hurricane-michael_00000266_pre_disaster.png,0,0,122,130349,266,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000266_pre_disaster.png,tuscaloosa-tornado_00000266_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000266_pre_disaster.png,0,0,47,25230,266,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000266_pre_disaster.png,hurricane-harvey_00000266_pre_disaster,0,0,train\masks\hurricane-harvey_00000266_pre_disaster.png,0,0,2,2258,266,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000266_pre_disaster.png,hurricane-florence_00000266_pre_disaster,0,0,train\masks\hurricane-florence_00000266_pre_disaster.png,0,0,2,1188,266,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000266_pre_disaster.png,socal-fire_00000266_pre_disaster,0,0,train\masks\socal-fire_00000266_pre_disaster.png,0,0,9,7234,266,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000266_pre_disaster.png,pinery-bushfire_00000266_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000266_pre_disaster.png,0,0,0,0,266,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000266_pre_disaster.png,portugal-wildfire_00000266_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000266_pre_disaster.png,0,0,2,1020,266,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000266_pre_disaster.png,lower-puna-volcano_00000266_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000266_pre_disaster.png,0,0,16,9748,266,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000267_pre_disaster.png,hurricane-harvey_00000267_pre_disaster,0,0,train\masks\hurricane-harvey_00000267_pre_disaster.png,0,0,76,138364,267,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000267_pre_disaster.png,santa-rosa-wildfire_00000267_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000267_pre_disaster.png,0,0,22,25917,267,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000267_pre_disaster.png,hurricane-michael_00000267_pre_disaster,0,0,train\masks\hurricane-michael_00000267_pre_disaster.png,0,0,78,83764,267,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000267_pre_disaster.png,nepal-flooding_00000267_pre_disaster,0,0,tier3\masks\nepal-flooding_00000267_pre_disaster.png,0,0,65,84802,267,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000267_pre_disaster.png,portugal-wildfire_00000267_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000267_pre_disaster.png,0,0,1,224,267,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000267_pre_disaster.png,woolsey-fire_00000267_pre_disaster,0,0,tier3\masks\woolsey-fire_00000267_pre_disaster.png,0,0,0,0,267,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000267_pre_disaster.png,lower-puna-volcano_00000267_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000267_pre_disaster.png,0,0,13,6640,267,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000267_pre_disaster.png,pinery-bushfire_00000267_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000267_pre_disaster.png,0,0,0,0,267,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000267_pre_disaster.png,midwest-flooding_00000267_pre_disaster,0,0,train\masks\midwest-flooding_00000267_pre_disaster.png,0,0,14,6143,267,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000267_pre_disaster.png,tuscaloosa-tornado_00000267_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000267_pre_disaster.png,0,0,63,37008,267,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000268_pre_disaster.png,pinery-bushfire_00000268_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000268_pre_disaster.png,0,0,0,0,268,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000268_pre_disaster.png,midwest-flooding_00000268_pre_disaster,0,0,train\masks\midwest-flooding_00000268_pre_disaster.png,0,0,1,309,268,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000268_pre_disaster.png,hurricane-matthew_00000268_pre_disaster,0,0,train\masks\hurricane-matthew_00000268_pre_disaster.png,0,0,10,2148,268,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000268_pre_disaster.png,hurricane-harvey_00000268_pre_disaster,0,0,train\masks\hurricane-harvey_00000268_pre_disaster.png,0,0,13,10170,268,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000268_pre_disaster.png,tuscaloosa-tornado_00000268_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000268_pre_disaster.png,0,0,85,121501,268,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000268_pre_disaster.png,santa-rosa-wildfire_00000268_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000268_pre_disaster.png,0,0,13,22230,268,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000268_pre_disaster.png,woolsey-fire_00000268_pre_disaster,0,0,tier3\masks\woolsey-fire_00000268_pre_disaster.png,0,0,0,0,268,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000268_pre_disaster.png,socal-fire_00000268_pre_disaster,0,0,train\masks\socal-fire_00000268_pre_disaster.png,0,0,22,8330,268,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000268_pre_disaster.png,nepal-flooding_00000268_pre_disaster,0,0,tier3\masks\nepal-flooding_00000268_pre_disaster.png,0,0,1,1405,268,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000268_pre_disaster.png,lower-puna-volcano_00000268_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000268_pre_disaster.png,0,0,4,3350,268,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000268_pre_disaster.png,hurricane-michael_00000268_pre_disaster,0,0,train\masks\hurricane-michael_00000268_pre_disaster.png,0,0,71,113260,268,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000268_pre_disaster.png,portugal-wildfire_00000268_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000268_pre_disaster.png,0,0,10,3947,268,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000269_pre_disaster.png,hurricane-florence_00000269_pre_disaster,0,0,train\masks\hurricane-florence_00000269_pre_disaster.png,0,0,4,1190,269,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000269_pre_disaster.png,pinery-bushfire_00000269_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000269_pre_disaster.png,0,0,0,0,269,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000269_pre_disaster.png,hurricane-matthew_00000269_pre_disaster,0,0,train\masks\hurricane-matthew_00000269_pre_disaster.png,0,0,0,0,269,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000269_pre_disaster.png,portugal-wildfire_00000269_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000269_pre_disaster.png,0,0,1,471,269,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000269_pre_disaster.png,lower-puna-volcano_00000269_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000269_pre_disaster.png,0,0,11,4642,269,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000269_pre_disaster.png,tuscaloosa-tornado_00000269_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000269_pre_disaster.png,0,0,103,55150,269,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000269_pre_disaster.png,nepal-flooding_00000269_pre_disaster,0,0,tier3\masks\nepal-flooding_00000269_pre_disaster.png,0,0,22,11100,269,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000269_pre_disaster.png,midwest-flooding_00000269_pre_disaster,0,0,train\masks\midwest-flooding_00000269_pre_disaster.png,0,0,24,27338,269,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000269_pre_disaster.png,socal-fire_00000269_pre_disaster,0,0,train\masks\socal-fire_00000269_pre_disaster.png,0,0,0,0,269,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000269_pre_disaster.png,hurricane-michael_00000269_pre_disaster,0,0,train\masks\hurricane-michael_00000269_pre_disaster.png,0,0,25,45814,269,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000269_pre_disaster.png,woolsey-fire_00000269_pre_disaster,0,0,tier3\masks\woolsey-fire_00000269_pre_disaster.png,0,0,3,2380,269,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000269_pre_disaster.png,hurricane-harvey_00000269_pre_disaster,0,0,train\masks\hurricane-harvey_00000269_pre_disaster.png,0,0,15,7135,269,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000270_pre_disaster.png,hurricane-harvey_00000270_pre_disaster,0,0,train\masks\hurricane-harvey_00000270_pre_disaster.png,0,0,1,1399,270,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000270_pre_disaster.png,santa-rosa-wildfire_00000270_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000270_pre_disaster.png,0,0,14,25293,270,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000270_pre_disaster.png,portugal-wildfire_00000270_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000270_pre_disaster.png,0,0,0,0,270,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000270_pre_disaster.png,lower-puna-volcano_00000270_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000270_pre_disaster.png,0,0,49,12328,270,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000270_pre_disaster.png,tuscaloosa-tornado_00000270_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000270_pre_disaster.png,0,0,137,121012,270,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000270_pre_disaster.png,socal-fire_00000270_pre_disaster,0,0,train\masks\socal-fire_00000270_pre_disaster.png,0,0,0,0,270,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000270_pre_disaster.png,woolsey-fire_00000270_pre_disaster,0,0,tier3\masks\woolsey-fire_00000270_pre_disaster.png,0,0,5,4862,270,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000270_pre_disaster.png,midwest-flooding_00000270_pre_disaster,0,0,train\masks\midwest-flooding_00000270_pre_disaster.png,0,0,9,11739,270,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000270_pre_disaster.png,nepal-flooding_00000270_pre_disaster,0,0,tier3\masks\nepal-flooding_00000270_pre_disaster.png,0,0,25,18196,270,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000270_pre_disaster.png,pinery-bushfire_00000270_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000270_pre_disaster.png,0,0,0,0,270,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000271_pre_disaster.png,hurricane-michael_00000271_pre_disaster,0,0,train\masks\hurricane-michael_00000271_pre_disaster.png,0,0,48,83238,271,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000271_pre_disaster.png,hurricane-harvey_00000271_pre_disaster,0,0,train\masks\hurricane-harvey_00000271_pre_disaster.png,0,0,6,7230,271,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000271_pre_disaster.png,socal-fire_00000271_pre_disaster,0,0,train\masks\socal-fire_00000271_pre_disaster.png,0,0,1,124,271,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000271_pre_disaster.png,pinery-bushfire_00000271_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000271_pre_disaster.png,0,0,0,0,271,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000271_pre_disaster.png,hurricane-matthew_00000271_pre_disaster,0,0,train\masks\hurricane-matthew_00000271_pre_disaster.png,0,0,5,1317,271,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000271_pre_disaster.png,santa-rosa-wildfire_00000271_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000271_pre_disaster.png,0,0,4,4628,271,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000271_pre_disaster.png,woolsey-fire_00000271_pre_disaster,0,0,tier3\masks\woolsey-fire_00000271_pre_disaster.png,0,0,15,7263,271,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000271_pre_disaster.png,nepal-flooding_00000271_pre_disaster,0,0,tier3\masks\nepal-flooding_00000271_pre_disaster.png,0,0,2,1041,271,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000271_pre_disaster.png,lower-puna-volcano_00000271_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000271_pre_disaster.png,0,0,0,0,271,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000271_pre_disaster.png,tuscaloosa-tornado_00000271_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000271_pre_disaster.png,0,0,0,0,271,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000271_pre_disaster.png,portugal-wildfire_00000271_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000271_pre_disaster.png,0,0,8,6507,271,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000272_pre_disaster.png,socal-fire_00000272_pre_disaster,0,0,train\masks\socal-fire_00000272_pre_disaster.png,0,0,0,0,272,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000272_pre_disaster.png,santa-rosa-wildfire_00000272_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000272_pre_disaster.png,0,0,15,17414,272,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000272_pre_disaster.png,woolsey-fire_00000272_pre_disaster,0,0,tier3\masks\woolsey-fire_00000272_pre_disaster.png,0,0,2,906,272,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000272_pre_disaster.png,tuscaloosa-tornado_00000272_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000272_pre_disaster.png,0,0,28,18416,272,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000272_pre_disaster.png,nepal-flooding_00000272_pre_disaster,0,0,tier3\masks\nepal-flooding_00000272_pre_disaster.png,0,0,0,0,272,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000272_pre_disaster.png,hurricane-florence_00000272_pre_disaster,0,0,train\masks\hurricane-florence_00000272_pre_disaster.png,0,0,24,18239,272,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000272_pre_disaster.png,midwest-flooding_00000272_pre_disaster,0,0,train\masks\midwest-flooding_00000272_pre_disaster.png,0,0,4,6312,272,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000272_pre_disaster.png,hurricane-harvey_00000272_pre_disaster,0,0,train\masks\hurricane-harvey_00000272_pre_disaster.png,0,0,4,4734,272,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000272_pre_disaster.png,portugal-wildfire_00000272_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000272_pre_disaster.png,0,0,0,0,272,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000272_pre_disaster.png,hurricane-michael_00000272_pre_disaster,0,0,train\masks\hurricane-michael_00000272_pre_disaster.png,0,0,52,183214,272,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000272_pre_disaster.png,pinery-bushfire_00000272_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000272_pre_disaster.png,0,0,0,0,272,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000272_pre_disaster.png,lower-puna-volcano_00000272_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000272_pre_disaster.png,0,0,17,8664,272,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000273_pre_disaster.png,hurricane-florence_00000273_pre_disaster,0,0,train\masks\hurricane-florence_00000273_pre_disaster.png,0,0,22,19146,273,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000273_pre_disaster.png,lower-puna-volcano_00000273_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000273_pre_disaster.png,0,0,4,1104,273,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000273_pre_disaster.png,portugal-wildfire_00000273_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000273_pre_disaster.png,0,0,8,4740,273,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000273_pre_disaster.png,pinery-bushfire_00000273_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000273_pre_disaster.png,0,0,1,134,273,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000273_pre_disaster.png,nepal-flooding_00000273_pre_disaster,0,0,tier3\masks\nepal-flooding_00000273_pre_disaster.png,0,0,18,11603,273,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000273_pre_disaster.png,midwest-flooding_00000273_pre_disaster,0,0,train\masks\midwest-flooding_00000273_pre_disaster.png,0,0,6,4254,273,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000273_pre_disaster.png,tuscaloosa-tornado_00000273_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000273_pre_disaster.png,0,0,91,176834,273,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000273_pre_disaster.png,hurricane-harvey_00000273_pre_disaster,0,0,train\masks\hurricane-harvey_00000273_pre_disaster.png,0,0,0,0,273,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000273_pre_disaster.png,hurricane-michael_00000273_pre_disaster,0,0,train\masks\hurricane-michael_00000273_pre_disaster.png,0,0,58,62127,273,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000273_pre_disaster.png,woolsey-fire_00000273_pre_disaster,0,0,tier3\masks\woolsey-fire_00000273_pre_disaster.png,0,0,0,0,273,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000273_pre_disaster.png,socal-fire_00000273_pre_disaster,0,0,train\masks\socal-fire_00000273_pre_disaster.png,0,0,0,0,273,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000274_pre_disaster.png,santa-rosa-wildfire_00000274_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000274_pre_disaster.png,0,0,2,1314,274,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000274_pre_disaster.png,woolsey-fire_00000274_pre_disaster,0,0,tier3\masks\woolsey-fire_00000274_pre_disaster.png,0,0,0,0,274,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000274_pre_disaster.png,tuscaloosa-tornado_00000274_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000274_pre_disaster.png,0,0,10,13125,274,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000274_pre_disaster.png,nepal-flooding_00000274_pre_disaster,0,0,tier3\masks\nepal-flooding_00000274_pre_disaster.png,0,0,1,1116,274,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000274_pre_disaster.png,pinery-bushfire_00000274_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000274_pre_disaster.png,0,0,0,0,274,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000274_pre_disaster.png,portugal-wildfire_00000274_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000274_pre_disaster.png,0,0,41,58424,274,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000274_pre_disaster.png,hurricane-harvey_00000274_pre_disaster,0,0,train\masks\hurricane-harvey_00000274_pre_disaster.png,0,0,1,714,274,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000274_pre_disaster.png,lower-puna-volcano_00000274_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000274_pre_disaster.png,0,0,30,9840,274,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000274_pre_disaster.png,hurricane-florence_00000274_pre_disaster,0,0,train\masks\hurricane-florence_00000274_pre_disaster.png,0,0,9,6792,274,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000275_pre_disaster.png,tuscaloosa-tornado_00000275_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000275_pre_disaster.png,0,0,107,119197,275,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000275_pre_disaster.png,hurricane-florence_00000275_pre_disaster,0,0,train\masks\hurricane-florence_00000275_pre_disaster.png,0,0,1,798,275,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000275_pre_disaster.png,hurricane-harvey_00000275_pre_disaster,0,0,train\masks\hurricane-harvey_00000275_pre_disaster.png,0,0,8,6662,275,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000275_pre_disaster.png,woolsey-fire_00000275_pre_disaster,0,0,tier3\masks\woolsey-fire_00000275_pre_disaster.png,0,0,0,0,275,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000275_pre_disaster.png,santa-rosa-wildfire_00000275_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000275_pre_disaster.png,0,0,8,7539,275,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000275_pre_disaster.png,hurricane-matthew_00000275_pre_disaster,0,0,train\masks\hurricane-matthew_00000275_pre_disaster.png,0,0,11,1866,275,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000275_pre_disaster.png,pinery-bushfire_00000275_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000275_pre_disaster.png,0,0,0,0,275,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000275_pre_disaster.png,midwest-flooding_00000275_pre_disaster,0,0,train\masks\midwest-flooding_00000275_pre_disaster.png,0,0,19,9477,275,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000275_pre_disaster.png,nepal-flooding_00000275_pre_disaster,0,0,tier3\masks\nepal-flooding_00000275_pre_disaster.png,0,0,46,48711,275,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000275_pre_disaster.png,portugal-wildfire_00000275_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000275_pre_disaster.png,0,0,7,3555,275,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000275_pre_disaster.png,hurricane-michael_00000275_pre_disaster,0,0,train\masks\hurricane-michael_00000275_pre_disaster.png,0,0,16,50026,275,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000275_pre_disaster.png,lower-puna-volcano_00000275_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000275_pre_disaster.png,0,0,8,1686,275,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000276_pre_disaster.png,hurricane-michael_00000276_pre_disaster,0,0,train\masks\hurricane-michael_00000276_pre_disaster.png,0,0,66,95808,276,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000276_pre_disaster.png,santa-rosa-wildfire_00000276_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000276_pre_disaster.png,0,0,19,35093,276,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000276_pre_disaster.png,midwest-flooding_00000276_pre_disaster,0,0,train\masks\midwest-flooding_00000276_pre_disaster.png,0,0,12,4577,276,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000276_pre_disaster.png,hurricane-matthew_00000276_pre_disaster,0,0,train\masks\hurricane-matthew_00000276_pre_disaster.png,0,0,9,1314,276,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000276_pre_disaster.png,woolsey-fire_00000276_pre_disaster,0,0,tier3\masks\woolsey-fire_00000276_pre_disaster.png,0,0,0,0,276,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000276_pre_disaster.png,lower-puna-volcano_00000276_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000276_pre_disaster.png,0,0,0,0,276,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000276_pre_disaster.png,tuscaloosa-tornado_00000276_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000276_pre_disaster.png,0,0,51,35710,276,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000276_pre_disaster.png,portugal-wildfire_00000276_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000276_pre_disaster.png,0,0,0,0,276,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000276_pre_disaster.png,nepal-flooding_00000276_pre_disaster,0,0,tier3\masks\nepal-flooding_00000276_pre_disaster.png,0,0,44,31110,276,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000276_pre_disaster.png,pinery-bushfire_00000276_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000276_pre_disaster.png,0,0,0,0,276,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000277_pre_disaster.png,portugal-wildfire_00000277_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000277_pre_disaster.png,0,0,0,0,277,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000277_pre_disaster.png,nepal-flooding_00000277_pre_disaster,0,0,tier3\masks\nepal-flooding_00000277_pre_disaster.png,0,0,77,44033,277,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000277_pre_disaster.png,santa-rosa-wildfire_00000277_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000277_pre_disaster.png,0,0,14,21018,277,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000277_pre_disaster.png,socal-fire_00000277_pre_disaster,0,0,train\masks\socal-fire_00000277_pre_disaster.png,0,0,0,0,277,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000277_pre_disaster.png,lower-puna-volcano_00000277_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000277_pre_disaster.png,0,0,5,2213,277,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000277_pre_disaster.png,hurricane-florence_00000277_pre_disaster,0,0,train\masks\hurricane-florence_00000277_pre_disaster.png,0,0,14,7474,277,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000277_pre_disaster.png,woolsey-fire_00000277_pre_disaster,0,0,tier3\masks\woolsey-fire_00000277_pre_disaster.png,0,0,0,0,277,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000277_pre_disaster.png,midwest-flooding_00000277_pre_disaster,0,0,train\masks\midwest-flooding_00000277_pre_disaster.png,0,0,17,9674,277,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000277_pre_disaster.png,pinery-bushfire_00000277_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000277_pre_disaster.png,0,0,0,0,277,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000277_pre_disaster.png,tuscaloosa-tornado_00000277_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000277_pre_disaster.png,0,0,0,0,277,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000277_pre_disaster.png,hurricane-harvey_00000277_pre_disaster,0,0,train\masks\hurricane-harvey_00000277_pre_disaster.png,0,0,15,8886,277,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000278_pre_disaster.png,nepal-flooding_00000278_pre_disaster,0,0,tier3\masks\nepal-flooding_00000278_pre_disaster.png,0,0,6,1015,278,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000278_pre_disaster.png,hurricane-florence_00000278_pre_disaster,0,0,train\masks\hurricane-florence_00000278_pre_disaster.png,0,0,29,21038,278,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000278_pre_disaster.png,socal-fire_00000278_pre_disaster,0,0,train\masks\socal-fire_00000278_pre_disaster.png,0,0,0,0,278,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000278_pre_disaster.png,hurricane-harvey_00000278_pre_disaster,0,0,train\masks\hurricane-harvey_00000278_pre_disaster.png,0,0,16,11806,278,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000278_pre_disaster.png,tuscaloosa-tornado_00000278_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000278_pre_disaster.png,0,0,9,4124,278,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000278_pre_disaster.png,woolsey-fire_00000278_pre_disaster,0,0,tier3\masks\woolsey-fire_00000278_pre_disaster.png,0,0,0,0,278,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000278_pre_disaster.png,hurricane-matthew_00000278_pre_disaster,0,0,train\masks\hurricane-matthew_00000278_pre_disaster.png,0,0,84,55607,278,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000278_pre_disaster.png,portugal-wildfire_00000278_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000278_pre_disaster.png,0,0,28,23160,278,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000278_pre_disaster.png,pinery-bushfire_00000278_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000278_pre_disaster.png,0,0,2,398,278,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000278_pre_disaster.png,lower-puna-volcano_00000278_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000278_pre_disaster.png,0,0,8,1516,278,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000279_pre_disaster.png,portugal-wildfire_00000279_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000279_pre_disaster.png,0,0,21,22723,279,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000279_pre_disaster.png,midwest-flooding_00000279_pre_disaster,0,0,train\masks\midwest-flooding_00000279_pre_disaster.png,0,0,13,9110,279,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000279_pre_disaster.png,hurricane-matthew_00000279_pre_disaster,0,0,train\masks\hurricane-matthew_00000279_pre_disaster.png,0,0,24,3645,279,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000279_pre_disaster.png,hurricane-florence_00000279_pre_disaster,0,0,train\masks\hurricane-florence_00000279_pre_disaster.png,0,0,11,14554,279,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000279_pre_disaster.png,socal-fire_00000279_pre_disaster,0,0,train\masks\socal-fire_00000279_pre_disaster.png,0,0,4,1830,279,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000279_pre_disaster.png,pinery-bushfire_00000279_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000279_pre_disaster.png,0,0,0,0,279,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000279_pre_disaster.png,tuscaloosa-tornado_00000279_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000279_pre_disaster.png,0,0,4,1449,279,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000279_pre_disaster.png,woolsey-fire_00000279_pre_disaster,0,0,tier3\masks\woolsey-fire_00000279_pre_disaster.png,0,0,0,0,279,2 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000279_pre_disaster.png,lower-puna-volcano_00000279_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000279_pre_disaster.png,0,0,28,13698,279,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000279_pre_disaster.png,nepal-flooding_00000279_pre_disaster,0,0,tier3\masks\nepal-flooding_00000279_pre_disaster.png,0,0,10,9953,279,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000280_pre_disaster.png,santa-rosa-wildfire_00000280_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000280_pre_disaster.png,0,0,9,9635,280,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000280_pre_disaster.png,hurricane-harvey_00000280_pre_disaster,0,0,train\masks\hurricane-harvey_00000280_pre_disaster.png,0,0,17,8667,280,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000280_pre_disaster.png,portugal-wildfire_00000280_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000280_pre_disaster.png,0,0,0,0,280,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000280_pre_disaster.png,woolsey-fire_00000280_pre_disaster,0,0,tier3\masks\woolsey-fire_00000280_pre_disaster.png,0,0,3,742,280,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000280_pre_disaster.png,lower-puna-volcano_00000280_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000280_pre_disaster.png,0,0,0,0,280,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000280_pre_disaster.png,tuscaloosa-tornado_00000280_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000280_pre_disaster.png,0,0,134,135143,280,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000280_pre_disaster.png,nepal-flooding_00000280_pre_disaster,0,0,tier3\masks\nepal-flooding_00000280_pre_disaster.png,0,0,7,1060,280,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000280_pre_disaster.png,pinery-bushfire_00000280_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000280_pre_disaster.png,0,0,0,0,280,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000281_pre_disaster.png,woolsey-fire_00000281_pre_disaster,0,0,tier3\masks\woolsey-fire_00000281_pre_disaster.png,0,0,5,4004,281,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000281_pre_disaster.png,midwest-flooding_00000281_pre_disaster,0,0,train\masks\midwest-flooding_00000281_pre_disaster.png,0,0,32,63586,281,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000281_pre_disaster.png,pinery-bushfire_00000281_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000281_pre_disaster.png,0,0,1,112,281,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000281_pre_disaster.png,portugal-wildfire_00000281_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000281_pre_disaster.png,0,0,0,0,281,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000281_pre_disaster.png,hurricane-michael_00000281_pre_disaster,0,0,train\masks\hurricane-michael_00000281_pre_disaster.png,0,0,113,178522,281,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000281_pre_disaster.png,santa-rosa-wildfire_00000281_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000281_pre_disaster.png,0,0,188,280166,281,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000281_pre_disaster.png,hurricane-harvey_00000281_pre_disaster,0,0,train\masks\hurricane-harvey_00000281_pre_disaster.png,0,0,0,0,281,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000281_pre_disaster.png,tuscaloosa-tornado_00000281_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000281_pre_disaster.png,0,0,11,11329,281,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000281_pre_disaster.png,hurricane-matthew_00000281_pre_disaster,0,0,train\masks\hurricane-matthew_00000281_pre_disaster.png,0,0,13,1966,281,0 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000281_pre_disaster.png,lower-puna-volcano_00000281_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000281_pre_disaster.png,0,0,5,5476,281,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000281_pre_disaster.png,nepal-flooding_00000281_pre_disaster,0,0,tier3\masks\nepal-flooding_00000281_pre_disaster.png,0,0,10,7763,281,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000282_pre_disaster.png,pinery-bushfire_00000282_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000282_pre_disaster.png,0,0,0,0,282,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000282_pre_disaster.png,portugal-wildfire_00000282_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000282_pre_disaster.png,0,0,8,4180,282,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000282_pre_disaster.png,nepal-flooding_00000282_pre_disaster,0,0,tier3\masks\nepal-flooding_00000282_pre_disaster.png,0,0,23,26682,282,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000282_pre_disaster.png,hurricane-florence_00000282_pre_disaster,0,0,train\masks\hurricane-florence_00000282_pre_disaster.png,0,0,4,5681,282,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000282_pre_disaster.png,socal-fire_00000282_pre_disaster,0,0,train\masks\socal-fire_00000282_pre_disaster.png,0,0,0,0,282,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000282_pre_disaster.png,woolsey-fire_00000282_pre_disaster,0,0,tier3\masks\woolsey-fire_00000282_pre_disaster.png,0,0,0,0,282,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000282_pre_disaster.png,lower-puna-volcano_00000282_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000282_pre_disaster.png,0,0,0,0,282,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000282_pre_disaster.png,tuscaloosa-tornado_00000282_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000282_pre_disaster.png,0,0,0,0,282,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000282_pre_disaster.png,midwest-flooding_00000282_pre_disaster,0,0,train\masks\midwest-flooding_00000282_pre_disaster.png,0,0,23,10681,282,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000283_pre_disaster.png,tuscaloosa-tornado_00000283_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000283_pre_disaster.png,0,0,5,3597,283,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000283_pre_disaster.png,hurricane-michael_00000283_pre_disaster,0,0,train\masks\hurricane-michael_00000283_pre_disaster.png,0,0,132,81610,283,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000283_pre_disaster.png,lower-puna-volcano_00000283_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000283_pre_disaster.png,0,0,8,6047,283,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000283_pre_disaster.png,socal-fire_00000283_pre_disaster,0,0,train\masks\socal-fire_00000283_pre_disaster.png,0,0,3,637,283,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000283_pre_disaster.png,nepal-flooding_00000283_pre_disaster,0,0,tier3\masks\nepal-flooding_00000283_pre_disaster.png,0,0,27,16284,283,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000283_pre_disaster.png,pinery-bushfire_00000283_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000283_pre_disaster.png,0,0,0,0,283,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000283_pre_disaster.png,hurricane-matthew_00000283_pre_disaster,0,0,train\masks\hurricane-matthew_00000283_pre_disaster.png,0,0,13,2489,283,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000283_pre_disaster.png,santa-rosa-wildfire_00000283_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000283_pre_disaster.png,0,0,5,13351,283,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000283_pre_disaster.png,woolsey-fire_00000283_pre_disaster,0,0,tier3\masks\woolsey-fire_00000283_pre_disaster.png,0,0,3,694,283,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000283_pre_disaster.png,portugal-wildfire_00000283_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000283_pre_disaster.png,0,0,0,0,283,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000283_pre_disaster.png,midwest-flooding_00000283_pre_disaster,0,0,train\masks\midwest-flooding_00000283_pre_disaster.png,0,0,18,9267,283,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000284_pre_disaster.png,nepal-flooding_00000284_pre_disaster,0,0,tier3\masks\nepal-flooding_00000284_pre_disaster.png,0,0,50,38667,284,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000284_pre_disaster.png,hurricane-harvey_00000284_pre_disaster,0,0,train\masks\hurricane-harvey_00000284_pre_disaster.png,0,0,76,133300,284,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000284_pre_disaster.png,pinery-bushfire_00000284_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000284_pre_disaster.png,0,0,0,0,284,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000284_pre_disaster.png,hurricane-florence_00000284_pre_disaster,0,0,train\masks\hurricane-florence_00000284_pre_disaster.png,0,0,17,9600,284,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000284_pre_disaster.png,hurricane-matthew_00000284_pre_disaster,0,0,train\masks\hurricane-matthew_00000284_pre_disaster.png,0,0,3,801,284,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000284_pre_disaster.png,hurricane-michael_00000284_pre_disaster,0,0,train\masks\hurricane-michael_00000284_pre_disaster.png,0,0,61,120861,284,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000284_pre_disaster.png,tuscaloosa-tornado_00000284_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000284_pre_disaster.png,0,0,3,3703,284,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000284_pre_disaster.png,woolsey-fire_00000284_pre_disaster,0,0,tier3\masks\woolsey-fire_00000284_pre_disaster.png,0,0,0,0,284,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000284_pre_disaster.png,lower-puna-volcano_00000284_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000284_pre_disaster.png,0,0,0,0,284,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000284_pre_disaster.png,portugal-wildfire_00000284_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000284_pre_disaster.png,0,0,0,0,284,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000285_pre_disaster.png,hurricane-matthew_00000285_pre_disaster,0,0,train\masks\hurricane-matthew_00000285_pre_disaster.png,0,0,9,1609,285,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000285_pre_disaster.png,hurricane-michael_00000285_pre_disaster,0,0,train\masks\hurricane-michael_00000285_pre_disaster.png,0,0,5,17213,285,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000285_pre_disaster.png,woolsey-fire_00000285_pre_disaster,0,0,tier3\masks\woolsey-fire_00000285_pre_disaster.png,0,0,0,0,285,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000285_pre_disaster.png,lower-puna-volcano_00000285_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000285_pre_disaster.png,0,0,0,0,285,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000285_pre_disaster.png,pinery-bushfire_00000285_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000285_pre_disaster.png,0,0,0,0,285,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000285_pre_disaster.png,nepal-flooding_00000285_pre_disaster,0,0,tier3\masks\nepal-flooding_00000285_pre_disaster.png,0,0,40,30013,285,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000285_pre_disaster.png,portugal-wildfire_00000285_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000285_pre_disaster.png,0,0,68,58287,285,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000285_pre_disaster.png,hurricane-florence_00000285_pre_disaster,0,0,train\masks\hurricane-florence_00000285_pre_disaster.png,0,0,9,5571,285,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000285_pre_disaster.png,socal-fire_00000285_pre_disaster,0,0,train\masks\socal-fire_00000285_pre_disaster.png,0,0,0,0,285,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000285_pre_disaster.png,hurricane-harvey_00000285_pre_disaster,0,0,train\masks\hurricane-harvey_00000285_pre_disaster.png,0,0,6,13687,285,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000285_pre_disaster.png,midwest-flooding_00000285_pre_disaster,0,0,train\masks\midwest-flooding_00000285_pre_disaster.png,0,0,14,7653,285,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000285_pre_disaster.png,tuscaloosa-tornado_00000285_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000285_pre_disaster.png,0,0,69,82721,285,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000286_pre_disaster.png,hurricane-harvey_00000286_pre_disaster,0,0,train\masks\hurricane-harvey_00000286_pre_disaster.png,0,0,0,0,286,4 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000286_pre_disaster.png,lower-puna-volcano_00000286_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000286_pre_disaster.png,0,0,6,2073,286,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000286_pre_disaster.png,tuscaloosa-tornado_00000286_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000286_pre_disaster.png,0,0,18,24837,286,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000286_pre_disaster.png,socal-fire_00000286_pre_disaster,0,0,train\masks\socal-fire_00000286_pre_disaster.png,0,0,62,104604,286,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000286_pre_disaster.png,woolsey-fire_00000286_pre_disaster,0,0,tier3\masks\woolsey-fire_00000286_pre_disaster.png,0,0,0,0,286,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000286_pre_disaster.png,portugal-wildfire_00000286_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000286_pre_disaster.png,0,0,2,980,286,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000286_pre_disaster.png,pinery-bushfire_00000286_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000286_pre_disaster.png,0,0,0,0,286,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000286_pre_disaster.png,hurricane-michael_00000286_pre_disaster,0,0,train\masks\hurricane-michael_00000286_pre_disaster.png,0,0,121,190103,286,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000286_pre_disaster.png,santa-rosa-wildfire_00000286_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000286_pre_disaster.png,0,0,73,86152,286,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000286_pre_disaster.png,nepal-flooding_00000286_pre_disaster,0,0,tier3\masks\nepal-flooding_00000286_pre_disaster.png,0,0,19,16258,286,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000287_pre_disaster.png,woolsey-fire_00000287_pre_disaster,0,0,tier3\masks\woolsey-fire_00000287_pre_disaster.png,0,0,0,0,287,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000287_pre_disaster.png,lower-puna-volcano_00000287_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000287_pre_disaster.png,0,0,0,0,287,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000287_pre_disaster.png,socal-fire_00000287_pre_disaster,0,0,train\masks\socal-fire_00000287_pre_disaster.png,0,0,0,0,287,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000287_pre_disaster.png,portugal-wildfire_00000287_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000287_pre_disaster.png,0,0,1,409,287,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000287_pre_disaster.png,nepal-flooding_00000287_pre_disaster,0,0,tier3\masks\nepal-flooding_00000287_pre_disaster.png,0,0,35,29485,287,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000287_pre_disaster.png,tuscaloosa-tornado_00000287_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000287_pre_disaster.png,0,0,0,0,287,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000287_pre_disaster.png,pinery-bushfire_00000287_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000287_pre_disaster.png,0,0,6,4980,287,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000287_pre_disaster.png,hurricane-matthew_00000287_pre_disaster,0,0,train\masks\hurricane-matthew_00000287_pre_disaster.png,0,0,7,1054,287,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000287_pre_disaster.png,hurricane-michael_00000287_pre_disaster,0,0,train\masks\hurricane-michael_00000287_pre_disaster.png,0,0,104,120024,287,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000287_pre_disaster.png,santa-rosa-wildfire_00000287_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000287_pre_disaster.png,0,0,21,19686,287,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000288_pre_disaster.png,lower-puna-volcano_00000288_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000288_pre_disaster.png,0,0,1,55,288,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000288_pre_disaster.png,woolsey-fire_00000288_pre_disaster,0,0,tier3\masks\woolsey-fire_00000288_pre_disaster.png,0,0,0,0,288,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000288_pre_disaster.png,pinery-bushfire_00000288_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000288_pre_disaster.png,0,0,0,0,288,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000288_pre_disaster.png,tuscaloosa-tornado_00000288_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000288_pre_disaster.png,0,0,9,2333,288,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000288_pre_disaster.png,hurricane-harvey_00000288_pre_disaster,0,0,train\masks\hurricane-harvey_00000288_pre_disaster.png,0,0,2,396,288,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000288_pre_disaster.png,nepal-flooding_00000288_pre_disaster,0,0,tier3\masks\nepal-flooding_00000288_pre_disaster.png,0,0,111,119008,288,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000288_pre_disaster.png,socal-fire_00000288_pre_disaster,0,0,train\masks\socal-fire_00000288_pre_disaster.png,0,0,10,4707,288,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000288_pre_disaster.png,portugal-wildfire_00000288_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000288_pre_disaster.png,0,0,9,4425,288,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000289_pre_disaster.png,portugal-wildfire_00000289_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000289_pre_disaster.png,0,0,19,13775,289,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000289_pre_disaster.png,nepal-flooding_00000289_pre_disaster,0,0,tier3\masks\nepal-flooding_00000289_pre_disaster.png,0,0,36,32102,289,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000289_pre_disaster.png,hurricane-michael_00000289_pre_disaster,0,0,train\masks\hurricane-michael_00000289_pre_disaster.png,0,0,132,114996,289,1 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000289_pre_disaster.png,lower-puna-volcano_00000289_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000289_pre_disaster.png,0,0,5,1986,289,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000289_pre_disaster.png,hurricane-harvey_00000289_pre_disaster,0,0,train\masks\hurricane-harvey_00000289_pre_disaster.png,0,0,38,16181,289,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000289_pre_disaster.png,tuscaloosa-tornado_00000289_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000289_pre_disaster.png,0,0,45,50064,289,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000289_pre_disaster.png,hurricane-florence_00000289_pre_disaster,0,0,train\masks\hurricane-florence_00000289_pre_disaster.png,0,0,10,5752,289,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000289_pre_disaster.png,midwest-flooding_00000289_pre_disaster,0,0,train\masks\midwest-flooding_00000289_pre_disaster.png,0,0,31,23459,289,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000289_pre_disaster.png,woolsey-fire_00000289_pre_disaster,0,0,tier3\masks\woolsey-fire_00000289_pre_disaster.png,0,0,0,0,289,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000289_pre_disaster.png,hurricane-matthew_00000289_pre_disaster,0,0,train\masks\hurricane-matthew_00000289_pre_disaster.png,0,0,17,3028,289,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000289_pre_disaster.png,pinery-bushfire_00000289_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000289_pre_disaster.png,0,0,0,0,289,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000290_pre_disaster.png,socal-fire_00000290_pre_disaster,0,0,train\masks\socal-fire_00000290_pre_disaster.png,0,0,5,4961,290,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000290_pre_disaster.png,nepal-flooding_00000290_pre_disaster,0,0,tier3\masks\nepal-flooding_00000290_pre_disaster.png,0,0,1,276,290,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000290_pre_disaster.png,portugal-wildfire_00000290_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000290_pre_disaster.png,0,0,0,0,290,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000290_pre_disaster.png,hurricane-florence_00000290_pre_disaster,0,0,train\masks\hurricane-florence_00000290_pre_disaster.png,0,0,42,28855,290,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000290_pre_disaster.png,hurricane-michael_00000290_pre_disaster,0,0,train\masks\hurricane-michael_00000290_pre_disaster.png,0,0,52,65310,290,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000290_pre_disaster.png,midwest-flooding_00000290_pre_disaster,0,0,train\masks\midwest-flooding_00000290_pre_disaster.png,0,0,1,1445,290,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000290_pre_disaster.png,pinery-bushfire_00000290_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000290_pre_disaster.png,0,0,0,0,290,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000290_pre_disaster.png,tuscaloosa-tornado_00000290_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000290_pre_disaster.png,0,0,1,3900,290,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000290_pre_disaster.png,woolsey-fire_00000290_pre_disaster,0,0,tier3\masks\woolsey-fire_00000290_pre_disaster.png,0,0,0,0,290,3 +0,0,lower-puna-volcano,pre,tier3,tier3\images\lower-puna-volcano_00000290_pre_disaster.png,lower-puna-volcano_00000290_pre_disaster,0,0,tier3\masks\lower-puna-volcano_00000290_pre_disaster.png,0,0,6,3106,290,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000291_pre_disaster.png,pinery-bushfire_00000291_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000291_pre_disaster.png,0,0,0,0,291,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000291_pre_disaster.png,portugal-wildfire_00000291_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000291_pre_disaster.png,0,0,0,0,291,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000291_pre_disaster.png,woolsey-fire_00000291_pre_disaster,0,0,tier3\masks\woolsey-fire_00000291_pre_disaster.png,0,0,0,0,291,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000291_pre_disaster.png,nepal-flooding_00000291_pre_disaster,0,0,tier3\masks\nepal-flooding_00000291_pre_disaster.png,0,0,0,0,291,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000291_pre_disaster.png,santa-rosa-wildfire_00000291_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000291_pre_disaster.png,0,0,16,16422,291,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000291_pre_disaster.png,tuscaloosa-tornado_00000291_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000291_pre_disaster.png,0,0,11,5663,291,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000291_pre_disaster.png,hurricane-harvey_00000291_pre_disaster,0,0,train\masks\hurricane-harvey_00000291_pre_disaster.png,0,0,5,1905,291,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000292_pre_disaster.png,socal-fire_00000292_pre_disaster,0,0,train\masks\socal-fire_00000292_pre_disaster.png,0,0,0,0,292,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000292_pre_disaster.png,woolsey-fire_00000292_pre_disaster,0,0,tier3\masks\woolsey-fire_00000292_pre_disaster.png,0,0,25,10823,292,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000292_pre_disaster.png,hurricane-michael_00000292_pre_disaster,0,0,train\masks\hurricane-michael_00000292_pre_disaster.png,0,0,113,138910,292,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000292_pre_disaster.png,portugal-wildfire_00000292_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000292_pre_disaster.png,0,0,0,0,292,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000292_pre_disaster.png,tuscaloosa-tornado_00000292_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000292_pre_disaster.png,0,0,0,0,292,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000292_pre_disaster.png,pinery-bushfire_00000292_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000292_pre_disaster.png,0,0,0,0,292,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000292_pre_disaster.png,hurricane-harvey_00000292_pre_disaster,0,0,train\masks\hurricane-harvey_00000292_pre_disaster.png,0,0,60,135255,292,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000292_pre_disaster.png,nepal-flooding_00000292_pre_disaster,0,0,tier3\masks\nepal-flooding_00000292_pre_disaster.png,0,0,22,32957,292,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000293_pre_disaster.png,portugal-wildfire_00000293_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000293_pre_disaster.png,0,0,0,0,293,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000293_pre_disaster.png,hurricane-matthew_00000293_pre_disaster,0,0,train\masks\hurricane-matthew_00000293_pre_disaster.png,0,0,59,17555,293,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000293_pre_disaster.png,santa-rosa-wildfire_00000293_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000293_pre_disaster.png,0,0,2,1636,293,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000293_pre_disaster.png,hurricane-michael_00000293_pre_disaster,0,0,train\masks\hurricane-michael_00000293_pre_disaster.png,0,0,27,19809,293,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000293_pre_disaster.png,tuscaloosa-tornado_00000293_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000293_pre_disaster.png,0,0,0,0,293,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000293_pre_disaster.png,woolsey-fire_00000293_pre_disaster,0,0,tier3\masks\woolsey-fire_00000293_pre_disaster.png,0,0,7,8403,293,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000293_pre_disaster.png,nepal-flooding_00000293_pre_disaster,0,0,tier3\masks\nepal-flooding_00000293_pre_disaster.png,0,0,4,3331,293,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000293_pre_disaster.png,hurricane-florence_00000293_pre_disaster,0,0,train\masks\hurricane-florence_00000293_pre_disaster.png,0,0,45,35003,293,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000293_pre_disaster.png,pinery-bushfire_00000293_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000293_pre_disaster.png,0,0,0,0,293,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000293_pre_disaster.png,midwest-flooding_00000293_pre_disaster,0,0,train\masks\midwest-flooding_00000293_pre_disaster.png,0,0,3,1758,293,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000294_pre_disaster.png,hurricane-michael_00000294_pre_disaster,0,0,train\masks\hurricane-michael_00000294_pre_disaster.png,0,0,106,92003,294,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000294_pre_disaster.png,woolsey-fire_00000294_pre_disaster,0,0,tier3\masks\woolsey-fire_00000294_pre_disaster.png,0,0,15,20442,294,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000294_pre_disaster.png,tuscaloosa-tornado_00000294_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000294_pre_disaster.png,0,0,3,1246,294,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000294_pre_disaster.png,pinery-bushfire_00000294_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000294_pre_disaster.png,0,0,0,0,294,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000294_pre_disaster.png,nepal-flooding_00000294_pre_disaster,0,0,tier3\masks\nepal-flooding_00000294_pre_disaster.png,0,0,2,764,294,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000294_pre_disaster.png,portugal-wildfire_00000294_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000294_pre_disaster.png,0,0,6,6871,294,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000295_pre_disaster.png,pinery-bushfire_00000295_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000295_pre_disaster.png,0,0,0,0,295,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000295_pre_disaster.png,socal-fire_00000295_pre_disaster,0,0,train\masks\socal-fire_00000295_pre_disaster.png,0,0,0,0,295,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000295_pre_disaster.png,tuscaloosa-tornado_00000295_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000295_pre_disaster.png,0,0,0,0,295,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000295_pre_disaster.png,nepal-flooding_00000295_pre_disaster,0,0,tier3\masks\nepal-flooding_00000295_pre_disaster.png,0,0,44,122462,295,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000295_pre_disaster.png,woolsey-fire_00000295_pre_disaster,0,0,tier3\masks\woolsey-fire_00000295_pre_disaster.png,0,0,0,0,295,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000295_pre_disaster.png,hurricane-matthew_00000295_pre_disaster,0,0,train\masks\hurricane-matthew_00000295_pre_disaster.png,0,0,6,1308,295,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000295_pre_disaster.png,portugal-wildfire_00000295_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000295_pre_disaster.png,0,0,2,652,295,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000295_pre_disaster.png,hurricane-michael_00000295_pre_disaster,0,0,train\masks\hurricane-michael_00000295_pre_disaster.png,0,0,17,45730,295,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000296_pre_disaster.png,tuscaloosa-tornado_00000296_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000296_pre_disaster.png,0,0,1,741,296,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000296_pre_disaster.png,hurricane-matthew_00000296_pre_disaster,0,0,train\masks\hurricane-matthew_00000296_pre_disaster.png,0,0,278,136570,296,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000296_pre_disaster.png,hurricane-michael_00000296_pre_disaster,0,0,train\masks\hurricane-michael_00000296_pre_disaster.png,0,0,9,21030,296,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000296_pre_disaster.png,portugal-wildfire_00000296_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000296_pre_disaster.png,0,0,12,10899,296,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000296_pre_disaster.png,woolsey-fire_00000296_pre_disaster,0,0,tier3\masks\woolsey-fire_00000296_pre_disaster.png,0,0,14,11961,296,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000296_pre_disaster.png,nepal-flooding_00000296_pre_disaster,0,0,tier3\masks\nepal-flooding_00000296_pre_disaster.png,0,0,17,19026,296,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000296_pre_disaster.png,hurricane-florence_00000296_pre_disaster,0,0,train\masks\hurricane-florence_00000296_pre_disaster.png,0,0,38,30389,296,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000296_pre_disaster.png,socal-fire_00000296_pre_disaster,0,0,train\masks\socal-fire_00000296_pre_disaster.png,0,0,61,90512,296,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000296_pre_disaster.png,pinery-bushfire_00000296_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000296_pre_disaster.png,0,0,18,8202,296,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000296_pre_disaster.png,santa-rosa-wildfire_00000296_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000296_pre_disaster.png,0,0,8,13529,296,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000297_pre_disaster.png,nepal-flooding_00000297_pre_disaster,0,0,tier3\masks\nepal-flooding_00000297_pre_disaster.png,0,0,5,989,297,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000297_pre_disaster.png,portugal-wildfire_00000297_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000297_pre_disaster.png,0,0,8,4593,297,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000297_pre_disaster.png,pinery-bushfire_00000297_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000297_pre_disaster.png,0,0,1,233,297,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000297_pre_disaster.png,woolsey-fire_00000297_pre_disaster,0,0,tier3\masks\woolsey-fire_00000297_pre_disaster.png,0,0,0,0,297,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000297_pre_disaster.png,socal-fire_00000297_pre_disaster,0,0,train\masks\socal-fire_00000297_pre_disaster.png,0,0,0,0,297,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000297_pre_disaster.png,santa-rosa-wildfire_00000297_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000297_pre_disaster.png,0,0,3,1416,297,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000297_pre_disaster.png,hurricane-florence_00000297_pre_disaster,0,0,train\masks\hurricane-florence_00000297_pre_disaster.png,0,0,15,10040,297,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000297_pre_disaster.png,tuscaloosa-tornado_00000297_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000297_pre_disaster.png,0,0,0,0,297,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000298_pre_disaster.png,santa-rosa-wildfire_00000298_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000298_pre_disaster.png,0,0,7,6961,298,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000298_pre_disaster.png,tuscaloosa-tornado_00000298_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000298_pre_disaster.png,0,0,0,0,298,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000298_pre_disaster.png,pinery-bushfire_00000298_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000298_pre_disaster.png,0,0,1,46,298,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000298_pre_disaster.png,portugal-wildfire_00000298_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000298_pre_disaster.png,0,0,1,536,298,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000298_pre_disaster.png,hurricane-florence_00000298_pre_disaster,0,0,train\masks\hurricane-florence_00000298_pre_disaster.png,0,0,26,15501,298,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000298_pre_disaster.png,woolsey-fire_00000298_pre_disaster,0,0,tier3\masks\woolsey-fire_00000298_pre_disaster.png,0,0,16,3228,298,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000298_pre_disaster.png,nepal-flooding_00000298_pre_disaster,0,0,tier3\masks\nepal-flooding_00000298_pre_disaster.png,0,0,54,42678,298,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000299_pre_disaster.png,hurricane-harvey_00000299_pre_disaster,0,0,train\masks\hurricane-harvey_00000299_pre_disaster.png,0,0,1,141,299,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000299_pre_disaster.png,hurricane-michael_00000299_pre_disaster,0,0,train\masks\hurricane-michael_00000299_pre_disaster.png,0,0,194,118692,299,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000299_pre_disaster.png,midwest-flooding_00000299_pre_disaster,0,0,train\masks\midwest-flooding_00000299_pre_disaster.png,0,0,47,25752,299,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000299_pre_disaster.png,pinery-bushfire_00000299_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000299_pre_disaster.png,0,0,0,0,299,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000299_pre_disaster.png,santa-rosa-wildfire_00000299_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000299_pre_disaster.png,0,0,4,1397,299,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000299_pre_disaster.png,nepal-flooding_00000299_pre_disaster,0,0,tier3\masks\nepal-flooding_00000299_pre_disaster.png,0,0,13,3373,299,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000299_pre_disaster.png,tuscaloosa-tornado_00000299_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000299_pre_disaster.png,0,0,0,0,299,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000299_pre_disaster.png,woolsey-fire_00000299_pre_disaster,0,0,tier3\masks\woolsey-fire_00000299_pre_disaster.png,0,0,0,0,299,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000299_pre_disaster.png,portugal-wildfire_00000299_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000299_pre_disaster.png,0,0,12,6730,299,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000300_pre_disaster.png,santa-rosa-wildfire_00000300_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000300_pre_disaster.png,0,0,1,1178,300,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000300_pre_disaster.png,nepal-flooding_00000300_pre_disaster,0,0,tier3\masks\nepal-flooding_00000300_pre_disaster.png,0,0,25,29558,300,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000300_pre_disaster.png,hurricane-harvey_00000300_pre_disaster,0,0,train\masks\hurricane-harvey_00000300_pre_disaster.png,0,0,6,3385,300,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000300_pre_disaster.png,hurricane-michael_00000300_pre_disaster,0,0,train\masks\hurricane-michael_00000300_pre_disaster.png,0,0,29,46530,300,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000300_pre_disaster.png,tuscaloosa-tornado_00000300_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000300_pre_disaster.png,0,0,9,8410,300,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000300_pre_disaster.png,pinery-bushfire_00000300_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000300_pre_disaster.png,0,0,0,0,300,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000300_pre_disaster.png,portugal-wildfire_00000300_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000300_pre_disaster.png,0,0,0,0,300,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000300_pre_disaster.png,woolsey-fire_00000300_pre_disaster,0,0,tier3\masks\woolsey-fire_00000300_pre_disaster.png,0,0,0,0,300,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000300_pre_disaster.png,hurricane-florence_00000300_pre_disaster,0,0,train\masks\hurricane-florence_00000300_pre_disaster.png,0,0,19,10333,300,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000301_pre_disaster.png,santa-rosa-wildfire_00000301_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000301_pre_disaster.png,0,0,10,8404,301,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000301_pre_disaster.png,pinery-bushfire_00000301_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000301_pre_disaster.png,0,0,0,0,301,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000301_pre_disaster.png,woolsey-fire_00000301_pre_disaster,0,0,tier3\masks\woolsey-fire_00000301_pre_disaster.png,0,0,0,0,301,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000301_pre_disaster.png,nepal-flooding_00000301_pre_disaster,0,0,tier3\masks\nepal-flooding_00000301_pre_disaster.png,0,0,2,1380,301,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000301_pre_disaster.png,hurricane-michael_00000301_pre_disaster,0,0,train\masks\hurricane-michael_00000301_pre_disaster.png,0,0,83,91907,301,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000301_pre_disaster.png,tuscaloosa-tornado_00000301_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000301_pre_disaster.png,0,0,11,51283,301,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000301_pre_disaster.png,midwest-flooding_00000301_pre_disaster,0,0,train\masks\midwest-flooding_00000301_pre_disaster.png,0,0,65,38702,301,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000301_pre_disaster.png,portugal-wildfire_00000301_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000301_pre_disaster.png,0,0,1,448,301,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000301_pre_disaster.png,socal-fire_00000301_pre_disaster,0,0,train\masks\socal-fire_00000301_pre_disaster.png,0,0,18,12665,301,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000301_pre_disaster.png,hurricane-matthew_00000301_pre_disaster,0,0,train\masks\hurricane-matthew_00000301_pre_disaster.png,0,0,3,818,301,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000302_pre_disaster.png,santa-rosa-wildfire_00000302_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000302_pre_disaster.png,0,0,46,70162,302,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000302_pre_disaster.png,hurricane-michael_00000302_pre_disaster,0,0,train\masks\hurricane-michael_00000302_pre_disaster.png,0,0,72,83997,302,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000302_pre_disaster.png,hurricane-matthew_00000302_pre_disaster,0,0,train\masks\hurricane-matthew_00000302_pre_disaster.png,0,0,190,99351,302,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000302_pre_disaster.png,tuscaloosa-tornado_00000302_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000302_pre_disaster.png,0,0,41,20893,302,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000302_pre_disaster.png,socal-fire_00000302_pre_disaster,0,0,train\masks\socal-fire_00000302_pre_disaster.png,0,0,6,7299,302,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000302_pre_disaster.png,hurricane-harvey_00000302_pre_disaster,0,0,train\masks\hurricane-harvey_00000302_pre_disaster.png,0,0,24,52310,302,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000302_pre_disaster.png,pinery-bushfire_00000302_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000302_pre_disaster.png,0,0,0,0,302,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000302_pre_disaster.png,hurricane-florence_00000302_pre_disaster,0,0,train\masks\hurricane-florence_00000302_pre_disaster.png,0,0,11,9553,302,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000302_pre_disaster.png,nepal-flooding_00000302_pre_disaster,0,0,tier3\masks\nepal-flooding_00000302_pre_disaster.png,0,0,3,5150,302,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000302_pre_disaster.png,woolsey-fire_00000302_pre_disaster,0,0,tier3\masks\woolsey-fire_00000302_pre_disaster.png,0,0,0,0,302,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000302_pre_disaster.png,portugal-wildfire_00000302_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000302_pre_disaster.png,0,0,8,5236,302,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000303_pre_disaster.png,portugal-wildfire_00000303_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000303_pre_disaster.png,0,0,0,0,303,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000303_pre_disaster.png,midwest-flooding_00000303_pre_disaster,0,0,train\masks\midwest-flooding_00000303_pre_disaster.png,0,0,19,18525,303,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000303_pre_disaster.png,hurricane-matthew_00000303_pre_disaster,0,0,train\masks\hurricane-matthew_00000303_pre_disaster.png,0,0,2,515,303,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000303_pre_disaster.png,woolsey-fire_00000303_pre_disaster,0,0,tier3\masks\woolsey-fire_00000303_pre_disaster.png,0,0,0,0,303,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000303_pre_disaster.png,socal-fire_00000303_pre_disaster,0,0,train\masks\socal-fire_00000303_pre_disaster.png,0,0,9,3986,303,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000303_pre_disaster.png,nepal-flooding_00000303_pre_disaster,0,0,tier3\masks\nepal-flooding_00000303_pre_disaster.png,0,0,66,116482,303,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000303_pre_disaster.png,pinery-bushfire_00000303_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000303_pre_disaster.png,0,0,3,270,303,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000303_pre_disaster.png,hurricane-michael_00000303_pre_disaster,0,0,train\masks\hurricane-michael_00000303_pre_disaster.png,0,0,125,122763,303,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000303_pre_disaster.png,tuscaloosa-tornado_00000303_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000303_pre_disaster.png,0,0,25,95825,303,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000303_pre_disaster.png,hurricane-florence_00000303_pre_disaster,0,0,train\masks\hurricane-florence_00000303_pre_disaster.png,0,0,10,5374,303,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000304_pre_disaster.png,woolsey-fire_00000304_pre_disaster,0,0,tier3\masks\woolsey-fire_00000304_pre_disaster.png,0,0,0,0,304,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000304_pre_disaster.png,portugal-wildfire_00000304_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000304_pre_disaster.png,0,0,1,1118,304,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000304_pre_disaster.png,tuscaloosa-tornado_00000304_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000304_pre_disaster.png,0,0,57,39315,304,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000304_pre_disaster.png,nepal-flooding_00000304_pre_disaster,0,0,tier3\masks\nepal-flooding_00000304_pre_disaster.png,0,0,43,63600,304,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000304_pre_disaster.png,santa-rosa-wildfire_00000304_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000304_pre_disaster.png,0,0,69,92605,304,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000304_pre_disaster.png,pinery-bushfire_00000304_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000304_pre_disaster.png,0,0,0,0,304,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000304_pre_disaster.png,midwest-flooding_00000304_pre_disaster,0,0,train\masks\midwest-flooding_00000304_pre_disaster.png,0,0,66,43060,304,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000304_pre_disaster.png,hurricane-florence_00000304_pre_disaster,0,0,train\masks\hurricane-florence_00000304_pre_disaster.png,0,0,11,12517,304,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000304_pre_disaster.png,hurricane-michael_00000304_pre_disaster,0,0,train\masks\hurricane-michael_00000304_pre_disaster.png,0,0,153,112365,304,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000305_pre_disaster.png,portugal-wildfire_00000305_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000305_pre_disaster.png,0,0,0,0,305,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000305_pre_disaster.png,hurricane-matthew_00000305_pre_disaster,0,0,train\masks\hurricane-matthew_00000305_pre_disaster.png,0,0,36,7147,305,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000305_pre_disaster.png,hurricane-michael_00000305_pre_disaster,0,0,train\masks\hurricane-michael_00000305_pre_disaster.png,0,0,2,1353,305,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000305_pre_disaster.png,woolsey-fire_00000305_pre_disaster,0,0,tier3\masks\woolsey-fire_00000305_pre_disaster.png,0,0,0,0,305,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000305_pre_disaster.png,pinery-bushfire_00000305_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000305_pre_disaster.png,0,0,0,0,305,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000305_pre_disaster.png,tuscaloosa-tornado_00000305_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000305_pre_disaster.png,0,0,9,66887,305,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000305_pre_disaster.png,nepal-flooding_00000305_pre_disaster,0,0,tier3\masks\nepal-flooding_00000305_pre_disaster.png,0,0,3,1035,305,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000306_pre_disaster.png,nepal-flooding_00000306_pre_disaster,0,0,tier3\masks\nepal-flooding_00000306_pre_disaster.png,0,0,10,7691,306,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000306_pre_disaster.png,pinery-bushfire_00000306_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000306_pre_disaster.png,0,0,0,0,306,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000306_pre_disaster.png,hurricane-matthew_00000306_pre_disaster,0,0,train\masks\hurricane-matthew_00000306_pre_disaster.png,0,0,129,64270,306,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000306_pre_disaster.png,santa-rosa-wildfire_00000306_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000306_pre_disaster.png,0,0,14,11689,306,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000306_pre_disaster.png,hurricane-florence_00000306_pre_disaster,0,0,train\masks\hurricane-florence_00000306_pre_disaster.png,0,0,33,27493,306,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000306_pre_disaster.png,hurricane-michael_00000306_pre_disaster,0,0,train\masks\hurricane-michael_00000306_pre_disaster.png,0,0,142,119329,306,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000306_pre_disaster.png,tuscaloosa-tornado_00000306_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000306_pre_disaster.png,0,0,52,27424,306,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000306_pre_disaster.png,socal-fire_00000306_pre_disaster,0,0,train\masks\socal-fire_00000306_pre_disaster.png,0,0,0,0,306,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000306_pre_disaster.png,woolsey-fire_00000306_pre_disaster,0,0,tier3\masks\woolsey-fire_00000306_pre_disaster.png,0,0,0,0,306,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000306_pre_disaster.png,portugal-wildfire_00000306_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000306_pre_disaster.png,0,0,0,0,306,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000307_pre_disaster.png,portugal-wildfire_00000307_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000307_pre_disaster.png,0,0,13,6455,307,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000307_pre_disaster.png,tuscaloosa-tornado_00000307_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000307_pre_disaster.png,0,0,33,56658,307,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000307_pre_disaster.png,nepal-flooding_00000307_pre_disaster,0,0,tier3\masks\nepal-flooding_00000307_pre_disaster.png,0,0,41,50613,307,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000307_pre_disaster.png,hurricane-harvey_00000307_pre_disaster,0,0,train\masks\hurricane-harvey_00000307_pre_disaster.png,0,0,15,21576,307,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000307_pre_disaster.png,pinery-bushfire_00000307_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000307_pre_disaster.png,0,0,0,0,307,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000307_pre_disaster.png,hurricane-michael_00000307_pre_disaster,0,0,train\masks\hurricane-michael_00000307_pre_disaster.png,0,0,105,88792,307,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000307_pre_disaster.png,woolsey-fire_00000307_pre_disaster,0,0,tier3\masks\woolsey-fire_00000307_pre_disaster.png,0,0,49,24048,307,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000307_pre_disaster.png,hurricane-matthew_00000307_pre_disaster,0,0,train\masks\hurricane-matthew_00000307_pre_disaster.png,0,0,26,5890,307,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000308_pre_disaster.png,pinery-bushfire_00000308_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000308_pre_disaster.png,0,0,0,0,308,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000308_pre_disaster.png,hurricane-florence_00000308_pre_disaster,0,0,train\masks\hurricane-florence_00000308_pre_disaster.png,0,0,12,14874,308,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000308_pre_disaster.png,santa-rosa-wildfire_00000308_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000308_pre_disaster.png,0,0,7,15094,308,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000308_pre_disaster.png,tuscaloosa-tornado_00000308_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000308_pre_disaster.png,0,0,2,661,308,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000308_pre_disaster.png,socal-fire_00000308_pre_disaster,0,0,train\masks\socal-fire_00000308_pre_disaster.png,0,0,52,103445,308,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000308_pre_disaster.png,midwest-flooding_00000308_pre_disaster,0,0,train\masks\midwest-flooding_00000308_pre_disaster.png,0,0,6,7083,308,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000308_pre_disaster.png,nepal-flooding_00000308_pre_disaster,0,0,tier3\masks\nepal-flooding_00000308_pre_disaster.png,0,0,79,114733,308,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000308_pre_disaster.png,portugal-wildfire_00000308_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000308_pre_disaster.png,0,0,0,0,308,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000308_pre_disaster.png,woolsey-fire_00000308_pre_disaster,0,0,tier3\masks\woolsey-fire_00000308_pre_disaster.png,0,0,0,0,308,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000308_pre_disaster.png,hurricane-michael_00000308_pre_disaster,0,0,train\masks\hurricane-michael_00000308_pre_disaster.png,0,0,46,23668,308,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000309_pre_disaster.png,pinery-bushfire_00000309_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000309_pre_disaster.png,0,0,0,0,309,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000309_pre_disaster.png,tuscaloosa-tornado_00000309_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000309_pre_disaster.png,0,0,11,9256,309,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000309_pre_disaster.png,hurricane-michael_00000309_pre_disaster,0,0,train\masks\hurricane-michael_00000309_pre_disaster.png,0,0,134,122653,309,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000309_pre_disaster.png,nepal-flooding_00000309_pre_disaster,0,0,tier3\masks\nepal-flooding_00000309_pre_disaster.png,0,0,3,903,309,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000309_pre_disaster.png,woolsey-fire_00000309_pre_disaster,0,0,tier3\masks\woolsey-fire_00000309_pre_disaster.png,0,0,0,0,309,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000309_pre_disaster.png,hurricane-harvey_00000309_pre_disaster,0,0,train\masks\hurricane-harvey_00000309_pre_disaster.png,0,0,5,1107,309,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000309_pre_disaster.png,hurricane-florence_00000309_pre_disaster,0,0,train\masks\hurricane-florence_00000309_pre_disaster.png,0,0,23,14546,309,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000309_pre_disaster.png,portugal-wildfire_00000309_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000309_pre_disaster.png,0,0,2,812,309,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000309_pre_disaster.png,santa-rosa-wildfire_00000309_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000309_pre_disaster.png,0,0,91,139830,309,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000310_pre_disaster.png,pinery-bushfire_00000310_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000310_pre_disaster.png,0,0,4,4731,310,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000310_pre_disaster.png,hurricane-matthew_00000310_pre_disaster,0,0,train\masks\hurricane-matthew_00000310_pre_disaster.png,0,0,5,2172,310,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000310_pre_disaster.png,tuscaloosa-tornado_00000310_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000310_pre_disaster.png,0,0,22,57238,310,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000310_pre_disaster.png,hurricane-michael_00000310_pre_disaster,0,0,train\masks\hurricane-michael_00000310_pre_disaster.png,0,0,9,16994,310,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000310_pre_disaster.png,hurricane-florence_00000310_pre_disaster,0,0,train\masks\hurricane-florence_00000310_pre_disaster.png,0,0,18,13483,310,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000310_pre_disaster.png,portugal-wildfire_00000310_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000310_pre_disaster.png,0,0,14,11018,310,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000310_pre_disaster.png,nepal-flooding_00000310_pre_disaster,0,0,tier3\masks\nepal-flooding_00000310_pre_disaster.png,0,0,60,30101,310,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000310_pre_disaster.png,midwest-flooding_00000310_pre_disaster,0,0,train\masks\midwest-flooding_00000310_pre_disaster.png,0,0,17,15530,310,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000310_pre_disaster.png,woolsey-fire_00000310_pre_disaster,0,0,tier3\masks\woolsey-fire_00000310_pre_disaster.png,0,0,0,0,310,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000311_pre_disaster.png,socal-fire_00000311_pre_disaster,0,0,train\masks\socal-fire_00000311_pre_disaster.png,0,0,0,0,311,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000311_pre_disaster.png,portugal-wildfire_00000311_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000311_pre_disaster.png,0,0,0,0,311,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000311_pre_disaster.png,nepal-flooding_00000311_pre_disaster,0,0,tier3\masks\nepal-flooding_00000311_pre_disaster.png,0,0,41,25501,311,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000311_pre_disaster.png,pinery-bushfire_00000311_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000311_pre_disaster.png,0,0,5,5315,311,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000311_pre_disaster.png,woolsey-fire_00000311_pre_disaster,0,0,tier3\masks\woolsey-fire_00000311_pre_disaster.png,0,0,28,8230,311,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000311_pre_disaster.png,hurricane-michael_00000311_pre_disaster,0,0,train\masks\hurricane-michael_00000311_pre_disaster.png,0,0,81,72382,311,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000311_pre_disaster.png,hurricane-matthew_00000311_pre_disaster,0,0,train\masks\hurricane-matthew_00000311_pre_disaster.png,0,0,140,54638,311,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000311_pre_disaster.png,tuscaloosa-tornado_00000311_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000311_pre_disaster.png,0,0,4,545,311,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000312_pre_disaster.png,santa-rosa-wildfire_00000312_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000312_pre_disaster.png,0,0,10,10594,312,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000312_pre_disaster.png,socal-fire_00000312_pre_disaster,0,0,train\masks\socal-fire_00000312_pre_disaster.png,0,0,101,177643,312,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000312_pre_disaster.png,hurricane-matthew_00000312_pre_disaster,0,0,train\masks\hurricane-matthew_00000312_pre_disaster.png,0,0,11,1806,312,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000312_pre_disaster.png,hurricane-harvey_00000312_pre_disaster,0,0,train\masks\hurricane-harvey_00000312_pre_disaster.png,0,0,36,36991,312,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000312_pre_disaster.png,portugal-wildfire_00000312_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000312_pre_disaster.png,0,0,0,0,312,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000312_pre_disaster.png,woolsey-fire_00000312_pre_disaster,0,0,tier3\masks\woolsey-fire_00000312_pre_disaster.png,0,0,0,0,312,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000312_pre_disaster.png,tuscaloosa-tornado_00000312_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000312_pre_disaster.png,0,0,6,2704,312,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000312_pre_disaster.png,nepal-flooding_00000312_pre_disaster,0,0,tier3\masks\nepal-flooding_00000312_pre_disaster.png,0,0,18,13221,312,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000312_pre_disaster.png,pinery-bushfire_00000312_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000312_pre_disaster.png,0,0,0,0,312,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000312_pre_disaster.png,hurricane-michael_00000312_pre_disaster,0,0,train\masks\hurricane-michael_00000312_pre_disaster.png,0,0,24,14440,312,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000312_pre_disaster.png,hurricane-florence_00000312_pre_disaster,0,0,train\masks\hurricane-florence_00000312_pre_disaster.png,0,0,11,6188,312,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000313_pre_disaster.png,tuscaloosa-tornado_00000313_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000313_pre_disaster.png,0,0,0,0,313,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000313_pre_disaster.png,santa-rosa-wildfire_00000313_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000313_pre_disaster.png,0,0,64,133676,313,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000313_pre_disaster.png,portugal-wildfire_00000313_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000313_pre_disaster.png,0,0,0,0,313,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000313_pre_disaster.png,hurricane-harvey_00000313_pre_disaster,0,0,train\masks\hurricane-harvey_00000313_pre_disaster.png,0,0,0,0,313,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000313_pre_disaster.png,woolsey-fire_00000313_pre_disaster,0,0,tier3\masks\woolsey-fire_00000313_pre_disaster.png,0,0,24,10957,313,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000313_pre_disaster.png,pinery-bushfire_00000313_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000313_pre_disaster.png,0,0,0,0,313,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000313_pre_disaster.png,nepal-flooding_00000313_pre_disaster,0,0,tier3\masks\nepal-flooding_00000313_pre_disaster.png,0,0,149,92253,313,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000313_pre_disaster.png,hurricane-florence_00000313_pre_disaster,0,0,train\masks\hurricane-florence_00000313_pre_disaster.png,0,0,23,22338,313,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000313_pre_disaster.png,midwest-flooding_00000313_pre_disaster,0,0,train\masks\midwest-flooding_00000313_pre_disaster.png,0,0,71,42663,313,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000313_pre_disaster.png,socal-fire_00000313_pre_disaster,0,0,train\masks\socal-fire_00000313_pre_disaster.png,0,0,0,0,313,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000313_pre_disaster.png,hurricane-michael_00000313_pre_disaster,0,0,train\masks\hurricane-michael_00000313_pre_disaster.png,0,0,125,147146,313,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000314_pre_disaster.png,hurricane-matthew_00000314_pre_disaster,0,0,train\masks\hurricane-matthew_00000314_pre_disaster.png,0,0,13,2616,314,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000314_pre_disaster.png,pinery-bushfire_00000314_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000314_pre_disaster.png,0,0,0,0,314,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000314_pre_disaster.png,portugal-wildfire_00000314_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000314_pre_disaster.png,0,0,1,131,314,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000314_pre_disaster.png,midwest-flooding_00000314_pre_disaster,0,0,train\masks\midwest-flooding_00000314_pre_disaster.png,0,0,27,16086,314,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000314_pre_disaster.png,woolsey-fire_00000314_pre_disaster,0,0,tier3\masks\woolsey-fire_00000314_pre_disaster.png,0,0,0,0,314,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000314_pre_disaster.png,tuscaloosa-tornado_00000314_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000314_pre_disaster.png,0,0,12,12325,314,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000314_pre_disaster.png,nepal-flooding_00000314_pre_disaster,0,0,tier3\masks\nepal-flooding_00000314_pre_disaster.png,0,0,13,9164,314,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000314_pre_disaster.png,santa-rosa-wildfire_00000314_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000314_pre_disaster.png,0,0,11,17464,314,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000314_pre_disaster.png,hurricane-florence_00000314_pre_disaster,0,0,train\masks\hurricane-florence_00000314_pre_disaster.png,0,0,4,1280,314,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000315_pre_disaster.png,hurricane-michael_00000315_pre_disaster,0,0,train\masks\hurricane-michael_00000315_pre_disaster.png,0,0,129,111560,315,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000315_pre_disaster.png,santa-rosa-wildfire_00000315_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000315_pre_disaster.png,0,0,4,1097,315,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000315_pre_disaster.png,hurricane-harvey_00000315_pre_disaster,0,0,train\masks\hurricane-harvey_00000315_pre_disaster.png,0,0,3,1765,315,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000315_pre_disaster.png,hurricane-florence_00000315_pre_disaster,0,0,train\masks\hurricane-florence_00000315_pre_disaster.png,0,0,3,1407,315,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000315_pre_disaster.png,portugal-wildfire_00000315_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000315_pre_disaster.png,0,0,0,0,315,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000315_pre_disaster.png,nepal-flooding_00000315_pre_disaster,0,0,tier3\masks\nepal-flooding_00000315_pre_disaster.png,0,0,11,17321,315,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000315_pre_disaster.png,woolsey-fire_00000315_pre_disaster,0,0,tier3\masks\woolsey-fire_00000315_pre_disaster.png,0,0,0,0,315,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000315_pre_disaster.png,tuscaloosa-tornado_00000315_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000315_pre_disaster.png,0,0,1,52,315,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000315_pre_disaster.png,pinery-bushfire_00000315_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000315_pre_disaster.png,0,0,2,896,315,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000316_pre_disaster.png,pinery-bushfire_00000316_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000316_pre_disaster.png,0,0,0,0,316,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000316_pre_disaster.png,hurricane-matthew_00000316_pre_disaster,0,0,train\masks\hurricane-matthew_00000316_pre_disaster.png,0,0,57,15700,316,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000316_pre_disaster.png,hurricane-harvey_00000316_pre_disaster,0,0,train\masks\hurricane-harvey_00000316_pre_disaster.png,0,0,17,12061,316,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000316_pre_disaster.png,nepal-flooding_00000316_pre_disaster,0,0,tier3\masks\nepal-flooding_00000316_pre_disaster.png,0,0,21,11524,316,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000316_pre_disaster.png,midwest-flooding_00000316_pre_disaster,0,0,train\masks\midwest-flooding_00000316_pre_disaster.png,0,0,8,3378,316,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000316_pre_disaster.png,woolsey-fire_00000316_pre_disaster,0,0,tier3\masks\woolsey-fire_00000316_pre_disaster.png,0,0,4,3863,316,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000316_pre_disaster.png,hurricane-florence_00000316_pre_disaster,0,0,train\masks\hurricane-florence_00000316_pre_disaster.png,0,0,24,19926,316,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000316_pre_disaster.png,portugal-wildfire_00000316_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000316_pre_disaster.png,0,0,0,0,316,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000316_pre_disaster.png,tuscaloosa-tornado_00000316_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000316_pre_disaster.png,0,0,33,75554,316,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000317_pre_disaster.png,hurricane-harvey_00000317_pre_disaster,0,0,train\masks\hurricane-harvey_00000317_pre_disaster.png,0,0,41,32425,317,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000317_pre_disaster.png,woolsey-fire_00000317_pre_disaster,0,0,tier3\masks\woolsey-fire_00000317_pre_disaster.png,0,0,2,4609,317,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000317_pre_disaster.png,portugal-wildfire_00000317_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000317_pre_disaster.png,0,0,1,138,317,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000317_pre_disaster.png,pinery-bushfire_00000317_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000317_pre_disaster.png,0,0,0,0,317,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000317_pre_disaster.png,nepal-flooding_00000317_pre_disaster,0,0,tier3\masks\nepal-flooding_00000317_pre_disaster.png,0,0,40,24017,317,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000317_pre_disaster.png,midwest-flooding_00000317_pre_disaster,0,0,train\masks\midwest-flooding_00000317_pre_disaster.png,0,0,1,673,317,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000317_pre_disaster.png,tuscaloosa-tornado_00000317_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000317_pre_disaster.png,0,0,2,2167,317,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000318_pre_disaster.png,woolsey-fire_00000318_pre_disaster,0,0,tier3\masks\woolsey-fire_00000318_pre_disaster.png,0,0,20,9661,318,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000318_pre_disaster.png,santa-rosa-wildfire_00000318_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000318_pre_disaster.png,0,0,9,10311,318,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000318_pre_disaster.png,nepal-flooding_00000318_pre_disaster,0,0,tier3\masks\nepal-flooding_00000318_pre_disaster.png,0,0,26,18534,318,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000318_pre_disaster.png,portugal-wildfire_00000318_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000318_pre_disaster.png,0,0,0,0,318,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000318_pre_disaster.png,socal-fire_00000318_pre_disaster,0,0,train\masks\socal-fire_00000318_pre_disaster.png,0,0,0,0,318,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000318_pre_disaster.png,hurricane-harvey_00000318_pre_disaster,0,0,train\masks\hurricane-harvey_00000318_pre_disaster.png,0,0,0,0,318,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000318_pre_disaster.png,tuscaloosa-tornado_00000318_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000318_pre_disaster.png,0,0,144,188224,318,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000318_pre_disaster.png,midwest-flooding_00000318_pre_disaster,0,0,train\masks\midwest-flooding_00000318_pre_disaster.png,0,0,2,664,318,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000318_pre_disaster.png,pinery-bushfire_00000318_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000318_pre_disaster.png,0,0,0,0,318,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000319_pre_disaster.png,tuscaloosa-tornado_00000319_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000319_pre_disaster.png,0,0,1,358,319,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000319_pre_disaster.png,pinery-bushfire_00000319_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000319_pre_disaster.png,0,0,10,6130,319,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000319_pre_disaster.png,nepal-flooding_00000319_pre_disaster,0,0,tier3\masks\nepal-flooding_00000319_pre_disaster.png,0,0,4,3182,319,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000319_pre_disaster.png,hurricane-florence_00000319_pre_disaster,0,0,train\masks\hurricane-florence_00000319_pre_disaster.png,0,0,3,1208,319,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000319_pre_disaster.png,hurricane-michael_00000319_pre_disaster,0,0,train\masks\hurricane-michael_00000319_pre_disaster.png,0,0,43,39665,319,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000319_pre_disaster.png,hurricane-harvey_00000319_pre_disaster,0,0,train\masks\hurricane-harvey_00000319_pre_disaster.png,0,0,14,8355,319,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000319_pre_disaster.png,woolsey-fire_00000319_pre_disaster,0,0,tier3\masks\woolsey-fire_00000319_pre_disaster.png,0,0,13,16326,319,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000319_pre_disaster.png,midwest-flooding_00000319_pre_disaster,0,0,train\masks\midwest-flooding_00000319_pre_disaster.png,0,0,2,630,319,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000319_pre_disaster.png,hurricane-matthew_00000319_pre_disaster,0,0,train\masks\hurricane-matthew_00000319_pre_disaster.png,0,0,3,535,319,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000319_pre_disaster.png,portugal-wildfire_00000319_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000319_pre_disaster.png,0,0,0,0,319,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000320_pre_disaster.png,portugal-wildfire_00000320_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000320_pre_disaster.png,0,0,0,0,320,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000320_pre_disaster.png,woolsey-fire_00000320_pre_disaster,0,0,tier3\masks\woolsey-fire_00000320_pre_disaster.png,0,0,42,47619,320,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000320_pre_disaster.png,hurricane-harvey_00000320_pre_disaster,0,0,train\masks\hurricane-harvey_00000320_pre_disaster.png,0,0,7,1310,320,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000320_pre_disaster.png,pinery-bushfire_00000320_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000320_pre_disaster.png,0,0,0,0,320,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000320_pre_disaster.png,nepal-flooding_00000320_pre_disaster,0,0,tier3\masks\nepal-flooding_00000320_pre_disaster.png,0,0,0,0,320,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000320_pre_disaster.png,tuscaloosa-tornado_00000320_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000320_pre_disaster.png,0,0,136,163507,320,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000320_pre_disaster.png,midwest-flooding_00000320_pre_disaster,0,0,train\masks\midwest-flooding_00000320_pre_disaster.png,0,0,33,26278,320,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000320_pre_disaster.png,hurricane-florence_00000320_pre_disaster,0,0,train\masks\hurricane-florence_00000320_pre_disaster.png,0,0,11,8358,320,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000320_pre_disaster.png,santa-rosa-wildfire_00000320_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000320_pre_disaster.png,0,0,0,0,320,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000321_pre_disaster.png,hurricane-matthew_00000321_pre_disaster,0,0,train\masks\hurricane-matthew_00000321_pre_disaster.png,0,0,6,1251,321,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000321_pre_disaster.png,nepal-flooding_00000321_pre_disaster,0,0,tier3\masks\nepal-flooding_00000321_pre_disaster.png,0,0,14,13113,321,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000321_pre_disaster.png,tuscaloosa-tornado_00000321_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000321_pre_disaster.png,0,0,5,2913,321,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000321_pre_disaster.png,socal-fire_00000321_pre_disaster,0,0,train\masks\socal-fire_00000321_pre_disaster.png,0,0,0,0,321,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000321_pre_disaster.png,santa-rosa-wildfire_00000321_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000321_pre_disaster.png,0,0,13,15649,321,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000321_pre_disaster.png,portugal-wildfire_00000321_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000321_pre_disaster.png,0,0,4,2857,321,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000321_pre_disaster.png,pinery-bushfire_00000321_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000321_pre_disaster.png,0,0,0,0,321,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000321_pre_disaster.png,woolsey-fire_00000321_pre_disaster,0,0,tier3\masks\woolsey-fire_00000321_pre_disaster.png,0,0,0,0,321,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000322_pre_disaster.png,woolsey-fire_00000322_pre_disaster,0,0,tier3\masks\woolsey-fire_00000322_pre_disaster.png,0,0,11,1066,322,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000322_pre_disaster.png,nepal-flooding_00000322_pre_disaster,0,0,tier3\masks\nepal-flooding_00000322_pre_disaster.png,0,0,0,0,322,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000322_pre_disaster.png,portugal-wildfire_00000322_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000322_pre_disaster.png,0,0,0,0,322,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000322_pre_disaster.png,hurricane-matthew_00000322_pre_disaster,0,0,train\masks\hurricane-matthew_00000322_pre_disaster.png,0,0,27,6068,322,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000322_pre_disaster.png,socal-fire_00000322_pre_disaster,0,0,train\masks\socal-fire_00000322_pre_disaster.png,0,0,0,0,322,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000322_pre_disaster.png,tuscaloosa-tornado_00000322_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000322_pre_disaster.png,0,0,61,61992,322,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000322_pre_disaster.png,hurricane-michael_00000322_pre_disaster,0,0,train\masks\hurricane-michael_00000322_pre_disaster.png,0,0,64,58919,322,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000322_pre_disaster.png,pinery-bushfire_00000322_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000322_pre_disaster.png,0,0,0,0,322,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000322_pre_disaster.png,midwest-flooding_00000322_pre_disaster,0,0,train\masks\midwest-flooding_00000322_pre_disaster.png,0,0,26,30241,322,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000323_pre_disaster.png,portugal-wildfire_00000323_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000323_pre_disaster.png,0,0,0,0,323,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000323_pre_disaster.png,tuscaloosa-tornado_00000323_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000323_pre_disaster.png,0,0,156,128585,323,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000323_pre_disaster.png,hurricane-harvey_00000323_pre_disaster,0,0,train\masks\hurricane-harvey_00000323_pre_disaster.png,0,0,1,394,323,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000323_pre_disaster.png,pinery-bushfire_00000323_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000323_pre_disaster.png,0,0,0,0,323,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000323_pre_disaster.png,nepal-flooding_00000323_pre_disaster,0,0,tier3\masks\nepal-flooding_00000323_pre_disaster.png,0,0,41,54731,323,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000323_pre_disaster.png,woolsey-fire_00000323_pre_disaster,0,0,tier3\masks\woolsey-fire_00000323_pre_disaster.png,0,0,0,0,323,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000323_pre_disaster.png,hurricane-michael_00000323_pre_disaster,0,0,train\masks\hurricane-michael_00000323_pre_disaster.png,0,0,25,56432,323,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000324_pre_disaster.png,tuscaloosa-tornado_00000324_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000324_pre_disaster.png,0,0,66,73705,324,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000324_pre_disaster.png,portugal-wildfire_00000324_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000324_pre_disaster.png,0,0,0,0,324,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000324_pre_disaster.png,woolsey-fire_00000324_pre_disaster,0,0,tier3\masks\woolsey-fire_00000324_pre_disaster.png,0,0,3,1981,324,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000324_pre_disaster.png,santa-rosa-wildfire_00000324_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000324_pre_disaster.png,0,0,16,17246,324,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000324_pre_disaster.png,pinery-bushfire_00000324_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000324_pre_disaster.png,0,0,0,0,324,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000324_pre_disaster.png,hurricane-florence_00000324_pre_disaster,0,0,train\masks\hurricane-florence_00000324_pre_disaster.png,0,0,2,1115,324,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000324_pre_disaster.png,hurricane-michael_00000324_pre_disaster,0,0,train\masks\hurricane-michael_00000324_pre_disaster.png,0,0,32,31876,324,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000324_pre_disaster.png,nepal-flooding_00000324_pre_disaster,0,0,tier3\masks\nepal-flooding_00000324_pre_disaster.png,0,0,67,46004,324,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000325_pre_disaster.png,hurricane-florence_00000325_pre_disaster,0,0,train\masks\hurricane-florence_00000325_pre_disaster.png,0,0,34,30006,325,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000325_pre_disaster.png,portugal-wildfire_00000325_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000325_pre_disaster.png,0,0,55,46606,325,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000325_pre_disaster.png,hurricane-harvey_00000325_pre_disaster,0,0,train\masks\hurricane-harvey_00000325_pre_disaster.png,0,0,11,9521,325,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000325_pre_disaster.png,santa-rosa-wildfire_00000325_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000325_pre_disaster.png,0,0,10,6865,325,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000325_pre_disaster.png,nepal-flooding_00000325_pre_disaster,0,0,tier3\masks\nepal-flooding_00000325_pre_disaster.png,0,0,53,47319,325,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000325_pre_disaster.png,woolsey-fire_00000325_pre_disaster,0,0,tier3\masks\woolsey-fire_00000325_pre_disaster.png,0,0,0,0,325,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000325_pre_disaster.png,tuscaloosa-tornado_00000325_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000325_pre_disaster.png,0,0,0,0,325,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000325_pre_disaster.png,pinery-bushfire_00000325_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000325_pre_disaster.png,0,0,0,0,325,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000325_pre_disaster.png,hurricane-michael_00000325_pre_disaster,0,0,train\masks\hurricane-michael_00000325_pre_disaster.png,0,0,2,1801,325,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000326_pre_disaster.png,portugal-wildfire_00000326_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000326_pre_disaster.png,0,0,0,0,326,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000326_pre_disaster.png,midwest-flooding_00000326_pre_disaster,0,0,train\masks\midwest-flooding_00000326_pre_disaster.png,0,0,2,5619,326,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000326_pre_disaster.png,woolsey-fire_00000326_pre_disaster,0,0,tier3\masks\woolsey-fire_00000326_pre_disaster.png,0,0,0,0,326,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000326_pre_disaster.png,tuscaloosa-tornado_00000326_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000326_pre_disaster.png,0,0,78,88613,326,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000326_pre_disaster.png,nepal-flooding_00000326_pre_disaster,0,0,tier3\masks\nepal-flooding_00000326_pre_disaster.png,0,0,3,2547,326,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000326_pre_disaster.png,hurricane-michael_00000326_pre_disaster,0,0,train\masks\hurricane-michael_00000326_pre_disaster.png,0,0,42,55410,326,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000326_pre_disaster.png,pinery-bushfire_00000326_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000326_pre_disaster.png,0,0,0,0,326,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000327_pre_disaster.png,socal-fire_00000327_pre_disaster,0,0,train\masks\socal-fire_00000327_pre_disaster.png,0,0,0,0,327,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000327_pre_disaster.png,woolsey-fire_00000327_pre_disaster,0,0,tier3\masks\woolsey-fire_00000327_pre_disaster.png,0,0,0,0,327,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000327_pre_disaster.png,portugal-wildfire_00000327_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000327_pre_disaster.png,0,0,0,0,327,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000327_pre_disaster.png,santa-rosa-wildfire_00000327_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000327_pre_disaster.png,0,0,0,0,327,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000327_pre_disaster.png,nepal-flooding_00000327_pre_disaster,0,0,tier3\masks\nepal-flooding_00000327_pre_disaster.png,0,0,10,3612,327,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000327_pre_disaster.png,pinery-bushfire_00000327_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000327_pre_disaster.png,0,0,13,7854,327,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000327_pre_disaster.png,tuscaloosa-tornado_00000327_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000327_pre_disaster.png,0,0,100,77897,327,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000327_pre_disaster.png,hurricane-harvey_00000327_pre_disaster,0,0,train\masks\hurricane-harvey_00000327_pre_disaster.png,0,0,1,645,327,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000328_pre_disaster.png,tuscaloosa-tornado_00000328_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000328_pre_disaster.png,0,0,0,0,328,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000328_pre_disaster.png,hurricane-michael_00000328_pre_disaster,0,0,train\masks\hurricane-michael_00000328_pre_disaster.png,0,0,16,16816,328,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000328_pre_disaster.png,hurricane-matthew_00000328_pre_disaster,0,0,train\masks\hurricane-matthew_00000328_pre_disaster.png,0,0,28,6528,328,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000328_pre_disaster.png,hurricane-florence_00000328_pre_disaster,0,0,train\masks\hurricane-florence_00000328_pre_disaster.png,0,0,15,23356,328,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000328_pre_disaster.png,portugal-wildfire_00000328_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000328_pre_disaster.png,0,0,2,1959,328,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000328_pre_disaster.png,midwest-flooding_00000328_pre_disaster,0,0,train\masks\midwest-flooding_00000328_pre_disaster.png,0,0,8,10031,328,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000328_pre_disaster.png,nepal-flooding_00000328_pre_disaster,0,0,tier3\masks\nepal-flooding_00000328_pre_disaster.png,0,0,1,527,328,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000328_pre_disaster.png,pinery-bushfire_00000328_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000328_pre_disaster.png,0,0,0,0,328,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000328_pre_disaster.png,woolsey-fire_00000328_pre_disaster,0,0,tier3\masks\woolsey-fire_00000328_pre_disaster.png,0,0,4,503,328,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000329_pre_disaster.png,pinery-bushfire_00000329_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000329_pre_disaster.png,0,0,0,0,329,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000329_pre_disaster.png,portugal-wildfire_00000329_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000329_pre_disaster.png,0,0,0,0,329,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000329_pre_disaster.png,hurricane-matthew_00000329_pre_disaster,0,0,train\masks\hurricane-matthew_00000329_pre_disaster.png,0,0,31,11100,329,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000329_pre_disaster.png,hurricane-florence_00000329_pre_disaster,0,0,train\masks\hurricane-florence_00000329_pre_disaster.png,0,0,5,4811,329,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000329_pre_disaster.png,woolsey-fire_00000329_pre_disaster,0,0,tier3\masks\woolsey-fire_00000329_pre_disaster.png,0,0,117,124321,329,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000329_pre_disaster.png,nepal-flooding_00000329_pre_disaster,0,0,tier3\masks\nepal-flooding_00000329_pre_disaster.png,0,0,1,81,329,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000329_pre_disaster.png,midwest-flooding_00000329_pre_disaster,0,0,train\masks\midwest-flooding_00000329_pre_disaster.png,0,0,0,0,329,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000329_pre_disaster.png,hurricane-michael_00000329_pre_disaster,0,0,train\masks\hurricane-michael_00000329_pre_disaster.png,0,0,42,47022,329,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000329_pre_disaster.png,tuscaloosa-tornado_00000329_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000329_pre_disaster.png,0,0,100,139653,329,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000329_pre_disaster.png,hurricane-harvey_00000329_pre_disaster,0,0,train\masks\hurricane-harvey_00000329_pre_disaster.png,0,0,14,3988,329,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000330_pre_disaster.png,portugal-wildfire_00000330_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000330_pre_disaster.png,0,0,0,0,330,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000330_pre_disaster.png,nepal-flooding_00000330_pre_disaster,0,0,tier3\masks\nepal-flooding_00000330_pre_disaster.png,0,0,7,6331,330,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000330_pre_disaster.png,socal-fire_00000330_pre_disaster,0,0,train\masks\socal-fire_00000330_pre_disaster.png,0,0,0,0,330,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000330_pre_disaster.png,santa-rosa-wildfire_00000330_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000330_pre_disaster.png,0,0,13,16496,330,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000330_pre_disaster.png,woolsey-fire_00000330_pre_disaster,0,0,tier3\masks\woolsey-fire_00000330_pre_disaster.png,0,0,24,29412,330,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000330_pre_disaster.png,hurricane-michael_00000330_pre_disaster,0,0,train\masks\hurricane-michael_00000330_pre_disaster.png,0,0,17,17984,330,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000330_pre_disaster.png,tuscaloosa-tornado_00000330_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000330_pre_disaster.png,0,0,96,83653,330,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000330_pre_disaster.png,hurricane-florence_00000330_pre_disaster,0,0,train\masks\hurricane-florence_00000330_pre_disaster.png,0,0,16,10104,330,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000330_pre_disaster.png,hurricane-harvey_00000330_pre_disaster,0,0,train\masks\hurricane-harvey_00000330_pre_disaster.png,0,0,0,0,330,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000330_pre_disaster.png,midwest-flooding_00000330_pre_disaster,0,0,train\masks\midwest-flooding_00000330_pre_disaster.png,0,0,4,843,330,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000330_pre_disaster.png,pinery-bushfire_00000330_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000330_pre_disaster.png,0,0,0,0,330,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000331_pre_disaster.png,santa-rosa-wildfire_00000331_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000331_pre_disaster.png,0,0,1,1118,331,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000331_pre_disaster.png,pinery-bushfire_00000331_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000331_pre_disaster.png,0,0,0,0,331,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000331_pre_disaster.png,midwest-flooding_00000331_pre_disaster,0,0,train\masks\midwest-flooding_00000331_pre_disaster.png,0,0,35,41281,331,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000331_pre_disaster.png,tuscaloosa-tornado_00000331_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000331_pre_disaster.png,0,0,0,0,331,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000331_pre_disaster.png,hurricane-matthew_00000331_pre_disaster,0,0,train\masks\hurricane-matthew_00000331_pre_disaster.png,0,0,8,1872,331,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000331_pre_disaster.png,woolsey-fire_00000331_pre_disaster,0,0,tier3\masks\woolsey-fire_00000331_pre_disaster.png,0,0,4,2472,331,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000331_pre_disaster.png,hurricane-michael_00000331_pre_disaster,0,0,train\masks\hurricane-michael_00000331_pre_disaster.png,0,0,78,46315,331,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000331_pre_disaster.png,socal-fire_00000331_pre_disaster,0,0,train\masks\socal-fire_00000331_pre_disaster.png,0,0,0,0,331,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000331_pre_disaster.png,portugal-wildfire_00000331_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000331_pre_disaster.png,0,0,0,0,331,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000331_pre_disaster.png,hurricane-florence_00000331_pre_disaster,0,0,train\masks\hurricane-florence_00000331_pre_disaster.png,0,0,32,25553,331,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000331_pre_disaster.png,nepal-flooding_00000331_pre_disaster,0,0,tier3\masks\nepal-flooding_00000331_pre_disaster.png,0,0,60,78137,331,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000332_pre_disaster.png,hurricane-florence_00000332_pre_disaster,0,0,train\masks\hurricane-florence_00000332_pre_disaster.png,0,0,0,0,332,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000332_pre_disaster.png,nepal-flooding_00000332_pre_disaster,0,0,tier3\masks\nepal-flooding_00000332_pre_disaster.png,0,0,61,90790,332,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000332_pre_disaster.png,hurricane-harvey_00000332_pre_disaster,0,0,train\masks\hurricane-harvey_00000332_pre_disaster.png,0,0,5,582,332,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000332_pre_disaster.png,socal-fire_00000332_pre_disaster,0,0,train\masks\socal-fire_00000332_pre_disaster.png,0,0,2,1097,332,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000332_pre_disaster.png,hurricane-matthew_00000332_pre_disaster,0,0,train\masks\hurricane-matthew_00000332_pre_disaster.png,0,0,4,671,332,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000332_pre_disaster.png,woolsey-fire_00000332_pre_disaster,0,0,tier3\masks\woolsey-fire_00000332_pre_disaster.png,0,0,8,7774,332,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000332_pre_disaster.png,tuscaloosa-tornado_00000332_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000332_pre_disaster.png,0,0,63,115437,332,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000332_pre_disaster.png,portugal-wildfire_00000332_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000332_pre_disaster.png,0,0,2,999,332,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000332_pre_disaster.png,pinery-bushfire_00000332_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000332_pre_disaster.png,0,0,0,0,332,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000333_pre_disaster.png,socal-fire_00000333_pre_disaster,0,0,train\masks\socal-fire_00000333_pre_disaster.png,0,0,0,0,333,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000333_pre_disaster.png,portugal-wildfire_00000333_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000333_pre_disaster.png,0,0,29,22388,333,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000333_pre_disaster.png,woolsey-fire_00000333_pre_disaster,0,0,tier3\masks\woolsey-fire_00000333_pre_disaster.png,0,0,8,2631,333,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000333_pre_disaster.png,hurricane-florence_00000333_pre_disaster,0,0,train\masks\hurricane-florence_00000333_pre_disaster.png,0,0,1,1323,333,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000333_pre_disaster.png,nepal-flooding_00000333_pre_disaster,0,0,tier3\masks\nepal-flooding_00000333_pre_disaster.png,0,0,49,70488,333,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000333_pre_disaster.png,santa-rosa-wildfire_00000333_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000333_pre_disaster.png,0,0,27,50522,333,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000333_pre_disaster.png,tuscaloosa-tornado_00000333_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000333_pre_disaster.png,0,0,166,92425,333,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000333_pre_disaster.png,pinery-bushfire_00000333_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000333_pre_disaster.png,0,0,0,0,333,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000333_pre_disaster.png,hurricane-harvey_00000333_pre_disaster,0,0,train\masks\hurricane-harvey_00000333_pre_disaster.png,0,0,57,105337,333,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000333_pre_disaster.png,hurricane-michael_00000333_pre_disaster,0,0,train\masks\hurricane-michael_00000333_pre_disaster.png,0,0,49,30518,333,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000334_pre_disaster.png,hurricane-florence_00000334_pre_disaster,0,0,train\masks\hurricane-florence_00000334_pre_disaster.png,0,0,11,6491,334,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000334_pre_disaster.png,santa-rosa-wildfire_00000334_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000334_pre_disaster.png,0,0,0,0,334,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000334_pre_disaster.png,woolsey-fire_00000334_pre_disaster,0,0,tier3\masks\woolsey-fire_00000334_pre_disaster.png,0,0,3,229,334,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000334_pre_disaster.png,pinery-bushfire_00000334_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000334_pre_disaster.png,0,0,0,0,334,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000334_pre_disaster.png,hurricane-matthew_00000334_pre_disaster,0,0,train\masks\hurricane-matthew_00000334_pre_disaster.png,0,0,3,717,334,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000334_pre_disaster.png,socal-fire_00000334_pre_disaster,0,0,train\masks\socal-fire_00000334_pre_disaster.png,0,0,2,4117,334,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000334_pre_disaster.png,tuscaloosa-tornado_00000334_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000334_pre_disaster.png,0,0,48,34002,334,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000334_pre_disaster.png,hurricane-michael_00000334_pre_disaster,0,0,train\masks\hurricane-michael_00000334_pre_disaster.png,0,0,37,51310,334,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000334_pre_disaster.png,nepal-flooding_00000334_pre_disaster,0,0,tier3\masks\nepal-flooding_00000334_pre_disaster.png,0,0,1,367,334,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000334_pre_disaster.png,portugal-wildfire_00000334_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000334_pre_disaster.png,0,0,25,15133,334,3 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000335_pre_disaster.png,tuscaloosa-tornado_00000335_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000335_pre_disaster.png,0,0,3,4111,335,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000335_pre_disaster.png,pinery-bushfire_00000335_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000335_pre_disaster.png,0,0,1,869,335,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000335_pre_disaster.png,woolsey-fire_00000335_pre_disaster,0,0,tier3\masks\woolsey-fire_00000335_pre_disaster.png,0,0,4,1437,335,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000335_pre_disaster.png,hurricane-matthew_00000335_pre_disaster,0,0,train\masks\hurricane-matthew_00000335_pre_disaster.png,0,0,54,29013,335,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000335_pre_disaster.png,hurricane-harvey_00000335_pre_disaster,0,0,train\masks\hurricane-harvey_00000335_pre_disaster.png,0,0,9,17088,335,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000335_pre_disaster.png,socal-fire_00000335_pre_disaster,0,0,train\masks\socal-fire_00000335_pre_disaster.png,0,0,0,0,335,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000335_pre_disaster.png,nepal-flooding_00000335_pre_disaster,0,0,tier3\masks\nepal-flooding_00000335_pre_disaster.png,0,0,11,4905,335,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000335_pre_disaster.png,hurricane-florence_00000335_pre_disaster,0,0,train\masks\hurricane-florence_00000335_pre_disaster.png,0,0,20,57513,335,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000335_pre_disaster.png,portugal-wildfire_00000335_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000335_pre_disaster.png,0,0,0,0,335,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000336_pre_disaster.png,hurricane-harvey_00000336_pre_disaster,0,0,train\masks\hurricane-harvey_00000336_pre_disaster.png,0,0,53,118985,336,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000336_pre_disaster.png,nepal-flooding_00000336_pre_disaster,0,0,tier3\masks\nepal-flooding_00000336_pre_disaster.png,0,0,28,16114,336,1 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000336_pre_disaster.png,tuscaloosa-tornado_00000336_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000336_pre_disaster.png,0,0,25,41681,336,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000336_pre_disaster.png,hurricane-florence_00000336_pre_disaster,0,0,train\masks\hurricane-florence_00000336_pre_disaster.png,0,0,11,7500,336,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000336_pre_disaster.png,pinery-bushfire_00000336_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000336_pre_disaster.png,0,0,0,0,336,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000336_pre_disaster.png,portugal-wildfire_00000336_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000336_pre_disaster.png,0,0,8,5890,336,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000336_pre_disaster.png,hurricane-matthew_00000336_pre_disaster,0,0,train\masks\hurricane-matthew_00000336_pre_disaster.png,0,0,18,4092,336,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000336_pre_disaster.png,socal-fire_00000336_pre_disaster,0,0,train\masks\socal-fire_00000336_pre_disaster.png,0,0,0,0,336,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000336_pre_disaster.png,woolsey-fire_00000336_pre_disaster,0,0,tier3\masks\woolsey-fire_00000336_pre_disaster.png,0,0,0,0,336,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000337_pre_disaster.png,hurricane-michael_00000337_pre_disaster,0,0,train\masks\hurricane-michael_00000337_pre_disaster.png,0,0,23,20307,337,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000337_pre_disaster.png,hurricane-florence_00000337_pre_disaster,0,0,train\masks\hurricane-florence_00000337_pre_disaster.png,0,0,13,10256,337,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000337_pre_disaster.png,midwest-flooding_00000337_pre_disaster,0,0,train\masks\midwest-flooding_00000337_pre_disaster.png,0,0,11,8267,337,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000337_pre_disaster.png,hurricane-harvey_00000337_pre_disaster,0,0,train\masks\hurricane-harvey_00000337_pre_disaster.png,0,0,7,1497,337,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000337_pre_disaster.png,socal-fire_00000337_pre_disaster,0,0,train\masks\socal-fire_00000337_pre_disaster.png,0,0,16,18188,337,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000337_pre_disaster.png,santa-rosa-wildfire_00000337_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000337_pre_disaster.png,0,0,43,80802,337,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000337_pre_disaster.png,portugal-wildfire_00000337_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000337_pre_disaster.png,0,0,0,0,337,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000337_pre_disaster.png,pinery-bushfire_00000337_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000337_pre_disaster.png,0,0,4,2018,337,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000337_pre_disaster.png,tuscaloosa-tornado_00000337_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000337_pre_disaster.png,0,0,16,23589,337,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000337_pre_disaster.png,woolsey-fire_00000337_pre_disaster,0,0,tier3\masks\woolsey-fire_00000337_pre_disaster.png,0,0,0,0,337,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000337_pre_disaster.png,nepal-flooding_00000337_pre_disaster,0,0,tier3\masks\nepal-flooding_00000337_pre_disaster.png,0,0,60,50410,337,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000338_pre_disaster.png,santa-rosa-wildfire_00000338_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000338_pre_disaster.png,0,0,4,3858,338,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000338_pre_disaster.png,portugal-wildfire_00000338_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000338_pre_disaster.png,0,0,0,0,338,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000338_pre_disaster.png,midwest-flooding_00000338_pre_disaster,0,0,train\masks\midwest-flooding_00000338_pre_disaster.png,0,0,10,7702,338,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000338_pre_disaster.png,hurricane-harvey_00000338_pre_disaster,0,0,train\masks\hurricane-harvey_00000338_pre_disaster.png,0,0,40,53705,338,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000338_pre_disaster.png,woolsey-fire_00000338_pre_disaster,0,0,tier3\masks\woolsey-fire_00000338_pre_disaster.png,0,0,0,0,338,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000338_pre_disaster.png,hurricane-matthew_00000338_pre_disaster,0,0,train\masks\hurricane-matthew_00000338_pre_disaster.png,0,0,154,55060,338,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000338_pre_disaster.png,nepal-flooding_00000338_pre_disaster,0,0,tier3\masks\nepal-flooding_00000338_pre_disaster.png,0,0,133,61977,338,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000338_pre_disaster.png,pinery-bushfire_00000338_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000338_pre_disaster.png,0,0,0,0,338,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000338_pre_disaster.png,hurricane-florence_00000338_pre_disaster,0,0,train\masks\hurricane-florence_00000338_pre_disaster.png,0,0,11,5402,338,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000338_pre_disaster.png,tuscaloosa-tornado_00000338_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000338_pre_disaster.png,0,0,37,32710,338,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000338_pre_disaster.png,hurricane-michael_00000338_pre_disaster,0,0,train\masks\hurricane-michael_00000338_pre_disaster.png,0,0,31,25526,338,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000339_pre_disaster.png,woolsey-fire_00000339_pre_disaster,0,0,tier3\masks\woolsey-fire_00000339_pre_disaster.png,0,0,0,0,339,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000339_pre_disaster.png,portugal-wildfire_00000339_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000339_pre_disaster.png,0,0,4,1754,339,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000339_pre_disaster.png,hurricane-michael_00000339_pre_disaster,0,0,train\masks\hurricane-michael_00000339_pre_disaster.png,0,0,31,23871,339,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000339_pre_disaster.png,socal-fire_00000339_pre_disaster,0,0,train\masks\socal-fire_00000339_pre_disaster.png,0,0,0,0,339,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000339_pre_disaster.png,midwest-flooding_00000339_pre_disaster,0,0,train\masks\midwest-flooding_00000339_pre_disaster.png,0,0,10,7733,339,2 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000339_pre_disaster.png,tuscaloosa-tornado_00000339_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000339_pre_disaster.png,0,0,10,69535,339,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000339_pre_disaster.png,nepal-flooding_00000339_pre_disaster,0,0,tier3\masks\nepal-flooding_00000339_pre_disaster.png,0,0,19,9243,339,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000339_pre_disaster.png,pinery-bushfire_00000339_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000339_pre_disaster.png,0,0,0,0,339,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000340_pre_disaster.png,hurricane-florence_00000340_pre_disaster,0,0,train\masks\hurricane-florence_00000340_pre_disaster.png,0,0,22,17728,340,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000340_pre_disaster.png,portugal-wildfire_00000340_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000340_pre_disaster.png,0,0,10,5045,340,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000340_pre_disaster.png,woolsey-fire_00000340_pre_disaster,0,0,tier3\masks\woolsey-fire_00000340_pre_disaster.png,0,0,0,0,340,4 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000340_pre_disaster.png,tuscaloosa-tornado_00000340_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000340_pre_disaster.png,0,0,43,90826,340,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000340_pre_disaster.png,nepal-flooding_00000340_pre_disaster,0,0,tier3\masks\nepal-flooding_00000340_pre_disaster.png,0,0,40,33956,340,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000340_pre_disaster.png,pinery-bushfire_00000340_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000340_pre_disaster.png,0,0,0,0,340,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000340_pre_disaster.png,santa-rosa-wildfire_00000340_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000340_pre_disaster.png,0,0,3,2670,340,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000340_pre_disaster.png,midwest-flooding_00000340_pre_disaster,0,0,train\masks\midwest-flooding_00000340_pre_disaster.png,0,0,15,85025,340,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000340_pre_disaster.png,socal-fire_00000340_pre_disaster,0,0,train\masks\socal-fire_00000340_pre_disaster.png,0,0,3,4555,340,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000340_pre_disaster.png,hurricane-michael_00000340_pre_disaster,0,0,train\masks\hurricane-michael_00000340_pre_disaster.png,0,0,72,69015,340,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000341_pre_disaster.png,woolsey-fire_00000341_pre_disaster,0,0,tier3\masks\woolsey-fire_00000341_pre_disaster.png,0,0,8,12094,341,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000341_pre_disaster.png,tuscaloosa-tornado_00000341_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000341_pre_disaster.png,0,0,21,196256,341,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000341_pre_disaster.png,nepal-flooding_00000341_pre_disaster,0,0,tier3\masks\nepal-flooding_00000341_pre_disaster.png,0,0,52,46451,341,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000341_pre_disaster.png,hurricane-michael_00000341_pre_disaster,0,0,train\masks\hurricane-michael_00000341_pre_disaster.png,0,0,16,14194,341,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000341_pre_disaster.png,pinery-bushfire_00000341_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000341_pre_disaster.png,0,0,0,0,341,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000341_pre_disaster.png,hurricane-matthew_00000341_pre_disaster,0,0,train\masks\hurricane-matthew_00000341_pre_disaster.png,0,0,17,3889,341,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000341_pre_disaster.png,socal-fire_00000341_pre_disaster,0,0,train\masks\socal-fire_00000341_pre_disaster.png,0,0,10,4172,341,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000341_pre_disaster.png,portugal-wildfire_00000341_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000341_pre_disaster.png,0,0,0,0,341,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000341_pre_disaster.png,santa-rosa-wildfire_00000341_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000341_pre_disaster.png,0,0,2,2869,341,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000341_pre_disaster.png,hurricane-florence_00000341_pre_disaster,0,0,train\masks\hurricane-florence_00000341_pre_disaster.png,0,0,4,24382,341,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000342_pre_disaster.png,portugal-wildfire_00000342_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000342_pre_disaster.png,0,0,0,0,342,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000342_pre_disaster.png,pinery-bushfire_00000342_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000342_pre_disaster.png,0,0,0,0,342,0 +0,0,tuscaloosa-tornado,pre,tier3,tier3\images\tuscaloosa-tornado_00000342_pre_disaster.png,tuscaloosa-tornado_00000342_pre_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000342_pre_disaster.png,0,0,83,115518,342,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000342_pre_disaster.png,nepal-flooding_00000342_pre_disaster,0,0,tier3\masks\nepal-flooding_00000342_pre_disaster.png,0,0,21,40386,342,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000342_pre_disaster.png,woolsey-fire_00000342_pre_disaster,0,0,tier3\masks\woolsey-fire_00000342_pre_disaster.png,0,0,0,0,342,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000343_pre_disaster.png,portugal-wildfire_00000343_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000343_pre_disaster.png,0,0,0,0,343,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000343_pre_disaster.png,nepal-flooding_00000343_pre_disaster,0,0,tier3\masks\nepal-flooding_00000343_pre_disaster.png,0,0,3,2191,343,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000343_pre_disaster.png,socal-fire_00000343_pre_disaster,0,0,train\masks\socal-fire_00000343_pre_disaster.png,0,0,3,2374,343,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000343_pre_disaster.png,pinery-bushfire_00000343_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000343_pre_disaster.png,0,0,0,0,343,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000343_pre_disaster.png,woolsey-fire_00000343_pre_disaster,0,0,tier3\masks\woolsey-fire_00000343_pre_disaster.png,0,0,6,1044,343,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000343_pre_disaster.png,hurricane-matthew_00000343_pre_disaster,0,0,train\masks\hurricane-matthew_00000343_pre_disaster.png,0,0,10,4807,343,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000343_pre_disaster.png,midwest-flooding_00000343_pre_disaster,0,0,train\masks\midwest-flooding_00000343_pre_disaster.png,0,0,13,12806,343,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000343_pre_disaster.png,hurricane-michael_00000343_pre_disaster,0,0,train\masks\hurricane-michael_00000343_pre_disaster.png,0,0,30,25879,343,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000344_pre_disaster.png,woolsey-fire_00000344_pre_disaster,0,0,tier3\masks\woolsey-fire_00000344_pre_disaster.png,0,0,2,353,344,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000344_pre_disaster.png,hurricane-michael_00000344_pre_disaster,0,0,train\masks\hurricane-michael_00000344_pre_disaster.png,0,0,14,21886,344,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000344_pre_disaster.png,hurricane-harvey_00000344_pre_disaster,0,0,train\masks\hurricane-harvey_00000344_pre_disaster.png,0,0,17,43617,344,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000344_pre_disaster.png,pinery-bushfire_00000344_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000344_pre_disaster.png,0,0,0,0,344,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000344_pre_disaster.png,portugal-wildfire_00000344_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000344_pre_disaster.png,0,0,2,1298,344,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000344_pre_disaster.png,hurricane-florence_00000344_pre_disaster,0,0,train\masks\hurricane-florence_00000344_pre_disaster.png,0,0,9,6426,344,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000344_pre_disaster.png,santa-rosa-wildfire_00000344_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000344_pre_disaster.png,0,0,47,82825,344,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000344_pre_disaster.png,nepal-flooding_00000344_pre_disaster,0,0,tier3\masks\nepal-flooding_00000344_pre_disaster.png,0,0,51,86801,344,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000345_pre_disaster.png,woolsey-fire_00000345_pre_disaster,0,0,tier3\masks\woolsey-fire_00000345_pre_disaster.png,0,0,0,0,345,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000345_pre_disaster.png,hurricane-michael_00000345_pre_disaster,0,0,train\masks\hurricane-michael_00000345_pre_disaster.png,0,0,22,18432,345,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000345_pre_disaster.png,pinery-bushfire_00000345_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000345_pre_disaster.png,0,0,0,0,345,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000345_pre_disaster.png,santa-rosa-wildfire_00000345_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000345_pre_disaster.png,0,0,2,2949,345,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000345_pre_disaster.png,midwest-flooding_00000345_pre_disaster,0,0,train\masks\midwest-flooding_00000345_pre_disaster.png,0,0,14,10228,345,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000345_pre_disaster.png,hurricane-harvey_00000345_pre_disaster,0,0,train\masks\hurricane-harvey_00000345_pre_disaster.png,0,0,11,4371,345,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000345_pre_disaster.png,nepal-flooding_00000345_pre_disaster,0,0,tier3\masks\nepal-flooding_00000345_pre_disaster.png,0,0,2,1320,345,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000345_pre_disaster.png,hurricane-florence_00000345_pre_disaster,0,0,train\masks\hurricane-florence_00000345_pre_disaster.png,0,0,3,5880,345,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000345_pre_disaster.png,portugal-wildfire_00000345_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000345_pre_disaster.png,0,0,20,14764,345,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000346_pre_disaster.png,pinery-bushfire_00000346_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000346_pre_disaster.png,0,0,0,0,346,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000346_pre_disaster.png,santa-rosa-wildfire_00000346_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000346_pre_disaster.png,0,0,11,6812,346,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000346_pre_disaster.png,socal-fire_00000346_pre_disaster,0,0,train\masks\socal-fire_00000346_pre_disaster.png,0,0,1,3949,346,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000346_pre_disaster.png,midwest-flooding_00000346_pre_disaster,0,0,train\masks\midwest-flooding_00000346_pre_disaster.png,0,0,7,23897,346,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000346_pre_disaster.png,portugal-wildfire_00000346_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000346_pre_disaster.png,0,0,0,0,346,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000346_pre_disaster.png,hurricane-harvey_00000346_pre_disaster,0,0,train\masks\hurricane-harvey_00000346_pre_disaster.png,0,0,51,53049,346,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000346_pre_disaster.png,hurricane-florence_00000346_pre_disaster,0,0,train\masks\hurricane-florence_00000346_pre_disaster.png,0,0,105,116538,346,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000346_pre_disaster.png,woolsey-fire_00000346_pre_disaster,0,0,tier3\masks\woolsey-fire_00000346_pre_disaster.png,0,0,0,0,346,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000346_pre_disaster.png,hurricane-matthew_00000346_pre_disaster,0,0,train\masks\hurricane-matthew_00000346_pre_disaster.png,0,0,283,105671,346,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000346_pre_disaster.png,nepal-flooding_00000346_pre_disaster,0,0,tier3\masks\nepal-flooding_00000346_pre_disaster.png,0,0,1,67,346,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000347_pre_disaster.png,pinery-bushfire_00000347_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000347_pre_disaster.png,0,0,10,5859,347,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000347_pre_disaster.png,midwest-flooding_00000347_pre_disaster,0,0,train\masks\midwest-flooding_00000347_pre_disaster.png,0,0,12,4972,347,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000347_pre_disaster.png,portugal-wildfire_00000347_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000347_pre_disaster.png,0,0,0,0,347,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000347_pre_disaster.png,hurricane-harvey_00000347_pre_disaster,0,0,train\masks\hurricane-harvey_00000347_pre_disaster.png,0,0,171,289502,347,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000347_pre_disaster.png,hurricane-florence_00000347_pre_disaster,0,0,train\masks\hurricane-florence_00000347_pre_disaster.png,0,0,10,62169,347,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000347_pre_disaster.png,nepal-flooding_00000347_pre_disaster,0,0,tier3\masks\nepal-flooding_00000347_pre_disaster.png,0,0,84,130743,347,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000347_pre_disaster.png,hurricane-matthew_00000347_pre_disaster,0,0,train\masks\hurricane-matthew_00000347_pre_disaster.png,0,0,37,18118,347,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000347_pre_disaster.png,hurricane-michael_00000347_pre_disaster,0,0,train\masks\hurricane-michael_00000347_pre_disaster.png,0,0,75,61150,347,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000347_pre_disaster.png,woolsey-fire_00000347_pre_disaster,0,0,tier3\masks\woolsey-fire_00000347_pre_disaster.png,0,0,0,0,347,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000348_pre_disaster.png,hurricane-harvey_00000348_pre_disaster,0,0,train\masks\hurricane-harvey_00000348_pre_disaster.png,0,0,4,91764,348,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000348_pre_disaster.png,portugal-wildfire_00000348_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000348_pre_disaster.png,0,0,4,1993,348,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000348_pre_disaster.png,socal-fire_00000348_pre_disaster,0,0,train\masks\socal-fire_00000348_pre_disaster.png,0,0,25,28695,348,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000348_pre_disaster.png,woolsey-fire_00000348_pre_disaster,0,0,tier3\masks\woolsey-fire_00000348_pre_disaster.png,0,0,3,2066,348,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000348_pre_disaster.png,hurricane-michael_00000348_pre_disaster,0,0,train\masks\hurricane-michael_00000348_pre_disaster.png,0,0,34,31681,348,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000348_pre_disaster.png,nepal-flooding_00000348_pre_disaster,0,0,tier3\masks\nepal-flooding_00000348_pre_disaster.png,0,0,4,1268,348,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000348_pre_disaster.png,midwest-flooding_00000348_pre_disaster,0,0,train\masks\midwest-flooding_00000348_pre_disaster.png,0,0,5,5787,348,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000348_pre_disaster.png,santa-rosa-wildfire_00000348_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000348_pre_disaster.png,0,0,4,5128,348,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000348_pre_disaster.png,pinery-bushfire_00000348_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000348_pre_disaster.png,0,0,0,0,348,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000349_pre_disaster.png,portugal-wildfire_00000349_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000349_pre_disaster.png,0,0,1,168,349,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000349_pre_disaster.png,socal-fire_00000349_pre_disaster,0,0,train\masks\socal-fire_00000349_pre_disaster.png,0,0,0,0,349,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000349_pre_disaster.png,pinery-bushfire_00000349_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000349_pre_disaster.png,0,0,0,0,349,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000349_pre_disaster.png,nepal-flooding_00000349_pre_disaster,0,0,tier3\masks\nepal-flooding_00000349_pre_disaster.png,0,0,2,471,349,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000349_pre_disaster.png,woolsey-fire_00000349_pre_disaster,0,0,tier3\masks\woolsey-fire_00000349_pre_disaster.png,0,0,0,0,349,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000349_pre_disaster.png,hurricane-florence_00000349_pre_disaster,0,0,train\masks\hurricane-florence_00000349_pre_disaster.png,0,0,59,69573,349,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000349_pre_disaster.png,hurricane-michael_00000349_pre_disaster,0,0,train\masks\hurricane-michael_00000349_pre_disaster.png,0,0,2,2090,349,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000350_pre_disaster.png,nepal-flooding_00000350_pre_disaster,0,0,tier3\masks\nepal-flooding_00000350_pre_disaster.png,0,0,1,41,350,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000350_pre_disaster.png,midwest-flooding_00000350_pre_disaster,0,0,train\masks\midwest-flooding_00000350_pre_disaster.png,0,0,11,12068,350,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000350_pre_disaster.png,portugal-wildfire_00000350_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000350_pre_disaster.png,0,0,0,0,350,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000350_pre_disaster.png,pinery-bushfire_00000350_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000350_pre_disaster.png,0,0,3,1667,350,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000350_pre_disaster.png,hurricane-matthew_00000350_pre_disaster,0,0,train\masks\hurricane-matthew_00000350_pre_disaster.png,0,0,1,111,350,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000350_pre_disaster.png,woolsey-fire_00000350_pre_disaster,0,0,tier3\masks\woolsey-fire_00000350_pre_disaster.png,0,0,49,132130,350,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000350_pre_disaster.png,hurricane-florence_00000350_pre_disaster,0,0,train\masks\hurricane-florence_00000350_pre_disaster.png,0,0,42,54840,350,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000351_pre_disaster.png,hurricane-harvey_00000351_pre_disaster,0,0,train\masks\hurricane-harvey_00000351_pre_disaster.png,0,0,99,157406,351,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000351_pre_disaster.png,woolsey-fire_00000351_pre_disaster,0,0,tier3\masks\woolsey-fire_00000351_pre_disaster.png,0,0,5,3939,351,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000351_pre_disaster.png,midwest-flooding_00000351_pre_disaster,0,0,train\masks\midwest-flooding_00000351_pre_disaster.png,0,0,3,4320,351,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000351_pre_disaster.png,nepal-flooding_00000351_pre_disaster,0,0,tier3\masks\nepal-flooding_00000351_pre_disaster.png,0,0,35,32332,351,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000351_pre_disaster.png,pinery-bushfire_00000351_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000351_pre_disaster.png,0,0,0,0,351,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000351_pre_disaster.png,santa-rosa-wildfire_00000351_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000351_pre_disaster.png,0,0,22,33144,351,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000351_pre_disaster.png,hurricane-michael_00000351_pre_disaster,0,0,train\masks\hurricane-michael_00000351_pre_disaster.png,0,0,45,58028,351,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000351_pre_disaster.png,portugal-wildfire_00000351_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000351_pre_disaster.png,0,0,1,156,351,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000352_pre_disaster.png,socal-fire_00000352_pre_disaster,0,0,train\masks\socal-fire_00000352_pre_disaster.png,0,0,0,0,352,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000352_pre_disaster.png,midwest-flooding_00000352_pre_disaster,0,0,train\masks\midwest-flooding_00000352_pre_disaster.png,0,0,7,17134,352,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000352_pre_disaster.png,nepal-flooding_00000352_pre_disaster,0,0,tier3\masks\nepal-flooding_00000352_pre_disaster.png,0,0,4,1596,352,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000352_pre_disaster.png,portugal-wildfire_00000352_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000352_pre_disaster.png,0,0,10,5262,352,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000352_pre_disaster.png,pinery-bushfire_00000352_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000352_pre_disaster.png,0,0,16,7456,352,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000352_pre_disaster.png,woolsey-fire_00000352_pre_disaster,0,0,tier3\masks\woolsey-fire_00000352_pre_disaster.png,0,0,1,719,352,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000353_pre_disaster.png,hurricane-michael_00000353_pre_disaster,0,0,train\masks\hurricane-michael_00000353_pre_disaster.png,0,0,3,6035,353,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000353_pre_disaster.png,woolsey-fire_00000353_pre_disaster,0,0,tier3\masks\woolsey-fire_00000353_pre_disaster.png,0,0,0,0,353,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000353_pre_disaster.png,socal-fire_00000353_pre_disaster,0,0,train\masks\socal-fire_00000353_pre_disaster.png,0,0,0,0,353,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000353_pre_disaster.png,midwest-flooding_00000353_pre_disaster,0,0,train\masks\midwest-flooding_00000353_pre_disaster.png,0,0,12,11450,353,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000353_pre_disaster.png,hurricane-florence_00000353_pre_disaster,0,0,train\masks\hurricane-florence_00000353_pre_disaster.png,0,0,12,31226,353,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000353_pre_disaster.png,portugal-wildfire_00000353_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000353_pre_disaster.png,0,0,44,34399,353,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000353_pre_disaster.png,hurricane-matthew_00000353_pre_disaster,0,0,train\masks\hurricane-matthew_00000353_pre_disaster.png,0,0,67,14209,353,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000353_pre_disaster.png,santa-rosa-wildfire_00000353_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000353_pre_disaster.png,0,0,8,9309,353,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000353_pre_disaster.png,nepal-flooding_00000353_pre_disaster,0,0,tier3\masks\nepal-flooding_00000353_pre_disaster.png,0,0,15,5083,353,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000353_pre_disaster.png,pinery-bushfire_00000353_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000353_pre_disaster.png,0,0,0,0,353,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000354_pre_disaster.png,pinery-bushfire_00000354_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000354_pre_disaster.png,0,0,0,0,354,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000354_pre_disaster.png,woolsey-fire_00000354_pre_disaster,0,0,tier3\masks\woolsey-fire_00000354_pre_disaster.png,0,0,0,0,354,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000354_pre_disaster.png,socal-fire_00000354_pre_disaster,0,0,train\masks\socal-fire_00000354_pre_disaster.png,0,0,1,87,354,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000354_pre_disaster.png,hurricane-matthew_00000354_pre_disaster,0,0,train\masks\hurricane-matthew_00000354_pre_disaster.png,0,0,11,2353,354,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000354_pre_disaster.png,hurricane-harvey_00000354_pre_disaster,0,0,train\masks\hurricane-harvey_00000354_pre_disaster.png,0,0,19,30590,354,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000354_pre_disaster.png,nepal-flooding_00000354_pre_disaster,0,0,tier3\masks\nepal-flooding_00000354_pre_disaster.png,0,0,36,34173,354,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000354_pre_disaster.png,portugal-wildfire_00000354_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000354_pre_disaster.png,0,0,65,54983,354,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000355_pre_disaster.png,santa-rosa-wildfire_00000355_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000355_pre_disaster.png,0,0,181,273225,355,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000355_pre_disaster.png,nepal-flooding_00000355_pre_disaster,0,0,tier3\masks\nepal-flooding_00000355_pre_disaster.png,0,0,21,13494,355,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000355_pre_disaster.png,hurricane-florence_00000355_pre_disaster,0,0,train\masks\hurricane-florence_00000355_pre_disaster.png,0,0,32,24286,355,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000355_pre_disaster.png,hurricane-matthew_00000355_pre_disaster,0,0,train\masks\hurricane-matthew_00000355_pre_disaster.png,0,0,123,67420,355,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000355_pre_disaster.png,pinery-bushfire_00000355_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000355_pre_disaster.png,0,0,0,0,355,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000355_pre_disaster.png,hurricane-michael_00000355_pre_disaster,0,0,train\masks\hurricane-michael_00000355_pre_disaster.png,0,0,67,110551,355,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000355_pre_disaster.png,portugal-wildfire_00000355_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000355_pre_disaster.png,0,0,0,0,355,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000355_pre_disaster.png,midwest-flooding_00000355_pre_disaster,0,0,train\masks\midwest-flooding_00000355_pre_disaster.png,0,0,9,2259,355,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000355_pre_disaster.png,woolsey-fire_00000355_pre_disaster,0,0,tier3\masks\woolsey-fire_00000355_pre_disaster.png,0,0,0,0,355,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000356_pre_disaster.png,pinery-bushfire_00000356_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000356_pre_disaster.png,0,0,0,0,356,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000356_pre_disaster.png,hurricane-michael_00000356_pre_disaster,0,0,train\masks\hurricane-michael_00000356_pre_disaster.png,0,0,49,34406,356,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000356_pre_disaster.png,hurricane-harvey_00000356_pre_disaster,0,0,train\masks\hurricane-harvey_00000356_pre_disaster.png,0,0,110,299136,356,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000356_pre_disaster.png,woolsey-fire_00000356_pre_disaster,0,0,tier3\masks\woolsey-fire_00000356_pre_disaster.png,0,0,2,590,356,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000356_pre_disaster.png,santa-rosa-wildfire_00000356_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000356_pre_disaster.png,0,0,7,4127,356,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000356_pre_disaster.png,midwest-flooding_00000356_pre_disaster,0,0,train\masks\midwest-flooding_00000356_pre_disaster.png,0,0,8,10038,356,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000356_pre_disaster.png,hurricane-florence_00000356_pre_disaster,0,0,train\masks\hurricane-florence_00000356_pre_disaster.png,0,0,5,5044,356,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000356_pre_disaster.png,nepal-flooding_00000356_pre_disaster,0,0,tier3\masks\nepal-flooding_00000356_pre_disaster.png,0,0,37,23861,356,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000356_pre_disaster.png,portugal-wildfire_00000356_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000356_pre_disaster.png,0,0,13,21070,356,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000357_pre_disaster.png,socal-fire_00000357_pre_disaster,0,0,train\masks\socal-fire_00000357_pre_disaster.png,0,0,8,1383,357,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000357_pre_disaster.png,hurricane-florence_00000357_pre_disaster,0,0,train\masks\hurricane-florence_00000357_pre_disaster.png,0,0,28,16075,357,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000357_pre_disaster.png,nepal-flooding_00000357_pre_disaster,0,0,tier3\masks\nepal-flooding_00000357_pre_disaster.png,0,0,1,995,357,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000357_pre_disaster.png,hurricane-michael_00000357_pre_disaster,0,0,train\masks\hurricane-michael_00000357_pre_disaster.png,0,0,114,130597,357,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000357_pre_disaster.png,midwest-flooding_00000357_pre_disaster,0,0,train\masks\midwest-flooding_00000357_pre_disaster.png,0,0,2,542,357,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000357_pre_disaster.png,pinery-bushfire_00000357_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000357_pre_disaster.png,0,0,0,0,357,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000357_pre_disaster.png,woolsey-fire_00000357_pre_disaster,0,0,tier3\masks\woolsey-fire_00000357_pre_disaster.png,0,0,0,0,357,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000357_pre_disaster.png,santa-rosa-wildfire_00000357_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000357_pre_disaster.png,0,0,38,36859,357,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000357_pre_disaster.png,portugal-wildfire_00000357_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000357_pre_disaster.png,0,0,0,0,357,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000357_pre_disaster.png,hurricane-harvey_00000357_pre_disaster,0,0,train\masks\hurricane-harvey_00000357_pre_disaster.png,0,0,154,222481,357,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000358_pre_disaster.png,hurricane-michael_00000358_pre_disaster,0,0,train\masks\hurricane-michael_00000358_pre_disaster.png,0,0,50,45760,358,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000358_pre_disaster.png,midwest-flooding_00000358_pre_disaster,0,0,train\masks\midwest-flooding_00000358_pre_disaster.png,0,0,19,13821,358,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000358_pre_disaster.png,woolsey-fire_00000358_pre_disaster,0,0,tier3\masks\woolsey-fire_00000358_pre_disaster.png,0,0,0,0,358,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000358_pre_disaster.png,portugal-wildfire_00000358_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000358_pre_disaster.png,0,0,0,0,358,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000358_pre_disaster.png,nepal-flooding_00000358_pre_disaster,0,0,tier3\masks\nepal-flooding_00000358_pre_disaster.png,0,0,10,4654,358,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000358_pre_disaster.png,hurricane-harvey_00000358_pre_disaster,0,0,train\masks\hurricane-harvey_00000358_pre_disaster.png,0,0,129,319389,358,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000358_pre_disaster.png,socal-fire_00000358_pre_disaster,0,0,train\masks\socal-fire_00000358_pre_disaster.png,0,0,16,4794,358,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000358_pre_disaster.png,pinery-bushfire_00000358_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000358_pre_disaster.png,0,0,0,0,358,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000359_pre_disaster.png,hurricane-michael_00000359_pre_disaster,0,0,train\masks\hurricane-michael_00000359_pre_disaster.png,0,0,104,119628,359,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000359_pre_disaster.png,midwest-flooding_00000359_pre_disaster,0,0,train\masks\midwest-flooding_00000359_pre_disaster.png,0,0,66,44565,359,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000359_pre_disaster.png,hurricane-florence_00000359_pre_disaster,0,0,train\masks\hurricane-florence_00000359_pre_disaster.png,0,0,28,18852,359,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000359_pre_disaster.png,woolsey-fire_00000359_pre_disaster,0,0,tier3\masks\woolsey-fire_00000359_pre_disaster.png,0,0,0,0,359,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000359_pre_disaster.png,pinery-bushfire_00000359_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000359_pre_disaster.png,0,0,0,0,359,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000359_pre_disaster.png,nepal-flooding_00000359_pre_disaster,0,0,tier3\masks\nepal-flooding_00000359_pre_disaster.png,0,0,67,49763,359,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000359_pre_disaster.png,portugal-wildfire_00000359_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000359_pre_disaster.png,0,0,18,10622,359,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000360_pre_disaster.png,nepal-flooding_00000360_pre_disaster,0,0,tier3\masks\nepal-flooding_00000360_pre_disaster.png,0,0,12,8159,360,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000360_pre_disaster.png,pinery-bushfire_00000360_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000360_pre_disaster.png,0,0,0,0,360,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000360_pre_disaster.png,hurricane-matthew_00000360_pre_disaster,0,0,train\masks\hurricane-matthew_00000360_pre_disaster.png,0,0,116,35753,360,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000360_pre_disaster.png,portugal-wildfire_00000360_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000360_pre_disaster.png,0,0,44,36026,360,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000360_pre_disaster.png,socal-fire_00000360_pre_disaster,0,0,train\masks\socal-fire_00000360_pre_disaster.png,0,0,49,21968,360,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000360_pre_disaster.png,hurricane-michael_00000360_pre_disaster,0,0,train\masks\hurricane-michael_00000360_pre_disaster.png,0,0,51,44939,360,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000360_pre_disaster.png,midwest-flooding_00000360_pre_disaster,0,0,train\masks\midwest-flooding_00000360_pre_disaster.png,0,0,36,27369,360,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000360_pre_disaster.png,hurricane-florence_00000360_pre_disaster,0,0,train\masks\hurricane-florence_00000360_pre_disaster.png,0,0,108,96239,360,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000360_pre_disaster.png,woolsey-fire_00000360_pre_disaster,0,0,tier3\masks\woolsey-fire_00000360_pre_disaster.png,0,0,0,0,360,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000361_pre_disaster.png,hurricane-harvey_00000361_pre_disaster,0,0,train\masks\hurricane-harvey_00000361_pre_disaster.png,0,0,94,136751,361,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000361_pre_disaster.png,pinery-bushfire_00000361_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000361_pre_disaster.png,0,0,0,0,361,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000361_pre_disaster.png,nepal-flooding_00000361_pre_disaster,0,0,tier3\masks\nepal-flooding_00000361_pre_disaster.png,0,0,12,9991,361,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000361_pre_disaster.png,socal-fire_00000361_pre_disaster,0,0,train\masks\socal-fire_00000361_pre_disaster.png,0,0,0,0,361,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000361_pre_disaster.png,woolsey-fire_00000361_pre_disaster,0,0,tier3\masks\woolsey-fire_00000361_pre_disaster.png,0,0,71,88072,361,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000361_pre_disaster.png,santa-rosa-wildfire_00000361_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000361_pre_disaster.png,0,0,27,50681,361,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000361_pre_disaster.png,hurricane-michael_00000361_pre_disaster,0,0,train\masks\hurricane-michael_00000361_pre_disaster.png,0,0,53,91456,361,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000361_pre_disaster.png,hurricane-florence_00000361_pre_disaster,0,0,train\masks\hurricane-florence_00000361_pre_disaster.png,0,0,5,8585,361,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000361_pre_disaster.png,portugal-wildfire_00000361_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000361_pre_disaster.png,0,0,8,2718,361,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000362_pre_disaster.png,hurricane-florence_00000362_pre_disaster,0,0,train\masks\hurricane-florence_00000362_pre_disaster.png,0,0,5,5812,362,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000362_pre_disaster.png,hurricane-matthew_00000362_pre_disaster,0,0,train\masks\hurricane-matthew_00000362_pre_disaster.png,0,0,0,0,362,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000362_pre_disaster.png,nepal-flooding_00000362_pre_disaster,0,0,tier3\masks\nepal-flooding_00000362_pre_disaster.png,0,0,49,10716,362,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000362_pre_disaster.png,portugal-wildfire_00000362_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000362_pre_disaster.png,0,0,0,0,362,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000362_pre_disaster.png,santa-rosa-wildfire_00000362_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000362_pre_disaster.png,0,0,59,79043,362,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000362_pre_disaster.png,pinery-bushfire_00000362_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000362_pre_disaster.png,0,0,42,28942,362,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000362_pre_disaster.png,woolsey-fire_00000362_pre_disaster,0,0,tier3\masks\woolsey-fire_00000362_pre_disaster.png,0,0,0,0,362,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000362_pre_disaster.png,hurricane-michael_00000362_pre_disaster,0,0,train\masks\hurricane-michael_00000362_pre_disaster.png,0,0,20,13358,362,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000363_pre_disaster.png,portugal-wildfire_00000363_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000363_pre_disaster.png,0,0,0,0,363,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000363_pre_disaster.png,socal-fire_00000363_pre_disaster,0,0,train\masks\socal-fire_00000363_pre_disaster.png,0,0,16,2219,363,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000363_pre_disaster.png,pinery-bushfire_00000363_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000363_pre_disaster.png,0,0,0,0,363,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000363_pre_disaster.png,nepal-flooding_00000363_pre_disaster,0,0,tier3\masks\nepal-flooding_00000363_pre_disaster.png,0,0,0,0,363,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000363_pre_disaster.png,hurricane-matthew_00000363_pre_disaster,0,0,train\masks\hurricane-matthew_00000363_pre_disaster.png,0,0,6,923,363,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000363_pre_disaster.png,woolsey-fire_00000363_pre_disaster,0,0,tier3\masks\woolsey-fire_00000363_pre_disaster.png,0,0,0,0,363,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000364_pre_disaster.png,socal-fire_00000364_pre_disaster,0,0,train\masks\socal-fire_00000364_pre_disaster.png,0,0,0,0,364,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000364_pre_disaster.png,woolsey-fire_00000364_pre_disaster,0,0,tier3\masks\woolsey-fire_00000364_pre_disaster.png,0,0,0,0,364,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000364_pre_disaster.png,portugal-wildfire_00000364_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000364_pre_disaster.png,0,0,0,0,364,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000364_pre_disaster.png,hurricane-matthew_00000364_pre_disaster,0,0,train\masks\hurricane-matthew_00000364_pre_disaster.png,0,0,30,27609,364,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000364_pre_disaster.png,pinery-bushfire_00000364_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000364_pre_disaster.png,0,0,0,0,364,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000364_pre_disaster.png,nepal-flooding_00000364_pre_disaster,0,0,tier3\masks\nepal-flooding_00000364_pre_disaster.png,0,0,82,64556,364,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000365_pre_disaster.png,hurricane-matthew_00000365_pre_disaster,0,0,train\masks\hurricane-matthew_00000365_pre_disaster.png,0,0,7,1296,365,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000365_pre_disaster.png,nepal-flooding_00000365_pre_disaster,0,0,tier3\masks\nepal-flooding_00000365_pre_disaster.png,0,0,7,4087,365,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000365_pre_disaster.png,woolsey-fire_00000365_pre_disaster,0,0,tier3\masks\woolsey-fire_00000365_pre_disaster.png,0,0,0,0,365,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000365_pre_disaster.png,portugal-wildfire_00000365_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000365_pre_disaster.png,0,0,0,0,365,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000365_pre_disaster.png,hurricane-harvey_00000365_pre_disaster,0,0,train\masks\hurricane-harvey_00000365_pre_disaster.png,0,0,126,258064,365,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000365_pre_disaster.png,hurricane-michael_00000365_pre_disaster,0,0,train\masks\hurricane-michael_00000365_pre_disaster.png,0,0,47,48723,365,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000365_pre_disaster.png,hurricane-florence_00000365_pre_disaster,0,0,train\masks\hurricane-florence_00000365_pre_disaster.png,0,0,7,5560,365,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000365_pre_disaster.png,pinery-bushfire_00000365_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000365_pre_disaster.png,0,0,0,0,365,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000366_pre_disaster.png,nepal-flooding_00000366_pre_disaster,0,0,tier3\masks\nepal-flooding_00000366_pre_disaster.png,0,0,30,36259,366,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000366_pre_disaster.png,midwest-flooding_00000366_pre_disaster,0,0,train\masks\midwest-flooding_00000366_pre_disaster.png,0,0,2,4369,366,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000366_pre_disaster.png,woolsey-fire_00000366_pre_disaster,0,0,tier3\masks\woolsey-fire_00000366_pre_disaster.png,0,0,0,0,366,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000366_pre_disaster.png,pinery-bushfire_00000366_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000366_pre_disaster.png,0,0,2,2133,366,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000366_pre_disaster.png,hurricane-harvey_00000366_pre_disaster,0,0,train\masks\hurricane-harvey_00000366_pre_disaster.png,0,0,138,278774,366,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000366_pre_disaster.png,portugal-wildfire_00000366_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000366_pre_disaster.png,0,0,15,10305,366,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000366_pre_disaster.png,hurricane-florence_00000366_pre_disaster,0,0,train\masks\hurricane-florence_00000366_pre_disaster.png,0,0,8,7125,366,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000366_pre_disaster.png,hurricane-matthew_00000366_pre_disaster,0,0,train\masks\hurricane-matthew_00000366_pre_disaster.png,0,0,13,2525,366,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000367_pre_disaster.png,midwest-flooding_00000367_pre_disaster,0,0,train\masks\midwest-flooding_00000367_pre_disaster.png,0,0,34,24149,367,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000367_pre_disaster.png,portugal-wildfire_00000367_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000367_pre_disaster.png,0,0,6,5607,367,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000367_pre_disaster.png,pinery-bushfire_00000367_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000367_pre_disaster.png,0,0,0,0,367,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000367_pre_disaster.png,woolsey-fire_00000367_pre_disaster,0,0,tier3\masks\woolsey-fire_00000367_pre_disaster.png,0,0,0,0,367,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000367_pre_disaster.png,socal-fire_00000367_pre_disaster,0,0,train\masks\socal-fire_00000367_pre_disaster.png,0,0,3,531,367,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000367_pre_disaster.png,hurricane-matthew_00000367_pre_disaster,0,0,train\masks\hurricane-matthew_00000367_pre_disaster.png,0,0,130,57788,367,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000367_pre_disaster.png,hurricane-michael_00000367_pre_disaster,0,0,train\masks\hurricane-michael_00000367_pre_disaster.png,0,0,34,37237,367,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000367_pre_disaster.png,hurricane-harvey_00000367_pre_disaster,0,0,train\masks\hurricane-harvey_00000367_pre_disaster.png,0,0,61,227220,367,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000367_pre_disaster.png,nepal-flooding_00000367_pre_disaster,0,0,tier3\masks\nepal-flooding_00000367_pre_disaster.png,0,0,58,53349,367,4 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000368_pre_disaster.png,santa-rosa-wildfire_00000368_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000368_pre_disaster.png,0,0,190,262563,368,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000368_pre_disaster.png,hurricane-matthew_00000368_pre_disaster,0,0,train\masks\hurricane-matthew_00000368_pre_disaster.png,0,0,283,192240,368,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000368_pre_disaster.png,woolsey-fire_00000368_pre_disaster,0,0,tier3\masks\woolsey-fire_00000368_pre_disaster.png,0,0,0,0,368,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000368_pre_disaster.png,hurricane-florence_00000368_pre_disaster,0,0,train\masks\hurricane-florence_00000368_pre_disaster.png,0,0,9,7381,368,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000368_pre_disaster.png,nepal-flooding_00000368_pre_disaster,0,0,tier3\masks\nepal-flooding_00000368_pre_disaster.png,0,0,42,36257,368,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000368_pre_disaster.png,midwest-flooding_00000368_pre_disaster,0,0,train\masks\midwest-flooding_00000368_pre_disaster.png,0,0,19,16432,368,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000368_pre_disaster.png,pinery-bushfire_00000368_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000368_pre_disaster.png,0,0,0,0,368,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000368_pre_disaster.png,portugal-wildfire_00000368_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000368_pre_disaster.png,0,0,45,35025,368,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000369_pre_disaster.png,pinery-bushfire_00000369_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000369_pre_disaster.png,0,0,0,0,369,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000369_pre_disaster.png,woolsey-fire_00000369_pre_disaster,0,0,tier3\masks\woolsey-fire_00000369_pre_disaster.png,0,0,0,0,369,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000369_pre_disaster.png,hurricane-matthew_00000369_pre_disaster,0,0,train\masks\hurricane-matthew_00000369_pre_disaster.png,0,0,16,3918,369,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000369_pre_disaster.png,hurricane-michael_00000369_pre_disaster,0,0,train\masks\hurricane-michael_00000369_pre_disaster.png,0,0,0,0,369,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000369_pre_disaster.png,socal-fire_00000369_pre_disaster,0,0,train\masks\socal-fire_00000369_pre_disaster.png,0,0,14,9260,369,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000369_pre_disaster.png,hurricane-florence_00000369_pre_disaster,0,0,train\masks\hurricane-florence_00000369_pre_disaster.png,0,0,3,1743,369,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000369_pre_disaster.png,hurricane-harvey_00000369_pre_disaster,0,0,train\masks\hurricane-harvey_00000369_pre_disaster.png,0,0,89,234377,369,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000369_pre_disaster.png,nepal-flooding_00000369_pre_disaster,0,0,tier3\masks\nepal-flooding_00000369_pre_disaster.png,0,0,15,10727,369,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000369_pre_disaster.png,portugal-wildfire_00000369_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000369_pre_disaster.png,0,0,0,0,369,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000369_pre_disaster.png,santa-rosa-wildfire_00000369_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000369_pre_disaster.png,0,0,26,27093,369,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000370_pre_disaster.png,hurricane-florence_00000370_pre_disaster,0,0,train\masks\hurricane-florence_00000370_pre_disaster.png,0,0,12,10122,370,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000370_pre_disaster.png,woolsey-fire_00000370_pre_disaster,0,0,tier3\masks\woolsey-fire_00000370_pre_disaster.png,0,0,23,25847,370,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000370_pre_disaster.png,pinery-bushfire_00000370_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000370_pre_disaster.png,0,0,0,0,370,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000370_pre_disaster.png,portugal-wildfire_00000370_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000370_pre_disaster.png,0,0,3,1614,370,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000370_pre_disaster.png,socal-fire_00000370_pre_disaster,0,0,train\masks\socal-fire_00000370_pre_disaster.png,0,0,3,3369,370,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000370_pre_disaster.png,nepal-flooding_00000370_pre_disaster,0,0,tier3\masks\nepal-flooding_00000370_pre_disaster.png,0,0,25,19258,370,0 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000370_pre_disaster.png,hurricane-matthew_00000370_pre_disaster,0,0,train\masks\hurricane-matthew_00000370_pre_disaster.png,0,0,0,0,370,2 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000370_pre_disaster.png,santa-rosa-wildfire_00000370_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000370_pre_disaster.png,0,0,26,53483,370,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000371_pre_disaster.png,midwest-flooding_00000371_pre_disaster,0,0,train\masks\midwest-flooding_00000371_pre_disaster.png,0,0,5,475,371,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000371_pre_disaster.png,portugal-wildfire_00000371_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000371_pre_disaster.png,0,0,7,6020,371,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000371_pre_disaster.png,socal-fire_00000371_pre_disaster,0,0,train\masks\socal-fire_00000371_pre_disaster.png,0,0,0,0,371,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000371_pre_disaster.png,woolsey-fire_00000371_pre_disaster,0,0,tier3\masks\woolsey-fire_00000371_pre_disaster.png,0,0,0,0,371,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000371_pre_disaster.png,nepal-flooding_00000371_pre_disaster,0,0,tier3\masks\nepal-flooding_00000371_pre_disaster.png,0,0,63,67046,371,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000371_pre_disaster.png,hurricane-michael_00000371_pre_disaster,0,0,train\masks\hurricane-michael_00000371_pre_disaster.png,0,0,11,7238,371,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000371_pre_disaster.png,hurricane-florence_00000371_pre_disaster,0,0,train\masks\hurricane-florence_00000371_pre_disaster.png,0,0,11,52308,371,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000371_pre_disaster.png,santa-rosa-wildfire_00000371_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000371_pre_disaster.png,0,0,159,257963,371,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000371_pre_disaster.png,pinery-bushfire_00000371_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000371_pre_disaster.png,0,0,0,0,371,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000372_pre_disaster.png,portugal-wildfire_00000372_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000372_pre_disaster.png,0,0,2,639,372,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000372_pre_disaster.png,socal-fire_00000372_pre_disaster,0,0,train\masks\socal-fire_00000372_pre_disaster.png,0,0,0,0,372,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000372_pre_disaster.png,nepal-flooding_00000372_pre_disaster,0,0,tier3\masks\nepal-flooding_00000372_pre_disaster.png,0,0,7,3453,372,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000372_pre_disaster.png,hurricane-matthew_00000372_pre_disaster,0,0,train\masks\hurricane-matthew_00000372_pre_disaster.png,0,0,188,115528,372,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000372_pre_disaster.png,santa-rosa-wildfire_00000372_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000372_pre_disaster.png,0,0,197,278065,372,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000372_pre_disaster.png,pinery-bushfire_00000372_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000372_pre_disaster.png,0,0,0,0,372,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000372_pre_disaster.png,woolsey-fire_00000372_pre_disaster,0,0,tier3\masks\woolsey-fire_00000372_pre_disaster.png,0,0,0,0,372,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000372_pre_disaster.png,hurricane-florence_00000372_pre_disaster,0,0,train\masks\hurricane-florence_00000372_pre_disaster.png,0,0,32,19056,372,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000373_pre_disaster.png,pinery-bushfire_00000373_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000373_pre_disaster.png,0,0,0,0,373,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000373_pre_disaster.png,portugal-wildfire_00000373_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000373_pre_disaster.png,0,0,5,3748,373,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000373_pre_disaster.png,hurricane-harvey_00000373_pre_disaster,0,0,train\masks\hurricane-harvey_00000373_pre_disaster.png,0,0,19,38942,373,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000373_pre_disaster.png,nepal-flooding_00000373_pre_disaster,0,0,tier3\masks\nepal-flooding_00000373_pre_disaster.png,0,0,68,49521,373,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000373_pre_disaster.png,socal-fire_00000373_pre_disaster,0,0,train\masks\socal-fire_00000373_pre_disaster.png,0,0,0,0,373,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000373_pre_disaster.png,hurricane-matthew_00000373_pre_disaster,0,0,train\masks\hurricane-matthew_00000373_pre_disaster.png,0,0,110,44490,373,0 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000373_pre_disaster.png,santa-rosa-wildfire_00000373_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000373_pre_disaster.png,0,0,24,38409,373,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000373_pre_disaster.png,woolsey-fire_00000373_pre_disaster,0,0,tier3\masks\woolsey-fire_00000373_pre_disaster.png,0,0,0,0,373,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000374_pre_disaster.png,nepal-flooding_00000374_pre_disaster,0,0,tier3\masks\nepal-flooding_00000374_pre_disaster.png,0,0,133,131576,374,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000374_pre_disaster.png,hurricane-florence_00000374_pre_disaster,0,0,train\masks\hurricane-florence_00000374_pre_disaster.png,0,0,81,283452,374,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000374_pre_disaster.png,woolsey-fire_00000374_pre_disaster,0,0,tier3\masks\woolsey-fire_00000374_pre_disaster.png,0,0,17,39628,374,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000374_pre_disaster.png,hurricane-harvey_00000374_pre_disaster,0,0,train\masks\hurricane-harvey_00000374_pre_disaster.png,0,0,38,63943,374,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000374_pre_disaster.png,portugal-wildfire_00000374_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000374_pre_disaster.png,0,0,14,9433,374,1 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000374_pre_disaster.png,santa-rosa-wildfire_00000374_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000374_pre_disaster.png,0,0,157,203264,374,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000374_pre_disaster.png,midwest-flooding_00000374_pre_disaster,0,0,train\masks\midwest-flooding_00000374_pre_disaster.png,0,0,6,7369,374,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000374_pre_disaster.png,socal-fire_00000374_pre_disaster,0,0,train\masks\socal-fire_00000374_pre_disaster.png,0,0,0,0,374,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000374_pre_disaster.png,pinery-bushfire_00000374_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000374_pre_disaster.png,0,0,0,0,374,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000375_pre_disaster.png,woolsey-fire_00000375_pre_disaster,0,0,tier3\masks\woolsey-fire_00000375_pre_disaster.png,0,0,5,10697,375,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000375_pre_disaster.png,hurricane-matthew_00000375_pre_disaster,0,0,train\masks\hurricane-matthew_00000375_pre_disaster.png,0,0,1,151,375,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000375_pre_disaster.png,socal-fire_00000375_pre_disaster,0,0,train\masks\socal-fire_00000375_pre_disaster.png,0,0,29,36132,375,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000375_pre_disaster.png,hurricane-harvey_00000375_pre_disaster,0,0,train\masks\hurricane-harvey_00000375_pre_disaster.png,0,0,50,225090,375,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000375_pre_disaster.png,pinery-bushfire_00000375_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000375_pre_disaster.png,0,0,0,0,375,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000375_pre_disaster.png,nepal-flooding_00000375_pre_disaster,0,0,tier3\masks\nepal-flooding_00000375_pre_disaster.png,0,0,1,723,375,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000375_pre_disaster.png,portugal-wildfire_00000375_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000375_pre_disaster.png,0,0,31,17467,375,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000376_pre_disaster.png,portugal-wildfire_00000376_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000376_pre_disaster.png,0,0,1,273,376,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000376_pre_disaster.png,hurricane-florence_00000376_pre_disaster,0,0,train\masks\hurricane-florence_00000376_pre_disaster.png,0,0,20,17125,376,3 +0,0,santa-rosa-wildfire,pre,train,train\images\santa-rosa-wildfire_00000376_pre_disaster.png,santa-rosa-wildfire_00000376_pre_disaster,0,0,train\masks\santa-rosa-wildfire_00000376_pre_disaster.png,0,0,40,60069,376,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000376_pre_disaster.png,woolsey-fire_00000376_pre_disaster,0,0,tier3\masks\woolsey-fire_00000376_pre_disaster.png,0,0,0,0,376,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000376_pre_disaster.png,socal-fire_00000376_pre_disaster,0,0,train\masks\socal-fire_00000376_pre_disaster.png,0,0,0,0,376,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000376_pre_disaster.png,midwest-flooding_00000376_pre_disaster,0,0,train\masks\midwest-flooding_00000376_pre_disaster.png,0,0,20,12808,376,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000376_pre_disaster.png,pinery-bushfire_00000376_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000376_pre_disaster.png,0,0,0,0,376,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000376_pre_disaster.png,nepal-flooding_00000376_pre_disaster,0,0,tier3\masks\nepal-flooding_00000376_pre_disaster.png,0,0,35,19243,376,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000376_pre_disaster.png,hurricane-matthew_00000376_pre_disaster,0,0,train\masks\hurricane-matthew_00000376_pre_disaster.png,0,0,28,5842,376,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000377_pre_disaster.png,socal-fire_00000377_pre_disaster,0,0,train\masks\socal-fire_00000377_pre_disaster.png,0,0,0,0,377,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000377_pre_disaster.png,woolsey-fire_00000377_pre_disaster,0,0,tier3\masks\woolsey-fire_00000377_pre_disaster.png,0,0,0,0,377,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000377_pre_disaster.png,portugal-wildfire_00000377_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000377_pre_disaster.png,0,0,3,580,377,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000377_pre_disaster.png,hurricane-michael_00000377_pre_disaster,0,0,train\masks\hurricane-michael_00000377_pre_disaster.png,0,0,118,108905,377,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000377_pre_disaster.png,midwest-flooding_00000377_pre_disaster,0,0,train\masks\midwest-flooding_00000377_pre_disaster.png,0,0,17,10123,377,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000377_pre_disaster.png,pinery-bushfire_00000377_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000377_pre_disaster.png,0,0,1,1294,377,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000377_pre_disaster.png,nepal-flooding_00000377_pre_disaster,0,0,tier3\masks\nepal-flooding_00000377_pre_disaster.png,0,0,143,119938,377,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000378_pre_disaster.png,portugal-wildfire_00000378_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000378_pre_disaster.png,0,0,0,0,378,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000378_pre_disaster.png,pinery-bushfire_00000378_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000378_pre_disaster.png,0,0,5,2774,378,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000378_pre_disaster.png,midwest-flooding_00000378_pre_disaster,0,0,train\masks\midwest-flooding_00000378_pre_disaster.png,0,0,21,15955,378,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000378_pre_disaster.png,nepal-flooding_00000378_pre_disaster,0,0,tier3\masks\nepal-flooding_00000378_pre_disaster.png,0,0,23,38460,378,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000378_pre_disaster.png,socal-fire_00000378_pre_disaster,0,0,train\masks\socal-fire_00000378_pre_disaster.png,0,0,0,0,378,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000378_pre_disaster.png,woolsey-fire_00000378_pre_disaster,0,0,tier3\masks\woolsey-fire_00000378_pre_disaster.png,0,0,2,441,378,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000379_pre_disaster.png,hurricane-michael_00000379_pre_disaster,0,0,train\masks\hurricane-michael_00000379_pre_disaster.png,0,0,0,0,379,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000379_pre_disaster.png,hurricane-matthew_00000379_pre_disaster,0,0,train\masks\hurricane-matthew_00000379_pre_disaster.png,0,0,8,2641,379,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000379_pre_disaster.png,portugal-wildfire_00000379_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000379_pre_disaster.png,0,0,0,0,379,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000379_pre_disaster.png,nepal-flooding_00000379_pre_disaster,0,0,tier3\masks\nepal-flooding_00000379_pre_disaster.png,0,0,0,0,379,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000379_pre_disaster.png,hurricane-harvey_00000379_pre_disaster,0,0,train\masks\hurricane-harvey_00000379_pre_disaster.png,0,0,132,233948,379,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000379_pre_disaster.png,woolsey-fire_00000379_pre_disaster,0,0,tier3\masks\woolsey-fire_00000379_pre_disaster.png,0,0,0,0,379,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000379_pre_disaster.png,hurricane-florence_00000379_pre_disaster,0,0,train\masks\hurricane-florence_00000379_pre_disaster.png,0,0,4,4208,379,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000379_pre_disaster.png,pinery-bushfire_00000379_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000379_pre_disaster.png,0,0,0,0,379,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000379_pre_disaster.png,midwest-flooding_00000379_pre_disaster,0,0,train\masks\midwest-flooding_00000379_pre_disaster.png,0,0,10,7978,379,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000380_pre_disaster.png,woolsey-fire_00000380_pre_disaster,0,0,tier3\masks\woolsey-fire_00000380_pre_disaster.png,0,0,0,0,380,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000380_pre_disaster.png,hurricane-florence_00000380_pre_disaster,0,0,train\masks\hurricane-florence_00000380_pre_disaster.png,0,0,25,20977,380,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000380_pre_disaster.png,hurricane-harvey_00000380_pre_disaster,0,0,train\masks\hurricane-harvey_00000380_pre_disaster.png,0,0,42,202667,380,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000380_pre_disaster.png,portugal-wildfire_00000380_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000380_pre_disaster.png,0,0,3,1562,380,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000380_pre_disaster.png,pinery-bushfire_00000380_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000380_pre_disaster.png,0,0,0,0,380,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000380_pre_disaster.png,hurricane-michael_00000380_pre_disaster,0,0,train\masks\hurricane-michael_00000380_pre_disaster.png,0,0,0,0,380,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000380_pre_disaster.png,nepal-flooding_00000380_pre_disaster,0,0,tier3\masks\nepal-flooding_00000380_pre_disaster.png,0,0,32,14982,380,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000380_pre_disaster.png,midwest-flooding_00000380_pre_disaster,0,0,train\masks\midwest-flooding_00000380_pre_disaster.png,0,0,3,6398,380,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000380_pre_disaster.png,hurricane-matthew_00000380_pre_disaster,0,0,train\masks\hurricane-matthew_00000380_pre_disaster.png,0,0,55,19241,380,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000381_pre_disaster.png,midwest-flooding_00000381_pre_disaster,0,0,train\masks\midwest-flooding_00000381_pre_disaster.png,0,0,11,9273,381,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000381_pre_disaster.png,nepal-flooding_00000381_pre_disaster,0,0,tier3\masks\nepal-flooding_00000381_pre_disaster.png,0,0,132,150922,381,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000381_pre_disaster.png,woolsey-fire_00000381_pre_disaster,0,0,tier3\masks\woolsey-fire_00000381_pre_disaster.png,0,0,0,0,381,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000381_pre_disaster.png,pinery-bushfire_00000381_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000381_pre_disaster.png,0,0,0,0,381,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000381_pre_disaster.png,hurricane-florence_00000381_pre_disaster,0,0,train\masks\hurricane-florence_00000381_pre_disaster.png,0,0,7,5049,381,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000381_pre_disaster.png,portugal-wildfire_00000381_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000381_pre_disaster.png,0,0,0,0,381,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000381_pre_disaster.png,hurricane-matthew_00000381_pre_disaster,0,0,train\masks\hurricane-matthew_00000381_pre_disaster.png,0,0,0,0,381,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000381_pre_disaster.png,hurricane-harvey_00000381_pre_disaster,0,0,train\masks\hurricane-harvey_00000381_pre_disaster.png,0,0,110,229535,381,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000382_pre_disaster.png,portugal-wildfire_00000382_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000382_pre_disaster.png,0,0,18,21020,382,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000382_pre_disaster.png,nepal-flooding_00000382_pre_disaster,0,0,tier3\masks\nepal-flooding_00000382_pre_disaster.png,0,0,91,71731,382,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000382_pre_disaster.png,hurricane-harvey_00000382_pre_disaster,0,0,train\masks\hurricane-harvey_00000382_pre_disaster.png,0,0,118,310804,382,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000382_pre_disaster.png,pinery-bushfire_00000382_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000382_pre_disaster.png,0,0,28,17977,382,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000382_pre_disaster.png,woolsey-fire_00000382_pre_disaster,0,0,tier3\masks\woolsey-fire_00000382_pre_disaster.png,0,0,0,0,382,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000382_pre_disaster.png,hurricane-florence_00000382_pre_disaster,0,0,train\masks\hurricane-florence_00000382_pre_disaster.png,0,0,18,17951,382,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000383_pre_disaster.png,woolsey-fire_00000383_pre_disaster,0,0,tier3\masks\woolsey-fire_00000383_pre_disaster.png,0,0,0,0,383,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000383_pre_disaster.png,pinery-bushfire_00000383_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000383_pre_disaster.png,0,0,20,7720,383,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000383_pre_disaster.png,portugal-wildfire_00000383_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000383_pre_disaster.png,0,0,22,19469,383,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000383_pre_disaster.png,nepal-flooding_00000383_pre_disaster,0,0,tier3\masks\nepal-flooding_00000383_pre_disaster.png,0,0,91,93192,383,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000383_pre_disaster.png,socal-fire_00000383_pre_disaster,0,0,train\masks\socal-fire_00000383_pre_disaster.png,0,0,0,0,383,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000384_pre_disaster.png,pinery-bushfire_00000384_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000384_pre_disaster.png,0,0,0,0,384,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000384_pre_disaster.png,hurricane-matthew_00000384_pre_disaster,0,0,train\masks\hurricane-matthew_00000384_pre_disaster.png,0,0,12,3033,384,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000384_pre_disaster.png,woolsey-fire_00000384_pre_disaster,0,0,tier3\masks\woolsey-fire_00000384_pre_disaster.png,0,0,0,0,384,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000384_pre_disaster.png,portugal-wildfire_00000384_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000384_pre_disaster.png,0,0,6,2560,384,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000384_pre_disaster.png,hurricane-harvey_00000384_pre_disaster,0,0,train\masks\hurricane-harvey_00000384_pre_disaster.png,0,0,254,376066,384,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000384_pre_disaster.png,socal-fire_00000384_pre_disaster,0,0,train\masks\socal-fire_00000384_pre_disaster.png,0,0,0,0,384,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000384_pre_disaster.png,nepal-flooding_00000384_pre_disaster,0,0,tier3\masks\nepal-flooding_00000384_pre_disaster.png,0,0,4,2933,384,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000385_pre_disaster.png,pinery-bushfire_00000385_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000385_pre_disaster.png,0,0,0,0,385,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000385_pre_disaster.png,woolsey-fire_00000385_pre_disaster,0,0,tier3\masks\woolsey-fire_00000385_pre_disaster.png,0,0,3,2118,385,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000385_pre_disaster.png,nepal-flooding_00000385_pre_disaster,0,0,tier3\masks\nepal-flooding_00000385_pre_disaster.png,0,0,85,64805,385,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000385_pre_disaster.png,socal-fire_00000385_pre_disaster,0,0,train\masks\socal-fire_00000385_pre_disaster.png,0,0,0,0,385,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000385_pre_disaster.png,midwest-flooding_00000385_pre_disaster,0,0,train\masks\midwest-flooding_00000385_pre_disaster.png,0,0,5,2297,385,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000385_pre_disaster.png,hurricane-matthew_00000385_pre_disaster,0,0,train\masks\hurricane-matthew_00000385_pre_disaster.png,0,0,85,53287,385,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000385_pre_disaster.png,portugal-wildfire_00000385_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000385_pre_disaster.png,0,0,0,0,385,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000386_pre_disaster.png,socal-fire_00000386_pre_disaster,0,0,train\masks\socal-fire_00000386_pre_disaster.png,0,0,0,0,386,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000386_pre_disaster.png,hurricane-michael_00000386_pre_disaster,0,0,train\masks\hurricane-michael_00000386_pre_disaster.png,0,0,96,106792,386,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000386_pre_disaster.png,portugal-wildfire_00000386_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000386_pre_disaster.png,0,0,3,1246,386,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000386_pre_disaster.png,woolsey-fire_00000386_pre_disaster,0,0,tier3\masks\woolsey-fire_00000386_pre_disaster.png,0,0,0,0,386,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000386_pre_disaster.png,midwest-flooding_00000386_pre_disaster,0,0,train\masks\midwest-flooding_00000386_pre_disaster.png,0,0,8,5301,386,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000386_pre_disaster.png,pinery-bushfire_00000386_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000386_pre_disaster.png,0,0,0,0,386,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000386_pre_disaster.png,nepal-flooding_00000386_pre_disaster,0,0,tier3\masks\nepal-flooding_00000386_pre_disaster.png,0,0,33,84520,386,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000387_pre_disaster.png,nepal-flooding_00000387_pre_disaster,0,0,tier3\masks\nepal-flooding_00000387_pre_disaster.png,0,0,21,31828,387,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000387_pre_disaster.png,hurricane-florence_00000387_pre_disaster,0,0,train\masks\hurricane-florence_00000387_pre_disaster.png,0,0,57,61198,387,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000387_pre_disaster.png,woolsey-fire_00000387_pre_disaster,0,0,tier3\masks\woolsey-fire_00000387_pre_disaster.png,0,0,0,0,387,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000387_pre_disaster.png,socal-fire_00000387_pre_disaster,0,0,train\masks\socal-fire_00000387_pre_disaster.png,0,0,20,15296,387,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000387_pre_disaster.png,hurricane-michael_00000387_pre_disaster,0,0,train\masks\hurricane-michael_00000387_pre_disaster.png,0,0,32,18426,387,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000387_pre_disaster.png,portugal-wildfire_00000387_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000387_pre_disaster.png,0,0,7,4455,387,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000387_pre_disaster.png,hurricane-matthew_00000387_pre_disaster,0,0,train\masks\hurricane-matthew_00000387_pre_disaster.png,0,0,44,12321,387,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000387_pre_disaster.png,pinery-bushfire_00000387_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000387_pre_disaster.png,0,0,0,0,387,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000387_pre_disaster.png,hurricane-harvey_00000387_pre_disaster,0,0,train\masks\hurricane-harvey_00000387_pre_disaster.png,0,0,136,204062,387,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000388_pre_disaster.png,hurricane-matthew_00000388_pre_disaster,0,0,train\masks\hurricane-matthew_00000388_pre_disaster.png,0,0,0,0,388,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000388_pre_disaster.png,nepal-flooding_00000388_pre_disaster,0,0,tier3\masks\nepal-flooding_00000388_pre_disaster.png,0,0,87,65832,388,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000388_pre_disaster.png,woolsey-fire_00000388_pre_disaster,0,0,tier3\masks\woolsey-fire_00000388_pre_disaster.png,0,0,26,36195,388,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000388_pre_disaster.png,pinery-bushfire_00000388_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000388_pre_disaster.png,0,0,26,39919,388,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000388_pre_disaster.png,midwest-flooding_00000388_pre_disaster,0,0,train\masks\midwest-flooding_00000388_pre_disaster.png,0,0,18,11854,388,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000388_pre_disaster.png,hurricane-michael_00000388_pre_disaster,0,0,train\masks\hurricane-michael_00000388_pre_disaster.png,0,0,80,133500,388,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000388_pre_disaster.png,hurricane-florence_00000388_pre_disaster,0,0,train\masks\hurricane-florence_00000388_pre_disaster.png,0,0,4,21661,388,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000388_pre_disaster.png,portugal-wildfire_00000388_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000388_pre_disaster.png,0,0,0,0,388,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000388_pre_disaster.png,socal-fire_00000388_pre_disaster,0,0,train\masks\socal-fire_00000388_pre_disaster.png,0,0,0,0,388,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000388_pre_disaster.png,hurricane-harvey_00000388_pre_disaster,0,0,train\masks\hurricane-harvey_00000388_pre_disaster.png,0,0,7,57274,388,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000389_pre_disaster.png,nepal-flooding_00000389_pre_disaster,0,0,tier3\masks\nepal-flooding_00000389_pre_disaster.png,0,0,1,1039,389,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000389_pre_disaster.png,socal-fire_00000389_pre_disaster,0,0,train\masks\socal-fire_00000389_pre_disaster.png,0,0,16,13402,389,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000389_pre_disaster.png,midwest-flooding_00000389_pre_disaster,0,0,train\masks\midwest-flooding_00000389_pre_disaster.png,0,0,5,2813,389,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000389_pre_disaster.png,hurricane-harvey_00000389_pre_disaster,0,0,train\masks\hurricane-harvey_00000389_pre_disaster.png,0,0,54,227211,389,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000389_pre_disaster.png,woolsey-fire_00000389_pre_disaster,0,0,tier3\masks\woolsey-fire_00000389_pre_disaster.png,0,0,0,0,389,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000389_pre_disaster.png,hurricane-michael_00000389_pre_disaster,0,0,train\masks\hurricane-michael_00000389_pre_disaster.png,0,0,8,15235,389,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000389_pre_disaster.png,portugal-wildfire_00000389_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000389_pre_disaster.png,0,0,0,0,389,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000389_pre_disaster.png,pinery-bushfire_00000389_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000389_pre_disaster.png,0,0,0,0,389,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000389_pre_disaster.png,hurricane-florence_00000389_pre_disaster,0,0,train\masks\hurricane-florence_00000389_pre_disaster.png,0,0,40,28162,389,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000390_pre_disaster.png,hurricane-matthew_00000390_pre_disaster,0,0,train\masks\hurricane-matthew_00000390_pre_disaster.png,0,0,24,5741,390,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000390_pre_disaster.png,woolsey-fire_00000390_pre_disaster,0,0,tier3\masks\woolsey-fire_00000390_pre_disaster.png,0,0,4,3286,390,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000390_pre_disaster.png,portugal-wildfire_00000390_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000390_pre_disaster.png,0,0,60,68052,390,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000390_pre_disaster.png,hurricane-florence_00000390_pre_disaster,0,0,train\masks\hurricane-florence_00000390_pre_disaster.png,0,0,6,1975,390,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000390_pre_disaster.png,nepal-flooding_00000390_pre_disaster,0,0,tier3\masks\nepal-flooding_00000390_pre_disaster.png,0,0,62,47492,390,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000390_pre_disaster.png,pinery-bushfire_00000390_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000390_pre_disaster.png,0,0,0,0,390,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000391_pre_disaster.png,nepal-flooding_00000391_pre_disaster,0,0,tier3\masks\nepal-flooding_00000391_pre_disaster.png,0,0,17,5157,391,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000391_pre_disaster.png,pinery-bushfire_00000391_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000391_pre_disaster.png,0,0,0,0,391,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000391_pre_disaster.png,hurricane-harvey_00000391_pre_disaster,0,0,train\masks\hurricane-harvey_00000391_pre_disaster.png,0,0,138,143204,391,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000391_pre_disaster.png,woolsey-fire_00000391_pre_disaster,0,0,tier3\masks\woolsey-fire_00000391_pre_disaster.png,0,0,6,2133,391,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000391_pre_disaster.png,socal-fire_00000391_pre_disaster,0,0,train\masks\socal-fire_00000391_pre_disaster.png,0,0,4,5218,391,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000391_pre_disaster.png,hurricane-michael_00000391_pre_disaster,0,0,train\masks\hurricane-michael_00000391_pre_disaster.png,0,0,13,15421,391,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000391_pre_disaster.png,midwest-flooding_00000391_pre_disaster,0,0,train\masks\midwest-flooding_00000391_pre_disaster.png,0,0,2,756,391,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000391_pre_disaster.png,portugal-wildfire_00000391_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000391_pre_disaster.png,0,0,0,0,391,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000392_pre_disaster.png,hurricane-michael_00000392_pre_disaster,0,0,train\masks\hurricane-michael_00000392_pre_disaster.png,0,0,6,8243,392,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000392_pre_disaster.png,woolsey-fire_00000392_pre_disaster,0,0,tier3\masks\woolsey-fire_00000392_pre_disaster.png,0,0,0,0,392,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000392_pre_disaster.png,socal-fire_00000392_pre_disaster,0,0,train\masks\socal-fire_00000392_pre_disaster.png,0,0,1,186,392,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000392_pre_disaster.png,hurricane-florence_00000392_pre_disaster,0,0,train\masks\hurricane-florence_00000392_pre_disaster.png,0,0,7,8623,392,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000392_pre_disaster.png,portugal-wildfire_00000392_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000392_pre_disaster.png,0,0,0,0,392,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000392_pre_disaster.png,hurricane-harvey_00000392_pre_disaster,0,0,train\masks\hurricane-harvey_00000392_pre_disaster.png,0,0,37,137155,392,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000392_pre_disaster.png,pinery-bushfire_00000392_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000392_pre_disaster.png,0,0,4,2722,392,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000392_pre_disaster.png,nepal-flooding_00000392_pre_disaster,0,0,tier3\masks\nepal-flooding_00000392_pre_disaster.png,0,0,49,67908,392,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000392_pre_disaster.png,hurricane-matthew_00000392_pre_disaster,0,0,train\masks\hurricane-matthew_00000392_pre_disaster.png,0,0,42,12325,392,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000392_pre_disaster.png,midwest-flooding_00000392_pre_disaster,0,0,train\masks\midwest-flooding_00000392_pre_disaster.png,0,0,5,3221,392,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000393_pre_disaster.png,hurricane-florence_00000393_pre_disaster,0,0,train\masks\hurricane-florence_00000393_pre_disaster.png,0,0,8,4427,393,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000393_pre_disaster.png,woolsey-fire_00000393_pre_disaster,0,0,tier3\masks\woolsey-fire_00000393_pre_disaster.png,0,0,1,425,393,3 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000393_pre_disaster.png,hurricane-matthew_00000393_pre_disaster,0,0,train\masks\hurricane-matthew_00000393_pre_disaster.png,0,0,0,0,393,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000393_pre_disaster.png,nepal-flooding_00000393_pre_disaster,0,0,tier3\masks\nepal-flooding_00000393_pre_disaster.png,0,0,18,11000,393,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000393_pre_disaster.png,hurricane-michael_00000393_pre_disaster,0,0,train\masks\hurricane-michael_00000393_pre_disaster.png,0,0,1,529,393,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000393_pre_disaster.png,pinery-bushfire_00000393_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000393_pre_disaster.png,0,0,0,0,393,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000393_pre_disaster.png,midwest-flooding_00000393_pre_disaster,0,0,train\masks\midwest-flooding_00000393_pre_disaster.png,0,0,18,16220,393,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000393_pre_disaster.png,hurricane-harvey_00000393_pre_disaster,0,0,train\masks\hurricane-harvey_00000393_pre_disaster.png,0,0,11,7701,393,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000393_pre_disaster.png,portugal-wildfire_00000393_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000393_pre_disaster.png,0,0,8,3612,393,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000394_pre_disaster.png,hurricane-florence_00000394_pre_disaster,0,0,train\masks\hurricane-florence_00000394_pre_disaster.png,0,0,5,1575,394,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000394_pre_disaster.png,woolsey-fire_00000394_pre_disaster,0,0,tier3\masks\woolsey-fire_00000394_pre_disaster.png,0,0,0,0,394,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000394_pre_disaster.png,midwest-flooding_00000394_pre_disaster,0,0,train\masks\midwest-flooding_00000394_pre_disaster.png,0,0,14,6681,394,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000394_pre_disaster.png,portugal-wildfire_00000394_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000394_pre_disaster.png,0,0,0,0,394,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000394_pre_disaster.png,nepal-flooding_00000394_pre_disaster,0,0,tier3\masks\nepal-flooding_00000394_pre_disaster.png,0,0,11,5469,394,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000394_pre_disaster.png,pinery-bushfire_00000394_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000394_pre_disaster.png,0,0,0,0,394,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000395_pre_disaster.png,portugal-wildfire_00000395_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000395_pre_disaster.png,0,0,0,0,395,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000395_pre_disaster.png,hurricane-florence_00000395_pre_disaster,0,0,train\masks\hurricane-florence_00000395_pre_disaster.png,0,0,19,17479,395,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000395_pre_disaster.png,nepal-flooding_00000395_pre_disaster,0,0,tier3\masks\nepal-flooding_00000395_pre_disaster.png,0,0,8,5228,395,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000395_pre_disaster.png,woolsey-fire_00000395_pre_disaster,0,0,tier3\masks\woolsey-fire_00000395_pre_disaster.png,0,0,0,0,395,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000395_pre_disaster.png,midwest-flooding_00000395_pre_disaster,0,0,train\masks\midwest-flooding_00000395_pre_disaster.png,0,0,3,3363,395,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000395_pre_disaster.png,pinery-bushfire_00000395_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000395_pre_disaster.png,0,0,0,0,395,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000396_pre_disaster.png,portugal-wildfire_00000396_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000396_pre_disaster.png,0,0,0,0,396,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000396_pre_disaster.png,woolsey-fire_00000396_pre_disaster,0,0,tier3\masks\woolsey-fire_00000396_pre_disaster.png,0,0,0,0,396,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000396_pre_disaster.png,pinery-bushfire_00000396_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000396_pre_disaster.png,0,0,4,999,396,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000396_pre_disaster.png,hurricane-harvey_00000396_pre_disaster,0,0,train\masks\hurricane-harvey_00000396_pre_disaster.png,0,0,59,170160,396,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000396_pre_disaster.png,nepal-flooding_00000396_pre_disaster,0,0,tier3\masks\nepal-flooding_00000396_pre_disaster.png,0,0,3,1448,396,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000397_pre_disaster.png,pinery-bushfire_00000397_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000397_pre_disaster.png,0,0,19,12565,397,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000397_pre_disaster.png,portugal-wildfire_00000397_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000397_pre_disaster.png,0,0,0,0,397,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000397_pre_disaster.png,socal-fire_00000397_pre_disaster,0,0,train\masks\socal-fire_00000397_pre_disaster.png,0,0,0,0,397,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000397_pre_disaster.png,hurricane-harvey_00000397_pre_disaster,0,0,train\masks\hurricane-harvey_00000397_pre_disaster.png,0,0,80,289724,397,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000397_pre_disaster.png,nepal-flooding_00000397_pre_disaster,0,0,tier3\masks\nepal-flooding_00000397_pre_disaster.png,0,0,8,5277,397,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000397_pre_disaster.png,midwest-flooding_00000397_pre_disaster,0,0,train\masks\midwest-flooding_00000397_pre_disaster.png,0,0,1,966,397,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000397_pre_disaster.png,woolsey-fire_00000397_pre_disaster,0,0,tier3\masks\woolsey-fire_00000397_pre_disaster.png,0,0,0,0,397,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000397_pre_disaster.png,hurricane-florence_00000397_pre_disaster,0,0,train\masks\hurricane-florence_00000397_pre_disaster.png,0,0,27,46841,397,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000398_pre_disaster.png,hurricane-florence_00000398_pre_disaster,0,0,train\masks\hurricane-florence_00000398_pre_disaster.png,0,0,25,36868,398,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000398_pre_disaster.png,woolsey-fire_00000398_pre_disaster,0,0,tier3\masks\woolsey-fire_00000398_pre_disaster.png,0,0,0,0,398,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000398_pre_disaster.png,midwest-flooding_00000398_pre_disaster,0,0,train\masks\midwest-flooding_00000398_pre_disaster.png,0,0,2,1186,398,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000398_pre_disaster.png,hurricane-harvey_00000398_pre_disaster,0,0,train\masks\hurricane-harvey_00000398_pre_disaster.png,0,0,41,95858,398,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000398_pre_disaster.png,nepal-flooding_00000398_pre_disaster,0,0,tier3\masks\nepal-flooding_00000398_pre_disaster.png,0,0,91,46511,398,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000398_pre_disaster.png,portugal-wildfire_00000398_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000398_pre_disaster.png,0,0,5,1673,398,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000398_pre_disaster.png,socal-fire_00000398_pre_disaster,0,0,train\masks\socal-fire_00000398_pre_disaster.png,0,0,0,0,398,1 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000398_pre_disaster.png,hurricane-matthew_00000398_pre_disaster,0,0,train\masks\hurricane-matthew_00000398_pre_disaster.png,0,0,35,12238,398,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000398_pre_disaster.png,pinery-bushfire_00000398_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000398_pre_disaster.png,0,0,0,0,398,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000399_pre_disaster.png,hurricane-florence_00000399_pre_disaster,0,0,train\masks\hurricane-florence_00000399_pre_disaster.png,0,0,32,41758,399,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000399_pre_disaster.png,portugal-wildfire_00000399_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000399_pre_disaster.png,0,0,4,2566,399,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000399_pre_disaster.png,hurricane-matthew_00000399_pre_disaster,0,0,train\masks\hurricane-matthew_00000399_pre_disaster.png,0,0,61,23617,399,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000399_pre_disaster.png,woolsey-fire_00000399_pre_disaster,0,0,tier3\masks\woolsey-fire_00000399_pre_disaster.png,0,0,7,7397,399,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000399_pre_disaster.png,socal-fire_00000399_pre_disaster,0,0,train\masks\socal-fire_00000399_pre_disaster.png,0,0,6,1904,399,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000399_pre_disaster.png,nepal-flooding_00000399_pre_disaster,0,0,tier3\masks\nepal-flooding_00000399_pre_disaster.png,0,0,0,0,399,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000399_pre_disaster.png,pinery-bushfire_00000399_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000399_pre_disaster.png,0,0,0,0,399,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000399_pre_disaster.png,midwest-flooding_00000399_pre_disaster,0,0,train\masks\midwest-flooding_00000399_pre_disaster.png,0,0,2,1716,399,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000400_pre_disaster.png,woolsey-fire_00000400_pre_disaster,0,0,tier3\masks\woolsey-fire_00000400_pre_disaster.png,0,0,0,0,400,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000400_pre_disaster.png,portugal-wildfire_00000400_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000400_pre_disaster.png,0,0,49,36288,400,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000400_pre_disaster.png,socal-fire_00000400_pre_disaster,0,0,train\masks\socal-fire_00000400_pre_disaster.png,0,0,0,0,400,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000400_pre_disaster.png,midwest-flooding_00000400_pre_disaster,0,0,train\masks\midwest-flooding_00000400_pre_disaster.png,0,0,12,11262,400,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000400_pre_disaster.png,hurricane-matthew_00000400_pre_disaster,0,0,train\masks\hurricane-matthew_00000400_pre_disaster.png,0,0,53,22254,400,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000400_pre_disaster.png,nepal-flooding_00000400_pre_disaster,0,0,tier3\masks\nepal-flooding_00000400_pre_disaster.png,0,0,125,89850,400,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000400_pre_disaster.png,pinery-bushfire_00000400_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000400_pre_disaster.png,0,0,0,0,400,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000400_pre_disaster.png,hurricane-harvey_00000400_pre_disaster,0,0,train\masks\hurricane-harvey_00000400_pre_disaster.png,0,0,48,264180,400,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000401_pre_disaster.png,socal-fire_00000401_pre_disaster,0,0,train\masks\socal-fire_00000401_pre_disaster.png,0,0,0,0,401,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000401_pre_disaster.png,midwest-flooding_00000401_pre_disaster,0,0,train\masks\midwest-flooding_00000401_pre_disaster.png,0,0,7,8613,401,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000401_pre_disaster.png,nepal-flooding_00000401_pre_disaster,0,0,tier3\masks\nepal-flooding_00000401_pre_disaster.png,0,0,23,27747,401,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000401_pre_disaster.png,pinery-bushfire_00000401_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000401_pre_disaster.png,0,0,0,0,401,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000401_pre_disaster.png,portugal-wildfire_00000401_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000401_pre_disaster.png,0,0,0,0,401,4 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000401_pre_disaster.png,hurricane-matthew_00000401_pre_disaster,0,0,train\masks\hurricane-matthew_00000401_pre_disaster.png,0,0,74,22506,401,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000401_pre_disaster.png,hurricane-florence_00000401_pre_disaster,0,0,train\masks\hurricane-florence_00000401_pre_disaster.png,0,0,6,3351,401,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000401_pre_disaster.png,woolsey-fire_00000401_pre_disaster,0,0,tier3\masks\woolsey-fire_00000401_pre_disaster.png,0,0,0,0,401,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000402_pre_disaster.png,portugal-wildfire_00000402_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000402_pre_disaster.png,0,0,0,0,402,2 +0,0,hurricane-matthew,pre,train,train\images\hurricane-matthew_00000402_pre_disaster.png,hurricane-matthew_00000402_pre_disaster,0,0,train\masks\hurricane-matthew_00000402_pre_disaster.png,0,0,0,0,402,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000402_pre_disaster.png,hurricane-michael_00000402_pre_disaster,0,0,train\masks\hurricane-michael_00000402_pre_disaster.png,0,0,62,93423,402,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000402_pre_disaster.png,woolsey-fire_00000402_pre_disaster,0,0,tier3\masks\woolsey-fire_00000402_pre_disaster.png,0,0,0,0,402,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000402_pre_disaster.png,hurricane-harvey_00000402_pre_disaster,0,0,train\masks\hurricane-harvey_00000402_pre_disaster.png,0,0,107,396502,402,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000402_pre_disaster.png,pinery-bushfire_00000402_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000402_pre_disaster.png,0,0,8,3851,402,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000402_pre_disaster.png,nepal-flooding_00000402_pre_disaster,0,0,tier3\masks\nepal-flooding_00000402_pre_disaster.png,0,0,22,19554,402,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000402_pre_disaster.png,socal-fire_00000402_pre_disaster,0,0,train\masks\socal-fire_00000402_pre_disaster.png,0,0,3,5318,402,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000403_pre_disaster.png,midwest-flooding_00000403_pre_disaster,0,0,train\masks\midwest-flooding_00000403_pre_disaster.png,0,0,10,4855,403,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000403_pre_disaster.png,nepal-flooding_00000403_pre_disaster,0,0,tier3\masks\nepal-flooding_00000403_pre_disaster.png,0,0,50,41057,403,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000403_pre_disaster.png,socal-fire_00000403_pre_disaster,0,0,train\masks\socal-fire_00000403_pre_disaster.png,0,0,0,0,403,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000403_pre_disaster.png,portugal-wildfire_00000403_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000403_pre_disaster.png,0,0,12,5088,403,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000403_pre_disaster.png,woolsey-fire_00000403_pre_disaster,0,0,tier3\masks\woolsey-fire_00000403_pre_disaster.png,0,0,0,0,403,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000403_pre_disaster.png,hurricane-florence_00000403_pre_disaster,0,0,train\masks\hurricane-florence_00000403_pre_disaster.png,0,0,3,1906,403,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000403_pre_disaster.png,hurricane-michael_00000403_pre_disaster,0,0,train\masks\hurricane-michael_00000403_pre_disaster.png,0,0,22,80600,403,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000403_pre_disaster.png,pinery-bushfire_00000403_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000403_pre_disaster.png,0,0,0,0,403,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000404_pre_disaster.png,portugal-wildfire_00000404_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000404_pre_disaster.png,0,0,5,3354,404,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000404_pre_disaster.png,hurricane-michael_00000404_pre_disaster,0,0,train\masks\hurricane-michael_00000404_pre_disaster.png,0,0,41,223633,404,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000404_pre_disaster.png,midwest-flooding_00000404_pre_disaster,0,0,train\masks\midwest-flooding_00000404_pre_disaster.png,0,0,8,5036,404,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000404_pre_disaster.png,pinery-bushfire_00000404_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000404_pre_disaster.png,0,0,0,0,404,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000404_pre_disaster.png,nepal-flooding_00000404_pre_disaster,0,0,tier3\masks\nepal-flooding_00000404_pre_disaster.png,0,0,25,11512,404,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000404_pre_disaster.png,woolsey-fire_00000404_pre_disaster,0,0,tier3\masks\woolsey-fire_00000404_pre_disaster.png,0,0,0,0,404,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000404_pre_disaster.png,hurricane-florence_00000404_pre_disaster,0,0,train\masks\hurricane-florence_00000404_pre_disaster.png,0,0,17,62602,404,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000405_pre_disaster.png,hurricane-michael_00000405_pre_disaster,0,0,train\masks\hurricane-michael_00000405_pre_disaster.png,0,0,68,128661,405,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000405_pre_disaster.png,pinery-bushfire_00000405_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000405_pre_disaster.png,0,0,0,0,405,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000405_pre_disaster.png,woolsey-fire_00000405_pre_disaster,0,0,tier3\masks\woolsey-fire_00000405_pre_disaster.png,0,0,0,0,405,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000405_pre_disaster.png,socal-fire_00000405_pre_disaster,0,0,train\masks\socal-fire_00000405_pre_disaster.png,0,0,7,4599,405,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000405_pre_disaster.png,hurricane-florence_00000405_pre_disaster,0,0,train\masks\hurricane-florence_00000405_pre_disaster.png,0,0,31,55060,405,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000405_pre_disaster.png,midwest-flooding_00000405_pre_disaster,0,0,train\masks\midwest-flooding_00000405_pre_disaster.png,0,0,3,3077,405,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000405_pre_disaster.png,portugal-wildfire_00000405_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000405_pre_disaster.png,0,0,0,0,405,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000405_pre_disaster.png,nepal-flooding_00000405_pre_disaster,0,0,tier3\masks\nepal-flooding_00000405_pre_disaster.png,0,0,3,306,405,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000406_pre_disaster.png,portugal-wildfire_00000406_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000406_pre_disaster.png,0,0,88,56372,406,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000406_pre_disaster.png,nepal-flooding_00000406_pre_disaster,0,0,tier3\masks\nepal-flooding_00000406_pre_disaster.png,0,0,2,302,406,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000406_pre_disaster.png,woolsey-fire_00000406_pre_disaster,0,0,tier3\masks\woolsey-fire_00000406_pre_disaster.png,0,0,0,0,406,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000406_pre_disaster.png,pinery-bushfire_00000406_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000406_pre_disaster.png,0,0,1,106,406,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000406_pre_disaster.png,hurricane-florence_00000406_pre_disaster,0,0,train\masks\hurricane-florence_00000406_pre_disaster.png,0,0,30,21995,406,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000406_pre_disaster.png,hurricane-harvey_00000406_pre_disaster,0,0,train\masks\hurricane-harvey_00000406_pre_disaster.png,0,0,79,100718,406,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000406_pre_disaster.png,midwest-flooding_00000406_pre_disaster,0,0,train\masks\midwest-flooding_00000406_pre_disaster.png,0,0,1,175,406,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000406_pre_disaster.png,hurricane-michael_00000406_pre_disaster,0,0,train\masks\hurricane-michael_00000406_pre_disaster.png,0,0,91,215291,406,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000407_pre_disaster.png,hurricane-florence_00000407_pre_disaster,0,0,train\masks\hurricane-florence_00000407_pre_disaster.png,0,0,15,40533,407,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000407_pre_disaster.png,pinery-bushfire_00000407_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000407_pre_disaster.png,0,0,3,2753,407,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000407_pre_disaster.png,nepal-flooding_00000407_pre_disaster,0,0,tier3\masks\nepal-flooding_00000407_pre_disaster.png,0,0,122,113213,407,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000407_pre_disaster.png,midwest-flooding_00000407_pre_disaster,0,0,train\masks\midwest-flooding_00000407_pre_disaster.png,0,0,13,19660,407,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000407_pre_disaster.png,portugal-wildfire_00000407_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000407_pre_disaster.png,0,0,71,41426,407,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000407_pre_disaster.png,woolsey-fire_00000407_pre_disaster,0,0,tier3\masks\woolsey-fire_00000407_pre_disaster.png,0,0,0,0,407,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000408_pre_disaster.png,midwest-flooding_00000408_pre_disaster,0,0,train\masks\midwest-flooding_00000408_pre_disaster.png,0,0,144,126516,408,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000408_pre_disaster.png,hurricane-harvey_00000408_pre_disaster,0,0,train\masks\hurricane-harvey_00000408_pre_disaster.png,0,0,39,82380,408,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000408_pre_disaster.png,socal-fire_00000408_pre_disaster,0,0,train\masks\socal-fire_00000408_pre_disaster.png,0,0,23,7122,408,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000408_pre_disaster.png,pinery-bushfire_00000408_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000408_pre_disaster.png,0,0,0,0,408,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000408_pre_disaster.png,hurricane-florence_00000408_pre_disaster,0,0,train\masks\hurricane-florence_00000408_pre_disaster.png,0,0,65,54441,408,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000408_pre_disaster.png,hurricane-michael_00000408_pre_disaster,0,0,train\masks\hurricane-michael_00000408_pre_disaster.png,0,0,36,30346,408,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000408_pre_disaster.png,nepal-flooding_00000408_pre_disaster,0,0,tier3\masks\nepal-flooding_00000408_pre_disaster.png,0,0,77,75183,408,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000408_pre_disaster.png,woolsey-fire_00000408_pre_disaster,0,0,tier3\masks\woolsey-fire_00000408_pre_disaster.png,0,0,0,0,408,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000408_pre_disaster.png,portugal-wildfire_00000408_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000408_pre_disaster.png,0,0,27,12350,408,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000409_pre_disaster.png,portugal-wildfire_00000409_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000409_pre_disaster.png,0,0,0,0,409,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000409_pre_disaster.png,hurricane-florence_00000409_pre_disaster,0,0,train\masks\hurricane-florence_00000409_pre_disaster.png,0,0,31,57715,409,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000409_pre_disaster.png,pinery-bushfire_00000409_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000409_pre_disaster.png,0,0,0,0,409,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000409_pre_disaster.png,socal-fire_00000409_pre_disaster,0,0,train\masks\socal-fire_00000409_pre_disaster.png,0,0,4,561,409,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000409_pre_disaster.png,hurricane-michael_00000409_pre_disaster,0,0,train\masks\hurricane-michael_00000409_pre_disaster.png,0,0,83,100844,409,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000409_pre_disaster.png,woolsey-fire_00000409_pre_disaster,0,0,tier3\masks\woolsey-fire_00000409_pre_disaster.png,0,0,4,4103,409,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000409_pre_disaster.png,nepal-flooding_00000409_pre_disaster,0,0,tier3\masks\nepal-flooding_00000409_pre_disaster.png,0,0,4,1986,409,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000410_pre_disaster.png,hurricane-michael_00000410_pre_disaster,0,0,train\masks\hurricane-michael_00000410_pre_disaster.png,0,0,4,14065,410,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000410_pre_disaster.png,socal-fire_00000410_pre_disaster,0,0,train\masks\socal-fire_00000410_pre_disaster.png,0,0,0,0,410,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000410_pre_disaster.png,nepal-flooding_00000410_pre_disaster,0,0,tier3\masks\nepal-flooding_00000410_pre_disaster.png,0,0,102,178113,410,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000410_pre_disaster.png,pinery-bushfire_00000410_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000410_pre_disaster.png,0,0,0,0,410,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000410_pre_disaster.png,hurricane-harvey_00000410_pre_disaster,0,0,train\masks\hurricane-harvey_00000410_pre_disaster.png,0,0,65,217179,410,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000410_pre_disaster.png,midwest-flooding_00000410_pre_disaster,0,0,train\masks\midwest-flooding_00000410_pre_disaster.png,0,0,22,33149,410,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000410_pre_disaster.png,hurricane-florence_00000410_pre_disaster,0,0,train\masks\hurricane-florence_00000410_pre_disaster.png,0,0,19,37136,410,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000410_pre_disaster.png,woolsey-fire_00000410_pre_disaster,0,0,tier3\masks\woolsey-fire_00000410_pre_disaster.png,0,0,0,0,410,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000410_pre_disaster.png,portugal-wildfire_00000410_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000410_pre_disaster.png,0,0,5,2229,410,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000411_pre_disaster.png,hurricane-michael_00000411_pre_disaster,0,0,train\masks\hurricane-michael_00000411_pre_disaster.png,0,0,49,54238,411,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000411_pre_disaster.png,midwest-flooding_00000411_pre_disaster,0,0,train\masks\midwest-flooding_00000411_pre_disaster.png,0,0,52,131624,411,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000411_pre_disaster.png,hurricane-harvey_00000411_pre_disaster,0,0,train\masks\hurricane-harvey_00000411_pre_disaster.png,0,0,6,35298,411,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000411_pre_disaster.png,portugal-wildfire_00000411_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000411_pre_disaster.png,0,0,0,0,411,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000411_pre_disaster.png,hurricane-florence_00000411_pre_disaster,0,0,train\masks\hurricane-florence_00000411_pre_disaster.png,0,0,32,19251,411,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000411_pre_disaster.png,nepal-flooding_00000411_pre_disaster,0,0,tier3\masks\nepal-flooding_00000411_pre_disaster.png,0,0,72,59991,411,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000411_pre_disaster.png,pinery-bushfire_00000411_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000411_pre_disaster.png,0,0,0,0,411,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000411_pre_disaster.png,woolsey-fire_00000411_pre_disaster,0,0,tier3\masks\woolsey-fire_00000411_pre_disaster.png,0,0,0,0,411,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000411_pre_disaster.png,socal-fire_00000411_pre_disaster,0,0,train\masks\socal-fire_00000411_pre_disaster.png,0,0,0,0,411,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000412_pre_disaster.png,portugal-wildfire_00000412_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000412_pre_disaster.png,0,0,18,9238,412,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000412_pre_disaster.png,pinery-bushfire_00000412_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000412_pre_disaster.png,0,0,0,0,412,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000412_pre_disaster.png,woolsey-fire_00000412_pre_disaster,0,0,tier3\masks\woolsey-fire_00000412_pre_disaster.png,0,0,0,0,412,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000412_pre_disaster.png,hurricane-michael_00000412_pre_disaster,0,0,train\masks\hurricane-michael_00000412_pre_disaster.png,0,0,22,21888,412,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000412_pre_disaster.png,hurricane-harvey_00000412_pre_disaster,0,0,train\masks\hurricane-harvey_00000412_pre_disaster.png,0,0,54,265051,412,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000412_pre_disaster.png,nepal-flooding_00000412_pre_disaster,0,0,tier3\masks\nepal-flooding_00000412_pre_disaster.png,0,0,194,206651,412,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000412_pre_disaster.png,socal-fire_00000412_pre_disaster,0,0,train\masks\socal-fire_00000412_pre_disaster.png,0,0,0,0,412,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000413_pre_disaster.png,hurricane-michael_00000413_pre_disaster,0,0,train\masks\hurricane-michael_00000413_pre_disaster.png,0,0,133,121191,413,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000413_pre_disaster.png,nepal-flooding_00000413_pre_disaster,0,0,tier3\masks\nepal-flooding_00000413_pre_disaster.png,0,0,27,29342,413,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000413_pre_disaster.png,pinery-bushfire_00000413_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000413_pre_disaster.png,0,0,0,0,413,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000413_pre_disaster.png,portugal-wildfire_00000413_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000413_pre_disaster.png,0,0,23,18608,413,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000413_pre_disaster.png,hurricane-harvey_00000413_pre_disaster,0,0,train\masks\hurricane-harvey_00000413_pre_disaster.png,0,0,94,298242,413,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000413_pre_disaster.png,woolsey-fire_00000413_pre_disaster,0,0,tier3\masks\woolsey-fire_00000413_pre_disaster.png,0,0,26,39882,413,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000414_pre_disaster.png,hurricane-florence_00000414_pre_disaster,0,0,train\masks\hurricane-florence_00000414_pre_disaster.png,0,0,3,3801,414,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000414_pre_disaster.png,woolsey-fire_00000414_pre_disaster,0,0,tier3\masks\woolsey-fire_00000414_pre_disaster.png,0,0,0,0,414,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000414_pre_disaster.png,nepal-flooding_00000414_pre_disaster,0,0,tier3\masks\nepal-flooding_00000414_pre_disaster.png,0,0,111,106257,414,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000414_pre_disaster.png,pinery-bushfire_00000414_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000414_pre_disaster.png,0,0,0,0,414,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000414_pre_disaster.png,portugal-wildfire_00000414_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000414_pre_disaster.png,0,0,0,0,414,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000415_pre_disaster.png,pinery-bushfire_00000415_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000415_pre_disaster.png,0,0,0,0,415,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000415_pre_disaster.png,socal-fire_00000415_pre_disaster,0,0,train\masks\socal-fire_00000415_pre_disaster.png,0,0,0,0,415,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000415_pre_disaster.png,woolsey-fire_00000415_pre_disaster,0,0,tier3\masks\woolsey-fire_00000415_pre_disaster.png,0,0,0,0,415,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000415_pre_disaster.png,portugal-wildfire_00000415_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000415_pre_disaster.png,0,0,0,0,415,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000415_pre_disaster.png,midwest-flooding_00000415_pre_disaster,0,0,train\masks\midwest-flooding_00000415_pre_disaster.png,0,0,5,7239,415,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000415_pre_disaster.png,hurricane-michael_00000415_pre_disaster,0,0,train\masks\hurricane-michael_00000415_pre_disaster.png,0,0,31,42206,415,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000415_pre_disaster.png,nepal-flooding_00000415_pre_disaster,0,0,tier3\masks\nepal-flooding_00000415_pre_disaster.png,0,0,12,2796,415,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000416_pre_disaster.png,pinery-bushfire_00000416_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000416_pre_disaster.png,0,0,0,0,416,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000416_pre_disaster.png,woolsey-fire_00000416_pre_disaster,0,0,tier3\masks\woolsey-fire_00000416_pre_disaster.png,0,0,16,13094,416,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000416_pre_disaster.png,hurricane-florence_00000416_pre_disaster,0,0,train\masks\hurricane-florence_00000416_pre_disaster.png,0,0,54,39927,416,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000416_pre_disaster.png,nepal-flooding_00000416_pre_disaster,0,0,tier3\masks\nepal-flooding_00000416_pre_disaster.png,0,0,39,48092,416,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000416_pre_disaster.png,midwest-flooding_00000416_pre_disaster,0,0,train\masks\midwest-flooding_00000416_pre_disaster.png,0,0,17,11636,416,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000416_pre_disaster.png,hurricane-michael_00000416_pre_disaster,0,0,train\masks\hurricane-michael_00000416_pre_disaster.png,0,0,95,93743,416,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000416_pre_disaster.png,portugal-wildfire_00000416_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000416_pre_disaster.png,0,0,0,0,416,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000417_pre_disaster.png,portugal-wildfire_00000417_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000417_pre_disaster.png,0,0,0,0,417,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000417_pre_disaster.png,nepal-flooding_00000417_pre_disaster,0,0,tier3\masks\nepal-flooding_00000417_pre_disaster.png,0,0,1,128,417,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000417_pre_disaster.png,pinery-bushfire_00000417_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000417_pre_disaster.png,0,0,0,0,417,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000417_pre_disaster.png,hurricane-michael_00000417_pre_disaster,0,0,train\masks\hurricane-michael_00000417_pre_disaster.png,0,0,134,137874,417,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000417_pre_disaster.png,midwest-flooding_00000417_pre_disaster,0,0,train\masks\midwest-flooding_00000417_pre_disaster.png,0,0,13,7336,417,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000417_pre_disaster.png,woolsey-fire_00000417_pre_disaster,0,0,tier3\masks\woolsey-fire_00000417_pre_disaster.png,0,0,23,25860,417,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000417_pre_disaster.png,socal-fire_00000417_pre_disaster,0,0,train\masks\socal-fire_00000417_pre_disaster.png,0,0,18,14384,417,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000418_pre_disaster.png,nepal-flooding_00000418_pre_disaster,0,0,tier3\masks\nepal-flooding_00000418_pre_disaster.png,0,0,135,238484,418,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000418_pre_disaster.png,pinery-bushfire_00000418_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000418_pre_disaster.png,0,0,0,0,418,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000418_pre_disaster.png,woolsey-fire_00000418_pre_disaster,0,0,tier3\masks\woolsey-fire_00000418_pre_disaster.png,0,0,0,0,418,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000418_pre_disaster.png,midwest-flooding_00000418_pre_disaster,0,0,train\masks\midwest-flooding_00000418_pre_disaster.png,0,0,3,1868,418,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000418_pre_disaster.png,portugal-wildfire_00000418_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000418_pre_disaster.png,0,0,13,6158,418,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000418_pre_disaster.png,hurricane-florence_00000418_pre_disaster,0,0,train\masks\hurricane-florence_00000418_pre_disaster.png,0,0,103,91282,418,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000418_pre_disaster.png,hurricane-harvey_00000418_pre_disaster,0,0,train\masks\hurricane-harvey_00000418_pre_disaster.png,0,0,80,360420,418,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000419_pre_disaster.png,nepal-flooding_00000419_pre_disaster,0,0,tier3\masks\nepal-flooding_00000419_pre_disaster.png,0,0,4,828,419,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000419_pre_disaster.png,woolsey-fire_00000419_pre_disaster,0,0,tier3\masks\woolsey-fire_00000419_pre_disaster.png,0,0,11,3074,419,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000419_pre_disaster.png,hurricane-harvey_00000419_pre_disaster,0,0,train\masks\hurricane-harvey_00000419_pre_disaster.png,0,0,203,290085,419,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000419_pre_disaster.png,hurricane-florence_00000419_pre_disaster,0,0,train\masks\hurricane-florence_00000419_pre_disaster.png,0,0,6,3326,419,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000419_pre_disaster.png,portugal-wildfire_00000419_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000419_pre_disaster.png,0,0,11,11645,419,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000419_pre_disaster.png,pinery-bushfire_00000419_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000419_pre_disaster.png,0,0,0,0,419,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000419_pre_disaster.png,hurricane-michael_00000419_pre_disaster,0,0,train\masks\hurricane-michael_00000419_pre_disaster.png,0,0,24,39111,419,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000420_pre_disaster.png,portugal-wildfire_00000420_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000420_pre_disaster.png,0,0,55,38286,420,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000420_pre_disaster.png,woolsey-fire_00000420_pre_disaster,0,0,tier3\masks\woolsey-fire_00000420_pre_disaster.png,0,0,0,0,420,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000420_pre_disaster.png,socal-fire_00000420_pre_disaster,0,0,train\masks\socal-fire_00000420_pre_disaster.png,0,0,3,158,420,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000420_pre_disaster.png,pinery-bushfire_00000420_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000420_pre_disaster.png,0,0,0,0,420,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000420_pre_disaster.png,nepal-flooding_00000420_pre_disaster,0,0,tier3\masks\nepal-flooding_00000420_pre_disaster.png,0,0,0,0,420,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000420_pre_disaster.png,hurricane-florence_00000420_pre_disaster,0,0,train\masks\hurricane-florence_00000420_pre_disaster.png,0,0,8,7665,420,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000421_pre_disaster.png,hurricane-michael_00000421_pre_disaster,0,0,train\masks\hurricane-michael_00000421_pre_disaster.png,0,0,137,152072,421,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000421_pre_disaster.png,nepal-flooding_00000421_pre_disaster,0,0,tier3\masks\nepal-flooding_00000421_pre_disaster.png,0,0,73,103607,421,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000421_pre_disaster.png,pinery-bushfire_00000421_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000421_pre_disaster.png,0,0,0,0,421,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000421_pre_disaster.png,portugal-wildfire_00000421_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000421_pre_disaster.png,0,0,52,54420,421,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000421_pre_disaster.png,woolsey-fire_00000421_pre_disaster,0,0,tier3\masks\woolsey-fire_00000421_pre_disaster.png,0,0,0,0,421,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000421_pre_disaster.png,socal-fire_00000421_pre_disaster,0,0,train\masks\socal-fire_00000421_pre_disaster.png,0,0,0,0,421,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000422_pre_disaster.png,socal-fire_00000422_pre_disaster,0,0,train\masks\socal-fire_00000422_pre_disaster.png,0,0,33,39723,422,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000422_pre_disaster.png,nepal-flooding_00000422_pre_disaster,0,0,tier3\masks\nepal-flooding_00000422_pre_disaster.png,0,0,10,6715,422,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000422_pre_disaster.png,hurricane-michael_00000422_pre_disaster,0,0,train\masks\hurricane-michael_00000422_pre_disaster.png,0,0,105,134224,422,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000422_pre_disaster.png,portugal-wildfire_00000422_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000422_pre_disaster.png,0,0,1,187,422,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000422_pre_disaster.png,pinery-bushfire_00000422_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000422_pre_disaster.png,0,0,0,0,422,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000422_pre_disaster.png,midwest-flooding_00000422_pre_disaster,0,0,train\masks\midwest-flooding_00000422_pre_disaster.png,0,0,8,4638,422,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000422_pre_disaster.png,hurricane-harvey_00000422_pre_disaster,0,0,train\masks\hurricane-harvey_00000422_pre_disaster.png,0,0,174,350887,422,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000422_pre_disaster.png,woolsey-fire_00000422_pre_disaster,0,0,tier3\masks\woolsey-fire_00000422_pre_disaster.png,0,0,5,3436,422,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000423_pre_disaster.png,portugal-wildfire_00000423_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000423_pre_disaster.png,0,0,0,0,423,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000423_pre_disaster.png,hurricane-harvey_00000423_pre_disaster,0,0,train\masks\hurricane-harvey_00000423_pre_disaster.png,0,0,51,244633,423,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000423_pre_disaster.png,nepal-flooding_00000423_pre_disaster,0,0,tier3\masks\nepal-flooding_00000423_pre_disaster.png,0,0,16,7989,423,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000423_pre_disaster.png,pinery-bushfire_00000423_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000423_pre_disaster.png,0,0,0,0,423,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000423_pre_disaster.png,woolsey-fire_00000423_pre_disaster,0,0,tier3\masks\woolsey-fire_00000423_pre_disaster.png,0,0,0,0,423,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000423_pre_disaster.png,midwest-flooding_00000423_pre_disaster,0,0,train\masks\midwest-flooding_00000423_pre_disaster.png,0,0,5,4050,423,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000423_pre_disaster.png,hurricane-florence_00000423_pre_disaster,0,0,train\masks\hurricane-florence_00000423_pre_disaster.png,0,0,2,420,423,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000423_pre_disaster.png,socal-fire_00000423_pre_disaster,0,0,train\masks\socal-fire_00000423_pre_disaster.png,0,0,0,0,423,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000424_pre_disaster.png,woolsey-fire_00000424_pre_disaster,0,0,tier3\masks\woolsey-fire_00000424_pre_disaster.png,0,0,0,0,424,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000424_pre_disaster.png,hurricane-michael_00000424_pre_disaster,0,0,train\masks\hurricane-michael_00000424_pre_disaster.png,0,0,112,190987,424,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000424_pre_disaster.png,portugal-wildfire_00000424_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000424_pre_disaster.png,0,0,45,34093,424,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000424_pre_disaster.png,hurricane-florence_00000424_pre_disaster,0,0,train\masks\hurricane-florence_00000424_pre_disaster.png,0,0,5,1797,424,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000424_pre_disaster.png,nepal-flooding_00000424_pre_disaster,0,0,tier3\masks\nepal-flooding_00000424_pre_disaster.png,0,0,27,27425,424,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000424_pre_disaster.png,midwest-flooding_00000424_pre_disaster,0,0,train\masks\midwest-flooding_00000424_pre_disaster.png,0,0,3,4159,424,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000424_pre_disaster.png,pinery-bushfire_00000424_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000424_pre_disaster.png,0,0,7,7377,424,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000425_pre_disaster.png,portugal-wildfire_00000425_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000425_pre_disaster.png,0,0,0,0,425,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000425_pre_disaster.png,pinery-bushfire_00000425_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000425_pre_disaster.png,0,0,0,0,425,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000425_pre_disaster.png,hurricane-florence_00000425_pre_disaster,0,0,train\masks\hurricane-florence_00000425_pre_disaster.png,0,0,17,17371,425,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000425_pre_disaster.png,hurricane-harvey_00000425_pre_disaster,0,0,train\masks\hurricane-harvey_00000425_pre_disaster.png,0,0,119,134583,425,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000425_pre_disaster.png,nepal-flooding_00000425_pre_disaster,0,0,tier3\masks\nepal-flooding_00000425_pre_disaster.png,0,0,70,54427,425,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000425_pre_disaster.png,woolsey-fire_00000425_pre_disaster,0,0,tier3\masks\woolsey-fire_00000425_pre_disaster.png,0,0,0,0,425,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000426_pre_disaster.png,pinery-bushfire_00000426_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000426_pre_disaster.png,0,0,9,17675,426,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000426_pre_disaster.png,hurricane-harvey_00000426_pre_disaster,0,0,train\masks\hurricane-harvey_00000426_pre_disaster.png,0,0,125,338288,426,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000426_pre_disaster.png,portugal-wildfire_00000426_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000426_pre_disaster.png,0,0,2,910,426,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000426_pre_disaster.png,midwest-flooding_00000426_pre_disaster,0,0,train\masks\midwest-flooding_00000426_pre_disaster.png,0,0,5,764,426,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000426_pre_disaster.png,hurricane-florence_00000426_pre_disaster,0,0,train\masks\hurricane-florence_00000426_pre_disaster.png,0,0,80,102151,426,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000426_pre_disaster.png,nepal-flooding_00000426_pre_disaster,0,0,tier3\masks\nepal-flooding_00000426_pre_disaster.png,0,0,21,22361,426,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000426_pre_disaster.png,woolsey-fire_00000426_pre_disaster,0,0,tier3\masks\woolsey-fire_00000426_pre_disaster.png,0,0,0,0,426,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000427_pre_disaster.png,hurricane-florence_00000427_pre_disaster,0,0,train\masks\hurricane-florence_00000427_pre_disaster.png,0,0,1,1860,427,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000427_pre_disaster.png,hurricane-michael_00000427_pre_disaster,0,0,train\masks\hurricane-michael_00000427_pre_disaster.png,0,0,45,86826,427,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000427_pre_disaster.png,hurricane-harvey_00000427_pre_disaster,0,0,train\masks\hurricane-harvey_00000427_pre_disaster.png,0,0,39,88493,427,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000427_pre_disaster.png,portugal-wildfire_00000427_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000427_pre_disaster.png,0,0,0,0,427,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000427_pre_disaster.png,woolsey-fire_00000427_pre_disaster,0,0,tier3\masks\woolsey-fire_00000427_pre_disaster.png,0,0,111,156596,427,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000427_pre_disaster.png,pinery-bushfire_00000427_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000427_pre_disaster.png,0,0,0,0,427,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000427_pre_disaster.png,socal-fire_00000427_pre_disaster,0,0,train\masks\socal-fire_00000427_pre_disaster.png,0,0,16,12928,427,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000427_pre_disaster.png,midwest-flooding_00000427_pre_disaster,0,0,train\masks\midwest-flooding_00000427_pre_disaster.png,0,0,4,2449,427,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000427_pre_disaster.png,nepal-flooding_00000427_pre_disaster,0,0,tier3\masks\nepal-flooding_00000427_pre_disaster.png,0,0,119,120427,427,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000428_pre_disaster.png,portugal-wildfire_00000428_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000428_pre_disaster.png,0,0,3,1505,428,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000428_pre_disaster.png,hurricane-florence_00000428_pre_disaster,0,0,train\masks\hurricane-florence_00000428_pre_disaster.png,0,0,37,38631,428,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000428_pre_disaster.png,woolsey-fire_00000428_pre_disaster,0,0,tier3\masks\woolsey-fire_00000428_pre_disaster.png,0,0,1,6341,428,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000428_pre_disaster.png,nepal-flooding_00000428_pre_disaster,0,0,tier3\masks\nepal-flooding_00000428_pre_disaster.png,0,0,34,8083,428,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000428_pre_disaster.png,pinery-bushfire_00000428_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000428_pre_disaster.png,0,0,2,929,428,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000429_pre_disaster.png,woolsey-fire_00000429_pre_disaster,0,0,tier3\masks\woolsey-fire_00000429_pre_disaster.png,0,0,44,43403,429,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000429_pre_disaster.png,midwest-flooding_00000429_pre_disaster,0,0,train\masks\midwest-flooding_00000429_pre_disaster.png,0,0,11,8409,429,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000429_pre_disaster.png,nepal-flooding_00000429_pre_disaster,0,0,tier3\masks\nepal-flooding_00000429_pre_disaster.png,0,0,43,49121,429,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000429_pre_disaster.png,portugal-wildfire_00000429_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000429_pre_disaster.png,0,0,0,0,429,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000429_pre_disaster.png,socal-fire_00000429_pre_disaster,0,0,train\masks\socal-fire_00000429_pre_disaster.png,0,0,1,65,429,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000429_pre_disaster.png,hurricane-harvey_00000429_pre_disaster,0,0,train\masks\hurricane-harvey_00000429_pre_disaster.png,0,0,163,278544,429,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000429_pre_disaster.png,pinery-bushfire_00000429_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000429_pre_disaster.png,0,0,0,0,429,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000430_pre_disaster.png,hurricane-harvey_00000430_pre_disaster,0,0,train\masks\hurricane-harvey_00000430_pre_disaster.png,0,0,78,204670,430,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000430_pre_disaster.png,hurricane-michael_00000430_pre_disaster,0,0,train\masks\hurricane-michael_00000430_pre_disaster.png,0,0,7,67791,430,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000430_pre_disaster.png,nepal-flooding_00000430_pre_disaster,0,0,tier3\masks\nepal-flooding_00000430_pre_disaster.png,0,0,0,0,430,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000430_pre_disaster.png,pinery-bushfire_00000430_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000430_pre_disaster.png,0,0,0,0,430,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000430_pre_disaster.png,portugal-wildfire_00000430_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000430_pre_disaster.png,0,0,0,0,430,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000430_pre_disaster.png,woolsey-fire_00000430_pre_disaster,0,0,tier3\masks\woolsey-fire_00000430_pre_disaster.png,0,0,0,0,430,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000430_pre_disaster.png,socal-fire_00000430_pre_disaster,0,0,train\masks\socal-fire_00000430_pre_disaster.png,0,0,1,135,430,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000430_pre_disaster.png,midwest-flooding_00000430_pre_disaster,0,0,train\masks\midwest-flooding_00000430_pre_disaster.png,0,0,18,18664,430,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000431_pre_disaster.png,portugal-wildfire_00000431_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000431_pre_disaster.png,0,0,0,0,431,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000431_pre_disaster.png,midwest-flooding_00000431_pre_disaster,0,0,train\masks\midwest-flooding_00000431_pre_disaster.png,0,0,24,16995,431,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000431_pre_disaster.png,pinery-bushfire_00000431_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000431_pre_disaster.png,0,0,19,7880,431,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000431_pre_disaster.png,nepal-flooding_00000431_pre_disaster,0,0,tier3\masks\nepal-flooding_00000431_pre_disaster.png,0,0,55,29979,431,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000431_pre_disaster.png,hurricane-harvey_00000431_pre_disaster,0,0,train\masks\hurricane-harvey_00000431_pre_disaster.png,0,0,179,303886,431,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000431_pre_disaster.png,woolsey-fire_00000431_pre_disaster,0,0,tier3\masks\woolsey-fire_00000431_pre_disaster.png,0,0,5,6507,431,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000431_pre_disaster.png,hurricane-florence_00000431_pre_disaster,0,0,train\masks\hurricane-florence_00000431_pre_disaster.png,0,0,1,197,431,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000432_pre_disaster.png,nepal-flooding_00000432_pre_disaster,0,0,tier3\masks\nepal-flooding_00000432_pre_disaster.png,0,0,0,0,432,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000432_pre_disaster.png,pinery-bushfire_00000432_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000432_pre_disaster.png,0,0,0,0,432,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000432_pre_disaster.png,portugal-wildfire_00000432_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000432_pre_disaster.png,0,0,0,0,432,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000432_pre_disaster.png,socal-fire_00000432_pre_disaster,0,0,train\masks\socal-fire_00000432_pre_disaster.png,0,0,0,0,432,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000432_pre_disaster.png,hurricane-harvey_00000432_pre_disaster,0,0,train\masks\hurricane-harvey_00000432_pre_disaster.png,0,0,159,230316,432,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000432_pre_disaster.png,woolsey-fire_00000432_pre_disaster,0,0,tier3\masks\woolsey-fire_00000432_pre_disaster.png,0,0,0,0,432,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000433_pre_disaster.png,pinery-bushfire_00000433_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000433_pre_disaster.png,0,0,0,0,433,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000433_pre_disaster.png,nepal-flooding_00000433_pre_disaster,0,0,tier3\masks\nepal-flooding_00000433_pre_disaster.png,0,0,116,124079,433,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000433_pre_disaster.png,portugal-wildfire_00000433_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000433_pre_disaster.png,0,0,23,21335,433,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000433_pre_disaster.png,hurricane-harvey_00000433_pre_disaster,0,0,train\masks\hurricane-harvey_00000433_pre_disaster.png,0,0,117,260501,433,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000433_pre_disaster.png,socal-fire_00000433_pre_disaster,0,0,train\masks\socal-fire_00000433_pre_disaster.png,0,0,1,1159,433,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000433_pre_disaster.png,hurricane-florence_00000433_pre_disaster,0,0,train\masks\hurricane-florence_00000433_pre_disaster.png,0,0,54,34514,433,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000433_pre_disaster.png,midwest-flooding_00000433_pre_disaster,0,0,train\masks\midwest-flooding_00000433_pre_disaster.png,0,0,7,4916,433,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000433_pre_disaster.png,woolsey-fire_00000433_pre_disaster,0,0,tier3\masks\woolsey-fire_00000433_pre_disaster.png,0,0,21,14666,433,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000434_pre_disaster.png,hurricane-harvey_00000434_pre_disaster,0,0,train\masks\hurricane-harvey_00000434_pre_disaster.png,0,0,105,353359,434,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000434_pre_disaster.png,pinery-bushfire_00000434_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000434_pre_disaster.png,0,0,38,23705,434,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000434_pre_disaster.png,nepal-flooding_00000434_pre_disaster,0,0,tier3\masks\nepal-flooding_00000434_pre_disaster.png,0,0,41,28947,434,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000434_pre_disaster.png,socal-fire_00000434_pre_disaster,0,0,train\masks\socal-fire_00000434_pre_disaster.png,0,0,1,140,434,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000434_pre_disaster.png,woolsey-fire_00000434_pre_disaster,0,0,tier3\masks\woolsey-fire_00000434_pre_disaster.png,0,0,0,0,434,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000434_pre_disaster.png,portugal-wildfire_00000434_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000434_pre_disaster.png,0,0,0,0,434,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000435_pre_disaster.png,hurricane-michael_00000435_pre_disaster,0,0,train\masks\hurricane-michael_00000435_pre_disaster.png,0,0,28,180571,435,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000435_pre_disaster.png,portugal-wildfire_00000435_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000435_pre_disaster.png,0,0,0,0,435,1 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000435_pre_disaster.png,midwest-flooding_00000435_pre_disaster,0,0,train\masks\midwest-flooding_00000435_pre_disaster.png,0,0,67,93602,435,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000435_pre_disaster.png,hurricane-florence_00000435_pre_disaster,0,0,train\masks\hurricane-florence_00000435_pre_disaster.png,0,0,10,5577,435,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000435_pre_disaster.png,woolsey-fire_00000435_pre_disaster,0,0,tier3\masks\woolsey-fire_00000435_pre_disaster.png,0,0,4,584,435,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000435_pre_disaster.png,hurricane-harvey_00000435_pre_disaster,0,0,train\masks\hurricane-harvey_00000435_pre_disaster.png,0,0,128,283926,435,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000435_pre_disaster.png,socal-fire_00000435_pre_disaster,0,0,train\masks\socal-fire_00000435_pre_disaster.png,0,0,0,0,435,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000435_pre_disaster.png,pinery-bushfire_00000435_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000435_pre_disaster.png,0,0,4,1385,435,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000435_pre_disaster.png,nepal-flooding_00000435_pre_disaster,0,0,tier3\masks\nepal-flooding_00000435_pre_disaster.png,0,0,0,0,435,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000436_pre_disaster.png,hurricane-harvey_00000436_pre_disaster,0,0,train\masks\hurricane-harvey_00000436_pre_disaster.png,0,0,88,233642,436,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000436_pre_disaster.png,portugal-wildfire_00000436_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000436_pre_disaster.png,0,0,15,10677,436,4 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000436_pre_disaster.png,midwest-flooding_00000436_pre_disaster,0,0,train\masks\midwest-flooding_00000436_pre_disaster.png,0,0,2,1484,436,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000436_pre_disaster.png,hurricane-florence_00000436_pre_disaster,0,0,train\masks\hurricane-florence_00000436_pre_disaster.png,0,0,11,47167,436,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000436_pre_disaster.png,pinery-bushfire_00000436_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000436_pre_disaster.png,0,0,0,0,436,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000436_pre_disaster.png,socal-fire_00000436_pre_disaster,0,0,train\masks\socal-fire_00000436_pre_disaster.png,0,0,17,10107,436,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000436_pre_disaster.png,woolsey-fire_00000436_pre_disaster,0,0,tier3\masks\woolsey-fire_00000436_pre_disaster.png,0,0,0,0,436,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000436_pre_disaster.png,nepal-flooding_00000436_pre_disaster,0,0,tier3\masks\nepal-flooding_00000436_pre_disaster.png,0,0,103,82727,436,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000437_pre_disaster.png,hurricane-harvey_00000437_pre_disaster,0,0,train\masks\hurricane-harvey_00000437_pre_disaster.png,0,0,202,282222,437,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000437_pre_disaster.png,nepal-flooding_00000437_pre_disaster,0,0,tier3\masks\nepal-flooding_00000437_pre_disaster.png,0,0,18,16382,437,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000437_pre_disaster.png,woolsey-fire_00000437_pre_disaster,0,0,tier3\masks\woolsey-fire_00000437_pre_disaster.png,0,0,1,101,437,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000437_pre_disaster.png,hurricane-florence_00000437_pre_disaster,0,0,train\masks\hurricane-florence_00000437_pre_disaster.png,0,0,11,4952,437,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000437_pre_disaster.png,portugal-wildfire_00000437_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000437_pre_disaster.png,0,0,1,1749,437,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000437_pre_disaster.png,pinery-bushfire_00000437_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000437_pre_disaster.png,0,0,12,6511,437,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000438_pre_disaster.png,pinery-bushfire_00000438_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000438_pre_disaster.png,0,0,0,0,438,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000438_pre_disaster.png,portugal-wildfire_00000438_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000438_pre_disaster.png,0,0,1,1278,438,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000438_pre_disaster.png,hurricane-florence_00000438_pre_disaster,0,0,train\masks\hurricane-florence_00000438_pre_disaster.png,0,0,7,45438,438,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000438_pre_disaster.png,nepal-flooding_00000438_pre_disaster,0,0,tier3\masks\nepal-flooding_00000438_pre_disaster.png,0,0,55,94138,438,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000438_pre_disaster.png,midwest-flooding_00000438_pre_disaster,0,0,train\masks\midwest-flooding_00000438_pre_disaster.png,0,0,15,10216,438,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000438_pre_disaster.png,socal-fire_00000438_pre_disaster,0,0,train\masks\socal-fire_00000438_pre_disaster.png,0,0,0,0,438,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000438_pre_disaster.png,hurricane-harvey_00000438_pre_disaster,0,0,train\masks\hurricane-harvey_00000438_pre_disaster.png,0,0,54,231661,438,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000438_pre_disaster.png,woolsey-fire_00000438_pre_disaster,0,0,tier3\masks\woolsey-fire_00000438_pre_disaster.png,0,0,0,0,438,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000439_pre_disaster.png,portugal-wildfire_00000439_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000439_pre_disaster.png,0,0,0,0,439,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000439_pre_disaster.png,pinery-bushfire_00000439_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000439_pre_disaster.png,0,0,0,0,439,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000439_pre_disaster.png,hurricane-harvey_00000439_pre_disaster,0,0,train\masks\hurricane-harvey_00000439_pre_disaster.png,0,0,185,313996,439,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000439_pre_disaster.png,woolsey-fire_00000439_pre_disaster,0,0,tier3\masks\woolsey-fire_00000439_pre_disaster.png,0,0,4,538,439,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000439_pre_disaster.png,hurricane-michael_00000439_pre_disaster,0,0,train\masks\hurricane-michael_00000439_pre_disaster.png,0,0,41,102756,439,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000439_pre_disaster.png,nepal-flooding_00000439_pre_disaster,0,0,tier3\masks\nepal-flooding_00000439_pre_disaster.png,0,0,49,21887,439,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000440_pre_disaster.png,woolsey-fire_00000440_pre_disaster,0,0,tier3\masks\woolsey-fire_00000440_pre_disaster.png,0,0,3,2011,440,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000440_pre_disaster.png,pinery-bushfire_00000440_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000440_pre_disaster.png,0,0,2,4718,440,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000440_pre_disaster.png,portugal-wildfire_00000440_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000440_pre_disaster.png,0,0,20,19221,440,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000440_pre_disaster.png,hurricane-harvey_00000440_pre_disaster,0,0,train\masks\hurricane-harvey_00000440_pre_disaster.png,0,0,81,192973,440,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000440_pre_disaster.png,nepal-flooding_00000440_pre_disaster,0,0,tier3\masks\nepal-flooding_00000440_pre_disaster.png,0,0,1,99,440,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000440_pre_disaster.png,hurricane-michael_00000440_pre_disaster,0,0,train\masks\hurricane-michael_00000440_pre_disaster.png,0,0,160,150531,440,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000441_pre_disaster.png,nepal-flooding_00000441_pre_disaster,0,0,tier3\masks\nepal-flooding_00000441_pre_disaster.png,0,0,16,16781,441,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000441_pre_disaster.png,pinery-bushfire_00000441_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000441_pre_disaster.png,0,0,0,0,441,3 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000441_pre_disaster.png,midwest-flooding_00000441_pre_disaster,0,0,train\masks\midwest-flooding_00000441_pre_disaster.png,0,0,9,2712,441,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000441_pre_disaster.png,hurricane-florence_00000441_pre_disaster,0,0,train\masks\hurricane-florence_00000441_pre_disaster.png,0,0,11,6147,441,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000441_pre_disaster.png,hurricane-michael_00000441_pre_disaster,0,0,train\masks\hurricane-michael_00000441_pre_disaster.png,0,0,75,89697,441,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000441_pre_disaster.png,woolsey-fire_00000441_pre_disaster,0,0,tier3\masks\woolsey-fire_00000441_pre_disaster.png,0,0,62,82963,441,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000441_pre_disaster.png,portugal-wildfire_00000441_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000441_pre_disaster.png,0,0,0,0,441,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000442_pre_disaster.png,hurricane-michael_00000442_pre_disaster,0,0,train\masks\hurricane-michael_00000442_pre_disaster.png,0,0,24,23149,442,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000442_pre_disaster.png,pinery-bushfire_00000442_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000442_pre_disaster.png,0,0,0,0,442,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000442_pre_disaster.png,hurricane-florence_00000442_pre_disaster,0,0,train\masks\hurricane-florence_00000442_pre_disaster.png,0,0,59,39254,442,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000442_pre_disaster.png,nepal-flooding_00000442_pre_disaster,0,0,tier3\masks\nepal-flooding_00000442_pre_disaster.png,0,0,23,3754,442,2 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000442_pre_disaster.png,midwest-flooding_00000442_pre_disaster,0,0,train\masks\midwest-flooding_00000442_pre_disaster.png,0,0,8,9479,442,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000442_pre_disaster.png,woolsey-fire_00000442_pre_disaster,0,0,tier3\masks\woolsey-fire_00000442_pre_disaster.png,0,0,0,0,442,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000442_pre_disaster.png,socal-fire_00000442_pre_disaster,0,0,train\masks\socal-fire_00000442_pre_disaster.png,0,0,22,35711,442,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000442_pre_disaster.png,hurricane-harvey_00000442_pre_disaster,0,0,train\masks\hurricane-harvey_00000442_pre_disaster.png,0,0,169,207857,442,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000442_pre_disaster.png,portugal-wildfire_00000442_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000442_pre_disaster.png,0,0,2,710,442,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000443_pre_disaster.png,hurricane-michael_00000443_pre_disaster,0,0,train\masks\hurricane-michael_00000443_pre_disaster.png,0,0,134,156857,443,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000443_pre_disaster.png,portugal-wildfire_00000443_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000443_pre_disaster.png,0,0,0,0,443,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000443_pre_disaster.png,hurricane-florence_00000443_pre_disaster,0,0,train\masks\hurricane-florence_00000443_pre_disaster.png,0,0,11,14873,443,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000443_pre_disaster.png,woolsey-fire_00000443_pre_disaster,0,0,tier3\masks\woolsey-fire_00000443_pre_disaster.png,0,0,2,1116,443,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000443_pre_disaster.png,nepal-flooding_00000443_pre_disaster,0,0,tier3\masks\nepal-flooding_00000443_pre_disaster.png,0,0,87,51035,443,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000443_pre_disaster.png,pinery-bushfire_00000443_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000443_pre_disaster.png,0,0,0,0,443,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000443_pre_disaster.png,hurricane-harvey_00000443_pre_disaster,0,0,train\masks\hurricane-harvey_00000443_pre_disaster.png,0,0,77,367930,443,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000444_pre_disaster.png,nepal-flooding_00000444_pre_disaster,0,0,tier3\masks\nepal-flooding_00000444_pre_disaster.png,0,0,8,1415,444,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000444_pre_disaster.png,hurricane-michael_00000444_pre_disaster,0,0,train\masks\hurricane-michael_00000444_pre_disaster.png,0,0,68,126268,444,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000444_pre_disaster.png,woolsey-fire_00000444_pre_disaster,0,0,tier3\masks\woolsey-fire_00000444_pre_disaster.png,0,0,0,0,444,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000444_pre_disaster.png,portugal-wildfire_00000444_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000444_pre_disaster.png,0,0,0,0,444,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000444_pre_disaster.png,hurricane-florence_00000444_pre_disaster,0,0,train\masks\hurricane-florence_00000444_pre_disaster.png,0,0,15,17586,444,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000444_pre_disaster.png,hurricane-harvey_00000444_pre_disaster,0,0,train\masks\hurricane-harvey_00000444_pre_disaster.png,0,0,33,360078,444,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000444_pre_disaster.png,pinery-bushfire_00000444_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000444_pre_disaster.png,0,0,7,3700,444,0 +0,0,midwest-flooding,pre,train,train\images\midwest-flooding_00000444_pre_disaster.png,midwest-flooding_00000444_pre_disaster,0,0,train\masks\midwest-flooding_00000444_pre_disaster.png,0,0,7,7929,444,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000445_pre_disaster.png,nepal-flooding_00000445_pre_disaster,0,0,tier3\masks\nepal-flooding_00000445_pre_disaster.png,0,0,16,6359,445,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000445_pre_disaster.png,hurricane-florence_00000445_pre_disaster,0,0,train\masks\hurricane-florence_00000445_pre_disaster.png,0,0,8,5609,445,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000445_pre_disaster.png,pinery-bushfire_00000445_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000445_pre_disaster.png,0,0,0,0,445,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000445_pre_disaster.png,portugal-wildfire_00000445_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000445_pre_disaster.png,0,0,0,0,445,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000445_pre_disaster.png,socal-fire_00000445_pre_disaster,0,0,train\masks\socal-fire_00000445_pre_disaster.png,0,0,0,0,445,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000445_pre_disaster.png,woolsey-fire_00000445_pre_disaster,0,0,tier3\masks\woolsey-fire_00000445_pre_disaster.png,0,0,6,1394,445,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000446_pre_disaster.png,socal-fire_00000446_pre_disaster,0,0,train\masks\socal-fire_00000446_pre_disaster.png,0,0,0,0,446,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000446_pre_disaster.png,nepal-flooding_00000446_pre_disaster,0,0,tier3\masks\nepal-flooding_00000446_pre_disaster.png,0,0,1,389,446,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000446_pre_disaster.png,pinery-bushfire_00000446_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000446_pre_disaster.png,0,0,18,5371,446,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000446_pre_disaster.png,hurricane-michael_00000446_pre_disaster,0,0,train\masks\hurricane-michael_00000446_pre_disaster.png,0,0,85,108282,446,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000446_pre_disaster.png,woolsey-fire_00000446_pre_disaster,0,0,tier3\masks\woolsey-fire_00000446_pre_disaster.png,0,0,21,21475,446,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000446_pre_disaster.png,portugal-wildfire_00000446_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000446_pre_disaster.png,0,0,0,0,446,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000446_pre_disaster.png,hurricane-harvey_00000446_pre_disaster,0,0,train\masks\hurricane-harvey_00000446_pre_disaster.png,0,0,141,257719,446,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000446_pre_disaster.png,hurricane-florence_00000446_pre_disaster,0,0,train\masks\hurricane-florence_00000446_pre_disaster.png,0,0,8,5802,446,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000447_pre_disaster.png,portugal-wildfire_00000447_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000447_pre_disaster.png,0,0,30,35609,447,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000447_pre_disaster.png,pinery-bushfire_00000447_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000447_pre_disaster.png,0,0,2,140,447,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000447_pre_disaster.png,nepal-flooding_00000447_pre_disaster,0,0,tier3\masks\nepal-flooding_00000447_pre_disaster.png,0,0,21,19487,447,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000447_pre_disaster.png,socal-fire_00000447_pre_disaster,0,0,train\masks\socal-fire_00000447_pre_disaster.png,0,0,0,0,447,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000447_pre_disaster.png,woolsey-fire_00000447_pre_disaster,0,0,tier3\masks\woolsey-fire_00000447_pre_disaster.png,0,0,1,160,447,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000448_pre_disaster.png,woolsey-fire_00000448_pre_disaster,0,0,tier3\masks\woolsey-fire_00000448_pre_disaster.png,0,0,66,101466,448,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000448_pre_disaster.png,pinery-bushfire_00000448_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000448_pre_disaster.png,0,0,2,5133,448,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000448_pre_disaster.png,portugal-wildfire_00000448_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000448_pre_disaster.png,0,0,1,226,448,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000448_pre_disaster.png,nepal-flooding_00000448_pre_disaster,0,0,tier3\masks\nepal-flooding_00000448_pre_disaster.png,0,0,46,70898,448,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000448_pre_disaster.png,hurricane-harvey_00000448_pre_disaster,0,0,train\masks\hurricane-harvey_00000448_pre_disaster.png,0,0,5,662183,448,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000449_pre_disaster.png,nepal-flooding_00000449_pre_disaster,0,0,tier3\masks\nepal-flooding_00000449_pre_disaster.png,0,0,2,1427,449,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000449_pre_disaster.png,pinery-bushfire_00000449_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000449_pre_disaster.png,0,0,0,0,449,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000449_pre_disaster.png,hurricane-florence_00000449_pre_disaster,0,0,train\masks\hurricane-florence_00000449_pre_disaster.png,0,0,24,19881,449,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000449_pre_disaster.png,woolsey-fire_00000449_pre_disaster,0,0,tier3\masks\woolsey-fire_00000449_pre_disaster.png,0,0,0,0,449,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000449_pre_disaster.png,portugal-wildfire_00000449_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000449_pre_disaster.png,0,0,0,0,449,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000450_pre_disaster.png,hurricane-florence_00000450_pre_disaster,0,0,train\masks\hurricane-florence_00000450_pre_disaster.png,0,0,23,12572,450,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000450_pre_disaster.png,woolsey-fire_00000450_pre_disaster,0,0,tier3\masks\woolsey-fire_00000450_pre_disaster.png,0,0,0,0,450,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000450_pre_disaster.png,pinery-bushfire_00000450_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000450_pre_disaster.png,0,0,0,0,450,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000450_pre_disaster.png,nepal-flooding_00000450_pre_disaster,0,0,tier3\masks\nepal-flooding_00000450_pre_disaster.png,0,0,5,1058,450,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000450_pre_disaster.png,socal-fire_00000450_pre_disaster,0,0,train\masks\socal-fire_00000450_pre_disaster.png,0,0,0,0,450,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000450_pre_disaster.png,portugal-wildfire_00000450_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000450_pre_disaster.png,0,0,0,0,450,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000451_pre_disaster.png,portugal-wildfire_00000451_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000451_pre_disaster.png,0,0,18,18242,451,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000451_pre_disaster.png,pinery-bushfire_00000451_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000451_pre_disaster.png,0,0,0,0,451,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000451_pre_disaster.png,hurricane-michael_00000451_pre_disaster,0,0,train\masks\hurricane-michael_00000451_pre_disaster.png,0,0,152,151547,451,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000451_pre_disaster.png,socal-fire_00000451_pre_disaster,0,0,train\masks\socal-fire_00000451_pre_disaster.png,0,0,0,0,451,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000451_pre_disaster.png,hurricane-harvey_00000451_pre_disaster,0,0,train\masks\hurricane-harvey_00000451_pre_disaster.png,0,0,186,296019,451,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000451_pre_disaster.png,hurricane-florence_00000451_pre_disaster,0,0,train\masks\hurricane-florence_00000451_pre_disaster.png,0,0,17,15417,451,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000451_pre_disaster.png,nepal-flooding_00000451_pre_disaster,0,0,tier3\masks\nepal-flooding_00000451_pre_disaster.png,0,0,69,103086,451,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000451_pre_disaster.png,woolsey-fire_00000451_pre_disaster,0,0,tier3\masks\woolsey-fire_00000451_pre_disaster.png,0,0,0,0,451,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000452_pre_disaster.png,hurricane-michael_00000452_pre_disaster,0,0,train\masks\hurricane-michael_00000452_pre_disaster.png,0,0,51,77879,452,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000452_pre_disaster.png,pinery-bushfire_00000452_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000452_pre_disaster.png,0,0,0,0,452,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000452_pre_disaster.png,portugal-wildfire_00000452_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000452_pre_disaster.png,0,0,0,0,452,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000452_pre_disaster.png,nepal-flooding_00000452_pre_disaster,0,0,tier3\masks\nepal-flooding_00000452_pre_disaster.png,0,0,79,57769,452,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000452_pre_disaster.png,hurricane-florence_00000452_pre_disaster,0,0,train\masks\hurricane-florence_00000452_pre_disaster.png,0,0,17,9088,452,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000452_pre_disaster.png,woolsey-fire_00000452_pre_disaster,0,0,tier3\masks\woolsey-fire_00000452_pre_disaster.png,0,0,13,5071,452,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000452_pre_disaster.png,hurricane-harvey_00000452_pre_disaster,0,0,train\masks\hurricane-harvey_00000452_pre_disaster.png,0,0,132,305350,452,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000453_pre_disaster.png,nepal-flooding_00000453_pre_disaster,0,0,tier3\masks\nepal-flooding_00000453_pre_disaster.png,0,0,10,7028,453,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000453_pre_disaster.png,portugal-wildfire_00000453_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000453_pre_disaster.png,0,0,0,0,453,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000453_pre_disaster.png,pinery-bushfire_00000453_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000453_pre_disaster.png,0,0,3,321,453,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000453_pre_disaster.png,hurricane-florence_00000453_pre_disaster,0,0,train\masks\hurricane-florence_00000453_pre_disaster.png,0,0,8,3853,453,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000453_pre_disaster.png,woolsey-fire_00000453_pre_disaster,0,0,tier3\masks\woolsey-fire_00000453_pre_disaster.png,0,0,0,0,453,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000454_pre_disaster.png,hurricane-harvey_00000454_pre_disaster,0,0,train\masks\hurricane-harvey_00000454_pre_disaster.png,0,0,148,380263,454,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000454_pre_disaster.png,socal-fire_00000454_pre_disaster,0,0,train\masks\socal-fire_00000454_pre_disaster.png,0,0,0,0,454,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000454_pre_disaster.png,nepal-flooding_00000454_pre_disaster,0,0,tier3\masks\nepal-flooding_00000454_pre_disaster.png,0,0,2,288,454,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000454_pre_disaster.png,woolsey-fire_00000454_pre_disaster,0,0,tier3\masks\woolsey-fire_00000454_pre_disaster.png,0,0,0,0,454,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000454_pre_disaster.png,portugal-wildfire_00000454_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000454_pre_disaster.png,0,0,0,0,454,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000454_pre_disaster.png,hurricane-florence_00000454_pre_disaster,0,0,train\masks\hurricane-florence_00000454_pre_disaster.png,0,0,19,12316,454,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000454_pre_disaster.png,pinery-bushfire_00000454_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000454_pre_disaster.png,0,0,0,0,454,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000454_pre_disaster.png,hurricane-michael_00000454_pre_disaster,0,0,train\masks\hurricane-michael_00000454_pre_disaster.png,0,0,49,72254,454,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000455_pre_disaster.png,portugal-wildfire_00000455_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000455_pre_disaster.png,0,0,2,1758,455,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000455_pre_disaster.png,socal-fire_00000455_pre_disaster,0,0,train\masks\socal-fire_00000455_pre_disaster.png,0,0,1,4568,455,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000455_pre_disaster.png,pinery-bushfire_00000455_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000455_pre_disaster.png,0,0,0,0,455,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000455_pre_disaster.png,nepal-flooding_00000455_pre_disaster,0,0,tier3\masks\nepal-flooding_00000455_pre_disaster.png,0,0,83,95456,455,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000455_pre_disaster.png,woolsey-fire_00000455_pre_disaster,0,0,tier3\masks\woolsey-fire_00000455_pre_disaster.png,0,0,0,0,455,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000455_pre_disaster.png,hurricane-florence_00000455_pre_disaster,0,0,train\masks\hurricane-florence_00000455_pre_disaster.png,0,0,21,16186,455,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000455_pre_disaster.png,hurricane-michael_00000455_pre_disaster,0,0,train\masks\hurricane-michael_00000455_pre_disaster.png,0,0,65,115601,455,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000455_pre_disaster.png,hurricane-harvey_00000455_pre_disaster,0,0,train\masks\hurricane-harvey_00000455_pre_disaster.png,0,0,46,184437,455,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000456_pre_disaster.png,portugal-wildfire_00000456_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000456_pre_disaster.png,0,0,0,0,456,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000456_pre_disaster.png,pinery-bushfire_00000456_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000456_pre_disaster.png,0,0,0,0,456,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000456_pre_disaster.png,woolsey-fire_00000456_pre_disaster,0,0,tier3\masks\woolsey-fire_00000456_pre_disaster.png,0,0,20,17399,456,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000456_pre_disaster.png,nepal-flooding_00000456_pre_disaster,0,0,tier3\masks\nepal-flooding_00000456_pre_disaster.png,0,0,36,24082,456,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000457_pre_disaster.png,socal-fire_00000457_pre_disaster,0,0,train\masks\socal-fire_00000457_pre_disaster.png,0,0,0,0,457,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000457_pre_disaster.png,hurricane-florence_00000457_pre_disaster,0,0,train\masks\hurricane-florence_00000457_pre_disaster.png,0,0,4,10316,457,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000457_pre_disaster.png,portugal-wildfire_00000457_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000457_pre_disaster.png,0,0,3,750,457,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000457_pre_disaster.png,pinery-bushfire_00000457_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000457_pre_disaster.png,0,0,0,0,457,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000457_pre_disaster.png,woolsey-fire_00000457_pre_disaster,0,0,tier3\masks\woolsey-fire_00000457_pre_disaster.png,0,0,7,1856,457,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000457_pre_disaster.png,nepal-flooding_00000457_pre_disaster,0,0,tier3\masks\nepal-flooding_00000457_pre_disaster.png,0,0,184,95329,457,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000458_pre_disaster.png,portugal-wildfire_00000458_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000458_pre_disaster.png,0,0,0,0,458,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000458_pre_disaster.png,pinery-bushfire_00000458_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000458_pre_disaster.png,0,0,0,0,458,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000458_pre_disaster.png,nepal-flooding_00000458_pre_disaster,0,0,tier3\masks\nepal-flooding_00000458_pre_disaster.png,0,0,7,1009,458,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000458_pre_disaster.png,hurricane-michael_00000458_pre_disaster,0,0,train\masks\hurricane-michael_00000458_pre_disaster.png,0,0,69,92695,458,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000458_pre_disaster.png,woolsey-fire_00000458_pre_disaster,0,0,tier3\masks\woolsey-fire_00000458_pre_disaster.png,0,0,0,0,458,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000459_pre_disaster.png,pinery-bushfire_00000459_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000459_pre_disaster.png,0,0,11,4431,459,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000459_pre_disaster.png,nepal-flooding_00000459_pre_disaster,0,0,tier3\masks\nepal-flooding_00000459_pre_disaster.png,0,0,0,0,459,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000459_pre_disaster.png,hurricane-florence_00000459_pre_disaster,0,0,train\masks\hurricane-florence_00000459_pre_disaster.png,0,0,56,77081,459,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000459_pre_disaster.png,portugal-wildfire_00000459_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000459_pre_disaster.png,0,0,1,207,459,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000459_pre_disaster.png,woolsey-fire_00000459_pre_disaster,0,0,tier3\masks\woolsey-fire_00000459_pre_disaster.png,0,0,0,0,459,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000460_pre_disaster.png,woolsey-fire_00000460_pre_disaster,0,0,tier3\masks\woolsey-fire_00000460_pre_disaster.png,0,0,32,34289,460,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000460_pre_disaster.png,portugal-wildfire_00000460_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000460_pre_disaster.png,0,0,0,0,460,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000460_pre_disaster.png,hurricane-michael_00000460_pre_disaster,0,0,train\masks\hurricane-michael_00000460_pre_disaster.png,0,0,188,183469,460,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000460_pre_disaster.png,hurricane-florence_00000460_pre_disaster,0,0,train\masks\hurricane-florence_00000460_pre_disaster.png,0,0,9,15513,460,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000460_pre_disaster.png,pinery-bushfire_00000460_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000460_pre_disaster.png,0,0,0,0,460,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000460_pre_disaster.png,nepal-flooding_00000460_pre_disaster,0,0,tier3\masks\nepal-flooding_00000460_pre_disaster.png,0,0,93,80820,460,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000461_pre_disaster.png,hurricane-harvey_00000461_pre_disaster,0,0,train\masks\hurricane-harvey_00000461_pre_disaster.png,0,0,135,247613,461,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000461_pre_disaster.png,socal-fire_00000461_pre_disaster,0,0,train\masks\socal-fire_00000461_pre_disaster.png,0,0,0,0,461,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000461_pre_disaster.png,nepal-flooding_00000461_pre_disaster,0,0,tier3\masks\nepal-flooding_00000461_pre_disaster.png,0,0,0,0,461,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000461_pre_disaster.png,pinery-bushfire_00000461_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000461_pre_disaster.png,0,0,0,0,461,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000461_pre_disaster.png,hurricane-florence_00000461_pre_disaster,0,0,train\masks\hurricane-florence_00000461_pre_disaster.png,0,0,12,13670,461,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000461_pre_disaster.png,hurricane-michael_00000461_pre_disaster,0,0,train\masks\hurricane-michael_00000461_pre_disaster.png,0,0,75,90400,461,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000461_pre_disaster.png,woolsey-fire_00000461_pre_disaster,0,0,tier3\masks\woolsey-fire_00000461_pre_disaster.png,0,0,27,49995,461,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000461_pre_disaster.png,portugal-wildfire_00000461_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000461_pre_disaster.png,0,0,1,211,461,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000462_pre_disaster.png,hurricane-michael_00000462_pre_disaster,0,0,train\masks\hurricane-michael_00000462_pre_disaster.png,0,0,177,154352,462,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000462_pre_disaster.png,pinery-bushfire_00000462_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000462_pre_disaster.png,0,0,3,1078,462,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000462_pre_disaster.png,nepal-flooding_00000462_pre_disaster,0,0,tier3\masks\nepal-flooding_00000462_pre_disaster.png,0,0,14,5185,462,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000462_pre_disaster.png,woolsey-fire_00000462_pre_disaster,0,0,tier3\masks\woolsey-fire_00000462_pre_disaster.png,0,0,0,0,462,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000462_pre_disaster.png,portugal-wildfire_00000462_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000462_pre_disaster.png,0,0,0,0,462,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000462_pre_disaster.png,hurricane-florence_00000462_pre_disaster,0,0,train\masks\hurricane-florence_00000462_pre_disaster.png,0,0,26,44986,462,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000462_pre_disaster.png,socal-fire_00000462_pre_disaster,0,0,train\masks\socal-fire_00000462_pre_disaster.png,0,0,2,1412,462,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000462_pre_disaster.png,hurricane-harvey_00000462_pre_disaster,0,0,train\masks\hurricane-harvey_00000462_pre_disaster.png,0,0,54,95126,462,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000463_pre_disaster.png,hurricane-michael_00000463_pre_disaster,0,0,train\masks\hurricane-michael_00000463_pre_disaster.png,0,0,136,179892,463,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000463_pre_disaster.png,hurricane-harvey_00000463_pre_disaster,0,0,train\masks\hurricane-harvey_00000463_pre_disaster.png,0,0,95,127166,463,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000463_pre_disaster.png,nepal-flooding_00000463_pre_disaster,0,0,tier3\masks\nepal-flooding_00000463_pre_disaster.png,0,0,12,23326,463,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000463_pre_disaster.png,pinery-bushfire_00000463_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000463_pre_disaster.png,0,0,0,0,463,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000463_pre_disaster.png,portugal-wildfire_00000463_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000463_pre_disaster.png,0,0,0,0,463,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000463_pre_disaster.png,woolsey-fire_00000463_pre_disaster,0,0,tier3\masks\woolsey-fire_00000463_pre_disaster.png,0,0,1,1427,463,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000464_pre_disaster.png,hurricane-florence_00000464_pre_disaster,0,0,train\masks\hurricane-florence_00000464_pre_disaster.png,0,0,8,6476,464,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000464_pre_disaster.png,woolsey-fire_00000464_pre_disaster,0,0,tier3\masks\woolsey-fire_00000464_pre_disaster.png,0,0,9,6216,464,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000464_pre_disaster.png,portugal-wildfire_00000464_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000464_pre_disaster.png,0,0,0,0,464,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000464_pre_disaster.png,pinery-bushfire_00000464_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000464_pre_disaster.png,0,0,1,1996,464,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000464_pre_disaster.png,nepal-flooding_00000464_pre_disaster,0,0,tier3\masks\nepal-flooding_00000464_pre_disaster.png,0,0,3,1025,464,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000464_pre_disaster.png,socal-fire_00000464_pre_disaster,0,0,train\masks\socal-fire_00000464_pre_disaster.png,0,0,0,0,464,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000465_pre_disaster.png,woolsey-fire_00000465_pre_disaster,0,0,tier3\masks\woolsey-fire_00000465_pre_disaster.png,0,0,0,0,465,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000465_pre_disaster.png,pinery-bushfire_00000465_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000465_pre_disaster.png,0,0,0,0,465,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000465_pre_disaster.png,hurricane-michael_00000465_pre_disaster,0,0,train\masks\hurricane-michael_00000465_pre_disaster.png,0,0,165,133838,465,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000465_pre_disaster.png,socal-fire_00000465_pre_disaster,0,0,train\masks\socal-fire_00000465_pre_disaster.png,0,0,0,0,465,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000465_pre_disaster.png,nepal-flooding_00000465_pre_disaster,0,0,tier3\masks\nepal-flooding_00000465_pre_disaster.png,0,0,122,145903,465,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000465_pre_disaster.png,portugal-wildfire_00000465_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000465_pre_disaster.png,0,0,0,0,465,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000466_pre_disaster.png,portugal-wildfire_00000466_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000466_pre_disaster.png,0,0,0,0,466,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000466_pre_disaster.png,nepal-flooding_00000466_pre_disaster,0,0,tier3\masks\nepal-flooding_00000466_pre_disaster.png,0,0,108,90666,466,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000466_pre_disaster.png,pinery-bushfire_00000466_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000466_pre_disaster.png,0,0,0,0,466,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000466_pre_disaster.png,hurricane-michael_00000466_pre_disaster,0,0,train\masks\hurricane-michael_00000466_pre_disaster.png,0,0,33,27945,466,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000466_pre_disaster.png,socal-fire_00000466_pre_disaster,0,0,train\masks\socal-fire_00000466_pre_disaster.png,0,0,9,3156,466,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000466_pre_disaster.png,woolsey-fire_00000466_pre_disaster,0,0,tier3\masks\woolsey-fire_00000466_pre_disaster.png,0,0,19,15810,466,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000467_pre_disaster.png,nepal-flooding_00000467_pre_disaster,0,0,tier3\masks\nepal-flooding_00000467_pre_disaster.png,0,0,77,82455,467,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000467_pre_disaster.png,woolsey-fire_00000467_pre_disaster,0,0,tier3\masks\woolsey-fire_00000467_pre_disaster.png,0,0,1,503,467,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000467_pre_disaster.png,hurricane-harvey_00000467_pre_disaster,0,0,train\masks\hurricane-harvey_00000467_pre_disaster.png,0,0,196,298967,467,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000467_pre_disaster.png,pinery-bushfire_00000467_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000467_pre_disaster.png,0,0,0,0,467,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000467_pre_disaster.png,socal-fire_00000467_pre_disaster,0,0,train\masks\socal-fire_00000467_pre_disaster.png,0,0,0,0,467,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000467_pre_disaster.png,hurricane-michael_00000467_pre_disaster,0,0,train\masks\hurricane-michael_00000467_pre_disaster.png,0,0,172,240731,467,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000467_pre_disaster.png,hurricane-florence_00000467_pre_disaster,0,0,train\masks\hurricane-florence_00000467_pre_disaster.png,0,0,65,33578,467,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000467_pre_disaster.png,portugal-wildfire_00000467_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000467_pre_disaster.png,0,0,0,0,467,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000468_pre_disaster.png,nepal-flooding_00000468_pre_disaster,0,0,tier3\masks\nepal-flooding_00000468_pre_disaster.png,0,0,3,710,468,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000468_pre_disaster.png,woolsey-fire_00000468_pre_disaster,0,0,tier3\masks\woolsey-fire_00000468_pre_disaster.png,0,0,0,0,468,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000468_pre_disaster.png,socal-fire_00000468_pre_disaster,0,0,train\masks\socal-fire_00000468_pre_disaster.png,0,0,36,30742,468,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000468_pre_disaster.png,pinery-bushfire_00000468_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000468_pre_disaster.png,0,0,0,0,468,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000468_pre_disaster.png,portugal-wildfire_00000468_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000468_pre_disaster.png,0,0,2,406,468,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000469_pre_disaster.png,woolsey-fire_00000469_pre_disaster,0,0,tier3\masks\woolsey-fire_00000469_pre_disaster.png,0,0,9,3297,469,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000469_pre_disaster.png,hurricane-harvey_00000469_pre_disaster,0,0,train\masks\hurricane-harvey_00000469_pre_disaster.png,0,0,19,104171,469,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000469_pre_disaster.png,nepal-flooding_00000469_pre_disaster,0,0,tier3\masks\nepal-flooding_00000469_pre_disaster.png,0,0,10,3575,469,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000469_pre_disaster.png,hurricane-florence_00000469_pre_disaster,0,0,train\masks\hurricane-florence_00000469_pre_disaster.png,0,0,1,2561,469,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000469_pre_disaster.png,pinery-bushfire_00000469_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000469_pre_disaster.png,0,0,0,0,469,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000469_pre_disaster.png,socal-fire_00000469_pre_disaster,0,0,train\masks\socal-fire_00000469_pre_disaster.png,0,0,6,4616,469,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000469_pre_disaster.png,portugal-wildfire_00000469_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000469_pre_disaster.png,0,0,0,0,469,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000470_pre_disaster.png,hurricane-harvey_00000470_pre_disaster,0,0,train\masks\hurricane-harvey_00000470_pre_disaster.png,0,0,27,253271,470,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000470_pre_disaster.png,woolsey-fire_00000470_pre_disaster,0,0,tier3\masks\woolsey-fire_00000470_pre_disaster.png,0,0,10,6372,470,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000470_pre_disaster.png,pinery-bushfire_00000470_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000470_pre_disaster.png,0,0,0,0,470,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000470_pre_disaster.png,portugal-wildfire_00000470_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000470_pre_disaster.png,0,0,0,0,470,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000470_pre_disaster.png,hurricane-florence_00000470_pre_disaster,0,0,train\masks\hurricane-florence_00000470_pre_disaster.png,0,0,18,14090,470,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000470_pre_disaster.png,nepal-flooding_00000470_pre_disaster,0,0,tier3\masks\nepal-flooding_00000470_pre_disaster.png,0,0,61,98221,470,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000471_pre_disaster.png,woolsey-fire_00000471_pre_disaster,0,0,tier3\masks\woolsey-fire_00000471_pre_disaster.png,0,0,21,5085,471,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000471_pre_disaster.png,nepal-flooding_00000471_pre_disaster,0,0,tier3\masks\nepal-flooding_00000471_pre_disaster.png,0,0,65,54273,471,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000471_pre_disaster.png,pinery-bushfire_00000471_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000471_pre_disaster.png,0,0,0,0,471,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000471_pre_disaster.png,socal-fire_00000471_pre_disaster,0,0,train\masks\socal-fire_00000471_pre_disaster.png,0,0,0,0,471,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000471_pre_disaster.png,hurricane-harvey_00000471_pre_disaster,0,0,train\masks\hurricane-harvey_00000471_pre_disaster.png,0,0,93,198111,471,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000471_pre_disaster.png,portugal-wildfire_00000471_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000471_pre_disaster.png,0,0,31,21164,471,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000472_pre_disaster.png,socal-fire_00000472_pre_disaster,0,0,train\masks\socal-fire_00000472_pre_disaster.png,0,0,27,14546,472,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000472_pre_disaster.png,pinery-bushfire_00000472_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000472_pre_disaster.png,0,0,2,187,472,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000472_pre_disaster.png,woolsey-fire_00000472_pre_disaster,0,0,tier3\masks\woolsey-fire_00000472_pre_disaster.png,0,0,105,168111,472,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000472_pre_disaster.png,nepal-flooding_00000472_pre_disaster,0,0,tier3\masks\nepal-flooding_00000472_pre_disaster.png,0,0,7,4905,472,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000472_pre_disaster.png,hurricane-florence_00000472_pre_disaster,0,0,train\masks\hurricane-florence_00000472_pre_disaster.png,0,0,30,58073,472,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000472_pre_disaster.png,hurricane-harvey_00000472_pre_disaster,0,0,train\masks\hurricane-harvey_00000472_pre_disaster.png,0,0,98,124560,472,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000472_pre_disaster.png,portugal-wildfire_00000472_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000472_pre_disaster.png,0,0,15,11212,472,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000472_pre_disaster.png,hurricane-michael_00000472_pre_disaster,0,0,train\masks\hurricane-michael_00000472_pre_disaster.png,0,0,18,18962,472,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000473_pre_disaster.png,hurricane-michael_00000473_pre_disaster,0,0,train\masks\hurricane-michael_00000473_pre_disaster.png,0,0,88,140468,473,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000473_pre_disaster.png,socal-fire_00000473_pre_disaster,0,0,train\masks\socal-fire_00000473_pre_disaster.png,0,0,14,12400,473,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000473_pre_disaster.png,portugal-wildfire_00000473_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000473_pre_disaster.png,0,0,0,0,473,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000473_pre_disaster.png,pinery-bushfire_00000473_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000473_pre_disaster.png,0,0,0,0,473,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000473_pre_disaster.png,hurricane-harvey_00000473_pre_disaster,0,0,train\masks\hurricane-harvey_00000473_pre_disaster.png,0,0,118,130464,473,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000473_pre_disaster.png,nepal-flooding_00000473_pre_disaster,0,0,tier3\masks\nepal-flooding_00000473_pre_disaster.png,0,0,47,24286,473,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000473_pre_disaster.png,woolsey-fire_00000473_pre_disaster,0,0,tier3\masks\woolsey-fire_00000473_pre_disaster.png,0,0,11,3278,473,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000473_pre_disaster.png,hurricane-florence_00000473_pre_disaster,0,0,train\masks\hurricane-florence_00000473_pre_disaster.png,0,0,32,25719,473,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000474_pre_disaster.png,portugal-wildfire_00000474_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000474_pre_disaster.png,0,0,8,3574,474,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000474_pre_disaster.png,pinery-bushfire_00000474_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000474_pre_disaster.png,0,0,0,0,474,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000474_pre_disaster.png,hurricane-florence_00000474_pre_disaster,0,0,train\masks\hurricane-florence_00000474_pre_disaster.png,0,0,6,3391,474,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000474_pre_disaster.png,woolsey-fire_00000474_pre_disaster,0,0,tier3\masks\woolsey-fire_00000474_pre_disaster.png,0,0,5,2416,474,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000474_pre_disaster.png,nepal-flooding_00000474_pre_disaster,0,0,tier3\masks\nepal-flooding_00000474_pre_disaster.png,0,0,113,78062,474,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000474_pre_disaster.png,hurricane-michael_00000474_pre_disaster,0,0,train\masks\hurricane-michael_00000474_pre_disaster.png,0,0,144,150836,474,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000474_pre_disaster.png,hurricane-harvey_00000474_pre_disaster,0,0,train\masks\hurricane-harvey_00000474_pre_disaster.png,0,0,97,192571,474,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000474_pre_disaster.png,socal-fire_00000474_pre_disaster,0,0,train\masks\socal-fire_00000474_pre_disaster.png,0,0,0,0,474,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000475_pre_disaster.png,hurricane-michael_00000475_pre_disaster,0,0,train\masks\hurricane-michael_00000475_pre_disaster.png,0,0,75,146870,475,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000475_pre_disaster.png,hurricane-florence_00000475_pre_disaster,0,0,train\masks\hurricane-florence_00000475_pre_disaster.png,0,0,33,25277,475,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000475_pre_disaster.png,portugal-wildfire_00000475_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000475_pre_disaster.png,0,0,0,0,475,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000475_pre_disaster.png,pinery-bushfire_00000475_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000475_pre_disaster.png,0,0,0,0,475,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000475_pre_disaster.png,woolsey-fire_00000475_pre_disaster,0,0,tier3\masks\woolsey-fire_00000475_pre_disaster.png,0,0,36,31482,475,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000475_pre_disaster.png,nepal-flooding_00000475_pre_disaster,0,0,tier3\masks\nepal-flooding_00000475_pre_disaster.png,0,0,34,21223,475,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000476_pre_disaster.png,pinery-bushfire_00000476_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000476_pre_disaster.png,0,0,0,0,476,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000476_pre_disaster.png,nepal-flooding_00000476_pre_disaster,0,0,tier3\masks\nepal-flooding_00000476_pre_disaster.png,0,0,150,118168,476,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000476_pre_disaster.png,portugal-wildfire_00000476_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000476_pre_disaster.png,0,0,2,1561,476,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000476_pre_disaster.png,hurricane-florence_00000476_pre_disaster,0,0,train\masks\hurricane-florence_00000476_pre_disaster.png,0,0,8,12906,476,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000476_pre_disaster.png,hurricane-michael_00000476_pre_disaster,0,0,train\masks\hurricane-michael_00000476_pre_disaster.png,0,0,127,120590,476,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000476_pre_disaster.png,woolsey-fire_00000476_pre_disaster,0,0,tier3\masks\woolsey-fire_00000476_pre_disaster.png,0,0,21,10684,476,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000477_pre_disaster.png,woolsey-fire_00000477_pre_disaster,0,0,tier3\masks\woolsey-fire_00000477_pre_disaster.png,0,0,6,4981,477,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000477_pre_disaster.png,nepal-flooding_00000477_pre_disaster,0,0,tier3\masks\nepal-flooding_00000477_pre_disaster.png,0,0,16,6753,477,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000477_pre_disaster.png,hurricane-florence_00000477_pre_disaster,0,0,train\masks\hurricane-florence_00000477_pre_disaster.png,0,0,12,8495,477,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000477_pre_disaster.png,pinery-bushfire_00000477_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000477_pre_disaster.png,0,0,0,0,477,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000477_pre_disaster.png,socal-fire_00000477_pre_disaster,0,0,train\masks\socal-fire_00000477_pre_disaster.png,0,0,0,0,477,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000477_pre_disaster.png,hurricane-harvey_00000477_pre_disaster,0,0,train\masks\hurricane-harvey_00000477_pre_disaster.png,0,0,187,330588,477,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000477_pre_disaster.png,portugal-wildfire_00000477_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000477_pre_disaster.png,0,0,0,0,477,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000478_pre_disaster.png,hurricane-florence_00000478_pre_disaster,0,0,train\masks\hurricane-florence_00000478_pre_disaster.png,0,0,31,16794,478,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000478_pre_disaster.png,portugal-wildfire_00000478_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000478_pre_disaster.png,0,0,9,4282,478,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000478_pre_disaster.png,socal-fire_00000478_pre_disaster,0,0,train\masks\socal-fire_00000478_pre_disaster.png,0,0,0,0,478,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000478_pre_disaster.png,nepal-flooding_00000478_pre_disaster,0,0,tier3\masks\nepal-flooding_00000478_pre_disaster.png,0,0,24,27005,478,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000478_pre_disaster.png,hurricane-harvey_00000478_pre_disaster,0,0,train\masks\hurricane-harvey_00000478_pre_disaster.png,0,0,19,58933,478,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000478_pre_disaster.png,pinery-bushfire_00000478_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000478_pre_disaster.png,0,0,18,10056,478,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000478_pre_disaster.png,woolsey-fire_00000478_pre_disaster,0,0,tier3\masks\woolsey-fire_00000478_pre_disaster.png,0,0,1,164,478,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000479_pre_disaster.png,nepal-flooding_00000479_pre_disaster,0,0,tier3\masks\nepal-flooding_00000479_pre_disaster.png,0,0,217,146441,479,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000479_pre_disaster.png,pinery-bushfire_00000479_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000479_pre_disaster.png,0,0,0,0,479,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000479_pre_disaster.png,portugal-wildfire_00000479_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000479_pre_disaster.png,0,0,5,2967,479,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000479_pre_disaster.png,woolsey-fire_00000479_pre_disaster,0,0,tier3\masks\woolsey-fire_00000479_pre_disaster.png,0,0,0,0,479,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000479_pre_disaster.png,hurricane-michael_00000479_pre_disaster,0,0,train\masks\hurricane-michael_00000479_pre_disaster.png,0,0,99,122143,479,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000480_pre_disaster.png,hurricane-harvey_00000480_pre_disaster,0,0,train\masks\hurricane-harvey_00000480_pre_disaster.png,0,0,83,195490,480,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000480_pre_disaster.png,woolsey-fire_00000480_pre_disaster,0,0,tier3\masks\woolsey-fire_00000480_pre_disaster.png,0,0,12,4965,480,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000480_pre_disaster.png,portugal-wildfire_00000480_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000480_pre_disaster.png,0,0,0,0,480,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000480_pre_disaster.png,socal-fire_00000480_pre_disaster,0,0,train\masks\socal-fire_00000480_pre_disaster.png,0,0,4,9904,480,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000480_pre_disaster.png,hurricane-michael_00000480_pre_disaster,0,0,train\masks\hurricane-michael_00000480_pre_disaster.png,0,0,92,125699,480,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000480_pre_disaster.png,nepal-flooding_00000480_pre_disaster,0,0,tier3\masks\nepal-flooding_00000480_pre_disaster.png,0,0,207,166238,480,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000480_pre_disaster.png,pinery-bushfire_00000480_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000480_pre_disaster.png,0,0,12,9065,480,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000481_pre_disaster.png,hurricane-harvey_00000481_pre_disaster,0,0,train\masks\hurricane-harvey_00000481_pre_disaster.png,0,0,8,4488,481,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000481_pre_disaster.png,portugal-wildfire_00000481_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000481_pre_disaster.png,0,0,22,16150,481,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000481_pre_disaster.png,nepal-flooding_00000481_pre_disaster,0,0,tier3\masks\nepal-flooding_00000481_pre_disaster.png,0,0,22,9700,481,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000481_pre_disaster.png,woolsey-fire_00000481_pre_disaster,0,0,tier3\masks\woolsey-fire_00000481_pre_disaster.png,0,0,0,0,481,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000481_pre_disaster.png,pinery-bushfire_00000481_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000481_pre_disaster.png,0,0,0,0,481,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000481_pre_disaster.png,hurricane-florence_00000481_pre_disaster,0,0,train\masks\hurricane-florence_00000481_pre_disaster.png,0,0,15,10785,481,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000482_pre_disaster.png,nepal-flooding_00000482_pre_disaster,0,0,tier3\masks\nepal-flooding_00000482_pre_disaster.png,0,0,12,5267,482,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000482_pre_disaster.png,hurricane-harvey_00000482_pre_disaster,0,0,train\masks\hurricane-harvey_00000482_pre_disaster.png,0,0,52,147514,482,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000482_pre_disaster.png,portugal-wildfire_00000482_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000482_pre_disaster.png,0,0,0,0,482,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000482_pre_disaster.png,woolsey-fire_00000482_pre_disaster,0,0,tier3\masks\woolsey-fire_00000482_pre_disaster.png,0,0,22,21289,482,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000482_pre_disaster.png,hurricane-michael_00000482_pre_disaster,0,0,train\masks\hurricane-michael_00000482_pre_disaster.png,0,0,106,131313,482,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000482_pre_disaster.png,hurricane-florence_00000482_pre_disaster,0,0,train\masks\hurricane-florence_00000482_pre_disaster.png,0,0,5,977,482,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000482_pre_disaster.png,pinery-bushfire_00000482_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000482_pre_disaster.png,0,0,0,0,482,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000483_pre_disaster.png,pinery-bushfire_00000483_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000483_pre_disaster.png,0,0,8,4519,483,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000483_pre_disaster.png,woolsey-fire_00000483_pre_disaster,0,0,tier3\masks\woolsey-fire_00000483_pre_disaster.png,0,0,0,0,483,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000483_pre_disaster.png,nepal-flooding_00000483_pre_disaster,0,0,tier3\masks\nepal-flooding_00000483_pre_disaster.png,0,0,0,0,483,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000483_pre_disaster.png,portugal-wildfire_00000483_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000483_pre_disaster.png,0,0,38,29322,483,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000484_pre_disaster.png,woolsey-fire_00000484_pre_disaster,0,0,tier3\masks\woolsey-fire_00000484_pre_disaster.png,0,0,34,15064,484,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000484_pre_disaster.png,hurricane-harvey_00000484_pre_disaster,0,0,train\masks\hurricane-harvey_00000484_pre_disaster.png,0,0,99,204370,484,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000484_pre_disaster.png,portugal-wildfire_00000484_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000484_pre_disaster.png,0,0,0,0,484,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000484_pre_disaster.png,nepal-flooding_00000484_pre_disaster,0,0,tier3\masks\nepal-flooding_00000484_pre_disaster.png,0,0,55,59498,484,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000484_pre_disaster.png,hurricane-michael_00000484_pre_disaster,0,0,train\masks\hurricane-michael_00000484_pre_disaster.png,0,0,73,158920,484,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000484_pre_disaster.png,hurricane-florence_00000484_pre_disaster,0,0,train\masks\hurricane-florence_00000484_pre_disaster.png,0,0,8,3987,484,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000484_pre_disaster.png,pinery-bushfire_00000484_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000484_pre_disaster.png,0,0,2,1312,484,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000484_pre_disaster.png,socal-fire_00000484_pre_disaster,0,0,train\masks\socal-fire_00000484_pre_disaster.png,0,0,162,275595,484,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000485_pre_disaster.png,portugal-wildfire_00000485_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000485_pre_disaster.png,0,0,0,0,485,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000485_pre_disaster.png,nepal-flooding_00000485_pre_disaster,0,0,tier3\masks\nepal-flooding_00000485_pre_disaster.png,0,0,98,97251,485,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000485_pre_disaster.png,hurricane-michael_00000485_pre_disaster,0,0,train\masks\hurricane-michael_00000485_pre_disaster.png,0,0,40,78995,485,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000485_pre_disaster.png,pinery-bushfire_00000485_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000485_pre_disaster.png,0,0,0,0,485,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000485_pre_disaster.png,woolsey-fire_00000485_pre_disaster,0,0,tier3\masks\woolsey-fire_00000485_pre_disaster.png,0,0,1,581,485,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000485_pre_disaster.png,hurricane-florence_00000485_pre_disaster,0,0,train\masks\hurricane-florence_00000485_pre_disaster.png,0,0,59,57554,485,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000486_pre_disaster.png,hurricane-florence_00000486_pre_disaster,0,0,train\masks\hurricane-florence_00000486_pre_disaster.png,0,0,1,2830,486,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000486_pre_disaster.png,hurricane-michael_00000486_pre_disaster,0,0,train\masks\hurricane-michael_00000486_pre_disaster.png,0,0,14,19501,486,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000486_pre_disaster.png,nepal-flooding_00000486_pre_disaster,0,0,tier3\masks\nepal-flooding_00000486_pre_disaster.png,0,0,35,19739,486,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000486_pre_disaster.png,hurricane-harvey_00000486_pre_disaster,0,0,train\masks\hurricane-harvey_00000486_pre_disaster.png,0,0,41,86661,486,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000486_pre_disaster.png,woolsey-fire_00000486_pre_disaster,0,0,tier3\masks\woolsey-fire_00000486_pre_disaster.png,0,0,16,21388,486,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000486_pre_disaster.png,pinery-bushfire_00000486_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000486_pre_disaster.png,0,0,0,0,486,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000486_pre_disaster.png,portugal-wildfire_00000486_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000486_pre_disaster.png,0,0,31,35212,486,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000487_pre_disaster.png,nepal-flooding_00000487_pre_disaster,0,0,tier3\masks\nepal-flooding_00000487_pre_disaster.png,0,0,64,58374,487,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000487_pre_disaster.png,woolsey-fire_00000487_pre_disaster,0,0,tier3\masks\woolsey-fire_00000487_pre_disaster.png,0,0,34,21807,487,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000487_pre_disaster.png,hurricane-michael_00000487_pre_disaster,0,0,train\masks\hurricane-michael_00000487_pre_disaster.png,0,0,41,145399,487,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000487_pre_disaster.png,pinery-bushfire_00000487_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000487_pre_disaster.png,0,0,0,0,487,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000487_pre_disaster.png,portugal-wildfire_00000487_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000487_pre_disaster.png,0,0,0,0,487,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000488_pre_disaster.png,nepal-flooding_00000488_pre_disaster,0,0,tier3\masks\nepal-flooding_00000488_pre_disaster.png,0,0,19,6676,488,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000488_pre_disaster.png,pinery-bushfire_00000488_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000488_pre_disaster.png,0,0,1,1189,488,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000488_pre_disaster.png,socal-fire_00000488_pre_disaster,0,0,train\masks\socal-fire_00000488_pre_disaster.png,0,0,21,20357,488,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000488_pre_disaster.png,portugal-wildfire_00000488_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000488_pre_disaster.png,0,0,12,7425,488,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000488_pre_disaster.png,woolsey-fire_00000488_pre_disaster,0,0,tier3\masks\woolsey-fire_00000488_pre_disaster.png,0,0,20,17018,488,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000488_pre_disaster.png,hurricane-harvey_00000488_pre_disaster,0,0,train\masks\hurricane-harvey_00000488_pre_disaster.png,0,0,107,249666,488,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000489_pre_disaster.png,nepal-flooding_00000489_pre_disaster,0,0,tier3\masks\nepal-flooding_00000489_pre_disaster.png,0,0,112,81435,489,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000489_pre_disaster.png,hurricane-harvey_00000489_pre_disaster,0,0,train\masks\hurricane-harvey_00000489_pre_disaster.png,0,0,45,99037,489,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000489_pre_disaster.png,socal-fire_00000489_pre_disaster,0,0,train\masks\socal-fire_00000489_pre_disaster.png,0,0,9,5997,489,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000489_pre_disaster.png,hurricane-michael_00000489_pre_disaster,0,0,train\masks\hurricane-michael_00000489_pre_disaster.png,0,0,35,52669,489,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000489_pre_disaster.png,woolsey-fire_00000489_pre_disaster,0,0,tier3\masks\woolsey-fire_00000489_pre_disaster.png,0,0,3,673,489,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000489_pre_disaster.png,pinery-bushfire_00000489_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000489_pre_disaster.png,0,0,3,3801,489,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000489_pre_disaster.png,portugal-wildfire_00000489_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000489_pre_disaster.png,0,0,0,0,489,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000490_pre_disaster.png,pinery-bushfire_00000490_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000490_pre_disaster.png,0,0,0,0,490,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000490_pre_disaster.png,hurricane-michael_00000490_pre_disaster,0,0,train\masks\hurricane-michael_00000490_pre_disaster.png,0,0,37,128956,490,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000490_pre_disaster.png,woolsey-fire_00000490_pre_disaster,0,0,tier3\masks\woolsey-fire_00000490_pre_disaster.png,0,0,6,3264,490,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000490_pre_disaster.png,hurricane-florence_00000490_pre_disaster,0,0,train\masks\hurricane-florence_00000490_pre_disaster.png,0,0,21,43056,490,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000490_pre_disaster.png,portugal-wildfire_00000490_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000490_pre_disaster.png,0,0,0,0,490,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000490_pre_disaster.png,nepal-flooding_00000490_pre_disaster,0,0,tier3\masks\nepal-flooding_00000490_pre_disaster.png,0,0,47,37941,490,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000491_pre_disaster.png,nepal-flooding_00000491_pre_disaster,0,0,tier3\masks\nepal-flooding_00000491_pre_disaster.png,0,0,92,83244,491,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000491_pre_disaster.png,woolsey-fire_00000491_pre_disaster,0,0,tier3\masks\woolsey-fire_00000491_pre_disaster.png,0,0,0,0,491,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000491_pre_disaster.png,hurricane-harvey_00000491_pre_disaster,0,0,train\masks\hurricane-harvey_00000491_pre_disaster.png,0,0,80,278070,491,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000491_pre_disaster.png,portugal-wildfire_00000491_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000491_pre_disaster.png,0,0,0,0,491,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000491_pre_disaster.png,pinery-bushfire_00000491_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000491_pre_disaster.png,0,0,0,0,491,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000492_pre_disaster.png,hurricane-harvey_00000492_pre_disaster,0,0,train\masks\hurricane-harvey_00000492_pre_disaster.png,0,0,89,275552,492,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000492_pre_disaster.png,hurricane-michael_00000492_pre_disaster,0,0,train\masks\hurricane-michael_00000492_pre_disaster.png,0,0,52,64424,492,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000492_pre_disaster.png,portugal-wildfire_00000492_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000492_pre_disaster.png,0,0,36,22912,492,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000492_pre_disaster.png,nepal-flooding_00000492_pre_disaster,0,0,tier3\masks\nepal-flooding_00000492_pre_disaster.png,0,0,97,68438,492,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000492_pre_disaster.png,woolsey-fire_00000492_pre_disaster,0,0,tier3\masks\woolsey-fire_00000492_pre_disaster.png,0,0,0,0,492,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000492_pre_disaster.png,pinery-bushfire_00000492_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000492_pre_disaster.png,0,0,0,0,492,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000492_pre_disaster.png,socal-fire_00000492_pre_disaster,0,0,train\masks\socal-fire_00000492_pre_disaster.png,0,0,0,0,492,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000492_pre_disaster.png,hurricane-florence_00000492_pre_disaster,0,0,train\masks\hurricane-florence_00000492_pre_disaster.png,0,0,4,8600,492,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000493_pre_disaster.png,hurricane-harvey_00000493_pre_disaster,0,0,train\masks\hurricane-harvey_00000493_pre_disaster.png,0,0,36,25203,493,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000493_pre_disaster.png,pinery-bushfire_00000493_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000493_pre_disaster.png,0,0,0,0,493,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000493_pre_disaster.png,hurricane-florence_00000493_pre_disaster,0,0,train\masks\hurricane-florence_00000493_pre_disaster.png,0,0,3,530,493,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000493_pre_disaster.png,portugal-wildfire_00000493_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000493_pre_disaster.png,0,0,0,0,493,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000493_pre_disaster.png,woolsey-fire_00000493_pre_disaster,0,0,tier3\masks\woolsey-fire_00000493_pre_disaster.png,0,0,49,28200,493,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000493_pre_disaster.png,nepal-flooding_00000493_pre_disaster,0,0,tier3\masks\nepal-flooding_00000493_pre_disaster.png,0,0,75,86213,493,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000494_pre_disaster.png,woolsey-fire_00000494_pre_disaster,0,0,tier3\masks\woolsey-fire_00000494_pre_disaster.png,0,0,2,3109,494,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000494_pre_disaster.png,portugal-wildfire_00000494_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000494_pre_disaster.png,0,0,9,3975,494,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000494_pre_disaster.png,hurricane-harvey_00000494_pre_disaster,0,0,train\masks\hurricane-harvey_00000494_pre_disaster.png,0,0,45,185218,494,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000494_pre_disaster.png,pinery-bushfire_00000494_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000494_pre_disaster.png,0,0,2,6265,494,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000494_pre_disaster.png,nepal-flooding_00000494_pre_disaster,0,0,tier3\masks\nepal-flooding_00000494_pre_disaster.png,0,0,16,8302,494,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000494_pre_disaster.png,hurricane-florence_00000494_pre_disaster,0,0,train\masks\hurricane-florence_00000494_pre_disaster.png,0,0,18,33254,494,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000494_pre_disaster.png,hurricane-michael_00000494_pre_disaster,0,0,train\masks\hurricane-michael_00000494_pre_disaster.png,0,0,109,116360,494,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000494_pre_disaster.png,socal-fire_00000494_pre_disaster,0,0,train\masks\socal-fire_00000494_pre_disaster.png,0,0,14,27648,494,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000495_pre_disaster.png,pinery-bushfire_00000495_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000495_pre_disaster.png,0,0,0,0,495,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000495_pre_disaster.png,woolsey-fire_00000495_pre_disaster,0,0,tier3\masks\woolsey-fire_00000495_pre_disaster.png,0,0,0,0,495,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000495_pre_disaster.png,socal-fire_00000495_pre_disaster,0,0,train\masks\socal-fire_00000495_pre_disaster.png,0,0,50,75845,495,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000495_pre_disaster.png,hurricane-harvey_00000495_pre_disaster,0,0,train\masks\hurricane-harvey_00000495_pre_disaster.png,0,0,57,366510,495,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000495_pre_disaster.png,portugal-wildfire_00000495_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000495_pre_disaster.png,0,0,0,0,495,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000495_pre_disaster.png,nepal-flooding_00000495_pre_disaster,0,0,tier3\masks\nepal-flooding_00000495_pre_disaster.png,0,0,23,10848,495,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000496_pre_disaster.png,pinery-bushfire_00000496_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000496_pre_disaster.png,0,0,0,0,496,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000496_pre_disaster.png,hurricane-harvey_00000496_pre_disaster,0,0,train\masks\hurricane-harvey_00000496_pre_disaster.png,0,0,21,13345,496,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000496_pre_disaster.png,socal-fire_00000496_pre_disaster,0,0,train\masks\socal-fire_00000496_pre_disaster.png,0,0,53,76916,496,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000496_pre_disaster.png,woolsey-fire_00000496_pre_disaster,0,0,tier3\masks\woolsey-fire_00000496_pre_disaster.png,0,0,0,0,496,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000496_pre_disaster.png,portugal-wildfire_00000496_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000496_pre_disaster.png,0,0,10,2676,496,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000496_pre_disaster.png,hurricane-michael_00000496_pre_disaster,0,0,train\masks\hurricane-michael_00000496_pre_disaster.png,0,0,122,166340,496,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000496_pre_disaster.png,hurricane-florence_00000496_pre_disaster,0,0,train\masks\hurricane-florence_00000496_pre_disaster.png,0,0,1,773,496,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000496_pre_disaster.png,nepal-flooding_00000496_pre_disaster,0,0,tier3\masks\nepal-flooding_00000496_pre_disaster.png,0,0,15,10791,496,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000497_pre_disaster.png,woolsey-fire_00000497_pre_disaster,0,0,tier3\masks\woolsey-fire_00000497_pre_disaster.png,0,0,55,50003,497,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000497_pre_disaster.png,hurricane-florence_00000497_pre_disaster,0,0,train\masks\hurricane-florence_00000497_pre_disaster.png,0,0,4,2853,497,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000497_pre_disaster.png,socal-fire_00000497_pre_disaster,0,0,train\masks\socal-fire_00000497_pre_disaster.png,0,0,28,19184,497,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000497_pre_disaster.png,nepal-flooding_00000497_pre_disaster,0,0,tier3\masks\nepal-flooding_00000497_pre_disaster.png,0,0,27,16399,497,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000497_pre_disaster.png,pinery-bushfire_00000497_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000497_pre_disaster.png,0,0,0,0,497,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000497_pre_disaster.png,hurricane-michael_00000497_pre_disaster,0,0,train\masks\hurricane-michael_00000497_pre_disaster.png,0,0,28,70266,497,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000497_pre_disaster.png,portugal-wildfire_00000497_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000497_pre_disaster.png,0,0,21,18122,497,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000498_pre_disaster.png,portugal-wildfire_00000498_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000498_pre_disaster.png,0,0,0,0,498,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000498_pre_disaster.png,woolsey-fire_00000498_pre_disaster,0,0,tier3\masks\woolsey-fire_00000498_pre_disaster.png,0,0,31,19988,498,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000498_pre_disaster.png,pinery-bushfire_00000498_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000498_pre_disaster.png,0,0,1,119,498,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000498_pre_disaster.png,hurricane-michael_00000498_pre_disaster,0,0,train\masks\hurricane-michael_00000498_pre_disaster.png,0,0,18,25686,498,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000498_pre_disaster.png,nepal-flooding_00000498_pre_disaster,0,0,tier3\masks\nepal-flooding_00000498_pre_disaster.png,0,0,45,33403,498,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000498_pre_disaster.png,hurricane-florence_00000498_pre_disaster,0,0,train\masks\hurricane-florence_00000498_pre_disaster.png,0,0,20,8665,498,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000499_pre_disaster.png,hurricane-michael_00000499_pre_disaster,0,0,train\masks\hurricane-michael_00000499_pre_disaster.png,0,0,110,148934,499,2 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000499_pre_disaster.png,hurricane-harvey_00000499_pre_disaster,0,0,train\masks\hurricane-harvey_00000499_pre_disaster.png,0,0,48,83988,499,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000499_pre_disaster.png,pinery-bushfire_00000499_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000499_pre_disaster.png,0,0,0,0,499,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000499_pre_disaster.png,portugal-wildfire_00000499_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000499_pre_disaster.png,0,0,1,687,499,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000499_pre_disaster.png,nepal-flooding_00000499_pre_disaster,0,0,tier3\masks\nepal-flooding_00000499_pre_disaster.png,0,0,19,7305,499,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000499_pre_disaster.png,woolsey-fire_00000499_pre_disaster,0,0,tier3\masks\woolsey-fire_00000499_pre_disaster.png,0,0,0,0,499,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000500_pre_disaster.png,portugal-wildfire_00000500_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000500_pre_disaster.png,0,0,1,167,500,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000500_pre_disaster.png,hurricane-harvey_00000500_pre_disaster,0,0,train\masks\hurricane-harvey_00000500_pre_disaster.png,0,0,86,185838,500,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000500_pre_disaster.png,socal-fire_00000500_pre_disaster,0,0,train\masks\socal-fire_00000500_pre_disaster.png,0,0,0,0,500,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000500_pre_disaster.png,pinery-bushfire_00000500_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000500_pre_disaster.png,0,0,0,0,500,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000500_pre_disaster.png,nepal-flooding_00000500_pre_disaster,0,0,tier3\masks\nepal-flooding_00000500_pre_disaster.png,0,0,7,3465,500,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000500_pre_disaster.png,hurricane-michael_00000500_pre_disaster,0,0,train\masks\hurricane-michael_00000500_pre_disaster.png,0,0,65,48607,500,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000500_pre_disaster.png,hurricane-florence_00000500_pre_disaster,0,0,train\masks\hurricane-florence_00000500_pre_disaster.png,0,0,8,8907,500,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000500_pre_disaster.png,woolsey-fire_00000500_pre_disaster,0,0,tier3\masks\woolsey-fire_00000500_pre_disaster.png,0,0,1,429,500,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000501_pre_disaster.png,hurricane-florence_00000501_pre_disaster,0,0,train\masks\hurricane-florence_00000501_pre_disaster.png,0,0,3,1616,501,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000501_pre_disaster.png,woolsey-fire_00000501_pre_disaster,0,0,tier3\masks\woolsey-fire_00000501_pre_disaster.png,0,0,6,2142,501,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000501_pre_disaster.png,hurricane-harvey_00000501_pre_disaster,0,0,train\masks\hurricane-harvey_00000501_pre_disaster.png,0,0,34,136658,501,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000501_pre_disaster.png,socal-fire_00000501_pre_disaster,0,0,train\masks\socal-fire_00000501_pre_disaster.png,0,0,22,22520,501,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000501_pre_disaster.png,hurricane-michael_00000501_pre_disaster,0,0,train\masks\hurricane-michael_00000501_pre_disaster.png,0,0,95,63497,501,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000501_pre_disaster.png,pinery-bushfire_00000501_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000501_pre_disaster.png,0,0,3,1278,501,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000501_pre_disaster.png,portugal-wildfire_00000501_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000501_pre_disaster.png,0,0,7,2005,501,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000501_pre_disaster.png,nepal-flooding_00000501_pre_disaster,0,0,tier3\masks\nepal-flooding_00000501_pre_disaster.png,0,0,32,29073,501,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000502_pre_disaster.png,nepal-flooding_00000502_pre_disaster,0,0,tier3\masks\nepal-flooding_00000502_pre_disaster.png,0,0,0,0,502,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000502_pre_disaster.png,portugal-wildfire_00000502_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000502_pre_disaster.png,0,0,0,0,502,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000502_pre_disaster.png,hurricane-harvey_00000502_pre_disaster,0,0,train\masks\hurricane-harvey_00000502_pre_disaster.png,0,0,189,222159,502,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000502_pre_disaster.png,socal-fire_00000502_pre_disaster,0,0,train\masks\socal-fire_00000502_pre_disaster.png,0,0,0,0,502,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000502_pre_disaster.png,woolsey-fire_00000502_pre_disaster,0,0,tier3\masks\woolsey-fire_00000502_pre_disaster.png,0,0,0,0,502,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000502_pre_disaster.png,hurricane-michael_00000502_pre_disaster,0,0,train\masks\hurricane-michael_00000502_pre_disaster.png,0,0,8,174945,502,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000502_pre_disaster.png,pinery-bushfire_00000502_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000502_pre_disaster.png,0,0,0,0,502,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000503_pre_disaster.png,nepal-flooding_00000503_pre_disaster,0,0,tier3\masks\nepal-flooding_00000503_pre_disaster.png,0,0,19,11815,503,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000503_pre_disaster.png,hurricane-florence_00000503_pre_disaster,0,0,train\masks\hurricane-florence_00000503_pre_disaster.png,0,0,1,1592,503,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000503_pre_disaster.png,pinery-bushfire_00000503_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000503_pre_disaster.png,0,0,0,0,503,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000503_pre_disaster.png,socal-fire_00000503_pre_disaster,0,0,train\masks\socal-fire_00000503_pre_disaster.png,0,0,3,2729,503,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000503_pre_disaster.png,portugal-wildfire_00000503_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000503_pre_disaster.png,0,0,0,0,503,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000503_pre_disaster.png,woolsey-fire_00000503_pre_disaster,0,0,tier3\masks\woolsey-fire_00000503_pre_disaster.png,0,0,0,0,503,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000504_pre_disaster.png,hurricane-florence_00000504_pre_disaster,0,0,train\masks\hurricane-florence_00000504_pre_disaster.png,0,0,1,1781,504,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000504_pre_disaster.png,hurricane-michael_00000504_pre_disaster,0,0,train\masks\hurricane-michael_00000504_pre_disaster.png,0,0,14,112772,504,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000504_pre_disaster.png,pinery-bushfire_00000504_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000504_pre_disaster.png,0,0,0,0,504,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000504_pre_disaster.png,woolsey-fire_00000504_pre_disaster,0,0,tier3\masks\woolsey-fire_00000504_pre_disaster.png,0,0,4,4874,504,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000504_pre_disaster.png,portugal-wildfire_00000504_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000504_pre_disaster.png,0,0,7,5327,504,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000504_pre_disaster.png,nepal-flooding_00000504_pre_disaster,0,0,tier3\masks\nepal-flooding_00000504_pre_disaster.png,0,0,89,106519,504,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000505_pre_disaster.png,hurricane-michael_00000505_pre_disaster,0,0,train\masks\hurricane-michael_00000505_pre_disaster.png,0,0,66,151537,505,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000505_pre_disaster.png,hurricane-harvey_00000505_pre_disaster,0,0,train\masks\hurricane-harvey_00000505_pre_disaster.png,0,0,50,103116,505,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000505_pre_disaster.png,socal-fire_00000505_pre_disaster,0,0,train\masks\socal-fire_00000505_pre_disaster.png,0,0,11,3510,505,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000505_pre_disaster.png,nepal-flooding_00000505_pre_disaster,0,0,tier3\masks\nepal-flooding_00000505_pre_disaster.png,0,0,9,8007,505,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000505_pre_disaster.png,woolsey-fire_00000505_pre_disaster,0,0,tier3\masks\woolsey-fire_00000505_pre_disaster.png,0,0,7,12363,505,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000505_pre_disaster.png,pinery-bushfire_00000505_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000505_pre_disaster.png,0,0,0,0,505,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000505_pre_disaster.png,portugal-wildfire_00000505_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000505_pre_disaster.png,0,0,0,0,505,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000506_pre_disaster.png,hurricane-harvey_00000506_pre_disaster,0,0,train\masks\hurricane-harvey_00000506_pre_disaster.png,0,0,81,103303,506,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000506_pre_disaster.png,pinery-bushfire_00000506_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000506_pre_disaster.png,0,0,0,0,506,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000506_pre_disaster.png,portugal-wildfire_00000506_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000506_pre_disaster.png,0,0,0,0,506,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000506_pre_disaster.png,hurricane-florence_00000506_pre_disaster,0,0,train\masks\hurricane-florence_00000506_pre_disaster.png,0,0,8,11168,506,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000506_pre_disaster.png,nepal-flooding_00000506_pre_disaster,0,0,tier3\masks\nepal-flooding_00000506_pre_disaster.png,0,0,3,867,506,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000506_pre_disaster.png,woolsey-fire_00000506_pre_disaster,0,0,tier3\masks\woolsey-fire_00000506_pre_disaster.png,0,0,0,0,506,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000507_pre_disaster.png,pinery-bushfire_00000507_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000507_pre_disaster.png,0,0,0,0,507,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000507_pre_disaster.png,socal-fire_00000507_pre_disaster,0,0,train\masks\socal-fire_00000507_pre_disaster.png,0,0,45,100097,507,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000507_pre_disaster.png,nepal-flooding_00000507_pre_disaster,0,0,tier3\masks\nepal-flooding_00000507_pre_disaster.png,0,0,27,11078,507,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000507_pre_disaster.png,hurricane-harvey_00000507_pre_disaster,0,0,train\masks\hurricane-harvey_00000507_pre_disaster.png,0,0,118,254251,507,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000507_pre_disaster.png,woolsey-fire_00000507_pre_disaster,0,0,tier3\masks\woolsey-fire_00000507_pre_disaster.png,0,0,0,0,507,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000507_pre_disaster.png,portugal-wildfire_00000507_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000507_pre_disaster.png,0,0,15,14678,507,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000508_pre_disaster.png,portugal-wildfire_00000508_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000508_pre_disaster.png,0,0,0,0,508,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000508_pre_disaster.png,woolsey-fire_00000508_pre_disaster,0,0,tier3\masks\woolsey-fire_00000508_pre_disaster.png,0,0,0,0,508,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000508_pre_disaster.png,pinery-bushfire_00000508_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000508_pre_disaster.png,0,0,0,0,508,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000508_pre_disaster.png,hurricane-harvey_00000508_pre_disaster,0,0,train\masks\hurricane-harvey_00000508_pre_disaster.png,0,0,182,245679,508,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000508_pre_disaster.png,socal-fire_00000508_pre_disaster,0,0,train\masks\socal-fire_00000508_pre_disaster.png,0,0,0,0,508,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000508_pre_disaster.png,hurricane-florence_00000508_pre_disaster,0,0,train\masks\hurricane-florence_00000508_pre_disaster.png,0,0,12,67230,508,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000508_pre_disaster.png,nepal-flooding_00000508_pre_disaster,0,0,tier3\masks\nepal-flooding_00000508_pre_disaster.png,0,0,51,34544,508,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000509_pre_disaster.png,nepal-flooding_00000509_pre_disaster,0,0,tier3\masks\nepal-flooding_00000509_pre_disaster.png,0,0,55,51142,509,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000509_pre_disaster.png,pinery-bushfire_00000509_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000509_pre_disaster.png,0,0,0,0,509,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000509_pre_disaster.png,hurricane-harvey_00000509_pre_disaster,0,0,train\masks\hurricane-harvey_00000509_pre_disaster.png,0,0,145,233928,509,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000509_pre_disaster.png,hurricane-michael_00000509_pre_disaster,0,0,train\masks\hurricane-michael_00000509_pre_disaster.png,0,0,121,80817,509,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000509_pre_disaster.png,woolsey-fire_00000509_pre_disaster,0,0,tier3\masks\woolsey-fire_00000509_pre_disaster.png,0,0,0,0,509,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000509_pre_disaster.png,portugal-wildfire_00000509_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000509_pre_disaster.png,0,0,0,0,509,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000510_pre_disaster.png,socal-fire_00000510_pre_disaster,0,0,train\masks\socal-fire_00000510_pre_disaster.png,0,0,8,3388,510,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000510_pre_disaster.png,hurricane-florence_00000510_pre_disaster,0,0,train\masks\hurricane-florence_00000510_pre_disaster.png,0,0,28,19479,510,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000510_pre_disaster.png,nepal-flooding_00000510_pre_disaster,0,0,tier3\masks\nepal-flooding_00000510_pre_disaster.png,0,0,33,23541,510,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000510_pre_disaster.png,woolsey-fire_00000510_pre_disaster,0,0,tier3\masks\woolsey-fire_00000510_pre_disaster.png,0,0,0,0,510,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000510_pre_disaster.png,pinery-bushfire_00000510_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000510_pre_disaster.png,0,0,0,0,510,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000510_pre_disaster.png,portugal-wildfire_00000510_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000510_pre_disaster.png,0,0,0,0,510,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000511_pre_disaster.png,hurricane-michael_00000511_pre_disaster,0,0,train\masks\hurricane-michael_00000511_pre_disaster.png,0,0,155,136999,511,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000511_pre_disaster.png,woolsey-fire_00000511_pre_disaster,0,0,tier3\masks\woolsey-fire_00000511_pre_disaster.png,0,0,0,0,511,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000511_pre_disaster.png,portugal-wildfire_00000511_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000511_pre_disaster.png,0,0,22,11103,511,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000511_pre_disaster.png,socal-fire_00000511_pre_disaster,0,0,train\masks\socal-fire_00000511_pre_disaster.png,0,0,0,0,511,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000511_pre_disaster.png,pinery-bushfire_00000511_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000511_pre_disaster.png,0,0,0,0,511,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000511_pre_disaster.png,hurricane-harvey_00000511_pre_disaster,0,0,train\masks\hurricane-harvey_00000511_pre_disaster.png,0,0,14,8717,511,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000511_pre_disaster.png,nepal-flooding_00000511_pre_disaster,0,0,tier3\masks\nepal-flooding_00000511_pre_disaster.png,0,0,46,30911,511,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000512_pre_disaster.png,hurricane-florence_00000512_pre_disaster,0,0,train\masks\hurricane-florence_00000512_pre_disaster.png,0,0,6,4326,512,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000512_pre_disaster.png,hurricane-harvey_00000512_pre_disaster,0,0,train\masks\hurricane-harvey_00000512_pre_disaster.png,0,0,10,84156,512,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000512_pre_disaster.png,hurricane-michael_00000512_pre_disaster,0,0,train\masks\hurricane-michael_00000512_pre_disaster.png,0,0,127,114141,512,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000512_pre_disaster.png,pinery-bushfire_00000512_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000512_pre_disaster.png,0,0,0,0,512,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000512_pre_disaster.png,portugal-wildfire_00000512_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000512_pre_disaster.png,0,0,0,0,512,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000512_pre_disaster.png,woolsey-fire_00000512_pre_disaster,0,0,tier3\masks\woolsey-fire_00000512_pre_disaster.png,0,0,0,0,512,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000512_pre_disaster.png,nepal-flooding_00000512_pre_disaster,0,0,tier3\masks\nepal-flooding_00000512_pre_disaster.png,0,0,17,8578,512,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000513_pre_disaster.png,hurricane-florence_00000513_pre_disaster,0,0,train\masks\hurricane-florence_00000513_pre_disaster.png,0,0,4,4368,513,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000513_pre_disaster.png,portugal-wildfire_00000513_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000513_pre_disaster.png,0,0,6,4351,513,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000513_pre_disaster.png,woolsey-fire_00000513_pre_disaster,0,0,tier3\masks\woolsey-fire_00000513_pre_disaster.png,0,0,0,0,513,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000513_pre_disaster.png,nepal-flooding_00000513_pre_disaster,0,0,tier3\masks\nepal-flooding_00000513_pre_disaster.png,0,0,38,25410,513,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000513_pre_disaster.png,pinery-bushfire_00000513_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000513_pre_disaster.png,0,0,0,0,513,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000514_pre_disaster.png,portugal-wildfire_00000514_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000514_pre_disaster.png,0,0,18,16110,514,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000514_pre_disaster.png,woolsey-fire_00000514_pre_disaster,0,0,tier3\masks\woolsey-fire_00000514_pre_disaster.png,0,0,2,1288,514,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000514_pre_disaster.png,hurricane-florence_00000514_pre_disaster,0,0,train\masks\hurricane-florence_00000514_pre_disaster.png,0,0,3,1903,514,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000514_pre_disaster.png,nepal-flooding_00000514_pre_disaster,0,0,tier3\masks\nepal-flooding_00000514_pre_disaster.png,0,0,101,101450,514,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000514_pre_disaster.png,hurricane-harvey_00000514_pre_disaster,0,0,train\masks\hurricane-harvey_00000514_pre_disaster.png,0,0,29,84541,514,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000514_pre_disaster.png,hurricane-michael_00000514_pre_disaster,0,0,train\masks\hurricane-michael_00000514_pre_disaster.png,0,0,29,35535,514,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000514_pre_disaster.png,socal-fire_00000514_pre_disaster,0,0,train\masks\socal-fire_00000514_pre_disaster.png,0,0,41,59900,514,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000514_pre_disaster.png,pinery-bushfire_00000514_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000514_pre_disaster.png,0,0,0,0,514,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000515_pre_disaster.png,portugal-wildfire_00000515_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000515_pre_disaster.png,0,0,0,0,515,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000515_pre_disaster.png,woolsey-fire_00000515_pre_disaster,0,0,tier3\masks\woolsey-fire_00000515_pre_disaster.png,0,0,0,0,515,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000515_pre_disaster.png,pinery-bushfire_00000515_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000515_pre_disaster.png,0,0,7,8736,515,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000515_pre_disaster.png,hurricane-michael_00000515_pre_disaster,0,0,train\masks\hurricane-michael_00000515_pre_disaster.png,0,0,155,156590,515,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000515_pre_disaster.png,hurricane-florence_00000515_pre_disaster,0,0,train\masks\hurricane-florence_00000515_pre_disaster.png,0,0,10,19983,515,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000515_pre_disaster.png,nepal-flooding_00000515_pre_disaster,0,0,tier3\masks\nepal-flooding_00000515_pre_disaster.png,0,0,13,12424,515,0 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000515_pre_disaster.png,hurricane-harvey_00000515_pre_disaster,0,0,train\masks\hurricane-harvey_00000515_pre_disaster.png,0,0,29,70939,515,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000515_pre_disaster.png,socal-fire_00000515_pre_disaster,0,0,train\masks\socal-fire_00000515_pre_disaster.png,0,0,3,30067,515,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000516_pre_disaster.png,socal-fire_00000516_pre_disaster,0,0,train\masks\socal-fire_00000516_pre_disaster.png,0,0,9,2209,516,0 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000516_pre_disaster.png,hurricane-florence_00000516_pre_disaster,0,0,train\masks\hurricane-florence_00000516_pre_disaster.png,0,0,20,7289,516,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000516_pre_disaster.png,pinery-bushfire_00000516_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000516_pre_disaster.png,0,0,0,0,516,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000516_pre_disaster.png,nepal-flooding_00000516_pre_disaster,0,0,tier3\masks\nepal-flooding_00000516_pre_disaster.png,0,0,111,119050,516,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000516_pre_disaster.png,portugal-wildfire_00000516_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000516_pre_disaster.png,0,0,52,42322,516,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000516_pre_disaster.png,woolsey-fire_00000516_pre_disaster,0,0,tier3\masks\woolsey-fire_00000516_pre_disaster.png,0,0,0,0,516,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000516_pre_disaster.png,hurricane-michael_00000516_pre_disaster,0,0,train\masks\hurricane-michael_00000516_pre_disaster.png,0,0,80,142589,516,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000517_pre_disaster.png,hurricane-florence_00000517_pre_disaster,0,0,train\masks\hurricane-florence_00000517_pre_disaster.png,0,0,17,25274,517,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000517_pre_disaster.png,portugal-wildfire_00000517_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000517_pre_disaster.png,0,0,0,0,517,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000517_pre_disaster.png,hurricane-michael_00000517_pre_disaster,0,0,train\masks\hurricane-michael_00000517_pre_disaster.png,0,0,156,177602,517,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000517_pre_disaster.png,nepal-flooding_00000517_pre_disaster,0,0,tier3\masks\nepal-flooding_00000517_pre_disaster.png,0,0,8,7214,517,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000517_pre_disaster.png,socal-fire_00000517_pre_disaster,0,0,train\masks\socal-fire_00000517_pre_disaster.png,0,0,2,178,517,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000517_pre_disaster.png,pinery-bushfire_00000517_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000517_pre_disaster.png,0,0,5,1708,517,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000517_pre_disaster.png,woolsey-fire_00000517_pre_disaster,0,0,tier3\masks\woolsey-fire_00000517_pre_disaster.png,0,0,4,3445,517,3 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000517_pre_disaster.png,hurricane-harvey_00000517_pre_disaster,0,0,train\masks\hurricane-harvey_00000517_pre_disaster.png,0,0,6,13805,517,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000518_pre_disaster.png,woolsey-fire_00000518_pre_disaster,0,0,tier3\masks\woolsey-fire_00000518_pre_disaster.png,0,0,22,13108,518,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000518_pre_disaster.png,nepal-flooding_00000518_pre_disaster,0,0,tier3\masks\nepal-flooding_00000518_pre_disaster.png,0,0,3,1349,518,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000518_pre_disaster.png,pinery-bushfire_00000518_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000518_pre_disaster.png,0,0,0,0,518,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000518_pre_disaster.png,portugal-wildfire_00000518_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000518_pre_disaster.png,0,0,31,48076,518,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000519_pre_disaster.png,hurricane-michael_00000519_pre_disaster,0,0,train\masks\hurricane-michael_00000519_pre_disaster.png,0,0,161,148364,519,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000519_pre_disaster.png,socal-fire_00000519_pre_disaster,0,0,train\masks\socal-fire_00000519_pre_disaster.png,0,0,0,0,519,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000519_pre_disaster.png,pinery-bushfire_00000519_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000519_pre_disaster.png,0,0,3,4696,519,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000519_pre_disaster.png,nepal-flooding_00000519_pre_disaster,0,0,tier3\masks\nepal-flooding_00000519_pre_disaster.png,0,0,29,15515,519,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000519_pre_disaster.png,woolsey-fire_00000519_pre_disaster,0,0,tier3\masks\woolsey-fire_00000519_pre_disaster.png,0,0,0,0,519,1 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000519_pre_disaster.png,hurricane-harvey_00000519_pre_disaster,0,0,train\masks\hurricane-harvey_00000519_pre_disaster.png,0,0,10,159593,519,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000519_pre_disaster.png,portugal-wildfire_00000519_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000519_pre_disaster.png,0,0,20,15604,519,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000520_pre_disaster.png,hurricane-harvey_00000520_pre_disaster,0,0,train\masks\hurricane-harvey_00000520_pre_disaster.png,0,0,1,1395,520,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000520_pre_disaster.png,woolsey-fire_00000520_pre_disaster,0,0,tier3\masks\woolsey-fire_00000520_pre_disaster.png,0,0,0,0,520,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000520_pre_disaster.png,socal-fire_00000520_pre_disaster,0,0,train\masks\socal-fire_00000520_pre_disaster.png,0,0,0,0,520,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000520_pre_disaster.png,portugal-wildfire_00000520_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000520_pre_disaster.png,0,0,0,0,520,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000520_pre_disaster.png,pinery-bushfire_00000520_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000520_pre_disaster.png,0,0,0,0,520,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000520_pre_disaster.png,nepal-flooding_00000520_pre_disaster,0,0,tier3\masks\nepal-flooding_00000520_pre_disaster.png,0,0,7,4524,520,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000521_pre_disaster.png,socal-fire_00000521_pre_disaster,0,0,train\masks\socal-fire_00000521_pre_disaster.png,0,0,9,1180,521,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000521_pre_disaster.png,pinery-bushfire_00000521_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000521_pre_disaster.png,0,0,0,0,521,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000521_pre_disaster.png,woolsey-fire_00000521_pre_disaster,0,0,tier3\masks\woolsey-fire_00000521_pre_disaster.png,0,0,0,0,521,4 +0,0,hurricane-harvey,pre,train,train\images\hurricane-harvey_00000521_pre_disaster.png,hurricane-harvey_00000521_pre_disaster,0,0,train\masks\hurricane-harvey_00000521_pre_disaster.png,0,0,22,21455,521,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000521_pre_disaster.png,portugal-wildfire_00000521_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000521_pre_disaster.png,0,0,11,9305,521,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000521_pre_disaster.png,hurricane-michael_00000521_pre_disaster,0,0,train\masks\hurricane-michael_00000521_pre_disaster.png,0,0,196,256192,521,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000521_pre_disaster.png,nepal-flooding_00000521_pre_disaster,0,0,tier3\masks\nepal-flooding_00000521_pre_disaster.png,0,0,2,479,521,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000522_pre_disaster.png,pinery-bushfire_00000522_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000522_pre_disaster.png,0,0,0,0,522,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000522_pre_disaster.png,hurricane-florence_00000522_pre_disaster,0,0,train\masks\hurricane-florence_00000522_pre_disaster.png,0,0,18,26071,522,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000522_pre_disaster.png,socal-fire_00000522_pre_disaster,0,0,train\masks\socal-fire_00000522_pre_disaster.png,0,0,2,382,522,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000522_pre_disaster.png,hurricane-michael_00000522_pre_disaster,0,0,train\masks\hurricane-michael_00000522_pre_disaster.png,0,0,12,26967,522,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000522_pre_disaster.png,portugal-wildfire_00000522_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000522_pre_disaster.png,0,0,40,19264,522,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000522_pre_disaster.png,woolsey-fire_00000522_pre_disaster,0,0,tier3\masks\woolsey-fire_00000522_pre_disaster.png,0,0,7,1905,522,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000522_pre_disaster.png,nepal-flooding_00000522_pre_disaster,0,0,tier3\masks\nepal-flooding_00000522_pre_disaster.png,0,0,31,18923,522,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000523_pre_disaster.png,hurricane-michael_00000523_pre_disaster,0,0,train\masks\hurricane-michael_00000523_pre_disaster.png,0,0,196,149071,523,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000523_pre_disaster.png,pinery-bushfire_00000523_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000523_pre_disaster.png,0,0,6,1830,523,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000523_pre_disaster.png,woolsey-fire_00000523_pre_disaster,0,0,tier3\masks\woolsey-fire_00000523_pre_disaster.png,0,0,0,0,523,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000523_pre_disaster.png,nepal-flooding_00000523_pre_disaster,0,0,tier3\masks\nepal-flooding_00000523_pre_disaster.png,0,0,10,5609,523,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000523_pre_disaster.png,portugal-wildfire_00000523_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000523_pre_disaster.png,0,0,0,0,523,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000523_pre_disaster.png,hurricane-florence_00000523_pre_disaster,0,0,train\masks\hurricane-florence_00000523_pre_disaster.png,0,0,1,10604,523,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000524_pre_disaster.png,woolsey-fire_00000524_pre_disaster,0,0,tier3\masks\woolsey-fire_00000524_pre_disaster.png,0,0,0,0,524,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000524_pre_disaster.png,portugal-wildfire_00000524_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000524_pre_disaster.png,0,0,0,0,524,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000524_pre_disaster.png,pinery-bushfire_00000524_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000524_pre_disaster.png,0,0,0,0,524,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000524_pre_disaster.png,nepal-flooding_00000524_pre_disaster,0,0,tier3\masks\nepal-flooding_00000524_pre_disaster.png,0,0,0,0,524,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000524_pre_disaster.png,hurricane-michael_00000524_pre_disaster,0,0,train\masks\hurricane-michael_00000524_pre_disaster.png,0,0,161,168027,524,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000525_pre_disaster.png,nepal-flooding_00000525_pre_disaster,0,0,tier3\masks\nepal-flooding_00000525_pre_disaster.png,0,0,173,179411,525,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000525_pre_disaster.png,socal-fire_00000525_pre_disaster,0,0,train\masks\socal-fire_00000525_pre_disaster.png,0,0,38,97544,525,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000525_pre_disaster.png,portugal-wildfire_00000525_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000525_pre_disaster.png,0,0,0,0,525,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000525_pre_disaster.png,woolsey-fire_00000525_pre_disaster,0,0,tier3\masks\woolsey-fire_00000525_pre_disaster.png,0,0,0,0,525,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000525_pre_disaster.png,pinery-bushfire_00000525_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000525_pre_disaster.png,0,0,0,0,525,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000526_pre_disaster.png,woolsey-fire_00000526_pre_disaster,0,0,tier3\masks\woolsey-fire_00000526_pre_disaster.png,0,0,3,1943,526,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000526_pre_disaster.png,pinery-bushfire_00000526_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000526_pre_disaster.png,0,0,0,0,526,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000526_pre_disaster.png,nepal-flooding_00000526_pre_disaster,0,0,tier3\masks\nepal-flooding_00000526_pre_disaster.png,0,0,25,26282,526,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000526_pre_disaster.png,portugal-wildfire_00000526_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000526_pre_disaster.png,0,0,3,6219,526,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000526_pre_disaster.png,hurricane-florence_00000526_pre_disaster,0,0,train\masks\hurricane-florence_00000526_pre_disaster.png,0,0,1,2170,526,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000527_pre_disaster.png,nepal-flooding_00000527_pre_disaster,0,0,tier3\masks\nepal-flooding_00000527_pre_disaster.png,0,0,93,129074,527,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000527_pre_disaster.png,woolsey-fire_00000527_pre_disaster,0,0,tier3\masks\woolsey-fire_00000527_pre_disaster.png,0,0,0,0,527,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000527_pre_disaster.png,hurricane-florence_00000527_pre_disaster,0,0,train\masks\hurricane-florence_00000527_pre_disaster.png,0,0,12,14628,527,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000527_pre_disaster.png,hurricane-michael_00000527_pre_disaster,0,0,train\masks\hurricane-michael_00000527_pre_disaster.png,0,0,155,228986,527,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000527_pre_disaster.png,portugal-wildfire_00000527_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000527_pre_disaster.png,0,0,0,0,527,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000527_pre_disaster.png,pinery-bushfire_00000527_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000527_pre_disaster.png,0,0,0,0,527,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000528_pre_disaster.png,hurricane-michael_00000528_pre_disaster,0,0,train\masks\hurricane-michael_00000528_pre_disaster.png,0,0,119,176515,528,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000528_pre_disaster.png,pinery-bushfire_00000528_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000528_pre_disaster.png,0,0,0,0,528,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000528_pre_disaster.png,portugal-wildfire_00000528_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000528_pre_disaster.png,0,0,2,448,528,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000528_pre_disaster.png,nepal-flooding_00000528_pre_disaster,0,0,tier3\masks\nepal-flooding_00000528_pre_disaster.png,0,0,4,3227,528,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000528_pre_disaster.png,woolsey-fire_00000528_pre_disaster,0,0,tier3\masks\woolsey-fire_00000528_pre_disaster.png,0,0,0,0,528,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000528_pre_disaster.png,socal-fire_00000528_pre_disaster,0,0,train\masks\socal-fire_00000528_pre_disaster.png,0,0,0,0,528,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000529_pre_disaster.png,hurricane-michael_00000529_pre_disaster,0,0,train\masks\hurricane-michael_00000529_pre_disaster.png,0,0,45,66369,529,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000529_pre_disaster.png,woolsey-fire_00000529_pre_disaster,0,0,tier3\masks\woolsey-fire_00000529_pre_disaster.png,0,0,6,1770,529,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000529_pre_disaster.png,nepal-flooding_00000529_pre_disaster,0,0,tier3\masks\nepal-flooding_00000529_pre_disaster.png,0,0,1,524,529,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000529_pre_disaster.png,socal-fire_00000529_pre_disaster,0,0,train\masks\socal-fire_00000529_pre_disaster.png,0,0,0,0,529,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000529_pre_disaster.png,pinery-bushfire_00000529_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000529_pre_disaster.png,0,0,0,0,529,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000529_pre_disaster.png,hurricane-florence_00000529_pre_disaster,0,0,train\masks\hurricane-florence_00000529_pre_disaster.png,0,0,19,17704,529,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000529_pre_disaster.png,portugal-wildfire_00000529_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000529_pre_disaster.png,0,0,0,0,529,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000530_pre_disaster.png,portugal-wildfire_00000530_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000530_pre_disaster.png,0,0,0,0,530,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000530_pre_disaster.png,hurricane-michael_00000530_pre_disaster,0,0,train\masks\hurricane-michael_00000530_pre_disaster.png,0,0,1,16423,530,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000530_pre_disaster.png,nepal-flooding_00000530_pre_disaster,0,0,tier3\masks\nepal-flooding_00000530_pre_disaster.png,0,0,60,64757,530,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000530_pre_disaster.png,pinery-bushfire_00000530_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000530_pre_disaster.png,0,0,0,0,530,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000530_pre_disaster.png,socal-fire_00000530_pre_disaster,0,0,train\masks\socal-fire_00000530_pre_disaster.png,0,0,172,250482,530,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000530_pre_disaster.png,woolsey-fire_00000530_pre_disaster,0,0,tier3\masks\woolsey-fire_00000530_pre_disaster.png,0,0,0,0,530,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000531_pre_disaster.png,pinery-bushfire_00000531_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000531_pre_disaster.png,0,0,0,0,531,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000531_pre_disaster.png,socal-fire_00000531_pre_disaster,0,0,train\masks\socal-fire_00000531_pre_disaster.png,0,0,16,4731,531,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000531_pre_disaster.png,nepal-flooding_00000531_pre_disaster,0,0,tier3\masks\nepal-flooding_00000531_pre_disaster.png,0,0,244,215516,531,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000531_pre_disaster.png,hurricane-florence_00000531_pre_disaster,0,0,train\masks\hurricane-florence_00000531_pre_disaster.png,0,0,2,4199,531,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000531_pre_disaster.png,woolsey-fire_00000531_pre_disaster,0,0,tier3\masks\woolsey-fire_00000531_pre_disaster.png,0,0,0,0,531,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000531_pre_disaster.png,portugal-wildfire_00000531_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000531_pre_disaster.png,0,0,17,6267,531,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000532_pre_disaster.png,nepal-flooding_00000532_pre_disaster,0,0,tier3\masks\nepal-flooding_00000532_pre_disaster.png,0,0,1,43,532,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000532_pre_disaster.png,pinery-bushfire_00000532_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000532_pre_disaster.png,0,0,0,0,532,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000532_pre_disaster.png,woolsey-fire_00000532_pre_disaster,0,0,tier3\masks\woolsey-fire_00000532_pre_disaster.png,0,0,10,2364,532,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000532_pre_disaster.png,portugal-wildfire_00000532_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000532_pre_disaster.png,0,0,1,167,532,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000533_pre_disaster.png,hurricane-florence_00000533_pre_disaster,0,0,train\masks\hurricane-florence_00000533_pre_disaster.png,0,0,2,1327,533,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000533_pre_disaster.png,nepal-flooding_00000533_pre_disaster,0,0,tier3\masks\nepal-flooding_00000533_pre_disaster.png,0,0,41,34050,533,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000533_pre_disaster.png,woolsey-fire_00000533_pre_disaster,0,0,tier3\masks\woolsey-fire_00000533_pre_disaster.png,0,0,0,0,533,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000533_pre_disaster.png,socal-fire_00000533_pre_disaster,0,0,train\masks\socal-fire_00000533_pre_disaster.png,0,0,0,0,533,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000533_pre_disaster.png,portugal-wildfire_00000533_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000533_pre_disaster.png,0,0,37,25405,533,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000533_pre_disaster.png,pinery-bushfire_00000533_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000533_pre_disaster.png,0,0,0,0,533,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000534_pre_disaster.png,socal-fire_00000534_pre_disaster,0,0,train\masks\socal-fire_00000534_pre_disaster.png,0,0,0,0,534,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000534_pre_disaster.png,pinery-bushfire_00000534_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000534_pre_disaster.png,0,0,0,0,534,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000534_pre_disaster.png,portugal-wildfire_00000534_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000534_pre_disaster.png,0,0,1,369,534,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000534_pre_disaster.png,woolsey-fire_00000534_pre_disaster,0,0,tier3\masks\woolsey-fire_00000534_pre_disaster.png,0,0,0,0,534,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000534_pre_disaster.png,nepal-flooding_00000534_pre_disaster,0,0,tier3\masks\nepal-flooding_00000534_pre_disaster.png,0,0,12,8246,534,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000535_pre_disaster.png,woolsey-fire_00000535_pre_disaster,0,0,tier3\masks\woolsey-fire_00000535_pre_disaster.png,0,0,1,9162,535,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000535_pre_disaster.png,portugal-wildfire_00000535_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000535_pre_disaster.png,0,0,67,62895,535,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000535_pre_disaster.png,hurricane-michael_00000535_pre_disaster,0,0,train\masks\hurricane-michael_00000535_pre_disaster.png,0,0,30,101060,535,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000535_pre_disaster.png,pinery-bushfire_00000535_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000535_pre_disaster.png,0,0,16,13232,535,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000535_pre_disaster.png,nepal-flooding_00000535_pre_disaster,0,0,tier3\masks\nepal-flooding_00000535_pre_disaster.png,0,0,31,32470,535,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000535_pre_disaster.png,socal-fire_00000535_pre_disaster,0,0,train\masks\socal-fire_00000535_pre_disaster.png,0,0,0,0,535,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000536_pre_disaster.png,portugal-wildfire_00000536_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000536_pre_disaster.png,0,0,0,0,536,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000536_pre_disaster.png,hurricane-florence_00000536_pre_disaster,0,0,train\masks\hurricane-florence_00000536_pre_disaster.png,0,0,4,11991,536,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000536_pre_disaster.png,socal-fire_00000536_pre_disaster,0,0,train\masks\socal-fire_00000536_pre_disaster.png,0,0,0,0,536,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000536_pre_disaster.png,pinery-bushfire_00000536_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000536_pre_disaster.png,0,0,0,0,536,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000536_pre_disaster.png,woolsey-fire_00000536_pre_disaster,0,0,tier3\masks\woolsey-fire_00000536_pre_disaster.png,0,0,0,0,536,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000536_pre_disaster.png,nepal-flooding_00000536_pre_disaster,0,0,tier3\masks\nepal-flooding_00000536_pre_disaster.png,0,0,12,13658,536,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000536_pre_disaster.png,hurricane-michael_00000536_pre_disaster,0,0,train\masks\hurricane-michael_00000536_pre_disaster.png,0,0,73,184625,536,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000537_pre_disaster.png,nepal-flooding_00000537_pre_disaster,0,0,tier3\masks\nepal-flooding_00000537_pre_disaster.png,0,0,45,57216,537,4 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000537_pre_disaster.png,hurricane-florence_00000537_pre_disaster,0,0,train\masks\hurricane-florence_00000537_pre_disaster.png,0,0,20,17213,537,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000537_pre_disaster.png,woolsey-fire_00000537_pre_disaster,0,0,tier3\masks\woolsey-fire_00000537_pre_disaster.png,0,0,0,0,537,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000537_pre_disaster.png,pinery-bushfire_00000537_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000537_pre_disaster.png,0,0,0,0,537,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000537_pre_disaster.png,hurricane-michael_00000537_pre_disaster,0,0,train\masks\hurricane-michael_00000537_pre_disaster.png,0,0,62,58399,537,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000537_pre_disaster.png,portugal-wildfire_00000537_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000537_pre_disaster.png,0,0,69,77598,537,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000537_pre_disaster.png,socal-fire_00000537_pre_disaster,0,0,train\masks\socal-fire_00000537_pre_disaster.png,0,0,0,0,537,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000538_pre_disaster.png,hurricane-michael_00000538_pre_disaster,0,0,train\masks\hurricane-michael_00000538_pre_disaster.png,0,0,3,10803,538,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000538_pre_disaster.png,woolsey-fire_00000538_pre_disaster,0,0,tier3\masks\woolsey-fire_00000538_pre_disaster.png,0,0,1,355,538,1 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000538_pre_disaster.png,hurricane-florence_00000538_pre_disaster,0,0,train\masks\hurricane-florence_00000538_pre_disaster.png,0,0,3,316,538,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000538_pre_disaster.png,portugal-wildfire_00000538_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000538_pre_disaster.png,0,0,4,4316,538,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000538_pre_disaster.png,socal-fire_00000538_pre_disaster,0,0,train\masks\socal-fire_00000538_pre_disaster.png,0,0,0,0,538,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000538_pre_disaster.png,pinery-bushfire_00000538_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000538_pre_disaster.png,0,0,0,0,538,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000538_pre_disaster.png,nepal-flooding_00000538_pre_disaster,0,0,tier3\masks\nepal-flooding_00000538_pre_disaster.png,0,0,8,3925,538,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000539_pre_disaster.png,pinery-bushfire_00000539_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000539_pre_disaster.png,0,0,1,105,539,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000539_pre_disaster.png,nepal-flooding_00000539_pre_disaster,0,0,tier3\masks\nepal-flooding_00000539_pre_disaster.png,0,0,0,0,539,1 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000539_pre_disaster.png,hurricane-michael_00000539_pre_disaster,0,0,train\masks\hurricane-michael_00000539_pre_disaster.png,0,0,30,76201,539,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000539_pre_disaster.png,woolsey-fire_00000539_pre_disaster,0,0,tier3\masks\woolsey-fire_00000539_pre_disaster.png,0,0,0,0,539,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000539_pre_disaster.png,portugal-wildfire_00000539_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000539_pre_disaster.png,0,0,31,40260,539,2 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000540_pre_disaster.png,hurricane-florence_00000540_pre_disaster,0,0,train\masks\hurricane-florence_00000540_pre_disaster.png,0,0,1,1046,540,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000540_pre_disaster.png,socal-fire_00000540_pre_disaster,0,0,train\masks\socal-fire_00000540_pre_disaster.png,0,0,0,0,540,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000540_pre_disaster.png,woolsey-fire_00000540_pre_disaster,0,0,tier3\masks\woolsey-fire_00000540_pre_disaster.png,0,0,5,4140,540,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000540_pre_disaster.png,portugal-wildfire_00000540_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000540_pre_disaster.png,0,0,0,0,540,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000540_pre_disaster.png,hurricane-michael_00000540_pre_disaster,0,0,train\masks\hurricane-michael_00000540_pre_disaster.png,0,0,69,81686,540,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000540_pre_disaster.png,pinery-bushfire_00000540_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000540_pre_disaster.png,0,0,0,0,540,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000540_pre_disaster.png,nepal-flooding_00000540_pre_disaster,0,0,tier3\masks\nepal-flooding_00000540_pre_disaster.png,0,0,9,7033,540,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000541_pre_disaster.png,portugal-wildfire_00000541_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000541_pre_disaster.png,0,0,0,0,541,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000541_pre_disaster.png,hurricane-michael_00000541_pre_disaster,0,0,train\masks\hurricane-michael_00000541_pre_disaster.png,0,0,7,17382,541,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000541_pre_disaster.png,nepal-flooding_00000541_pre_disaster,0,0,tier3\masks\nepal-flooding_00000541_pre_disaster.png,0,0,26,13718,541,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000541_pre_disaster.png,socal-fire_00000541_pre_disaster,0,0,train\masks\socal-fire_00000541_pre_disaster.png,0,0,22,31877,541,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000541_pre_disaster.png,pinery-bushfire_00000541_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000541_pre_disaster.png,0,0,8,4988,541,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000541_pre_disaster.png,woolsey-fire_00000541_pre_disaster,0,0,tier3\masks\woolsey-fire_00000541_pre_disaster.png,0,0,15,3629,541,4 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000542_pre_disaster.png,hurricane-michael_00000542_pre_disaster,0,0,train\masks\hurricane-michael_00000542_pre_disaster.png,0,0,39,35753,542,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000542_pre_disaster.png,pinery-bushfire_00000542_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000542_pre_disaster.png,0,0,5,2721,542,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000542_pre_disaster.png,woolsey-fire_00000542_pre_disaster,0,0,tier3\masks\woolsey-fire_00000542_pre_disaster.png,0,0,0,0,542,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000542_pre_disaster.png,portugal-wildfire_00000542_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000542_pre_disaster.png,0,0,0,0,542,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000542_pre_disaster.png,hurricane-florence_00000542_pre_disaster,0,0,train\masks\hurricane-florence_00000542_pre_disaster.png,0,0,0,0,542,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000542_pre_disaster.png,nepal-flooding_00000542_pre_disaster,0,0,tier3\masks\nepal-flooding_00000542_pre_disaster.png,0,0,0,0,542,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000543_pre_disaster.png,nepal-flooding_00000543_pre_disaster,0,0,tier3\masks\nepal-flooding_00000543_pre_disaster.png,0,0,25,38377,543,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000543_pre_disaster.png,woolsey-fire_00000543_pre_disaster,0,0,tier3\masks\woolsey-fire_00000543_pre_disaster.png,0,0,0,0,543,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000543_pre_disaster.png,hurricane-michael_00000543_pre_disaster,0,0,train\masks\hurricane-michael_00000543_pre_disaster.png,0,0,62,75305,543,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000543_pre_disaster.png,portugal-wildfire_00000543_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000543_pre_disaster.png,0,0,5,4728,543,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000543_pre_disaster.png,socal-fire_00000543_pre_disaster,0,0,train\masks\socal-fire_00000543_pre_disaster.png,0,0,0,0,543,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000543_pre_disaster.png,pinery-bushfire_00000543_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000543_pre_disaster.png,0,0,0,0,543,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000544_pre_disaster.png,woolsey-fire_00000544_pre_disaster,0,0,tier3\masks\woolsey-fire_00000544_pre_disaster.png,0,0,15,7282,544,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000544_pre_disaster.png,nepal-flooding_00000544_pre_disaster,0,0,tier3\masks\nepal-flooding_00000544_pre_disaster.png,0,0,22,16898,544,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000544_pre_disaster.png,pinery-bushfire_00000544_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000544_pre_disaster.png,0,0,0,0,544,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000544_pre_disaster.png,portugal-wildfire_00000544_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000544_pre_disaster.png,0,0,0,0,544,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000545_pre_disaster.png,woolsey-fire_00000545_pre_disaster,0,0,tier3\masks\woolsey-fire_00000545_pre_disaster.png,0,0,0,0,545,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000545_pre_disaster.png,socal-fire_00000545_pre_disaster,0,0,train\masks\socal-fire_00000545_pre_disaster.png,0,0,0,0,545,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000545_pre_disaster.png,portugal-wildfire_00000545_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000545_pre_disaster.png,0,0,0,0,545,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000545_pre_disaster.png,nepal-flooding_00000545_pre_disaster,0,0,tier3\masks\nepal-flooding_00000545_pre_disaster.png,0,0,3,631,545,3 +0,0,hurricane-florence,pre,train,train\images\hurricane-florence_00000545_pre_disaster.png,hurricane-florence_00000545_pre_disaster,0,0,train\masks\hurricane-florence_00000545_pre_disaster.png,0,0,22,17908,545,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000545_pre_disaster.png,pinery-bushfire_00000545_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000545_pre_disaster.png,0,0,0,0,545,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000546_pre_disaster.png,hurricane-michael_00000546_pre_disaster,0,0,train\masks\hurricane-michael_00000546_pre_disaster.png,0,0,72,113610,546,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000546_pre_disaster.png,pinery-bushfire_00000546_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000546_pre_disaster.png,0,0,0,0,546,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000546_pre_disaster.png,portugal-wildfire_00000546_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000546_pre_disaster.png,0,0,6,4047,546,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000546_pre_disaster.png,nepal-flooding_00000546_pre_disaster,0,0,tier3\masks\nepal-flooding_00000546_pre_disaster.png,0,0,53,54018,546,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000546_pre_disaster.png,woolsey-fire_00000546_pre_disaster,0,0,tier3\masks\woolsey-fire_00000546_pre_disaster.png,0,0,0,0,546,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000547_pre_disaster.png,woolsey-fire_00000547_pre_disaster,0,0,tier3\masks\woolsey-fire_00000547_pre_disaster.png,0,0,8,9529,547,0 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000547_pre_disaster.png,hurricane-michael_00000547_pre_disaster,0,0,train\masks\hurricane-michael_00000547_pre_disaster.png,0,0,19,18318,547,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000547_pre_disaster.png,nepal-flooding_00000547_pre_disaster,0,0,tier3\masks\nepal-flooding_00000547_pre_disaster.png,0,0,5,2190,547,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000547_pre_disaster.png,portugal-wildfire_00000547_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000547_pre_disaster.png,0,0,8,2045,547,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000547_pre_disaster.png,socal-fire_00000547_pre_disaster,0,0,train\masks\socal-fire_00000547_pre_disaster.png,0,0,0,0,547,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000547_pre_disaster.png,pinery-bushfire_00000547_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000547_pre_disaster.png,0,0,0,0,547,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000548_pre_disaster.png,woolsey-fire_00000548_pre_disaster,0,0,tier3\masks\woolsey-fire_00000548_pre_disaster.png,0,0,30,43496,548,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000548_pre_disaster.png,pinery-bushfire_00000548_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000548_pre_disaster.png,0,0,0,0,548,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000548_pre_disaster.png,portugal-wildfire_00000548_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000548_pre_disaster.png,0,0,0,0,548,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000548_pre_disaster.png,nepal-flooding_00000548_pre_disaster,0,0,tier3\masks\nepal-flooding_00000548_pre_disaster.png,0,0,84,60147,548,3 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000548_pre_disaster.png,hurricane-michael_00000548_pre_disaster,0,0,train\masks\hurricane-michael_00000548_pre_disaster.png,0,0,13,182208,548,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000549_pre_disaster.png,nepal-flooding_00000549_pre_disaster,0,0,tier3\masks\nepal-flooding_00000549_pre_disaster.png,0,0,1,457,549,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000549_pre_disaster.png,socal-fire_00000549_pre_disaster,0,0,train\masks\socal-fire_00000549_pre_disaster.png,0,0,27,30920,549,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000549_pre_disaster.png,portugal-wildfire_00000549_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000549_pre_disaster.png,0,0,0,0,549,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000549_pre_disaster.png,pinery-bushfire_00000549_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000549_pre_disaster.png,0,0,0,0,549,2 +0,0,hurricane-michael,pre,train,train\images\hurricane-michael_00000549_pre_disaster.png,hurricane-michael_00000549_pre_disaster,0,0,train\masks\hurricane-michael_00000549_pre_disaster.png,0,0,38,82851,549,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000549_pre_disaster.png,woolsey-fire_00000549_pre_disaster,0,0,tier3\masks\woolsey-fire_00000549_pre_disaster.png,0,0,0,0,549,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000550_pre_disaster.png,socal-fire_00000550_pre_disaster,0,0,train\masks\socal-fire_00000550_pre_disaster.png,0,0,0,0,550,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000550_pre_disaster.png,portugal-wildfire_00000550_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000550_pre_disaster.png,0,0,0,0,550,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000550_pre_disaster.png,nepal-flooding_00000550_pre_disaster,0,0,tier3\masks\nepal-flooding_00000550_pre_disaster.png,0,0,96,74145,550,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000550_pre_disaster.png,woolsey-fire_00000550_pre_disaster,0,0,tier3\masks\woolsey-fire_00000550_pre_disaster.png,0,0,4,50546,550,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000550_pre_disaster.png,pinery-bushfire_00000550_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000550_pre_disaster.png,0,0,0,0,550,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000551_pre_disaster.png,woolsey-fire_00000551_pre_disaster,0,0,tier3\masks\woolsey-fire_00000551_pre_disaster.png,0,0,0,0,551,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000551_pre_disaster.png,portugal-wildfire_00000551_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000551_pre_disaster.png,0,0,0,0,551,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000551_pre_disaster.png,nepal-flooding_00000551_pre_disaster,0,0,tier3\masks\nepal-flooding_00000551_pre_disaster.png,0,0,43,48114,551,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000551_pre_disaster.png,pinery-bushfire_00000551_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000551_pre_disaster.png,0,0,13,13308,551,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000552_pre_disaster.png,woolsey-fire_00000552_pre_disaster,0,0,tier3\masks\woolsey-fire_00000552_pre_disaster.png,0,0,5,1760,552,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000552_pre_disaster.png,pinery-bushfire_00000552_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000552_pre_disaster.png,0,0,0,0,552,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000552_pre_disaster.png,nepal-flooding_00000552_pre_disaster,0,0,tier3\masks\nepal-flooding_00000552_pre_disaster.png,0,0,17,12165,552,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000552_pre_disaster.png,socal-fire_00000552_pre_disaster,0,0,train\masks\socal-fire_00000552_pre_disaster.png,0,0,1,111,552,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000552_pre_disaster.png,portugal-wildfire_00000552_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000552_pre_disaster.png,0,0,11,10062,552,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000553_pre_disaster.png,socal-fire_00000553_pre_disaster,0,0,train\masks\socal-fire_00000553_pre_disaster.png,0,0,2,11724,553,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000553_pre_disaster.png,pinery-bushfire_00000553_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000553_pre_disaster.png,0,0,0,0,553,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000553_pre_disaster.png,woolsey-fire_00000553_pre_disaster,0,0,tier3\masks\woolsey-fire_00000553_pre_disaster.png,0,0,0,0,553,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000553_pre_disaster.png,nepal-flooding_00000553_pre_disaster,0,0,tier3\masks\nepal-flooding_00000553_pre_disaster.png,0,0,83,88473,553,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000553_pre_disaster.png,portugal-wildfire_00000553_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000553_pre_disaster.png,0,0,7,3609,553,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000554_pre_disaster.png,pinery-bushfire_00000554_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000554_pre_disaster.png,0,0,0,0,554,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000554_pre_disaster.png,socal-fire_00000554_pre_disaster,0,0,train\masks\socal-fire_00000554_pre_disaster.png,0,0,0,0,554,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000554_pre_disaster.png,nepal-flooding_00000554_pre_disaster,0,0,tier3\masks\nepal-flooding_00000554_pre_disaster.png,0,0,130,123499,554,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000554_pre_disaster.png,portugal-wildfire_00000554_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000554_pre_disaster.png,0,0,23,24755,554,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000554_pre_disaster.png,woolsey-fire_00000554_pre_disaster,0,0,tier3\masks\woolsey-fire_00000554_pre_disaster.png,0,0,28,38803,554,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000555_pre_disaster.png,pinery-bushfire_00000555_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000555_pre_disaster.png,0,0,0,0,555,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000555_pre_disaster.png,portugal-wildfire_00000555_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000555_pre_disaster.png,0,0,0,0,555,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000555_pre_disaster.png,nepal-flooding_00000555_pre_disaster,0,0,tier3\masks\nepal-flooding_00000555_pre_disaster.png,0,0,21,22610,555,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000555_pre_disaster.png,woolsey-fire_00000555_pre_disaster,0,0,tier3\masks\woolsey-fire_00000555_pre_disaster.png,0,0,21,9508,555,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000556_pre_disaster.png,nepal-flooding_00000556_pre_disaster,0,0,tier3\masks\nepal-flooding_00000556_pre_disaster.png,0,0,22,12443,556,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000556_pre_disaster.png,portugal-wildfire_00000556_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000556_pre_disaster.png,0,0,5,3472,556,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000556_pre_disaster.png,socal-fire_00000556_pre_disaster,0,0,train\masks\socal-fire_00000556_pre_disaster.png,0,0,4,6107,556,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000556_pre_disaster.png,woolsey-fire_00000556_pre_disaster,0,0,tier3\masks\woolsey-fire_00000556_pre_disaster.png,0,0,0,0,556,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000556_pre_disaster.png,pinery-bushfire_00000556_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000556_pre_disaster.png,0,0,0,0,556,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000557_pre_disaster.png,nepal-flooding_00000557_pre_disaster,0,0,tier3\masks\nepal-flooding_00000557_pre_disaster.png,0,0,18,13475,557,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000557_pre_disaster.png,pinery-bushfire_00000557_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000557_pre_disaster.png,0,0,0,0,557,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000557_pre_disaster.png,portugal-wildfire_00000557_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000557_pre_disaster.png,0,0,29,17238,557,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000557_pre_disaster.png,woolsey-fire_00000557_pre_disaster,0,0,tier3\masks\woolsey-fire_00000557_pre_disaster.png,0,0,22,29833,557,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000558_pre_disaster.png,nepal-flooding_00000558_pre_disaster,0,0,tier3\masks\nepal-flooding_00000558_pre_disaster.png,0,0,2,664,558,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000558_pre_disaster.png,portugal-wildfire_00000558_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000558_pre_disaster.png,0,0,0,0,558,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000558_pre_disaster.png,pinery-bushfire_00000558_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000558_pre_disaster.png,0,0,3,3887,558,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000558_pre_disaster.png,woolsey-fire_00000558_pre_disaster,0,0,tier3\masks\woolsey-fire_00000558_pre_disaster.png,0,0,7,5815,558,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000559_pre_disaster.png,pinery-bushfire_00000559_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000559_pre_disaster.png,0,0,17,18686,559,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000559_pre_disaster.png,nepal-flooding_00000559_pre_disaster,0,0,tier3\masks\nepal-flooding_00000559_pre_disaster.png,0,0,1,757,559,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000559_pre_disaster.png,portugal-wildfire_00000559_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000559_pre_disaster.png,0,0,0,0,559,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000559_pre_disaster.png,woolsey-fire_00000559_pre_disaster,0,0,tier3\masks\woolsey-fire_00000559_pre_disaster.png,0,0,0,0,559,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000560_pre_disaster.png,woolsey-fire_00000560_pre_disaster,0,0,tier3\masks\woolsey-fire_00000560_pre_disaster.png,0,0,21,6670,560,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000560_pre_disaster.png,pinery-bushfire_00000560_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000560_pre_disaster.png,0,0,0,0,560,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000560_pre_disaster.png,nepal-flooding_00000560_pre_disaster,0,0,tier3\masks\nepal-flooding_00000560_pre_disaster.png,0,0,66,74594,560,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000560_pre_disaster.png,portugal-wildfire_00000560_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000560_pre_disaster.png,0,0,0,0,560,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000560_pre_disaster.png,socal-fire_00000560_pre_disaster,0,0,train\masks\socal-fire_00000560_pre_disaster.png,0,0,0,0,560,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000561_pre_disaster.png,pinery-bushfire_00000561_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000561_pre_disaster.png,0,0,2,2930,561,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000561_pre_disaster.png,portugal-wildfire_00000561_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000561_pre_disaster.png,0,0,67,60280,561,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000561_pre_disaster.png,woolsey-fire_00000561_pre_disaster,0,0,tier3\masks\woolsey-fire_00000561_pre_disaster.png,0,0,0,0,561,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000561_pre_disaster.png,nepal-flooding_00000561_pre_disaster,0,0,tier3\masks\nepal-flooding_00000561_pre_disaster.png,0,0,5,1582,561,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000562_pre_disaster.png,nepal-flooding_00000562_pre_disaster,0,0,tier3\masks\nepal-flooding_00000562_pre_disaster.png,0,0,0,0,562,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000562_pre_disaster.png,portugal-wildfire_00000562_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000562_pre_disaster.png,0,0,0,0,562,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000562_pre_disaster.png,pinery-bushfire_00000562_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000562_pre_disaster.png,0,0,20,11827,562,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000562_pre_disaster.png,woolsey-fire_00000562_pre_disaster,0,0,tier3\masks\woolsey-fire_00000562_pre_disaster.png,0,0,16,5160,562,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000563_pre_disaster.png,woolsey-fire_00000563_pre_disaster,0,0,tier3\masks\woolsey-fire_00000563_pre_disaster.png,0,0,26,12471,563,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000563_pre_disaster.png,pinery-bushfire_00000563_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000563_pre_disaster.png,0,0,0,0,563,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000563_pre_disaster.png,portugal-wildfire_00000563_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000563_pre_disaster.png,0,0,39,29799,563,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000563_pre_disaster.png,nepal-flooding_00000563_pre_disaster,0,0,tier3\masks\nepal-flooding_00000563_pre_disaster.png,0,0,84,94205,563,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000563_pre_disaster.png,socal-fire_00000563_pre_disaster,0,0,train\masks\socal-fire_00000563_pre_disaster.png,0,0,0,0,563,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000564_pre_disaster.png,woolsey-fire_00000564_pre_disaster,0,0,tier3\masks\woolsey-fire_00000564_pre_disaster.png,0,0,0,0,564,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000564_pre_disaster.png,nepal-flooding_00000564_pre_disaster,0,0,tier3\masks\nepal-flooding_00000564_pre_disaster.png,0,0,171,230895,564,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000564_pre_disaster.png,portugal-wildfire_00000564_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000564_pre_disaster.png,0,0,0,0,564,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000564_pre_disaster.png,socal-fire_00000564_pre_disaster,0,0,train\masks\socal-fire_00000564_pre_disaster.png,0,0,0,0,564,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000564_pre_disaster.png,pinery-bushfire_00000564_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000564_pre_disaster.png,0,0,0,0,564,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000565_pre_disaster.png,nepal-flooding_00000565_pre_disaster,0,0,tier3\masks\nepal-flooding_00000565_pre_disaster.png,0,0,8,4793,565,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000565_pre_disaster.png,socal-fire_00000565_pre_disaster,0,0,train\masks\socal-fire_00000565_pre_disaster.png,0,0,0,0,565,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000565_pre_disaster.png,portugal-wildfire_00000565_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000565_pre_disaster.png,0,0,0,0,565,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000565_pre_disaster.png,pinery-bushfire_00000565_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000565_pre_disaster.png,0,0,0,0,565,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000565_pre_disaster.png,woolsey-fire_00000565_pre_disaster,0,0,tier3\masks\woolsey-fire_00000565_pre_disaster.png,0,0,0,0,565,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000566_pre_disaster.png,pinery-bushfire_00000566_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000566_pre_disaster.png,0,0,0,0,566,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000566_pre_disaster.png,socal-fire_00000566_pre_disaster,0,0,train\masks\socal-fire_00000566_pre_disaster.png,0,0,5,11916,566,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000566_pre_disaster.png,woolsey-fire_00000566_pre_disaster,0,0,tier3\masks\woolsey-fire_00000566_pre_disaster.png,0,0,0,0,566,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000566_pre_disaster.png,nepal-flooding_00000566_pre_disaster,0,0,tier3\masks\nepal-flooding_00000566_pre_disaster.png,0,0,68,55575,566,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000566_pre_disaster.png,portugal-wildfire_00000566_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000566_pre_disaster.png,0,0,0,0,566,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000567_pre_disaster.png,woolsey-fire_00000567_pre_disaster,0,0,tier3\masks\woolsey-fire_00000567_pre_disaster.png,0,0,1,244,567,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000567_pre_disaster.png,nepal-flooding_00000567_pre_disaster,0,0,tier3\masks\nepal-flooding_00000567_pre_disaster.png,0,0,112,83305,567,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000567_pre_disaster.png,portugal-wildfire_00000567_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000567_pre_disaster.png,0,0,0,0,567,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000567_pre_disaster.png,pinery-bushfire_00000567_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000567_pre_disaster.png,0,0,0,0,567,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000568_pre_disaster.png,portugal-wildfire_00000568_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000568_pre_disaster.png,0,0,29,21059,568,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000568_pre_disaster.png,nepal-flooding_00000568_pre_disaster,0,0,tier3\masks\nepal-flooding_00000568_pre_disaster.png,0,0,12,9313,568,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000568_pre_disaster.png,pinery-bushfire_00000568_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000568_pre_disaster.png,0,0,0,0,568,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000568_pre_disaster.png,woolsey-fire_00000568_pre_disaster,0,0,tier3\masks\woolsey-fire_00000568_pre_disaster.png,0,0,50,68043,568,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000569_pre_disaster.png,portugal-wildfire_00000569_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000569_pre_disaster.png,0,0,7,2437,569,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000569_pre_disaster.png,pinery-bushfire_00000569_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000569_pre_disaster.png,0,0,0,0,569,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000569_pre_disaster.png,nepal-flooding_00000569_pre_disaster,0,0,tier3\masks\nepal-flooding_00000569_pre_disaster.png,0,0,31,19583,569,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000569_pre_disaster.png,woolsey-fire_00000569_pre_disaster,0,0,tier3\masks\woolsey-fire_00000569_pre_disaster.png,0,0,0,0,569,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000569_pre_disaster.png,socal-fire_00000569_pre_disaster,0,0,train\masks\socal-fire_00000569_pre_disaster.png,0,0,0,0,569,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000570_pre_disaster.png,nepal-flooding_00000570_pre_disaster,0,0,tier3\masks\nepal-flooding_00000570_pre_disaster.png,0,0,6,3555,570,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000570_pre_disaster.png,pinery-bushfire_00000570_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000570_pre_disaster.png,0,0,0,0,570,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000570_pre_disaster.png,woolsey-fire_00000570_pre_disaster,0,0,tier3\masks\woolsey-fire_00000570_pre_disaster.png,0,0,0,0,570,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000570_pre_disaster.png,portugal-wildfire_00000570_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000570_pre_disaster.png,0,0,7,6182,570,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000571_pre_disaster.png,nepal-flooding_00000571_pre_disaster,0,0,tier3\masks\nepal-flooding_00000571_pre_disaster.png,0,0,69,96062,571,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000571_pre_disaster.png,pinery-bushfire_00000571_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000571_pre_disaster.png,0,0,0,0,571,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000571_pre_disaster.png,portugal-wildfire_00000571_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000571_pre_disaster.png,0,0,0,0,571,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000571_pre_disaster.png,woolsey-fire_00000571_pre_disaster,0,0,tier3\masks\woolsey-fire_00000571_pre_disaster.png,0,0,43,42637,571,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000572_pre_disaster.png,portugal-wildfire_00000572_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000572_pre_disaster.png,0,0,16,10686,572,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000572_pre_disaster.png,socal-fire_00000572_pre_disaster,0,0,train\masks\socal-fire_00000572_pre_disaster.png,0,0,0,0,572,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000572_pre_disaster.png,woolsey-fire_00000572_pre_disaster,0,0,tier3\masks\woolsey-fire_00000572_pre_disaster.png,0,0,0,0,572,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000572_pre_disaster.png,nepal-flooding_00000572_pre_disaster,0,0,tier3\masks\nepal-flooding_00000572_pre_disaster.png,0,0,32,38029,572,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000572_pre_disaster.png,pinery-bushfire_00000572_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000572_pre_disaster.png,0,0,5,15165,572,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000573_pre_disaster.png,socal-fire_00000573_pre_disaster,0,0,train\masks\socal-fire_00000573_pre_disaster.png,0,0,41,45756,573,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000573_pre_disaster.png,pinery-bushfire_00000573_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000573_pre_disaster.png,0,0,0,0,573,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000573_pre_disaster.png,woolsey-fire_00000573_pre_disaster,0,0,tier3\masks\woolsey-fire_00000573_pre_disaster.png,0,0,15,14976,573,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000573_pre_disaster.png,portugal-wildfire_00000573_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000573_pre_disaster.png,0,0,0,0,573,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000573_pre_disaster.png,nepal-flooding_00000573_pre_disaster,0,0,tier3\masks\nepal-flooding_00000573_pre_disaster.png,0,0,1,40,573,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000574_pre_disaster.png,portugal-wildfire_00000574_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000574_pre_disaster.png,0,0,0,0,574,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000574_pre_disaster.png,pinery-bushfire_00000574_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000574_pre_disaster.png,0,0,0,0,574,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000574_pre_disaster.png,woolsey-fire_00000574_pre_disaster,0,0,tier3\masks\woolsey-fire_00000574_pre_disaster.png,0,0,0,0,574,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000574_pre_disaster.png,nepal-flooding_00000574_pre_disaster,0,0,tier3\masks\nepal-flooding_00000574_pre_disaster.png,0,0,22,27014,574,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000575_pre_disaster.png,portugal-wildfire_00000575_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000575_pre_disaster.png,0,0,1,74,575,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000575_pre_disaster.png,woolsey-fire_00000575_pre_disaster,0,0,tier3\masks\woolsey-fire_00000575_pre_disaster.png,0,0,0,0,575,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000575_pre_disaster.png,pinery-bushfire_00000575_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000575_pre_disaster.png,0,0,0,0,575,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000575_pre_disaster.png,nepal-flooding_00000575_pre_disaster,0,0,tier3\masks\nepal-flooding_00000575_pre_disaster.png,0,0,34,33233,575,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000576_pre_disaster.png,socal-fire_00000576_pre_disaster,0,0,train\masks\socal-fire_00000576_pre_disaster.png,0,0,129,161124,576,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000576_pre_disaster.png,nepal-flooding_00000576_pre_disaster,0,0,tier3\masks\nepal-flooding_00000576_pre_disaster.png,0,0,75,68725,576,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000576_pre_disaster.png,portugal-wildfire_00000576_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000576_pre_disaster.png,0,0,7,5206,576,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000576_pre_disaster.png,woolsey-fire_00000576_pre_disaster,0,0,tier3\masks\woolsey-fire_00000576_pre_disaster.png,0,0,34,35954,576,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000576_pre_disaster.png,pinery-bushfire_00000576_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000576_pre_disaster.png,0,0,0,0,576,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000577_pre_disaster.png,portugal-wildfire_00000577_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000577_pre_disaster.png,0,0,14,6973,577,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000577_pre_disaster.png,socal-fire_00000577_pre_disaster,0,0,train\masks\socal-fire_00000577_pre_disaster.png,0,0,15,12191,577,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000577_pre_disaster.png,nepal-flooding_00000577_pre_disaster,0,0,tier3\masks\nepal-flooding_00000577_pre_disaster.png,0,0,7,1992,577,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000577_pre_disaster.png,woolsey-fire_00000577_pre_disaster,0,0,tier3\masks\woolsey-fire_00000577_pre_disaster.png,0,0,0,0,577,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000577_pre_disaster.png,pinery-bushfire_00000577_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000577_pre_disaster.png,0,0,0,0,577,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000578_pre_disaster.png,portugal-wildfire_00000578_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000578_pre_disaster.png,0,0,0,0,578,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000578_pre_disaster.png,pinery-bushfire_00000578_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000578_pre_disaster.png,0,0,0,0,578,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000578_pre_disaster.png,woolsey-fire_00000578_pre_disaster,0,0,tier3\masks\woolsey-fire_00000578_pre_disaster.png,0,0,0,0,578,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000578_pre_disaster.png,nepal-flooding_00000578_pre_disaster,0,0,tier3\masks\nepal-flooding_00000578_pre_disaster.png,0,0,28,24943,578,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000578_pre_disaster.png,socal-fire_00000578_pre_disaster,0,0,train\masks\socal-fire_00000578_pre_disaster.png,0,0,0,0,578,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000579_pre_disaster.png,portugal-wildfire_00000579_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000579_pre_disaster.png,0,0,1,560,579,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000579_pre_disaster.png,woolsey-fire_00000579_pre_disaster,0,0,tier3\masks\woolsey-fire_00000579_pre_disaster.png,0,0,0,0,579,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000579_pre_disaster.png,nepal-flooding_00000579_pre_disaster,0,0,tier3\masks\nepal-flooding_00000579_pre_disaster.png,0,0,13,17305,579,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000579_pre_disaster.png,pinery-bushfire_00000579_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000579_pre_disaster.png,0,0,0,0,579,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000579_pre_disaster.png,socal-fire_00000579_pre_disaster,0,0,train\masks\socal-fire_00000579_pre_disaster.png,0,0,2,1137,579,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000580_pre_disaster.png,nepal-flooding_00000580_pre_disaster,0,0,tier3\masks\nepal-flooding_00000580_pre_disaster.png,0,0,0,0,580,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000580_pre_disaster.png,socal-fire_00000580_pre_disaster,0,0,train\masks\socal-fire_00000580_pre_disaster.png,0,0,0,0,580,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000580_pre_disaster.png,portugal-wildfire_00000580_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000580_pre_disaster.png,0,0,0,0,580,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000580_pre_disaster.png,woolsey-fire_00000580_pre_disaster,0,0,tier3\masks\woolsey-fire_00000580_pre_disaster.png,0,0,14,7429,580,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000580_pre_disaster.png,pinery-bushfire_00000580_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000580_pre_disaster.png,0,0,3,1775,580,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000581_pre_disaster.png,portugal-wildfire_00000581_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000581_pre_disaster.png,0,0,0,0,581,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000581_pre_disaster.png,nepal-flooding_00000581_pre_disaster,0,0,tier3\masks\nepal-flooding_00000581_pre_disaster.png,0,0,1,407,581,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000581_pre_disaster.png,woolsey-fire_00000581_pre_disaster,0,0,tier3\masks\woolsey-fire_00000581_pre_disaster.png,0,0,0,0,581,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000581_pre_disaster.png,pinery-bushfire_00000581_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000581_pre_disaster.png,0,0,0,0,581,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000581_pre_disaster.png,socal-fire_00000581_pre_disaster,0,0,train\masks\socal-fire_00000581_pre_disaster.png,0,0,0,0,581,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000582_pre_disaster.png,portugal-wildfire_00000582_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000582_pre_disaster.png,0,0,0,0,582,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000582_pre_disaster.png,woolsey-fire_00000582_pre_disaster,0,0,tier3\masks\woolsey-fire_00000582_pre_disaster.png,0,0,0,0,582,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000582_pre_disaster.png,pinery-bushfire_00000582_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000582_pre_disaster.png,0,0,16,9397,582,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000582_pre_disaster.png,nepal-flooding_00000582_pre_disaster,0,0,tier3\masks\nepal-flooding_00000582_pre_disaster.png,0,0,5,1925,582,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000583_pre_disaster.png,pinery-bushfire_00000583_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000583_pre_disaster.png,0,0,0,0,583,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000583_pre_disaster.png,portugal-wildfire_00000583_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000583_pre_disaster.png,0,0,0,0,583,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000583_pre_disaster.png,woolsey-fire_00000583_pre_disaster,0,0,tier3\masks\woolsey-fire_00000583_pre_disaster.png,0,0,4,1043,583,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000583_pre_disaster.png,socal-fire_00000583_pre_disaster,0,0,train\masks\socal-fire_00000583_pre_disaster.png,0,0,44,42002,583,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000583_pre_disaster.png,nepal-flooding_00000583_pre_disaster,0,0,tier3\masks\nepal-flooding_00000583_pre_disaster.png,0,0,5,2532,583,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000584_pre_disaster.png,portugal-wildfire_00000584_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000584_pre_disaster.png,0,0,0,0,584,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000584_pre_disaster.png,socal-fire_00000584_pre_disaster,0,0,train\masks\socal-fire_00000584_pre_disaster.png,0,0,0,0,584,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000584_pre_disaster.png,pinery-bushfire_00000584_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000584_pre_disaster.png,0,0,0,0,584,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000584_pre_disaster.png,woolsey-fire_00000584_pre_disaster,0,0,tier3\masks\woolsey-fire_00000584_pre_disaster.png,0,0,0,0,584,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000584_pre_disaster.png,nepal-flooding_00000584_pre_disaster,0,0,tier3\masks\nepal-flooding_00000584_pre_disaster.png,0,0,271,201155,584,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000585_pre_disaster.png,nepal-flooding_00000585_pre_disaster,0,0,tier3\masks\nepal-flooding_00000585_pre_disaster.png,0,0,66,45791,585,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000585_pre_disaster.png,portugal-wildfire_00000585_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000585_pre_disaster.png,0,0,6,1951,585,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000585_pre_disaster.png,woolsey-fire_00000585_pre_disaster,0,0,tier3\masks\woolsey-fire_00000585_pre_disaster.png,0,0,51,50355,585,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000585_pre_disaster.png,socal-fire_00000585_pre_disaster,0,0,train\masks\socal-fire_00000585_pre_disaster.png,0,0,3,557,585,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000585_pre_disaster.png,pinery-bushfire_00000585_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000585_pre_disaster.png,0,0,3,566,585,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000586_pre_disaster.png,socal-fire_00000586_pre_disaster,0,0,train\masks\socal-fire_00000586_pre_disaster.png,0,0,4,4777,586,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000586_pre_disaster.png,portugal-wildfire_00000586_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000586_pre_disaster.png,0,0,0,0,586,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000586_pre_disaster.png,woolsey-fire_00000586_pre_disaster,0,0,tier3\masks\woolsey-fire_00000586_pre_disaster.png,0,0,23,26640,586,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000586_pre_disaster.png,pinery-bushfire_00000586_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000586_pre_disaster.png,0,0,4,2147,586,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000586_pre_disaster.png,nepal-flooding_00000586_pre_disaster,0,0,tier3\masks\nepal-flooding_00000586_pre_disaster.png,0,0,4,3432,586,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000587_pre_disaster.png,socal-fire_00000587_pre_disaster,0,0,train\masks\socal-fire_00000587_pre_disaster.png,0,0,0,0,587,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000587_pre_disaster.png,nepal-flooding_00000587_pre_disaster,0,0,tier3\masks\nepal-flooding_00000587_pre_disaster.png,0,0,79,85726,587,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000587_pre_disaster.png,pinery-bushfire_00000587_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000587_pre_disaster.png,0,0,0,0,587,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000587_pre_disaster.png,woolsey-fire_00000587_pre_disaster,0,0,tier3\masks\woolsey-fire_00000587_pre_disaster.png,0,0,0,0,587,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000587_pre_disaster.png,portugal-wildfire_00000587_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000587_pre_disaster.png,0,0,53,44197,587,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000588_pre_disaster.png,pinery-bushfire_00000588_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000588_pre_disaster.png,0,0,0,0,588,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000588_pre_disaster.png,woolsey-fire_00000588_pre_disaster,0,0,tier3\masks\woolsey-fire_00000588_pre_disaster.png,0,0,6,4414,588,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000588_pre_disaster.png,nepal-flooding_00000588_pre_disaster,0,0,tier3\masks\nepal-flooding_00000588_pre_disaster.png,0,0,14,5310,588,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000588_pre_disaster.png,portugal-wildfire_00000588_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000588_pre_disaster.png,0,0,102,71010,588,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000589_pre_disaster.png,nepal-flooding_00000589_pre_disaster,0,0,tier3\masks\nepal-flooding_00000589_pre_disaster.png,0,0,13,14476,589,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000589_pre_disaster.png,portugal-wildfire_00000589_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000589_pre_disaster.png,0,0,9,3299,589,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000589_pre_disaster.png,woolsey-fire_00000589_pre_disaster,0,0,tier3\masks\woolsey-fire_00000589_pre_disaster.png,0,0,12,4590,589,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000589_pre_disaster.png,pinery-bushfire_00000589_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000589_pre_disaster.png,0,0,0,0,589,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000589_pre_disaster.png,socal-fire_00000589_pre_disaster,0,0,train\masks\socal-fire_00000589_pre_disaster.png,0,0,0,0,589,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000590_pre_disaster.png,portugal-wildfire_00000590_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000590_pre_disaster.png,0,0,0,0,590,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000590_pre_disaster.png,nepal-flooding_00000590_pre_disaster,0,0,tier3\masks\nepal-flooding_00000590_pre_disaster.png,0,0,6,7043,590,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000590_pre_disaster.png,woolsey-fire_00000590_pre_disaster,0,0,tier3\masks\woolsey-fire_00000590_pre_disaster.png,0,0,0,0,590,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000590_pre_disaster.png,pinery-bushfire_00000590_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000590_pre_disaster.png,0,0,0,0,590,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000591_pre_disaster.png,socal-fire_00000591_pre_disaster,0,0,train\masks\socal-fire_00000591_pre_disaster.png,0,0,3,678,591,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000591_pre_disaster.png,pinery-bushfire_00000591_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000591_pre_disaster.png,0,0,0,0,591,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000591_pre_disaster.png,portugal-wildfire_00000591_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000591_pre_disaster.png,0,0,0,0,591,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000591_pre_disaster.png,woolsey-fire_00000591_pre_disaster,0,0,tier3\masks\woolsey-fire_00000591_pre_disaster.png,0,0,0,0,591,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000591_pre_disaster.png,nepal-flooding_00000591_pre_disaster,0,0,tier3\masks\nepal-flooding_00000591_pre_disaster.png,0,0,2,299,591,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000592_pre_disaster.png,woolsey-fire_00000592_pre_disaster,0,0,tier3\masks\woolsey-fire_00000592_pre_disaster.png,0,0,0,0,592,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000592_pre_disaster.png,pinery-bushfire_00000592_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000592_pre_disaster.png,0,0,1,316,592,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000592_pre_disaster.png,nepal-flooding_00000592_pre_disaster,0,0,tier3\masks\nepal-flooding_00000592_pre_disaster.png,0,0,11,4109,592,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000592_pre_disaster.png,portugal-wildfire_00000592_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000592_pre_disaster.png,0,0,67,70812,592,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000592_pre_disaster.png,socal-fire_00000592_pre_disaster,0,0,train\masks\socal-fire_00000592_pre_disaster.png,0,0,13,12009,592,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000593_pre_disaster.png,nepal-flooding_00000593_pre_disaster,0,0,tier3\masks\nepal-flooding_00000593_pre_disaster.png,0,0,3,1995,593,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000593_pre_disaster.png,socal-fire_00000593_pre_disaster,0,0,train\masks\socal-fire_00000593_pre_disaster.png,0,0,0,0,593,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000593_pre_disaster.png,portugal-wildfire_00000593_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000593_pre_disaster.png,0,0,0,0,593,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000593_pre_disaster.png,woolsey-fire_00000593_pre_disaster,0,0,tier3\masks\woolsey-fire_00000593_pre_disaster.png,0,0,2,742,593,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000593_pre_disaster.png,pinery-bushfire_00000593_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000593_pre_disaster.png,0,0,0,0,593,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000594_pre_disaster.png,portugal-wildfire_00000594_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000594_pre_disaster.png,0,0,8,4204,594,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000594_pre_disaster.png,nepal-flooding_00000594_pre_disaster,0,0,tier3\masks\nepal-flooding_00000594_pre_disaster.png,0,0,77,74121,594,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000594_pre_disaster.png,socal-fire_00000594_pre_disaster,0,0,train\masks\socal-fire_00000594_pre_disaster.png,0,0,8,11153,594,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000594_pre_disaster.png,woolsey-fire_00000594_pre_disaster,0,0,tier3\masks\woolsey-fire_00000594_pre_disaster.png,0,0,26,20226,594,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000594_pre_disaster.png,pinery-bushfire_00000594_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000594_pre_disaster.png,0,0,0,0,594,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000595_pre_disaster.png,portugal-wildfire_00000595_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000595_pre_disaster.png,0,0,0,0,595,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000595_pre_disaster.png,pinery-bushfire_00000595_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000595_pre_disaster.png,0,0,4,5866,595,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000595_pre_disaster.png,woolsey-fire_00000595_pre_disaster,0,0,tier3\masks\woolsey-fire_00000595_pre_disaster.png,0,0,0,0,595,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000595_pre_disaster.png,nepal-flooding_00000595_pre_disaster,0,0,tier3\masks\nepal-flooding_00000595_pre_disaster.png,0,0,32,28186,595,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000596_pre_disaster.png,nepal-flooding_00000596_pre_disaster,0,0,tier3\masks\nepal-flooding_00000596_pre_disaster.png,0,0,3,1212,596,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000596_pre_disaster.png,portugal-wildfire_00000596_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000596_pre_disaster.png,0,0,0,0,596,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000596_pre_disaster.png,pinery-bushfire_00000596_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000596_pre_disaster.png,0,0,0,0,596,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000596_pre_disaster.png,woolsey-fire_00000596_pre_disaster,0,0,tier3\masks\woolsey-fire_00000596_pre_disaster.png,0,0,0,0,596,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000596_pre_disaster.png,socal-fire_00000596_pre_disaster,0,0,train\masks\socal-fire_00000596_pre_disaster.png,0,0,2,1033,596,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000597_pre_disaster.png,portugal-wildfire_00000597_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000597_pre_disaster.png,0,0,41,20223,597,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000597_pre_disaster.png,woolsey-fire_00000597_pre_disaster,0,0,tier3\masks\woolsey-fire_00000597_pre_disaster.png,0,0,23,11461,597,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000597_pre_disaster.png,pinery-bushfire_00000597_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000597_pre_disaster.png,0,0,2,1324,597,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000597_pre_disaster.png,nepal-flooding_00000597_pre_disaster,0,0,tier3\masks\nepal-flooding_00000597_pre_disaster.png,0,0,49,71110,597,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000598_pre_disaster.png,nepal-flooding_00000598_pre_disaster,0,0,tier3\masks\nepal-flooding_00000598_pre_disaster.png,0,0,7,6359,598,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000598_pre_disaster.png,woolsey-fire_00000598_pre_disaster,0,0,tier3\masks\woolsey-fire_00000598_pre_disaster.png,0,0,81,90616,598,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000598_pre_disaster.png,socal-fire_00000598_pre_disaster,0,0,train\masks\socal-fire_00000598_pre_disaster.png,0,0,32,26485,598,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000598_pre_disaster.png,portugal-wildfire_00000598_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000598_pre_disaster.png,0,0,0,0,598,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000598_pre_disaster.png,pinery-bushfire_00000598_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000598_pre_disaster.png,0,0,0,0,598,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000599_pre_disaster.png,woolsey-fire_00000599_pre_disaster,0,0,tier3\masks\woolsey-fire_00000599_pre_disaster.png,0,0,0,0,599,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000599_pre_disaster.png,portugal-wildfire_00000599_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000599_pre_disaster.png,0,0,4,2440,599,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000599_pre_disaster.png,nepal-flooding_00000599_pre_disaster,0,0,tier3\masks\nepal-flooding_00000599_pre_disaster.png,0,0,18,7750,599,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000599_pre_disaster.png,pinery-bushfire_00000599_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000599_pre_disaster.png,0,0,5,486,599,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000599_pre_disaster.png,socal-fire_00000599_pre_disaster,0,0,train\masks\socal-fire_00000599_pre_disaster.png,0,0,0,0,599,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000600_pre_disaster.png,pinery-bushfire_00000600_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000600_pre_disaster.png,0,0,0,0,600,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000600_pre_disaster.png,socal-fire_00000600_pre_disaster,0,0,train\masks\socal-fire_00000600_pre_disaster.png,0,0,1,644,600,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000600_pre_disaster.png,nepal-flooding_00000600_pre_disaster,0,0,tier3\masks\nepal-flooding_00000600_pre_disaster.png,0,0,14,22566,600,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000600_pre_disaster.png,woolsey-fire_00000600_pre_disaster,0,0,tier3\masks\woolsey-fire_00000600_pre_disaster.png,0,0,0,0,600,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000600_pre_disaster.png,portugal-wildfire_00000600_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000600_pre_disaster.png,0,0,0,0,600,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000601_pre_disaster.png,nepal-flooding_00000601_pre_disaster,0,0,tier3\masks\nepal-flooding_00000601_pre_disaster.png,0,0,102,115766,601,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000601_pre_disaster.png,woolsey-fire_00000601_pre_disaster,0,0,tier3\masks\woolsey-fire_00000601_pre_disaster.png,0,0,0,0,601,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000601_pre_disaster.png,pinery-bushfire_00000601_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000601_pre_disaster.png,0,0,1,691,601,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000601_pre_disaster.png,socal-fire_00000601_pre_disaster,0,0,train\masks\socal-fire_00000601_pre_disaster.png,0,0,0,0,601,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000601_pre_disaster.png,portugal-wildfire_00000601_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000601_pre_disaster.png,0,0,0,0,601,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000602_pre_disaster.png,socal-fire_00000602_pre_disaster,0,0,train\masks\socal-fire_00000602_pre_disaster.png,0,0,0,0,602,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000602_pre_disaster.png,portugal-wildfire_00000602_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000602_pre_disaster.png,0,0,0,0,602,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000602_pre_disaster.png,pinery-bushfire_00000602_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000602_pre_disaster.png,0,0,0,0,602,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000602_pre_disaster.png,woolsey-fire_00000602_pre_disaster,0,0,tier3\masks\woolsey-fire_00000602_pre_disaster.png,0,0,0,0,602,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000602_pre_disaster.png,nepal-flooding_00000602_pre_disaster,0,0,tier3\masks\nepal-flooding_00000602_pre_disaster.png,0,0,46,30400,602,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000603_pre_disaster.png,socal-fire_00000603_pre_disaster,0,0,train\masks\socal-fire_00000603_pre_disaster.png,0,0,12,8149,603,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000603_pre_disaster.png,nepal-flooding_00000603_pre_disaster,0,0,tier3\masks\nepal-flooding_00000603_pre_disaster.png,0,0,24,8147,603,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000603_pre_disaster.png,pinery-bushfire_00000603_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000603_pre_disaster.png,0,0,0,0,603,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000603_pre_disaster.png,woolsey-fire_00000603_pre_disaster,0,0,tier3\masks\woolsey-fire_00000603_pre_disaster.png,0,0,0,0,603,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000603_pre_disaster.png,portugal-wildfire_00000603_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000603_pre_disaster.png,0,0,0,0,603,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000604_pre_disaster.png,nepal-flooding_00000604_pre_disaster,0,0,tier3\masks\nepal-flooding_00000604_pre_disaster.png,0,0,12,25419,604,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000604_pre_disaster.png,woolsey-fire_00000604_pre_disaster,0,0,tier3\masks\woolsey-fire_00000604_pre_disaster.png,0,0,20,24420,604,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000604_pre_disaster.png,pinery-bushfire_00000604_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000604_pre_disaster.png,0,0,18,14195,604,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000604_pre_disaster.png,portugal-wildfire_00000604_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000604_pre_disaster.png,0,0,3,1238,604,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000605_pre_disaster.png,pinery-bushfire_00000605_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000605_pre_disaster.png,0,0,0,0,605,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000605_pre_disaster.png,nepal-flooding_00000605_pre_disaster,0,0,tier3\masks\nepal-flooding_00000605_pre_disaster.png,0,0,104,115345,605,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000605_pre_disaster.png,portugal-wildfire_00000605_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000605_pre_disaster.png,0,0,0,0,605,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000605_pre_disaster.png,woolsey-fire_00000605_pre_disaster,0,0,tier3\masks\woolsey-fire_00000605_pre_disaster.png,0,0,0,0,605,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000606_pre_disaster.png,pinery-bushfire_00000606_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000606_pre_disaster.png,0,0,5,4699,606,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000606_pre_disaster.png,socal-fire_00000606_pre_disaster,0,0,train\masks\socal-fire_00000606_pre_disaster.png,0,0,2,2411,606,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000606_pre_disaster.png,woolsey-fire_00000606_pre_disaster,0,0,tier3\masks\woolsey-fire_00000606_pre_disaster.png,0,0,0,0,606,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000606_pre_disaster.png,portugal-wildfire_00000606_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000606_pre_disaster.png,0,0,0,0,606,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000606_pre_disaster.png,nepal-flooding_00000606_pre_disaster,0,0,tier3\masks\nepal-flooding_00000606_pre_disaster.png,0,0,22,37149,606,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000607_pre_disaster.png,portugal-wildfire_00000607_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000607_pre_disaster.png,0,0,0,0,607,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000607_pre_disaster.png,socal-fire_00000607_pre_disaster,0,0,train\masks\socal-fire_00000607_pre_disaster.png,0,0,7,3659,607,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000607_pre_disaster.png,pinery-bushfire_00000607_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000607_pre_disaster.png,0,0,0,0,607,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000607_pre_disaster.png,woolsey-fire_00000607_pre_disaster,0,0,tier3\masks\woolsey-fire_00000607_pre_disaster.png,0,0,10,7873,607,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000607_pre_disaster.png,nepal-flooding_00000607_pre_disaster,0,0,tier3\masks\nepal-flooding_00000607_pre_disaster.png,0,0,28,20398,607,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000608_pre_disaster.png,woolsey-fire_00000608_pre_disaster,0,0,tier3\masks\woolsey-fire_00000608_pre_disaster.png,0,0,0,0,608,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000608_pre_disaster.png,socal-fire_00000608_pre_disaster,0,0,train\masks\socal-fire_00000608_pre_disaster.png,0,0,112,173432,608,3 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000608_pre_disaster.png,nepal-flooding_00000608_pre_disaster,0,0,tier3\masks\nepal-flooding_00000608_pre_disaster.png,0,0,335,340874,608,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000608_pre_disaster.png,pinery-bushfire_00000608_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000608_pre_disaster.png,0,0,0,0,608,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000608_pre_disaster.png,portugal-wildfire_00000608_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000608_pre_disaster.png,0,0,6,3859,608,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000609_pre_disaster.png,pinery-bushfire_00000609_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000609_pre_disaster.png,0,0,0,0,609,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000609_pre_disaster.png,nepal-flooding_00000609_pre_disaster,0,0,tier3\masks\nepal-flooding_00000609_pre_disaster.png,0,0,62,57106,609,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000609_pre_disaster.png,socal-fire_00000609_pre_disaster,0,0,train\masks\socal-fire_00000609_pre_disaster.png,0,0,0,0,609,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000609_pre_disaster.png,portugal-wildfire_00000609_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000609_pre_disaster.png,0,0,0,0,609,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000609_pre_disaster.png,woolsey-fire_00000609_pre_disaster,0,0,tier3\masks\woolsey-fire_00000609_pre_disaster.png,0,0,0,0,609,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000610_pre_disaster.png,nepal-flooding_00000610_pre_disaster,0,0,tier3\masks\nepal-flooding_00000610_pre_disaster.png,0,0,152,155666,610,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000610_pre_disaster.png,pinery-bushfire_00000610_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000610_pre_disaster.png,0,0,0,0,610,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000610_pre_disaster.png,portugal-wildfire_00000610_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000610_pre_disaster.png,0,0,0,0,610,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000610_pre_disaster.png,woolsey-fire_00000610_pre_disaster,0,0,tier3\masks\woolsey-fire_00000610_pre_disaster.png,0,0,10,7170,610,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000611_pre_disaster.png,pinery-bushfire_00000611_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000611_pre_disaster.png,0,0,0,0,611,2 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000611_pre_disaster.png,nepal-flooding_00000611_pre_disaster,0,0,tier3\masks\nepal-flooding_00000611_pre_disaster.png,0,0,13,7590,611,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000611_pre_disaster.png,portugal-wildfire_00000611_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000611_pre_disaster.png,0,0,4,2371,611,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000611_pre_disaster.png,socal-fire_00000611_pre_disaster,0,0,train\masks\socal-fire_00000611_pre_disaster.png,0,0,0,0,611,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000611_pre_disaster.png,woolsey-fire_00000611_pre_disaster,0,0,tier3\masks\woolsey-fire_00000611_pre_disaster.png,0,0,5,7001,611,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000612_pre_disaster.png,woolsey-fire_00000612_pre_disaster,0,0,tier3\masks\woolsey-fire_00000612_pre_disaster.png,0,0,38,48836,612,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000612_pre_disaster.png,portugal-wildfire_00000612_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000612_pre_disaster.png,0,0,17,6381,612,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000612_pre_disaster.png,nepal-flooding_00000612_pre_disaster,0,0,tier3\masks\nepal-flooding_00000612_pre_disaster.png,0,0,44,53168,612,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000612_pre_disaster.png,pinery-bushfire_00000612_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000612_pre_disaster.png,0,0,0,0,612,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000613_pre_disaster.png,portugal-wildfire_00000613_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000613_pre_disaster.png,0,0,5,4202,613,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000613_pre_disaster.png,woolsey-fire_00000613_pre_disaster,0,0,tier3\masks\woolsey-fire_00000613_pre_disaster.png,0,0,0,0,613,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000613_pre_disaster.png,nepal-flooding_00000613_pre_disaster,0,0,tier3\masks\nepal-flooding_00000613_pre_disaster.png,0,0,32,28566,613,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000613_pre_disaster.png,pinery-bushfire_00000613_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000613_pre_disaster.png,0,0,17,10243,613,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000614_pre_disaster.png,pinery-bushfire_00000614_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000614_pre_disaster.png,0,0,7,6029,614,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000614_pre_disaster.png,woolsey-fire_00000614_pre_disaster,0,0,tier3\masks\woolsey-fire_00000614_pre_disaster.png,0,0,0,0,614,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000614_pre_disaster.png,portugal-wildfire_00000614_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000614_pre_disaster.png,0,0,11,17217,614,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000614_pre_disaster.png,nepal-flooding_00000614_pre_disaster,0,0,tier3\masks\nepal-flooding_00000614_pre_disaster.png,0,0,6,7597,614,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000615_pre_disaster.png,nepal-flooding_00000615_pre_disaster,0,0,tier3\masks\nepal-flooding_00000615_pre_disaster.png,0,0,1,177,615,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000615_pre_disaster.png,woolsey-fire_00000615_pre_disaster,0,0,tier3\masks\woolsey-fire_00000615_pre_disaster.png,0,0,0,0,615,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000615_pre_disaster.png,portugal-wildfire_00000615_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000615_pre_disaster.png,0,0,8,4106,615,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000615_pre_disaster.png,pinery-bushfire_00000615_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000615_pre_disaster.png,0,0,0,0,615,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000616_pre_disaster.png,portugal-wildfire_00000616_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000616_pre_disaster.png,0,0,0,0,616,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000616_pre_disaster.png,woolsey-fire_00000616_pre_disaster,0,0,tier3\masks\woolsey-fire_00000616_pre_disaster.png,0,0,61,128878,616,0 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000616_pre_disaster.png,nepal-flooding_00000616_pre_disaster,0,0,tier3\masks\nepal-flooding_00000616_pre_disaster.png,0,0,0,0,616,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000616_pre_disaster.png,pinery-bushfire_00000616_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000616_pre_disaster.png,0,0,0,0,616,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000617_pre_disaster.png,woolsey-fire_00000617_pre_disaster,0,0,tier3\masks\woolsey-fire_00000617_pre_disaster.png,0,0,0,0,617,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000617_pre_disaster.png,portugal-wildfire_00000617_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000617_pre_disaster.png,0,0,0,0,617,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000617_pre_disaster.png,pinery-bushfire_00000617_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000617_pre_disaster.png,0,0,0,0,617,4 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000617_pre_disaster.png,nepal-flooding_00000617_pre_disaster,0,0,tier3\masks\nepal-flooding_00000617_pre_disaster.png,0,0,11,7002,617,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000618_pre_disaster.png,pinery-bushfire_00000618_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000618_pre_disaster.png,0,0,0,0,618,1 +0,0,nepal-flooding,pre,tier3,tier3\images\nepal-flooding_00000618_pre_disaster.png,nepal-flooding_00000618_pre_disaster,0,0,tier3\masks\nepal-flooding_00000618_pre_disaster.png,0,0,201,171335,618,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000618_pre_disaster.png,socal-fire_00000618_pre_disaster,0,0,train\masks\socal-fire_00000618_pre_disaster.png,0,0,20,91157,618,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000618_pre_disaster.png,woolsey-fire_00000618_pre_disaster,0,0,tier3\masks\woolsey-fire_00000618_pre_disaster.png,0,0,0,0,618,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000618_pre_disaster.png,portugal-wildfire_00000618_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000618_pre_disaster.png,0,0,12,10708,618,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000619_pre_disaster.png,woolsey-fire_00000619_pre_disaster,0,0,tier3\masks\woolsey-fire_00000619_pre_disaster.png,0,0,0,0,619,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000619_pre_disaster.png,pinery-bushfire_00000619_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000619_pre_disaster.png,0,0,0,0,619,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000619_pre_disaster.png,portugal-wildfire_00000619_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000619_pre_disaster.png,0,0,31,22367,619,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000619_pre_disaster.png,socal-fire_00000619_pre_disaster,0,0,train\masks\socal-fire_00000619_pre_disaster.png,0,0,0,0,619,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000620_pre_disaster.png,pinery-bushfire_00000620_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000620_pre_disaster.png,0,0,0,0,620,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000620_pre_disaster.png,socal-fire_00000620_pre_disaster,0,0,train\masks\socal-fire_00000620_pre_disaster.png,0,0,16,20957,620,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000620_pre_disaster.png,portugal-wildfire_00000620_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000620_pre_disaster.png,0,0,0,0,620,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000620_pre_disaster.png,woolsey-fire_00000620_pre_disaster,0,0,tier3\masks\woolsey-fire_00000620_pre_disaster.png,0,0,0,0,620,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000621_pre_disaster.png,portugal-wildfire_00000621_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000621_pre_disaster.png,0,0,34,19190,621,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000621_pre_disaster.png,pinery-bushfire_00000621_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000621_pre_disaster.png,0,0,0,0,621,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000621_pre_disaster.png,woolsey-fire_00000621_pre_disaster,0,0,tier3\masks\woolsey-fire_00000621_pre_disaster.png,0,0,0,0,621,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000622_pre_disaster.png,woolsey-fire_00000622_pre_disaster,0,0,tier3\masks\woolsey-fire_00000622_pre_disaster.png,0,0,25,22031,622,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000622_pre_disaster.png,portugal-wildfire_00000622_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000622_pre_disaster.png,0,0,0,0,622,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000622_pre_disaster.png,pinery-bushfire_00000622_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000622_pre_disaster.png,0,0,0,0,622,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000623_pre_disaster.png,woolsey-fire_00000623_pre_disaster,0,0,tier3\masks\woolsey-fire_00000623_pre_disaster.png,0,0,5,1145,623,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000623_pre_disaster.png,portugal-wildfire_00000623_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000623_pre_disaster.png,0,0,21,12508,623,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000623_pre_disaster.png,socal-fire_00000623_pre_disaster,0,0,train\masks\socal-fire_00000623_pre_disaster.png,0,0,61,77121,623,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000623_pre_disaster.png,pinery-bushfire_00000623_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000623_pre_disaster.png,0,0,0,0,623,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000624_pre_disaster.png,woolsey-fire_00000624_pre_disaster,0,0,tier3\masks\woolsey-fire_00000624_pre_disaster.png,0,0,0,0,624,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000624_pre_disaster.png,socal-fire_00000624_pre_disaster,0,0,train\masks\socal-fire_00000624_pre_disaster.png,0,0,0,0,624,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000624_pre_disaster.png,portugal-wildfire_00000624_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000624_pre_disaster.png,0,0,0,0,624,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000624_pre_disaster.png,pinery-bushfire_00000624_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000624_pre_disaster.png,0,0,0,0,624,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000625_pre_disaster.png,woolsey-fire_00000625_pre_disaster,0,0,tier3\masks\woolsey-fire_00000625_pre_disaster.png,0,0,0,0,625,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000625_pre_disaster.png,portugal-wildfire_00000625_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000625_pre_disaster.png,0,0,0,0,625,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000625_pre_disaster.png,pinery-bushfire_00000625_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000625_pre_disaster.png,0,0,0,0,625,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000626_pre_disaster.png,woolsey-fire_00000626_pre_disaster,0,0,tier3\masks\woolsey-fire_00000626_pre_disaster.png,0,0,0,0,626,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000626_pre_disaster.png,pinery-bushfire_00000626_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000626_pre_disaster.png,0,0,0,0,626,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000626_pre_disaster.png,portugal-wildfire_00000626_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000626_pre_disaster.png,0,0,0,0,626,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000626_pre_disaster.png,socal-fire_00000626_pre_disaster,0,0,train\masks\socal-fire_00000626_pre_disaster.png,0,0,0,0,626,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000627_pre_disaster.png,portugal-wildfire_00000627_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000627_pre_disaster.png,0,0,17,7318,627,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000627_pre_disaster.png,pinery-bushfire_00000627_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000627_pre_disaster.png,0,0,1,213,627,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000627_pre_disaster.png,woolsey-fire_00000627_pre_disaster,0,0,tier3\masks\woolsey-fire_00000627_pre_disaster.png,0,0,10,11191,627,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000628_pre_disaster.png,socal-fire_00000628_pre_disaster,0,0,train\masks\socal-fire_00000628_pre_disaster.png,0,0,32,39470,628,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000628_pre_disaster.png,portugal-wildfire_00000628_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000628_pre_disaster.png,0,0,3,3453,628,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000628_pre_disaster.png,pinery-bushfire_00000628_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000628_pre_disaster.png,0,0,0,0,628,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000628_pre_disaster.png,woolsey-fire_00000628_pre_disaster,0,0,tier3\masks\woolsey-fire_00000628_pre_disaster.png,0,0,0,0,628,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000629_pre_disaster.png,socal-fire_00000629_pre_disaster,0,0,train\masks\socal-fire_00000629_pre_disaster.png,0,0,81,122406,629,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000629_pre_disaster.png,portugal-wildfire_00000629_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000629_pre_disaster.png,0,0,0,0,629,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000629_pre_disaster.png,pinery-bushfire_00000629_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000629_pre_disaster.png,0,0,0,0,629,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000629_pre_disaster.png,woolsey-fire_00000629_pre_disaster,0,0,tier3\masks\woolsey-fire_00000629_pre_disaster.png,0,0,0,0,629,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000630_pre_disaster.png,portugal-wildfire_00000630_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000630_pre_disaster.png,0,0,0,0,630,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000630_pre_disaster.png,pinery-bushfire_00000630_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000630_pre_disaster.png,0,0,6,3594,630,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000630_pre_disaster.png,woolsey-fire_00000630_pre_disaster,0,0,tier3\masks\woolsey-fire_00000630_pre_disaster.png,0,0,0,0,630,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000631_pre_disaster.png,portugal-wildfire_00000631_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000631_pre_disaster.png,0,0,9,10809,631,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000631_pre_disaster.png,pinery-bushfire_00000631_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000631_pre_disaster.png,0,0,0,0,631,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000631_pre_disaster.png,woolsey-fire_00000631_pre_disaster,0,0,tier3\masks\woolsey-fire_00000631_pre_disaster.png,0,0,17,27410,631,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000631_pre_disaster.png,socal-fire_00000631_pre_disaster,0,0,train\masks\socal-fire_00000631_pre_disaster.png,0,0,25,39243,631,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000632_pre_disaster.png,pinery-bushfire_00000632_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000632_pre_disaster.png,0,0,0,0,632,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000632_pre_disaster.png,woolsey-fire_00000632_pre_disaster,0,0,tier3\masks\woolsey-fire_00000632_pre_disaster.png,0,0,7,9242,632,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000632_pre_disaster.png,socal-fire_00000632_pre_disaster,0,0,train\masks\socal-fire_00000632_pre_disaster.png,0,0,0,0,632,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000632_pre_disaster.png,portugal-wildfire_00000632_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000632_pre_disaster.png,0,0,20,9091,632,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000633_pre_disaster.png,portugal-wildfire_00000633_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000633_pre_disaster.png,0,0,0,0,633,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000633_pre_disaster.png,pinery-bushfire_00000633_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000633_pre_disaster.png,0,0,0,0,633,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000633_pre_disaster.png,woolsey-fire_00000633_pre_disaster,0,0,tier3\masks\woolsey-fire_00000633_pre_disaster.png,0,0,0,0,633,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000633_pre_disaster.png,socal-fire_00000633_pre_disaster,0,0,train\masks\socal-fire_00000633_pre_disaster.png,0,0,0,0,633,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000634_pre_disaster.png,socal-fire_00000634_pre_disaster,0,0,train\masks\socal-fire_00000634_pre_disaster.png,0,0,101,230728,634,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000634_pre_disaster.png,woolsey-fire_00000634_pre_disaster,0,0,tier3\masks\woolsey-fire_00000634_pre_disaster.png,0,0,7,12696,634,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000634_pre_disaster.png,portugal-wildfire_00000634_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000634_pre_disaster.png,0,0,0,0,634,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000634_pre_disaster.png,pinery-bushfire_00000634_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000634_pre_disaster.png,0,0,2,287,634,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000635_pre_disaster.png,pinery-bushfire_00000635_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000635_pre_disaster.png,0,0,0,0,635,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000635_pre_disaster.png,woolsey-fire_00000635_pre_disaster,0,0,tier3\masks\woolsey-fire_00000635_pre_disaster.png,0,0,3,410,635,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000635_pre_disaster.png,socal-fire_00000635_pre_disaster,0,0,train\masks\socal-fire_00000635_pre_disaster.png,0,0,0,0,635,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000635_pre_disaster.png,portugal-wildfire_00000635_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000635_pre_disaster.png,0,0,0,0,635,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000636_pre_disaster.png,socal-fire_00000636_pre_disaster,0,0,train\masks\socal-fire_00000636_pre_disaster.png,0,0,0,0,636,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000636_pre_disaster.png,woolsey-fire_00000636_pre_disaster,0,0,tier3\masks\woolsey-fire_00000636_pre_disaster.png,0,0,0,0,636,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000636_pre_disaster.png,portugal-wildfire_00000636_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000636_pre_disaster.png,0,0,0,0,636,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000636_pre_disaster.png,pinery-bushfire_00000636_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000636_pre_disaster.png,0,0,2,734,636,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000637_pre_disaster.png,portugal-wildfire_00000637_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000637_pre_disaster.png,0,0,37,28153,637,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000637_pre_disaster.png,pinery-bushfire_00000637_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000637_pre_disaster.png,0,0,1,2594,637,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000637_pre_disaster.png,woolsey-fire_00000637_pre_disaster,0,0,tier3\masks\woolsey-fire_00000637_pre_disaster.png,0,0,0,0,637,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000638_pre_disaster.png,portugal-wildfire_00000638_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000638_pre_disaster.png,0,0,0,0,638,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000638_pre_disaster.png,pinery-bushfire_00000638_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000638_pre_disaster.png,0,0,0,0,638,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000638_pre_disaster.png,woolsey-fire_00000638_pre_disaster,0,0,tier3\masks\woolsey-fire_00000638_pre_disaster.png,0,0,0,0,638,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000639_pre_disaster.png,woolsey-fire_00000639_pre_disaster,0,0,tier3\masks\woolsey-fire_00000639_pre_disaster.png,0,0,0,0,639,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000639_pre_disaster.png,portugal-wildfire_00000639_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000639_pre_disaster.png,0,0,29,24877,639,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000639_pre_disaster.png,socal-fire_00000639_pre_disaster,0,0,train\masks\socal-fire_00000639_pre_disaster.png,0,0,3,1857,639,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000639_pre_disaster.png,pinery-bushfire_00000639_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000639_pre_disaster.png,0,0,3,1361,639,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000640_pre_disaster.png,portugal-wildfire_00000640_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000640_pre_disaster.png,0,0,0,0,640,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000640_pre_disaster.png,woolsey-fire_00000640_pre_disaster,0,0,tier3\masks\woolsey-fire_00000640_pre_disaster.png,0,0,0,0,640,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000640_pre_disaster.png,socal-fire_00000640_pre_disaster,0,0,train\masks\socal-fire_00000640_pre_disaster.png,0,0,0,0,640,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000640_pre_disaster.png,pinery-bushfire_00000640_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000640_pre_disaster.png,0,0,19,9378,640,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000641_pre_disaster.png,portugal-wildfire_00000641_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000641_pre_disaster.png,0,0,0,0,641,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000641_pre_disaster.png,woolsey-fire_00000641_pre_disaster,0,0,tier3\masks\woolsey-fire_00000641_pre_disaster.png,0,0,0,0,641,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000641_pre_disaster.png,pinery-bushfire_00000641_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000641_pre_disaster.png,0,0,0,0,641,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000642_pre_disaster.png,woolsey-fire_00000642_pre_disaster,0,0,tier3\masks\woolsey-fire_00000642_pre_disaster.png,0,0,0,0,642,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000642_pre_disaster.png,socal-fire_00000642_pre_disaster,0,0,train\masks\socal-fire_00000642_pre_disaster.png,0,0,20,30992,642,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000642_pre_disaster.png,pinery-bushfire_00000642_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000642_pre_disaster.png,0,0,0,0,642,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000642_pre_disaster.png,portugal-wildfire_00000642_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000642_pre_disaster.png,0,0,0,0,642,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000643_pre_disaster.png,woolsey-fire_00000643_pre_disaster,0,0,tier3\masks\woolsey-fire_00000643_pre_disaster.png,0,0,5,1172,643,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000643_pre_disaster.png,portugal-wildfire_00000643_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000643_pre_disaster.png,0,0,42,33839,643,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000643_pre_disaster.png,pinery-bushfire_00000643_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000643_pre_disaster.png,0,0,0,0,643,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000643_pre_disaster.png,socal-fire_00000643_pre_disaster,0,0,train\masks\socal-fire_00000643_pre_disaster.png,0,0,121,153720,643,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000644_pre_disaster.png,socal-fire_00000644_pre_disaster,0,0,train\masks\socal-fire_00000644_pre_disaster.png,0,0,3,2308,644,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000644_pre_disaster.png,pinery-bushfire_00000644_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000644_pre_disaster.png,0,0,0,0,644,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000644_pre_disaster.png,woolsey-fire_00000644_pre_disaster,0,0,tier3\masks\woolsey-fire_00000644_pre_disaster.png,0,0,26,24401,644,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000644_pre_disaster.png,portugal-wildfire_00000644_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000644_pre_disaster.png,0,0,0,0,644,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000645_pre_disaster.png,pinery-bushfire_00000645_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000645_pre_disaster.png,0,0,0,0,645,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000645_pre_disaster.png,woolsey-fire_00000645_pre_disaster,0,0,tier3\masks\woolsey-fire_00000645_pre_disaster.png,0,0,40,51086,645,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000645_pre_disaster.png,portugal-wildfire_00000645_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000645_pre_disaster.png,0,0,3,1577,645,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000646_pre_disaster.png,pinery-bushfire_00000646_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000646_pre_disaster.png,0,0,0,0,646,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000646_pre_disaster.png,portugal-wildfire_00000646_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000646_pre_disaster.png,0,0,37,28249,646,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000646_pre_disaster.png,woolsey-fire_00000646_pre_disaster,0,0,tier3\masks\woolsey-fire_00000646_pre_disaster.png,0,0,9,3682,646,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000647_pre_disaster.png,portugal-wildfire_00000647_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000647_pre_disaster.png,0,0,5,3292,647,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000647_pre_disaster.png,socal-fire_00000647_pre_disaster,0,0,train\masks\socal-fire_00000647_pre_disaster.png,0,0,0,0,647,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000647_pre_disaster.png,woolsey-fire_00000647_pre_disaster,0,0,tier3\masks\woolsey-fire_00000647_pre_disaster.png,0,0,0,0,647,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000647_pre_disaster.png,pinery-bushfire_00000647_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000647_pre_disaster.png,0,0,0,0,647,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000648_pre_disaster.png,woolsey-fire_00000648_pre_disaster,0,0,tier3\masks\woolsey-fire_00000648_pre_disaster.png,0,0,1,704,648,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000648_pre_disaster.png,portugal-wildfire_00000648_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000648_pre_disaster.png,0,0,0,0,648,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000648_pre_disaster.png,pinery-bushfire_00000648_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000648_pre_disaster.png,0,0,3,2160,648,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000649_pre_disaster.png,pinery-bushfire_00000649_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000649_pre_disaster.png,0,0,0,0,649,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000649_pre_disaster.png,portugal-wildfire_00000649_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000649_pre_disaster.png,0,0,20,7581,649,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000649_pre_disaster.png,woolsey-fire_00000649_pre_disaster,0,0,tier3\masks\woolsey-fire_00000649_pre_disaster.png,0,0,0,0,649,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000650_pre_disaster.png,woolsey-fire_00000650_pre_disaster,0,0,tier3\masks\woolsey-fire_00000650_pre_disaster.png,0,0,0,0,650,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000650_pre_disaster.png,pinery-bushfire_00000650_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000650_pre_disaster.png,0,0,0,0,650,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000650_pre_disaster.png,portugal-wildfire_00000650_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000650_pre_disaster.png,0,0,8,5578,650,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000651_pre_disaster.png,pinery-bushfire_00000651_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000651_pre_disaster.png,0,0,0,0,651,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000651_pre_disaster.png,woolsey-fire_00000651_pre_disaster,0,0,tier3\masks\woolsey-fire_00000651_pre_disaster.png,0,0,0,0,651,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000651_pre_disaster.png,portugal-wildfire_00000651_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000651_pre_disaster.png,0,0,31,11825,651,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000651_pre_disaster.png,socal-fire_00000651_pre_disaster,0,0,train\masks\socal-fire_00000651_pre_disaster.png,0,0,16,25952,651,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000652_pre_disaster.png,socal-fire_00000652_pre_disaster,0,0,train\masks\socal-fire_00000652_pre_disaster.png,0,0,3,1011,652,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000652_pre_disaster.png,woolsey-fire_00000652_pre_disaster,0,0,tier3\masks\woolsey-fire_00000652_pre_disaster.png,0,0,0,0,652,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000652_pre_disaster.png,pinery-bushfire_00000652_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000652_pre_disaster.png,0,0,10,4647,652,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000652_pre_disaster.png,portugal-wildfire_00000652_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000652_pre_disaster.png,0,0,3,589,652,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000653_pre_disaster.png,portugal-wildfire_00000653_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000653_pre_disaster.png,0,0,0,0,653,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000653_pre_disaster.png,woolsey-fire_00000653_pre_disaster,0,0,tier3\masks\woolsey-fire_00000653_pre_disaster.png,0,0,40,59065,653,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000653_pre_disaster.png,socal-fire_00000653_pre_disaster,0,0,train\masks\socal-fire_00000653_pre_disaster.png,0,0,12,20661,653,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000653_pre_disaster.png,pinery-bushfire_00000653_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000653_pre_disaster.png,0,0,0,0,653,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000654_pre_disaster.png,pinery-bushfire_00000654_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000654_pre_disaster.png,0,0,0,0,654,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000654_pre_disaster.png,woolsey-fire_00000654_pre_disaster,0,0,tier3\masks\woolsey-fire_00000654_pre_disaster.png,0,0,0,0,654,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000654_pre_disaster.png,portugal-wildfire_00000654_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000654_pre_disaster.png,0,0,0,0,654,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000655_pre_disaster.png,woolsey-fire_00000655_pre_disaster,0,0,tier3\masks\woolsey-fire_00000655_pre_disaster.png,0,0,0,0,655,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000655_pre_disaster.png,portugal-wildfire_00000655_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000655_pre_disaster.png,0,0,0,0,655,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000655_pre_disaster.png,socal-fire_00000655_pre_disaster,0,0,train\masks\socal-fire_00000655_pre_disaster.png,0,0,55,79244,655,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000655_pre_disaster.png,pinery-bushfire_00000655_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000655_pre_disaster.png,0,0,22,11198,655,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000656_pre_disaster.png,pinery-bushfire_00000656_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000656_pre_disaster.png,0,0,1,91,656,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000656_pre_disaster.png,portugal-wildfire_00000656_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000656_pre_disaster.png,0,0,0,0,656,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000656_pre_disaster.png,woolsey-fire_00000656_pre_disaster,0,0,tier3\masks\woolsey-fire_00000656_pre_disaster.png,0,0,2,278,656,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000657_pre_disaster.png,pinery-bushfire_00000657_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000657_pre_disaster.png,0,0,0,0,657,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000657_pre_disaster.png,portugal-wildfire_00000657_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000657_pre_disaster.png,0,0,0,0,657,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000657_pre_disaster.png,woolsey-fire_00000657_pre_disaster,0,0,tier3\masks\woolsey-fire_00000657_pre_disaster.png,0,0,0,0,657,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000657_pre_disaster.png,socal-fire_00000657_pre_disaster,0,0,train\masks\socal-fire_00000657_pre_disaster.png,0,0,18,24224,657,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000658_pre_disaster.png,pinery-bushfire_00000658_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000658_pre_disaster.png,0,0,0,0,658,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000658_pre_disaster.png,portugal-wildfire_00000658_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000658_pre_disaster.png,0,0,3,397,658,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000658_pre_disaster.png,woolsey-fire_00000658_pre_disaster,0,0,tier3\masks\woolsey-fire_00000658_pre_disaster.png,0,0,22,12260,658,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000659_pre_disaster.png,pinery-bushfire_00000659_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000659_pre_disaster.png,0,0,0,0,659,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000659_pre_disaster.png,portugal-wildfire_00000659_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000659_pre_disaster.png,0,0,0,0,659,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000659_pre_disaster.png,woolsey-fire_00000659_pre_disaster,0,0,tier3\masks\woolsey-fire_00000659_pre_disaster.png,0,0,0,0,659,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000660_pre_disaster.png,socal-fire_00000660_pre_disaster,0,0,train\masks\socal-fire_00000660_pre_disaster.png,0,0,2,726,660,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000660_pre_disaster.png,pinery-bushfire_00000660_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000660_pre_disaster.png,0,0,0,0,660,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000660_pre_disaster.png,woolsey-fire_00000660_pre_disaster,0,0,tier3\masks\woolsey-fire_00000660_pre_disaster.png,0,0,2,720,660,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000660_pre_disaster.png,portugal-wildfire_00000660_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000660_pre_disaster.png,0,0,1,209,660,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000661_pre_disaster.png,socal-fire_00000661_pre_disaster,0,0,train\masks\socal-fire_00000661_pre_disaster.png,0,0,28,27177,661,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000661_pre_disaster.png,pinery-bushfire_00000661_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000661_pre_disaster.png,0,0,0,0,661,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000661_pre_disaster.png,portugal-wildfire_00000661_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000661_pre_disaster.png,0,0,0,0,661,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000661_pre_disaster.png,woolsey-fire_00000661_pre_disaster,0,0,tier3\masks\woolsey-fire_00000661_pre_disaster.png,0,0,0,0,661,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000662_pre_disaster.png,pinery-bushfire_00000662_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000662_pre_disaster.png,0,0,0,0,662,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000662_pre_disaster.png,portugal-wildfire_00000662_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000662_pre_disaster.png,0,0,0,0,662,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000662_pre_disaster.png,woolsey-fire_00000662_pre_disaster,0,0,tier3\masks\woolsey-fire_00000662_pre_disaster.png,0,0,0,0,662,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000662_pre_disaster.png,socal-fire_00000662_pre_disaster,0,0,train\masks\socal-fire_00000662_pre_disaster.png,0,0,21,14170,662,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000663_pre_disaster.png,woolsey-fire_00000663_pre_disaster,0,0,tier3\masks\woolsey-fire_00000663_pre_disaster.png,0,0,0,0,663,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000663_pre_disaster.png,pinery-bushfire_00000663_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000663_pre_disaster.png,0,0,11,11091,663,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000663_pre_disaster.png,socal-fire_00000663_pre_disaster,0,0,train\masks\socal-fire_00000663_pre_disaster.png,0,0,36,38962,663,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000663_pre_disaster.png,portugal-wildfire_00000663_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000663_pre_disaster.png,0,0,1,358,663,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000664_pre_disaster.png,pinery-bushfire_00000664_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000664_pre_disaster.png,0,0,3,198,664,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000664_pre_disaster.png,portugal-wildfire_00000664_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000664_pre_disaster.png,0,0,14,12654,664,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000664_pre_disaster.png,woolsey-fire_00000664_pre_disaster,0,0,tier3\masks\woolsey-fire_00000664_pre_disaster.png,0,0,0,0,664,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000665_pre_disaster.png,woolsey-fire_00000665_pre_disaster,0,0,tier3\masks\woolsey-fire_00000665_pre_disaster.png,0,0,0,0,665,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000665_pre_disaster.png,pinery-bushfire_00000665_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000665_pre_disaster.png,0,0,2,1212,665,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000665_pre_disaster.png,socal-fire_00000665_pre_disaster,0,0,train\masks\socal-fire_00000665_pre_disaster.png,0,0,0,0,665,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000665_pre_disaster.png,portugal-wildfire_00000665_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000665_pre_disaster.png,0,0,0,0,665,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000666_pre_disaster.png,pinery-bushfire_00000666_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000666_pre_disaster.png,0,0,2,361,666,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000666_pre_disaster.png,socal-fire_00000666_pre_disaster,0,0,train\masks\socal-fire_00000666_pre_disaster.png,0,0,3,4125,666,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000666_pre_disaster.png,portugal-wildfire_00000666_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000666_pre_disaster.png,0,0,57,39064,666,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000666_pre_disaster.png,woolsey-fire_00000666_pre_disaster,0,0,tier3\masks\woolsey-fire_00000666_pre_disaster.png,0,0,0,0,666,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000667_pre_disaster.png,pinery-bushfire_00000667_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000667_pre_disaster.png,0,0,6,3537,667,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000667_pre_disaster.png,woolsey-fire_00000667_pre_disaster,0,0,tier3\masks\woolsey-fire_00000667_pre_disaster.png,0,0,0,0,667,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000667_pre_disaster.png,portugal-wildfire_00000667_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000667_pre_disaster.png,0,0,0,0,667,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000668_pre_disaster.png,woolsey-fire_00000668_pre_disaster,0,0,tier3\masks\woolsey-fire_00000668_pre_disaster.png,0,0,0,0,668,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000668_pre_disaster.png,pinery-bushfire_00000668_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000668_pre_disaster.png,0,0,1,211,668,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000668_pre_disaster.png,portugal-wildfire_00000668_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000668_pre_disaster.png,0,0,0,0,668,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000668_pre_disaster.png,socal-fire_00000668_pre_disaster,0,0,train\masks\socal-fire_00000668_pre_disaster.png,0,0,65,147555,668,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000669_pre_disaster.png,woolsey-fire_00000669_pre_disaster,0,0,tier3\masks\woolsey-fire_00000669_pre_disaster.png,0,0,1,500,669,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000669_pre_disaster.png,pinery-bushfire_00000669_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000669_pre_disaster.png,0,0,4,3783,669,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000669_pre_disaster.png,socal-fire_00000669_pre_disaster,0,0,train\masks\socal-fire_00000669_pre_disaster.png,0,0,12,15909,669,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000669_pre_disaster.png,portugal-wildfire_00000669_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000669_pre_disaster.png,0,0,10,6325,669,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000670_pre_disaster.png,pinery-bushfire_00000670_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000670_pre_disaster.png,0,0,10,4642,670,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000670_pre_disaster.png,portugal-wildfire_00000670_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000670_pre_disaster.png,0,0,0,0,670,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000670_pre_disaster.png,woolsey-fire_00000670_pre_disaster,0,0,tier3\masks\woolsey-fire_00000670_pre_disaster.png,0,0,0,0,670,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000671_pre_disaster.png,pinery-bushfire_00000671_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000671_pre_disaster.png,0,0,0,0,671,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000671_pre_disaster.png,socal-fire_00000671_pre_disaster,0,0,train\masks\socal-fire_00000671_pre_disaster.png,0,0,2,1244,671,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000671_pre_disaster.png,woolsey-fire_00000671_pre_disaster,0,0,tier3\masks\woolsey-fire_00000671_pre_disaster.png,0,0,0,0,671,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000671_pre_disaster.png,portugal-wildfire_00000671_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000671_pre_disaster.png,0,0,3,815,671,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000672_pre_disaster.png,pinery-bushfire_00000672_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000672_pre_disaster.png,0,0,0,0,672,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000672_pre_disaster.png,portugal-wildfire_00000672_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000672_pre_disaster.png,0,0,41,31799,672,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000672_pre_disaster.png,woolsey-fire_00000672_pre_disaster,0,0,tier3\masks\woolsey-fire_00000672_pre_disaster.png,0,0,0,0,672,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000672_pre_disaster.png,socal-fire_00000672_pre_disaster,0,0,train\masks\socal-fire_00000672_pre_disaster.png,0,0,0,0,672,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000673_pre_disaster.png,portugal-wildfire_00000673_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000673_pre_disaster.png,0,0,1,567,673,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000673_pre_disaster.png,pinery-bushfire_00000673_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000673_pre_disaster.png,0,0,0,0,673,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000673_pre_disaster.png,woolsey-fire_00000673_pre_disaster,0,0,tier3\masks\woolsey-fire_00000673_pre_disaster.png,0,0,0,0,673,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000674_pre_disaster.png,woolsey-fire_00000674_pre_disaster,0,0,tier3\masks\woolsey-fire_00000674_pre_disaster.png,0,0,8,5134,674,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000674_pre_disaster.png,portugal-wildfire_00000674_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000674_pre_disaster.png,0,0,0,0,674,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000674_pre_disaster.png,pinery-bushfire_00000674_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000674_pre_disaster.png,0,0,1,714,674,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000675_pre_disaster.png,woolsey-fire_00000675_pre_disaster,0,0,tier3\masks\woolsey-fire_00000675_pre_disaster.png,0,0,0,0,675,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000675_pre_disaster.png,pinery-bushfire_00000675_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000675_pre_disaster.png,0,0,11,3097,675,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000675_pre_disaster.png,portugal-wildfire_00000675_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000675_pre_disaster.png,0,0,0,0,675,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000675_pre_disaster.png,socal-fire_00000675_pre_disaster,0,0,train\masks\socal-fire_00000675_pre_disaster.png,0,0,73,151003,675,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000676_pre_disaster.png,pinery-bushfire_00000676_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000676_pre_disaster.png,0,0,0,0,676,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000676_pre_disaster.png,woolsey-fire_00000676_pre_disaster,0,0,tier3\masks\woolsey-fire_00000676_pre_disaster.png,0,0,0,0,676,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000676_pre_disaster.png,socal-fire_00000676_pre_disaster,0,0,train\masks\socal-fire_00000676_pre_disaster.png,0,0,22,24523,676,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000676_pre_disaster.png,portugal-wildfire_00000676_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000676_pre_disaster.png,0,0,0,0,676,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000677_pre_disaster.png,pinery-bushfire_00000677_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000677_pre_disaster.png,0,0,0,0,677,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000677_pre_disaster.png,portugal-wildfire_00000677_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000677_pre_disaster.png,0,0,0,0,677,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000677_pre_disaster.png,woolsey-fire_00000677_pre_disaster,0,0,tier3\masks\woolsey-fire_00000677_pre_disaster.png,0,0,0,0,677,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000677_pre_disaster.png,socal-fire_00000677_pre_disaster,0,0,train\masks\socal-fire_00000677_pre_disaster.png,0,0,0,0,677,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000678_pre_disaster.png,portugal-wildfire_00000678_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000678_pre_disaster.png,0,0,0,0,678,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000678_pre_disaster.png,pinery-bushfire_00000678_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000678_pre_disaster.png,0,0,0,0,678,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000678_pre_disaster.png,woolsey-fire_00000678_pre_disaster,0,0,tier3\masks\woolsey-fire_00000678_pre_disaster.png,0,0,0,0,678,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000679_pre_disaster.png,pinery-bushfire_00000679_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000679_pre_disaster.png,0,0,0,0,679,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000679_pre_disaster.png,portugal-wildfire_00000679_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000679_pre_disaster.png,0,0,60,60372,679,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000679_pre_disaster.png,woolsey-fire_00000679_pre_disaster,0,0,tier3\masks\woolsey-fire_00000679_pre_disaster.png,0,0,12,7431,679,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000679_pre_disaster.png,socal-fire_00000679_pre_disaster,0,0,train\masks\socal-fire_00000679_pre_disaster.png,0,0,19,10313,679,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000680_pre_disaster.png,socal-fire_00000680_pre_disaster,0,0,train\masks\socal-fire_00000680_pre_disaster.png,0,0,1,1447,680,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000680_pre_disaster.png,woolsey-fire_00000680_pre_disaster,0,0,tier3\masks\woolsey-fire_00000680_pre_disaster.png,0,0,0,0,680,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000680_pre_disaster.png,pinery-bushfire_00000680_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000680_pre_disaster.png,0,0,0,0,680,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000680_pre_disaster.png,portugal-wildfire_00000680_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000680_pre_disaster.png,0,0,0,0,680,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000681_pre_disaster.png,woolsey-fire_00000681_pre_disaster,0,0,tier3\masks\woolsey-fire_00000681_pre_disaster.png,0,0,0,0,681,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000681_pre_disaster.png,socal-fire_00000681_pre_disaster,0,0,train\masks\socal-fire_00000681_pre_disaster.png,0,0,1,77,681,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000681_pre_disaster.png,portugal-wildfire_00000681_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000681_pre_disaster.png,0,0,0,0,681,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000681_pre_disaster.png,pinery-bushfire_00000681_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000681_pre_disaster.png,0,0,0,0,681,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000682_pre_disaster.png,pinery-bushfire_00000682_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000682_pre_disaster.png,0,0,0,0,682,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000682_pre_disaster.png,woolsey-fire_00000682_pre_disaster,0,0,tier3\masks\woolsey-fire_00000682_pre_disaster.png,0,0,10,1546,682,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000682_pre_disaster.png,portugal-wildfire_00000682_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000682_pre_disaster.png,0,0,0,0,682,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000683_pre_disaster.png,woolsey-fire_00000683_pre_disaster,0,0,tier3\masks\woolsey-fire_00000683_pre_disaster.png,0,0,0,0,683,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000683_pre_disaster.png,portugal-wildfire_00000683_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000683_pre_disaster.png,0,0,0,0,683,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000683_pre_disaster.png,pinery-bushfire_00000683_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000683_pre_disaster.png,0,0,1,415,683,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000684_pre_disaster.png,portugal-wildfire_00000684_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000684_pre_disaster.png,0,0,2,748,684,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000684_pre_disaster.png,woolsey-fire_00000684_pre_disaster,0,0,tier3\masks\woolsey-fire_00000684_pre_disaster.png,0,0,39,74389,684,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000684_pre_disaster.png,pinery-bushfire_00000684_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000684_pre_disaster.png,0,0,1,1270,684,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000685_pre_disaster.png,portugal-wildfire_00000685_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000685_pre_disaster.png,0,0,5,3000,685,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000685_pre_disaster.png,woolsey-fire_00000685_pre_disaster,0,0,tier3\masks\woolsey-fire_00000685_pre_disaster.png,0,0,11,1098,685,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000685_pre_disaster.png,pinery-bushfire_00000685_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000685_pre_disaster.png,0,0,0,0,685,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000686_pre_disaster.png,socal-fire_00000686_pre_disaster,0,0,train\masks\socal-fire_00000686_pre_disaster.png,0,0,12,4218,686,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000686_pre_disaster.png,woolsey-fire_00000686_pre_disaster,0,0,tier3\masks\woolsey-fire_00000686_pre_disaster.png,0,0,0,0,686,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000686_pre_disaster.png,portugal-wildfire_00000686_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000686_pre_disaster.png,0,0,0,0,686,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000686_pre_disaster.png,pinery-bushfire_00000686_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000686_pre_disaster.png,0,0,12,5953,686,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000687_pre_disaster.png,portugal-wildfire_00000687_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000687_pre_disaster.png,0,0,0,0,687,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000687_pre_disaster.png,woolsey-fire_00000687_pre_disaster,0,0,tier3\masks\woolsey-fire_00000687_pre_disaster.png,0,0,0,0,687,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000687_pre_disaster.png,pinery-bushfire_00000687_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000687_pre_disaster.png,0,0,0,0,687,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000688_pre_disaster.png,woolsey-fire_00000688_pre_disaster,0,0,tier3\masks\woolsey-fire_00000688_pre_disaster.png,0,0,6,3067,688,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000688_pre_disaster.png,portugal-wildfire_00000688_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000688_pre_disaster.png,0,0,0,0,688,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000688_pre_disaster.png,pinery-bushfire_00000688_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000688_pre_disaster.png,0,0,0,0,688,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000688_pre_disaster.png,socal-fire_00000688_pre_disaster,0,0,train\masks\socal-fire_00000688_pre_disaster.png,0,0,7,7513,688,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000689_pre_disaster.png,socal-fire_00000689_pre_disaster,0,0,train\masks\socal-fire_00000689_pre_disaster.png,0,0,0,0,689,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000689_pre_disaster.png,pinery-bushfire_00000689_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000689_pre_disaster.png,0,0,0,0,689,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000689_pre_disaster.png,portugal-wildfire_00000689_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000689_pre_disaster.png,0,0,0,0,689,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000689_pre_disaster.png,woolsey-fire_00000689_pre_disaster,0,0,tier3\masks\woolsey-fire_00000689_pre_disaster.png,0,0,0,0,689,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000690_pre_disaster.png,pinery-bushfire_00000690_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000690_pre_disaster.png,0,0,8,4606,690,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000690_pre_disaster.png,woolsey-fire_00000690_pre_disaster,0,0,tier3\masks\woolsey-fire_00000690_pre_disaster.png,0,0,0,0,690,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000690_pre_disaster.png,portugal-wildfire_00000690_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000690_pre_disaster.png,0,0,3,2354,690,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000691_pre_disaster.png,socal-fire_00000691_pre_disaster,0,0,train\masks\socal-fire_00000691_pre_disaster.png,0,0,2,1831,691,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000691_pre_disaster.png,woolsey-fire_00000691_pre_disaster,0,0,tier3\masks\woolsey-fire_00000691_pre_disaster.png,0,0,0,0,691,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000691_pre_disaster.png,pinery-bushfire_00000691_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000691_pre_disaster.png,0,0,0,0,691,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000691_pre_disaster.png,portugal-wildfire_00000691_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000691_pre_disaster.png,0,0,6,2720,691,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000692_pre_disaster.png,socal-fire_00000692_pre_disaster,0,0,train\masks\socal-fire_00000692_pre_disaster.png,0,0,46,60786,692,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000692_pre_disaster.png,portugal-wildfire_00000692_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000692_pre_disaster.png,0,0,2,523,692,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000692_pre_disaster.png,woolsey-fire_00000692_pre_disaster,0,0,tier3\masks\woolsey-fire_00000692_pre_disaster.png,0,0,34,9213,692,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000692_pre_disaster.png,pinery-bushfire_00000692_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000692_pre_disaster.png,0,0,0,0,692,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000693_pre_disaster.png,woolsey-fire_00000693_pre_disaster,0,0,tier3\masks\woolsey-fire_00000693_pre_disaster.png,0,0,13,6924,693,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000693_pre_disaster.png,pinery-bushfire_00000693_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000693_pre_disaster.png,0,0,0,0,693,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000693_pre_disaster.png,socal-fire_00000693_pre_disaster,0,0,train\masks\socal-fire_00000693_pre_disaster.png,0,0,0,0,693,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000693_pre_disaster.png,portugal-wildfire_00000693_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000693_pre_disaster.png,0,0,1,125,693,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000694_pre_disaster.png,portugal-wildfire_00000694_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000694_pre_disaster.png,0,0,0,0,694,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000694_pre_disaster.png,pinery-bushfire_00000694_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000694_pre_disaster.png,0,0,0,0,694,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000694_pre_disaster.png,woolsey-fire_00000694_pre_disaster,0,0,tier3\masks\woolsey-fire_00000694_pre_disaster.png,0,0,0,0,694,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000695_pre_disaster.png,pinery-bushfire_00000695_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000695_pre_disaster.png,0,0,0,0,695,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000695_pre_disaster.png,woolsey-fire_00000695_pre_disaster,0,0,tier3\masks\woolsey-fire_00000695_pre_disaster.png,0,0,93,144675,695,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000695_pre_disaster.png,portugal-wildfire_00000695_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000695_pre_disaster.png,0,0,0,0,695,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000695_pre_disaster.png,socal-fire_00000695_pre_disaster,0,0,train\masks\socal-fire_00000695_pre_disaster.png,0,0,1,213,695,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000696_pre_disaster.png,portugal-wildfire_00000696_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000696_pre_disaster.png,0,0,5,4136,696,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000696_pre_disaster.png,pinery-bushfire_00000696_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000696_pre_disaster.png,0,0,0,0,696,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000696_pre_disaster.png,woolsey-fire_00000696_pre_disaster,0,0,tier3\masks\woolsey-fire_00000696_pre_disaster.png,0,0,0,0,696,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000697_pre_disaster.png,pinery-bushfire_00000697_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000697_pre_disaster.png,0,0,0,0,697,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000697_pre_disaster.png,portugal-wildfire_00000697_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000697_pre_disaster.png,0,0,30,20744,697,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000697_pre_disaster.png,socal-fire_00000697_pre_disaster,0,0,train\masks\socal-fire_00000697_pre_disaster.png,0,0,1,117,697,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000697_pre_disaster.png,woolsey-fire_00000697_pre_disaster,0,0,tier3\masks\woolsey-fire_00000697_pre_disaster.png,0,0,0,0,697,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000698_pre_disaster.png,pinery-bushfire_00000698_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000698_pre_disaster.png,0,0,0,0,698,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000698_pre_disaster.png,portugal-wildfire_00000698_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000698_pre_disaster.png,0,0,10,7128,698,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000698_pre_disaster.png,woolsey-fire_00000698_pre_disaster,0,0,tier3\masks\woolsey-fire_00000698_pre_disaster.png,0,0,0,0,698,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000698_pre_disaster.png,socal-fire_00000698_pre_disaster,0,0,train\masks\socal-fire_00000698_pre_disaster.png,0,0,0,0,698,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000699_pre_disaster.png,pinery-bushfire_00000699_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000699_pre_disaster.png,0,0,0,0,699,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000699_pre_disaster.png,portugal-wildfire_00000699_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000699_pre_disaster.png,0,0,8,4058,699,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000699_pre_disaster.png,woolsey-fire_00000699_pre_disaster,0,0,tier3\masks\woolsey-fire_00000699_pre_disaster.png,0,0,5,1109,699,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000700_pre_disaster.png,woolsey-fire_00000700_pre_disaster,0,0,tier3\masks\woolsey-fire_00000700_pre_disaster.png,0,0,0,0,700,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000700_pre_disaster.png,portugal-wildfire_00000700_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000700_pre_disaster.png,0,0,1,409,700,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000700_pre_disaster.png,pinery-bushfire_00000700_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000700_pre_disaster.png,0,0,0,0,700,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000701_pre_disaster.png,portugal-wildfire_00000701_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000701_pre_disaster.png,0,0,0,0,701,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000701_pre_disaster.png,woolsey-fire_00000701_pre_disaster,0,0,tier3\masks\woolsey-fire_00000701_pre_disaster.png,0,0,0,0,701,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000701_pre_disaster.png,pinery-bushfire_00000701_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000701_pre_disaster.png,0,0,0,0,701,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000701_pre_disaster.png,socal-fire_00000701_pre_disaster,0,0,train\masks\socal-fire_00000701_pre_disaster.png,0,0,0,0,701,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000702_pre_disaster.png,portugal-wildfire_00000702_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000702_pre_disaster.png,0,0,15,10577,702,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000702_pre_disaster.png,pinery-bushfire_00000702_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000702_pre_disaster.png,0,0,0,0,702,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000702_pre_disaster.png,woolsey-fire_00000702_pre_disaster,0,0,tier3\masks\woolsey-fire_00000702_pre_disaster.png,0,0,5,9251,702,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000703_pre_disaster.png,portugal-wildfire_00000703_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000703_pre_disaster.png,0,0,0,0,703,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000703_pre_disaster.png,woolsey-fire_00000703_pre_disaster,0,0,tier3\masks\woolsey-fire_00000703_pre_disaster.png,0,0,31,40824,703,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000703_pre_disaster.png,pinery-bushfire_00000703_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000703_pre_disaster.png,0,0,2,1630,703,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000704_pre_disaster.png,woolsey-fire_00000704_pre_disaster,0,0,tier3\masks\woolsey-fire_00000704_pre_disaster.png,0,0,9,5315,704,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000704_pre_disaster.png,portugal-wildfire_00000704_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000704_pre_disaster.png,0,0,1,396,704,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000704_pre_disaster.png,socal-fire_00000704_pre_disaster,0,0,train\masks\socal-fire_00000704_pre_disaster.png,0,0,0,0,704,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000704_pre_disaster.png,pinery-bushfire_00000704_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000704_pre_disaster.png,0,0,0,0,704,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000705_pre_disaster.png,pinery-bushfire_00000705_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000705_pre_disaster.png,0,0,0,0,705,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000705_pre_disaster.png,portugal-wildfire_00000705_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000705_pre_disaster.png,0,0,0,0,705,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000705_pre_disaster.png,socal-fire_00000705_pre_disaster,0,0,train\masks\socal-fire_00000705_pre_disaster.png,0,0,0,0,705,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000705_pre_disaster.png,woolsey-fire_00000705_pre_disaster,0,0,tier3\masks\woolsey-fire_00000705_pre_disaster.png,0,0,0,0,705,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000706_pre_disaster.png,socal-fire_00000706_pre_disaster,0,0,train\masks\socal-fire_00000706_pre_disaster.png,0,0,0,0,706,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000706_pre_disaster.png,pinery-bushfire_00000706_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000706_pre_disaster.png,0,0,0,0,706,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000706_pre_disaster.png,woolsey-fire_00000706_pre_disaster,0,0,tier3\masks\woolsey-fire_00000706_pre_disaster.png,0,0,27,66989,706,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000706_pre_disaster.png,portugal-wildfire_00000706_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000706_pre_disaster.png,0,0,0,0,706,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000707_pre_disaster.png,woolsey-fire_00000707_pre_disaster,0,0,tier3\masks\woolsey-fire_00000707_pre_disaster.png,0,0,0,0,707,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000707_pre_disaster.png,portugal-wildfire_00000707_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000707_pre_disaster.png,0,0,7,4220,707,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000707_pre_disaster.png,pinery-bushfire_00000707_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000707_pre_disaster.png,0,0,8,4383,707,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000708_pre_disaster.png,woolsey-fire_00000708_pre_disaster,0,0,tier3\masks\woolsey-fire_00000708_pre_disaster.png,0,0,0,0,708,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000708_pre_disaster.png,pinery-bushfire_00000708_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000708_pre_disaster.png,0,0,1,38,708,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000708_pre_disaster.png,portugal-wildfire_00000708_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000708_pre_disaster.png,0,0,0,0,708,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000709_pre_disaster.png,pinery-bushfire_00000709_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000709_pre_disaster.png,0,0,22,8166,709,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000709_pre_disaster.png,portugal-wildfire_00000709_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000709_pre_disaster.png,0,0,0,0,709,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000709_pre_disaster.png,woolsey-fire_00000709_pre_disaster,0,0,tier3\masks\woolsey-fire_00000709_pre_disaster.png,0,0,0,0,709,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000709_pre_disaster.png,socal-fire_00000709_pre_disaster,0,0,train\masks\socal-fire_00000709_pre_disaster.png,0,0,0,0,709,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000710_pre_disaster.png,portugal-wildfire_00000710_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000710_pre_disaster.png,0,0,0,0,710,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000710_pre_disaster.png,pinery-bushfire_00000710_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000710_pre_disaster.png,0,0,0,0,710,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000710_pre_disaster.png,socal-fire_00000710_pre_disaster,0,0,train\masks\socal-fire_00000710_pre_disaster.png,0,0,0,0,710,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000710_pre_disaster.png,woolsey-fire_00000710_pre_disaster,0,0,tier3\masks\woolsey-fire_00000710_pre_disaster.png,0,0,0,0,710,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000711_pre_disaster.png,woolsey-fire_00000711_pre_disaster,0,0,tier3\masks\woolsey-fire_00000711_pre_disaster.png,0,0,0,0,711,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000711_pre_disaster.png,pinery-bushfire_00000711_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000711_pre_disaster.png,0,0,0,0,711,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000711_pre_disaster.png,portugal-wildfire_00000711_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000711_pre_disaster.png,0,0,24,16334,711,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000712_pre_disaster.png,portugal-wildfire_00000712_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000712_pre_disaster.png,0,0,0,0,712,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000712_pre_disaster.png,woolsey-fire_00000712_pre_disaster,0,0,tier3\masks\woolsey-fire_00000712_pre_disaster.png,0,0,35,25875,712,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000712_pre_disaster.png,pinery-bushfire_00000712_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000712_pre_disaster.png,0,0,0,0,712,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000713_pre_disaster.png,woolsey-fire_00000713_pre_disaster,0,0,tier3\masks\woolsey-fire_00000713_pre_disaster.png,0,0,5,1522,713,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000713_pre_disaster.png,pinery-bushfire_00000713_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000713_pre_disaster.png,0,0,8,2655,713,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000713_pre_disaster.png,portugal-wildfire_00000713_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000713_pre_disaster.png,0,0,9,3573,713,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000714_pre_disaster.png,woolsey-fire_00000714_pre_disaster,0,0,tier3\masks\woolsey-fire_00000714_pre_disaster.png,0,0,1,523,714,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000714_pre_disaster.png,socal-fire_00000714_pre_disaster,0,0,train\masks\socal-fire_00000714_pre_disaster.png,0,0,0,0,714,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000714_pre_disaster.png,portugal-wildfire_00000714_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000714_pre_disaster.png,0,0,14,7795,714,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000714_pre_disaster.png,pinery-bushfire_00000714_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000714_pre_disaster.png,0,0,4,2881,714,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000715_pre_disaster.png,portugal-wildfire_00000715_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000715_pre_disaster.png,0,0,6,1995,715,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000715_pre_disaster.png,pinery-bushfire_00000715_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000715_pre_disaster.png,0,0,0,0,715,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000715_pre_disaster.png,socal-fire_00000715_pre_disaster,0,0,train\masks\socal-fire_00000715_pre_disaster.png,0,0,9,7470,715,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000715_pre_disaster.png,woolsey-fire_00000715_pre_disaster,0,0,tier3\masks\woolsey-fire_00000715_pre_disaster.png,0,0,42,75114,715,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000716_pre_disaster.png,pinery-bushfire_00000716_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000716_pre_disaster.png,0,0,0,0,716,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000716_pre_disaster.png,portugal-wildfire_00000716_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000716_pre_disaster.png,0,0,21,35376,716,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000716_pre_disaster.png,woolsey-fire_00000716_pre_disaster,0,0,tier3\masks\woolsey-fire_00000716_pre_disaster.png,0,0,0,0,716,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000717_pre_disaster.png,pinery-bushfire_00000717_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000717_pre_disaster.png,0,0,1,473,717,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000717_pre_disaster.png,portugal-wildfire_00000717_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000717_pre_disaster.png,0,0,0,0,717,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000717_pre_disaster.png,woolsey-fire_00000717_pre_disaster,0,0,tier3\masks\woolsey-fire_00000717_pre_disaster.png,0,0,0,0,717,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000718_pre_disaster.png,woolsey-fire_00000718_pre_disaster,0,0,tier3\masks\woolsey-fire_00000718_pre_disaster.png,0,0,0,0,718,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000718_pre_disaster.png,pinery-bushfire_00000718_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000718_pre_disaster.png,0,0,0,0,718,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000718_pre_disaster.png,socal-fire_00000718_pre_disaster,0,0,train\masks\socal-fire_00000718_pre_disaster.png,0,0,0,0,718,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000718_pre_disaster.png,portugal-wildfire_00000718_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000718_pre_disaster.png,0,0,9,3721,718,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000719_pre_disaster.png,pinery-bushfire_00000719_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000719_pre_disaster.png,0,0,0,0,719,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000719_pre_disaster.png,woolsey-fire_00000719_pre_disaster,0,0,tier3\masks\woolsey-fire_00000719_pre_disaster.png,0,0,0,0,719,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000719_pre_disaster.png,portugal-wildfire_00000719_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000719_pre_disaster.png,0,0,38,45247,719,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000720_pre_disaster.png,woolsey-fire_00000720_pre_disaster,0,0,tier3\masks\woolsey-fire_00000720_pre_disaster.png,0,0,0,0,720,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000720_pre_disaster.png,pinery-bushfire_00000720_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000720_pre_disaster.png,0,0,0,0,720,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000720_pre_disaster.png,portugal-wildfire_00000720_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000720_pre_disaster.png,0,0,36,32860,720,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000721_pre_disaster.png,pinery-bushfire_00000721_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000721_pre_disaster.png,0,0,0,0,721,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000721_pre_disaster.png,portugal-wildfire_00000721_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000721_pre_disaster.png,0,0,0,0,721,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000721_pre_disaster.png,woolsey-fire_00000721_pre_disaster,0,0,tier3\masks\woolsey-fire_00000721_pre_disaster.png,0,0,12,1775,721,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000722_pre_disaster.png,portugal-wildfire_00000722_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000722_pre_disaster.png,0,0,2,195,722,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000722_pre_disaster.png,woolsey-fire_00000722_pre_disaster,0,0,tier3\masks\woolsey-fire_00000722_pre_disaster.png,0,0,28,12808,722,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000722_pre_disaster.png,pinery-bushfire_00000722_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000722_pre_disaster.png,0,0,0,0,722,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000723_pre_disaster.png,woolsey-fire_00000723_pre_disaster,0,0,tier3\masks\woolsey-fire_00000723_pre_disaster.png,0,0,32,38031,723,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000723_pre_disaster.png,portugal-wildfire_00000723_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000723_pre_disaster.png,0,0,0,0,723,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000723_pre_disaster.png,pinery-bushfire_00000723_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000723_pre_disaster.png,0,0,0,0,723,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000723_pre_disaster.png,socal-fire_00000723_pre_disaster,0,0,train\masks\socal-fire_00000723_pre_disaster.png,0,0,4,4811,723,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000724_pre_disaster.png,portugal-wildfire_00000724_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000724_pre_disaster.png,0,0,0,0,724,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000724_pre_disaster.png,woolsey-fire_00000724_pre_disaster,0,0,tier3\masks\woolsey-fire_00000724_pre_disaster.png,0,0,24,7152,724,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000724_pre_disaster.png,pinery-bushfire_00000724_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000724_pre_disaster.png,0,0,9,6228,724,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000725_pre_disaster.png,socal-fire_00000725_pre_disaster,0,0,train\masks\socal-fire_00000725_pre_disaster.png,0,0,0,0,725,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000725_pre_disaster.png,pinery-bushfire_00000725_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000725_pre_disaster.png,0,0,1,158,725,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000725_pre_disaster.png,woolsey-fire_00000725_pre_disaster,0,0,tier3\masks\woolsey-fire_00000725_pre_disaster.png,0,0,0,0,725,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000725_pre_disaster.png,portugal-wildfire_00000725_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000725_pre_disaster.png,0,0,2,2594,725,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000726_pre_disaster.png,woolsey-fire_00000726_pre_disaster,0,0,tier3\masks\woolsey-fire_00000726_pre_disaster.png,0,0,0,0,726,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000726_pre_disaster.png,portugal-wildfire_00000726_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000726_pre_disaster.png,0,0,0,0,726,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000726_pre_disaster.png,pinery-bushfire_00000726_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000726_pre_disaster.png,0,0,0,0,726,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000727_pre_disaster.png,woolsey-fire_00000727_pre_disaster,0,0,tier3\masks\woolsey-fire_00000727_pre_disaster.png,0,0,2,255,727,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000727_pre_disaster.png,socal-fire_00000727_pre_disaster,0,0,train\masks\socal-fire_00000727_pre_disaster.png,0,0,0,0,727,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000727_pre_disaster.png,portugal-wildfire_00000727_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000727_pre_disaster.png,0,0,0,0,727,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000727_pre_disaster.png,pinery-bushfire_00000727_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000727_pre_disaster.png,0,0,12,23346,727,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000728_pre_disaster.png,woolsey-fire_00000728_pre_disaster,0,0,tier3\masks\woolsey-fire_00000728_pre_disaster.png,0,0,25,5410,728,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000728_pre_disaster.png,portugal-wildfire_00000728_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000728_pre_disaster.png,0,0,50,42833,728,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000728_pre_disaster.png,pinery-bushfire_00000728_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000728_pre_disaster.png,0,0,0,0,728,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000729_pre_disaster.png,pinery-bushfire_00000729_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000729_pre_disaster.png,0,0,1,98,729,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000729_pre_disaster.png,woolsey-fire_00000729_pre_disaster,0,0,tier3\masks\woolsey-fire_00000729_pre_disaster.png,0,0,35,29870,729,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000729_pre_disaster.png,portugal-wildfire_00000729_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000729_pre_disaster.png,0,0,2,1466,729,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000730_pre_disaster.png,woolsey-fire_00000730_pre_disaster,0,0,tier3\masks\woolsey-fire_00000730_pre_disaster.png,0,0,1,180,730,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000730_pre_disaster.png,portugal-wildfire_00000730_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000730_pre_disaster.png,0,0,13,12983,730,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000730_pre_disaster.png,pinery-bushfire_00000730_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000730_pre_disaster.png,0,0,0,0,730,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000731_pre_disaster.png,socal-fire_00000731_pre_disaster,0,0,train\masks\socal-fire_00000731_pre_disaster.png,0,0,13,15427,731,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000731_pre_disaster.png,pinery-bushfire_00000731_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000731_pre_disaster.png,0,0,0,0,731,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000731_pre_disaster.png,portugal-wildfire_00000731_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000731_pre_disaster.png,0,0,29,52122,731,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000731_pre_disaster.png,woolsey-fire_00000731_pre_disaster,0,0,tier3\masks\woolsey-fire_00000731_pre_disaster.png,0,0,0,0,731,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000732_pre_disaster.png,portugal-wildfire_00000732_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000732_pre_disaster.png,0,0,9,4336,732,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000732_pre_disaster.png,pinery-bushfire_00000732_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000732_pre_disaster.png,0,0,0,0,732,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000732_pre_disaster.png,woolsey-fire_00000732_pre_disaster,0,0,tier3\masks\woolsey-fire_00000732_pre_disaster.png,0,0,11,3038,732,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000733_pre_disaster.png,portugal-wildfire_00000733_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000733_pre_disaster.png,0,0,0,0,733,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000733_pre_disaster.png,woolsey-fire_00000733_pre_disaster,0,0,tier3\masks\woolsey-fire_00000733_pre_disaster.png,0,0,0,0,733,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000733_pre_disaster.png,pinery-bushfire_00000733_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000733_pre_disaster.png,0,0,5,7945,733,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000734_pre_disaster.png,portugal-wildfire_00000734_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000734_pre_disaster.png,0,0,33,19032,734,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000734_pre_disaster.png,pinery-bushfire_00000734_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000734_pre_disaster.png,0,0,1,353,734,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000734_pre_disaster.png,socal-fire_00000734_pre_disaster,0,0,train\masks\socal-fire_00000734_pre_disaster.png,0,0,0,0,734,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000734_pre_disaster.png,woolsey-fire_00000734_pre_disaster,0,0,tier3\masks\woolsey-fire_00000734_pre_disaster.png,0,0,7,1117,734,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000735_pre_disaster.png,woolsey-fire_00000735_pre_disaster,0,0,tier3\masks\woolsey-fire_00000735_pre_disaster.png,0,0,0,0,735,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000735_pre_disaster.png,pinery-bushfire_00000735_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000735_pre_disaster.png,0,0,0,0,735,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000735_pre_disaster.png,portugal-wildfire_00000735_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000735_pre_disaster.png,0,0,0,0,735,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000736_pre_disaster.png,pinery-bushfire_00000736_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000736_pre_disaster.png,0,0,0,0,736,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000736_pre_disaster.png,woolsey-fire_00000736_pre_disaster,0,0,tier3\masks\woolsey-fire_00000736_pre_disaster.png,0,0,34,41506,736,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000736_pre_disaster.png,portugal-wildfire_00000736_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000736_pre_disaster.png,0,0,0,0,736,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000737_pre_disaster.png,woolsey-fire_00000737_pre_disaster,0,0,tier3\masks\woolsey-fire_00000737_pre_disaster.png,0,0,0,0,737,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000737_pre_disaster.png,portugal-wildfire_00000737_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000737_pre_disaster.png,0,0,1,204,737,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000737_pre_disaster.png,pinery-bushfire_00000737_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000737_pre_disaster.png,0,0,0,0,737,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000738_pre_disaster.png,pinery-bushfire_00000738_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000738_pre_disaster.png,0,0,0,0,738,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000738_pre_disaster.png,portugal-wildfire_00000738_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000738_pre_disaster.png,0,0,9,5958,738,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000738_pre_disaster.png,woolsey-fire_00000738_pre_disaster,0,0,tier3\masks\woolsey-fire_00000738_pre_disaster.png,0,0,0,0,738,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000739_pre_disaster.png,pinery-bushfire_00000739_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000739_pre_disaster.png,0,0,5,4536,739,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000739_pre_disaster.png,woolsey-fire_00000739_pre_disaster,0,0,tier3\masks\woolsey-fire_00000739_pre_disaster.png,0,0,13,5272,739,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000739_pre_disaster.png,socal-fire_00000739_pre_disaster,0,0,train\masks\socal-fire_00000739_pre_disaster.png,0,0,28,164411,739,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000739_pre_disaster.png,portugal-wildfire_00000739_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000739_pre_disaster.png,0,0,0,0,739,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000740_pre_disaster.png,woolsey-fire_00000740_pre_disaster,0,0,tier3\masks\woolsey-fire_00000740_pre_disaster.png,0,0,4,2413,740,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000740_pre_disaster.png,portugal-wildfire_00000740_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000740_pre_disaster.png,0,0,44,37354,740,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000740_pre_disaster.png,socal-fire_00000740_pre_disaster,0,0,train\masks\socal-fire_00000740_pre_disaster.png,0,0,0,0,740,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000740_pre_disaster.png,pinery-bushfire_00000740_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000740_pre_disaster.png,0,0,0,0,740,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000741_pre_disaster.png,portugal-wildfire_00000741_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000741_pre_disaster.png,0,0,19,12055,741,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000741_pre_disaster.png,pinery-bushfire_00000741_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000741_pre_disaster.png,0,0,23,24937,741,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000741_pre_disaster.png,woolsey-fire_00000741_pre_disaster,0,0,tier3\masks\woolsey-fire_00000741_pre_disaster.png,0,0,37,28127,741,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000742_pre_disaster.png,woolsey-fire_00000742_pre_disaster,0,0,tier3\masks\woolsey-fire_00000742_pre_disaster.png,0,0,7,2667,742,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000742_pre_disaster.png,portugal-wildfire_00000742_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000742_pre_disaster.png,0,0,15,12713,742,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000742_pre_disaster.png,pinery-bushfire_00000742_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000742_pre_disaster.png,0,0,0,0,742,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000743_pre_disaster.png,pinery-bushfire_00000743_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000743_pre_disaster.png,0,0,0,0,743,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000743_pre_disaster.png,portugal-wildfire_00000743_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000743_pre_disaster.png,0,0,20,18839,743,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000743_pre_disaster.png,woolsey-fire_00000743_pre_disaster,0,0,tier3\masks\woolsey-fire_00000743_pre_disaster.png,0,0,0,0,743,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000744_pre_disaster.png,portugal-wildfire_00000744_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000744_pre_disaster.png,0,0,0,0,744,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000744_pre_disaster.png,woolsey-fire_00000744_pre_disaster,0,0,tier3\masks\woolsey-fire_00000744_pre_disaster.png,0,0,0,0,744,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000744_pre_disaster.png,pinery-bushfire_00000744_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000744_pre_disaster.png,0,0,0,0,744,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000744_pre_disaster.png,socal-fire_00000744_pre_disaster,0,0,train\masks\socal-fire_00000744_pre_disaster.png,0,0,0,0,744,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000745_pre_disaster.png,portugal-wildfire_00000745_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000745_pre_disaster.png,0,0,0,0,745,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000745_pre_disaster.png,pinery-bushfire_00000745_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000745_pre_disaster.png,0,0,0,0,745,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000745_pre_disaster.png,woolsey-fire_00000745_pre_disaster,0,0,tier3\masks\woolsey-fire_00000745_pre_disaster.png,0,0,28,41437,745,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000746_pre_disaster.png,pinery-bushfire_00000746_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000746_pre_disaster.png,0,0,0,0,746,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000746_pre_disaster.png,portugal-wildfire_00000746_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000746_pre_disaster.png,0,0,20,25752,746,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000746_pre_disaster.png,woolsey-fire_00000746_pre_disaster,0,0,tier3\masks\woolsey-fire_00000746_pre_disaster.png,0,0,0,0,746,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000747_pre_disaster.png,portugal-wildfire_00000747_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000747_pre_disaster.png,0,0,61,86904,747,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000747_pre_disaster.png,socal-fire_00000747_pre_disaster,0,0,train\masks\socal-fire_00000747_pre_disaster.png,0,0,0,0,747,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000747_pre_disaster.png,pinery-bushfire_00000747_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000747_pre_disaster.png,0,0,0,0,747,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000747_pre_disaster.png,woolsey-fire_00000747_pre_disaster,0,0,tier3\masks\woolsey-fire_00000747_pre_disaster.png,0,0,14,9659,747,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000748_pre_disaster.png,socal-fire_00000748_pre_disaster,0,0,train\masks\socal-fire_00000748_pre_disaster.png,0,0,0,0,748,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000748_pre_disaster.png,portugal-wildfire_00000748_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000748_pre_disaster.png,0,0,0,0,748,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000748_pre_disaster.png,pinery-bushfire_00000748_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000748_pre_disaster.png,0,0,0,0,748,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000748_pre_disaster.png,woolsey-fire_00000748_pre_disaster,0,0,tier3\masks\woolsey-fire_00000748_pre_disaster.png,0,0,9,2874,748,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000749_pre_disaster.png,portugal-wildfire_00000749_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000749_pre_disaster.png,0,0,58,57684,749,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000749_pre_disaster.png,pinery-bushfire_00000749_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000749_pre_disaster.png,0,0,3,1475,749,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000749_pre_disaster.png,woolsey-fire_00000749_pre_disaster,0,0,tier3\masks\woolsey-fire_00000749_pre_disaster.png,0,0,25,16870,749,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000750_pre_disaster.png,pinery-bushfire_00000750_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000750_pre_disaster.png,0,0,0,0,750,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000750_pre_disaster.png,portugal-wildfire_00000750_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000750_pre_disaster.png,0,0,8,4213,750,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000750_pre_disaster.png,woolsey-fire_00000750_pre_disaster,0,0,tier3\masks\woolsey-fire_00000750_pre_disaster.png,0,0,0,0,750,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000751_pre_disaster.png,woolsey-fire_00000751_pre_disaster,0,0,tier3\masks\woolsey-fire_00000751_pre_disaster.png,0,0,0,0,751,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000751_pre_disaster.png,portugal-wildfire_00000751_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000751_pre_disaster.png,0,0,3,1250,751,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000751_pre_disaster.png,pinery-bushfire_00000751_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000751_pre_disaster.png,0,0,0,0,751,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000751_pre_disaster.png,socal-fire_00000751_pre_disaster,0,0,train\masks\socal-fire_00000751_pre_disaster.png,0,0,0,0,751,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000752_pre_disaster.png,pinery-bushfire_00000752_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000752_pre_disaster.png,0,0,0,0,752,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000752_pre_disaster.png,socal-fire_00000752_pre_disaster,0,0,train\masks\socal-fire_00000752_pre_disaster.png,0,0,20,139955,752,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000752_pre_disaster.png,portugal-wildfire_00000752_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000752_pre_disaster.png,0,0,1,108,752,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000752_pre_disaster.png,woolsey-fire_00000752_pre_disaster,0,0,tier3\masks\woolsey-fire_00000752_pre_disaster.png,0,0,89,110767,752,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000753_pre_disaster.png,portugal-wildfire_00000753_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000753_pre_disaster.png,0,0,0,0,753,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000753_pre_disaster.png,pinery-bushfire_00000753_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000753_pre_disaster.png,0,0,0,0,753,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000753_pre_disaster.png,woolsey-fire_00000753_pre_disaster,0,0,tier3\masks\woolsey-fire_00000753_pre_disaster.png,0,0,0,0,753,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000754_pre_disaster.png,woolsey-fire_00000754_pre_disaster,0,0,tier3\masks\woolsey-fire_00000754_pre_disaster.png,0,0,15,23225,754,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000754_pre_disaster.png,portugal-wildfire_00000754_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000754_pre_disaster.png,0,0,8,3730,754,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000754_pre_disaster.png,pinery-bushfire_00000754_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000754_pre_disaster.png,0,0,2,430,754,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000755_pre_disaster.png,portugal-wildfire_00000755_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000755_pre_disaster.png,0,0,0,0,755,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000755_pre_disaster.png,pinery-bushfire_00000755_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000755_pre_disaster.png,0,0,0,0,755,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000755_pre_disaster.png,woolsey-fire_00000755_pre_disaster,0,0,tier3\masks\woolsey-fire_00000755_pre_disaster.png,0,0,53,41122,755,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000756_pre_disaster.png,woolsey-fire_00000756_pre_disaster,0,0,tier3\masks\woolsey-fire_00000756_pre_disaster.png,0,0,1,650,756,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000756_pre_disaster.png,pinery-bushfire_00000756_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000756_pre_disaster.png,0,0,0,0,756,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000756_pre_disaster.png,portugal-wildfire_00000756_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000756_pre_disaster.png,0,0,0,0,756,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000757_pre_disaster.png,pinery-bushfire_00000757_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000757_pre_disaster.png,0,0,14,7987,757,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000757_pre_disaster.png,portugal-wildfire_00000757_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000757_pre_disaster.png,0,0,67,46013,757,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000757_pre_disaster.png,socal-fire_00000757_pre_disaster,0,0,train\masks\socal-fire_00000757_pre_disaster.png,0,0,0,0,757,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000757_pre_disaster.png,woolsey-fire_00000757_pre_disaster,0,0,tier3\masks\woolsey-fire_00000757_pre_disaster.png,0,0,0,0,757,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000758_pre_disaster.png,woolsey-fire_00000758_pre_disaster,0,0,tier3\masks\woolsey-fire_00000758_pre_disaster.png,0,0,7,7035,758,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000758_pre_disaster.png,pinery-bushfire_00000758_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000758_pre_disaster.png,0,0,0,0,758,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000758_pre_disaster.png,portugal-wildfire_00000758_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000758_pre_disaster.png,0,0,59,60730,758,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000759_pre_disaster.png,woolsey-fire_00000759_pre_disaster,0,0,tier3\masks\woolsey-fire_00000759_pre_disaster.png,0,0,26,38544,759,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000759_pre_disaster.png,portugal-wildfire_00000759_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000759_pre_disaster.png,0,0,0,0,759,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000759_pre_disaster.png,pinery-bushfire_00000759_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000759_pre_disaster.png,0,0,0,0,759,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000760_pre_disaster.png,woolsey-fire_00000760_pre_disaster,0,0,tier3\masks\woolsey-fire_00000760_pre_disaster.png,0,0,0,0,760,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000760_pre_disaster.png,pinery-bushfire_00000760_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000760_pre_disaster.png,0,0,0,0,760,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000760_pre_disaster.png,socal-fire_00000760_pre_disaster,0,0,train\masks\socal-fire_00000760_pre_disaster.png,0,0,0,0,760,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000760_pre_disaster.png,portugal-wildfire_00000760_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000760_pre_disaster.png,0,0,0,0,760,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000761_pre_disaster.png,pinery-bushfire_00000761_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000761_pre_disaster.png,0,0,0,0,761,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000761_pre_disaster.png,woolsey-fire_00000761_pre_disaster,0,0,tier3\masks\woolsey-fire_00000761_pre_disaster.png,0,0,0,0,761,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000761_pre_disaster.png,portugal-wildfire_00000761_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000761_pre_disaster.png,0,0,1,185,761,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000762_pre_disaster.png,woolsey-fire_00000762_pre_disaster,0,0,tier3\masks\woolsey-fire_00000762_pre_disaster.png,0,0,0,0,762,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000762_pre_disaster.png,portugal-wildfire_00000762_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000762_pre_disaster.png,0,0,0,0,762,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000762_pre_disaster.png,pinery-bushfire_00000762_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000762_pre_disaster.png,0,0,0,0,762,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000763_pre_disaster.png,socal-fire_00000763_pre_disaster,0,0,train\masks\socal-fire_00000763_pre_disaster.png,0,0,4,953,763,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000763_pre_disaster.png,woolsey-fire_00000763_pre_disaster,0,0,tier3\masks\woolsey-fire_00000763_pre_disaster.png,0,0,13,8146,763,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000763_pre_disaster.png,portugal-wildfire_00000763_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000763_pre_disaster.png,0,0,0,0,763,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000763_pre_disaster.png,pinery-bushfire_00000763_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000763_pre_disaster.png,0,0,0,0,763,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000764_pre_disaster.png,portugal-wildfire_00000764_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000764_pre_disaster.png,0,0,9,4778,764,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000764_pre_disaster.png,pinery-bushfire_00000764_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000764_pre_disaster.png,0,0,0,0,764,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000764_pre_disaster.png,woolsey-fire_00000764_pre_disaster,0,0,tier3\masks\woolsey-fire_00000764_pre_disaster.png,0,0,0,0,764,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000765_pre_disaster.png,pinery-bushfire_00000765_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000765_pre_disaster.png,0,0,1,700,765,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000765_pre_disaster.png,portugal-wildfire_00000765_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000765_pre_disaster.png,0,0,0,0,765,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000765_pre_disaster.png,woolsey-fire_00000765_pre_disaster,0,0,tier3\masks\woolsey-fire_00000765_pre_disaster.png,0,0,16,6437,765,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000766_pre_disaster.png,woolsey-fire_00000766_pre_disaster,0,0,tier3\masks\woolsey-fire_00000766_pre_disaster.png,0,0,0,0,766,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000766_pre_disaster.png,portugal-wildfire_00000766_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000766_pre_disaster.png,0,0,13,10294,766,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000766_pre_disaster.png,pinery-bushfire_00000766_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000766_pre_disaster.png,0,0,0,0,766,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000766_pre_disaster.png,socal-fire_00000766_pre_disaster,0,0,train\masks\socal-fire_00000766_pre_disaster.png,0,0,0,0,766,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000767_pre_disaster.png,portugal-wildfire_00000767_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000767_pre_disaster.png,0,0,61,46445,767,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000767_pre_disaster.png,pinery-bushfire_00000767_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000767_pre_disaster.png,0,0,0,0,767,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000767_pre_disaster.png,socal-fire_00000767_pre_disaster,0,0,train\masks\socal-fire_00000767_pre_disaster.png,0,0,10,158135,767,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000767_pre_disaster.png,woolsey-fire_00000767_pre_disaster,0,0,tier3\masks\woolsey-fire_00000767_pre_disaster.png,0,0,0,0,767,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000768_pre_disaster.png,woolsey-fire_00000768_pre_disaster,0,0,tier3\masks\woolsey-fire_00000768_pre_disaster.png,0,0,0,0,768,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000768_pre_disaster.png,pinery-bushfire_00000768_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000768_pre_disaster.png,0,0,0,0,768,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000768_pre_disaster.png,portugal-wildfire_00000768_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000768_pre_disaster.png,0,0,5,3255,768,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000769_pre_disaster.png,pinery-bushfire_00000769_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000769_pre_disaster.png,0,0,6,5688,769,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000769_pre_disaster.png,socal-fire_00000769_pre_disaster,0,0,train\masks\socal-fire_00000769_pre_disaster.png,0,0,0,0,769,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000769_pre_disaster.png,woolsey-fire_00000769_pre_disaster,0,0,tier3\masks\woolsey-fire_00000769_pre_disaster.png,0,0,4,3762,769,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000769_pre_disaster.png,portugal-wildfire_00000769_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000769_pre_disaster.png,0,0,0,0,769,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000770_pre_disaster.png,pinery-bushfire_00000770_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000770_pre_disaster.png,0,0,0,0,770,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000770_pre_disaster.png,woolsey-fire_00000770_pre_disaster,0,0,tier3\masks\woolsey-fire_00000770_pre_disaster.png,0,0,0,0,770,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000770_pre_disaster.png,portugal-wildfire_00000770_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000770_pre_disaster.png,0,0,31,25244,770,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000770_pre_disaster.png,socal-fire_00000770_pre_disaster,0,0,train\masks\socal-fire_00000770_pre_disaster.png,0,0,55,128211,770,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000771_pre_disaster.png,portugal-wildfire_00000771_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000771_pre_disaster.png,0,0,103,174261,771,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000771_pre_disaster.png,woolsey-fire_00000771_pre_disaster,0,0,tier3\masks\woolsey-fire_00000771_pre_disaster.png,0,0,1,70,771,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000771_pre_disaster.png,socal-fire_00000771_pre_disaster,0,0,train\masks\socal-fire_00000771_pre_disaster.png,0,0,12,13122,771,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000771_pre_disaster.png,pinery-bushfire_00000771_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000771_pre_disaster.png,0,0,0,0,771,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000772_pre_disaster.png,portugal-wildfire_00000772_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000772_pre_disaster.png,0,0,0,0,772,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000772_pre_disaster.png,woolsey-fire_00000772_pre_disaster,0,0,tier3\masks\woolsey-fire_00000772_pre_disaster.png,0,0,0,0,772,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000772_pre_disaster.png,pinery-bushfire_00000772_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000772_pre_disaster.png,0,0,0,0,772,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000772_pre_disaster.png,socal-fire_00000772_pre_disaster,0,0,train\masks\socal-fire_00000772_pre_disaster.png,0,0,0,0,772,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000773_pre_disaster.png,woolsey-fire_00000773_pre_disaster,0,0,tier3\masks\woolsey-fire_00000773_pre_disaster.png,0,0,0,0,773,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000773_pre_disaster.png,portugal-wildfire_00000773_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000773_pre_disaster.png,0,0,76,54240,773,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000773_pre_disaster.png,pinery-bushfire_00000773_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000773_pre_disaster.png,0,0,0,0,773,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000774_pre_disaster.png,pinery-bushfire_00000774_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000774_pre_disaster.png,0,0,0,0,774,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000774_pre_disaster.png,portugal-wildfire_00000774_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000774_pre_disaster.png,0,0,7,2342,774,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000774_pre_disaster.png,socal-fire_00000774_pre_disaster,0,0,train\masks\socal-fire_00000774_pre_disaster.png,0,0,0,0,774,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000774_pre_disaster.png,woolsey-fire_00000774_pre_disaster,0,0,tier3\masks\woolsey-fire_00000774_pre_disaster.png,0,0,1,599,774,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000775_pre_disaster.png,socal-fire_00000775_pre_disaster,0,0,train\masks\socal-fire_00000775_pre_disaster.png,0,0,0,0,775,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000775_pre_disaster.png,portugal-wildfire_00000775_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000775_pre_disaster.png,0,0,12,7285,775,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000775_pre_disaster.png,woolsey-fire_00000775_pre_disaster,0,0,tier3\masks\woolsey-fire_00000775_pre_disaster.png,0,0,5,3171,775,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000775_pre_disaster.png,pinery-bushfire_00000775_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000775_pre_disaster.png,0,0,0,0,775,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000776_pre_disaster.png,socal-fire_00000776_pre_disaster,0,0,train\masks\socal-fire_00000776_pre_disaster.png,0,0,6,6500,776,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000776_pre_disaster.png,portugal-wildfire_00000776_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000776_pre_disaster.png,0,0,0,0,776,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000776_pre_disaster.png,pinery-bushfire_00000776_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000776_pre_disaster.png,0,0,3,460,776,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000776_pre_disaster.png,woolsey-fire_00000776_pre_disaster,0,0,tier3\masks\woolsey-fire_00000776_pre_disaster.png,0,0,16,10758,776,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000777_pre_disaster.png,woolsey-fire_00000777_pre_disaster,0,0,tier3\masks\woolsey-fire_00000777_pre_disaster.png,0,0,0,0,777,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000777_pre_disaster.png,pinery-bushfire_00000777_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000777_pre_disaster.png,0,0,0,0,777,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000777_pre_disaster.png,portugal-wildfire_00000777_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000777_pre_disaster.png,0,0,0,0,777,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000778_pre_disaster.png,portugal-wildfire_00000778_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000778_pre_disaster.png,0,0,0,0,778,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000778_pre_disaster.png,woolsey-fire_00000778_pre_disaster,0,0,tier3\masks\woolsey-fire_00000778_pre_disaster.png,0,0,0,0,778,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000778_pre_disaster.png,pinery-bushfire_00000778_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000778_pre_disaster.png,0,0,0,0,778,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000779_pre_disaster.png,portugal-wildfire_00000779_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000779_pre_disaster.png,0,0,1,382,779,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000779_pre_disaster.png,pinery-bushfire_00000779_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000779_pre_disaster.png,0,0,0,0,779,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000779_pre_disaster.png,socal-fire_00000779_pre_disaster,0,0,train\masks\socal-fire_00000779_pre_disaster.png,0,0,3,3411,779,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000779_pre_disaster.png,woolsey-fire_00000779_pre_disaster,0,0,tier3\masks\woolsey-fire_00000779_pre_disaster.png,0,0,0,0,779,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000780_pre_disaster.png,woolsey-fire_00000780_pre_disaster,0,0,tier3\masks\woolsey-fire_00000780_pre_disaster.png,0,0,1,285,780,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000780_pre_disaster.png,pinery-bushfire_00000780_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000780_pre_disaster.png,0,0,0,0,780,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000780_pre_disaster.png,portugal-wildfire_00000780_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000780_pre_disaster.png,0,0,0,0,780,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000781_pre_disaster.png,woolsey-fire_00000781_pre_disaster,0,0,tier3\masks\woolsey-fire_00000781_pre_disaster.png,0,0,0,0,781,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000781_pre_disaster.png,socal-fire_00000781_pre_disaster,0,0,train\masks\socal-fire_00000781_pre_disaster.png,0,0,0,0,781,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000781_pre_disaster.png,portugal-wildfire_00000781_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000781_pre_disaster.png,0,0,6,23309,781,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000781_pre_disaster.png,pinery-bushfire_00000781_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000781_pre_disaster.png,0,0,0,0,781,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000782_pre_disaster.png,woolsey-fire_00000782_pre_disaster,0,0,tier3\masks\woolsey-fire_00000782_pre_disaster.png,0,0,0,0,782,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000782_pre_disaster.png,portugal-wildfire_00000782_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000782_pre_disaster.png,0,0,0,0,782,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000782_pre_disaster.png,pinery-bushfire_00000782_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000782_pre_disaster.png,0,0,22,13598,782,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000783_pre_disaster.png,portugal-wildfire_00000783_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000783_pre_disaster.png,0,0,31,22815,783,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000783_pre_disaster.png,woolsey-fire_00000783_pre_disaster,0,0,tier3\masks\woolsey-fire_00000783_pre_disaster.png,0,0,18,32158,783,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000783_pre_disaster.png,pinery-bushfire_00000783_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000783_pre_disaster.png,0,0,0,0,783,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000784_pre_disaster.png,woolsey-fire_00000784_pre_disaster,0,0,tier3\masks\woolsey-fire_00000784_pre_disaster.png,0,0,8,2749,784,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000784_pre_disaster.png,pinery-bushfire_00000784_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000784_pre_disaster.png,0,0,0,0,784,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000784_pre_disaster.png,portugal-wildfire_00000784_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000784_pre_disaster.png,0,0,36,31283,784,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000785_pre_disaster.png,pinery-bushfire_00000785_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000785_pre_disaster.png,0,0,0,0,785,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000785_pre_disaster.png,portugal-wildfire_00000785_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000785_pre_disaster.png,0,0,17,8953,785,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000785_pre_disaster.png,woolsey-fire_00000785_pre_disaster,0,0,tier3\masks\woolsey-fire_00000785_pre_disaster.png,0,0,0,0,785,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000785_pre_disaster.png,socal-fire_00000785_pre_disaster,0,0,train\masks\socal-fire_00000785_pre_disaster.png,0,0,12,15297,785,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000786_pre_disaster.png,pinery-bushfire_00000786_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000786_pre_disaster.png,0,0,1,98,786,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000786_pre_disaster.png,woolsey-fire_00000786_pre_disaster,0,0,tier3\masks\woolsey-fire_00000786_pre_disaster.png,0,0,3,954,786,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000786_pre_disaster.png,portugal-wildfire_00000786_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000786_pre_disaster.png,0,0,86,90190,786,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000787_pre_disaster.png,socal-fire_00000787_pre_disaster,0,0,train\masks\socal-fire_00000787_pre_disaster.png,0,0,0,0,787,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000787_pre_disaster.png,portugal-wildfire_00000787_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000787_pre_disaster.png,0,0,3,21398,787,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000787_pre_disaster.png,pinery-bushfire_00000787_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000787_pre_disaster.png,0,0,0,0,787,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000787_pre_disaster.png,woolsey-fire_00000787_pre_disaster,0,0,tier3\masks\woolsey-fire_00000787_pre_disaster.png,0,0,0,0,787,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000788_pre_disaster.png,pinery-bushfire_00000788_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000788_pre_disaster.png,0,0,0,0,788,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000788_pre_disaster.png,socal-fire_00000788_pre_disaster,0,0,train\masks\socal-fire_00000788_pre_disaster.png,0,0,4,1032,788,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000788_pre_disaster.png,woolsey-fire_00000788_pre_disaster,0,0,tier3\masks\woolsey-fire_00000788_pre_disaster.png,0,0,0,0,788,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000788_pre_disaster.png,portugal-wildfire_00000788_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000788_pre_disaster.png,0,0,39,31194,788,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000789_pre_disaster.png,pinery-bushfire_00000789_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000789_pre_disaster.png,0,0,19,16647,789,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000789_pre_disaster.png,socal-fire_00000789_pre_disaster,0,0,train\masks\socal-fire_00000789_pre_disaster.png,0,0,0,0,789,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000789_pre_disaster.png,woolsey-fire_00000789_pre_disaster,0,0,tier3\masks\woolsey-fire_00000789_pre_disaster.png,0,0,23,7959,789,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000789_pre_disaster.png,portugal-wildfire_00000789_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000789_pre_disaster.png,0,0,61,77768,789,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000790_pre_disaster.png,portugal-wildfire_00000790_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000790_pre_disaster.png,0,0,13,6512,790,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000790_pre_disaster.png,pinery-bushfire_00000790_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000790_pre_disaster.png,0,0,0,0,790,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000790_pre_disaster.png,woolsey-fire_00000790_pre_disaster,0,0,tier3\masks\woolsey-fire_00000790_pre_disaster.png,0,0,2,137,790,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000790_pre_disaster.png,socal-fire_00000790_pre_disaster,0,0,train\masks\socal-fire_00000790_pre_disaster.png,0,0,33,20584,790,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000791_pre_disaster.png,woolsey-fire_00000791_pre_disaster,0,0,tier3\masks\woolsey-fire_00000791_pre_disaster.png,0,0,14,24961,791,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000791_pre_disaster.png,portugal-wildfire_00000791_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000791_pre_disaster.png,0,0,10,7238,791,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000791_pre_disaster.png,pinery-bushfire_00000791_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000791_pre_disaster.png,0,0,0,0,791,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000791_pre_disaster.png,socal-fire_00000791_pre_disaster,0,0,train\masks\socal-fire_00000791_pre_disaster.png,0,0,0,0,791,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000792_pre_disaster.png,pinery-bushfire_00000792_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000792_pre_disaster.png,0,0,0,0,792,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000792_pre_disaster.png,socal-fire_00000792_pre_disaster,0,0,train\masks\socal-fire_00000792_pre_disaster.png,0,0,29,27633,792,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000792_pre_disaster.png,woolsey-fire_00000792_pre_disaster,0,0,tier3\masks\woolsey-fire_00000792_pre_disaster.png,0,0,0,0,792,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000792_pre_disaster.png,portugal-wildfire_00000792_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000792_pre_disaster.png,0,0,0,0,792,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000793_pre_disaster.png,portugal-wildfire_00000793_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000793_pre_disaster.png,0,0,7,2111,793,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000793_pre_disaster.png,socal-fire_00000793_pre_disaster,0,0,train\masks\socal-fire_00000793_pre_disaster.png,0,0,6,2390,793,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000793_pre_disaster.png,woolsey-fire_00000793_pre_disaster,0,0,tier3\masks\woolsey-fire_00000793_pre_disaster.png,0,0,15,27073,793,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000793_pre_disaster.png,pinery-bushfire_00000793_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000793_pre_disaster.png,0,0,0,0,793,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000794_pre_disaster.png,portugal-wildfire_00000794_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000794_pre_disaster.png,0,0,1,300,794,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000794_pre_disaster.png,woolsey-fire_00000794_pre_disaster,0,0,tier3\masks\woolsey-fire_00000794_pre_disaster.png,0,0,5,2089,794,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000794_pre_disaster.png,pinery-bushfire_00000794_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000794_pre_disaster.png,0,0,1,244,794,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000794_pre_disaster.png,socal-fire_00000794_pre_disaster,0,0,train\masks\socal-fire_00000794_pre_disaster.png,0,0,0,0,794,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000795_pre_disaster.png,pinery-bushfire_00000795_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000795_pre_disaster.png,0,0,0,0,795,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000795_pre_disaster.png,socal-fire_00000795_pre_disaster,0,0,train\masks\socal-fire_00000795_pre_disaster.png,0,0,0,0,795,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000795_pre_disaster.png,woolsey-fire_00000795_pre_disaster,0,0,tier3\masks\woolsey-fire_00000795_pre_disaster.png,0,0,21,11101,795,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000795_pre_disaster.png,portugal-wildfire_00000795_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000795_pre_disaster.png,0,0,31,48750,795,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000796_pre_disaster.png,portugal-wildfire_00000796_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000796_pre_disaster.png,0,0,1,444,796,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000796_pre_disaster.png,woolsey-fire_00000796_pre_disaster,0,0,tier3\masks\woolsey-fire_00000796_pre_disaster.png,0,0,0,0,796,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000796_pre_disaster.png,pinery-bushfire_00000796_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000796_pre_disaster.png,0,0,3,365,796,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000797_pre_disaster.png,pinery-bushfire_00000797_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000797_pre_disaster.png,0,0,3,2492,797,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000797_pre_disaster.png,portugal-wildfire_00000797_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000797_pre_disaster.png,0,0,0,0,797,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000797_pre_disaster.png,woolsey-fire_00000797_pre_disaster,0,0,tier3\masks\woolsey-fire_00000797_pre_disaster.png,0,0,0,0,797,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000798_pre_disaster.png,woolsey-fire_00000798_pre_disaster,0,0,tier3\masks\woolsey-fire_00000798_pre_disaster.png,0,0,0,0,798,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000798_pre_disaster.png,portugal-wildfire_00000798_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000798_pre_disaster.png,0,0,20,13292,798,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000798_pre_disaster.png,socal-fire_00000798_pre_disaster,0,0,train\masks\socal-fire_00000798_pre_disaster.png,0,0,47,74555,798,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000798_pre_disaster.png,pinery-bushfire_00000798_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000798_pre_disaster.png,0,0,5,16750,798,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000799_pre_disaster.png,woolsey-fire_00000799_pre_disaster,0,0,tier3\masks\woolsey-fire_00000799_pre_disaster.png,0,0,1,769,799,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000799_pre_disaster.png,pinery-bushfire_00000799_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000799_pre_disaster.png,0,0,0,0,799,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000799_pre_disaster.png,portugal-wildfire_00000799_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000799_pre_disaster.png,0,0,13,12002,799,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000800_pre_disaster.png,pinery-bushfire_00000800_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000800_pre_disaster.png,0,0,0,0,800,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000800_pre_disaster.png,woolsey-fire_00000800_pre_disaster,0,0,tier3\masks\woolsey-fire_00000800_pre_disaster.png,0,0,15,22327,800,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000800_pre_disaster.png,portugal-wildfire_00000800_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000800_pre_disaster.png,0,0,4,6049,800,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000801_pre_disaster.png,pinery-bushfire_00000801_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000801_pre_disaster.png,0,0,3,362,801,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000801_pre_disaster.png,woolsey-fire_00000801_pre_disaster,0,0,tier3\masks\woolsey-fire_00000801_pre_disaster.png,0,0,8,1455,801,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000801_pre_disaster.png,portugal-wildfire_00000801_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000801_pre_disaster.png,0,0,3,9302,801,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000802_pre_disaster.png,woolsey-fire_00000802_pre_disaster,0,0,tier3\masks\woolsey-fire_00000802_pre_disaster.png,0,0,0,0,802,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000802_pre_disaster.png,pinery-bushfire_00000802_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000802_pre_disaster.png,0,0,0,0,802,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000802_pre_disaster.png,portugal-wildfire_00000802_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000802_pre_disaster.png,0,0,2,1515,802,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000803_pre_disaster.png,pinery-bushfire_00000803_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000803_pre_disaster.png,0,0,6,6818,803,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000803_pre_disaster.png,portugal-wildfire_00000803_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000803_pre_disaster.png,0,0,0,0,803,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000803_pre_disaster.png,woolsey-fire_00000803_pre_disaster,0,0,tier3\masks\woolsey-fire_00000803_pre_disaster.png,0,0,3,298,803,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000804_pre_disaster.png,portugal-wildfire_00000804_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000804_pre_disaster.png,0,0,0,0,804,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000804_pre_disaster.png,woolsey-fire_00000804_pre_disaster,0,0,tier3\masks\woolsey-fire_00000804_pre_disaster.png,0,0,1,111,804,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000804_pre_disaster.png,pinery-bushfire_00000804_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000804_pre_disaster.png,0,0,0,0,804,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000805_pre_disaster.png,portugal-wildfire_00000805_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000805_pre_disaster.png,0,0,19,18929,805,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000805_pre_disaster.png,socal-fire_00000805_pre_disaster,0,0,train\masks\socal-fire_00000805_pre_disaster.png,0,0,25,12701,805,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000805_pre_disaster.png,pinery-bushfire_00000805_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000805_pre_disaster.png,0,0,0,0,805,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000805_pre_disaster.png,woolsey-fire_00000805_pre_disaster,0,0,tier3\masks\woolsey-fire_00000805_pre_disaster.png,0,0,0,0,805,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000806_pre_disaster.png,pinery-bushfire_00000806_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000806_pre_disaster.png,0,0,0,0,806,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000806_pre_disaster.png,woolsey-fire_00000806_pre_disaster,0,0,tier3\masks\woolsey-fire_00000806_pre_disaster.png,0,0,1,497,806,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000806_pre_disaster.png,portugal-wildfire_00000806_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000806_pre_disaster.png,0,0,1,256,806,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000807_pre_disaster.png,pinery-bushfire_00000807_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000807_pre_disaster.png,0,0,0,0,807,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000807_pre_disaster.png,portugal-wildfire_00000807_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000807_pre_disaster.png,0,0,59,40800,807,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000807_pre_disaster.png,socal-fire_00000807_pre_disaster,0,0,train\masks\socal-fire_00000807_pre_disaster.png,0,0,0,0,807,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000807_pre_disaster.png,woolsey-fire_00000807_pre_disaster,0,0,tier3\masks\woolsey-fire_00000807_pre_disaster.png,0,0,36,11522,807,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000808_pre_disaster.png,portugal-wildfire_00000808_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000808_pre_disaster.png,0,0,16,12231,808,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000808_pre_disaster.png,pinery-bushfire_00000808_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000808_pre_disaster.png,0,0,15,13742,808,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000808_pre_disaster.png,woolsey-fire_00000808_pre_disaster,0,0,tier3\masks\woolsey-fire_00000808_pre_disaster.png,0,0,0,0,808,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000809_pre_disaster.png,portugal-wildfire_00000809_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000809_pre_disaster.png,0,0,0,0,809,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000809_pre_disaster.png,woolsey-fire_00000809_pre_disaster,0,0,tier3\masks\woolsey-fire_00000809_pre_disaster.png,0,0,6,10295,809,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000809_pre_disaster.png,pinery-bushfire_00000809_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000809_pre_disaster.png,0,0,0,0,809,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000810_pre_disaster.png,woolsey-fire_00000810_pre_disaster,0,0,tier3\masks\woolsey-fire_00000810_pre_disaster.png,0,0,3,487,810,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000810_pre_disaster.png,portugal-wildfire_00000810_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000810_pre_disaster.png,0,0,0,0,810,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000810_pre_disaster.png,socal-fire_00000810_pre_disaster,0,0,train\masks\socal-fire_00000810_pre_disaster.png,0,0,12,12300,810,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000810_pre_disaster.png,pinery-bushfire_00000810_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000810_pre_disaster.png,0,0,0,0,810,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000811_pre_disaster.png,pinery-bushfire_00000811_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000811_pre_disaster.png,0,0,0,0,811,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000811_pre_disaster.png,portugal-wildfire_00000811_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000811_pre_disaster.png,0,0,25,26186,811,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000811_pre_disaster.png,woolsey-fire_00000811_pre_disaster,0,0,tier3\masks\woolsey-fire_00000811_pre_disaster.png,0,0,0,0,811,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000812_pre_disaster.png,socal-fire_00000812_pre_disaster,0,0,train\masks\socal-fire_00000812_pre_disaster.png,0,0,0,0,812,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000812_pre_disaster.png,woolsey-fire_00000812_pre_disaster,0,0,tier3\masks\woolsey-fire_00000812_pre_disaster.png,0,0,0,0,812,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000812_pre_disaster.png,pinery-bushfire_00000812_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000812_pre_disaster.png,0,0,0,0,812,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000812_pre_disaster.png,portugal-wildfire_00000812_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000812_pre_disaster.png,0,0,0,0,812,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000813_pre_disaster.png,pinery-bushfire_00000813_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000813_pre_disaster.png,0,0,0,0,813,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000813_pre_disaster.png,woolsey-fire_00000813_pre_disaster,0,0,tier3\masks\woolsey-fire_00000813_pre_disaster.png,0,0,5,3012,813,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000813_pre_disaster.png,portugal-wildfire_00000813_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000813_pre_disaster.png,0,0,1,604,813,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000814_pre_disaster.png,pinery-bushfire_00000814_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000814_pre_disaster.png,0,0,0,0,814,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000814_pre_disaster.png,portugal-wildfire_00000814_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000814_pre_disaster.png,0,0,2,5349,814,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000814_pre_disaster.png,woolsey-fire_00000814_pre_disaster,0,0,tier3\masks\woolsey-fire_00000814_pre_disaster.png,0,0,0,0,814,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000815_pre_disaster.png,woolsey-fire_00000815_pre_disaster,0,0,tier3\masks\woolsey-fire_00000815_pre_disaster.png,0,0,0,0,815,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000815_pre_disaster.png,pinery-bushfire_00000815_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000815_pre_disaster.png,0,0,0,0,815,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000815_pre_disaster.png,portugal-wildfire_00000815_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000815_pre_disaster.png,0,0,0,0,815,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000816_pre_disaster.png,woolsey-fire_00000816_pre_disaster,0,0,tier3\masks\woolsey-fire_00000816_pre_disaster.png,0,0,0,0,816,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000816_pre_disaster.png,pinery-bushfire_00000816_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000816_pre_disaster.png,0,0,2,2806,816,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000816_pre_disaster.png,portugal-wildfire_00000816_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000816_pre_disaster.png,0,0,0,0,816,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000817_pre_disaster.png,pinery-bushfire_00000817_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000817_pre_disaster.png,0,0,0,0,817,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000817_pre_disaster.png,woolsey-fire_00000817_pre_disaster,0,0,tier3\masks\woolsey-fire_00000817_pre_disaster.png,0,0,6,3316,817,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000817_pre_disaster.png,portugal-wildfire_00000817_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000817_pre_disaster.png,0,0,5,2984,817,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000817_pre_disaster.png,socal-fire_00000817_pre_disaster,0,0,train\masks\socal-fire_00000817_pre_disaster.png,0,0,71,48574,817,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000818_pre_disaster.png,pinery-bushfire_00000818_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000818_pre_disaster.png,0,0,0,0,818,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000818_pre_disaster.png,portugal-wildfire_00000818_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000818_pre_disaster.png,0,0,50,35470,818,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000818_pre_disaster.png,woolsey-fire_00000818_pre_disaster,0,0,tier3\masks\woolsey-fire_00000818_pre_disaster.png,0,0,0,0,818,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000819_pre_disaster.png,pinery-bushfire_00000819_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000819_pre_disaster.png,0,0,0,0,819,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000819_pre_disaster.png,socal-fire_00000819_pre_disaster,0,0,train\masks\socal-fire_00000819_pre_disaster.png,0,0,11,4448,819,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000819_pre_disaster.png,woolsey-fire_00000819_pre_disaster,0,0,tier3\masks\woolsey-fire_00000819_pre_disaster.png,0,0,5,4363,819,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000819_pre_disaster.png,portugal-wildfire_00000819_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000819_pre_disaster.png,0,0,0,0,819,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000820_pre_disaster.png,pinery-bushfire_00000820_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000820_pre_disaster.png,0,0,0,0,820,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000820_pre_disaster.png,socal-fire_00000820_pre_disaster,0,0,train\masks\socal-fire_00000820_pre_disaster.png,0,0,0,0,820,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000820_pre_disaster.png,portugal-wildfire_00000820_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000820_pre_disaster.png,0,0,0,0,820,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000820_pre_disaster.png,woolsey-fire_00000820_pre_disaster,0,0,tier3\masks\woolsey-fire_00000820_pre_disaster.png,0,0,0,0,820,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000821_pre_disaster.png,woolsey-fire_00000821_pre_disaster,0,0,tier3\masks\woolsey-fire_00000821_pre_disaster.png,0,0,0,0,821,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000821_pre_disaster.png,portugal-wildfire_00000821_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000821_pre_disaster.png,0,0,0,0,821,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000821_pre_disaster.png,socal-fire_00000821_pre_disaster,0,0,train\masks\socal-fire_00000821_pre_disaster.png,0,0,23,19436,821,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000821_pre_disaster.png,pinery-bushfire_00000821_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000821_pre_disaster.png,0,0,0,0,821,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000822_pre_disaster.png,pinery-bushfire_00000822_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000822_pre_disaster.png,0,0,27,19806,822,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000822_pre_disaster.png,socal-fire_00000822_pre_disaster,0,0,train\masks\socal-fire_00000822_pre_disaster.png,0,0,0,0,822,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000822_pre_disaster.png,portugal-wildfire_00000822_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000822_pre_disaster.png,0,0,0,0,822,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000822_pre_disaster.png,woolsey-fire_00000822_pre_disaster,0,0,tier3\masks\woolsey-fire_00000822_pre_disaster.png,0,0,9,4315,822,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000823_pre_disaster.png,portugal-wildfire_00000823_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000823_pre_disaster.png,0,0,61,51750,823,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000823_pre_disaster.png,woolsey-fire_00000823_pre_disaster,0,0,tier3\masks\woolsey-fire_00000823_pre_disaster.png,0,0,0,0,823,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000823_pre_disaster.png,pinery-bushfire_00000823_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000823_pre_disaster.png,0,0,0,0,823,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000824_pre_disaster.png,woolsey-fire_00000824_pre_disaster,0,0,tier3\masks\woolsey-fire_00000824_pre_disaster.png,0,0,0,0,824,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000824_pre_disaster.png,socal-fire_00000824_pre_disaster,0,0,train\masks\socal-fire_00000824_pre_disaster.png,0,0,1,341,824,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000824_pre_disaster.png,portugal-wildfire_00000824_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000824_pre_disaster.png,0,0,0,0,824,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000824_pre_disaster.png,pinery-bushfire_00000824_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000824_pre_disaster.png,0,0,31,10500,824,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000825_pre_disaster.png,pinery-bushfire_00000825_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000825_pre_disaster.png,0,0,0,0,825,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000825_pre_disaster.png,woolsey-fire_00000825_pre_disaster,0,0,tier3\masks\woolsey-fire_00000825_pre_disaster.png,0,0,7,3371,825,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000825_pre_disaster.png,portugal-wildfire_00000825_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000825_pre_disaster.png,0,0,0,0,825,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000826_pre_disaster.png,pinery-bushfire_00000826_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000826_pre_disaster.png,0,0,11,7074,826,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000826_pre_disaster.png,portugal-wildfire_00000826_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000826_pre_disaster.png,0,0,3,1641,826,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000826_pre_disaster.png,woolsey-fire_00000826_pre_disaster,0,0,tier3\masks\woolsey-fire_00000826_pre_disaster.png,0,0,0,0,826,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000827_pre_disaster.png,pinery-bushfire_00000827_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000827_pre_disaster.png,0,0,0,0,827,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000827_pre_disaster.png,portugal-wildfire_00000827_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000827_pre_disaster.png,0,0,18,38287,827,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000827_pre_disaster.png,socal-fire_00000827_pre_disaster,0,0,train\masks\socal-fire_00000827_pre_disaster.png,0,0,0,0,827,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000827_pre_disaster.png,woolsey-fire_00000827_pre_disaster,0,0,tier3\masks\woolsey-fire_00000827_pre_disaster.png,0,0,77,61865,827,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000828_pre_disaster.png,pinery-bushfire_00000828_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000828_pre_disaster.png,0,0,0,0,828,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000828_pre_disaster.png,portugal-wildfire_00000828_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000828_pre_disaster.png,0,0,0,0,828,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000828_pre_disaster.png,socal-fire_00000828_pre_disaster,0,0,train\masks\socal-fire_00000828_pre_disaster.png,0,0,0,0,828,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000828_pre_disaster.png,woolsey-fire_00000828_pre_disaster,0,0,tier3\masks\woolsey-fire_00000828_pre_disaster.png,0,0,0,0,828,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000829_pre_disaster.png,portugal-wildfire_00000829_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000829_pre_disaster.png,0,0,0,0,829,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000829_pre_disaster.png,pinery-bushfire_00000829_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000829_pre_disaster.png,0,0,0,0,829,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000829_pre_disaster.png,woolsey-fire_00000829_pre_disaster,0,0,tier3\masks\woolsey-fire_00000829_pre_disaster.png,0,0,0,0,829,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000830_pre_disaster.png,woolsey-fire_00000830_pre_disaster,0,0,tier3\masks\woolsey-fire_00000830_pre_disaster.png,0,0,46,85981,830,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000830_pre_disaster.png,pinery-bushfire_00000830_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000830_pre_disaster.png,0,0,6,7879,830,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000830_pre_disaster.png,socal-fire_00000830_pre_disaster,0,0,train\masks\socal-fire_00000830_pre_disaster.png,0,0,0,0,830,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000830_pre_disaster.png,portugal-wildfire_00000830_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000830_pre_disaster.png,0,0,4,1650,830,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000831_pre_disaster.png,pinery-bushfire_00000831_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000831_pre_disaster.png,0,0,0,0,831,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000831_pre_disaster.png,woolsey-fire_00000831_pre_disaster,0,0,tier3\masks\woolsey-fire_00000831_pre_disaster.png,0,0,0,0,831,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000831_pre_disaster.png,portugal-wildfire_00000831_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000831_pre_disaster.png,0,0,14,9364,831,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000832_pre_disaster.png,pinery-bushfire_00000832_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000832_pre_disaster.png,0,0,14,11908,832,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000832_pre_disaster.png,portugal-wildfire_00000832_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000832_pre_disaster.png,0,0,0,0,832,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000832_pre_disaster.png,woolsey-fire_00000832_pre_disaster,0,0,tier3\masks\woolsey-fire_00000832_pre_disaster.png,0,0,0,0,832,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000833_pre_disaster.png,woolsey-fire_00000833_pre_disaster,0,0,tier3\masks\woolsey-fire_00000833_pre_disaster.png,0,0,32,21296,833,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000833_pre_disaster.png,pinery-bushfire_00000833_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000833_pre_disaster.png,0,0,0,0,833,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000833_pre_disaster.png,portugal-wildfire_00000833_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000833_pre_disaster.png,0,0,0,0,833,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000833_pre_disaster.png,socal-fire_00000833_pre_disaster,0,0,train\masks\socal-fire_00000833_pre_disaster.png,0,0,0,0,833,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000834_pre_disaster.png,portugal-wildfire_00000834_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000834_pre_disaster.png,0,0,23,55721,834,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000834_pre_disaster.png,pinery-bushfire_00000834_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000834_pre_disaster.png,0,0,0,0,834,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000834_pre_disaster.png,woolsey-fire_00000834_pre_disaster,0,0,tier3\masks\woolsey-fire_00000834_pre_disaster.png,0,0,0,0,834,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000834_pre_disaster.png,socal-fire_00000834_pre_disaster,0,0,train\masks\socal-fire_00000834_pre_disaster.png,0,0,0,0,834,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000835_pre_disaster.png,socal-fire_00000835_pre_disaster,0,0,train\masks\socal-fire_00000835_pre_disaster.png,0,0,0,0,835,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000835_pre_disaster.png,pinery-bushfire_00000835_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000835_pre_disaster.png,0,0,0,0,835,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000835_pre_disaster.png,portugal-wildfire_00000835_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000835_pre_disaster.png,0,0,5,9217,835,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000835_pre_disaster.png,woolsey-fire_00000835_pre_disaster,0,0,tier3\masks\woolsey-fire_00000835_pre_disaster.png,0,0,0,0,835,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000836_pre_disaster.png,woolsey-fire_00000836_pre_disaster,0,0,tier3\masks\woolsey-fire_00000836_pre_disaster.png,0,0,0,0,836,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000836_pre_disaster.png,pinery-bushfire_00000836_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000836_pre_disaster.png,0,0,0,0,836,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000836_pre_disaster.png,portugal-wildfire_00000836_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000836_pre_disaster.png,0,0,0,0,836,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000837_pre_disaster.png,pinery-bushfire_00000837_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000837_pre_disaster.png,0,0,11,5686,837,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000837_pre_disaster.png,woolsey-fire_00000837_pre_disaster,0,0,tier3\masks\woolsey-fire_00000837_pre_disaster.png,0,0,0,0,837,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000837_pre_disaster.png,portugal-wildfire_00000837_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000837_pre_disaster.png,0,0,0,0,837,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000838_pre_disaster.png,pinery-bushfire_00000838_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000838_pre_disaster.png,0,0,0,0,838,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000838_pre_disaster.png,woolsey-fire_00000838_pre_disaster,0,0,tier3\masks\woolsey-fire_00000838_pre_disaster.png,0,0,57,99968,838,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000838_pre_disaster.png,portugal-wildfire_00000838_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000838_pre_disaster.png,0,0,0,0,838,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000838_pre_disaster.png,socal-fire_00000838_pre_disaster,0,0,train\masks\socal-fire_00000838_pre_disaster.png,0,0,0,0,838,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000839_pre_disaster.png,woolsey-fire_00000839_pre_disaster,0,0,tier3\masks\woolsey-fire_00000839_pre_disaster.png,0,0,0,0,839,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000839_pre_disaster.png,socal-fire_00000839_pre_disaster,0,0,train\masks\socal-fire_00000839_pre_disaster.png,0,0,0,0,839,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000839_pre_disaster.png,portugal-wildfire_00000839_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000839_pre_disaster.png,0,0,18,17004,839,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000839_pre_disaster.png,pinery-bushfire_00000839_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000839_pre_disaster.png,0,0,5,2113,839,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000840_pre_disaster.png,woolsey-fire_00000840_pre_disaster,0,0,tier3\masks\woolsey-fire_00000840_pre_disaster.png,0,0,9,2708,840,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000840_pre_disaster.png,socal-fire_00000840_pre_disaster,0,0,train\masks\socal-fire_00000840_pre_disaster.png,0,0,32,182151,840,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000840_pre_disaster.png,portugal-wildfire_00000840_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000840_pre_disaster.png,0,0,0,0,840,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000840_pre_disaster.png,pinery-bushfire_00000840_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000840_pre_disaster.png,0,0,0,0,840,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000841_pre_disaster.png,pinery-bushfire_00000841_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000841_pre_disaster.png,0,0,0,0,841,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000841_pre_disaster.png,portugal-wildfire_00000841_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000841_pre_disaster.png,0,0,0,0,841,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000841_pre_disaster.png,woolsey-fire_00000841_pre_disaster,0,0,tier3\masks\woolsey-fire_00000841_pre_disaster.png,0,0,18,13155,841,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000842_pre_disaster.png,portugal-wildfire_00000842_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000842_pre_disaster.png,0,0,29,18261,842,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000842_pre_disaster.png,socal-fire_00000842_pre_disaster,0,0,train\masks\socal-fire_00000842_pre_disaster.png,0,0,0,0,842,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000842_pre_disaster.png,woolsey-fire_00000842_pre_disaster,0,0,tier3\masks\woolsey-fire_00000842_pre_disaster.png,0,0,0,0,842,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000842_pre_disaster.png,pinery-bushfire_00000842_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000842_pre_disaster.png,0,0,1,145,842,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000843_pre_disaster.png,socal-fire_00000843_pre_disaster,0,0,train\masks\socal-fire_00000843_pre_disaster.png,0,0,0,0,843,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000843_pre_disaster.png,pinery-bushfire_00000843_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000843_pre_disaster.png,0,0,0,0,843,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000843_pre_disaster.png,portugal-wildfire_00000843_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000843_pre_disaster.png,0,0,4,2129,843,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000843_pre_disaster.png,woolsey-fire_00000843_pre_disaster,0,0,tier3\masks\woolsey-fire_00000843_pre_disaster.png,0,0,19,36421,843,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000844_pre_disaster.png,woolsey-fire_00000844_pre_disaster,0,0,tier3\masks\woolsey-fire_00000844_pre_disaster.png,0,0,8,12050,844,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000844_pre_disaster.png,pinery-bushfire_00000844_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000844_pre_disaster.png,0,0,0,0,844,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000844_pre_disaster.png,portugal-wildfire_00000844_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000844_pre_disaster.png,0,0,0,0,844,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000845_pre_disaster.png,portugal-wildfire_00000845_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000845_pre_disaster.png,0,0,11,12953,845,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000845_pre_disaster.png,woolsey-fire_00000845_pre_disaster,0,0,tier3\masks\woolsey-fire_00000845_pre_disaster.png,0,0,2,2415,845,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000845_pre_disaster.png,socal-fire_00000845_pre_disaster,0,0,train\masks\socal-fire_00000845_pre_disaster.png,0,0,0,0,845,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000845_pre_disaster.png,pinery-bushfire_00000845_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000845_pre_disaster.png,0,0,0,0,845,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000846_pre_disaster.png,portugal-wildfire_00000846_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000846_pre_disaster.png,0,0,4,1386,846,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000846_pre_disaster.png,pinery-bushfire_00000846_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000846_pre_disaster.png,0,0,12,7418,846,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000846_pre_disaster.png,woolsey-fire_00000846_pre_disaster,0,0,tier3\masks\woolsey-fire_00000846_pre_disaster.png,0,0,8,6629,846,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000847_pre_disaster.png,woolsey-fire_00000847_pre_disaster,0,0,tier3\masks\woolsey-fire_00000847_pre_disaster.png,0,0,15,6826,847,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000847_pre_disaster.png,pinery-bushfire_00000847_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000847_pre_disaster.png,0,0,1,98,847,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000847_pre_disaster.png,portugal-wildfire_00000847_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000847_pre_disaster.png,0,0,0,0,847,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000848_pre_disaster.png,woolsey-fire_00000848_pre_disaster,0,0,tier3\masks\woolsey-fire_00000848_pre_disaster.png,0,0,0,0,848,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000848_pre_disaster.png,pinery-bushfire_00000848_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000848_pre_disaster.png,0,0,20,11889,848,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000848_pre_disaster.png,portugal-wildfire_00000848_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000848_pre_disaster.png,0,0,0,0,848,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000849_pre_disaster.png,woolsey-fire_00000849_pre_disaster,0,0,tier3\masks\woolsey-fire_00000849_pre_disaster.png,0,0,0,0,849,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000849_pre_disaster.png,pinery-bushfire_00000849_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000849_pre_disaster.png,0,0,0,0,849,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000849_pre_disaster.png,portugal-wildfire_00000849_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000849_pre_disaster.png,0,0,69,65321,849,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000850_pre_disaster.png,woolsey-fire_00000850_pre_disaster,0,0,tier3\masks\woolsey-fire_00000850_pre_disaster.png,0,0,1,279,850,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000850_pre_disaster.png,socal-fire_00000850_pre_disaster,0,0,train\masks\socal-fire_00000850_pre_disaster.png,0,0,0,0,850,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000850_pre_disaster.png,pinery-bushfire_00000850_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000850_pre_disaster.png,0,0,33,24457,850,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000850_pre_disaster.png,portugal-wildfire_00000850_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000850_pre_disaster.png,0,0,0,0,850,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000851_pre_disaster.png,pinery-bushfire_00000851_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000851_pre_disaster.png,0,0,0,0,851,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000851_pre_disaster.png,socal-fire_00000851_pre_disaster,0,0,train\masks\socal-fire_00000851_pre_disaster.png,0,0,0,0,851,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000851_pre_disaster.png,portugal-wildfire_00000851_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000851_pre_disaster.png,0,0,0,0,851,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000851_pre_disaster.png,woolsey-fire_00000851_pre_disaster,0,0,tier3\masks\woolsey-fire_00000851_pre_disaster.png,0,0,0,0,851,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000852_pre_disaster.png,pinery-bushfire_00000852_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000852_pre_disaster.png,0,0,4,2655,852,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000852_pre_disaster.png,socal-fire_00000852_pre_disaster,0,0,train\masks\socal-fire_00000852_pre_disaster.png,0,0,0,0,852,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000852_pre_disaster.png,woolsey-fire_00000852_pre_disaster,0,0,tier3\masks\woolsey-fire_00000852_pre_disaster.png,0,0,0,0,852,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000852_pre_disaster.png,portugal-wildfire_00000852_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000852_pre_disaster.png,0,0,0,0,852,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000853_pre_disaster.png,pinery-bushfire_00000853_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000853_pre_disaster.png,0,0,9,1843,853,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000853_pre_disaster.png,portugal-wildfire_00000853_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000853_pre_disaster.png,0,0,10,2781,853,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000853_pre_disaster.png,woolsey-fire_00000853_pre_disaster,0,0,tier3\masks\woolsey-fire_00000853_pre_disaster.png,0,0,0,0,853,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000854_pre_disaster.png,portugal-wildfire_00000854_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000854_pre_disaster.png,0,0,3,2408,854,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000854_pre_disaster.png,woolsey-fire_00000854_pre_disaster,0,0,tier3\masks\woolsey-fire_00000854_pre_disaster.png,0,0,0,0,854,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000854_pre_disaster.png,pinery-bushfire_00000854_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000854_pre_disaster.png,0,0,0,0,854,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000855_pre_disaster.png,woolsey-fire_00000855_pre_disaster,0,0,tier3\masks\woolsey-fire_00000855_pre_disaster.png,0,0,0,0,855,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000855_pre_disaster.png,pinery-bushfire_00000855_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000855_pre_disaster.png,0,0,0,0,855,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000855_pre_disaster.png,portugal-wildfire_00000855_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000855_pre_disaster.png,0,0,16,10791,855,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000856_pre_disaster.png,portugal-wildfire_00000856_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000856_pre_disaster.png,0,0,0,0,856,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000856_pre_disaster.png,pinery-bushfire_00000856_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000856_pre_disaster.png,0,0,9,5157,856,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000856_pre_disaster.png,woolsey-fire_00000856_pre_disaster,0,0,tier3\masks\woolsey-fire_00000856_pre_disaster.png,0,0,12,4290,856,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000857_pre_disaster.png,pinery-bushfire_00000857_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000857_pre_disaster.png,0,0,0,0,857,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000857_pre_disaster.png,socal-fire_00000857_pre_disaster,0,0,train\masks\socal-fire_00000857_pre_disaster.png,0,0,0,0,857,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000857_pre_disaster.png,portugal-wildfire_00000857_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000857_pre_disaster.png,0,0,0,0,857,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000857_pre_disaster.png,woolsey-fire_00000857_pre_disaster,0,0,tier3\masks\woolsey-fire_00000857_pre_disaster.png,0,0,0,0,857,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000858_pre_disaster.png,portugal-wildfire_00000858_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000858_pre_disaster.png,0,0,3,1288,858,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000858_pre_disaster.png,pinery-bushfire_00000858_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000858_pre_disaster.png,0,0,17,10931,858,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000858_pre_disaster.png,socal-fire_00000858_pre_disaster,0,0,train\masks\socal-fire_00000858_pre_disaster.png,0,0,0,0,858,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000858_pre_disaster.png,woolsey-fire_00000858_pre_disaster,0,0,tier3\masks\woolsey-fire_00000858_pre_disaster.png,0,0,10,3338,858,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000859_pre_disaster.png,woolsey-fire_00000859_pre_disaster,0,0,tier3\masks\woolsey-fire_00000859_pre_disaster.png,0,0,0,0,859,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000859_pre_disaster.png,socal-fire_00000859_pre_disaster,0,0,train\masks\socal-fire_00000859_pre_disaster.png,0,0,0,0,859,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000859_pre_disaster.png,pinery-bushfire_00000859_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000859_pre_disaster.png,0,0,10,8982,859,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000859_pre_disaster.png,portugal-wildfire_00000859_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000859_pre_disaster.png,0,0,0,0,859,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000860_pre_disaster.png,pinery-bushfire_00000860_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000860_pre_disaster.png,0,0,0,0,860,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000860_pre_disaster.png,woolsey-fire_00000860_pre_disaster,0,0,tier3\masks\woolsey-fire_00000860_pre_disaster.png,0,0,24,21955,860,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000860_pre_disaster.png,portugal-wildfire_00000860_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000860_pre_disaster.png,0,0,0,0,860,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000861_pre_disaster.png,socal-fire_00000861_pre_disaster,0,0,train\masks\socal-fire_00000861_pre_disaster.png,0,0,21,10107,861,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000861_pre_disaster.png,portugal-wildfire_00000861_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000861_pre_disaster.png,0,0,107,56779,861,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000861_pre_disaster.png,woolsey-fire_00000861_pre_disaster,0,0,tier3\masks\woolsey-fire_00000861_pre_disaster.png,0,0,0,0,861,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000861_pre_disaster.png,pinery-bushfire_00000861_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000861_pre_disaster.png,0,0,0,0,861,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000862_pre_disaster.png,pinery-bushfire_00000862_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000862_pre_disaster.png,0,0,0,0,862,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000862_pre_disaster.png,socal-fire_00000862_pre_disaster,0,0,train\masks\socal-fire_00000862_pre_disaster.png,0,0,26,14530,862,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000862_pre_disaster.png,woolsey-fire_00000862_pre_disaster,0,0,tier3\masks\woolsey-fire_00000862_pre_disaster.png,0,0,25,22200,862,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000862_pre_disaster.png,portugal-wildfire_00000862_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000862_pre_disaster.png,0,0,6,4298,862,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000863_pre_disaster.png,pinery-bushfire_00000863_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000863_pre_disaster.png,0,0,0,0,863,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000863_pre_disaster.png,portugal-wildfire_00000863_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000863_pre_disaster.png,0,0,26,34163,863,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000863_pre_disaster.png,woolsey-fire_00000863_pre_disaster,0,0,tier3\masks\woolsey-fire_00000863_pre_disaster.png,0,0,9,2303,863,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000864_pre_disaster.png,portugal-wildfire_00000864_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000864_pre_disaster.png,0,0,8,5567,864,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000864_pre_disaster.png,socal-fire_00000864_pre_disaster,0,0,train\masks\socal-fire_00000864_pre_disaster.png,0,0,66,138927,864,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000864_pre_disaster.png,pinery-bushfire_00000864_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000864_pre_disaster.png,0,0,0,0,864,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000864_pre_disaster.png,woolsey-fire_00000864_pre_disaster,0,0,tier3\masks\woolsey-fire_00000864_pre_disaster.png,0,0,14,21247,864,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000865_pre_disaster.png,woolsey-fire_00000865_pre_disaster,0,0,tier3\masks\woolsey-fire_00000865_pre_disaster.png,0,0,10,12728,865,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000865_pre_disaster.png,socal-fire_00000865_pre_disaster,0,0,train\masks\socal-fire_00000865_pre_disaster.png,0,0,0,0,865,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000865_pre_disaster.png,pinery-bushfire_00000865_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000865_pre_disaster.png,0,0,0,0,865,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000865_pre_disaster.png,portugal-wildfire_00000865_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000865_pre_disaster.png,0,0,0,0,865,4 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000866_pre_disaster.png,woolsey-fire_00000866_pre_disaster,0,0,tier3\masks\woolsey-fire_00000866_pre_disaster.png,0,0,6,11153,866,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000866_pre_disaster.png,socal-fire_00000866_pre_disaster,0,0,train\masks\socal-fire_00000866_pre_disaster.png,0,0,19,45092,866,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000866_pre_disaster.png,pinery-bushfire_00000866_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000866_pre_disaster.png,0,0,108,90229,866,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000866_pre_disaster.png,portugal-wildfire_00000866_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000866_pre_disaster.png,0,0,14,16098,866,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000867_pre_disaster.png,portugal-wildfire_00000867_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000867_pre_disaster.png,0,0,0,0,867,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000867_pre_disaster.png,woolsey-fire_00000867_pre_disaster,0,0,tier3\masks\woolsey-fire_00000867_pre_disaster.png,0,0,12,10518,867,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000867_pre_disaster.png,socal-fire_00000867_pre_disaster,0,0,train\masks\socal-fire_00000867_pre_disaster.png,0,0,0,0,867,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000867_pre_disaster.png,pinery-bushfire_00000867_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000867_pre_disaster.png,0,0,19,22508,867,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000868_pre_disaster.png,socal-fire_00000868_pre_disaster,0,0,train\masks\socal-fire_00000868_pre_disaster.png,0,0,6,15063,868,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000868_pre_disaster.png,portugal-wildfire_00000868_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000868_pre_disaster.png,0,0,0,0,868,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000868_pre_disaster.png,woolsey-fire_00000868_pre_disaster,0,0,tier3\masks\woolsey-fire_00000868_pre_disaster.png,0,0,0,0,868,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000868_pre_disaster.png,pinery-bushfire_00000868_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000868_pre_disaster.png,0,0,0,0,868,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000869_pre_disaster.png,portugal-wildfire_00000869_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000869_pre_disaster.png,0,0,26,12231,869,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000869_pre_disaster.png,woolsey-fire_00000869_pre_disaster,0,0,tier3\masks\woolsey-fire_00000869_pre_disaster.png,0,0,5,609,869,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000869_pre_disaster.png,pinery-bushfire_00000869_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000869_pre_disaster.png,0,0,0,0,869,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000870_pre_disaster.png,pinery-bushfire_00000870_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000870_pre_disaster.png,0,0,3,1357,870,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000870_pre_disaster.png,woolsey-fire_00000870_pre_disaster,0,0,tier3\masks\woolsey-fire_00000870_pre_disaster.png,0,0,0,0,870,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000870_pre_disaster.png,portugal-wildfire_00000870_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000870_pre_disaster.png,0,0,7,5681,870,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000871_pre_disaster.png,portugal-wildfire_00000871_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000871_pre_disaster.png,0,0,46,112729,871,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000871_pre_disaster.png,pinery-bushfire_00000871_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000871_pre_disaster.png,0,0,0,0,871,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000871_pre_disaster.png,woolsey-fire_00000871_pre_disaster,0,0,tier3\masks\woolsey-fire_00000871_pre_disaster.png,0,0,5,736,871,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000872_pre_disaster.png,woolsey-fire_00000872_pre_disaster,0,0,tier3\masks\woolsey-fire_00000872_pre_disaster.png,0,0,0,0,872,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000872_pre_disaster.png,portugal-wildfire_00000872_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000872_pre_disaster.png,0,0,7,3874,872,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000872_pre_disaster.png,pinery-bushfire_00000872_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000872_pre_disaster.png,0,0,0,0,872,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000873_pre_disaster.png,socal-fire_00000873_pre_disaster,0,0,train\masks\socal-fire_00000873_pre_disaster.png,0,0,0,0,873,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000873_pre_disaster.png,portugal-wildfire_00000873_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000873_pre_disaster.png,0,0,0,0,873,3 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000873_pre_disaster.png,woolsey-fire_00000873_pre_disaster,0,0,tier3\masks\woolsey-fire_00000873_pre_disaster.png,0,0,0,0,873,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000873_pre_disaster.png,pinery-bushfire_00000873_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000873_pre_disaster.png,0,0,0,0,873,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000874_pre_disaster.png,socal-fire_00000874_pre_disaster,0,0,train\masks\socal-fire_00000874_pre_disaster.png,0,0,37,41607,874,2 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000874_pre_disaster.png,woolsey-fire_00000874_pre_disaster,0,0,tier3\masks\woolsey-fire_00000874_pre_disaster.png,0,0,0,0,874,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000874_pre_disaster.png,portugal-wildfire_00000874_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000874_pre_disaster.png,0,0,2,1195,874,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000874_pre_disaster.png,pinery-bushfire_00000874_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000874_pre_disaster.png,0,0,16,14706,874,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000875_pre_disaster.png,socal-fire_00000875_pre_disaster,0,0,train\masks\socal-fire_00000875_pre_disaster.png,0,0,0,0,875,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000875_pre_disaster.png,woolsey-fire_00000875_pre_disaster,0,0,tier3\masks\woolsey-fire_00000875_pre_disaster.png,0,0,0,0,875,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000875_pre_disaster.png,pinery-bushfire_00000875_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000875_pre_disaster.png,0,0,0,0,875,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000875_pre_disaster.png,portugal-wildfire_00000875_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000875_pre_disaster.png,0,0,0,0,875,0 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000876_pre_disaster.png,woolsey-fire_00000876_pre_disaster,0,0,tier3\masks\woolsey-fire_00000876_pre_disaster.png,0,0,0,0,876,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000876_pre_disaster.png,socal-fire_00000876_pre_disaster,0,0,train\masks\socal-fire_00000876_pre_disaster.png,0,0,0,0,876,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000876_pre_disaster.png,portugal-wildfire_00000876_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000876_pre_disaster.png,0,0,0,0,876,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000876_pre_disaster.png,pinery-bushfire_00000876_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000876_pre_disaster.png,0,0,0,0,876,1 +0,0,woolsey-fire,pre,tier3,tier3\images\woolsey-fire_00000877_pre_disaster.png,woolsey-fire_00000877_pre_disaster,0,0,tier3\masks\woolsey-fire_00000877_pre_disaster.png,0,0,0,0,877,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000877_pre_disaster.png,portugal-wildfire_00000877_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000877_pre_disaster.png,0,0,3,1220,877,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000877_pre_disaster.png,pinery-bushfire_00000877_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000877_pre_disaster.png,0,0,18,10572,877,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000878_pre_disaster.png,portugal-wildfire_00000878_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000878_pre_disaster.png,0,0,0,0,878,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000878_pre_disaster.png,pinery-bushfire_00000878_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000878_pre_disaster.png,0,0,0,0,878,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000878_pre_disaster.png,socal-fire_00000878_pre_disaster,0,0,train\masks\socal-fire_00000878_pre_disaster.png,0,0,1,643,878,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000879_pre_disaster.png,portugal-wildfire_00000879_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000879_pre_disaster.png,0,0,0,0,879,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000879_pre_disaster.png,pinery-bushfire_00000879_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000879_pre_disaster.png,0,0,0,0,879,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000880_pre_disaster.png,socal-fire_00000880_pre_disaster,0,0,train\masks\socal-fire_00000880_pre_disaster.png,0,0,58,118733,880,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000880_pre_disaster.png,portugal-wildfire_00000880_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000880_pre_disaster.png,0,0,49,41864,880,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000880_pre_disaster.png,pinery-bushfire_00000880_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000880_pre_disaster.png,0,0,2,917,880,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000881_pre_disaster.png,pinery-bushfire_00000881_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000881_pre_disaster.png,0,0,0,0,881,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000881_pre_disaster.png,socal-fire_00000881_pre_disaster,0,0,train\masks\socal-fire_00000881_pre_disaster.png,0,0,0,0,881,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000881_pre_disaster.png,portugal-wildfire_00000881_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000881_pre_disaster.png,0,0,53,106513,881,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000882_pre_disaster.png,pinery-bushfire_00000882_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000882_pre_disaster.png,0,0,11,41360,882,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000882_pre_disaster.png,portugal-wildfire_00000882_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000882_pre_disaster.png,0,0,0,0,882,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000883_pre_disaster.png,pinery-bushfire_00000883_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000883_pre_disaster.png,0,0,0,0,883,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000883_pre_disaster.png,portugal-wildfire_00000883_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000883_pre_disaster.png,0,0,0,0,883,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000884_pre_disaster.png,socal-fire_00000884_pre_disaster,0,0,train\masks\socal-fire_00000884_pre_disaster.png,0,0,0,0,884,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000884_pre_disaster.png,pinery-bushfire_00000884_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000884_pre_disaster.png,0,0,0,0,884,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000884_pre_disaster.png,portugal-wildfire_00000884_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000884_pre_disaster.png,0,0,0,0,884,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000885_pre_disaster.png,portugal-wildfire_00000885_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000885_pre_disaster.png,0,0,47,31129,885,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000885_pre_disaster.png,pinery-bushfire_00000885_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000885_pre_disaster.png,0,0,0,0,885,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000886_pre_disaster.png,portugal-wildfire_00000886_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000886_pre_disaster.png,0,0,23,22881,886,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000886_pre_disaster.png,socal-fire_00000886_pre_disaster,0,0,train\masks\socal-fire_00000886_pre_disaster.png,0,0,37,48707,886,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000886_pre_disaster.png,pinery-bushfire_00000886_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000886_pre_disaster.png,0,0,0,0,886,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000887_pre_disaster.png,socal-fire_00000887_pre_disaster,0,0,train\masks\socal-fire_00000887_pre_disaster.png,0,0,54,106130,887,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000887_pre_disaster.png,pinery-bushfire_00000887_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000887_pre_disaster.png,0,0,0,0,887,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000887_pre_disaster.png,portugal-wildfire_00000887_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000887_pre_disaster.png,0,0,7,4675,887,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000888_pre_disaster.png,pinery-bushfire_00000888_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000888_pre_disaster.png,0,0,0,0,888,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000888_pre_disaster.png,socal-fire_00000888_pre_disaster,0,0,train\masks\socal-fire_00000888_pre_disaster.png,0,0,0,0,888,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000888_pre_disaster.png,portugal-wildfire_00000888_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000888_pre_disaster.png,0,0,21,12400,888,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000889_pre_disaster.png,pinery-bushfire_00000889_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000889_pre_disaster.png,0,0,0,0,889,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000889_pre_disaster.png,portugal-wildfire_00000889_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000889_pre_disaster.png,0,0,14,7971,889,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000890_pre_disaster.png,portugal-wildfire_00000890_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000890_pre_disaster.png,0,0,33,20355,890,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000890_pre_disaster.png,pinery-bushfire_00000890_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000890_pre_disaster.png,0,0,0,0,890,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000891_pre_disaster.png,portugal-wildfire_00000891_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000891_pre_disaster.png,0,0,0,0,891,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000891_pre_disaster.png,socal-fire_00000891_pre_disaster,0,0,train\masks\socal-fire_00000891_pre_disaster.png,0,0,2,418,891,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000891_pre_disaster.png,pinery-bushfire_00000891_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000891_pre_disaster.png,0,0,0,0,891,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000892_pre_disaster.png,portugal-wildfire_00000892_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000892_pre_disaster.png,0,0,35,31281,892,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000892_pre_disaster.png,pinery-bushfire_00000892_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000892_pre_disaster.png,0,0,113,105660,892,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000892_pre_disaster.png,socal-fire_00000892_pre_disaster,0,0,train\masks\socal-fire_00000892_pre_disaster.png,0,0,0,0,892,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000893_pre_disaster.png,portugal-wildfire_00000893_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000893_pre_disaster.png,0,0,19,16937,893,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000893_pre_disaster.png,pinery-bushfire_00000893_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000893_pre_disaster.png,0,0,0,0,893,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000894_pre_disaster.png,portugal-wildfire_00000894_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000894_pre_disaster.png,0,0,0,0,894,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000894_pre_disaster.png,pinery-bushfire_00000894_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000894_pre_disaster.png,0,0,0,0,894,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000895_pre_disaster.png,pinery-bushfire_00000895_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000895_pre_disaster.png,0,0,0,0,895,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000895_pre_disaster.png,portugal-wildfire_00000895_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000895_pre_disaster.png,0,0,1,393,895,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000895_pre_disaster.png,socal-fire_00000895_pre_disaster,0,0,train\masks\socal-fire_00000895_pre_disaster.png,0,0,0,0,895,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000896_pre_disaster.png,portugal-wildfire_00000896_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000896_pre_disaster.png,0,0,0,0,896,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000896_pre_disaster.png,pinery-bushfire_00000896_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000896_pre_disaster.png,0,0,0,0,896,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000897_pre_disaster.png,portugal-wildfire_00000897_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000897_pre_disaster.png,0,0,33,25953,897,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000897_pre_disaster.png,pinery-bushfire_00000897_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000897_pre_disaster.png,0,0,15,20160,897,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000897_pre_disaster.png,socal-fire_00000897_pre_disaster,0,0,train\masks\socal-fire_00000897_pre_disaster.png,0,0,0,0,897,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000898_pre_disaster.png,pinery-bushfire_00000898_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000898_pre_disaster.png,0,0,0,0,898,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000898_pre_disaster.png,portugal-wildfire_00000898_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000898_pre_disaster.png,0,0,6,5082,898,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000899_pre_disaster.png,pinery-bushfire_00000899_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000899_pre_disaster.png,0,0,5,958,899,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000899_pre_disaster.png,portugal-wildfire_00000899_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000899_pre_disaster.png,0,0,24,27833,899,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000900_pre_disaster.png,pinery-bushfire_00000900_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000900_pre_disaster.png,0,0,0,0,900,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000900_pre_disaster.png,portugal-wildfire_00000900_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000900_pre_disaster.png,0,0,0,0,900,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000901_pre_disaster.png,portugal-wildfire_00000901_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000901_pre_disaster.png,0,0,0,0,901,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000901_pre_disaster.png,socal-fire_00000901_pre_disaster,0,0,train\masks\socal-fire_00000901_pre_disaster.png,0,0,19,22521,901,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000901_pre_disaster.png,pinery-bushfire_00000901_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000901_pre_disaster.png,0,0,1,108,901,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000902_pre_disaster.png,portugal-wildfire_00000902_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000902_pre_disaster.png,0,0,11,7578,902,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000902_pre_disaster.png,pinery-bushfire_00000902_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000902_pre_disaster.png,0,0,0,0,902,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000903_pre_disaster.png,portugal-wildfire_00000903_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000903_pre_disaster.png,0,0,24,10638,903,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000903_pre_disaster.png,socal-fire_00000903_pre_disaster,0,0,train\masks\socal-fire_00000903_pre_disaster.png,0,0,3,7879,903,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000903_pre_disaster.png,pinery-bushfire_00000903_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000903_pre_disaster.png,0,0,0,0,903,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000904_pre_disaster.png,pinery-bushfire_00000904_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000904_pre_disaster.png,0,0,0,0,904,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000904_pre_disaster.png,portugal-wildfire_00000904_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000904_pre_disaster.png,0,0,0,0,904,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000904_pre_disaster.png,socal-fire_00000904_pre_disaster,0,0,train\masks\socal-fire_00000904_pre_disaster.png,0,0,14,9003,904,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000905_pre_disaster.png,socal-fire_00000905_pre_disaster,0,0,train\masks\socal-fire_00000905_pre_disaster.png,0,0,0,0,905,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000905_pre_disaster.png,portugal-wildfire_00000905_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000905_pre_disaster.png,0,0,0,0,905,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000905_pre_disaster.png,pinery-bushfire_00000905_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000905_pre_disaster.png,0,0,0,0,905,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000906_pre_disaster.png,pinery-bushfire_00000906_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000906_pre_disaster.png,0,0,0,0,906,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000906_pre_disaster.png,portugal-wildfire_00000906_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000906_pre_disaster.png,0,0,14,9379,906,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000906_pre_disaster.png,socal-fire_00000906_pre_disaster,0,0,train\masks\socal-fire_00000906_pre_disaster.png,0,0,3,348,906,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000907_pre_disaster.png,socal-fire_00000907_pre_disaster,0,0,train\masks\socal-fire_00000907_pre_disaster.png,0,0,5,6667,907,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000907_pre_disaster.png,portugal-wildfire_00000907_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000907_pre_disaster.png,0,0,104,111096,907,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000907_pre_disaster.png,pinery-bushfire_00000907_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000907_pre_disaster.png,0,0,0,0,907,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000908_pre_disaster.png,pinery-bushfire_00000908_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000908_pre_disaster.png,0,0,0,0,908,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000908_pre_disaster.png,portugal-wildfire_00000908_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000908_pre_disaster.png,0,0,0,0,908,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000908_pre_disaster.png,socal-fire_00000908_pre_disaster,0,0,train\masks\socal-fire_00000908_pre_disaster.png,0,0,178,263160,908,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000909_pre_disaster.png,pinery-bushfire_00000909_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000909_pre_disaster.png,0,0,0,0,909,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000909_pre_disaster.png,socal-fire_00000909_pre_disaster,0,0,train\masks\socal-fire_00000909_pre_disaster.png,0,0,20,22598,909,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000909_pre_disaster.png,portugal-wildfire_00000909_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000909_pre_disaster.png,0,0,33,57563,909,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000910_pre_disaster.png,pinery-bushfire_00000910_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000910_pre_disaster.png,0,0,0,0,910,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000910_pre_disaster.png,socal-fire_00000910_pre_disaster,0,0,train\masks\socal-fire_00000910_pre_disaster.png,0,0,0,0,910,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000910_pre_disaster.png,portugal-wildfire_00000910_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000910_pre_disaster.png,0,0,4,1746,910,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000911_pre_disaster.png,pinery-bushfire_00000911_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000911_pre_disaster.png,0,0,1,116,911,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000911_pre_disaster.png,portugal-wildfire_00000911_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000911_pre_disaster.png,0,0,0,0,911,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000912_pre_disaster.png,pinery-bushfire_00000912_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000912_pre_disaster.png,0,0,0,0,912,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000912_pre_disaster.png,portugal-wildfire_00000912_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000912_pre_disaster.png,0,0,3,1122,912,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000912_pre_disaster.png,socal-fire_00000912_pre_disaster,0,0,train\masks\socal-fire_00000912_pre_disaster.png,0,0,6,4329,912,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000913_pre_disaster.png,socal-fire_00000913_pre_disaster,0,0,train\masks\socal-fire_00000913_pre_disaster.png,0,0,25,6570,913,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000913_pre_disaster.png,pinery-bushfire_00000913_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000913_pre_disaster.png,0,0,1,105,913,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000913_pre_disaster.png,portugal-wildfire_00000913_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000913_pre_disaster.png,0,0,0,0,913,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000914_pre_disaster.png,pinery-bushfire_00000914_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000914_pre_disaster.png,0,0,1,213,914,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000914_pre_disaster.png,socal-fire_00000914_pre_disaster,0,0,train\masks\socal-fire_00000914_pre_disaster.png,0,0,67,138332,914,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000914_pre_disaster.png,portugal-wildfire_00000914_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000914_pre_disaster.png,0,0,45,34735,914,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000915_pre_disaster.png,portugal-wildfire_00000915_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000915_pre_disaster.png,0,0,0,0,915,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000915_pre_disaster.png,socal-fire_00000915_pre_disaster,0,0,train\masks\socal-fire_00000915_pre_disaster.png,0,0,0,0,915,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000915_pre_disaster.png,pinery-bushfire_00000915_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000915_pre_disaster.png,0,0,0,0,915,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000916_pre_disaster.png,pinery-bushfire_00000916_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000916_pre_disaster.png,0,0,0,0,916,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000916_pre_disaster.png,socal-fire_00000916_pre_disaster,0,0,train\masks\socal-fire_00000916_pre_disaster.png,0,0,3,438,916,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000916_pre_disaster.png,portugal-wildfire_00000916_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000916_pre_disaster.png,0,0,13,9167,916,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000917_pre_disaster.png,portugal-wildfire_00000917_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000917_pre_disaster.png,0,0,0,0,917,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000917_pre_disaster.png,pinery-bushfire_00000917_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000917_pre_disaster.png,0,0,0,0,917,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000917_pre_disaster.png,socal-fire_00000917_pre_disaster,0,0,train\masks\socal-fire_00000917_pre_disaster.png,0,0,10,11752,917,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000918_pre_disaster.png,portugal-wildfire_00000918_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000918_pre_disaster.png,0,0,8,5346,918,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000918_pre_disaster.png,pinery-bushfire_00000918_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000918_pre_disaster.png,0,0,5,745,918,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000919_pre_disaster.png,pinery-bushfire_00000919_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000919_pre_disaster.png,0,0,3,1694,919,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000919_pre_disaster.png,portugal-wildfire_00000919_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000919_pre_disaster.png,0,0,2,484,919,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000920_pre_disaster.png,pinery-bushfire_00000920_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000920_pre_disaster.png,0,0,0,0,920,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000920_pre_disaster.png,portugal-wildfire_00000920_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000920_pre_disaster.png,0,0,0,0,920,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000921_pre_disaster.png,pinery-bushfire_00000921_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000921_pre_disaster.png,0,0,1,509,921,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000921_pre_disaster.png,portugal-wildfire_00000921_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000921_pre_disaster.png,0,0,7,3669,921,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000921_pre_disaster.png,socal-fire_00000921_pre_disaster,0,0,train\masks\socal-fire_00000921_pre_disaster.png,0,0,0,0,921,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000922_pre_disaster.png,pinery-bushfire_00000922_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000922_pre_disaster.png,0,0,0,0,922,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000922_pre_disaster.png,portugal-wildfire_00000922_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000922_pre_disaster.png,0,0,0,0,922,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000923_pre_disaster.png,socal-fire_00000923_pre_disaster,0,0,train\masks\socal-fire_00000923_pre_disaster.png,0,0,3,2392,923,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000923_pre_disaster.png,portugal-wildfire_00000923_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000923_pre_disaster.png,0,0,13,12423,923,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000923_pre_disaster.png,pinery-bushfire_00000923_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000923_pre_disaster.png,0,0,0,0,923,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000924_pre_disaster.png,portugal-wildfire_00000924_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000924_pre_disaster.png,0,0,0,0,924,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000924_pre_disaster.png,pinery-bushfire_00000924_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000924_pre_disaster.png,0,0,0,0,924,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000925_pre_disaster.png,pinery-bushfire_00000925_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000925_pre_disaster.png,0,0,0,0,925,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000925_pre_disaster.png,portugal-wildfire_00000925_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000925_pre_disaster.png,0,0,8,2006,925,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000926_pre_disaster.png,pinery-bushfire_00000926_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000926_pre_disaster.png,0,0,0,0,926,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000926_pre_disaster.png,portugal-wildfire_00000926_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000926_pre_disaster.png,0,0,49,50060,926,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000926_pre_disaster.png,socal-fire_00000926_pre_disaster,0,0,train\masks\socal-fire_00000926_pre_disaster.png,0,0,0,0,926,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000927_pre_disaster.png,portugal-wildfire_00000927_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000927_pre_disaster.png,0,0,0,0,927,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000927_pre_disaster.png,socal-fire_00000927_pre_disaster,0,0,train\masks\socal-fire_00000927_pre_disaster.png,0,0,0,0,927,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000927_pre_disaster.png,pinery-bushfire_00000927_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000927_pre_disaster.png,0,0,0,0,927,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000928_pre_disaster.png,socal-fire_00000928_pre_disaster,0,0,train\masks\socal-fire_00000928_pre_disaster.png,0,0,21,19506,928,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000928_pre_disaster.png,pinery-bushfire_00000928_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000928_pre_disaster.png,0,0,0,0,928,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000928_pre_disaster.png,portugal-wildfire_00000928_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000928_pre_disaster.png,0,0,0,0,928,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000929_pre_disaster.png,portugal-wildfire_00000929_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000929_pre_disaster.png,0,0,0,0,929,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000929_pre_disaster.png,pinery-bushfire_00000929_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000929_pre_disaster.png,0,0,0,0,929,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000930_pre_disaster.png,portugal-wildfire_00000930_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000930_pre_disaster.png,0,0,0,0,930,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000930_pre_disaster.png,pinery-bushfire_00000930_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000930_pre_disaster.png,0,0,2,192,930,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000931_pre_disaster.png,socal-fire_00000931_pre_disaster,0,0,train\masks\socal-fire_00000931_pre_disaster.png,0,0,2,1394,931,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000931_pre_disaster.png,portugal-wildfire_00000931_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000931_pre_disaster.png,0,0,37,30887,931,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000931_pre_disaster.png,pinery-bushfire_00000931_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000931_pre_disaster.png,0,0,1,144,931,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000932_pre_disaster.png,portugal-wildfire_00000932_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000932_pre_disaster.png,0,0,0,0,932,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000932_pre_disaster.png,pinery-bushfire_00000932_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000932_pre_disaster.png,0,0,0,0,932,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000932_pre_disaster.png,socal-fire_00000932_pre_disaster,0,0,train\masks\socal-fire_00000932_pre_disaster.png,0,0,0,0,932,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000933_pre_disaster.png,portugal-wildfire_00000933_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000933_pre_disaster.png,0,0,0,0,933,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000933_pre_disaster.png,socal-fire_00000933_pre_disaster,0,0,train\masks\socal-fire_00000933_pre_disaster.png,0,0,0,0,933,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000933_pre_disaster.png,pinery-bushfire_00000933_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000933_pre_disaster.png,0,0,0,0,933,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000934_pre_disaster.png,portugal-wildfire_00000934_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000934_pre_disaster.png,0,0,0,0,934,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000934_pre_disaster.png,pinery-bushfire_00000934_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000934_pre_disaster.png,0,0,0,0,934,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000935_pre_disaster.png,portugal-wildfire_00000935_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000935_pre_disaster.png,0,0,2,253,935,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000935_pre_disaster.png,socal-fire_00000935_pre_disaster,0,0,train\masks\socal-fire_00000935_pre_disaster.png,0,0,113,151879,935,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000935_pre_disaster.png,pinery-bushfire_00000935_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000935_pre_disaster.png,0,0,0,0,935,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000936_pre_disaster.png,pinery-bushfire_00000936_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000936_pre_disaster.png,0,0,0,0,936,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000936_pre_disaster.png,portugal-wildfire_00000936_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000936_pre_disaster.png,0,0,3,1877,936,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000937_pre_disaster.png,pinery-bushfire_00000937_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000937_pre_disaster.png,0,0,0,0,937,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000937_pre_disaster.png,portugal-wildfire_00000937_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000937_pre_disaster.png,0,0,0,0,937,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000938_pre_disaster.png,socal-fire_00000938_pre_disaster,0,0,train\masks\socal-fire_00000938_pre_disaster.png,0,0,3,958,938,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000938_pre_disaster.png,portugal-wildfire_00000938_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000938_pre_disaster.png,0,0,7,23531,938,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000938_pre_disaster.png,pinery-bushfire_00000938_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000938_pre_disaster.png,0,0,0,0,938,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000939_pre_disaster.png,portugal-wildfire_00000939_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000939_pre_disaster.png,0,0,0,0,939,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000939_pre_disaster.png,pinery-bushfire_00000939_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000939_pre_disaster.png,0,0,1,72,939,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000939_pre_disaster.png,socal-fire_00000939_pre_disaster,0,0,train\masks\socal-fire_00000939_pre_disaster.png,0,0,0,0,939,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000940_pre_disaster.png,pinery-bushfire_00000940_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000940_pre_disaster.png,0,0,0,0,940,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000940_pre_disaster.png,socal-fire_00000940_pre_disaster,0,0,train\masks\socal-fire_00000940_pre_disaster.png,0,0,6,2438,940,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000940_pre_disaster.png,portugal-wildfire_00000940_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000940_pre_disaster.png,0,0,0,0,940,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000941_pre_disaster.png,pinery-bushfire_00000941_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000941_pre_disaster.png,0,0,5,3227,941,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000941_pre_disaster.png,portugal-wildfire_00000941_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000941_pre_disaster.png,0,0,12,4856,941,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000942_pre_disaster.png,portugal-wildfire_00000942_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000942_pre_disaster.png,0,0,9,12205,942,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000942_pre_disaster.png,pinery-bushfire_00000942_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000942_pre_disaster.png,0,0,0,0,942,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000943_pre_disaster.png,pinery-bushfire_00000943_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000943_pre_disaster.png,0,0,20,9332,943,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000943_pre_disaster.png,portugal-wildfire_00000943_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000943_pre_disaster.png,0,0,30,14863,943,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000944_pre_disaster.png,pinery-bushfire_00000944_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000944_pre_disaster.png,0,0,0,0,944,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000944_pre_disaster.png,portugal-wildfire_00000944_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000944_pre_disaster.png,0,0,0,0,944,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000944_pre_disaster.png,socal-fire_00000944_pre_disaster,0,0,train\masks\socal-fire_00000944_pre_disaster.png,0,0,0,0,944,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000945_pre_disaster.png,portugal-wildfire_00000945_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000945_pre_disaster.png,0,0,0,0,945,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000945_pre_disaster.png,pinery-bushfire_00000945_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000945_pre_disaster.png,0,0,0,0,945,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000945_pre_disaster.png,socal-fire_00000945_pre_disaster,0,0,train\masks\socal-fire_00000945_pre_disaster.png,0,0,9,7506,945,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000946_pre_disaster.png,pinery-bushfire_00000946_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000946_pre_disaster.png,0,0,1,362,946,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000946_pre_disaster.png,portugal-wildfire_00000946_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000946_pre_disaster.png,0,0,3,1088,946,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000947_pre_disaster.png,portugal-wildfire_00000947_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000947_pre_disaster.png,0,0,1,290,947,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000947_pre_disaster.png,socal-fire_00000947_pre_disaster,0,0,train\masks\socal-fire_00000947_pre_disaster.png,0,0,5,4808,947,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000947_pre_disaster.png,pinery-bushfire_00000947_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000947_pre_disaster.png,0,0,2,815,947,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000948_pre_disaster.png,pinery-bushfire_00000948_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000948_pre_disaster.png,0,0,0,0,948,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000948_pre_disaster.png,portugal-wildfire_00000948_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000948_pre_disaster.png,0,0,0,0,948,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000949_pre_disaster.png,pinery-bushfire_00000949_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000949_pre_disaster.png,0,0,0,0,949,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000949_pre_disaster.png,portugal-wildfire_00000949_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000949_pre_disaster.png,0,0,0,0,949,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000949_pre_disaster.png,socal-fire_00000949_pre_disaster,0,0,train\masks\socal-fire_00000949_pre_disaster.png,0,0,2,2936,949,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000950_pre_disaster.png,pinery-bushfire_00000950_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000950_pre_disaster.png,0,0,2,1817,950,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000950_pre_disaster.png,portugal-wildfire_00000950_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000950_pre_disaster.png,0,0,0,0,950,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000950_pre_disaster.png,socal-fire_00000950_pre_disaster,0,0,train\masks\socal-fire_00000950_pre_disaster.png,0,0,45,99909,950,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000951_pre_disaster.png,socal-fire_00000951_pre_disaster,0,0,train\masks\socal-fire_00000951_pre_disaster.png,0,0,0,0,951,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000951_pre_disaster.png,portugal-wildfire_00000951_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000951_pre_disaster.png,0,0,0,0,951,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000951_pre_disaster.png,pinery-bushfire_00000951_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000951_pre_disaster.png,0,0,0,0,951,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000952_pre_disaster.png,pinery-bushfire_00000952_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000952_pre_disaster.png,0,0,0,0,952,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000952_pre_disaster.png,socal-fire_00000952_pre_disaster,0,0,train\masks\socal-fire_00000952_pre_disaster.png,0,0,0,0,952,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000952_pre_disaster.png,portugal-wildfire_00000952_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000952_pre_disaster.png,0,0,0,0,952,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000953_pre_disaster.png,socal-fire_00000953_pre_disaster,0,0,train\masks\socal-fire_00000953_pre_disaster.png,0,0,70,96685,953,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000953_pre_disaster.png,portugal-wildfire_00000953_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000953_pre_disaster.png,0,0,0,0,953,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000953_pre_disaster.png,pinery-bushfire_00000953_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000953_pre_disaster.png,0,0,22,66444,953,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000954_pre_disaster.png,portugal-wildfire_00000954_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000954_pre_disaster.png,0,0,1,135,954,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000954_pre_disaster.png,pinery-bushfire_00000954_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000954_pre_disaster.png,0,0,0,0,954,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000955_pre_disaster.png,portugal-wildfire_00000955_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000955_pre_disaster.png,0,0,0,0,955,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000955_pre_disaster.png,socal-fire_00000955_pre_disaster,0,0,train\masks\socal-fire_00000955_pre_disaster.png,0,0,0,0,955,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000955_pre_disaster.png,pinery-bushfire_00000955_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000955_pre_disaster.png,0,0,0,0,955,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000956_pre_disaster.png,pinery-bushfire_00000956_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000956_pre_disaster.png,0,0,4,3102,956,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000956_pre_disaster.png,portugal-wildfire_00000956_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000956_pre_disaster.png,0,0,1,207,956,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000957_pre_disaster.png,pinery-bushfire_00000957_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000957_pre_disaster.png,0,0,0,0,957,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000957_pre_disaster.png,socal-fire_00000957_pre_disaster,0,0,train\masks\socal-fire_00000957_pre_disaster.png,0,0,0,0,957,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000957_pre_disaster.png,portugal-wildfire_00000957_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000957_pre_disaster.png,0,0,0,0,957,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000958_pre_disaster.png,portugal-wildfire_00000958_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000958_pre_disaster.png,0,0,0,0,958,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000958_pre_disaster.png,pinery-bushfire_00000958_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000958_pre_disaster.png,0,0,0,0,958,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000958_pre_disaster.png,socal-fire_00000958_pre_disaster,0,0,train\masks\socal-fire_00000958_pre_disaster.png,0,0,0,0,958,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000959_pre_disaster.png,socal-fire_00000959_pre_disaster,0,0,train\masks\socal-fire_00000959_pre_disaster.png,0,0,17,16544,959,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000959_pre_disaster.png,pinery-bushfire_00000959_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000959_pre_disaster.png,0,0,12,56697,959,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000959_pre_disaster.png,portugal-wildfire_00000959_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000959_pre_disaster.png,0,0,0,0,959,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000960_pre_disaster.png,portugal-wildfire_00000960_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000960_pre_disaster.png,0,0,31,18267,960,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000960_pre_disaster.png,socal-fire_00000960_pre_disaster,0,0,train\masks\socal-fire_00000960_pre_disaster.png,0,0,36,34942,960,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000960_pre_disaster.png,pinery-bushfire_00000960_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000960_pre_disaster.png,0,0,0,0,960,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000961_pre_disaster.png,portugal-wildfire_00000961_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000961_pre_disaster.png,0,0,0,0,961,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000961_pre_disaster.png,pinery-bushfire_00000961_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000961_pre_disaster.png,0,0,0,0,961,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000962_pre_disaster.png,portugal-wildfire_00000962_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000962_pre_disaster.png,0,0,0,0,962,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000962_pre_disaster.png,pinery-bushfire_00000962_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000962_pre_disaster.png,0,0,0,0,962,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000962_pre_disaster.png,socal-fire_00000962_pre_disaster,0,0,train\masks\socal-fire_00000962_pre_disaster.png,0,0,26,33542,962,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000963_pre_disaster.png,portugal-wildfire_00000963_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000963_pre_disaster.png,0,0,10,6572,963,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000963_pre_disaster.png,pinery-bushfire_00000963_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000963_pre_disaster.png,0,0,0,0,963,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000964_pre_disaster.png,portugal-wildfire_00000964_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000964_pre_disaster.png,0,0,0,0,964,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000964_pre_disaster.png,pinery-bushfire_00000964_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000964_pre_disaster.png,0,0,1,29,964,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000964_pre_disaster.png,socal-fire_00000964_pre_disaster,0,0,train\masks\socal-fire_00000964_pre_disaster.png,0,0,0,0,964,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000965_pre_disaster.png,portugal-wildfire_00000965_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000965_pre_disaster.png,0,0,13,13355,965,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000965_pre_disaster.png,socal-fire_00000965_pre_disaster,0,0,train\masks\socal-fire_00000965_pre_disaster.png,0,0,88,113618,965,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000965_pre_disaster.png,pinery-bushfire_00000965_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000965_pre_disaster.png,0,0,7,4681,965,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000966_pre_disaster.png,socal-fire_00000966_pre_disaster,0,0,train\masks\socal-fire_00000966_pre_disaster.png,0,0,19,40831,966,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000966_pre_disaster.png,pinery-bushfire_00000966_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000966_pre_disaster.png,0,0,4,3391,966,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000966_pre_disaster.png,portugal-wildfire_00000966_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000966_pre_disaster.png,0,0,7,3978,966,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000967_pre_disaster.png,portugal-wildfire_00000967_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000967_pre_disaster.png,0,0,0,0,967,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000967_pre_disaster.png,pinery-bushfire_00000967_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000967_pre_disaster.png,0,0,8,6156,967,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000968_pre_disaster.png,socal-fire_00000968_pre_disaster,0,0,train\masks\socal-fire_00000968_pre_disaster.png,0,0,0,0,968,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000968_pre_disaster.png,portugal-wildfire_00000968_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000968_pre_disaster.png,0,0,0,0,968,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000968_pre_disaster.png,pinery-bushfire_00000968_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000968_pre_disaster.png,0,0,3,311,968,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000969_pre_disaster.png,socal-fire_00000969_pre_disaster,0,0,train\masks\socal-fire_00000969_pre_disaster.png,0,0,0,0,969,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000969_pre_disaster.png,pinery-bushfire_00000969_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000969_pre_disaster.png,0,0,17,7552,969,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000969_pre_disaster.png,portugal-wildfire_00000969_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000969_pre_disaster.png,0,0,0,0,969,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000970_pre_disaster.png,portugal-wildfire_00000970_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000970_pre_disaster.png,0,0,0,0,970,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000970_pre_disaster.png,socal-fire_00000970_pre_disaster,0,0,train\masks\socal-fire_00000970_pre_disaster.png,0,0,42,35461,970,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000970_pre_disaster.png,pinery-bushfire_00000970_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000970_pre_disaster.png,0,0,0,0,970,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000971_pre_disaster.png,socal-fire_00000971_pre_disaster,0,0,train\masks\socal-fire_00000971_pre_disaster.png,0,0,3,743,971,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000971_pre_disaster.png,pinery-bushfire_00000971_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000971_pre_disaster.png,0,0,0,0,971,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000971_pre_disaster.png,portugal-wildfire_00000971_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000971_pre_disaster.png,0,0,21,23147,971,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000972_pre_disaster.png,portugal-wildfire_00000972_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000972_pre_disaster.png,0,0,0,0,972,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000972_pre_disaster.png,pinery-bushfire_00000972_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000972_pre_disaster.png,0,0,0,0,972,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000972_pre_disaster.png,socal-fire_00000972_pre_disaster,0,0,train\masks\socal-fire_00000972_pre_disaster.png,0,0,6,8012,972,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000973_pre_disaster.png,portugal-wildfire_00000973_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000973_pre_disaster.png,0,0,1,99,973,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000973_pre_disaster.png,socal-fire_00000973_pre_disaster,0,0,train\masks\socal-fire_00000973_pre_disaster.png,0,0,0,0,973,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000973_pre_disaster.png,pinery-bushfire_00000973_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000973_pre_disaster.png,0,0,4,3094,973,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000974_pre_disaster.png,portugal-wildfire_00000974_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000974_pre_disaster.png,0,0,0,0,974,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000974_pre_disaster.png,pinery-bushfire_00000974_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000974_pre_disaster.png,0,0,4,3860,974,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000975_pre_disaster.png,portugal-wildfire_00000975_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000975_pre_disaster.png,0,0,0,0,975,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000975_pre_disaster.png,pinery-bushfire_00000975_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000975_pre_disaster.png,0,0,9,5646,975,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000975_pre_disaster.png,socal-fire_00000975_pre_disaster,0,0,train\masks\socal-fire_00000975_pre_disaster.png,0,0,0,0,975,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000976_pre_disaster.png,pinery-bushfire_00000976_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000976_pre_disaster.png,0,0,0,0,976,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000976_pre_disaster.png,portugal-wildfire_00000976_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000976_pre_disaster.png,0,0,2,462,976,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000977_pre_disaster.png,portugal-wildfire_00000977_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000977_pre_disaster.png,0,0,12,13184,977,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000977_pre_disaster.png,pinery-bushfire_00000977_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000977_pre_disaster.png,0,0,3,2656,977,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00000978_pre_disaster.png,socal-fire_00000978_pre_disaster,0,0,train\masks\socal-fire_00000978_pre_disaster.png,0,0,0,0,978,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000978_pre_disaster.png,pinery-bushfire_00000978_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000978_pre_disaster.png,0,0,0,0,978,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000978_pre_disaster.png,portugal-wildfire_00000978_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000978_pre_disaster.png,0,0,0,0,978,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000979_pre_disaster.png,pinery-bushfire_00000979_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000979_pre_disaster.png,0,0,0,0,979,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000979_pre_disaster.png,socal-fire_00000979_pre_disaster,0,0,train\masks\socal-fire_00000979_pre_disaster.png,0,0,0,0,979,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000979_pre_disaster.png,portugal-wildfire_00000979_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000979_pre_disaster.png,0,0,0,0,979,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000980_pre_disaster.png,portugal-wildfire_00000980_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000980_pre_disaster.png,0,0,0,0,980,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000980_pre_disaster.png,socal-fire_00000980_pre_disaster,0,0,train\masks\socal-fire_00000980_pre_disaster.png,0,0,0,0,980,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000980_pre_disaster.png,pinery-bushfire_00000980_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000980_pre_disaster.png,0,0,3,912,980,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000981_pre_disaster.png,portugal-wildfire_00000981_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000981_pre_disaster.png,0,0,53,59513,981,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000981_pre_disaster.png,pinery-bushfire_00000981_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000981_pre_disaster.png,0,0,6,5162,981,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000982_pre_disaster.png,pinery-bushfire_00000982_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000982_pre_disaster.png,0,0,1,121,982,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000982_pre_disaster.png,portugal-wildfire_00000982_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000982_pre_disaster.png,0,0,65,60258,982,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000983_pre_disaster.png,portugal-wildfire_00000983_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000983_pre_disaster.png,0,0,0,0,983,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000983_pre_disaster.png,pinery-bushfire_00000983_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000983_pre_disaster.png,0,0,1,502,983,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000984_pre_disaster.png,portugal-wildfire_00000984_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000984_pre_disaster.png,0,0,0,0,984,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000984_pre_disaster.png,socal-fire_00000984_pre_disaster,0,0,train\masks\socal-fire_00000984_pre_disaster.png,0,0,0,0,984,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000984_pre_disaster.png,pinery-bushfire_00000984_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000984_pre_disaster.png,0,0,0,0,984,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000985_pre_disaster.png,portugal-wildfire_00000985_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000985_pre_disaster.png,0,0,0,0,985,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000985_pre_disaster.png,pinery-bushfire_00000985_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000985_pre_disaster.png,0,0,0,0,985,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000985_pre_disaster.png,socal-fire_00000985_pre_disaster,0,0,train\masks\socal-fire_00000985_pre_disaster.png,0,0,0,0,985,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000986_pre_disaster.png,socal-fire_00000986_pre_disaster,0,0,train\masks\socal-fire_00000986_pre_disaster.png,0,0,69,98501,986,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000986_pre_disaster.png,portugal-wildfire_00000986_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000986_pre_disaster.png,0,0,64,57740,986,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000986_pre_disaster.png,pinery-bushfire_00000986_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000986_pre_disaster.png,0,0,11,11112,986,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000987_pre_disaster.png,portugal-wildfire_00000987_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000987_pre_disaster.png,0,0,0,0,987,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000987_pre_disaster.png,socal-fire_00000987_pre_disaster,0,0,train\masks\socal-fire_00000987_pre_disaster.png,0,0,52,51073,987,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000987_pre_disaster.png,pinery-bushfire_00000987_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000987_pre_disaster.png,0,0,0,0,987,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000988_pre_disaster.png,portugal-wildfire_00000988_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000988_pre_disaster.png,0,0,2,317,988,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000988_pre_disaster.png,socal-fire_00000988_pre_disaster,0,0,train\masks\socal-fire_00000988_pre_disaster.png,0,0,0,0,988,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000988_pre_disaster.png,pinery-bushfire_00000988_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000988_pre_disaster.png,0,0,0,0,988,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000989_pre_disaster.png,pinery-bushfire_00000989_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000989_pre_disaster.png,0,0,0,0,989,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000989_pre_disaster.png,portugal-wildfire_00000989_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000989_pre_disaster.png,0,0,1,1029,989,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00000989_pre_disaster.png,socal-fire_00000989_pre_disaster,0,0,train\masks\socal-fire_00000989_pre_disaster.png,0,0,0,0,989,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000990_pre_disaster.png,pinery-bushfire_00000990_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000990_pre_disaster.png,0,0,0,0,990,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000990_pre_disaster.png,portugal-wildfire_00000990_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000990_pre_disaster.png,0,0,0,0,990,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000991_pre_disaster.png,socal-fire_00000991_pre_disaster,0,0,train\masks\socal-fire_00000991_pre_disaster.png,0,0,0,0,991,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000991_pre_disaster.png,pinery-bushfire_00000991_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000991_pre_disaster.png,0,0,0,0,991,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000991_pre_disaster.png,portugal-wildfire_00000991_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000991_pre_disaster.png,0,0,14,55819,991,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000992_pre_disaster.png,pinery-bushfire_00000992_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000992_pre_disaster.png,0,0,0,0,992,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000992_pre_disaster.png,portugal-wildfire_00000992_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000992_pre_disaster.png,0,0,0,0,992,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00000992_pre_disaster.png,socal-fire_00000992_pre_disaster,0,0,train\masks\socal-fire_00000992_pre_disaster.png,0,0,0,0,992,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000993_pre_disaster.png,portugal-wildfire_00000993_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000993_pre_disaster.png,0,0,0,0,993,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000993_pre_disaster.png,pinery-bushfire_00000993_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000993_pre_disaster.png,0,0,0,0,993,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000994_pre_disaster.png,pinery-bushfire_00000994_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000994_pre_disaster.png,0,0,0,0,994,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000994_pre_disaster.png,portugal-wildfire_00000994_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000994_pre_disaster.png,0,0,0,0,994,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000994_pre_disaster.png,socal-fire_00000994_pre_disaster,0,0,train\masks\socal-fire_00000994_pre_disaster.png,0,0,0,0,994,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000995_pre_disaster.png,socal-fire_00000995_pre_disaster,0,0,train\masks\socal-fire_00000995_pre_disaster.png,0,0,0,0,995,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000995_pre_disaster.png,portugal-wildfire_00000995_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000995_pre_disaster.png,0,0,0,0,995,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000995_pre_disaster.png,pinery-bushfire_00000995_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000995_pre_disaster.png,0,0,20,6822,995,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000996_pre_disaster.png,portugal-wildfire_00000996_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000996_pre_disaster.png,0,0,0,0,996,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000996_pre_disaster.png,pinery-bushfire_00000996_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000996_pre_disaster.png,0,0,0,0,996,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000996_pre_disaster.png,socal-fire_00000996_pre_disaster,0,0,train\masks\socal-fire_00000996_pre_disaster.png,0,0,19,27779,996,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000997_pre_disaster.png,portugal-wildfire_00000997_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000997_pre_disaster.png,0,0,0,0,997,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000997_pre_disaster.png,pinery-bushfire_00000997_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000997_pre_disaster.png,0,0,0,0,997,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000998_pre_disaster.png,portugal-wildfire_00000998_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000998_pre_disaster.png,0,0,0,0,998,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000998_pre_disaster.png,pinery-bushfire_00000998_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000998_pre_disaster.png,0,0,0,0,998,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00000998_pre_disaster.png,socal-fire_00000998_pre_disaster,0,0,train\masks\socal-fire_00000998_pre_disaster.png,0,0,0,0,998,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00000999_pre_disaster.png,socal-fire_00000999_pre_disaster,0,0,train\masks\socal-fire_00000999_pre_disaster.png,0,0,0,0,999,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00000999_pre_disaster.png,portugal-wildfire_00000999_pre_disaster,0,0,tier3\masks\portugal-wildfire_00000999_pre_disaster.png,0,0,0,0,999,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00000999_pre_disaster.png,pinery-bushfire_00000999_pre_disaster,0,0,tier3\masks\pinery-bushfire_00000999_pre_disaster.png,0,0,0,0,999,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001000_pre_disaster.png,portugal-wildfire_00001000_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001000_pre_disaster.png,0,0,10,8906,1000,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001000_pre_disaster.png,socal-fire_00001000_pre_disaster,0,0,train\masks\socal-fire_00001000_pre_disaster.png,0,0,57,74233,1000,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001000_pre_disaster.png,pinery-bushfire_00001000_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001000_pre_disaster.png,0,0,0,0,1000,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001001_pre_disaster.png,portugal-wildfire_00001001_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001001_pre_disaster.png,0,0,26,25184,1001,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001001_pre_disaster.png,socal-fire_00001001_pre_disaster,0,0,train\masks\socal-fire_00001001_pre_disaster.png,0,0,35,47955,1001,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001001_pre_disaster.png,pinery-bushfire_00001001_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001001_pre_disaster.png,0,0,12,24581,1001,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001002_pre_disaster.png,portugal-wildfire_00001002_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001002_pre_disaster.png,0,0,0,0,1002,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001002_pre_disaster.png,pinery-bushfire_00001002_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001002_pre_disaster.png,0,0,0,0,1002,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001003_pre_disaster.png,pinery-bushfire_00001003_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001003_pre_disaster.png,0,0,0,0,1003,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001003_pre_disaster.png,portugal-wildfire_00001003_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001003_pre_disaster.png,0,0,0,0,1003,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001003_pre_disaster.png,socal-fire_00001003_pre_disaster,0,0,train\masks\socal-fire_00001003_pre_disaster.png,0,0,0,0,1003,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001004_pre_disaster.png,portugal-wildfire_00001004_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001004_pre_disaster.png,0,0,5,4906,1004,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001004_pre_disaster.png,socal-fire_00001004_pre_disaster,0,0,train\masks\socal-fire_00001004_pre_disaster.png,0,0,0,0,1004,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001004_pre_disaster.png,pinery-bushfire_00001004_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001004_pre_disaster.png,0,0,8,4848,1004,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001005_pre_disaster.png,pinery-bushfire_00001005_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001005_pre_disaster.png,0,0,0,0,1005,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001005_pre_disaster.png,portugal-wildfire_00001005_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001005_pre_disaster.png,0,0,0,0,1005,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001006_pre_disaster.png,pinery-bushfire_00001006_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001006_pre_disaster.png,0,0,0,0,1006,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001006_pre_disaster.png,portugal-wildfire_00001006_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001006_pre_disaster.png,0,0,0,0,1006,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001007_pre_disaster.png,portugal-wildfire_00001007_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001007_pre_disaster.png,0,0,0,0,1007,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001007_pre_disaster.png,pinery-bushfire_00001007_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001007_pre_disaster.png,0,0,0,0,1007,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001007_pre_disaster.png,socal-fire_00001007_pre_disaster,0,0,train\masks\socal-fire_00001007_pre_disaster.png,0,0,1,154,1007,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001008_pre_disaster.png,pinery-bushfire_00001008_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001008_pre_disaster.png,0,0,0,0,1008,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001008_pre_disaster.png,portugal-wildfire_00001008_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001008_pre_disaster.png,0,0,0,0,1008,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001009_pre_disaster.png,pinery-bushfire_00001009_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001009_pre_disaster.png,0,0,0,0,1009,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001009_pre_disaster.png,portugal-wildfire_00001009_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001009_pre_disaster.png,0,0,5,1889,1009,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001010_pre_disaster.png,pinery-bushfire_00001010_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001010_pre_disaster.png,0,0,0,0,1010,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001010_pre_disaster.png,portugal-wildfire_00001010_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001010_pre_disaster.png,0,0,0,0,1010,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001011_pre_disaster.png,portugal-wildfire_00001011_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001011_pre_disaster.png,0,0,0,0,1011,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001011_pre_disaster.png,pinery-bushfire_00001011_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001011_pre_disaster.png,0,0,0,0,1011,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001012_pre_disaster.png,pinery-bushfire_00001012_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001012_pre_disaster.png,0,0,0,0,1012,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001012_pre_disaster.png,portugal-wildfire_00001012_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001012_pre_disaster.png,0,0,0,0,1012,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001012_pre_disaster.png,socal-fire_00001012_pre_disaster,0,0,train\masks\socal-fire_00001012_pre_disaster.png,0,0,0,0,1012,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001013_pre_disaster.png,pinery-bushfire_00001013_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001013_pre_disaster.png,0,0,0,0,1013,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001013_pre_disaster.png,socal-fire_00001013_pre_disaster,0,0,train\masks\socal-fire_00001013_pre_disaster.png,0,0,17,21044,1013,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001013_pre_disaster.png,portugal-wildfire_00001013_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001013_pre_disaster.png,0,0,20,49571,1013,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001014_pre_disaster.png,portugal-wildfire_00001014_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001014_pre_disaster.png,0,0,20,17683,1014,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001014_pre_disaster.png,pinery-bushfire_00001014_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001014_pre_disaster.png,0,0,0,0,1014,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001015_pre_disaster.png,portugal-wildfire_00001015_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001015_pre_disaster.png,0,0,5,3458,1015,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001015_pre_disaster.png,pinery-bushfire_00001015_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001015_pre_disaster.png,0,0,0,0,1015,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001016_pre_disaster.png,socal-fire_00001016_pre_disaster,0,0,train\masks\socal-fire_00001016_pre_disaster.png,0,0,0,0,1016,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001016_pre_disaster.png,pinery-bushfire_00001016_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001016_pre_disaster.png,0,0,0,0,1016,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001016_pre_disaster.png,portugal-wildfire_00001016_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001016_pre_disaster.png,0,0,18,11768,1016,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001017_pre_disaster.png,socal-fire_00001017_pre_disaster,0,0,train\masks\socal-fire_00001017_pre_disaster.png,0,0,17,26735,1017,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001017_pre_disaster.png,pinery-bushfire_00001017_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001017_pre_disaster.png,0,0,0,0,1017,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001017_pre_disaster.png,portugal-wildfire_00001017_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001017_pre_disaster.png,0,0,16,9530,1017,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001018_pre_disaster.png,pinery-bushfire_00001018_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001018_pre_disaster.png,0,0,0,0,1018,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001018_pre_disaster.png,portugal-wildfire_00001018_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001018_pre_disaster.png,0,0,26,43701,1018,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001019_pre_disaster.png,pinery-bushfire_00001019_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001019_pre_disaster.png,0,0,0,0,1019,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001019_pre_disaster.png,portugal-wildfire_00001019_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001019_pre_disaster.png,0,0,61,67734,1019,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001019_pre_disaster.png,socal-fire_00001019_pre_disaster,0,0,train\masks\socal-fire_00001019_pre_disaster.png,0,0,24,13277,1019,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001020_pre_disaster.png,socal-fire_00001020_pre_disaster,0,0,train\masks\socal-fire_00001020_pre_disaster.png,0,0,76,88664,1020,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001020_pre_disaster.png,pinery-bushfire_00001020_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001020_pre_disaster.png,0,0,4,2388,1020,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001020_pre_disaster.png,portugal-wildfire_00001020_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001020_pre_disaster.png,0,0,0,0,1020,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001021_pre_disaster.png,portugal-wildfire_00001021_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001021_pre_disaster.png,0,0,0,0,1021,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001021_pre_disaster.png,pinery-bushfire_00001021_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001021_pre_disaster.png,0,0,0,0,1021,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001021_pre_disaster.png,socal-fire_00001021_pre_disaster,0,0,train\masks\socal-fire_00001021_pre_disaster.png,0,0,0,0,1021,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001022_pre_disaster.png,portugal-wildfire_00001022_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001022_pre_disaster.png,0,0,0,0,1022,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001022_pre_disaster.png,pinery-bushfire_00001022_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001022_pre_disaster.png,0,0,0,0,1022,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001023_pre_disaster.png,portugal-wildfire_00001023_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001023_pre_disaster.png,0,0,0,0,1023,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001023_pre_disaster.png,pinery-bushfire_00001023_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001023_pre_disaster.png,0,0,0,0,1023,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001023_pre_disaster.png,socal-fire_00001023_pre_disaster,0,0,train\masks\socal-fire_00001023_pre_disaster.png,0,0,34,55084,1023,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001024_pre_disaster.png,pinery-bushfire_00001024_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001024_pre_disaster.png,0,0,0,0,1024,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001024_pre_disaster.png,portugal-wildfire_00001024_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001024_pre_disaster.png,0,0,0,0,1024,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001025_pre_disaster.png,pinery-bushfire_00001025_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001025_pre_disaster.png,0,0,0,0,1025,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001025_pre_disaster.png,portugal-wildfire_00001025_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001025_pre_disaster.png,0,0,13,9021,1025,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001025_pre_disaster.png,socal-fire_00001025_pre_disaster,0,0,train\masks\socal-fire_00001025_pre_disaster.png,0,0,0,0,1025,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001026_pre_disaster.png,pinery-bushfire_00001026_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001026_pre_disaster.png,0,0,0,0,1026,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001026_pre_disaster.png,portugal-wildfire_00001026_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001026_pre_disaster.png,0,0,27,51457,1026,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001027_pre_disaster.png,socal-fire_00001027_pre_disaster,0,0,train\masks\socal-fire_00001027_pre_disaster.png,0,0,58,50441,1027,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001027_pre_disaster.png,pinery-bushfire_00001027_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001027_pre_disaster.png,0,0,0,0,1027,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001027_pre_disaster.png,portugal-wildfire_00001027_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001027_pre_disaster.png,0,0,0,0,1027,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001028_pre_disaster.png,socal-fire_00001028_pre_disaster,0,0,train\masks\socal-fire_00001028_pre_disaster.png,0,0,0,0,1028,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001028_pre_disaster.png,portugal-wildfire_00001028_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001028_pre_disaster.png,0,0,6,2400,1028,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001028_pre_disaster.png,pinery-bushfire_00001028_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001028_pre_disaster.png,0,0,0,0,1028,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001029_pre_disaster.png,portugal-wildfire_00001029_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001029_pre_disaster.png,0,0,13,9054,1029,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001029_pre_disaster.png,pinery-bushfire_00001029_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001029_pre_disaster.png,0,0,0,0,1029,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001030_pre_disaster.png,portugal-wildfire_00001030_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001030_pre_disaster.png,0,0,0,0,1030,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001030_pre_disaster.png,pinery-bushfire_00001030_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001030_pre_disaster.png,0,0,0,0,1030,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001031_pre_disaster.png,portugal-wildfire_00001031_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001031_pre_disaster.png,0,0,0,0,1031,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001031_pre_disaster.png,pinery-bushfire_00001031_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001031_pre_disaster.png,0,0,0,0,1031,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001032_pre_disaster.png,pinery-bushfire_00001032_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001032_pre_disaster.png,0,0,7,6339,1032,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001032_pre_disaster.png,portugal-wildfire_00001032_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001032_pre_disaster.png,0,0,0,0,1032,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001033_pre_disaster.png,portugal-wildfire_00001033_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001033_pre_disaster.png,0,0,119,150821,1033,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001033_pre_disaster.png,socal-fire_00001033_pre_disaster,0,0,train\masks\socal-fire_00001033_pre_disaster.png,0,0,0,0,1033,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001033_pre_disaster.png,pinery-bushfire_00001033_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001033_pre_disaster.png,0,0,0,0,1033,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001034_pre_disaster.png,pinery-bushfire_00001034_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001034_pre_disaster.png,0,0,0,0,1034,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001034_pre_disaster.png,portugal-wildfire_00001034_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001034_pre_disaster.png,0,0,2,1750,1034,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001035_pre_disaster.png,socal-fire_00001035_pre_disaster,0,0,train\masks\socal-fire_00001035_pre_disaster.png,0,0,6,1475,1035,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001035_pre_disaster.png,pinery-bushfire_00001035_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001035_pre_disaster.png,0,0,1,1716,1035,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001035_pre_disaster.png,portugal-wildfire_00001035_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001035_pre_disaster.png,0,0,5,28175,1035,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001036_pre_disaster.png,portugal-wildfire_00001036_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001036_pre_disaster.png,0,0,0,0,1036,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001036_pre_disaster.png,pinery-bushfire_00001036_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001036_pre_disaster.png,0,0,0,0,1036,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001037_pre_disaster.png,portugal-wildfire_00001037_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001037_pre_disaster.png,0,0,0,0,1037,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001037_pre_disaster.png,pinery-bushfire_00001037_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001037_pre_disaster.png,0,0,0,0,1037,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001038_pre_disaster.png,pinery-bushfire_00001038_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001038_pre_disaster.png,0,0,24,13918,1038,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001038_pre_disaster.png,portugal-wildfire_00001038_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001038_pre_disaster.png,0,0,0,0,1038,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001039_pre_disaster.png,socal-fire_00001039_pre_disaster,0,0,train\masks\socal-fire_00001039_pre_disaster.png,0,0,0,0,1039,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001039_pre_disaster.png,portugal-wildfire_00001039_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001039_pre_disaster.png,0,0,7,2384,1039,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001039_pre_disaster.png,pinery-bushfire_00001039_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001039_pre_disaster.png,0,0,0,0,1039,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001040_pre_disaster.png,portugal-wildfire_00001040_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001040_pre_disaster.png,0,0,0,0,1040,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001040_pre_disaster.png,pinery-bushfire_00001040_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001040_pre_disaster.png,0,0,0,0,1040,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001040_pre_disaster.png,socal-fire_00001040_pre_disaster,0,0,train\masks\socal-fire_00001040_pre_disaster.png,0,0,77,105110,1040,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001041_pre_disaster.png,pinery-bushfire_00001041_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001041_pre_disaster.png,0,0,0,0,1041,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001041_pre_disaster.png,portugal-wildfire_00001041_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001041_pre_disaster.png,0,0,1,118,1041,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001042_pre_disaster.png,pinery-bushfire_00001042_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001042_pre_disaster.png,0,0,3,395,1042,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001042_pre_disaster.png,portugal-wildfire_00001042_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001042_pre_disaster.png,0,0,8,4696,1042,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001042_pre_disaster.png,socal-fire_00001042_pre_disaster,0,0,train\masks\socal-fire_00001042_pre_disaster.png,0,0,0,0,1042,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001043_pre_disaster.png,portugal-wildfire_00001043_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001043_pre_disaster.png,0,0,0,0,1043,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001043_pre_disaster.png,pinery-bushfire_00001043_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001043_pre_disaster.png,0,0,0,0,1043,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001043_pre_disaster.png,socal-fire_00001043_pre_disaster,0,0,train\masks\socal-fire_00001043_pre_disaster.png,0,0,0,0,1043,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001044_pre_disaster.png,portugal-wildfire_00001044_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001044_pre_disaster.png,0,0,15,8068,1044,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001044_pre_disaster.png,pinery-bushfire_00001044_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001044_pre_disaster.png,0,0,0,0,1044,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001045_pre_disaster.png,portugal-wildfire_00001045_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001045_pre_disaster.png,0,0,5,2103,1045,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001045_pre_disaster.png,socal-fire_00001045_pre_disaster,0,0,train\masks\socal-fire_00001045_pre_disaster.png,0,0,0,0,1045,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001045_pre_disaster.png,pinery-bushfire_00001045_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001045_pre_disaster.png,0,0,0,0,1045,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001046_pre_disaster.png,portugal-wildfire_00001046_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001046_pre_disaster.png,0,0,1,464,1046,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001046_pre_disaster.png,pinery-bushfire_00001046_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001046_pre_disaster.png,0,0,0,0,1046,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001047_pre_disaster.png,socal-fire_00001047_pre_disaster,0,0,train\masks\socal-fire_00001047_pre_disaster.png,0,0,8,8647,1047,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001047_pre_disaster.png,pinery-bushfire_00001047_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001047_pre_disaster.png,0,0,0,0,1047,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001047_pre_disaster.png,portugal-wildfire_00001047_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001047_pre_disaster.png,0,0,53,44154,1047,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001048_pre_disaster.png,pinery-bushfire_00001048_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001048_pre_disaster.png,0,0,0,0,1048,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001048_pre_disaster.png,portugal-wildfire_00001048_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001048_pre_disaster.png,0,0,12,8119,1048,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001049_pre_disaster.png,pinery-bushfire_00001049_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001049_pre_disaster.png,0,0,0,0,1049,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001049_pre_disaster.png,socal-fire_00001049_pre_disaster,0,0,train\masks\socal-fire_00001049_pre_disaster.png,0,0,0,0,1049,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001049_pre_disaster.png,portugal-wildfire_00001049_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001049_pre_disaster.png,0,0,8,12884,1049,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001050_pre_disaster.png,socal-fire_00001050_pre_disaster,0,0,train\masks\socal-fire_00001050_pre_disaster.png,0,0,0,0,1050,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001050_pre_disaster.png,portugal-wildfire_00001050_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001050_pre_disaster.png,0,0,2,1029,1050,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001050_pre_disaster.png,pinery-bushfire_00001050_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001050_pre_disaster.png,0,0,19,33328,1050,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001051_pre_disaster.png,portugal-wildfire_00001051_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001051_pre_disaster.png,0,0,0,0,1051,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001051_pre_disaster.png,pinery-bushfire_00001051_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001051_pre_disaster.png,0,0,4,3337,1051,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001052_pre_disaster.png,pinery-bushfire_00001052_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001052_pre_disaster.png,0,0,3,1224,1052,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001052_pre_disaster.png,portugal-wildfire_00001052_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001052_pre_disaster.png,0,0,0,0,1052,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001052_pre_disaster.png,socal-fire_00001052_pre_disaster,0,0,train\masks\socal-fire_00001052_pre_disaster.png,0,0,28,21169,1052,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001053_pre_disaster.png,pinery-bushfire_00001053_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001053_pre_disaster.png,0,0,10,5027,1053,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001053_pre_disaster.png,portugal-wildfire_00001053_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001053_pre_disaster.png,0,0,11,5796,1053,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001054_pre_disaster.png,socal-fire_00001054_pre_disaster,0,0,train\masks\socal-fire_00001054_pre_disaster.png,0,0,73,82861,1054,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001054_pre_disaster.png,portugal-wildfire_00001054_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001054_pre_disaster.png,0,0,0,0,1054,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001054_pre_disaster.png,pinery-bushfire_00001054_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001054_pre_disaster.png,0,0,0,0,1054,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001055_pre_disaster.png,portugal-wildfire_00001055_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001055_pre_disaster.png,0,0,1,171,1055,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001055_pre_disaster.png,socal-fire_00001055_pre_disaster,0,0,train\masks\socal-fire_00001055_pre_disaster.png,0,0,0,0,1055,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001055_pre_disaster.png,pinery-bushfire_00001055_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001055_pre_disaster.png,0,0,0,0,1055,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001056_pre_disaster.png,portugal-wildfire_00001056_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001056_pre_disaster.png,0,0,0,0,1056,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001056_pre_disaster.png,pinery-bushfire_00001056_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001056_pre_disaster.png,0,0,0,0,1056,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001057_pre_disaster.png,portugal-wildfire_00001057_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001057_pre_disaster.png,0,0,26,19576,1057,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001057_pre_disaster.png,pinery-bushfire_00001057_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001057_pre_disaster.png,0,0,1,5704,1057,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001058_pre_disaster.png,portugal-wildfire_00001058_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001058_pre_disaster.png,0,0,20,12417,1058,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001058_pre_disaster.png,socal-fire_00001058_pre_disaster,0,0,train\masks\socal-fire_00001058_pre_disaster.png,0,0,40,60933,1058,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001058_pre_disaster.png,pinery-bushfire_00001058_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001058_pre_disaster.png,0,0,0,0,1058,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001059_pre_disaster.png,socal-fire_00001059_pre_disaster,0,0,train\masks\socal-fire_00001059_pre_disaster.png,0,0,2,466,1059,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001059_pre_disaster.png,pinery-bushfire_00001059_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001059_pre_disaster.png,0,0,0,0,1059,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001059_pre_disaster.png,portugal-wildfire_00001059_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001059_pre_disaster.png,0,0,3,2665,1059,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001060_pre_disaster.png,portugal-wildfire_00001060_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001060_pre_disaster.png,0,0,26,20198,1060,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001060_pre_disaster.png,pinery-bushfire_00001060_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001060_pre_disaster.png,0,0,3,11612,1060,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001061_pre_disaster.png,pinery-bushfire_00001061_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001061_pre_disaster.png,0,0,1,106,1061,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001061_pre_disaster.png,portugal-wildfire_00001061_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001061_pre_disaster.png,0,0,13,10922,1061,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001062_pre_disaster.png,portugal-wildfire_00001062_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001062_pre_disaster.png,0,0,14,5893,1062,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001062_pre_disaster.png,pinery-bushfire_00001062_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001062_pre_disaster.png,0,0,5,7792,1062,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001063_pre_disaster.png,socal-fire_00001063_pre_disaster,0,0,train\masks\socal-fire_00001063_pre_disaster.png,0,0,3,501,1063,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001063_pre_disaster.png,portugal-wildfire_00001063_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001063_pre_disaster.png,0,0,0,0,1063,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001063_pre_disaster.png,pinery-bushfire_00001063_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001063_pre_disaster.png,0,0,0,0,1063,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001064_pre_disaster.png,pinery-bushfire_00001064_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001064_pre_disaster.png,0,0,0,0,1064,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001064_pre_disaster.png,portugal-wildfire_00001064_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001064_pre_disaster.png,0,0,0,0,1064,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001065_pre_disaster.png,pinery-bushfire_00001065_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001065_pre_disaster.png,0,0,0,0,1065,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001065_pre_disaster.png,portugal-wildfire_00001065_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001065_pre_disaster.png,0,0,12,8192,1065,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001066_pre_disaster.png,portugal-wildfire_00001066_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001066_pre_disaster.png,0,0,0,0,1066,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001066_pre_disaster.png,socal-fire_00001066_pre_disaster,0,0,train\masks\socal-fire_00001066_pre_disaster.png,0,0,56,72053,1066,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001066_pre_disaster.png,pinery-bushfire_00001066_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001066_pre_disaster.png,0,0,0,0,1066,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001067_pre_disaster.png,socal-fire_00001067_pre_disaster,0,0,train\masks\socal-fire_00001067_pre_disaster.png,0,0,0,0,1067,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001067_pre_disaster.png,pinery-bushfire_00001067_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001067_pre_disaster.png,0,0,0,0,1067,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001067_pre_disaster.png,portugal-wildfire_00001067_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001067_pre_disaster.png,0,0,1,418,1067,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001068_pre_disaster.png,pinery-bushfire_00001068_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001068_pre_disaster.png,0,0,9,3193,1068,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001068_pre_disaster.png,portugal-wildfire_00001068_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001068_pre_disaster.png,0,0,1,1151,1068,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001069_pre_disaster.png,portugal-wildfire_00001069_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001069_pre_disaster.png,0,0,11,9445,1069,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001069_pre_disaster.png,pinery-bushfire_00001069_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001069_pre_disaster.png,0,0,7,4692,1069,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001070_pre_disaster.png,portugal-wildfire_00001070_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001070_pre_disaster.png,0,0,10,7476,1070,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001070_pre_disaster.png,pinery-bushfire_00001070_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001070_pre_disaster.png,0,0,0,0,1070,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001070_pre_disaster.png,socal-fire_00001070_pre_disaster,0,0,train\masks\socal-fire_00001070_pre_disaster.png,0,0,0,0,1070,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001071_pre_disaster.png,socal-fire_00001071_pre_disaster,0,0,train\masks\socal-fire_00001071_pre_disaster.png,0,0,1,241,1071,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001071_pre_disaster.png,portugal-wildfire_00001071_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001071_pre_disaster.png,0,0,32,27621,1071,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001071_pre_disaster.png,pinery-bushfire_00001071_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001071_pre_disaster.png,0,0,0,0,1071,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001072_pre_disaster.png,socal-fire_00001072_pre_disaster,0,0,train\masks\socal-fire_00001072_pre_disaster.png,0,0,98,213046,1072,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001072_pre_disaster.png,portugal-wildfire_00001072_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001072_pre_disaster.png,0,0,0,0,1072,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001072_pre_disaster.png,pinery-bushfire_00001072_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001072_pre_disaster.png,0,0,0,0,1072,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001073_pre_disaster.png,socal-fire_00001073_pre_disaster,0,0,train\masks\socal-fire_00001073_pre_disaster.png,0,0,0,0,1073,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001073_pre_disaster.png,pinery-bushfire_00001073_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001073_pre_disaster.png,0,0,0,0,1073,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001073_pre_disaster.png,portugal-wildfire_00001073_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001073_pre_disaster.png,0,0,119,157183,1073,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001074_pre_disaster.png,portugal-wildfire_00001074_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001074_pre_disaster.png,0,0,2,1762,1074,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001074_pre_disaster.png,pinery-bushfire_00001074_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001074_pre_disaster.png,0,0,1,652,1074,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001075_pre_disaster.png,pinery-bushfire_00001075_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001075_pre_disaster.png,0,0,0,0,1075,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001075_pre_disaster.png,socal-fire_00001075_pre_disaster,0,0,train\masks\socal-fire_00001075_pre_disaster.png,0,0,56,51328,1075,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001075_pre_disaster.png,portugal-wildfire_00001075_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001075_pre_disaster.png,0,0,36,25057,1075,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001076_pre_disaster.png,pinery-bushfire_00001076_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001076_pre_disaster.png,0,0,0,0,1076,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001076_pre_disaster.png,portugal-wildfire_00001076_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001076_pre_disaster.png,0,0,0,0,1076,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001077_pre_disaster.png,pinery-bushfire_00001077_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001077_pre_disaster.png,0,0,0,0,1077,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001077_pre_disaster.png,portugal-wildfire_00001077_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001077_pre_disaster.png,0,0,0,0,1077,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001077_pre_disaster.png,socal-fire_00001077_pre_disaster,0,0,train\masks\socal-fire_00001077_pre_disaster.png,0,0,0,0,1077,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001078_pre_disaster.png,socal-fire_00001078_pre_disaster,0,0,train\masks\socal-fire_00001078_pre_disaster.png,0,0,12,4888,1078,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001078_pre_disaster.png,pinery-bushfire_00001078_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001078_pre_disaster.png,0,0,0,0,1078,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001078_pre_disaster.png,portugal-wildfire_00001078_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001078_pre_disaster.png,0,0,0,0,1078,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001079_pre_disaster.png,socal-fire_00001079_pre_disaster,0,0,train\masks\socal-fire_00001079_pre_disaster.png,0,0,0,0,1079,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001079_pre_disaster.png,portugal-wildfire_00001079_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001079_pre_disaster.png,0,0,14,7240,1079,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001079_pre_disaster.png,pinery-bushfire_00001079_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001079_pre_disaster.png,0,0,0,0,1079,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001080_pre_disaster.png,socal-fire_00001080_pre_disaster,0,0,train\masks\socal-fire_00001080_pre_disaster.png,0,0,1,811,1080,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001080_pre_disaster.png,portugal-wildfire_00001080_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001080_pre_disaster.png,0,0,12,4740,1080,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001080_pre_disaster.png,pinery-bushfire_00001080_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001080_pre_disaster.png,0,0,1,1876,1080,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001081_pre_disaster.png,socal-fire_00001081_pre_disaster,0,0,train\masks\socal-fire_00001081_pre_disaster.png,0,0,16,35954,1081,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001081_pre_disaster.png,portugal-wildfire_00001081_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001081_pre_disaster.png,0,0,14,8806,1081,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001081_pre_disaster.png,pinery-bushfire_00001081_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001081_pre_disaster.png,0,0,0,0,1081,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001082_pre_disaster.png,pinery-bushfire_00001082_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001082_pre_disaster.png,0,0,0,0,1082,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001082_pre_disaster.png,socal-fire_00001082_pre_disaster,0,0,train\masks\socal-fire_00001082_pre_disaster.png,0,0,0,0,1082,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001082_pre_disaster.png,portugal-wildfire_00001082_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001082_pre_disaster.png,0,0,0,0,1082,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001083_pre_disaster.png,socal-fire_00001083_pre_disaster,0,0,train\masks\socal-fire_00001083_pre_disaster.png,0,0,0,0,1083,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001083_pre_disaster.png,portugal-wildfire_00001083_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001083_pre_disaster.png,0,0,20,20479,1083,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001083_pre_disaster.png,pinery-bushfire_00001083_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001083_pre_disaster.png,0,0,0,0,1083,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001084_pre_disaster.png,portugal-wildfire_00001084_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001084_pre_disaster.png,0,0,2,1391,1084,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001084_pre_disaster.png,pinery-bushfire_00001084_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001084_pre_disaster.png,0,0,0,0,1084,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001085_pre_disaster.png,portugal-wildfire_00001085_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001085_pre_disaster.png,0,0,3,1864,1085,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001085_pre_disaster.png,pinery-bushfire_00001085_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001085_pre_disaster.png,0,0,1,13095,1085,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001085_pre_disaster.png,socal-fire_00001085_pre_disaster,0,0,train\masks\socal-fire_00001085_pre_disaster.png,0,0,13,8979,1085,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001086_pre_disaster.png,pinery-bushfire_00001086_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001086_pre_disaster.png,0,0,0,0,1086,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001086_pre_disaster.png,socal-fire_00001086_pre_disaster,0,0,train\masks\socal-fire_00001086_pre_disaster.png,0,0,6,3412,1086,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001086_pre_disaster.png,portugal-wildfire_00001086_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001086_pre_disaster.png,0,0,0,0,1086,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001087_pre_disaster.png,portugal-wildfire_00001087_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001087_pre_disaster.png,0,0,22,14394,1087,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001087_pre_disaster.png,pinery-bushfire_00001087_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001087_pre_disaster.png,0,0,1,107,1087,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001088_pre_disaster.png,socal-fire_00001088_pre_disaster,0,0,train\masks\socal-fire_00001088_pre_disaster.png,0,0,41,37235,1088,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001088_pre_disaster.png,pinery-bushfire_00001088_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001088_pre_disaster.png,0,0,0,0,1088,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001088_pre_disaster.png,portugal-wildfire_00001088_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001088_pre_disaster.png,0,0,0,0,1088,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001089_pre_disaster.png,socal-fire_00001089_pre_disaster,0,0,train\masks\socal-fire_00001089_pre_disaster.png,0,0,0,0,1089,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001089_pre_disaster.png,pinery-bushfire_00001089_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001089_pre_disaster.png,0,0,0,0,1089,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001089_pre_disaster.png,portugal-wildfire_00001089_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001089_pre_disaster.png,0,0,37,26872,1089,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001090_pre_disaster.png,pinery-bushfire_00001090_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001090_pre_disaster.png,0,0,7,4701,1090,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001090_pre_disaster.png,portugal-wildfire_00001090_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001090_pre_disaster.png,0,0,0,0,1090,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001091_pre_disaster.png,pinery-bushfire_00001091_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001091_pre_disaster.png,0,0,1,141,1091,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001091_pre_disaster.png,portugal-wildfire_00001091_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001091_pre_disaster.png,0,0,0,0,1091,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001092_pre_disaster.png,socal-fire_00001092_pre_disaster,0,0,train\masks\socal-fire_00001092_pre_disaster.png,0,0,53,55753,1092,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001092_pre_disaster.png,portugal-wildfire_00001092_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001092_pre_disaster.png,0,0,0,0,1092,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001092_pre_disaster.png,pinery-bushfire_00001092_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001092_pre_disaster.png,0,0,0,0,1092,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001093_pre_disaster.png,portugal-wildfire_00001093_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001093_pre_disaster.png,0,0,117,137652,1093,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001093_pre_disaster.png,pinery-bushfire_00001093_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001093_pre_disaster.png,0,0,0,0,1093,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001093_pre_disaster.png,socal-fire_00001093_pre_disaster,0,0,train\masks\socal-fire_00001093_pre_disaster.png,0,0,57,79371,1093,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001094_pre_disaster.png,portugal-wildfire_00001094_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001094_pre_disaster.png,0,0,0,0,1094,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001094_pre_disaster.png,pinery-bushfire_00001094_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001094_pre_disaster.png,0,0,0,0,1094,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001095_pre_disaster.png,portugal-wildfire_00001095_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001095_pre_disaster.png,0,0,0,0,1095,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001095_pre_disaster.png,pinery-bushfire_00001095_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001095_pre_disaster.png,0,0,0,0,1095,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001096_pre_disaster.png,portugal-wildfire_00001096_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001096_pre_disaster.png,0,0,0,0,1096,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001096_pre_disaster.png,pinery-bushfire_00001096_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001096_pre_disaster.png,0,0,0,0,1096,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001097_pre_disaster.png,pinery-bushfire_00001097_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001097_pre_disaster.png,0,0,7,5198,1097,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001097_pre_disaster.png,portugal-wildfire_00001097_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001097_pre_disaster.png,0,0,0,0,1097,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001098_pre_disaster.png,pinery-bushfire_00001098_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001098_pre_disaster.png,0,0,21,24942,1098,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001098_pre_disaster.png,portugal-wildfire_00001098_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001098_pre_disaster.png,0,0,92,70998,1098,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001099_pre_disaster.png,pinery-bushfire_00001099_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001099_pre_disaster.png,0,0,0,0,1099,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001099_pre_disaster.png,portugal-wildfire_00001099_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001099_pre_disaster.png,0,0,0,0,1099,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001100_pre_disaster.png,portugal-wildfire_00001100_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001100_pre_disaster.png,0,0,11,24805,1100,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001100_pre_disaster.png,pinery-bushfire_00001100_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001100_pre_disaster.png,0,0,0,0,1100,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001101_pre_disaster.png,socal-fire_00001101_pre_disaster,0,0,train\masks\socal-fire_00001101_pre_disaster.png,0,0,0,0,1101,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001101_pre_disaster.png,portugal-wildfire_00001101_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001101_pre_disaster.png,0,0,4,1249,1101,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001101_pre_disaster.png,pinery-bushfire_00001101_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001101_pre_disaster.png,0,0,1,104,1101,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001102_pre_disaster.png,portugal-wildfire_00001102_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001102_pre_disaster.png,0,0,28,16490,1102,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001102_pre_disaster.png,socal-fire_00001102_pre_disaster,0,0,train\masks\socal-fire_00001102_pre_disaster.png,0,0,0,0,1102,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001102_pre_disaster.png,pinery-bushfire_00001102_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001102_pre_disaster.png,0,0,1,125,1102,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001103_pre_disaster.png,socal-fire_00001103_pre_disaster,0,0,train\masks\socal-fire_00001103_pre_disaster.png,0,0,0,0,1103,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001103_pre_disaster.png,portugal-wildfire_00001103_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001103_pre_disaster.png,0,0,20,13003,1103,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001103_pre_disaster.png,pinery-bushfire_00001103_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001103_pre_disaster.png,0,0,0,0,1103,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001104_pre_disaster.png,socal-fire_00001104_pre_disaster,0,0,train\masks\socal-fire_00001104_pre_disaster.png,0,0,27,22189,1104,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001104_pre_disaster.png,portugal-wildfire_00001104_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001104_pre_disaster.png,0,0,1,77,1104,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001104_pre_disaster.png,pinery-bushfire_00001104_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001104_pre_disaster.png,0,0,0,0,1104,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001105_pre_disaster.png,socal-fire_00001105_pre_disaster,0,0,train\masks\socal-fire_00001105_pre_disaster.png,0,0,15,28753,1105,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001105_pre_disaster.png,portugal-wildfire_00001105_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001105_pre_disaster.png,0,0,0,0,1105,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001105_pre_disaster.png,pinery-bushfire_00001105_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001105_pre_disaster.png,0,0,0,0,1105,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001106_pre_disaster.png,pinery-bushfire_00001106_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001106_pre_disaster.png,0,0,0,0,1106,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001106_pre_disaster.png,portugal-wildfire_00001106_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001106_pre_disaster.png,0,0,0,0,1106,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001106_pre_disaster.png,socal-fire_00001106_pre_disaster,0,0,train\masks\socal-fire_00001106_pre_disaster.png,0,0,0,0,1106,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001107_pre_disaster.png,socal-fire_00001107_pre_disaster,0,0,train\masks\socal-fire_00001107_pre_disaster.png,0,0,0,0,1107,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001107_pre_disaster.png,portugal-wildfire_00001107_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001107_pre_disaster.png,0,0,0,0,1107,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001107_pre_disaster.png,pinery-bushfire_00001107_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001107_pre_disaster.png,0,0,12,3830,1107,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001108_pre_disaster.png,socal-fire_00001108_pre_disaster,0,0,train\masks\socal-fire_00001108_pre_disaster.png,0,0,0,0,1108,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001108_pre_disaster.png,portugal-wildfire_00001108_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001108_pre_disaster.png,0,0,0,0,1108,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001108_pre_disaster.png,pinery-bushfire_00001108_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001108_pre_disaster.png,0,0,0,0,1108,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001109_pre_disaster.png,portugal-wildfire_00001109_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001109_pre_disaster.png,0,0,0,0,1109,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001109_pre_disaster.png,pinery-bushfire_00001109_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001109_pre_disaster.png,0,0,0,0,1109,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001110_pre_disaster.png,pinery-bushfire_00001110_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001110_pre_disaster.png,0,0,0,0,1110,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001110_pre_disaster.png,portugal-wildfire_00001110_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001110_pre_disaster.png,0,0,8,4714,1110,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001110_pre_disaster.png,socal-fire_00001110_pre_disaster,0,0,train\masks\socal-fire_00001110_pre_disaster.png,0,0,0,0,1110,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001111_pre_disaster.png,pinery-bushfire_00001111_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001111_pre_disaster.png,0,0,0,0,1111,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001111_pre_disaster.png,portugal-wildfire_00001111_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001111_pre_disaster.png,0,0,21,16522,1111,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001112_pre_disaster.png,socal-fire_00001112_pre_disaster,0,0,train\masks\socal-fire_00001112_pre_disaster.png,0,0,0,0,1112,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001112_pre_disaster.png,pinery-bushfire_00001112_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001112_pre_disaster.png,0,0,0,0,1112,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001112_pre_disaster.png,portugal-wildfire_00001112_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001112_pre_disaster.png,0,0,1,144,1112,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001113_pre_disaster.png,portugal-wildfire_00001113_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001113_pre_disaster.png,0,0,0,0,1113,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001113_pre_disaster.png,pinery-bushfire_00001113_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001113_pre_disaster.png,0,0,0,0,1113,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001113_pre_disaster.png,socal-fire_00001113_pre_disaster,0,0,train\masks\socal-fire_00001113_pre_disaster.png,0,0,1,213,1113,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001114_pre_disaster.png,portugal-wildfire_00001114_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001114_pre_disaster.png,0,0,0,0,1114,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001114_pre_disaster.png,pinery-bushfire_00001114_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001114_pre_disaster.png,0,0,0,0,1114,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001115_pre_disaster.png,pinery-bushfire_00001115_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001115_pre_disaster.png,0,0,5,2558,1115,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001115_pre_disaster.png,socal-fire_00001115_pre_disaster,0,0,train\masks\socal-fire_00001115_pre_disaster.png,0,0,0,0,1115,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001115_pre_disaster.png,portugal-wildfire_00001115_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001115_pre_disaster.png,0,0,0,0,1115,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001116_pre_disaster.png,socal-fire_00001116_pre_disaster,0,0,train\masks\socal-fire_00001116_pre_disaster.png,0,0,0,0,1116,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001116_pre_disaster.png,portugal-wildfire_00001116_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001116_pre_disaster.png,0,0,0,0,1116,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001116_pre_disaster.png,pinery-bushfire_00001116_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001116_pre_disaster.png,0,0,0,0,1116,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001117_pre_disaster.png,portugal-wildfire_00001117_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001117_pre_disaster.png,0,0,0,0,1117,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001117_pre_disaster.png,pinery-bushfire_00001117_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001117_pre_disaster.png,0,0,0,0,1117,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001117_pre_disaster.png,socal-fire_00001117_pre_disaster,0,0,train\masks\socal-fire_00001117_pre_disaster.png,0,0,0,0,1117,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001118_pre_disaster.png,portugal-wildfire_00001118_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001118_pre_disaster.png,0,0,44,41293,1118,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001118_pre_disaster.png,pinery-bushfire_00001118_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001118_pre_disaster.png,0,0,0,0,1118,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001118_pre_disaster.png,socal-fire_00001118_pre_disaster,0,0,train\masks\socal-fire_00001118_pre_disaster.png,0,0,1,297,1118,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001119_pre_disaster.png,portugal-wildfire_00001119_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001119_pre_disaster.png,0,0,6,4054,1119,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001119_pre_disaster.png,pinery-bushfire_00001119_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001119_pre_disaster.png,0,0,0,0,1119,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001120_pre_disaster.png,socal-fire_00001120_pre_disaster,0,0,train\masks\socal-fire_00001120_pre_disaster.png,0,0,2,920,1120,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001120_pre_disaster.png,pinery-bushfire_00001120_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001120_pre_disaster.png,0,0,0,0,1120,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001120_pre_disaster.png,portugal-wildfire_00001120_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001120_pre_disaster.png,0,0,0,0,1120,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001121_pre_disaster.png,portugal-wildfire_00001121_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001121_pre_disaster.png,0,0,0,0,1121,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001121_pre_disaster.png,socal-fire_00001121_pre_disaster,0,0,train\masks\socal-fire_00001121_pre_disaster.png,0,0,12,18009,1121,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001121_pre_disaster.png,pinery-bushfire_00001121_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001121_pre_disaster.png,0,0,0,0,1121,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001122_pre_disaster.png,pinery-bushfire_00001122_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001122_pre_disaster.png,0,0,27,21458,1122,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001122_pre_disaster.png,portugal-wildfire_00001122_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001122_pre_disaster.png,0,0,17,13728,1122,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001122_pre_disaster.png,socal-fire_00001122_pre_disaster,0,0,train\masks\socal-fire_00001122_pre_disaster.png,0,0,0,0,1122,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001123_pre_disaster.png,portugal-wildfire_00001123_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001123_pre_disaster.png,0,0,3,4146,1123,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001123_pre_disaster.png,socal-fire_00001123_pre_disaster,0,0,train\masks\socal-fire_00001123_pre_disaster.png,0,0,0,0,1123,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001123_pre_disaster.png,pinery-bushfire_00001123_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001123_pre_disaster.png,0,0,2,3202,1123,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001124_pre_disaster.png,socal-fire_00001124_pre_disaster,0,0,train\masks\socal-fire_00001124_pre_disaster.png,0,0,1,1415,1124,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001124_pre_disaster.png,pinery-bushfire_00001124_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001124_pre_disaster.png,0,0,0,0,1124,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001124_pre_disaster.png,portugal-wildfire_00001124_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001124_pre_disaster.png,0,0,2,2134,1124,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001125_pre_disaster.png,pinery-bushfire_00001125_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001125_pre_disaster.png,0,0,0,0,1125,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001125_pre_disaster.png,socal-fire_00001125_pre_disaster,0,0,train\masks\socal-fire_00001125_pre_disaster.png,0,0,10,56636,1125,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001125_pre_disaster.png,portugal-wildfire_00001125_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001125_pre_disaster.png,0,0,0,0,1125,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001126_pre_disaster.png,portugal-wildfire_00001126_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001126_pre_disaster.png,0,0,38,24960,1126,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001126_pre_disaster.png,pinery-bushfire_00001126_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001126_pre_disaster.png,0,0,0,0,1126,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001127_pre_disaster.png,portugal-wildfire_00001127_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001127_pre_disaster.png,0,0,0,0,1127,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001127_pre_disaster.png,socal-fire_00001127_pre_disaster,0,0,train\masks\socal-fire_00001127_pre_disaster.png,0,0,18,18146,1127,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001127_pre_disaster.png,pinery-bushfire_00001127_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001127_pre_disaster.png,0,0,0,0,1127,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001128_pre_disaster.png,portugal-wildfire_00001128_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001128_pre_disaster.png,0,0,0,0,1128,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001128_pre_disaster.png,pinery-bushfire_00001128_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001128_pre_disaster.png,0,0,0,0,1128,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001129_pre_disaster.png,socal-fire_00001129_pre_disaster,0,0,train\masks\socal-fire_00001129_pre_disaster.png,0,0,0,0,1129,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001129_pre_disaster.png,pinery-bushfire_00001129_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001129_pre_disaster.png,0,0,8,7743,1129,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001129_pre_disaster.png,portugal-wildfire_00001129_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001129_pre_disaster.png,0,0,1,286,1129,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001130_pre_disaster.png,socal-fire_00001130_pre_disaster,0,0,train\masks\socal-fire_00001130_pre_disaster.png,0,0,0,0,1130,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001130_pre_disaster.png,portugal-wildfire_00001130_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001130_pre_disaster.png,0,0,31,19321,1130,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001130_pre_disaster.png,pinery-bushfire_00001130_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001130_pre_disaster.png,0,0,0,0,1130,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001131_pre_disaster.png,portugal-wildfire_00001131_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001131_pre_disaster.png,0,0,0,0,1131,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001131_pre_disaster.png,pinery-bushfire_00001131_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001131_pre_disaster.png,0,0,0,0,1131,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001132_pre_disaster.png,portugal-wildfire_00001132_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001132_pre_disaster.png,0,0,6,6982,1132,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001132_pre_disaster.png,pinery-bushfire_00001132_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001132_pre_disaster.png,0,0,2,1563,1132,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001133_pre_disaster.png,portugal-wildfire_00001133_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001133_pre_disaster.png,0,0,7,4470,1133,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001133_pre_disaster.png,socal-fire_00001133_pre_disaster,0,0,train\masks\socal-fire_00001133_pre_disaster.png,0,0,1,2552,1133,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001133_pre_disaster.png,pinery-bushfire_00001133_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001133_pre_disaster.png,0,0,0,0,1133,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001134_pre_disaster.png,socal-fire_00001134_pre_disaster,0,0,train\masks\socal-fire_00001134_pre_disaster.png,0,0,20,36643,1134,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001134_pre_disaster.png,pinery-bushfire_00001134_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001134_pre_disaster.png,0,0,2,2716,1134,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001134_pre_disaster.png,portugal-wildfire_00001134_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001134_pre_disaster.png,0,0,0,0,1134,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001135_pre_disaster.png,pinery-bushfire_00001135_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001135_pre_disaster.png,0,0,2,956,1135,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001135_pre_disaster.png,portugal-wildfire_00001135_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001135_pre_disaster.png,0,0,9,5042,1135,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001135_pre_disaster.png,socal-fire_00001135_pre_disaster,0,0,train\masks\socal-fire_00001135_pre_disaster.png,0,0,18,6847,1135,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001136_pre_disaster.png,portugal-wildfire_00001136_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001136_pre_disaster.png,0,0,22,21467,1136,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001136_pre_disaster.png,pinery-bushfire_00001136_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001136_pre_disaster.png,0,0,0,0,1136,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001136_pre_disaster.png,socal-fire_00001136_pre_disaster,0,0,train\masks\socal-fire_00001136_pre_disaster.png,0,0,0,0,1136,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001137_pre_disaster.png,portugal-wildfire_00001137_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001137_pre_disaster.png,0,0,0,0,1137,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001137_pre_disaster.png,pinery-bushfire_00001137_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001137_pre_disaster.png,0,0,0,0,1137,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001138_pre_disaster.png,pinery-bushfire_00001138_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001138_pre_disaster.png,0,0,0,0,1138,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001138_pre_disaster.png,portugal-wildfire_00001138_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001138_pre_disaster.png,0,0,0,0,1138,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001139_pre_disaster.png,portugal-wildfire_00001139_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001139_pre_disaster.png,0,0,7,3606,1139,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001139_pre_disaster.png,pinery-bushfire_00001139_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001139_pre_disaster.png,0,0,0,0,1139,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001140_pre_disaster.png,portugal-wildfire_00001140_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001140_pre_disaster.png,0,0,0,0,1140,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001140_pre_disaster.png,pinery-bushfire_00001140_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001140_pre_disaster.png,0,0,1,102,1140,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001140_pre_disaster.png,socal-fire_00001140_pre_disaster,0,0,train\masks\socal-fire_00001140_pre_disaster.png,0,0,0,0,1140,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001141_pre_disaster.png,portugal-wildfire_00001141_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001141_pre_disaster.png,0,0,36,32305,1141,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001141_pre_disaster.png,pinery-bushfire_00001141_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001141_pre_disaster.png,0,0,0,0,1141,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001142_pre_disaster.png,pinery-bushfire_00001142_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001142_pre_disaster.png,0,0,0,0,1142,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001142_pre_disaster.png,socal-fire_00001142_pre_disaster,0,0,train\masks\socal-fire_00001142_pre_disaster.png,0,0,0,0,1142,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001142_pre_disaster.png,portugal-wildfire_00001142_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001142_pre_disaster.png,0,0,20,11794,1142,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001143_pre_disaster.png,portugal-wildfire_00001143_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001143_pre_disaster.png,0,0,0,0,1143,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001143_pre_disaster.png,pinery-bushfire_00001143_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001143_pre_disaster.png,0,0,7,10395,1143,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001143_pre_disaster.png,socal-fire_00001143_pre_disaster,0,0,train\masks\socal-fire_00001143_pre_disaster.png,0,0,1,1942,1143,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001144_pre_disaster.png,portugal-wildfire_00001144_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001144_pre_disaster.png,0,0,0,0,1144,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001144_pre_disaster.png,pinery-bushfire_00001144_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001144_pre_disaster.png,0,0,0,0,1144,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001145_pre_disaster.png,pinery-bushfire_00001145_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001145_pre_disaster.png,0,0,0,0,1145,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001145_pre_disaster.png,portugal-wildfire_00001145_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001145_pre_disaster.png,0,0,0,0,1145,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001146_pre_disaster.png,socal-fire_00001146_pre_disaster,0,0,train\masks\socal-fire_00001146_pre_disaster.png,0,0,0,0,1146,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001146_pre_disaster.png,portugal-wildfire_00001146_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001146_pre_disaster.png,0,0,1,108,1146,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001146_pre_disaster.png,pinery-bushfire_00001146_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001146_pre_disaster.png,0,0,11,6409,1146,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001147_pre_disaster.png,pinery-bushfire_00001147_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001147_pre_disaster.png,0,0,0,0,1147,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001147_pre_disaster.png,portugal-wildfire_00001147_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001147_pre_disaster.png,0,0,0,0,1147,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001148_pre_disaster.png,pinery-bushfire_00001148_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001148_pre_disaster.png,0,0,0,0,1148,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001148_pre_disaster.png,portugal-wildfire_00001148_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001148_pre_disaster.png,0,0,0,0,1148,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001149_pre_disaster.png,portugal-wildfire_00001149_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001149_pre_disaster.png,0,0,45,34367,1149,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001149_pre_disaster.png,socal-fire_00001149_pre_disaster,0,0,train\masks\socal-fire_00001149_pre_disaster.png,0,0,0,0,1149,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001149_pre_disaster.png,pinery-bushfire_00001149_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001149_pre_disaster.png,0,0,0,0,1149,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001150_pre_disaster.png,pinery-bushfire_00001150_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001150_pre_disaster.png,0,0,0,0,1150,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001150_pre_disaster.png,portugal-wildfire_00001150_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001150_pre_disaster.png,0,0,0,0,1150,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001150_pre_disaster.png,socal-fire_00001150_pre_disaster,0,0,train\masks\socal-fire_00001150_pre_disaster.png,0,0,0,0,1150,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001151_pre_disaster.png,pinery-bushfire_00001151_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001151_pre_disaster.png,0,0,0,0,1151,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001151_pre_disaster.png,portugal-wildfire_00001151_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001151_pre_disaster.png,0,0,11,4884,1151,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001152_pre_disaster.png,pinery-bushfire_00001152_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001152_pre_disaster.png,0,0,0,0,1152,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001152_pre_disaster.png,socal-fire_00001152_pre_disaster,0,0,train\masks\socal-fire_00001152_pre_disaster.png,0,0,13,7192,1152,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001152_pre_disaster.png,portugal-wildfire_00001152_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001152_pre_disaster.png,0,0,0,0,1152,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001153_pre_disaster.png,portugal-wildfire_00001153_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001153_pre_disaster.png,0,0,46,54977,1153,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001153_pre_disaster.png,pinery-bushfire_00001153_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001153_pre_disaster.png,0,0,0,0,1153,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001154_pre_disaster.png,portugal-wildfire_00001154_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001154_pre_disaster.png,0,0,0,0,1154,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001154_pre_disaster.png,socal-fire_00001154_pre_disaster,0,0,train\masks\socal-fire_00001154_pre_disaster.png,0,0,0,0,1154,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001154_pre_disaster.png,pinery-bushfire_00001154_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001154_pre_disaster.png,0,0,0,0,1154,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001155_pre_disaster.png,pinery-bushfire_00001155_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001155_pre_disaster.png,0,0,4,864,1155,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001155_pre_disaster.png,portugal-wildfire_00001155_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001155_pre_disaster.png,0,0,0,0,1155,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001156_pre_disaster.png,pinery-bushfire_00001156_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001156_pre_disaster.png,0,0,0,0,1156,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001156_pre_disaster.png,socal-fire_00001156_pre_disaster,0,0,train\masks\socal-fire_00001156_pre_disaster.png,0,0,0,0,1156,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001156_pre_disaster.png,portugal-wildfire_00001156_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001156_pre_disaster.png,0,0,0,0,1156,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001157_pre_disaster.png,pinery-bushfire_00001157_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001157_pre_disaster.png,0,0,0,0,1157,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001157_pre_disaster.png,portugal-wildfire_00001157_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001157_pre_disaster.png,0,0,31,20550,1157,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001158_pre_disaster.png,portugal-wildfire_00001158_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001158_pre_disaster.png,0,0,0,0,1158,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001158_pre_disaster.png,pinery-bushfire_00001158_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001158_pre_disaster.png,0,0,0,0,1158,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001158_pre_disaster.png,socal-fire_00001158_pre_disaster,0,0,train\masks\socal-fire_00001158_pre_disaster.png,0,0,0,0,1158,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001159_pre_disaster.png,portugal-wildfire_00001159_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001159_pre_disaster.png,0,0,0,0,1159,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001159_pre_disaster.png,pinery-bushfire_00001159_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001159_pre_disaster.png,0,0,0,0,1159,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001159_pre_disaster.png,socal-fire_00001159_pre_disaster,0,0,train\masks\socal-fire_00001159_pre_disaster.png,0,0,17,30429,1159,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001160_pre_disaster.png,pinery-bushfire_00001160_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001160_pre_disaster.png,0,0,0,0,1160,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001160_pre_disaster.png,portugal-wildfire_00001160_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001160_pre_disaster.png,0,0,1,494,1160,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001161_pre_disaster.png,portugal-wildfire_00001161_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001161_pre_disaster.png,0,0,0,0,1161,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001161_pre_disaster.png,pinery-bushfire_00001161_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001161_pre_disaster.png,0,0,23,11059,1161,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001162_pre_disaster.png,portugal-wildfire_00001162_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001162_pre_disaster.png,0,0,0,0,1162,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001162_pre_disaster.png,socal-fire_00001162_pre_disaster,0,0,train\masks\socal-fire_00001162_pre_disaster.png,0,0,11,8703,1162,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001162_pre_disaster.png,pinery-bushfire_00001162_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001162_pre_disaster.png,0,0,0,0,1162,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001163_pre_disaster.png,pinery-bushfire_00001163_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001163_pre_disaster.png,0,0,0,0,1163,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001163_pre_disaster.png,portugal-wildfire_00001163_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001163_pre_disaster.png,0,0,0,0,1163,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001164_pre_disaster.png,pinery-bushfire_00001164_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001164_pre_disaster.png,0,0,0,0,1164,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001164_pre_disaster.png,portugal-wildfire_00001164_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001164_pre_disaster.png,0,0,2,728,1164,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001165_pre_disaster.png,portugal-wildfire_00001165_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001165_pre_disaster.png,0,0,0,0,1165,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001165_pre_disaster.png,socal-fire_00001165_pre_disaster,0,0,train\masks\socal-fire_00001165_pre_disaster.png,0,0,5,3226,1165,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001165_pre_disaster.png,pinery-bushfire_00001165_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001165_pre_disaster.png,0,0,0,0,1165,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001166_pre_disaster.png,socal-fire_00001166_pre_disaster,0,0,train\masks\socal-fire_00001166_pre_disaster.png,0,0,4,4467,1166,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001166_pre_disaster.png,pinery-bushfire_00001166_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001166_pre_disaster.png,0,0,16,26460,1166,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001166_pre_disaster.png,portugal-wildfire_00001166_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001166_pre_disaster.png,0,0,19,21323,1166,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001167_pre_disaster.png,pinery-bushfire_00001167_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001167_pre_disaster.png,0,0,112,104888,1167,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001167_pre_disaster.png,socal-fire_00001167_pre_disaster,0,0,train\masks\socal-fire_00001167_pre_disaster.png,0,0,0,0,1167,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001167_pre_disaster.png,portugal-wildfire_00001167_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001167_pre_disaster.png,0,0,92,155593,1167,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001168_pre_disaster.png,portugal-wildfire_00001168_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001168_pre_disaster.png,0,0,48,38793,1168,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001168_pre_disaster.png,pinery-bushfire_00001168_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001168_pre_disaster.png,0,0,0,0,1168,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001169_pre_disaster.png,socal-fire_00001169_pre_disaster,0,0,train\masks\socal-fire_00001169_pre_disaster.png,0,0,0,0,1169,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001169_pre_disaster.png,portugal-wildfire_00001169_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001169_pre_disaster.png,0,0,0,0,1169,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001169_pre_disaster.png,pinery-bushfire_00001169_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001169_pre_disaster.png,0,0,0,0,1169,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001170_pre_disaster.png,portugal-wildfire_00001170_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001170_pre_disaster.png,0,0,0,0,1170,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001170_pre_disaster.png,socal-fire_00001170_pre_disaster,0,0,train\masks\socal-fire_00001170_pre_disaster.png,0,0,0,0,1170,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001170_pre_disaster.png,pinery-bushfire_00001170_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001170_pre_disaster.png,0,0,0,0,1170,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001171_pre_disaster.png,portugal-wildfire_00001171_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001171_pre_disaster.png,0,0,0,0,1171,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001171_pre_disaster.png,socal-fire_00001171_pre_disaster,0,0,train\masks\socal-fire_00001171_pre_disaster.png,0,0,19,32802,1171,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001171_pre_disaster.png,pinery-bushfire_00001171_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001171_pre_disaster.png,0,0,0,0,1171,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001172_pre_disaster.png,portugal-wildfire_00001172_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001172_pre_disaster.png,0,0,0,0,1172,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001172_pre_disaster.png,pinery-bushfire_00001172_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001172_pre_disaster.png,0,0,0,0,1172,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001173_pre_disaster.png,pinery-bushfire_00001173_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001173_pre_disaster.png,0,0,0,0,1173,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001173_pre_disaster.png,portugal-wildfire_00001173_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001173_pre_disaster.png,0,0,0,0,1173,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001174_pre_disaster.png,pinery-bushfire_00001174_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001174_pre_disaster.png,0,0,0,0,1174,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001174_pre_disaster.png,portugal-wildfire_00001174_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001174_pre_disaster.png,0,0,11,4175,1174,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001175_pre_disaster.png,portugal-wildfire_00001175_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001175_pre_disaster.png,0,0,1,448,1175,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001175_pre_disaster.png,socal-fire_00001175_pre_disaster,0,0,train\masks\socal-fire_00001175_pre_disaster.png,0,0,0,0,1175,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001175_pre_disaster.png,pinery-bushfire_00001175_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001175_pre_disaster.png,0,0,0,0,1175,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001176_pre_disaster.png,portugal-wildfire_00001176_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001176_pre_disaster.png,0,0,4,2340,1176,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001176_pre_disaster.png,socal-fire_00001176_pre_disaster,0,0,train\masks\socal-fire_00001176_pre_disaster.png,0,0,35,35965,1176,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001176_pre_disaster.png,pinery-bushfire_00001176_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001176_pre_disaster.png,0,0,14,10147,1176,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001177_pre_disaster.png,socal-fire_00001177_pre_disaster,0,0,train\masks\socal-fire_00001177_pre_disaster.png,0,0,1,1336,1177,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001177_pre_disaster.png,portugal-wildfire_00001177_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001177_pre_disaster.png,0,0,0,0,1177,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001177_pre_disaster.png,pinery-bushfire_00001177_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001177_pre_disaster.png,0,0,0,0,1177,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001178_pre_disaster.png,portugal-wildfire_00001178_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001178_pre_disaster.png,0,0,0,0,1178,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001178_pre_disaster.png,socal-fire_00001178_pre_disaster,0,0,train\masks\socal-fire_00001178_pre_disaster.png,0,0,1,145,1178,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001178_pre_disaster.png,pinery-bushfire_00001178_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001178_pre_disaster.png,0,0,2,2315,1178,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001179_pre_disaster.png,socal-fire_00001179_pre_disaster,0,0,train\masks\socal-fire_00001179_pre_disaster.png,0,0,0,0,1179,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001179_pre_disaster.png,portugal-wildfire_00001179_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001179_pre_disaster.png,0,0,0,0,1179,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001179_pre_disaster.png,pinery-bushfire_00001179_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001179_pre_disaster.png,0,0,0,0,1179,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001180_pre_disaster.png,pinery-bushfire_00001180_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001180_pre_disaster.png,0,0,0,0,1180,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001180_pre_disaster.png,socal-fire_00001180_pre_disaster,0,0,train\masks\socal-fire_00001180_pre_disaster.png,0,0,0,0,1180,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001180_pre_disaster.png,portugal-wildfire_00001180_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001180_pre_disaster.png,0,0,0,0,1180,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001181_pre_disaster.png,pinery-bushfire_00001181_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001181_pre_disaster.png,0,0,0,0,1181,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001181_pre_disaster.png,portugal-wildfire_00001181_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001181_pre_disaster.png,0,0,1,163,1181,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001182_pre_disaster.png,portugal-wildfire_00001182_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001182_pre_disaster.png,0,0,52,53545,1182,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001182_pre_disaster.png,pinery-bushfire_00001182_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001182_pre_disaster.png,0,0,0,0,1182,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001182_pre_disaster.png,socal-fire_00001182_pre_disaster,0,0,train\masks\socal-fire_00001182_pre_disaster.png,0,0,20,17653,1182,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001183_pre_disaster.png,portugal-wildfire_00001183_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001183_pre_disaster.png,0,0,5,2591,1183,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001183_pre_disaster.png,pinery-bushfire_00001183_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001183_pre_disaster.png,0,0,0,0,1183,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001184_pre_disaster.png,pinery-bushfire_00001184_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001184_pre_disaster.png,0,0,9,16233,1184,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001184_pre_disaster.png,portugal-wildfire_00001184_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001184_pre_disaster.png,0,0,1,684,1184,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001184_pre_disaster.png,socal-fire_00001184_pre_disaster,0,0,train\masks\socal-fire_00001184_pre_disaster.png,0,0,27,35644,1184,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001185_pre_disaster.png,pinery-bushfire_00001185_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001185_pre_disaster.png,0,0,8,117392,1185,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001185_pre_disaster.png,socal-fire_00001185_pre_disaster,0,0,train\masks\socal-fire_00001185_pre_disaster.png,0,0,11,8482,1185,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001185_pre_disaster.png,portugal-wildfire_00001185_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001185_pre_disaster.png,0,0,0,0,1185,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001186_pre_disaster.png,socal-fire_00001186_pre_disaster,0,0,train\masks\socal-fire_00001186_pre_disaster.png,0,0,21,23134,1186,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001186_pre_disaster.png,portugal-wildfire_00001186_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001186_pre_disaster.png,0,0,16,10836,1186,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001186_pre_disaster.png,pinery-bushfire_00001186_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001186_pre_disaster.png,0,0,282,216900,1186,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001187_pre_disaster.png,pinery-bushfire_00001187_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001187_pre_disaster.png,0,0,0,0,1187,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001187_pre_disaster.png,portugal-wildfire_00001187_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001187_pre_disaster.png,0,0,17,12151,1187,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001188_pre_disaster.png,pinery-bushfire_00001188_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001188_pre_disaster.png,0,0,0,0,1188,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001188_pre_disaster.png,portugal-wildfire_00001188_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001188_pre_disaster.png,0,0,0,0,1188,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001189_pre_disaster.png,portugal-wildfire_00001189_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001189_pre_disaster.png,0,0,3,2502,1189,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001189_pre_disaster.png,pinery-bushfire_00001189_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001189_pre_disaster.png,0,0,0,0,1189,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001190_pre_disaster.png,pinery-bushfire_00001190_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001190_pre_disaster.png,0,0,0,0,1190,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001190_pre_disaster.png,portugal-wildfire_00001190_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001190_pre_disaster.png,0,0,27,30091,1190,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001191_pre_disaster.png,pinery-bushfire_00001191_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001191_pre_disaster.png,0,0,0,0,1191,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001191_pre_disaster.png,portugal-wildfire_00001191_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001191_pre_disaster.png,0,0,0,0,1191,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001192_pre_disaster.png,socal-fire_00001192_pre_disaster,0,0,train\masks\socal-fire_00001192_pre_disaster.png,0,0,0,0,1192,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001192_pre_disaster.png,portugal-wildfire_00001192_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001192_pre_disaster.png,0,0,0,0,1192,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001192_pre_disaster.png,pinery-bushfire_00001192_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001192_pre_disaster.png,0,0,0,0,1192,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001193_pre_disaster.png,pinery-bushfire_00001193_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001193_pre_disaster.png,0,0,0,0,1193,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001193_pre_disaster.png,portugal-wildfire_00001193_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001193_pre_disaster.png,0,0,0,0,1193,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001194_pre_disaster.png,pinery-bushfire_00001194_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001194_pre_disaster.png,0,0,0,0,1194,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001194_pre_disaster.png,portugal-wildfire_00001194_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001194_pre_disaster.png,0,0,2,349,1194,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001195_pre_disaster.png,portugal-wildfire_00001195_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001195_pre_disaster.png,0,0,0,0,1195,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001195_pre_disaster.png,pinery-bushfire_00001195_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001195_pre_disaster.png,0,0,0,0,1195,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001195_pre_disaster.png,socal-fire_00001195_pre_disaster,0,0,train\masks\socal-fire_00001195_pre_disaster.png,0,0,0,0,1195,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001196_pre_disaster.png,portugal-wildfire_00001196_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001196_pre_disaster.png,0,0,0,0,1196,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001196_pre_disaster.png,pinery-bushfire_00001196_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001196_pre_disaster.png,0,0,0,0,1196,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001196_pre_disaster.png,socal-fire_00001196_pre_disaster,0,0,train\masks\socal-fire_00001196_pre_disaster.png,0,0,7,1532,1196,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001197_pre_disaster.png,socal-fire_00001197_pre_disaster,0,0,train\masks\socal-fire_00001197_pre_disaster.png,0,0,1,114,1197,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001197_pre_disaster.png,portugal-wildfire_00001197_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001197_pre_disaster.png,0,0,78,59994,1197,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001197_pre_disaster.png,pinery-bushfire_00001197_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001197_pre_disaster.png,0,0,0,0,1197,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001198_pre_disaster.png,portugal-wildfire_00001198_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001198_pre_disaster.png,0,0,0,0,1198,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001198_pre_disaster.png,socal-fire_00001198_pre_disaster,0,0,train\masks\socal-fire_00001198_pre_disaster.png,0,0,0,0,1198,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001198_pre_disaster.png,pinery-bushfire_00001198_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001198_pre_disaster.png,0,0,0,0,1198,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001199_pre_disaster.png,pinery-bushfire_00001199_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001199_pre_disaster.png,0,0,14,14018,1199,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001199_pre_disaster.png,portugal-wildfire_00001199_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001199_pre_disaster.png,0,0,3,2056,1199,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001200_pre_disaster.png,pinery-bushfire_00001200_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001200_pre_disaster.png,0,0,9,3636,1200,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001200_pre_disaster.png,portugal-wildfire_00001200_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001200_pre_disaster.png,0,0,0,0,1200,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001201_pre_disaster.png,portugal-wildfire_00001201_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001201_pre_disaster.png,0,0,0,0,1201,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001201_pre_disaster.png,pinery-bushfire_00001201_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001201_pre_disaster.png,0,0,0,0,1201,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001202_pre_disaster.png,socal-fire_00001202_pre_disaster,0,0,train\masks\socal-fire_00001202_pre_disaster.png,0,0,4,1427,1202,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001202_pre_disaster.png,pinery-bushfire_00001202_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001202_pre_disaster.png,0,0,0,0,1202,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001202_pre_disaster.png,portugal-wildfire_00001202_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001202_pre_disaster.png,0,0,0,0,1202,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001203_pre_disaster.png,pinery-bushfire_00001203_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001203_pre_disaster.png,0,0,33,33704,1203,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001203_pre_disaster.png,socal-fire_00001203_pre_disaster,0,0,train\masks\socal-fire_00001203_pre_disaster.png,0,0,0,0,1203,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001203_pre_disaster.png,portugal-wildfire_00001203_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001203_pre_disaster.png,0,0,2,581,1203,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001204_pre_disaster.png,pinery-bushfire_00001204_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001204_pre_disaster.png,0,0,0,0,1204,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001204_pre_disaster.png,socal-fire_00001204_pre_disaster,0,0,train\masks\socal-fire_00001204_pre_disaster.png,0,0,34,61710,1204,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001204_pre_disaster.png,portugal-wildfire_00001204_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001204_pre_disaster.png,0,0,0,0,1204,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001205_pre_disaster.png,portugal-wildfire_00001205_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001205_pre_disaster.png,0,0,0,0,1205,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001205_pre_disaster.png,pinery-bushfire_00001205_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001205_pre_disaster.png,0,0,0,0,1205,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001206_pre_disaster.png,portugal-wildfire_00001206_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001206_pre_disaster.png,0,0,0,0,1206,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001206_pre_disaster.png,socal-fire_00001206_pre_disaster,0,0,train\masks\socal-fire_00001206_pre_disaster.png,0,0,0,0,1206,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001206_pre_disaster.png,pinery-bushfire_00001206_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001206_pre_disaster.png,0,0,207,228105,1206,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001207_pre_disaster.png,pinery-bushfire_00001207_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001207_pre_disaster.png,0,0,0,0,1207,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001207_pre_disaster.png,portugal-wildfire_00001207_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001207_pre_disaster.png,0,0,0,0,1207,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001207_pre_disaster.png,socal-fire_00001207_pre_disaster,0,0,train\masks\socal-fire_00001207_pre_disaster.png,0,0,54,93544,1207,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001208_pre_disaster.png,portugal-wildfire_00001208_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001208_pre_disaster.png,0,0,18,8581,1208,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001208_pre_disaster.png,pinery-bushfire_00001208_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001208_pre_disaster.png,0,0,0,0,1208,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001208_pre_disaster.png,socal-fire_00001208_pre_disaster,0,0,train\masks\socal-fire_00001208_pre_disaster.png,0,0,0,0,1208,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001209_pre_disaster.png,portugal-wildfire_00001209_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001209_pre_disaster.png,0,0,14,6929,1209,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001209_pre_disaster.png,pinery-bushfire_00001209_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001209_pre_disaster.png,0,0,2,405,1209,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001210_pre_disaster.png,portugal-wildfire_00001210_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001210_pre_disaster.png,0,0,9,8883,1210,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001210_pre_disaster.png,pinery-bushfire_00001210_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001210_pre_disaster.png,0,0,0,0,1210,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001211_pre_disaster.png,portugal-wildfire_00001211_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001211_pre_disaster.png,0,0,2,310,1211,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001211_pre_disaster.png,socal-fire_00001211_pre_disaster,0,0,train\masks\socal-fire_00001211_pre_disaster.png,0,0,0,0,1211,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001211_pre_disaster.png,pinery-bushfire_00001211_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001211_pre_disaster.png,0,0,0,0,1211,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001212_pre_disaster.png,pinery-bushfire_00001212_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001212_pre_disaster.png,0,0,0,0,1212,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001212_pre_disaster.png,portugal-wildfire_00001212_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001212_pre_disaster.png,0,0,0,0,1212,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001213_pre_disaster.png,pinery-bushfire_00001213_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001213_pre_disaster.png,0,0,0,0,1213,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001213_pre_disaster.png,portugal-wildfire_00001213_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001213_pre_disaster.png,0,0,0,0,1213,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001214_pre_disaster.png,pinery-bushfire_00001214_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001214_pre_disaster.png,0,0,0,0,1214,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001214_pre_disaster.png,portugal-wildfire_00001214_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001214_pre_disaster.png,0,0,1,375,1214,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001215_pre_disaster.png,portugal-wildfire_00001215_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001215_pre_disaster.png,0,0,8,7406,1215,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001215_pre_disaster.png,socal-fire_00001215_pre_disaster,0,0,train\masks\socal-fire_00001215_pre_disaster.png,0,0,0,0,1215,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001215_pre_disaster.png,pinery-bushfire_00001215_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001215_pre_disaster.png,0,0,0,0,1215,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001216_pre_disaster.png,pinery-bushfire_00001216_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001216_pre_disaster.png,0,0,0,0,1216,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001216_pre_disaster.png,socal-fire_00001216_pre_disaster,0,0,train\masks\socal-fire_00001216_pre_disaster.png,0,0,0,0,1216,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001216_pre_disaster.png,portugal-wildfire_00001216_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001216_pre_disaster.png,0,0,70,75834,1216,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001217_pre_disaster.png,pinery-bushfire_00001217_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001217_pre_disaster.png,0,0,0,0,1217,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001217_pre_disaster.png,portugal-wildfire_00001217_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001217_pre_disaster.png,0,0,0,0,1217,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001218_pre_disaster.png,portugal-wildfire_00001218_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001218_pre_disaster.png,0,0,0,0,1218,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001218_pre_disaster.png,socal-fire_00001218_pre_disaster,0,0,train\masks\socal-fire_00001218_pre_disaster.png,0,0,0,0,1218,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001218_pre_disaster.png,pinery-bushfire_00001218_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001218_pre_disaster.png,0,0,0,0,1218,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001219_pre_disaster.png,pinery-bushfire_00001219_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001219_pre_disaster.png,0,0,5,12832,1219,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001219_pre_disaster.png,portugal-wildfire_00001219_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001219_pre_disaster.png,0,0,0,0,1219,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001220_pre_disaster.png,portugal-wildfire_00001220_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001220_pre_disaster.png,0,0,0,0,1220,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001220_pre_disaster.png,pinery-bushfire_00001220_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001220_pre_disaster.png,0,0,0,0,1220,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001221_pre_disaster.png,portugal-wildfire_00001221_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001221_pre_disaster.png,0,0,0,0,1221,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001221_pre_disaster.png,pinery-bushfire_00001221_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001221_pre_disaster.png,0,0,0,0,1221,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001221_pre_disaster.png,socal-fire_00001221_pre_disaster,0,0,train\masks\socal-fire_00001221_pre_disaster.png,0,0,24,66353,1221,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001222_pre_disaster.png,pinery-bushfire_00001222_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001222_pre_disaster.png,0,0,0,0,1222,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001222_pre_disaster.png,portugal-wildfire_00001222_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001222_pre_disaster.png,0,0,0,0,1222,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001223_pre_disaster.png,pinery-bushfire_00001223_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001223_pre_disaster.png,0,0,0,0,1223,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001223_pre_disaster.png,portugal-wildfire_00001223_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001223_pre_disaster.png,0,0,8,3179,1223,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001223_pre_disaster.png,socal-fire_00001223_pre_disaster,0,0,train\masks\socal-fire_00001223_pre_disaster.png,0,0,0,0,1223,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001224_pre_disaster.png,portugal-wildfire_00001224_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001224_pre_disaster.png,0,0,23,29545,1224,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001224_pre_disaster.png,pinery-bushfire_00001224_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001224_pre_disaster.png,0,0,0,0,1224,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001225_pre_disaster.png,pinery-bushfire_00001225_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001225_pre_disaster.png,0,0,13,11516,1225,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001225_pre_disaster.png,socal-fire_00001225_pre_disaster,0,0,train\masks\socal-fire_00001225_pre_disaster.png,0,0,3,3477,1225,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001225_pre_disaster.png,portugal-wildfire_00001225_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001225_pre_disaster.png,0,0,3,1747,1225,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001226_pre_disaster.png,portugal-wildfire_00001226_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001226_pre_disaster.png,0,0,3,1015,1226,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001226_pre_disaster.png,pinery-bushfire_00001226_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001226_pre_disaster.png,0,0,0,0,1226,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001227_pre_disaster.png,socal-fire_00001227_pre_disaster,0,0,train\masks\socal-fire_00001227_pre_disaster.png,0,0,1,52,1227,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001227_pre_disaster.png,pinery-bushfire_00001227_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001227_pre_disaster.png,0,0,0,0,1227,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001227_pre_disaster.png,portugal-wildfire_00001227_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001227_pre_disaster.png,0,0,6,2847,1227,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001228_pre_disaster.png,pinery-bushfire_00001228_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001228_pre_disaster.png,0,0,0,0,1228,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001228_pre_disaster.png,portugal-wildfire_00001228_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001228_pre_disaster.png,0,0,2,255,1228,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001228_pre_disaster.png,socal-fire_00001228_pre_disaster,0,0,train\masks\socal-fire_00001228_pre_disaster.png,0,0,47,83108,1228,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001229_pre_disaster.png,pinery-bushfire_00001229_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001229_pre_disaster.png,0,0,1,198,1229,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001229_pre_disaster.png,portugal-wildfire_00001229_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001229_pre_disaster.png,0,0,0,0,1229,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001229_pre_disaster.png,socal-fire_00001229_pre_disaster,0,0,train\masks\socal-fire_00001229_pre_disaster.png,0,0,0,0,1229,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001230_pre_disaster.png,pinery-bushfire_00001230_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001230_pre_disaster.png,0,0,0,0,1230,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001230_pre_disaster.png,portugal-wildfire_00001230_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001230_pre_disaster.png,0,0,5,1298,1230,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001231_pre_disaster.png,portugal-wildfire_00001231_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001231_pre_disaster.png,0,0,8,6373,1231,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001231_pre_disaster.png,pinery-bushfire_00001231_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001231_pre_disaster.png,0,0,0,0,1231,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001232_pre_disaster.png,portugal-wildfire_00001232_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001232_pre_disaster.png,0,0,1,160,1232,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001232_pre_disaster.png,pinery-bushfire_00001232_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001232_pre_disaster.png,0,0,0,0,1232,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001232_pre_disaster.png,socal-fire_00001232_pre_disaster,0,0,train\masks\socal-fire_00001232_pre_disaster.png,0,0,0,0,1232,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001233_pre_disaster.png,pinery-bushfire_00001233_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001233_pre_disaster.png,0,0,0,0,1233,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001233_pre_disaster.png,socal-fire_00001233_pre_disaster,0,0,train\masks\socal-fire_00001233_pre_disaster.png,0,0,8,43862,1233,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001233_pre_disaster.png,portugal-wildfire_00001233_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001233_pre_disaster.png,0,0,0,0,1233,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001234_pre_disaster.png,pinery-bushfire_00001234_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001234_pre_disaster.png,0,0,0,0,1234,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001234_pre_disaster.png,socal-fire_00001234_pre_disaster,0,0,train\masks\socal-fire_00001234_pre_disaster.png,0,0,0,0,1234,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001234_pre_disaster.png,portugal-wildfire_00001234_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001234_pre_disaster.png,0,0,0,0,1234,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001235_pre_disaster.png,portugal-wildfire_00001235_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001235_pre_disaster.png,0,0,0,0,1235,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001235_pre_disaster.png,pinery-bushfire_00001235_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001235_pre_disaster.png,0,0,0,0,1235,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001235_pre_disaster.png,socal-fire_00001235_pre_disaster,0,0,train\masks\socal-fire_00001235_pre_disaster.png,0,0,0,0,1235,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001236_pre_disaster.png,portugal-wildfire_00001236_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001236_pre_disaster.png,0,0,0,0,1236,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001236_pre_disaster.png,pinery-bushfire_00001236_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001236_pre_disaster.png,0,0,0,0,1236,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001237_pre_disaster.png,pinery-bushfire_00001237_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001237_pre_disaster.png,0,0,0,0,1237,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001237_pre_disaster.png,socal-fire_00001237_pre_disaster,0,0,train\masks\socal-fire_00001237_pre_disaster.png,0,0,1,343,1237,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001237_pre_disaster.png,portugal-wildfire_00001237_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001237_pre_disaster.png,0,0,0,0,1237,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001238_pre_disaster.png,pinery-bushfire_00001238_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001238_pre_disaster.png,0,0,0,0,1238,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001238_pre_disaster.png,socal-fire_00001238_pre_disaster,0,0,train\masks\socal-fire_00001238_pre_disaster.png,0,0,0,0,1238,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001238_pre_disaster.png,portugal-wildfire_00001238_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001238_pre_disaster.png,0,0,4,1310,1238,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001239_pre_disaster.png,pinery-bushfire_00001239_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001239_pre_disaster.png,0,0,0,0,1239,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001239_pre_disaster.png,portugal-wildfire_00001239_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001239_pre_disaster.png,0,0,2,391,1239,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001240_pre_disaster.png,pinery-bushfire_00001240_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001240_pre_disaster.png,0,0,0,0,1240,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001240_pre_disaster.png,portugal-wildfire_00001240_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001240_pre_disaster.png,0,0,0,0,1240,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001241_pre_disaster.png,socal-fire_00001241_pre_disaster,0,0,train\masks\socal-fire_00001241_pre_disaster.png,0,0,51,90698,1241,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001241_pre_disaster.png,portugal-wildfire_00001241_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001241_pre_disaster.png,0,0,71,75282,1241,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001241_pre_disaster.png,pinery-bushfire_00001241_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001241_pre_disaster.png,0,0,0,0,1241,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001242_pre_disaster.png,socal-fire_00001242_pre_disaster,0,0,train\masks\socal-fire_00001242_pre_disaster.png,0,0,0,0,1242,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001242_pre_disaster.png,portugal-wildfire_00001242_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001242_pre_disaster.png,0,0,0,0,1242,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001242_pre_disaster.png,pinery-bushfire_00001242_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001242_pre_disaster.png,0,0,0,0,1242,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001243_pre_disaster.png,socal-fire_00001243_pre_disaster,0,0,train\masks\socal-fire_00001243_pre_disaster.png,0,0,11,9532,1243,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001243_pre_disaster.png,portugal-wildfire_00001243_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001243_pre_disaster.png,0,0,19,7788,1243,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001243_pre_disaster.png,pinery-bushfire_00001243_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001243_pre_disaster.png,0,0,0,0,1243,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001244_pre_disaster.png,portugal-wildfire_00001244_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001244_pre_disaster.png,0,0,0,0,1244,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001244_pre_disaster.png,pinery-bushfire_00001244_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001244_pre_disaster.png,0,0,0,0,1244,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001244_pre_disaster.png,socal-fire_00001244_pre_disaster,0,0,train\masks\socal-fire_00001244_pre_disaster.png,0,0,45,76977,1244,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001245_pre_disaster.png,portugal-wildfire_00001245_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001245_pre_disaster.png,0,0,0,0,1245,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001245_pre_disaster.png,pinery-bushfire_00001245_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001245_pre_disaster.png,0,0,0,0,1245,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001245_pre_disaster.png,socal-fire_00001245_pre_disaster,0,0,train\masks\socal-fire_00001245_pre_disaster.png,0,0,52,83337,1245,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001246_pre_disaster.png,pinery-bushfire_00001246_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001246_pre_disaster.png,0,0,0,0,1246,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001246_pre_disaster.png,portugal-wildfire_00001246_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001246_pre_disaster.png,0,0,0,0,1246,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001247_pre_disaster.png,portugal-wildfire_00001247_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001247_pre_disaster.png,0,0,0,0,1247,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001247_pre_disaster.png,pinery-bushfire_00001247_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001247_pre_disaster.png,0,0,0,0,1247,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001248_pre_disaster.png,portugal-wildfire_00001248_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001248_pre_disaster.png,0,0,0,0,1248,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001248_pre_disaster.png,socal-fire_00001248_pre_disaster,0,0,train\masks\socal-fire_00001248_pre_disaster.png,0,0,2,633,1248,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001248_pre_disaster.png,pinery-bushfire_00001248_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001248_pre_disaster.png,0,0,6,2475,1248,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001249_pre_disaster.png,portugal-wildfire_00001249_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001249_pre_disaster.png,0,0,0,0,1249,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001249_pre_disaster.png,pinery-bushfire_00001249_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001249_pre_disaster.png,0,0,0,0,1249,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001250_pre_disaster.png,portugal-wildfire_00001250_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001250_pre_disaster.png,0,0,0,0,1250,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001250_pre_disaster.png,pinery-bushfire_00001250_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001250_pre_disaster.png,0,0,0,0,1250,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001251_pre_disaster.png,socal-fire_00001251_pre_disaster,0,0,train\masks\socal-fire_00001251_pre_disaster.png,0,0,105,152555,1251,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001251_pre_disaster.png,pinery-bushfire_00001251_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001251_pre_disaster.png,0,0,0,0,1251,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001251_pre_disaster.png,portugal-wildfire_00001251_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001251_pre_disaster.png,0,0,0,0,1251,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001252_pre_disaster.png,pinery-bushfire_00001252_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001252_pre_disaster.png,0,0,0,0,1252,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001252_pre_disaster.png,portugal-wildfire_00001252_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001252_pre_disaster.png,0,0,0,0,1252,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001253_pre_disaster.png,pinery-bushfire_00001253_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001253_pre_disaster.png,0,0,0,0,1253,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001253_pre_disaster.png,socal-fire_00001253_pre_disaster,0,0,train\masks\socal-fire_00001253_pre_disaster.png,0,0,0,0,1253,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001253_pre_disaster.png,portugal-wildfire_00001253_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001253_pre_disaster.png,0,0,33,24109,1253,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001254_pre_disaster.png,portugal-wildfire_00001254_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001254_pre_disaster.png,0,0,0,0,1254,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001254_pre_disaster.png,pinery-bushfire_00001254_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001254_pre_disaster.png,0,0,0,0,1254,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001254_pre_disaster.png,socal-fire_00001254_pre_disaster,0,0,train\masks\socal-fire_00001254_pre_disaster.png,0,0,42,58691,1254,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001255_pre_disaster.png,socal-fire_00001255_pre_disaster,0,0,train\masks\socal-fire_00001255_pre_disaster.png,0,0,26,17671,1255,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001255_pre_disaster.png,pinery-bushfire_00001255_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001255_pre_disaster.png,0,0,0,0,1255,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001255_pre_disaster.png,portugal-wildfire_00001255_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001255_pre_disaster.png,0,0,0,0,1255,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001256_pre_disaster.png,socal-fire_00001256_pre_disaster,0,0,train\masks\socal-fire_00001256_pre_disaster.png,0,0,0,0,1256,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001256_pre_disaster.png,pinery-bushfire_00001256_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001256_pre_disaster.png,0,0,5,18714,1256,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001256_pre_disaster.png,portugal-wildfire_00001256_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001256_pre_disaster.png,0,0,2,866,1256,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001257_pre_disaster.png,socal-fire_00001257_pre_disaster,0,0,train\masks\socal-fire_00001257_pre_disaster.png,0,0,56,79866,1257,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001257_pre_disaster.png,portugal-wildfire_00001257_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001257_pre_disaster.png,0,0,14,9417,1257,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001257_pre_disaster.png,pinery-bushfire_00001257_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001257_pre_disaster.png,0,0,0,0,1257,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001258_pre_disaster.png,portugal-wildfire_00001258_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001258_pre_disaster.png,0,0,25,12172,1258,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001258_pre_disaster.png,socal-fire_00001258_pre_disaster,0,0,train\masks\socal-fire_00001258_pre_disaster.png,0,0,1,2565,1258,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001258_pre_disaster.png,pinery-bushfire_00001258_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001258_pre_disaster.png,0,0,16,5164,1258,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001259_pre_disaster.png,socal-fire_00001259_pre_disaster,0,0,train\masks\socal-fire_00001259_pre_disaster.png,0,0,14,6449,1259,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001259_pre_disaster.png,portugal-wildfire_00001259_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001259_pre_disaster.png,0,0,45,54049,1259,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001259_pre_disaster.png,pinery-bushfire_00001259_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001259_pre_disaster.png,0,0,0,0,1259,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001260_pre_disaster.png,pinery-bushfire_00001260_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001260_pre_disaster.png,0,0,2,2695,1260,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001260_pre_disaster.png,portugal-wildfire_00001260_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001260_pre_disaster.png,0,0,0,0,1260,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001260_pre_disaster.png,socal-fire_00001260_pre_disaster,0,0,train\masks\socal-fire_00001260_pre_disaster.png,0,0,70,154211,1260,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001261_pre_disaster.png,portugal-wildfire_00001261_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001261_pre_disaster.png,0,0,0,0,1261,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001261_pre_disaster.png,socal-fire_00001261_pre_disaster,0,0,train\masks\socal-fire_00001261_pre_disaster.png,0,0,48,60566,1261,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001261_pre_disaster.png,pinery-bushfire_00001261_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001261_pre_disaster.png,0,0,0,0,1261,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001262_pre_disaster.png,pinery-bushfire_00001262_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001262_pre_disaster.png,0,0,0,0,1262,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001262_pre_disaster.png,portugal-wildfire_00001262_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001262_pre_disaster.png,0,0,11,4991,1262,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001263_pre_disaster.png,portugal-wildfire_00001263_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001263_pre_disaster.png,0,0,18,15278,1263,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001263_pre_disaster.png,socal-fire_00001263_pre_disaster,0,0,train\masks\socal-fire_00001263_pre_disaster.png,0,0,1,1450,1263,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001263_pre_disaster.png,pinery-bushfire_00001263_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001263_pre_disaster.png,0,0,0,0,1263,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001264_pre_disaster.png,portugal-wildfire_00001264_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001264_pre_disaster.png,0,0,16,14461,1264,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001264_pre_disaster.png,socal-fire_00001264_pre_disaster,0,0,train\masks\socal-fire_00001264_pre_disaster.png,0,0,34,45214,1264,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001264_pre_disaster.png,pinery-bushfire_00001264_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001264_pre_disaster.png,0,0,0,0,1264,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001265_pre_disaster.png,pinery-bushfire_00001265_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001265_pre_disaster.png,0,0,0,0,1265,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001265_pre_disaster.png,portugal-wildfire_00001265_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001265_pre_disaster.png,0,0,63,36406,1265,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001266_pre_disaster.png,pinery-bushfire_00001266_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001266_pre_disaster.png,0,0,0,0,1266,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001266_pre_disaster.png,portugal-wildfire_00001266_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001266_pre_disaster.png,0,0,0,0,1266,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001267_pre_disaster.png,portugal-wildfire_00001267_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001267_pre_disaster.png,0,0,0,0,1267,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001267_pre_disaster.png,pinery-bushfire_00001267_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001267_pre_disaster.png,0,0,0,0,1267,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001268_pre_disaster.png,pinery-bushfire_00001268_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001268_pre_disaster.png,0,0,0,0,1268,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001268_pre_disaster.png,portugal-wildfire_00001268_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001268_pre_disaster.png,0,0,2,1105,1268,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001268_pre_disaster.png,socal-fire_00001268_pre_disaster,0,0,train\masks\socal-fire_00001268_pre_disaster.png,0,0,63,77871,1268,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001269_pre_disaster.png,pinery-bushfire_00001269_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001269_pre_disaster.png,0,0,0,0,1269,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001269_pre_disaster.png,socal-fire_00001269_pre_disaster,0,0,train\masks\socal-fire_00001269_pre_disaster.png,0,0,1,112,1269,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001269_pre_disaster.png,portugal-wildfire_00001269_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001269_pre_disaster.png,0,0,0,0,1269,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001270_pre_disaster.png,socal-fire_00001270_pre_disaster,0,0,train\masks\socal-fire_00001270_pre_disaster.png,0,0,12,12958,1270,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001270_pre_disaster.png,pinery-bushfire_00001270_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001270_pre_disaster.png,0,0,0,0,1270,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001270_pre_disaster.png,portugal-wildfire_00001270_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001270_pre_disaster.png,0,0,32,21645,1270,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001271_pre_disaster.png,pinery-bushfire_00001271_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001271_pre_disaster.png,0,0,6,7116,1271,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001271_pre_disaster.png,portugal-wildfire_00001271_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001271_pre_disaster.png,0,0,67,56259,1271,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001271_pre_disaster.png,socal-fire_00001271_pre_disaster,0,0,train\masks\socal-fire_00001271_pre_disaster.png,0,0,1,791,1271,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001272_pre_disaster.png,pinery-bushfire_00001272_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001272_pre_disaster.png,0,0,0,0,1272,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001272_pre_disaster.png,portugal-wildfire_00001272_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001272_pre_disaster.png,0,0,0,0,1272,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001272_pre_disaster.png,socal-fire_00001272_pre_disaster,0,0,train\masks\socal-fire_00001272_pre_disaster.png,0,0,61,83101,1272,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001273_pre_disaster.png,portugal-wildfire_00001273_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001273_pre_disaster.png,0,0,3,9379,1273,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001273_pre_disaster.png,pinery-bushfire_00001273_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001273_pre_disaster.png,0,0,0,0,1273,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001274_pre_disaster.png,socal-fire_00001274_pre_disaster,0,0,train\masks\socal-fire_00001274_pre_disaster.png,0,0,13,2754,1274,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001274_pre_disaster.png,portugal-wildfire_00001274_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001274_pre_disaster.png,0,0,6,2448,1274,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001274_pre_disaster.png,pinery-bushfire_00001274_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001274_pre_disaster.png,0,0,0,0,1274,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001275_pre_disaster.png,socal-fire_00001275_pre_disaster,0,0,train\masks\socal-fire_00001275_pre_disaster.png,0,0,0,0,1275,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001275_pre_disaster.png,portugal-wildfire_00001275_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001275_pre_disaster.png,0,0,65,60446,1275,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001275_pre_disaster.png,pinery-bushfire_00001275_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001275_pre_disaster.png,0,0,0,0,1275,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001276_pre_disaster.png,pinery-bushfire_00001276_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001276_pre_disaster.png,0,0,0,0,1276,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001276_pre_disaster.png,portugal-wildfire_00001276_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001276_pre_disaster.png,0,0,4,2014,1276,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001277_pre_disaster.png,pinery-bushfire_00001277_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001277_pre_disaster.png,0,0,0,0,1277,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001277_pre_disaster.png,portugal-wildfire_00001277_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001277_pre_disaster.png,0,0,0,0,1277,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001278_pre_disaster.png,portugal-wildfire_00001278_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001278_pre_disaster.png,0,0,0,0,1278,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001278_pre_disaster.png,socal-fire_00001278_pre_disaster,0,0,train\masks\socal-fire_00001278_pre_disaster.png,0,0,8,1766,1278,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001278_pre_disaster.png,pinery-bushfire_00001278_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001278_pre_disaster.png,0,0,0,0,1278,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001279_pre_disaster.png,portugal-wildfire_00001279_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001279_pre_disaster.png,0,0,0,0,1279,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001279_pre_disaster.png,pinery-bushfire_00001279_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001279_pre_disaster.png,0,0,0,0,1279,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001280_pre_disaster.png,portugal-wildfire_00001280_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001280_pre_disaster.png,0,0,0,0,1280,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001280_pre_disaster.png,pinery-bushfire_00001280_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001280_pre_disaster.png,0,0,0,0,1280,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001281_pre_disaster.png,portugal-wildfire_00001281_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001281_pre_disaster.png,0,0,0,0,1281,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001281_pre_disaster.png,pinery-bushfire_00001281_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001281_pre_disaster.png,0,0,0,0,1281,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001282_pre_disaster.png,pinery-bushfire_00001282_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001282_pre_disaster.png,0,0,10,7530,1282,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001282_pre_disaster.png,socal-fire_00001282_pre_disaster,0,0,train\masks\socal-fire_00001282_pre_disaster.png,0,0,0,0,1282,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001282_pre_disaster.png,portugal-wildfire_00001282_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001282_pre_disaster.png,0,0,2,399,1282,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001283_pre_disaster.png,pinery-bushfire_00001283_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001283_pre_disaster.png,0,0,0,0,1283,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001283_pre_disaster.png,portugal-wildfire_00001283_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001283_pre_disaster.png,0,0,5,2645,1283,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001283_pre_disaster.png,socal-fire_00001283_pre_disaster,0,0,train\masks\socal-fire_00001283_pre_disaster.png,0,0,0,0,1283,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001284_pre_disaster.png,portugal-wildfire_00001284_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001284_pre_disaster.png,0,0,4,2145,1284,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001284_pre_disaster.png,pinery-bushfire_00001284_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001284_pre_disaster.png,0,0,0,0,1284,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001285_pre_disaster.png,socal-fire_00001285_pre_disaster,0,0,train\masks\socal-fire_00001285_pre_disaster.png,0,0,42,48116,1285,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001285_pre_disaster.png,pinery-bushfire_00001285_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001285_pre_disaster.png,0,0,0,0,1285,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001285_pre_disaster.png,portugal-wildfire_00001285_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001285_pre_disaster.png,0,0,0,0,1285,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001286_pre_disaster.png,pinery-bushfire_00001286_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001286_pre_disaster.png,0,0,2,2278,1286,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001286_pre_disaster.png,portugal-wildfire_00001286_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001286_pre_disaster.png,0,0,0,0,1286,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001286_pre_disaster.png,socal-fire_00001286_pre_disaster,0,0,train\masks\socal-fire_00001286_pre_disaster.png,0,0,0,0,1286,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001287_pre_disaster.png,socal-fire_00001287_pre_disaster,0,0,train\masks\socal-fire_00001287_pre_disaster.png,0,0,0,0,1287,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001287_pre_disaster.png,pinery-bushfire_00001287_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001287_pre_disaster.png,0,0,0,0,1287,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001287_pre_disaster.png,portugal-wildfire_00001287_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001287_pre_disaster.png,0,0,5,1489,1287,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001288_pre_disaster.png,portugal-wildfire_00001288_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001288_pre_disaster.png,0,0,0,0,1288,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001288_pre_disaster.png,socal-fire_00001288_pre_disaster,0,0,train\masks\socal-fire_00001288_pre_disaster.png,0,0,4,1454,1288,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001288_pre_disaster.png,pinery-bushfire_00001288_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001288_pre_disaster.png,0,0,0,0,1288,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001289_pre_disaster.png,socal-fire_00001289_pre_disaster,0,0,train\masks\socal-fire_00001289_pre_disaster.png,0,0,0,0,1289,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001289_pre_disaster.png,portugal-wildfire_00001289_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001289_pre_disaster.png,0,0,5,1756,1289,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001289_pre_disaster.png,pinery-bushfire_00001289_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001289_pre_disaster.png,0,0,6,6770,1289,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001290_pre_disaster.png,pinery-bushfire_00001290_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001290_pre_disaster.png,0,0,4,2653,1290,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001290_pre_disaster.png,portugal-wildfire_00001290_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001290_pre_disaster.png,0,0,0,0,1290,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001291_pre_disaster.png,portugal-wildfire_00001291_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001291_pre_disaster.png,0,0,0,0,1291,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001291_pre_disaster.png,pinery-bushfire_00001291_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001291_pre_disaster.png,0,0,0,0,1291,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001291_pre_disaster.png,socal-fire_00001291_pre_disaster,0,0,train\masks\socal-fire_00001291_pre_disaster.png,0,0,3,2821,1291,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001292_pre_disaster.png,portugal-wildfire_00001292_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001292_pre_disaster.png,0,0,0,0,1292,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001292_pre_disaster.png,pinery-bushfire_00001292_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001292_pre_disaster.png,0,0,0,0,1292,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001292_pre_disaster.png,socal-fire_00001292_pre_disaster,0,0,train\masks\socal-fire_00001292_pre_disaster.png,0,0,14,3534,1292,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001293_pre_disaster.png,socal-fire_00001293_pre_disaster,0,0,train\masks\socal-fire_00001293_pre_disaster.png,0,0,0,0,1293,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001293_pre_disaster.png,pinery-bushfire_00001293_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001293_pre_disaster.png,0,0,0,0,1293,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001293_pre_disaster.png,portugal-wildfire_00001293_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001293_pre_disaster.png,0,0,0,0,1293,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001294_pre_disaster.png,pinery-bushfire_00001294_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001294_pre_disaster.png,0,0,0,0,1294,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001294_pre_disaster.png,portugal-wildfire_00001294_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001294_pre_disaster.png,0,0,0,0,1294,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001295_pre_disaster.png,portugal-wildfire_00001295_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001295_pre_disaster.png,0,0,5,2597,1295,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001295_pre_disaster.png,pinery-bushfire_00001295_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001295_pre_disaster.png,0,0,0,0,1295,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001296_pre_disaster.png,portugal-wildfire_00001296_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001296_pre_disaster.png,0,0,3,781,1296,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001296_pre_disaster.png,pinery-bushfire_00001296_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001296_pre_disaster.png,0,0,0,0,1296,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001296_pre_disaster.png,socal-fire_00001296_pre_disaster,0,0,train\masks\socal-fire_00001296_pre_disaster.png,0,0,0,0,1296,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001297_pre_disaster.png,socal-fire_00001297_pre_disaster,0,0,train\masks\socal-fire_00001297_pre_disaster.png,0,0,0,0,1297,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001297_pre_disaster.png,portugal-wildfire_00001297_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001297_pre_disaster.png,0,0,1,645,1297,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001297_pre_disaster.png,pinery-bushfire_00001297_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001297_pre_disaster.png,0,0,0,0,1297,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001298_pre_disaster.png,portugal-wildfire_00001298_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001298_pre_disaster.png,0,0,0,0,1298,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001298_pre_disaster.png,socal-fire_00001298_pre_disaster,0,0,train\masks\socal-fire_00001298_pre_disaster.png,0,0,27,34616,1298,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001298_pre_disaster.png,pinery-bushfire_00001298_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001298_pre_disaster.png,0,0,1,131,1298,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001299_pre_disaster.png,portugal-wildfire_00001299_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001299_pre_disaster.png,0,0,0,0,1299,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001299_pre_disaster.png,pinery-bushfire_00001299_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001299_pre_disaster.png,0,0,0,0,1299,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001300_pre_disaster.png,socal-fire_00001300_pre_disaster,0,0,train\masks\socal-fire_00001300_pre_disaster.png,0,0,0,0,1300,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001300_pre_disaster.png,portugal-wildfire_00001300_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001300_pre_disaster.png,0,0,0,0,1300,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001300_pre_disaster.png,pinery-bushfire_00001300_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001300_pre_disaster.png,0,0,0,0,1300,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001301_pre_disaster.png,portugal-wildfire_00001301_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001301_pre_disaster.png,0,0,16,11988,1301,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001301_pre_disaster.png,socal-fire_00001301_pre_disaster,0,0,train\masks\socal-fire_00001301_pre_disaster.png,0,0,0,0,1301,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001301_pre_disaster.png,pinery-bushfire_00001301_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001301_pre_disaster.png,0,0,0,0,1301,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001302_pre_disaster.png,pinery-bushfire_00001302_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001302_pre_disaster.png,0,0,6,1730,1302,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001302_pre_disaster.png,socal-fire_00001302_pre_disaster,0,0,train\masks\socal-fire_00001302_pre_disaster.png,0,0,0,0,1302,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001302_pre_disaster.png,portugal-wildfire_00001302_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001302_pre_disaster.png,0,0,0,0,1302,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001303_pre_disaster.png,socal-fire_00001303_pre_disaster,0,0,train\masks\socal-fire_00001303_pre_disaster.png,0,0,8,2862,1303,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001303_pre_disaster.png,pinery-bushfire_00001303_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001303_pre_disaster.png,0,0,5,938,1303,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001303_pre_disaster.png,portugal-wildfire_00001303_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001303_pre_disaster.png,0,0,1,1841,1303,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001304_pre_disaster.png,pinery-bushfire_00001304_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001304_pre_disaster.png,0,0,0,0,1304,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001304_pre_disaster.png,socal-fire_00001304_pre_disaster,0,0,train\masks\socal-fire_00001304_pre_disaster.png,0,0,0,0,1304,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001304_pre_disaster.png,portugal-wildfire_00001304_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001304_pre_disaster.png,0,0,0,0,1304,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001305_pre_disaster.png,pinery-bushfire_00001305_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001305_pre_disaster.png,0,0,0,0,1305,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001305_pre_disaster.png,portugal-wildfire_00001305_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001305_pre_disaster.png,0,0,2,674,1305,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001306_pre_disaster.png,pinery-bushfire_00001306_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001306_pre_disaster.png,0,0,0,0,1306,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001306_pre_disaster.png,portugal-wildfire_00001306_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001306_pre_disaster.png,0,0,0,0,1306,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001307_pre_disaster.png,pinery-bushfire_00001307_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001307_pre_disaster.png,0,0,0,0,1307,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001307_pre_disaster.png,socal-fire_00001307_pre_disaster,0,0,train\masks\socal-fire_00001307_pre_disaster.png,0,0,0,0,1307,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001307_pre_disaster.png,portugal-wildfire_00001307_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001307_pre_disaster.png,0,0,0,0,1307,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001308_pre_disaster.png,socal-fire_00001308_pre_disaster,0,0,train\masks\socal-fire_00001308_pre_disaster.png,0,0,0,0,1308,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001308_pre_disaster.png,pinery-bushfire_00001308_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001308_pre_disaster.png,0,0,0,0,1308,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001308_pre_disaster.png,portugal-wildfire_00001308_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001308_pre_disaster.png,0,0,2,1079,1308,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001309_pre_disaster.png,pinery-bushfire_00001309_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001309_pre_disaster.png,0,0,0,0,1309,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001309_pre_disaster.png,portugal-wildfire_00001309_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001309_pre_disaster.png,0,0,2,3094,1309,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001310_pre_disaster.png,pinery-bushfire_00001310_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001310_pre_disaster.png,0,0,0,0,1310,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001310_pre_disaster.png,portugal-wildfire_00001310_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001310_pre_disaster.png,0,0,0,0,1310,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001311_pre_disaster.png,pinery-bushfire_00001311_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001311_pre_disaster.png,0,0,0,0,1311,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001311_pre_disaster.png,portugal-wildfire_00001311_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001311_pre_disaster.png,0,0,0,0,1311,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001312_pre_disaster.png,socal-fire_00001312_pre_disaster,0,0,train\masks\socal-fire_00001312_pre_disaster.png,0,0,11,3620,1312,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001312_pre_disaster.png,pinery-bushfire_00001312_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001312_pre_disaster.png,0,0,0,0,1312,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001312_pre_disaster.png,portugal-wildfire_00001312_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001312_pre_disaster.png,0,0,6,3052,1312,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001313_pre_disaster.png,socal-fire_00001313_pre_disaster,0,0,train\masks\socal-fire_00001313_pre_disaster.png,0,0,2,1055,1313,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001313_pre_disaster.png,pinery-bushfire_00001313_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001313_pre_disaster.png,0,0,0,0,1313,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001313_pre_disaster.png,portugal-wildfire_00001313_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001313_pre_disaster.png,0,0,38,23981,1313,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001314_pre_disaster.png,portugal-wildfire_00001314_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001314_pre_disaster.png,0,0,0,0,1314,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001314_pre_disaster.png,pinery-bushfire_00001314_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001314_pre_disaster.png,0,0,0,0,1314,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001315_pre_disaster.png,socal-fire_00001315_pre_disaster,0,0,train\masks\socal-fire_00001315_pre_disaster.png,0,0,0,0,1315,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001315_pre_disaster.png,portugal-wildfire_00001315_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001315_pre_disaster.png,0,0,0,0,1315,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001315_pre_disaster.png,pinery-bushfire_00001315_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001315_pre_disaster.png,0,0,3,1888,1315,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001316_pre_disaster.png,pinery-bushfire_00001316_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001316_pre_disaster.png,0,0,12,8647,1316,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001316_pre_disaster.png,portugal-wildfire_00001316_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001316_pre_disaster.png,0,0,1,133,1316,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001317_pre_disaster.png,pinery-bushfire_00001317_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001317_pre_disaster.png,0,0,0,0,1317,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001317_pre_disaster.png,portugal-wildfire_00001317_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001317_pre_disaster.png,0,0,25,18545,1317,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001317_pre_disaster.png,socal-fire_00001317_pre_disaster,0,0,train\masks\socal-fire_00001317_pre_disaster.png,0,0,1,615,1317,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001318_pre_disaster.png,portugal-wildfire_00001318_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001318_pre_disaster.png,0,0,0,0,1318,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001318_pre_disaster.png,pinery-bushfire_00001318_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001318_pre_disaster.png,0,0,8,6013,1318,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001318_pre_disaster.png,socal-fire_00001318_pre_disaster,0,0,train\masks\socal-fire_00001318_pre_disaster.png,0,0,1,209,1318,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001319_pre_disaster.png,socal-fire_00001319_pre_disaster,0,0,train\masks\socal-fire_00001319_pre_disaster.png,0,0,0,0,1319,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001319_pre_disaster.png,portugal-wildfire_00001319_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001319_pre_disaster.png,0,0,14,8566,1319,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001319_pre_disaster.png,pinery-bushfire_00001319_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001319_pre_disaster.png,0,0,6,3034,1319,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001320_pre_disaster.png,pinery-bushfire_00001320_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001320_pre_disaster.png,0,0,0,0,1320,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001320_pre_disaster.png,portugal-wildfire_00001320_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001320_pre_disaster.png,0,0,0,0,1320,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001320_pre_disaster.png,socal-fire_00001320_pre_disaster,0,0,train\masks\socal-fire_00001320_pre_disaster.png,0,0,0,0,1320,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001321_pre_disaster.png,portugal-wildfire_00001321_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001321_pre_disaster.png,0,0,19,8249,1321,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001321_pre_disaster.png,pinery-bushfire_00001321_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001321_pre_disaster.png,0,0,0,0,1321,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001322_pre_disaster.png,pinery-bushfire_00001322_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001322_pre_disaster.png,0,0,0,0,1322,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001322_pre_disaster.png,socal-fire_00001322_pre_disaster,0,0,train\masks\socal-fire_00001322_pre_disaster.png,0,0,34,59115,1322,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001322_pre_disaster.png,portugal-wildfire_00001322_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001322_pre_disaster.png,0,0,0,0,1322,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001323_pre_disaster.png,pinery-bushfire_00001323_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001323_pre_disaster.png,0,0,0,0,1323,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001323_pre_disaster.png,socal-fire_00001323_pre_disaster,0,0,train\masks\socal-fire_00001323_pre_disaster.png,0,0,29,30369,1323,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001323_pre_disaster.png,portugal-wildfire_00001323_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001323_pre_disaster.png,0,0,31,43584,1323,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001324_pre_disaster.png,socal-fire_00001324_pre_disaster,0,0,train\masks\socal-fire_00001324_pre_disaster.png,0,0,0,0,1324,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001324_pre_disaster.png,pinery-bushfire_00001324_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001324_pre_disaster.png,0,0,0,0,1324,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001324_pre_disaster.png,portugal-wildfire_00001324_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001324_pre_disaster.png,0,0,0,0,1324,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001325_pre_disaster.png,socal-fire_00001325_pre_disaster,0,0,train\masks\socal-fire_00001325_pre_disaster.png,0,0,5,4360,1325,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001325_pre_disaster.png,portugal-wildfire_00001325_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001325_pre_disaster.png,0,0,1,322,1325,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001325_pre_disaster.png,pinery-bushfire_00001325_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001325_pre_disaster.png,0,0,0,0,1325,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001326_pre_disaster.png,portugal-wildfire_00001326_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001326_pre_disaster.png,0,0,0,0,1326,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001326_pre_disaster.png,pinery-bushfire_00001326_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001326_pre_disaster.png,0,0,2,1476,1326,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001327_pre_disaster.png,pinery-bushfire_00001327_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001327_pre_disaster.png,0,0,6,3688,1327,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001327_pre_disaster.png,portugal-wildfire_00001327_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001327_pre_disaster.png,0,0,0,0,1327,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001328_pre_disaster.png,portugal-wildfire_00001328_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001328_pre_disaster.png,0,0,4,12878,1328,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001328_pre_disaster.png,pinery-bushfire_00001328_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001328_pre_disaster.png,0,0,0,0,1328,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001329_pre_disaster.png,pinery-bushfire_00001329_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001329_pre_disaster.png,0,0,4,379,1329,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001329_pre_disaster.png,portugal-wildfire_00001329_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001329_pre_disaster.png,0,0,3,1147,1329,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001330_pre_disaster.png,portugal-wildfire_00001330_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001330_pre_disaster.png,0,0,1,307,1330,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001330_pre_disaster.png,socal-fire_00001330_pre_disaster,0,0,train\masks\socal-fire_00001330_pre_disaster.png,0,0,44,84341,1330,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001330_pre_disaster.png,pinery-bushfire_00001330_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001330_pre_disaster.png,0,0,0,0,1330,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001331_pre_disaster.png,portugal-wildfire_00001331_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001331_pre_disaster.png,0,0,0,0,1331,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001331_pre_disaster.png,socal-fire_00001331_pre_disaster,0,0,train\masks\socal-fire_00001331_pre_disaster.png,0,0,0,0,1331,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001331_pre_disaster.png,pinery-bushfire_00001331_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001331_pre_disaster.png,0,0,31,20165,1331,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001332_pre_disaster.png,pinery-bushfire_00001332_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001332_pre_disaster.png,0,0,0,0,1332,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001332_pre_disaster.png,portugal-wildfire_00001332_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001332_pre_disaster.png,0,0,4,1732,1332,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001333_pre_disaster.png,pinery-bushfire_00001333_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001333_pre_disaster.png,0,0,0,0,1333,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001333_pre_disaster.png,portugal-wildfire_00001333_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001333_pre_disaster.png,0,0,9,14188,1333,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001333_pre_disaster.png,socal-fire_00001333_pre_disaster,0,0,train\masks\socal-fire_00001333_pre_disaster.png,0,0,21,28357,1333,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001334_pre_disaster.png,socal-fire_00001334_pre_disaster,0,0,train\masks\socal-fire_00001334_pre_disaster.png,0,0,0,0,1334,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001334_pre_disaster.png,pinery-bushfire_00001334_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001334_pre_disaster.png,0,0,5,6501,1334,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001334_pre_disaster.png,portugal-wildfire_00001334_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001334_pre_disaster.png,0,0,6,5092,1334,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001335_pre_disaster.png,portugal-wildfire_00001335_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001335_pre_disaster.png,0,0,11,5161,1335,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001335_pre_disaster.png,pinery-bushfire_00001335_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001335_pre_disaster.png,0,0,0,0,1335,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001336_pre_disaster.png,pinery-bushfire_00001336_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001336_pre_disaster.png,0,0,0,0,1336,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001336_pre_disaster.png,portugal-wildfire_00001336_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001336_pre_disaster.png,0,0,0,0,1336,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001337_pre_disaster.png,portugal-wildfire_00001337_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001337_pre_disaster.png,0,0,0,0,1337,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001337_pre_disaster.png,pinery-bushfire_00001337_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001337_pre_disaster.png,0,0,14,7012,1337,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001337_pre_disaster.png,socal-fire_00001337_pre_disaster,0,0,train\masks\socal-fire_00001337_pre_disaster.png,0,0,0,0,1337,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001338_pre_disaster.png,pinery-bushfire_00001338_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001338_pre_disaster.png,0,0,0,0,1338,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001338_pre_disaster.png,portugal-wildfire_00001338_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001338_pre_disaster.png,0,0,0,0,1338,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001338_pre_disaster.png,socal-fire_00001338_pre_disaster,0,0,train\masks\socal-fire_00001338_pre_disaster.png,0,0,0,0,1338,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001339_pre_disaster.png,socal-fire_00001339_pre_disaster,0,0,train\masks\socal-fire_00001339_pre_disaster.png,0,0,0,0,1339,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001339_pre_disaster.png,pinery-bushfire_00001339_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001339_pre_disaster.png,0,0,0,0,1339,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001339_pre_disaster.png,portugal-wildfire_00001339_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001339_pre_disaster.png,0,0,25,24010,1339,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001340_pre_disaster.png,socal-fire_00001340_pre_disaster,0,0,train\masks\socal-fire_00001340_pre_disaster.png,0,0,8,2918,1340,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001340_pre_disaster.png,pinery-bushfire_00001340_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001340_pre_disaster.png,0,0,0,0,1340,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001340_pre_disaster.png,portugal-wildfire_00001340_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001340_pre_disaster.png,0,0,0,0,1340,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001341_pre_disaster.png,portugal-wildfire_00001341_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001341_pre_disaster.png,0,0,39,90326,1341,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001341_pre_disaster.png,pinery-bushfire_00001341_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001341_pre_disaster.png,0,0,0,0,1341,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001341_pre_disaster.png,socal-fire_00001341_pre_disaster,0,0,train\masks\socal-fire_00001341_pre_disaster.png,0,0,70,84684,1341,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001342_pre_disaster.png,portugal-wildfire_00001342_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001342_pre_disaster.png,0,0,0,0,1342,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001342_pre_disaster.png,pinery-bushfire_00001342_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001342_pre_disaster.png,0,0,0,0,1342,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001343_pre_disaster.png,socal-fire_00001343_pre_disaster,0,0,train\masks\socal-fire_00001343_pre_disaster.png,0,0,0,0,1343,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001343_pre_disaster.png,pinery-bushfire_00001343_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001343_pre_disaster.png,0,0,0,0,1343,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001343_pre_disaster.png,portugal-wildfire_00001343_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001343_pre_disaster.png,0,0,0,0,1343,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001344_pre_disaster.png,portugal-wildfire_00001344_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001344_pre_disaster.png,0,0,24,23864,1344,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001344_pre_disaster.png,pinery-bushfire_00001344_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001344_pre_disaster.png,0,0,0,0,1344,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001344_pre_disaster.png,socal-fire_00001344_pre_disaster,0,0,train\masks\socal-fire_00001344_pre_disaster.png,0,0,13,21758,1344,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001345_pre_disaster.png,portugal-wildfire_00001345_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001345_pre_disaster.png,0,0,0,0,1345,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001345_pre_disaster.png,pinery-bushfire_00001345_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001345_pre_disaster.png,0,0,0,0,1345,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001346_pre_disaster.png,pinery-bushfire_00001346_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001346_pre_disaster.png,0,0,0,0,1346,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001346_pre_disaster.png,socal-fire_00001346_pre_disaster,0,0,train\masks\socal-fire_00001346_pre_disaster.png,0,0,0,0,1346,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001346_pre_disaster.png,portugal-wildfire_00001346_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001346_pre_disaster.png,0,0,16,7904,1346,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001347_pre_disaster.png,socal-fire_00001347_pre_disaster,0,0,train\masks\socal-fire_00001347_pre_disaster.png,0,0,0,0,1347,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001347_pre_disaster.png,portugal-wildfire_00001347_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001347_pre_disaster.png,0,0,0,0,1347,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001347_pre_disaster.png,pinery-bushfire_00001347_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001347_pre_disaster.png,0,0,1,1977,1347,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001348_pre_disaster.png,socal-fire_00001348_pre_disaster,0,0,train\masks\socal-fire_00001348_pre_disaster.png,0,0,0,0,1348,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001348_pre_disaster.png,pinery-bushfire_00001348_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001348_pre_disaster.png,0,0,0,0,1348,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001348_pre_disaster.png,portugal-wildfire_00001348_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001348_pre_disaster.png,0,0,0,0,1348,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001349_pre_disaster.png,portugal-wildfire_00001349_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001349_pre_disaster.png,0,0,1,158,1349,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001349_pre_disaster.png,pinery-bushfire_00001349_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001349_pre_disaster.png,0,0,0,0,1349,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001349_pre_disaster.png,socal-fire_00001349_pre_disaster,0,0,train\masks\socal-fire_00001349_pre_disaster.png,0,0,0,0,1349,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001350_pre_disaster.png,portugal-wildfire_00001350_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001350_pre_disaster.png,0,0,0,0,1350,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001350_pre_disaster.png,socal-fire_00001350_pre_disaster,0,0,train\masks\socal-fire_00001350_pre_disaster.png,0,0,0,0,1350,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001350_pre_disaster.png,pinery-bushfire_00001350_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001350_pre_disaster.png,0,0,0,0,1350,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001351_pre_disaster.png,pinery-bushfire_00001351_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001351_pre_disaster.png,0,0,4,8117,1351,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001351_pre_disaster.png,socal-fire_00001351_pre_disaster,0,0,train\masks\socal-fire_00001351_pre_disaster.png,0,0,0,0,1351,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001351_pre_disaster.png,portugal-wildfire_00001351_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001351_pre_disaster.png,0,0,0,0,1351,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001352_pre_disaster.png,portugal-wildfire_00001352_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001352_pre_disaster.png,0,0,0,0,1352,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001352_pre_disaster.png,socal-fire_00001352_pre_disaster,0,0,train\masks\socal-fire_00001352_pre_disaster.png,0,0,77,123452,1352,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001352_pre_disaster.png,pinery-bushfire_00001352_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001352_pre_disaster.png,0,0,0,0,1352,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001353_pre_disaster.png,socal-fire_00001353_pre_disaster,0,0,train\masks\socal-fire_00001353_pre_disaster.png,0,0,6,14089,1353,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001353_pre_disaster.png,pinery-bushfire_00001353_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001353_pre_disaster.png,0,0,0,0,1353,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001353_pre_disaster.png,portugal-wildfire_00001353_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001353_pre_disaster.png,0,0,0,0,1353,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001354_pre_disaster.png,pinery-bushfire_00001354_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001354_pre_disaster.png,0,0,0,0,1354,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001354_pre_disaster.png,portugal-wildfire_00001354_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001354_pre_disaster.png,0,0,74,233124,1354,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001354_pre_disaster.png,socal-fire_00001354_pre_disaster,0,0,train\masks\socal-fire_00001354_pre_disaster.png,0,0,2,3296,1354,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001355_pre_disaster.png,pinery-bushfire_00001355_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001355_pre_disaster.png,0,0,0,0,1355,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001355_pre_disaster.png,socal-fire_00001355_pre_disaster,0,0,train\masks\socal-fire_00001355_pre_disaster.png,0,0,0,0,1355,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001355_pre_disaster.png,portugal-wildfire_00001355_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001355_pre_disaster.png,0,0,8,4401,1355,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001356_pre_disaster.png,pinery-bushfire_00001356_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001356_pre_disaster.png,0,0,0,0,1356,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001356_pre_disaster.png,portugal-wildfire_00001356_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001356_pre_disaster.png,0,0,0,0,1356,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001356_pre_disaster.png,socal-fire_00001356_pre_disaster,0,0,train\masks\socal-fire_00001356_pre_disaster.png,0,0,0,0,1356,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001357_pre_disaster.png,socal-fire_00001357_pre_disaster,0,0,train\masks\socal-fire_00001357_pre_disaster.png,0,0,0,0,1357,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001357_pre_disaster.png,pinery-bushfire_00001357_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001357_pre_disaster.png,0,0,0,0,1357,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001357_pre_disaster.png,portugal-wildfire_00001357_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001357_pre_disaster.png,0,0,1,401,1357,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001358_pre_disaster.png,pinery-bushfire_00001358_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001358_pre_disaster.png,0,0,0,0,1358,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001358_pre_disaster.png,portugal-wildfire_00001358_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001358_pre_disaster.png,0,0,2,964,1358,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001359_pre_disaster.png,portugal-wildfire_00001359_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001359_pre_disaster.png,0,0,0,0,1359,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001359_pre_disaster.png,socal-fire_00001359_pre_disaster,0,0,train\masks\socal-fire_00001359_pre_disaster.png,0,0,80,115063,1359,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001359_pre_disaster.png,pinery-bushfire_00001359_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001359_pre_disaster.png,0,0,4,2033,1359,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001360_pre_disaster.png,portugal-wildfire_00001360_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001360_pre_disaster.png,0,0,1,149,1360,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001360_pre_disaster.png,pinery-bushfire_00001360_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001360_pre_disaster.png,0,0,12,4337,1360,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001361_pre_disaster.png,portugal-wildfire_00001361_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001361_pre_disaster.png,0,0,0,0,1361,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001361_pre_disaster.png,socal-fire_00001361_pre_disaster,0,0,train\masks\socal-fire_00001361_pre_disaster.png,0,0,0,0,1361,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001361_pre_disaster.png,pinery-bushfire_00001361_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001361_pre_disaster.png,0,0,0,0,1361,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001362_pre_disaster.png,portugal-wildfire_00001362_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001362_pre_disaster.png,0,0,0,0,1362,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001362_pre_disaster.png,pinery-bushfire_00001362_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001362_pre_disaster.png,0,0,0,0,1362,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001363_pre_disaster.png,pinery-bushfire_00001363_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001363_pre_disaster.png,0,0,0,0,1363,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001363_pre_disaster.png,portugal-wildfire_00001363_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001363_pre_disaster.png,0,0,0,0,1363,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001363_pre_disaster.png,socal-fire_00001363_pre_disaster,0,0,train\masks\socal-fire_00001363_pre_disaster.png,0,0,0,0,1363,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001364_pre_disaster.png,socal-fire_00001364_pre_disaster,0,0,train\masks\socal-fire_00001364_pre_disaster.png,0,0,0,0,1364,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001364_pre_disaster.png,portugal-wildfire_00001364_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001364_pre_disaster.png,0,0,18,11434,1364,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001364_pre_disaster.png,pinery-bushfire_00001364_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001364_pre_disaster.png,0,0,18,8477,1364,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001365_pre_disaster.png,socal-fire_00001365_pre_disaster,0,0,train\masks\socal-fire_00001365_pre_disaster.png,0,0,18,26993,1365,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001365_pre_disaster.png,pinery-bushfire_00001365_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001365_pre_disaster.png,0,0,0,0,1365,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001365_pre_disaster.png,portugal-wildfire_00001365_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001365_pre_disaster.png,0,0,0,0,1365,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001366_pre_disaster.png,pinery-bushfire_00001366_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001366_pre_disaster.png,0,0,2,915,1366,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001366_pre_disaster.png,portugal-wildfire_00001366_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001366_pre_disaster.png,0,0,0,0,1366,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001366_pre_disaster.png,socal-fire_00001366_pre_disaster,0,0,train\masks\socal-fire_00001366_pre_disaster.png,0,0,165,248785,1366,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001367_pre_disaster.png,portugal-wildfire_00001367_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001367_pre_disaster.png,0,0,0,0,1367,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001367_pre_disaster.png,socal-fire_00001367_pre_disaster,0,0,train\masks\socal-fire_00001367_pre_disaster.png,0,0,3,1147,1367,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001367_pre_disaster.png,pinery-bushfire_00001367_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001367_pre_disaster.png,0,0,17,13493,1367,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001368_pre_disaster.png,portugal-wildfire_00001368_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001368_pre_disaster.png,0,0,0,0,1368,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001368_pre_disaster.png,pinery-bushfire_00001368_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001368_pre_disaster.png,0,0,0,0,1368,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001368_pre_disaster.png,socal-fire_00001368_pre_disaster,0,0,train\masks\socal-fire_00001368_pre_disaster.png,0,0,62,127379,1368,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001369_pre_disaster.png,portugal-wildfire_00001369_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001369_pre_disaster.png,0,0,0,0,1369,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001369_pre_disaster.png,pinery-bushfire_00001369_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001369_pre_disaster.png,0,0,0,0,1369,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001369_pre_disaster.png,socal-fire_00001369_pre_disaster,0,0,train\masks\socal-fire_00001369_pre_disaster.png,0,0,0,0,1369,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001370_pre_disaster.png,portugal-wildfire_00001370_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001370_pre_disaster.png,0,0,39,31658,1370,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001370_pre_disaster.png,pinery-bushfire_00001370_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001370_pre_disaster.png,0,0,0,0,1370,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001371_pre_disaster.png,portugal-wildfire_00001371_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001371_pre_disaster.png,0,0,0,0,1371,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001371_pre_disaster.png,pinery-bushfire_00001371_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001371_pre_disaster.png,0,0,0,0,1371,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001372_pre_disaster.png,pinery-bushfire_00001372_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001372_pre_disaster.png,0,0,0,0,1372,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001372_pre_disaster.png,portugal-wildfire_00001372_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001372_pre_disaster.png,0,0,0,0,1372,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001373_pre_disaster.png,socal-fire_00001373_pre_disaster,0,0,train\masks\socal-fire_00001373_pre_disaster.png,0,0,0,0,1373,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001373_pre_disaster.png,portugal-wildfire_00001373_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001373_pre_disaster.png,0,0,0,0,1373,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001373_pre_disaster.png,pinery-bushfire_00001373_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001373_pre_disaster.png,0,0,2,2579,1373,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001374_pre_disaster.png,socal-fire_00001374_pre_disaster,0,0,train\masks\socal-fire_00001374_pre_disaster.png,0,0,40,60216,1374,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001374_pre_disaster.png,portugal-wildfire_00001374_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001374_pre_disaster.png,0,0,4,991,1374,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001374_pre_disaster.png,pinery-bushfire_00001374_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001374_pre_disaster.png,0,0,2,3615,1374,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001375_pre_disaster.png,portugal-wildfire_00001375_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001375_pre_disaster.png,0,0,0,0,1375,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001375_pre_disaster.png,socal-fire_00001375_pre_disaster,0,0,train\masks\socal-fire_00001375_pre_disaster.png,0,0,2,641,1375,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001375_pre_disaster.png,pinery-bushfire_00001375_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001375_pre_disaster.png,0,0,0,0,1375,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001376_pre_disaster.png,portugal-wildfire_00001376_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001376_pre_disaster.png,0,0,0,0,1376,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001376_pre_disaster.png,pinery-bushfire_00001376_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001376_pre_disaster.png,0,0,0,0,1376,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001376_pre_disaster.png,socal-fire_00001376_pre_disaster,0,0,train\masks\socal-fire_00001376_pre_disaster.png,0,0,0,0,1376,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001377_pre_disaster.png,portugal-wildfire_00001377_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001377_pre_disaster.png,0,0,0,0,1377,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001377_pre_disaster.png,pinery-bushfire_00001377_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001377_pre_disaster.png,0,0,0,0,1377,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001377_pre_disaster.png,socal-fire_00001377_pre_disaster,0,0,train\masks\socal-fire_00001377_pre_disaster.png,0,0,0,0,1377,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001378_pre_disaster.png,pinery-bushfire_00001378_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001378_pre_disaster.png,0,0,0,0,1378,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001378_pre_disaster.png,portugal-wildfire_00001378_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001378_pre_disaster.png,0,0,7,3159,1378,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001379_pre_disaster.png,portugal-wildfire_00001379_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001379_pre_disaster.png,0,0,0,0,1379,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001379_pre_disaster.png,pinery-bushfire_00001379_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001379_pre_disaster.png,0,0,18,10159,1379,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001379_pre_disaster.png,socal-fire_00001379_pre_disaster,0,0,train\masks\socal-fire_00001379_pre_disaster.png,0,0,0,0,1379,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001380_pre_disaster.png,socal-fire_00001380_pre_disaster,0,0,train\masks\socal-fire_00001380_pre_disaster.png,0,0,0,0,1380,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001380_pre_disaster.png,portugal-wildfire_00001380_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001380_pre_disaster.png,0,0,14,7550,1380,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001380_pre_disaster.png,pinery-bushfire_00001380_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001380_pre_disaster.png,0,0,1,419,1380,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001381_pre_disaster.png,pinery-bushfire_00001381_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001381_pre_disaster.png,0,0,0,0,1381,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001381_pre_disaster.png,portugal-wildfire_00001381_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001381_pre_disaster.png,0,0,1,51,1381,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001381_pre_disaster.png,socal-fire_00001381_pre_disaster,0,0,train\masks\socal-fire_00001381_pre_disaster.png,0,0,0,0,1381,2 +0,0,socal-fire,pre,train,train\images\socal-fire_00001382_pre_disaster.png,socal-fire_00001382_pre_disaster,0,0,train\masks\socal-fire_00001382_pre_disaster.png,0,0,46,44110,1382,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001382_pre_disaster.png,portugal-wildfire_00001382_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001382_pre_disaster.png,0,0,0,0,1382,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001382_pre_disaster.png,pinery-bushfire_00001382_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001382_pre_disaster.png,0,0,0,0,1382,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001383_pre_disaster.png,socal-fire_00001383_pre_disaster,0,0,train\masks\socal-fire_00001383_pre_disaster.png,0,0,0,0,1383,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001383_pre_disaster.png,portugal-wildfire_00001383_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001383_pre_disaster.png,0,0,0,0,1383,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001383_pre_disaster.png,pinery-bushfire_00001383_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001383_pre_disaster.png,0,0,0,0,1383,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001384_pre_disaster.png,pinery-bushfire_00001384_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001384_pre_disaster.png,0,0,1,35,1384,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001384_pre_disaster.png,portugal-wildfire_00001384_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001384_pre_disaster.png,0,0,1,173,1384,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001385_pre_disaster.png,socal-fire_00001385_pre_disaster,0,0,train\masks\socal-fire_00001385_pre_disaster.png,0,0,10,14590,1385,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001385_pre_disaster.png,portugal-wildfire_00001385_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001385_pre_disaster.png,0,0,0,0,1385,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001385_pre_disaster.png,pinery-bushfire_00001385_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001385_pre_disaster.png,0,0,0,0,1385,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001386_pre_disaster.png,portugal-wildfire_00001386_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001386_pre_disaster.png,0,0,0,0,1386,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001386_pre_disaster.png,socal-fire_00001386_pre_disaster,0,0,train\masks\socal-fire_00001386_pre_disaster.png,0,0,1,1960,1386,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001386_pre_disaster.png,pinery-bushfire_00001386_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001386_pre_disaster.png,0,0,1,99,1386,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001387_pre_disaster.png,pinery-bushfire_00001387_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001387_pre_disaster.png,0,0,0,0,1387,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001387_pre_disaster.png,socal-fire_00001387_pre_disaster,0,0,train\masks\socal-fire_00001387_pre_disaster.png,0,0,24,41858,1387,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001387_pre_disaster.png,portugal-wildfire_00001387_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001387_pre_disaster.png,0,0,0,0,1387,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001388_pre_disaster.png,pinery-bushfire_00001388_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001388_pre_disaster.png,0,0,0,0,1388,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001388_pre_disaster.png,portugal-wildfire_00001388_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001388_pre_disaster.png,0,0,2,421,1388,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001389_pre_disaster.png,socal-fire_00001389_pre_disaster,0,0,train\masks\socal-fire_00001389_pre_disaster.png,0,0,4,2922,1389,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001389_pre_disaster.png,pinery-bushfire_00001389_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001389_pre_disaster.png,0,0,4,764,1389,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001389_pre_disaster.png,portugal-wildfire_00001389_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001389_pre_disaster.png,0,0,0,0,1389,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001390_pre_disaster.png,socal-fire_00001390_pre_disaster,0,0,train\masks\socal-fire_00001390_pre_disaster.png,0,0,0,0,1390,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001390_pre_disaster.png,pinery-bushfire_00001390_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001390_pre_disaster.png,0,0,0,0,1390,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001390_pre_disaster.png,portugal-wildfire_00001390_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001390_pre_disaster.png,0,0,3,2743,1390,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001391_pre_disaster.png,pinery-bushfire_00001391_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001391_pre_disaster.png,0,0,0,0,1391,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001391_pre_disaster.png,portugal-wildfire_00001391_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001391_pre_disaster.png,0,0,15,10421,1391,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001391_pre_disaster.png,socal-fire_00001391_pre_disaster,0,0,train\masks\socal-fire_00001391_pre_disaster.png,0,0,0,0,1391,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001392_pre_disaster.png,pinery-bushfire_00001392_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001392_pre_disaster.png,0,0,0,0,1392,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001392_pre_disaster.png,portugal-wildfire_00001392_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001392_pre_disaster.png,0,0,12,12382,1392,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001393_pre_disaster.png,pinery-bushfire_00001393_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001393_pre_disaster.png,0,0,0,0,1393,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001393_pre_disaster.png,portugal-wildfire_00001393_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001393_pre_disaster.png,0,0,0,0,1393,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001394_pre_disaster.png,socal-fire_00001394_pre_disaster,0,0,train\masks\socal-fire_00001394_pre_disaster.png,0,0,0,0,1394,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001394_pre_disaster.png,pinery-bushfire_00001394_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001394_pre_disaster.png,0,0,0,0,1394,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001394_pre_disaster.png,portugal-wildfire_00001394_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001394_pre_disaster.png,0,0,0,0,1394,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001395_pre_disaster.png,pinery-bushfire_00001395_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001395_pre_disaster.png,0,0,0,0,1395,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001395_pre_disaster.png,portugal-wildfire_00001395_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001395_pre_disaster.png,0,0,0,0,1395,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001396_pre_disaster.png,pinery-bushfire_00001396_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001396_pre_disaster.png,0,0,12,7282,1396,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001396_pre_disaster.png,portugal-wildfire_00001396_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001396_pre_disaster.png,0,0,1,2847,1396,1 +0,0,socal-fire,pre,train,train\images\socal-fire_00001396_pre_disaster.png,socal-fire_00001396_pre_disaster,0,0,train\masks\socal-fire_00001396_pre_disaster.png,0,0,0,0,1396,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001397_pre_disaster.png,pinery-bushfire_00001397_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001397_pre_disaster.png,0,0,0,0,1397,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001397_pre_disaster.png,portugal-wildfire_00001397_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001397_pre_disaster.png,0,0,2,299,1397,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001397_pre_disaster.png,socal-fire_00001397_pre_disaster,0,0,train\masks\socal-fire_00001397_pre_disaster.png,0,0,28,43508,1397,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001398_pre_disaster.png,portugal-wildfire_00001398_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001398_pre_disaster.png,0,0,0,0,1398,4 +0,0,socal-fire,pre,train,train\images\socal-fire_00001398_pre_disaster.png,socal-fire_00001398_pre_disaster,0,0,train\masks\socal-fire_00001398_pre_disaster.png,0,0,0,0,1398,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001398_pre_disaster.png,pinery-bushfire_00001398_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001398_pre_disaster.png,0,0,0,0,1398,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001399_pre_disaster.png,pinery-bushfire_00001399_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001399_pre_disaster.png,0,0,0,0,1399,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001399_pre_disaster.png,portugal-wildfire_00001399_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001399_pre_disaster.png,0,0,69,74688,1399,0 +0,0,socal-fire,pre,train,train\images\socal-fire_00001399_pre_disaster.png,socal-fire_00001399_pre_disaster,0,0,train\masks\socal-fire_00001399_pre_disaster.png,0,0,0,0,1399,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001400_pre_disaster.png,portugal-wildfire_00001400_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001400_pre_disaster.png,0,0,33,26490,1400,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001400_pre_disaster.png,pinery-bushfire_00001400_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001400_pre_disaster.png,0,0,2,896,1400,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001401_pre_disaster.png,portugal-wildfire_00001401_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001401_pre_disaster.png,0,0,0,0,1401,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001401_pre_disaster.png,pinery-bushfire_00001401_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001401_pre_disaster.png,0,0,0,0,1401,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001402_pre_disaster.png,portugal-wildfire_00001402_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001402_pre_disaster.png,0,0,0,0,1402,3 +0,0,socal-fire,pre,train,train\images\socal-fire_00001402_pre_disaster.png,socal-fire_00001402_pre_disaster,0,0,train\masks\socal-fire_00001402_pre_disaster.png,0,0,0,0,1402,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001402_pre_disaster.png,pinery-bushfire_00001402_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001402_pre_disaster.png,0,0,0,0,1402,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001403_pre_disaster.png,pinery-bushfire_00001403_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001403_pre_disaster.png,0,0,0,0,1403,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001403_pre_disaster.png,portugal-wildfire_00001403_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001403_pre_disaster.png,0,0,0,0,1403,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001404_pre_disaster.png,pinery-bushfire_00001404_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001404_pre_disaster.png,0,0,0,0,1404,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001404_pre_disaster.png,portugal-wildfire_00001404_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001404_pre_disaster.png,0,0,41,67754,1404,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001405_pre_disaster.png,pinery-bushfire_00001405_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001405_pre_disaster.png,0,0,0,0,1405,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001405_pre_disaster.png,portugal-wildfire_00001405_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001405_pre_disaster.png,0,0,0,0,1405,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001406_pre_disaster.png,pinery-bushfire_00001406_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001406_pre_disaster.png,0,0,0,0,1406,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001406_pre_disaster.png,portugal-wildfire_00001406_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001406_pre_disaster.png,0,0,60,51189,1406,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001407_pre_disaster.png,portugal-wildfire_00001407_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001407_pre_disaster.png,0,0,0,0,1407,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001407_pre_disaster.png,pinery-bushfire_00001407_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001407_pre_disaster.png,0,0,0,0,1407,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001408_pre_disaster.png,portugal-wildfire_00001408_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001408_pre_disaster.png,0,0,2,1245,1408,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001408_pre_disaster.png,pinery-bushfire_00001408_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001408_pre_disaster.png,0,0,0,0,1408,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001409_pre_disaster.png,portugal-wildfire_00001409_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001409_pre_disaster.png,0,0,0,0,1409,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001409_pre_disaster.png,pinery-bushfire_00001409_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001409_pre_disaster.png,0,0,11,7479,1409,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001410_pre_disaster.png,pinery-bushfire_00001410_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001410_pre_disaster.png,0,0,11,7709,1410,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001410_pre_disaster.png,portugal-wildfire_00001410_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001410_pre_disaster.png,0,0,0,0,1410,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001411_pre_disaster.png,pinery-bushfire_00001411_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001411_pre_disaster.png,0,0,0,0,1411,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001411_pre_disaster.png,portugal-wildfire_00001411_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001411_pre_disaster.png,0,0,1,270,1411,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001412_pre_disaster.png,portugal-wildfire_00001412_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001412_pre_disaster.png,0,0,13,35497,1412,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001412_pre_disaster.png,pinery-bushfire_00001412_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001412_pre_disaster.png,0,0,0,0,1412,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001413_pre_disaster.png,pinery-bushfire_00001413_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001413_pre_disaster.png,0,0,0,0,1413,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001413_pre_disaster.png,portugal-wildfire_00001413_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001413_pre_disaster.png,0,0,1,176,1413,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001414_pre_disaster.png,portugal-wildfire_00001414_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001414_pre_disaster.png,0,0,65,50307,1414,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001414_pre_disaster.png,pinery-bushfire_00001414_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001414_pre_disaster.png,0,0,4,5798,1414,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001415_pre_disaster.png,portugal-wildfire_00001415_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001415_pre_disaster.png,0,0,4,1888,1415,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001415_pre_disaster.png,pinery-bushfire_00001415_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001415_pre_disaster.png,0,0,0,0,1415,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001416_pre_disaster.png,pinery-bushfire_00001416_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001416_pre_disaster.png,0,0,0,0,1416,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001416_pre_disaster.png,portugal-wildfire_00001416_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001416_pre_disaster.png,0,0,41,34990,1416,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001417_pre_disaster.png,pinery-bushfire_00001417_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001417_pre_disaster.png,0,0,0,0,1417,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001417_pre_disaster.png,portugal-wildfire_00001417_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001417_pre_disaster.png,0,0,2,319,1417,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001418_pre_disaster.png,pinery-bushfire_00001418_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001418_pre_disaster.png,0,0,0,0,1418,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001418_pre_disaster.png,portugal-wildfire_00001418_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001418_pre_disaster.png,0,0,1,675,1418,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001419_pre_disaster.png,pinery-bushfire_00001419_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001419_pre_disaster.png,0,0,0,0,1419,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001419_pre_disaster.png,portugal-wildfire_00001419_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001419_pre_disaster.png,0,0,27,29326,1419,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001420_pre_disaster.png,portugal-wildfire_00001420_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001420_pre_disaster.png,0,0,1,331,1420,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001420_pre_disaster.png,pinery-bushfire_00001420_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001420_pre_disaster.png,0,0,0,0,1420,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001421_pre_disaster.png,portugal-wildfire_00001421_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001421_pre_disaster.png,0,0,0,0,1421,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001421_pre_disaster.png,pinery-bushfire_00001421_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001421_pre_disaster.png,0,0,0,0,1421,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001422_pre_disaster.png,pinery-bushfire_00001422_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001422_pre_disaster.png,0,0,0,0,1422,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001422_pre_disaster.png,portugal-wildfire_00001422_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001422_pre_disaster.png,0,0,49,50075,1422,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001423_pre_disaster.png,pinery-bushfire_00001423_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001423_pre_disaster.png,0,0,0,0,1423,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001423_pre_disaster.png,portugal-wildfire_00001423_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001423_pre_disaster.png,0,0,13,6400,1423,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001424_pre_disaster.png,pinery-bushfire_00001424_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001424_pre_disaster.png,0,0,0,0,1424,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001424_pre_disaster.png,portugal-wildfire_00001424_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001424_pre_disaster.png,0,0,1,222,1424,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001425_pre_disaster.png,pinery-bushfire_00001425_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001425_pre_disaster.png,0,0,0,0,1425,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001425_pre_disaster.png,portugal-wildfire_00001425_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001425_pre_disaster.png,0,0,1,154,1425,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001426_pre_disaster.png,pinery-bushfire_00001426_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001426_pre_disaster.png,0,0,0,0,1426,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001426_pre_disaster.png,portugal-wildfire_00001426_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001426_pre_disaster.png,0,0,175,214387,1426,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001427_pre_disaster.png,pinery-bushfire_00001427_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001427_pre_disaster.png,0,0,0,0,1427,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001427_pre_disaster.png,portugal-wildfire_00001427_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001427_pre_disaster.png,0,0,6,4031,1427,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001428_pre_disaster.png,pinery-bushfire_00001428_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001428_pre_disaster.png,0,0,0,0,1428,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001428_pre_disaster.png,portugal-wildfire_00001428_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001428_pre_disaster.png,0,0,0,0,1428,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001429_pre_disaster.png,pinery-bushfire_00001429_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001429_pre_disaster.png,0,0,10,25104,1429,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001429_pre_disaster.png,portugal-wildfire_00001429_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001429_pre_disaster.png,0,0,37,17986,1429,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001430_pre_disaster.png,portugal-wildfire_00001430_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001430_pre_disaster.png,0,0,3,2195,1430,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001430_pre_disaster.png,pinery-bushfire_00001430_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001430_pre_disaster.png,0,0,0,0,1430,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001431_pre_disaster.png,pinery-bushfire_00001431_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001431_pre_disaster.png,0,0,0,0,1431,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001431_pre_disaster.png,portugal-wildfire_00001431_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001431_pre_disaster.png,0,0,0,0,1431,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001432_pre_disaster.png,portugal-wildfire_00001432_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001432_pre_disaster.png,0,0,0,0,1432,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001432_pre_disaster.png,pinery-bushfire_00001432_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001432_pre_disaster.png,0,0,0,0,1432,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001433_pre_disaster.png,portugal-wildfire_00001433_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001433_pre_disaster.png,0,0,2,949,1433,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001433_pre_disaster.png,pinery-bushfire_00001433_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001433_pre_disaster.png,0,0,0,0,1433,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001434_pre_disaster.png,portugal-wildfire_00001434_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001434_pre_disaster.png,0,0,6,6588,1434,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001434_pre_disaster.png,pinery-bushfire_00001434_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001434_pre_disaster.png,0,0,19,14169,1434,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001435_pre_disaster.png,pinery-bushfire_00001435_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001435_pre_disaster.png,0,0,7,4551,1435,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001435_pre_disaster.png,portugal-wildfire_00001435_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001435_pre_disaster.png,0,0,22,12345,1435,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001436_pre_disaster.png,portugal-wildfire_00001436_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001436_pre_disaster.png,0,0,47,44316,1436,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001436_pre_disaster.png,pinery-bushfire_00001436_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001436_pre_disaster.png,0,0,0,0,1436,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001437_pre_disaster.png,portugal-wildfire_00001437_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001437_pre_disaster.png,0,0,3,419,1437,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001437_pre_disaster.png,pinery-bushfire_00001437_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001437_pre_disaster.png,0,0,0,0,1437,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001438_pre_disaster.png,pinery-bushfire_00001438_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001438_pre_disaster.png,0,0,4,5229,1438,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001438_pre_disaster.png,portugal-wildfire_00001438_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001438_pre_disaster.png,0,0,16,13137,1438,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001439_pre_disaster.png,pinery-bushfire_00001439_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001439_pre_disaster.png,0,0,0,0,1439,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001439_pre_disaster.png,portugal-wildfire_00001439_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001439_pre_disaster.png,0,0,0,0,1439,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001440_pre_disaster.png,pinery-bushfire_00001440_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001440_pre_disaster.png,0,0,13,9470,1440,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001440_pre_disaster.png,portugal-wildfire_00001440_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001440_pre_disaster.png,0,0,90,68242,1440,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001441_pre_disaster.png,portugal-wildfire_00001441_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001441_pre_disaster.png,0,0,4,5845,1441,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001441_pre_disaster.png,pinery-bushfire_00001441_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001441_pre_disaster.png,0,0,0,0,1441,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001442_pre_disaster.png,pinery-bushfire_00001442_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001442_pre_disaster.png,0,0,0,0,1442,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001442_pre_disaster.png,portugal-wildfire_00001442_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001442_pre_disaster.png,0,0,5,2103,1442,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001443_pre_disaster.png,portugal-wildfire_00001443_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001443_pre_disaster.png,0,0,3,1467,1443,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001443_pre_disaster.png,pinery-bushfire_00001443_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001443_pre_disaster.png,0,0,24,25945,1443,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001444_pre_disaster.png,pinery-bushfire_00001444_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001444_pre_disaster.png,0,0,1,32,1444,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001444_pre_disaster.png,portugal-wildfire_00001444_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001444_pre_disaster.png,0,0,3,1217,1444,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001445_pre_disaster.png,portugal-wildfire_00001445_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001445_pre_disaster.png,0,0,14,22065,1445,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001445_pre_disaster.png,pinery-bushfire_00001445_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001445_pre_disaster.png,0,0,6,3972,1445,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001446_pre_disaster.png,portugal-wildfire_00001446_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001446_pre_disaster.png,0,0,0,0,1446,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001446_pre_disaster.png,pinery-bushfire_00001446_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001446_pre_disaster.png,0,0,0,0,1446,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001447_pre_disaster.png,pinery-bushfire_00001447_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001447_pre_disaster.png,0,0,4,783,1447,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001447_pre_disaster.png,portugal-wildfire_00001447_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001447_pre_disaster.png,0,0,59,55364,1447,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001448_pre_disaster.png,pinery-bushfire_00001448_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001448_pre_disaster.png,0,0,0,0,1448,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001448_pre_disaster.png,portugal-wildfire_00001448_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001448_pre_disaster.png,0,0,4,1596,1448,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001449_pre_disaster.png,portugal-wildfire_00001449_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001449_pre_disaster.png,0,0,0,0,1449,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001449_pre_disaster.png,pinery-bushfire_00001449_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001449_pre_disaster.png,0,0,0,0,1449,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001450_pre_disaster.png,portugal-wildfire_00001450_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001450_pre_disaster.png,0,0,1,980,1450,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001450_pre_disaster.png,pinery-bushfire_00001450_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001450_pre_disaster.png,0,0,6,3035,1450,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001451_pre_disaster.png,portugal-wildfire_00001451_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001451_pre_disaster.png,0,0,0,0,1451,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001451_pre_disaster.png,pinery-bushfire_00001451_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001451_pre_disaster.png,0,0,0,0,1451,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001452_pre_disaster.png,portugal-wildfire_00001452_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001452_pre_disaster.png,0,0,40,29713,1452,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001452_pre_disaster.png,pinery-bushfire_00001452_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001452_pre_disaster.png,0,0,0,0,1452,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001453_pre_disaster.png,portugal-wildfire_00001453_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001453_pre_disaster.png,0,0,0,0,1453,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001453_pre_disaster.png,pinery-bushfire_00001453_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001453_pre_disaster.png,0,0,0,0,1453,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001454_pre_disaster.png,pinery-bushfire_00001454_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001454_pre_disaster.png,0,0,0,0,1454,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001454_pre_disaster.png,portugal-wildfire_00001454_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001454_pre_disaster.png,0,0,7,5310,1454,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001455_pre_disaster.png,portugal-wildfire_00001455_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001455_pre_disaster.png,0,0,0,0,1455,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001455_pre_disaster.png,pinery-bushfire_00001455_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001455_pre_disaster.png,0,0,11,7477,1455,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001456_pre_disaster.png,pinery-bushfire_00001456_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001456_pre_disaster.png,0,0,0,0,1456,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001456_pre_disaster.png,portugal-wildfire_00001456_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001456_pre_disaster.png,0,0,0,0,1456,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001457_pre_disaster.png,pinery-bushfire_00001457_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001457_pre_disaster.png,0,0,2,885,1457,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001457_pre_disaster.png,portugal-wildfire_00001457_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001457_pre_disaster.png,0,0,0,0,1457,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001458_pre_disaster.png,pinery-bushfire_00001458_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001458_pre_disaster.png,0,0,0,0,1458,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001458_pre_disaster.png,portugal-wildfire_00001458_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001458_pre_disaster.png,0,0,0,0,1458,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001459_pre_disaster.png,pinery-bushfire_00001459_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001459_pre_disaster.png,0,0,0,0,1459,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001459_pre_disaster.png,portugal-wildfire_00001459_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001459_pre_disaster.png,0,0,10,10302,1459,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001460_pre_disaster.png,portugal-wildfire_00001460_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001460_pre_disaster.png,0,0,0,0,1460,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001460_pre_disaster.png,pinery-bushfire_00001460_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001460_pre_disaster.png,0,0,0,0,1460,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001461_pre_disaster.png,portugal-wildfire_00001461_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001461_pre_disaster.png,0,0,1,1449,1461,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001461_pre_disaster.png,pinery-bushfire_00001461_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001461_pre_disaster.png,0,0,0,0,1461,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001462_pre_disaster.png,portugal-wildfire_00001462_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001462_pre_disaster.png,0,0,0,0,1462,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001462_pre_disaster.png,pinery-bushfire_00001462_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001462_pre_disaster.png,0,0,7,5667,1462,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001463_pre_disaster.png,portugal-wildfire_00001463_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001463_pre_disaster.png,0,0,0,0,1463,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001463_pre_disaster.png,pinery-bushfire_00001463_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001463_pre_disaster.png,0,0,0,0,1463,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001464_pre_disaster.png,pinery-bushfire_00001464_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001464_pre_disaster.png,0,0,0,0,1464,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001464_pre_disaster.png,portugal-wildfire_00001464_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001464_pre_disaster.png,0,0,0,0,1464,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001465_pre_disaster.png,pinery-bushfire_00001465_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001465_pre_disaster.png,0,0,0,0,1465,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001465_pre_disaster.png,portugal-wildfire_00001465_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001465_pre_disaster.png,0,0,0,0,1465,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001466_pre_disaster.png,pinery-bushfire_00001466_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001466_pre_disaster.png,0,0,8,4276,1466,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001466_pre_disaster.png,portugal-wildfire_00001466_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001466_pre_disaster.png,0,0,19,15025,1466,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001467_pre_disaster.png,portugal-wildfire_00001467_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001467_pre_disaster.png,0,0,6,4745,1467,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001467_pre_disaster.png,pinery-bushfire_00001467_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001467_pre_disaster.png,0,0,0,0,1467,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001468_pre_disaster.png,portugal-wildfire_00001468_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001468_pre_disaster.png,0,0,4,818,1468,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001468_pre_disaster.png,pinery-bushfire_00001468_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001468_pre_disaster.png,0,0,1,690,1468,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001469_pre_disaster.png,pinery-bushfire_00001469_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001469_pre_disaster.png,0,0,0,0,1469,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001469_pre_disaster.png,portugal-wildfire_00001469_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001469_pre_disaster.png,0,0,2,711,1469,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001470_pre_disaster.png,portugal-wildfire_00001470_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001470_pre_disaster.png,0,0,2,726,1470,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001470_pre_disaster.png,pinery-bushfire_00001470_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001470_pre_disaster.png,0,0,0,0,1470,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001471_pre_disaster.png,pinery-bushfire_00001471_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001471_pre_disaster.png,0,0,0,0,1471,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001471_pre_disaster.png,portugal-wildfire_00001471_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001471_pre_disaster.png,0,0,0,0,1471,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001472_pre_disaster.png,pinery-bushfire_00001472_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001472_pre_disaster.png,0,0,0,0,1472,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001472_pre_disaster.png,portugal-wildfire_00001472_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001472_pre_disaster.png,0,0,0,0,1472,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001473_pre_disaster.png,portugal-wildfire_00001473_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001473_pre_disaster.png,0,0,0,0,1473,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001473_pre_disaster.png,pinery-bushfire_00001473_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001473_pre_disaster.png,0,0,7,5828,1473,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001474_pre_disaster.png,pinery-bushfire_00001474_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001474_pre_disaster.png,0,0,3,1737,1474,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001474_pre_disaster.png,portugal-wildfire_00001474_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001474_pre_disaster.png,0,0,4,2330,1474,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001475_pre_disaster.png,pinery-bushfire_00001475_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001475_pre_disaster.png,0,0,11,9567,1475,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001475_pre_disaster.png,portugal-wildfire_00001475_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001475_pre_disaster.png,0,0,19,25051,1475,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001476_pre_disaster.png,portugal-wildfire_00001476_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001476_pre_disaster.png,0,0,0,0,1476,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001476_pre_disaster.png,pinery-bushfire_00001476_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001476_pre_disaster.png,0,0,0,0,1476,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001477_pre_disaster.png,pinery-bushfire_00001477_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001477_pre_disaster.png,0,0,0,0,1477,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001477_pre_disaster.png,portugal-wildfire_00001477_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001477_pre_disaster.png,0,0,6,8106,1477,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001478_pre_disaster.png,pinery-bushfire_00001478_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001478_pre_disaster.png,0,0,0,0,1478,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001478_pre_disaster.png,portugal-wildfire_00001478_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001478_pre_disaster.png,0,0,0,0,1478,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001479_pre_disaster.png,pinery-bushfire_00001479_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001479_pre_disaster.png,0,0,5,6157,1479,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001479_pre_disaster.png,portugal-wildfire_00001479_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001479_pre_disaster.png,0,0,0,0,1479,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001480_pre_disaster.png,portugal-wildfire_00001480_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001480_pre_disaster.png,0,0,10,10642,1480,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001480_pre_disaster.png,pinery-bushfire_00001480_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001480_pre_disaster.png,0,0,0,0,1480,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001481_pre_disaster.png,portugal-wildfire_00001481_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001481_pre_disaster.png,0,0,4,2676,1481,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001481_pre_disaster.png,pinery-bushfire_00001481_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001481_pre_disaster.png,0,0,0,0,1481,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001482_pre_disaster.png,pinery-bushfire_00001482_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001482_pre_disaster.png,0,0,18,6278,1482,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001482_pre_disaster.png,portugal-wildfire_00001482_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001482_pre_disaster.png,0,0,34,19815,1482,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001483_pre_disaster.png,pinery-bushfire_00001483_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001483_pre_disaster.png,0,0,0,0,1483,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001483_pre_disaster.png,portugal-wildfire_00001483_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001483_pre_disaster.png,0,0,0,0,1483,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001484_pre_disaster.png,pinery-bushfire_00001484_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001484_pre_disaster.png,0,0,0,0,1484,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001484_pre_disaster.png,portugal-wildfire_00001484_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001484_pre_disaster.png,0,0,14,22783,1484,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001485_pre_disaster.png,pinery-bushfire_00001485_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001485_pre_disaster.png,0,0,0,0,1485,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001485_pre_disaster.png,portugal-wildfire_00001485_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001485_pre_disaster.png,0,0,0,0,1485,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001486_pre_disaster.png,pinery-bushfire_00001486_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001486_pre_disaster.png,0,0,1,33,1486,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001486_pre_disaster.png,portugal-wildfire_00001486_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001486_pre_disaster.png,0,0,0,0,1486,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001487_pre_disaster.png,portugal-wildfire_00001487_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001487_pre_disaster.png,0,0,9,11571,1487,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001487_pre_disaster.png,pinery-bushfire_00001487_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001487_pre_disaster.png,0,0,0,0,1487,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001488_pre_disaster.png,portugal-wildfire_00001488_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001488_pre_disaster.png,0,0,1,105,1488,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001488_pre_disaster.png,pinery-bushfire_00001488_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001488_pre_disaster.png,0,0,0,0,1488,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001489_pre_disaster.png,pinery-bushfire_00001489_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001489_pre_disaster.png,0,0,5,2045,1489,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001489_pre_disaster.png,portugal-wildfire_00001489_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001489_pre_disaster.png,0,0,2,677,1489,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001490_pre_disaster.png,portugal-wildfire_00001490_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001490_pre_disaster.png,0,0,0,0,1490,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001490_pre_disaster.png,pinery-bushfire_00001490_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001490_pre_disaster.png,0,0,0,0,1490,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001491_pre_disaster.png,pinery-bushfire_00001491_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001491_pre_disaster.png,0,0,0,0,1491,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001491_pre_disaster.png,portugal-wildfire_00001491_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001491_pre_disaster.png,0,0,2,455,1491,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001492_pre_disaster.png,portugal-wildfire_00001492_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001492_pre_disaster.png,0,0,23,20060,1492,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001492_pre_disaster.png,pinery-bushfire_00001492_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001492_pre_disaster.png,0,0,0,0,1492,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001493_pre_disaster.png,pinery-bushfire_00001493_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001493_pre_disaster.png,0,0,1,27,1493,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001493_pre_disaster.png,portugal-wildfire_00001493_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001493_pre_disaster.png,0,0,2,431,1493,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001494_pre_disaster.png,pinery-bushfire_00001494_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001494_pre_disaster.png,0,0,0,0,1494,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001494_pre_disaster.png,portugal-wildfire_00001494_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001494_pre_disaster.png,0,0,0,0,1494,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001495_pre_disaster.png,pinery-bushfire_00001495_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001495_pre_disaster.png,0,0,0,0,1495,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001495_pre_disaster.png,portugal-wildfire_00001495_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001495_pre_disaster.png,0,0,0,0,1495,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001496_pre_disaster.png,portugal-wildfire_00001496_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001496_pre_disaster.png,0,0,0,0,1496,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001496_pre_disaster.png,pinery-bushfire_00001496_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001496_pre_disaster.png,0,0,0,0,1496,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001497_pre_disaster.png,portugal-wildfire_00001497_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001497_pre_disaster.png,0,0,0,0,1497,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001497_pre_disaster.png,pinery-bushfire_00001497_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001497_pre_disaster.png,0,0,0,0,1497,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001498_pre_disaster.png,portugal-wildfire_00001498_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001498_pre_disaster.png,0,0,0,0,1498,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001498_pre_disaster.png,pinery-bushfire_00001498_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001498_pre_disaster.png,0,0,0,0,1498,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001499_pre_disaster.png,pinery-bushfire_00001499_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001499_pre_disaster.png,0,0,1,460,1499,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001499_pre_disaster.png,portugal-wildfire_00001499_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001499_pre_disaster.png,0,0,20,9414,1499,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001500_pre_disaster.png,portugal-wildfire_00001500_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001500_pre_disaster.png,0,0,16,8196,1500,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001500_pre_disaster.png,pinery-bushfire_00001500_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001500_pre_disaster.png,0,0,0,0,1500,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001501_pre_disaster.png,pinery-bushfire_00001501_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001501_pre_disaster.png,0,0,0,0,1501,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001501_pre_disaster.png,portugal-wildfire_00001501_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001501_pre_disaster.png,0,0,0,0,1501,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001502_pre_disaster.png,portugal-wildfire_00001502_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001502_pre_disaster.png,0,0,15,8164,1502,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001502_pre_disaster.png,pinery-bushfire_00001502_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001502_pre_disaster.png,0,0,1,90,1502,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001503_pre_disaster.png,pinery-bushfire_00001503_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001503_pre_disaster.png,0,0,1,187,1503,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001503_pre_disaster.png,portugal-wildfire_00001503_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001503_pre_disaster.png,0,0,0,0,1503,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001504_pre_disaster.png,pinery-bushfire_00001504_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001504_pre_disaster.png,0,0,0,0,1504,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001504_pre_disaster.png,portugal-wildfire_00001504_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001504_pre_disaster.png,0,0,20,13670,1504,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001505_pre_disaster.png,pinery-bushfire_00001505_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001505_pre_disaster.png,0,0,0,0,1505,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001505_pre_disaster.png,portugal-wildfire_00001505_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001505_pre_disaster.png,0,0,15,12298,1505,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001506_pre_disaster.png,portugal-wildfire_00001506_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001506_pre_disaster.png,0,0,7,4682,1506,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001506_pre_disaster.png,pinery-bushfire_00001506_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001506_pre_disaster.png,0,0,0,0,1506,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001507_pre_disaster.png,pinery-bushfire_00001507_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001507_pre_disaster.png,0,0,13,6057,1507,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001507_pre_disaster.png,portugal-wildfire_00001507_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001507_pre_disaster.png,0,0,0,0,1507,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001508_pre_disaster.png,portugal-wildfire_00001508_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001508_pre_disaster.png,0,0,0,0,1508,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001508_pre_disaster.png,pinery-bushfire_00001508_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001508_pre_disaster.png,0,0,0,0,1508,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001509_pre_disaster.png,pinery-bushfire_00001509_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001509_pre_disaster.png,0,0,0,0,1509,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001509_pre_disaster.png,portugal-wildfire_00001509_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001509_pre_disaster.png,0,0,5,3763,1509,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001510_pre_disaster.png,pinery-bushfire_00001510_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001510_pre_disaster.png,0,0,0,0,1510,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001510_pre_disaster.png,portugal-wildfire_00001510_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001510_pre_disaster.png,0,0,91,73313,1510,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001511_pre_disaster.png,pinery-bushfire_00001511_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001511_pre_disaster.png,0,0,0,0,1511,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001511_pre_disaster.png,portugal-wildfire_00001511_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001511_pre_disaster.png,0,0,0,0,1511,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001512_pre_disaster.png,portugal-wildfire_00001512_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001512_pre_disaster.png,0,0,107,97195,1512,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001512_pre_disaster.png,pinery-bushfire_00001512_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001512_pre_disaster.png,0,0,3,1150,1512,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001513_pre_disaster.png,portugal-wildfire_00001513_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001513_pre_disaster.png,0,0,0,0,1513,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001513_pre_disaster.png,pinery-bushfire_00001513_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001513_pre_disaster.png,0,0,0,0,1513,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001514_pre_disaster.png,portugal-wildfire_00001514_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001514_pre_disaster.png,0,0,0,0,1514,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001514_pre_disaster.png,pinery-bushfire_00001514_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001514_pre_disaster.png,0,0,0,0,1514,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001515_pre_disaster.png,portugal-wildfire_00001515_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001515_pre_disaster.png,0,0,1,243,1515,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001515_pre_disaster.png,pinery-bushfire_00001515_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001515_pre_disaster.png,0,0,9,9708,1515,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001516_pre_disaster.png,pinery-bushfire_00001516_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001516_pre_disaster.png,0,0,0,0,1516,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001516_pre_disaster.png,portugal-wildfire_00001516_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001516_pre_disaster.png,0,0,0,0,1516,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001517_pre_disaster.png,portugal-wildfire_00001517_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001517_pre_disaster.png,0,0,32,18642,1517,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001517_pre_disaster.png,pinery-bushfire_00001517_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001517_pre_disaster.png,0,0,0,0,1517,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001518_pre_disaster.png,pinery-bushfire_00001518_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001518_pre_disaster.png,0,0,0,0,1518,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001518_pre_disaster.png,portugal-wildfire_00001518_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001518_pre_disaster.png,0,0,5,2784,1518,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001519_pre_disaster.png,pinery-bushfire_00001519_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001519_pre_disaster.png,0,0,86,119836,1519,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001519_pre_disaster.png,portugal-wildfire_00001519_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001519_pre_disaster.png,0,0,32,17665,1519,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001520_pre_disaster.png,portugal-wildfire_00001520_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001520_pre_disaster.png,0,0,16,8974,1520,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001520_pre_disaster.png,pinery-bushfire_00001520_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001520_pre_disaster.png,0,0,0,0,1520,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001521_pre_disaster.png,pinery-bushfire_00001521_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001521_pre_disaster.png,0,0,0,0,1521,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001521_pre_disaster.png,portugal-wildfire_00001521_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001521_pre_disaster.png,0,0,0,0,1521,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001522_pre_disaster.png,portugal-wildfire_00001522_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001522_pre_disaster.png,0,0,2,1320,1522,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001522_pre_disaster.png,pinery-bushfire_00001522_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001522_pre_disaster.png,0,0,0,0,1522,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001523_pre_disaster.png,portugal-wildfire_00001523_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001523_pre_disaster.png,0,0,0,0,1523,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001523_pre_disaster.png,pinery-bushfire_00001523_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001523_pre_disaster.png,0,0,8,6647,1523,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001524_pre_disaster.png,portugal-wildfire_00001524_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001524_pre_disaster.png,0,0,0,0,1524,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001524_pre_disaster.png,pinery-bushfire_00001524_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001524_pre_disaster.png,0,0,0,0,1524,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001525_pre_disaster.png,portugal-wildfire_00001525_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001525_pre_disaster.png,0,0,3,1545,1525,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001525_pre_disaster.png,pinery-bushfire_00001525_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001525_pre_disaster.png,0,0,4,5769,1525,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001526_pre_disaster.png,portugal-wildfire_00001526_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001526_pre_disaster.png,0,0,5,5456,1526,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001526_pre_disaster.png,pinery-bushfire_00001526_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001526_pre_disaster.png,0,0,0,0,1526,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001527_pre_disaster.png,portugal-wildfire_00001527_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001527_pre_disaster.png,0,0,39,24328,1527,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001527_pre_disaster.png,pinery-bushfire_00001527_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001527_pre_disaster.png,0,0,0,0,1527,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001528_pre_disaster.png,portugal-wildfire_00001528_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001528_pre_disaster.png,0,0,0,0,1528,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001528_pre_disaster.png,pinery-bushfire_00001528_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001528_pre_disaster.png,0,0,1,1497,1528,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001529_pre_disaster.png,portugal-wildfire_00001529_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001529_pre_disaster.png,0,0,11,7433,1529,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001529_pre_disaster.png,pinery-bushfire_00001529_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001529_pre_disaster.png,0,0,68,53196,1529,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001530_pre_disaster.png,pinery-bushfire_00001530_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001530_pre_disaster.png,0,0,1,291,1530,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001530_pre_disaster.png,portugal-wildfire_00001530_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001530_pre_disaster.png,0,0,0,0,1530,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001531_pre_disaster.png,portugal-wildfire_00001531_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001531_pre_disaster.png,0,0,4,1882,1531,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001531_pre_disaster.png,pinery-bushfire_00001531_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001531_pre_disaster.png,0,0,0,0,1531,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001532_pre_disaster.png,portugal-wildfire_00001532_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001532_pre_disaster.png,0,0,0,0,1532,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001532_pre_disaster.png,pinery-bushfire_00001532_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001532_pre_disaster.png,0,0,0,0,1532,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001533_pre_disaster.png,pinery-bushfire_00001533_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001533_pre_disaster.png,0,0,0,0,1533,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001533_pre_disaster.png,portugal-wildfire_00001533_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001533_pre_disaster.png,0,0,0,0,1533,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001534_pre_disaster.png,portugal-wildfire_00001534_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001534_pre_disaster.png,0,0,0,0,1534,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001534_pre_disaster.png,pinery-bushfire_00001534_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001534_pre_disaster.png,0,0,1,297,1534,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001535_pre_disaster.png,portugal-wildfire_00001535_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001535_pre_disaster.png,0,0,1,60,1535,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001535_pre_disaster.png,pinery-bushfire_00001535_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001535_pre_disaster.png,0,0,0,0,1535,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001536_pre_disaster.png,portugal-wildfire_00001536_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001536_pre_disaster.png,0,0,11,10457,1536,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001536_pre_disaster.png,pinery-bushfire_00001536_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001536_pre_disaster.png,0,0,0,0,1536,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001537_pre_disaster.png,pinery-bushfire_00001537_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001537_pre_disaster.png,0,0,3,421,1537,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001537_pre_disaster.png,portugal-wildfire_00001537_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001537_pre_disaster.png,0,0,0,0,1537,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001538_pre_disaster.png,pinery-bushfire_00001538_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001538_pre_disaster.png,0,0,0,0,1538,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001538_pre_disaster.png,portugal-wildfire_00001538_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001538_pre_disaster.png,0,0,0,0,1538,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001539_pre_disaster.png,pinery-bushfire_00001539_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001539_pre_disaster.png,0,0,0,0,1539,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001539_pre_disaster.png,portugal-wildfire_00001539_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001539_pre_disaster.png,0,0,5,1146,1539,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001540_pre_disaster.png,portugal-wildfire_00001540_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001540_pre_disaster.png,0,0,0,0,1540,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001540_pre_disaster.png,pinery-bushfire_00001540_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001540_pre_disaster.png,0,0,0,0,1540,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001541_pre_disaster.png,pinery-bushfire_00001541_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001541_pre_disaster.png,0,0,0,0,1541,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001541_pre_disaster.png,portugal-wildfire_00001541_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001541_pre_disaster.png,0,0,2,590,1541,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001542_pre_disaster.png,pinery-bushfire_00001542_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001542_pre_disaster.png,0,0,11,6412,1542,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001542_pre_disaster.png,portugal-wildfire_00001542_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001542_pre_disaster.png,0,0,77,90125,1542,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001543_pre_disaster.png,portugal-wildfire_00001543_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001543_pre_disaster.png,0,0,0,0,1543,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001543_pre_disaster.png,pinery-bushfire_00001543_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001543_pre_disaster.png,0,0,3,2916,1543,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001544_pre_disaster.png,pinery-bushfire_00001544_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001544_pre_disaster.png,0,0,0,0,1544,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001544_pre_disaster.png,portugal-wildfire_00001544_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001544_pre_disaster.png,0,0,39,39712,1544,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001545_pre_disaster.png,pinery-bushfire_00001545_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001545_pre_disaster.png,0,0,0,0,1545,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001545_pre_disaster.png,portugal-wildfire_00001545_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001545_pre_disaster.png,0,0,0,0,1545,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001546_pre_disaster.png,pinery-bushfire_00001546_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001546_pre_disaster.png,0,0,0,0,1546,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001546_pre_disaster.png,portugal-wildfire_00001546_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001546_pre_disaster.png,0,0,12,7168,1546,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001547_pre_disaster.png,pinery-bushfire_00001547_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001547_pre_disaster.png,0,0,1,228,1547,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001547_pre_disaster.png,portugal-wildfire_00001547_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001547_pre_disaster.png,0,0,1,249,1547,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001548_pre_disaster.png,pinery-bushfire_00001548_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001548_pre_disaster.png,0,0,0,0,1548,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001548_pre_disaster.png,portugal-wildfire_00001548_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001548_pre_disaster.png,0,0,16,9334,1548,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001549_pre_disaster.png,portugal-wildfire_00001549_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001549_pre_disaster.png,0,0,0,0,1549,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001549_pre_disaster.png,pinery-bushfire_00001549_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001549_pre_disaster.png,0,0,0,0,1549,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001550_pre_disaster.png,portugal-wildfire_00001550_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001550_pre_disaster.png,0,0,12,2960,1550,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001550_pre_disaster.png,pinery-bushfire_00001550_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001550_pre_disaster.png,0,0,0,0,1550,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001551_pre_disaster.png,portugal-wildfire_00001551_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001551_pre_disaster.png,0,0,0,0,1551,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001551_pre_disaster.png,pinery-bushfire_00001551_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001551_pre_disaster.png,0,0,10,7767,1551,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001552_pre_disaster.png,portugal-wildfire_00001552_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001552_pre_disaster.png,0,0,1,109,1552,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001552_pre_disaster.png,pinery-bushfire_00001552_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001552_pre_disaster.png,0,0,0,0,1552,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001553_pre_disaster.png,portugal-wildfire_00001553_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001553_pre_disaster.png,0,0,4,11044,1553,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001553_pre_disaster.png,pinery-bushfire_00001553_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001553_pre_disaster.png,0,0,0,0,1553,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001554_pre_disaster.png,portugal-wildfire_00001554_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001554_pre_disaster.png,0,0,0,0,1554,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001554_pre_disaster.png,pinery-bushfire_00001554_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001554_pre_disaster.png,0,0,0,0,1554,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001555_pre_disaster.png,portugal-wildfire_00001555_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001555_pre_disaster.png,0,0,0,0,1555,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001555_pre_disaster.png,pinery-bushfire_00001555_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001555_pre_disaster.png,0,0,14,7264,1555,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001556_pre_disaster.png,pinery-bushfire_00001556_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001556_pre_disaster.png,0,0,0,0,1556,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001556_pre_disaster.png,portugal-wildfire_00001556_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001556_pre_disaster.png,0,0,37,26314,1556,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001557_pre_disaster.png,portugal-wildfire_00001557_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001557_pre_disaster.png,0,0,0,0,1557,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001557_pre_disaster.png,pinery-bushfire_00001557_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001557_pre_disaster.png,0,0,0,0,1557,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001558_pre_disaster.png,pinery-bushfire_00001558_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001558_pre_disaster.png,0,0,0,0,1558,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001558_pre_disaster.png,portugal-wildfire_00001558_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001558_pre_disaster.png,0,0,4,542,1558,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001559_pre_disaster.png,portugal-wildfire_00001559_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001559_pre_disaster.png,0,0,7,4720,1559,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001559_pre_disaster.png,pinery-bushfire_00001559_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001559_pre_disaster.png,0,0,1,1777,1559,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001560_pre_disaster.png,portugal-wildfire_00001560_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001560_pre_disaster.png,0,0,4,2004,1560,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001560_pre_disaster.png,pinery-bushfire_00001560_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001560_pre_disaster.png,0,0,0,0,1560,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001561_pre_disaster.png,portugal-wildfire_00001561_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001561_pre_disaster.png,0,0,16,11902,1561,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001561_pre_disaster.png,pinery-bushfire_00001561_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001561_pre_disaster.png,0,0,0,0,1561,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001562_pre_disaster.png,portugal-wildfire_00001562_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001562_pre_disaster.png,0,0,0,0,1562,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001562_pre_disaster.png,pinery-bushfire_00001562_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001562_pre_disaster.png,0,0,4,2982,1562,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001563_pre_disaster.png,pinery-bushfire_00001563_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001563_pre_disaster.png,0,0,1,1118,1563,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001563_pre_disaster.png,portugal-wildfire_00001563_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001563_pre_disaster.png,0,0,7,16280,1563,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001564_pre_disaster.png,portugal-wildfire_00001564_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001564_pre_disaster.png,0,0,0,0,1564,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001564_pre_disaster.png,pinery-bushfire_00001564_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001564_pre_disaster.png,0,0,0,0,1564,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001565_pre_disaster.png,portugal-wildfire_00001565_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001565_pre_disaster.png,0,0,16,11040,1565,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001565_pre_disaster.png,pinery-bushfire_00001565_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001565_pre_disaster.png,0,0,0,0,1565,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001566_pre_disaster.png,pinery-bushfire_00001566_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001566_pre_disaster.png,0,0,13,9722,1566,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001566_pre_disaster.png,portugal-wildfire_00001566_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001566_pre_disaster.png,0,0,28,21549,1566,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001567_pre_disaster.png,pinery-bushfire_00001567_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001567_pre_disaster.png,0,0,1,123,1567,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001567_pre_disaster.png,portugal-wildfire_00001567_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001567_pre_disaster.png,0,0,14,12452,1567,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001568_pre_disaster.png,pinery-bushfire_00001568_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001568_pre_disaster.png,0,0,0,0,1568,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001568_pre_disaster.png,portugal-wildfire_00001568_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001568_pre_disaster.png,0,0,8,4644,1568,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001569_pre_disaster.png,portugal-wildfire_00001569_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001569_pre_disaster.png,0,0,0,0,1569,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001569_pre_disaster.png,pinery-bushfire_00001569_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001569_pre_disaster.png,0,0,1,441,1569,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001570_pre_disaster.png,portugal-wildfire_00001570_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001570_pre_disaster.png,0,0,1,1021,1570,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001570_pre_disaster.png,pinery-bushfire_00001570_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001570_pre_disaster.png,0,0,0,0,1570,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001571_pre_disaster.png,portugal-wildfire_00001571_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001571_pre_disaster.png,0,0,5,2277,1571,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001571_pre_disaster.png,pinery-bushfire_00001571_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001571_pre_disaster.png,0,0,0,0,1571,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001572_pre_disaster.png,pinery-bushfire_00001572_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001572_pre_disaster.png,0,0,0,0,1572,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001572_pre_disaster.png,portugal-wildfire_00001572_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001572_pre_disaster.png,0,0,44,27115,1572,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001573_pre_disaster.png,portugal-wildfire_00001573_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001573_pre_disaster.png,0,0,1,1133,1573,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001573_pre_disaster.png,pinery-bushfire_00001573_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001573_pre_disaster.png,0,0,0,0,1573,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001574_pre_disaster.png,pinery-bushfire_00001574_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001574_pre_disaster.png,0,0,0,0,1574,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001574_pre_disaster.png,portugal-wildfire_00001574_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001574_pre_disaster.png,0,0,0,0,1574,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001575_pre_disaster.png,pinery-bushfire_00001575_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001575_pre_disaster.png,0,0,0,0,1575,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001575_pre_disaster.png,portugal-wildfire_00001575_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001575_pre_disaster.png,0,0,37,37198,1575,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001576_pre_disaster.png,portugal-wildfire_00001576_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001576_pre_disaster.png,0,0,0,0,1576,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001576_pre_disaster.png,pinery-bushfire_00001576_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001576_pre_disaster.png,0,0,0,0,1576,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001577_pre_disaster.png,portugal-wildfire_00001577_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001577_pre_disaster.png,0,0,0,0,1577,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001577_pre_disaster.png,pinery-bushfire_00001577_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001577_pre_disaster.png,0,0,0,0,1577,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001578_pre_disaster.png,pinery-bushfire_00001578_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001578_pre_disaster.png,0,0,0,0,1578,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001578_pre_disaster.png,portugal-wildfire_00001578_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001578_pre_disaster.png,0,0,0,0,1578,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001579_pre_disaster.png,pinery-bushfire_00001579_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001579_pre_disaster.png,0,0,0,0,1579,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001579_pre_disaster.png,portugal-wildfire_00001579_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001579_pre_disaster.png,0,0,102,156527,1579,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001580_pre_disaster.png,portugal-wildfire_00001580_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001580_pre_disaster.png,0,0,39,31292,1580,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001580_pre_disaster.png,pinery-bushfire_00001580_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001580_pre_disaster.png,0,0,0,0,1580,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001581_pre_disaster.png,portugal-wildfire_00001581_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001581_pre_disaster.png,0,0,3,1770,1581,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001581_pre_disaster.png,pinery-bushfire_00001581_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001581_pre_disaster.png,0,0,0,0,1581,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001582_pre_disaster.png,pinery-bushfire_00001582_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001582_pre_disaster.png,0,0,0,0,1582,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001582_pre_disaster.png,portugal-wildfire_00001582_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001582_pre_disaster.png,0,0,0,0,1582,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001583_pre_disaster.png,pinery-bushfire_00001583_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001583_pre_disaster.png,0,0,0,0,1583,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001583_pre_disaster.png,portugal-wildfire_00001583_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001583_pre_disaster.png,0,0,30,23843,1583,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001584_pre_disaster.png,pinery-bushfire_00001584_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001584_pre_disaster.png,0,0,0,0,1584,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001584_pre_disaster.png,portugal-wildfire_00001584_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001584_pre_disaster.png,0,0,0,0,1584,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001585_pre_disaster.png,portugal-wildfire_00001585_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001585_pre_disaster.png,0,0,60,58973,1585,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001585_pre_disaster.png,pinery-bushfire_00001585_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001585_pre_disaster.png,0,0,0,0,1585,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001586_pre_disaster.png,portugal-wildfire_00001586_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001586_pre_disaster.png,0,0,21,25128,1586,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001586_pre_disaster.png,pinery-bushfire_00001586_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001586_pre_disaster.png,0,0,0,0,1586,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001587_pre_disaster.png,portugal-wildfire_00001587_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001587_pre_disaster.png,0,0,0,0,1587,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001587_pre_disaster.png,pinery-bushfire_00001587_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001587_pre_disaster.png,0,0,0,0,1587,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001588_pre_disaster.png,pinery-bushfire_00001588_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001588_pre_disaster.png,0,0,0,0,1588,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001588_pre_disaster.png,portugal-wildfire_00001588_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001588_pre_disaster.png,0,0,17,21824,1588,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001589_pre_disaster.png,pinery-bushfire_00001589_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001589_pre_disaster.png,0,0,0,0,1589,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001589_pre_disaster.png,portugal-wildfire_00001589_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001589_pre_disaster.png,0,0,8,2074,1589,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001590_pre_disaster.png,pinery-bushfire_00001590_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001590_pre_disaster.png,0,0,0,0,1590,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001590_pre_disaster.png,portugal-wildfire_00001590_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001590_pre_disaster.png,0,0,1,322,1590,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001591_pre_disaster.png,portugal-wildfire_00001591_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001591_pre_disaster.png,0,0,3,958,1591,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001591_pre_disaster.png,pinery-bushfire_00001591_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001591_pre_disaster.png,0,0,9,7306,1591,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001592_pre_disaster.png,portugal-wildfire_00001592_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001592_pre_disaster.png,0,0,35,22336,1592,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001592_pre_disaster.png,pinery-bushfire_00001592_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001592_pre_disaster.png,0,0,0,0,1592,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001593_pre_disaster.png,pinery-bushfire_00001593_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001593_pre_disaster.png,0,0,0,0,1593,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001593_pre_disaster.png,portugal-wildfire_00001593_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001593_pre_disaster.png,0,0,15,12810,1593,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001594_pre_disaster.png,portugal-wildfire_00001594_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001594_pre_disaster.png,0,0,0,0,1594,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001594_pre_disaster.png,pinery-bushfire_00001594_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001594_pre_disaster.png,0,0,0,0,1594,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001595_pre_disaster.png,portugal-wildfire_00001595_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001595_pre_disaster.png,0,0,1,93,1595,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001595_pre_disaster.png,pinery-bushfire_00001595_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001595_pre_disaster.png,0,0,20,16672,1595,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001596_pre_disaster.png,portugal-wildfire_00001596_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001596_pre_disaster.png,0,0,27,28074,1596,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001596_pre_disaster.png,pinery-bushfire_00001596_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001596_pre_disaster.png,0,0,0,0,1596,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001597_pre_disaster.png,pinery-bushfire_00001597_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001597_pre_disaster.png,0,0,0,0,1597,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001597_pre_disaster.png,portugal-wildfire_00001597_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001597_pre_disaster.png,0,0,8,5597,1597,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001598_pre_disaster.png,pinery-bushfire_00001598_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001598_pre_disaster.png,0,0,5,3507,1598,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001598_pre_disaster.png,portugal-wildfire_00001598_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001598_pre_disaster.png,0,0,0,0,1598,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001599_pre_disaster.png,portugal-wildfire_00001599_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001599_pre_disaster.png,0,0,28,23572,1599,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001599_pre_disaster.png,pinery-bushfire_00001599_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001599_pre_disaster.png,0,0,0,0,1599,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001600_pre_disaster.png,portugal-wildfire_00001600_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001600_pre_disaster.png,0,0,0,0,1600,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001600_pre_disaster.png,pinery-bushfire_00001600_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001600_pre_disaster.png,0,0,0,0,1600,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001601_pre_disaster.png,portugal-wildfire_00001601_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001601_pre_disaster.png,0,0,0,0,1601,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001601_pre_disaster.png,pinery-bushfire_00001601_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001601_pre_disaster.png,0,0,0,0,1601,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001602_pre_disaster.png,portugal-wildfire_00001602_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001602_pre_disaster.png,0,0,0,0,1602,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001602_pre_disaster.png,pinery-bushfire_00001602_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001602_pre_disaster.png,0,0,0,0,1602,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001603_pre_disaster.png,pinery-bushfire_00001603_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001603_pre_disaster.png,0,0,0,0,1603,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001603_pre_disaster.png,portugal-wildfire_00001603_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001603_pre_disaster.png,0,0,4,2221,1603,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001604_pre_disaster.png,portugal-wildfire_00001604_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001604_pre_disaster.png,0,0,3,978,1604,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001604_pre_disaster.png,pinery-bushfire_00001604_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001604_pre_disaster.png,0,0,2,2212,1604,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001605_pre_disaster.png,portugal-wildfire_00001605_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001605_pre_disaster.png,0,0,0,0,1605,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001605_pre_disaster.png,pinery-bushfire_00001605_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001605_pre_disaster.png,0,0,0,0,1605,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001606_pre_disaster.png,portugal-wildfire_00001606_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001606_pre_disaster.png,0,0,0,0,1606,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001606_pre_disaster.png,pinery-bushfire_00001606_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001606_pre_disaster.png,0,0,0,0,1606,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001607_pre_disaster.png,portugal-wildfire_00001607_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001607_pre_disaster.png,0,0,6,1895,1607,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001607_pre_disaster.png,pinery-bushfire_00001607_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001607_pre_disaster.png,0,0,0,0,1607,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001608_pre_disaster.png,pinery-bushfire_00001608_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001608_pre_disaster.png,0,0,0,0,1608,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001608_pre_disaster.png,portugal-wildfire_00001608_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001608_pre_disaster.png,0,0,0,0,1608,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001609_pre_disaster.png,pinery-bushfire_00001609_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001609_pre_disaster.png,0,0,0,0,1609,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001609_pre_disaster.png,portugal-wildfire_00001609_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001609_pre_disaster.png,0,0,3,1002,1609,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001610_pre_disaster.png,pinery-bushfire_00001610_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001610_pre_disaster.png,0,0,2,1379,1610,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001610_pre_disaster.png,portugal-wildfire_00001610_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001610_pre_disaster.png,0,0,4,3684,1610,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001611_pre_disaster.png,portugal-wildfire_00001611_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001611_pre_disaster.png,0,0,8,5078,1611,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001611_pre_disaster.png,pinery-bushfire_00001611_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001611_pre_disaster.png,0,0,4,2469,1611,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001612_pre_disaster.png,portugal-wildfire_00001612_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001612_pre_disaster.png,0,0,8,5276,1612,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001612_pre_disaster.png,pinery-bushfire_00001612_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001612_pre_disaster.png,0,0,0,0,1612,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001613_pre_disaster.png,portugal-wildfire_00001613_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001613_pre_disaster.png,0,0,1,521,1613,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001613_pre_disaster.png,pinery-bushfire_00001613_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001613_pre_disaster.png,0,0,0,0,1613,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001614_pre_disaster.png,pinery-bushfire_00001614_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001614_pre_disaster.png,0,0,0,0,1614,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001614_pre_disaster.png,portugal-wildfire_00001614_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001614_pre_disaster.png,0,0,0,0,1614,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001615_pre_disaster.png,pinery-bushfire_00001615_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001615_pre_disaster.png,0,0,0,0,1615,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001615_pre_disaster.png,portugal-wildfire_00001615_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001615_pre_disaster.png,0,0,0,0,1615,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001616_pre_disaster.png,pinery-bushfire_00001616_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001616_pre_disaster.png,0,0,1,129,1616,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001616_pre_disaster.png,portugal-wildfire_00001616_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001616_pre_disaster.png,0,0,28,24726,1616,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001617_pre_disaster.png,portugal-wildfire_00001617_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001617_pre_disaster.png,0,0,3,1850,1617,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001617_pre_disaster.png,pinery-bushfire_00001617_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001617_pre_disaster.png,0,0,3,2208,1617,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001618_pre_disaster.png,portugal-wildfire_00001618_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001618_pre_disaster.png,0,0,0,0,1618,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001618_pre_disaster.png,pinery-bushfire_00001618_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001618_pre_disaster.png,0,0,0,0,1618,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001619_pre_disaster.png,portugal-wildfire_00001619_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001619_pre_disaster.png,0,0,17,12995,1619,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001619_pre_disaster.png,pinery-bushfire_00001619_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001619_pre_disaster.png,0,0,0,0,1619,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001620_pre_disaster.png,portugal-wildfire_00001620_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001620_pre_disaster.png,0,0,62,62037,1620,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001620_pre_disaster.png,pinery-bushfire_00001620_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001620_pre_disaster.png,0,0,0,0,1620,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001621_pre_disaster.png,pinery-bushfire_00001621_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001621_pre_disaster.png,0,0,0,0,1621,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001621_pre_disaster.png,portugal-wildfire_00001621_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001621_pre_disaster.png,0,0,0,0,1621,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001622_pre_disaster.png,pinery-bushfire_00001622_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001622_pre_disaster.png,0,0,0,0,1622,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001622_pre_disaster.png,portugal-wildfire_00001622_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001622_pre_disaster.png,0,0,16,11053,1622,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001623_pre_disaster.png,pinery-bushfire_00001623_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001623_pre_disaster.png,0,0,0,0,1623,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001623_pre_disaster.png,portugal-wildfire_00001623_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001623_pre_disaster.png,0,0,14,11983,1623,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001624_pre_disaster.png,pinery-bushfire_00001624_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001624_pre_disaster.png,0,0,0,0,1624,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001624_pre_disaster.png,portugal-wildfire_00001624_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001624_pre_disaster.png,0,0,0,0,1624,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001625_pre_disaster.png,portugal-wildfire_00001625_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001625_pre_disaster.png,0,0,2,473,1625,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001625_pre_disaster.png,pinery-bushfire_00001625_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001625_pre_disaster.png,0,0,0,0,1625,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001626_pre_disaster.png,portugal-wildfire_00001626_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001626_pre_disaster.png,0,0,17,13762,1626,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001626_pre_disaster.png,pinery-bushfire_00001626_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001626_pre_disaster.png,0,0,0,0,1626,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001627_pre_disaster.png,portugal-wildfire_00001627_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001627_pre_disaster.png,0,0,1,6902,1627,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001627_pre_disaster.png,pinery-bushfire_00001627_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001627_pre_disaster.png,0,0,0,0,1627,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001628_pre_disaster.png,portugal-wildfire_00001628_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001628_pre_disaster.png,0,0,1,128,1628,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001628_pre_disaster.png,pinery-bushfire_00001628_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001628_pre_disaster.png,0,0,0,0,1628,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001629_pre_disaster.png,portugal-wildfire_00001629_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001629_pre_disaster.png,0,0,0,0,1629,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001629_pre_disaster.png,pinery-bushfire_00001629_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001629_pre_disaster.png,0,0,0,0,1629,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001630_pre_disaster.png,pinery-bushfire_00001630_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001630_pre_disaster.png,0,0,0,0,1630,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001630_pre_disaster.png,portugal-wildfire_00001630_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001630_pre_disaster.png,0,0,2,1949,1630,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001631_pre_disaster.png,pinery-bushfire_00001631_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001631_pre_disaster.png,0,0,0,0,1631,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001631_pre_disaster.png,portugal-wildfire_00001631_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001631_pre_disaster.png,0,0,0,0,1631,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001632_pre_disaster.png,portugal-wildfire_00001632_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001632_pre_disaster.png,0,0,0,0,1632,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001632_pre_disaster.png,pinery-bushfire_00001632_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001632_pre_disaster.png,0,0,0,0,1632,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001633_pre_disaster.png,portugal-wildfire_00001633_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001633_pre_disaster.png,0,0,0,0,1633,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001633_pre_disaster.png,pinery-bushfire_00001633_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001633_pre_disaster.png,0,0,0,0,1633,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001634_pre_disaster.png,portugal-wildfire_00001634_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001634_pre_disaster.png,0,0,9,6079,1634,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001634_pre_disaster.png,pinery-bushfire_00001634_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001634_pre_disaster.png,0,0,5,2774,1634,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001635_pre_disaster.png,pinery-bushfire_00001635_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001635_pre_disaster.png,0,0,0,0,1635,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001635_pre_disaster.png,portugal-wildfire_00001635_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001635_pre_disaster.png,0,0,0,0,1635,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001636_pre_disaster.png,portugal-wildfire_00001636_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001636_pre_disaster.png,0,0,0,0,1636,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001636_pre_disaster.png,pinery-bushfire_00001636_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001636_pre_disaster.png,0,0,4,5480,1636,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001637_pre_disaster.png,pinery-bushfire_00001637_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001637_pre_disaster.png,0,0,0,0,1637,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001637_pre_disaster.png,portugal-wildfire_00001637_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001637_pre_disaster.png,0,0,0,0,1637,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001638_pre_disaster.png,portugal-wildfire_00001638_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001638_pre_disaster.png,0,0,21,8599,1638,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001638_pre_disaster.png,pinery-bushfire_00001638_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001638_pre_disaster.png,0,0,0,0,1638,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001639_pre_disaster.png,pinery-bushfire_00001639_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001639_pre_disaster.png,0,0,0,0,1639,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001639_pre_disaster.png,portugal-wildfire_00001639_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001639_pre_disaster.png,0,0,0,0,1639,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001640_pre_disaster.png,pinery-bushfire_00001640_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001640_pre_disaster.png,0,0,0,0,1640,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001640_pre_disaster.png,portugal-wildfire_00001640_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001640_pre_disaster.png,0,0,12,5884,1640,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001641_pre_disaster.png,pinery-bushfire_00001641_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001641_pre_disaster.png,0,0,0,0,1641,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001641_pre_disaster.png,portugal-wildfire_00001641_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001641_pre_disaster.png,0,0,1,914,1641,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001642_pre_disaster.png,pinery-bushfire_00001642_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001642_pre_disaster.png,0,0,0,0,1642,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001642_pre_disaster.png,portugal-wildfire_00001642_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001642_pre_disaster.png,0,0,4,2357,1642,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001643_pre_disaster.png,pinery-bushfire_00001643_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001643_pre_disaster.png,0,0,0,0,1643,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001643_pre_disaster.png,portugal-wildfire_00001643_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001643_pre_disaster.png,0,0,0,0,1643,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001644_pre_disaster.png,pinery-bushfire_00001644_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001644_pre_disaster.png,0,0,0,0,1644,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001644_pre_disaster.png,portugal-wildfire_00001644_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001644_pre_disaster.png,0,0,1,234,1644,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001645_pre_disaster.png,portugal-wildfire_00001645_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001645_pre_disaster.png,0,0,0,0,1645,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001645_pre_disaster.png,pinery-bushfire_00001645_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001645_pre_disaster.png,0,0,0,0,1645,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001646_pre_disaster.png,pinery-bushfire_00001646_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001646_pre_disaster.png,0,0,0,0,1646,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001646_pre_disaster.png,portugal-wildfire_00001646_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001646_pre_disaster.png,0,0,59,53900,1646,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001647_pre_disaster.png,pinery-bushfire_00001647_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001647_pre_disaster.png,0,0,0,0,1647,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001647_pre_disaster.png,portugal-wildfire_00001647_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001647_pre_disaster.png,0,0,0,0,1647,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001648_pre_disaster.png,pinery-bushfire_00001648_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001648_pre_disaster.png,0,0,0,0,1648,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001648_pre_disaster.png,portugal-wildfire_00001648_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001648_pre_disaster.png,0,0,0,0,1648,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001649_pre_disaster.png,pinery-bushfire_00001649_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001649_pre_disaster.png,0,0,0,0,1649,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001649_pre_disaster.png,portugal-wildfire_00001649_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001649_pre_disaster.png,0,0,25,29479,1649,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001650_pre_disaster.png,pinery-bushfire_00001650_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001650_pre_disaster.png,0,0,0,0,1650,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001650_pre_disaster.png,portugal-wildfire_00001650_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001650_pre_disaster.png,0,0,1,108,1650,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001651_pre_disaster.png,pinery-bushfire_00001651_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001651_pre_disaster.png,0,0,0,0,1651,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001651_pre_disaster.png,portugal-wildfire_00001651_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001651_pre_disaster.png,0,0,24,12934,1651,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001652_pre_disaster.png,pinery-bushfire_00001652_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001652_pre_disaster.png,0,0,0,0,1652,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001652_pre_disaster.png,portugal-wildfire_00001652_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001652_pre_disaster.png,0,0,0,0,1652,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001653_pre_disaster.png,portugal-wildfire_00001653_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001653_pre_disaster.png,0,0,0,0,1653,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001653_pre_disaster.png,pinery-bushfire_00001653_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001653_pre_disaster.png,0,0,0,0,1653,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001654_pre_disaster.png,pinery-bushfire_00001654_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001654_pre_disaster.png,0,0,0,0,1654,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001654_pre_disaster.png,portugal-wildfire_00001654_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001654_pre_disaster.png,0,0,6,837,1654,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001655_pre_disaster.png,portugal-wildfire_00001655_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001655_pre_disaster.png,0,0,21,20316,1655,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001655_pre_disaster.png,pinery-bushfire_00001655_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001655_pre_disaster.png,0,0,0,0,1655,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001656_pre_disaster.png,pinery-bushfire_00001656_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001656_pre_disaster.png,0,0,0,0,1656,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001656_pre_disaster.png,portugal-wildfire_00001656_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001656_pre_disaster.png,0,0,0,0,1656,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001657_pre_disaster.png,pinery-bushfire_00001657_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001657_pre_disaster.png,0,0,0,0,1657,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001657_pre_disaster.png,portugal-wildfire_00001657_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001657_pre_disaster.png,0,0,0,0,1657,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001658_pre_disaster.png,portugal-wildfire_00001658_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001658_pre_disaster.png,0,0,10,5106,1658,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001658_pre_disaster.png,pinery-bushfire_00001658_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001658_pre_disaster.png,0,0,0,0,1658,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001659_pre_disaster.png,portugal-wildfire_00001659_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001659_pre_disaster.png,0,0,31,30028,1659,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001659_pre_disaster.png,pinery-bushfire_00001659_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001659_pre_disaster.png,0,0,0,0,1659,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001660_pre_disaster.png,portugal-wildfire_00001660_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001660_pre_disaster.png,0,0,28,14090,1660,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001660_pre_disaster.png,pinery-bushfire_00001660_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001660_pre_disaster.png,0,0,0,0,1660,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001661_pre_disaster.png,portugal-wildfire_00001661_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001661_pre_disaster.png,0,0,2,919,1661,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001661_pre_disaster.png,pinery-bushfire_00001661_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001661_pre_disaster.png,0,0,1,127,1661,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001662_pre_disaster.png,portugal-wildfire_00001662_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001662_pre_disaster.png,0,0,0,0,1662,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001662_pre_disaster.png,pinery-bushfire_00001662_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001662_pre_disaster.png,0,0,9,1373,1662,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001663_pre_disaster.png,portugal-wildfire_00001663_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001663_pre_disaster.png,0,0,60,51799,1663,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001663_pre_disaster.png,pinery-bushfire_00001663_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001663_pre_disaster.png,0,0,0,0,1663,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001664_pre_disaster.png,portugal-wildfire_00001664_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001664_pre_disaster.png,0,0,42,26439,1664,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001664_pre_disaster.png,pinery-bushfire_00001664_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001664_pre_disaster.png,0,0,0,0,1664,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001665_pre_disaster.png,pinery-bushfire_00001665_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001665_pre_disaster.png,0,0,0,0,1665,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001665_pre_disaster.png,portugal-wildfire_00001665_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001665_pre_disaster.png,0,0,30,26788,1665,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001666_pre_disaster.png,portugal-wildfire_00001666_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001666_pre_disaster.png,0,0,0,0,1666,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001666_pre_disaster.png,pinery-bushfire_00001666_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001666_pre_disaster.png,0,0,0,0,1666,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001667_pre_disaster.png,portugal-wildfire_00001667_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001667_pre_disaster.png,0,0,9,7888,1667,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001667_pre_disaster.png,pinery-bushfire_00001667_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001667_pre_disaster.png,0,0,4,2224,1667,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001668_pre_disaster.png,pinery-bushfire_00001668_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001668_pre_disaster.png,0,0,2,1277,1668,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001668_pre_disaster.png,portugal-wildfire_00001668_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001668_pre_disaster.png,0,0,13,5759,1668,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001669_pre_disaster.png,portugal-wildfire_00001669_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001669_pre_disaster.png,0,0,10,20248,1669,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001669_pre_disaster.png,pinery-bushfire_00001669_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001669_pre_disaster.png,0,0,0,0,1669,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001670_pre_disaster.png,pinery-bushfire_00001670_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001670_pre_disaster.png,0,0,0,0,1670,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001670_pre_disaster.png,portugal-wildfire_00001670_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001670_pre_disaster.png,0,0,1,738,1670,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001671_pre_disaster.png,portugal-wildfire_00001671_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001671_pre_disaster.png,0,0,0,0,1671,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001671_pre_disaster.png,pinery-bushfire_00001671_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001671_pre_disaster.png,0,0,0,0,1671,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001672_pre_disaster.png,portugal-wildfire_00001672_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001672_pre_disaster.png,0,0,0,0,1672,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001672_pre_disaster.png,pinery-bushfire_00001672_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001672_pre_disaster.png,0,0,8,3529,1672,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001673_pre_disaster.png,portugal-wildfire_00001673_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001673_pre_disaster.png,0,0,29,55180,1673,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001673_pre_disaster.png,pinery-bushfire_00001673_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001673_pre_disaster.png,0,0,0,0,1673,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001674_pre_disaster.png,portugal-wildfire_00001674_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001674_pre_disaster.png,0,0,20,13889,1674,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001674_pre_disaster.png,pinery-bushfire_00001674_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001674_pre_disaster.png,0,0,0,0,1674,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001675_pre_disaster.png,portugal-wildfire_00001675_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001675_pre_disaster.png,0,0,72,55060,1675,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001675_pre_disaster.png,pinery-bushfire_00001675_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001675_pre_disaster.png,0,0,0,0,1675,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001676_pre_disaster.png,portugal-wildfire_00001676_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001676_pre_disaster.png,0,0,7,2673,1676,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001676_pre_disaster.png,pinery-bushfire_00001676_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001676_pre_disaster.png,0,0,0,0,1676,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001677_pre_disaster.png,pinery-bushfire_00001677_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001677_pre_disaster.png,0,0,0,0,1677,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001677_pre_disaster.png,portugal-wildfire_00001677_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001677_pre_disaster.png,0,0,24,23670,1677,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001678_pre_disaster.png,portugal-wildfire_00001678_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001678_pre_disaster.png,0,0,5,1751,1678,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001678_pre_disaster.png,pinery-bushfire_00001678_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001678_pre_disaster.png,0,0,0,0,1678,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001679_pre_disaster.png,portugal-wildfire_00001679_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001679_pre_disaster.png,0,0,25,23405,1679,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001679_pre_disaster.png,pinery-bushfire_00001679_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001679_pre_disaster.png,0,0,17,10131,1679,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001680_pre_disaster.png,portugal-wildfire_00001680_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001680_pre_disaster.png,0,0,0,0,1680,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001680_pre_disaster.png,pinery-bushfire_00001680_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001680_pre_disaster.png,0,0,0,0,1680,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001681_pre_disaster.png,portugal-wildfire_00001681_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001681_pre_disaster.png,0,0,1,423,1681,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001681_pre_disaster.png,pinery-bushfire_00001681_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001681_pre_disaster.png,0,0,1,110,1681,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001682_pre_disaster.png,portugal-wildfire_00001682_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001682_pre_disaster.png,0,0,55,54720,1682,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001682_pre_disaster.png,pinery-bushfire_00001682_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001682_pre_disaster.png,0,0,7,3531,1682,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001683_pre_disaster.png,portugal-wildfire_00001683_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001683_pre_disaster.png,0,0,26,16897,1683,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001683_pre_disaster.png,pinery-bushfire_00001683_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001683_pre_disaster.png,0,0,0,0,1683,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001684_pre_disaster.png,portugal-wildfire_00001684_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001684_pre_disaster.png,0,0,11,10120,1684,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001684_pre_disaster.png,pinery-bushfire_00001684_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001684_pre_disaster.png,0,0,12,9074,1684,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001685_pre_disaster.png,portugal-wildfire_00001685_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001685_pre_disaster.png,0,0,2,687,1685,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001685_pre_disaster.png,pinery-bushfire_00001685_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001685_pre_disaster.png,0,0,0,0,1685,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001686_pre_disaster.png,pinery-bushfire_00001686_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001686_pre_disaster.png,0,0,2,2400,1686,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001686_pre_disaster.png,portugal-wildfire_00001686_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001686_pre_disaster.png,0,0,2,1751,1686,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001687_pre_disaster.png,pinery-bushfire_00001687_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001687_pre_disaster.png,0,0,0,0,1687,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001687_pre_disaster.png,portugal-wildfire_00001687_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001687_pre_disaster.png,0,0,23,22147,1687,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001688_pre_disaster.png,portugal-wildfire_00001688_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001688_pre_disaster.png,0,0,11,2986,1688,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001688_pre_disaster.png,pinery-bushfire_00001688_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001688_pre_disaster.png,0,0,0,0,1688,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001689_pre_disaster.png,pinery-bushfire_00001689_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001689_pre_disaster.png,0,0,0,0,1689,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001689_pre_disaster.png,portugal-wildfire_00001689_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001689_pre_disaster.png,0,0,1,271,1689,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001690_pre_disaster.png,pinery-bushfire_00001690_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001690_pre_disaster.png,0,0,0,0,1690,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001690_pre_disaster.png,portugal-wildfire_00001690_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001690_pre_disaster.png,0,0,9,2868,1690,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001691_pre_disaster.png,portugal-wildfire_00001691_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001691_pre_disaster.png,0,0,3,856,1691,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001691_pre_disaster.png,pinery-bushfire_00001691_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001691_pre_disaster.png,0,0,0,0,1691,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001692_pre_disaster.png,portugal-wildfire_00001692_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001692_pre_disaster.png,0,0,6,2471,1692,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001692_pre_disaster.png,pinery-bushfire_00001692_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001692_pre_disaster.png,0,0,0,0,1692,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001693_pre_disaster.png,pinery-bushfire_00001693_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001693_pre_disaster.png,0,0,0,0,1693,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001693_pre_disaster.png,portugal-wildfire_00001693_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001693_pre_disaster.png,0,0,28,23668,1693,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001694_pre_disaster.png,pinery-bushfire_00001694_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001694_pre_disaster.png,0,0,0,0,1694,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001694_pre_disaster.png,portugal-wildfire_00001694_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001694_pre_disaster.png,0,0,7,4218,1694,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001695_pre_disaster.png,pinery-bushfire_00001695_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001695_pre_disaster.png,0,0,0,0,1695,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001695_pre_disaster.png,portugal-wildfire_00001695_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001695_pre_disaster.png,0,0,1,109,1695,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001696_pre_disaster.png,pinery-bushfire_00001696_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001696_pre_disaster.png,0,0,0,0,1696,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001696_pre_disaster.png,portugal-wildfire_00001696_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001696_pre_disaster.png,0,0,2,1134,1696,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001697_pre_disaster.png,pinery-bushfire_00001697_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001697_pre_disaster.png,0,0,0,0,1697,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001697_pre_disaster.png,portugal-wildfire_00001697_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001697_pre_disaster.png,0,0,21,10250,1697,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001698_pre_disaster.png,pinery-bushfire_00001698_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001698_pre_disaster.png,0,0,6,9984,1698,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001698_pre_disaster.png,portugal-wildfire_00001698_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001698_pre_disaster.png,0,0,3,377,1698,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001699_pre_disaster.png,pinery-bushfire_00001699_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001699_pre_disaster.png,0,0,0,0,1699,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001699_pre_disaster.png,portugal-wildfire_00001699_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001699_pre_disaster.png,0,0,26,17563,1699,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001700_pre_disaster.png,pinery-bushfire_00001700_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001700_pre_disaster.png,0,0,3,1685,1700,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001700_pre_disaster.png,portugal-wildfire_00001700_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001700_pre_disaster.png,0,0,55,43081,1700,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001701_pre_disaster.png,portugal-wildfire_00001701_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001701_pre_disaster.png,0,0,0,0,1701,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001701_pre_disaster.png,pinery-bushfire_00001701_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001701_pre_disaster.png,0,0,0,0,1701,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001702_pre_disaster.png,pinery-bushfire_00001702_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001702_pre_disaster.png,0,0,0,0,1702,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001702_pre_disaster.png,portugal-wildfire_00001702_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001702_pre_disaster.png,0,0,27,27927,1702,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001703_pre_disaster.png,pinery-bushfire_00001703_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001703_pre_disaster.png,0,0,4,388,1703,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001703_pre_disaster.png,portugal-wildfire_00001703_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001703_pre_disaster.png,0,0,37,42416,1703,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001704_pre_disaster.png,portugal-wildfire_00001704_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001704_pre_disaster.png,0,0,10,2869,1704,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001704_pre_disaster.png,pinery-bushfire_00001704_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001704_pre_disaster.png,0,0,8,6782,1704,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001705_pre_disaster.png,portugal-wildfire_00001705_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001705_pre_disaster.png,0,0,0,0,1705,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001705_pre_disaster.png,pinery-bushfire_00001705_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001705_pre_disaster.png,0,0,13,8745,1705,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001706_pre_disaster.png,pinery-bushfire_00001706_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001706_pre_disaster.png,0,0,0,0,1706,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001706_pre_disaster.png,portugal-wildfire_00001706_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001706_pre_disaster.png,0,0,0,0,1706,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001707_pre_disaster.png,pinery-bushfire_00001707_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001707_pre_disaster.png,0,0,2,559,1707,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001707_pre_disaster.png,portugal-wildfire_00001707_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001707_pre_disaster.png,0,0,23,10880,1707,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001708_pre_disaster.png,portugal-wildfire_00001708_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001708_pre_disaster.png,0,0,0,0,1708,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001708_pre_disaster.png,pinery-bushfire_00001708_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001708_pre_disaster.png,0,0,0,0,1708,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001709_pre_disaster.png,pinery-bushfire_00001709_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001709_pre_disaster.png,0,0,0,0,1709,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001709_pre_disaster.png,portugal-wildfire_00001709_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001709_pre_disaster.png,0,0,8,5568,1709,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001710_pre_disaster.png,pinery-bushfire_00001710_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001710_pre_disaster.png,0,0,0,0,1710,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001710_pre_disaster.png,portugal-wildfire_00001710_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001710_pre_disaster.png,0,0,5,3076,1710,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001711_pre_disaster.png,portugal-wildfire_00001711_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001711_pre_disaster.png,0,0,74,76513,1711,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001711_pre_disaster.png,pinery-bushfire_00001711_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001711_pre_disaster.png,0,0,0,0,1711,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001712_pre_disaster.png,pinery-bushfire_00001712_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001712_pre_disaster.png,0,0,0,0,1712,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001712_pre_disaster.png,portugal-wildfire_00001712_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001712_pre_disaster.png,0,0,0,0,1712,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001713_pre_disaster.png,pinery-bushfire_00001713_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001713_pre_disaster.png,0,0,0,0,1713,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001713_pre_disaster.png,portugal-wildfire_00001713_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001713_pre_disaster.png,0,0,0,0,1713,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001714_pre_disaster.png,portugal-wildfire_00001714_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001714_pre_disaster.png,0,0,1,298,1714,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001714_pre_disaster.png,pinery-bushfire_00001714_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001714_pre_disaster.png,0,0,0,0,1714,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001715_pre_disaster.png,portugal-wildfire_00001715_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001715_pre_disaster.png,0,0,2,649,1715,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001715_pre_disaster.png,pinery-bushfire_00001715_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001715_pre_disaster.png,0,0,0,0,1715,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001716_pre_disaster.png,pinery-bushfire_00001716_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001716_pre_disaster.png,0,0,5,2485,1716,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001716_pre_disaster.png,portugal-wildfire_00001716_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001716_pre_disaster.png,0,0,2,702,1716,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001717_pre_disaster.png,portugal-wildfire_00001717_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001717_pre_disaster.png,0,0,40,24215,1717,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001717_pre_disaster.png,pinery-bushfire_00001717_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001717_pre_disaster.png,0,0,13,9836,1717,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001718_pre_disaster.png,pinery-bushfire_00001718_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001718_pre_disaster.png,0,0,6,4062,1718,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001718_pre_disaster.png,portugal-wildfire_00001718_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001718_pre_disaster.png,0,0,1,126,1718,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001719_pre_disaster.png,pinery-bushfire_00001719_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001719_pre_disaster.png,0,0,24,5288,1719,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001719_pre_disaster.png,portugal-wildfire_00001719_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001719_pre_disaster.png,0,0,48,34533,1719,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001720_pre_disaster.png,portugal-wildfire_00001720_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001720_pre_disaster.png,0,0,4,2581,1720,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001720_pre_disaster.png,pinery-bushfire_00001720_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001720_pre_disaster.png,0,0,6,4589,1720,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001721_pre_disaster.png,portugal-wildfire_00001721_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001721_pre_disaster.png,0,0,19,13070,1721,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001721_pre_disaster.png,pinery-bushfire_00001721_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001721_pre_disaster.png,0,0,0,0,1721,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001722_pre_disaster.png,portugal-wildfire_00001722_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001722_pre_disaster.png,0,0,40,24682,1722,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001722_pre_disaster.png,pinery-bushfire_00001722_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001722_pre_disaster.png,0,0,18,9861,1722,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001723_pre_disaster.png,pinery-bushfire_00001723_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001723_pre_disaster.png,0,0,0,0,1723,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001723_pre_disaster.png,portugal-wildfire_00001723_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001723_pre_disaster.png,0,0,0,0,1723,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001724_pre_disaster.png,pinery-bushfire_00001724_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001724_pre_disaster.png,0,0,0,0,1724,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001724_pre_disaster.png,portugal-wildfire_00001724_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001724_pre_disaster.png,0,0,6,6759,1724,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001725_pre_disaster.png,pinery-bushfire_00001725_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001725_pre_disaster.png,0,0,16,10940,1725,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001725_pre_disaster.png,portugal-wildfire_00001725_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001725_pre_disaster.png,0,0,25,13886,1725,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001726_pre_disaster.png,portugal-wildfire_00001726_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001726_pre_disaster.png,0,0,1,204,1726,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001726_pre_disaster.png,pinery-bushfire_00001726_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001726_pre_disaster.png,0,0,2,327,1726,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001727_pre_disaster.png,portugal-wildfire_00001727_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001727_pre_disaster.png,0,0,13,10455,1727,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001727_pre_disaster.png,pinery-bushfire_00001727_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001727_pre_disaster.png,0,0,1,2724,1727,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001728_pre_disaster.png,pinery-bushfire_00001728_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001728_pre_disaster.png,0,0,0,0,1728,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001728_pre_disaster.png,portugal-wildfire_00001728_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001728_pre_disaster.png,0,0,0,0,1728,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001729_pre_disaster.png,portugal-wildfire_00001729_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001729_pre_disaster.png,0,0,0,0,1729,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001729_pre_disaster.png,pinery-bushfire_00001729_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001729_pre_disaster.png,0,0,0,0,1729,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001730_pre_disaster.png,portugal-wildfire_00001730_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001730_pre_disaster.png,0,0,1,150,1730,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001730_pre_disaster.png,pinery-bushfire_00001730_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001730_pre_disaster.png,0,0,0,0,1730,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001731_pre_disaster.png,portugal-wildfire_00001731_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001731_pre_disaster.png,0,0,9,4508,1731,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001731_pre_disaster.png,pinery-bushfire_00001731_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001731_pre_disaster.png,0,0,0,0,1731,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001732_pre_disaster.png,pinery-bushfire_00001732_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001732_pre_disaster.png,0,0,9,8464,1732,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001732_pre_disaster.png,portugal-wildfire_00001732_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001732_pre_disaster.png,0,0,40,27015,1732,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001733_pre_disaster.png,portugal-wildfire_00001733_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001733_pre_disaster.png,0,0,3,1442,1733,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001733_pre_disaster.png,pinery-bushfire_00001733_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001733_pre_disaster.png,0,0,0,0,1733,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001734_pre_disaster.png,portugal-wildfire_00001734_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001734_pre_disaster.png,0,0,5,1343,1734,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001734_pre_disaster.png,pinery-bushfire_00001734_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001734_pre_disaster.png,0,0,0,0,1734,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001735_pre_disaster.png,pinery-bushfire_00001735_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001735_pre_disaster.png,0,0,0,0,1735,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001735_pre_disaster.png,portugal-wildfire_00001735_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001735_pre_disaster.png,0,0,4,8256,1735,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001736_pre_disaster.png,portugal-wildfire_00001736_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001736_pre_disaster.png,0,0,0,0,1736,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001736_pre_disaster.png,pinery-bushfire_00001736_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001736_pre_disaster.png,0,0,0,0,1736,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001737_pre_disaster.png,pinery-bushfire_00001737_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001737_pre_disaster.png,0,0,0,0,1737,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001737_pre_disaster.png,portugal-wildfire_00001737_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001737_pre_disaster.png,0,0,0,0,1737,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001738_pre_disaster.png,pinery-bushfire_00001738_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001738_pre_disaster.png,0,0,0,0,1738,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001738_pre_disaster.png,portugal-wildfire_00001738_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001738_pre_disaster.png,0,0,0,0,1738,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001739_pre_disaster.png,pinery-bushfire_00001739_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001739_pre_disaster.png,0,0,0,0,1739,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001739_pre_disaster.png,portugal-wildfire_00001739_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001739_pre_disaster.png,0,0,52,31001,1739,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001740_pre_disaster.png,portugal-wildfire_00001740_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001740_pre_disaster.png,0,0,16,7572,1740,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001740_pre_disaster.png,pinery-bushfire_00001740_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001740_pre_disaster.png,0,0,0,0,1740,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001741_pre_disaster.png,pinery-bushfire_00001741_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001741_pre_disaster.png,0,0,0,0,1741,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001741_pre_disaster.png,portugal-wildfire_00001741_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001741_pre_disaster.png,0,0,6,5421,1741,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001742_pre_disaster.png,portugal-wildfire_00001742_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001742_pre_disaster.png,0,0,2,1279,1742,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001742_pre_disaster.png,pinery-bushfire_00001742_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001742_pre_disaster.png,0,0,0,0,1742,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001743_pre_disaster.png,portugal-wildfire_00001743_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001743_pre_disaster.png,0,0,32,28971,1743,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001743_pre_disaster.png,pinery-bushfire_00001743_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001743_pre_disaster.png,0,0,0,0,1743,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001744_pre_disaster.png,pinery-bushfire_00001744_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001744_pre_disaster.png,0,0,0,0,1744,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001744_pre_disaster.png,portugal-wildfire_00001744_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001744_pre_disaster.png,0,0,0,0,1744,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001745_pre_disaster.png,portugal-wildfire_00001745_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001745_pre_disaster.png,0,0,1,3968,1745,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001745_pre_disaster.png,pinery-bushfire_00001745_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001745_pre_disaster.png,0,0,6,5209,1745,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001746_pre_disaster.png,pinery-bushfire_00001746_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001746_pre_disaster.png,0,0,0,0,1746,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001746_pre_disaster.png,portugal-wildfire_00001746_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001746_pre_disaster.png,0,0,0,0,1746,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001747_pre_disaster.png,pinery-bushfire_00001747_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001747_pre_disaster.png,0,0,0,0,1747,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001747_pre_disaster.png,portugal-wildfire_00001747_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001747_pre_disaster.png,0,0,14,11411,1747,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001748_pre_disaster.png,portugal-wildfire_00001748_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001748_pre_disaster.png,0,0,7,6704,1748,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001748_pre_disaster.png,pinery-bushfire_00001748_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001748_pre_disaster.png,0,0,0,0,1748,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001749_pre_disaster.png,portugal-wildfire_00001749_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001749_pre_disaster.png,0,0,0,0,1749,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001749_pre_disaster.png,pinery-bushfire_00001749_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001749_pre_disaster.png,0,0,0,0,1749,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001750_pre_disaster.png,pinery-bushfire_00001750_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001750_pre_disaster.png,0,0,2,251,1750,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001750_pre_disaster.png,portugal-wildfire_00001750_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001750_pre_disaster.png,0,0,0,0,1750,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001751_pre_disaster.png,pinery-bushfire_00001751_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001751_pre_disaster.png,0,0,0,0,1751,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001751_pre_disaster.png,portugal-wildfire_00001751_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001751_pre_disaster.png,0,0,5,1403,1751,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001752_pre_disaster.png,portugal-wildfire_00001752_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001752_pre_disaster.png,0,0,0,0,1752,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001752_pre_disaster.png,pinery-bushfire_00001752_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001752_pre_disaster.png,0,0,20,11869,1752,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001753_pre_disaster.png,portugal-wildfire_00001753_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001753_pre_disaster.png,0,0,1,150,1753,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001753_pre_disaster.png,pinery-bushfire_00001753_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001753_pre_disaster.png,0,0,2,189,1753,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001754_pre_disaster.png,portugal-wildfire_00001754_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001754_pre_disaster.png,0,0,4,1242,1754,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001754_pre_disaster.png,pinery-bushfire_00001754_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001754_pre_disaster.png,0,0,0,0,1754,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001755_pre_disaster.png,portugal-wildfire_00001755_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001755_pre_disaster.png,0,0,10,14933,1755,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001755_pre_disaster.png,pinery-bushfire_00001755_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001755_pre_disaster.png,0,0,0,0,1755,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001756_pre_disaster.png,pinery-bushfire_00001756_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001756_pre_disaster.png,0,0,0,0,1756,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001756_pre_disaster.png,portugal-wildfire_00001756_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001756_pre_disaster.png,0,0,1,177,1756,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001757_pre_disaster.png,portugal-wildfire_00001757_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001757_pre_disaster.png,0,0,1,205,1757,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001757_pre_disaster.png,pinery-bushfire_00001757_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001757_pre_disaster.png,0,0,0,0,1757,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001758_pre_disaster.png,pinery-bushfire_00001758_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001758_pre_disaster.png,0,0,0,0,1758,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001758_pre_disaster.png,portugal-wildfire_00001758_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001758_pre_disaster.png,0,0,2,1480,1758,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001759_pre_disaster.png,pinery-bushfire_00001759_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001759_pre_disaster.png,0,0,0,0,1759,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001759_pre_disaster.png,portugal-wildfire_00001759_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001759_pre_disaster.png,0,0,0,0,1759,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001760_pre_disaster.png,pinery-bushfire_00001760_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001760_pre_disaster.png,0,0,2,557,1760,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001760_pre_disaster.png,portugal-wildfire_00001760_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001760_pre_disaster.png,0,0,10,5973,1760,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001761_pre_disaster.png,pinery-bushfire_00001761_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001761_pre_disaster.png,0,0,0,0,1761,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001761_pre_disaster.png,portugal-wildfire_00001761_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001761_pre_disaster.png,0,0,3,586,1761,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001762_pre_disaster.png,pinery-bushfire_00001762_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001762_pre_disaster.png,0,0,0,0,1762,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001762_pre_disaster.png,portugal-wildfire_00001762_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001762_pre_disaster.png,0,0,2,751,1762,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001763_pre_disaster.png,portugal-wildfire_00001763_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001763_pre_disaster.png,0,0,0,0,1763,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001763_pre_disaster.png,pinery-bushfire_00001763_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001763_pre_disaster.png,0,0,0,0,1763,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001764_pre_disaster.png,portugal-wildfire_00001764_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001764_pre_disaster.png,0,0,5,13745,1764,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001764_pre_disaster.png,pinery-bushfire_00001764_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001764_pre_disaster.png,0,0,0,0,1764,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001765_pre_disaster.png,portugal-wildfire_00001765_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001765_pre_disaster.png,0,0,3,1108,1765,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001765_pre_disaster.png,pinery-bushfire_00001765_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001765_pre_disaster.png,0,0,0,0,1765,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001766_pre_disaster.png,portugal-wildfire_00001766_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001766_pre_disaster.png,0,0,63,72507,1766,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001766_pre_disaster.png,pinery-bushfire_00001766_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001766_pre_disaster.png,0,0,0,0,1766,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001767_pre_disaster.png,portugal-wildfire_00001767_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001767_pre_disaster.png,0,0,1,39,1767,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001767_pre_disaster.png,pinery-bushfire_00001767_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001767_pre_disaster.png,0,0,0,0,1767,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001768_pre_disaster.png,portugal-wildfire_00001768_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001768_pre_disaster.png,0,0,6,3469,1768,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001768_pre_disaster.png,pinery-bushfire_00001768_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001768_pre_disaster.png,0,0,4,2107,1768,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001769_pre_disaster.png,portugal-wildfire_00001769_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001769_pre_disaster.png,0,0,0,0,1769,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001769_pre_disaster.png,pinery-bushfire_00001769_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001769_pre_disaster.png,0,0,0,0,1769,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001770_pre_disaster.png,portugal-wildfire_00001770_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001770_pre_disaster.png,0,0,1,985,1770,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001770_pre_disaster.png,pinery-bushfire_00001770_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001770_pre_disaster.png,0,0,10,8702,1770,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001771_pre_disaster.png,portugal-wildfire_00001771_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001771_pre_disaster.png,0,0,0,0,1771,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001771_pre_disaster.png,pinery-bushfire_00001771_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001771_pre_disaster.png,0,0,0,0,1771,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001772_pre_disaster.png,portugal-wildfire_00001772_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001772_pre_disaster.png,0,0,0,0,1772,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001772_pre_disaster.png,pinery-bushfire_00001772_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001772_pre_disaster.png,0,0,0,0,1772,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001773_pre_disaster.png,pinery-bushfire_00001773_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001773_pre_disaster.png,0,0,0,0,1773,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001773_pre_disaster.png,portugal-wildfire_00001773_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001773_pre_disaster.png,0,0,5,3646,1773,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001774_pre_disaster.png,pinery-bushfire_00001774_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001774_pre_disaster.png,0,0,0,0,1774,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001774_pre_disaster.png,portugal-wildfire_00001774_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001774_pre_disaster.png,0,0,0,0,1774,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001775_pre_disaster.png,pinery-bushfire_00001775_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001775_pre_disaster.png,0,0,0,0,1775,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001775_pre_disaster.png,portugal-wildfire_00001775_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001775_pre_disaster.png,0,0,0,0,1775,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001776_pre_disaster.png,pinery-bushfire_00001776_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001776_pre_disaster.png,0,0,0,0,1776,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001776_pre_disaster.png,portugal-wildfire_00001776_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001776_pre_disaster.png,0,0,0,0,1776,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001777_pre_disaster.png,pinery-bushfire_00001777_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001777_pre_disaster.png,0,0,0,0,1777,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001777_pre_disaster.png,portugal-wildfire_00001777_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001777_pre_disaster.png,0,0,12,11127,1777,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001778_pre_disaster.png,portugal-wildfire_00001778_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001778_pre_disaster.png,0,0,1,396,1778,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001778_pre_disaster.png,pinery-bushfire_00001778_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001778_pre_disaster.png,0,0,0,0,1778,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001779_pre_disaster.png,portugal-wildfire_00001779_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001779_pre_disaster.png,0,0,0,0,1779,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001779_pre_disaster.png,pinery-bushfire_00001779_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001779_pre_disaster.png,0,0,2,1528,1779,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001780_pre_disaster.png,portugal-wildfire_00001780_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001780_pre_disaster.png,0,0,1,425,1780,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001780_pre_disaster.png,pinery-bushfire_00001780_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001780_pre_disaster.png,0,0,0,0,1780,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001781_pre_disaster.png,pinery-bushfire_00001781_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001781_pre_disaster.png,0,0,1,220,1781,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001781_pre_disaster.png,portugal-wildfire_00001781_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001781_pre_disaster.png,0,0,15,20096,1781,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001782_pre_disaster.png,portugal-wildfire_00001782_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001782_pre_disaster.png,0,0,19,22970,1782,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001782_pre_disaster.png,pinery-bushfire_00001782_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001782_pre_disaster.png,0,0,0,0,1782,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001783_pre_disaster.png,portugal-wildfire_00001783_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001783_pre_disaster.png,0,0,12,6811,1783,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001783_pre_disaster.png,pinery-bushfire_00001783_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001783_pre_disaster.png,0,0,0,0,1783,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001784_pre_disaster.png,portugal-wildfire_00001784_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001784_pre_disaster.png,0,0,1,191,1784,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001784_pre_disaster.png,pinery-bushfire_00001784_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001784_pre_disaster.png,0,0,16,9779,1784,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001785_pre_disaster.png,portugal-wildfire_00001785_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001785_pre_disaster.png,0,0,0,0,1785,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001785_pre_disaster.png,pinery-bushfire_00001785_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001785_pre_disaster.png,0,0,4,5307,1785,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001786_pre_disaster.png,pinery-bushfire_00001786_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001786_pre_disaster.png,0,0,0,0,1786,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001786_pre_disaster.png,portugal-wildfire_00001786_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001786_pre_disaster.png,0,0,0,0,1786,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001787_pre_disaster.png,pinery-bushfire_00001787_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001787_pre_disaster.png,0,0,0,0,1787,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001787_pre_disaster.png,portugal-wildfire_00001787_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001787_pre_disaster.png,0,0,22,19441,1787,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001788_pre_disaster.png,pinery-bushfire_00001788_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001788_pre_disaster.png,0,0,0,0,1788,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001788_pre_disaster.png,portugal-wildfire_00001788_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001788_pre_disaster.png,0,0,0,0,1788,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001789_pre_disaster.png,portugal-wildfire_00001789_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001789_pre_disaster.png,0,0,11,6463,1789,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001789_pre_disaster.png,pinery-bushfire_00001789_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001789_pre_disaster.png,0,0,0,0,1789,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001790_pre_disaster.png,portugal-wildfire_00001790_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001790_pre_disaster.png,0,0,0,0,1790,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001790_pre_disaster.png,pinery-bushfire_00001790_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001790_pre_disaster.png,0,0,3,522,1790,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001791_pre_disaster.png,pinery-bushfire_00001791_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001791_pre_disaster.png,0,0,0,0,1791,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001791_pre_disaster.png,portugal-wildfire_00001791_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001791_pre_disaster.png,0,0,2,3175,1791,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001792_pre_disaster.png,pinery-bushfire_00001792_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001792_pre_disaster.png,0,0,6,4374,1792,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001792_pre_disaster.png,portugal-wildfire_00001792_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001792_pre_disaster.png,0,0,8,8408,1792,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001793_pre_disaster.png,pinery-bushfire_00001793_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001793_pre_disaster.png,0,0,0,0,1793,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001793_pre_disaster.png,portugal-wildfire_00001793_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001793_pre_disaster.png,0,0,26,21131,1793,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001794_pre_disaster.png,pinery-bushfire_00001794_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001794_pre_disaster.png,0,0,8,6970,1794,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001794_pre_disaster.png,portugal-wildfire_00001794_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001794_pre_disaster.png,0,0,3,825,1794,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001795_pre_disaster.png,portugal-wildfire_00001795_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001795_pre_disaster.png,0,0,0,0,1795,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001795_pre_disaster.png,pinery-bushfire_00001795_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001795_pre_disaster.png,0,0,0,0,1795,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001796_pre_disaster.png,portugal-wildfire_00001796_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001796_pre_disaster.png,0,0,1,171,1796,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001796_pre_disaster.png,pinery-bushfire_00001796_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001796_pre_disaster.png,0,0,1,316,1796,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001797_pre_disaster.png,pinery-bushfire_00001797_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001797_pre_disaster.png,0,0,13,17713,1797,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001797_pre_disaster.png,portugal-wildfire_00001797_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001797_pre_disaster.png,0,0,19,14441,1797,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001798_pre_disaster.png,pinery-bushfire_00001798_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001798_pre_disaster.png,0,0,0,0,1798,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001798_pre_disaster.png,portugal-wildfire_00001798_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001798_pre_disaster.png,0,0,47,40922,1798,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001799_pre_disaster.png,portugal-wildfire_00001799_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001799_pre_disaster.png,0,0,0,0,1799,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001799_pre_disaster.png,pinery-bushfire_00001799_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001799_pre_disaster.png,0,0,0,0,1799,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001800_pre_disaster.png,pinery-bushfire_00001800_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001800_pre_disaster.png,0,0,0,0,1800,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001800_pre_disaster.png,portugal-wildfire_00001800_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001800_pre_disaster.png,0,0,27,19916,1800,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001801_pre_disaster.png,portugal-wildfire_00001801_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001801_pre_disaster.png,0,0,34,26202,1801,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001801_pre_disaster.png,pinery-bushfire_00001801_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001801_pre_disaster.png,0,0,4,6048,1801,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001802_pre_disaster.png,pinery-bushfire_00001802_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001802_pre_disaster.png,0,0,7,2004,1802,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001802_pre_disaster.png,portugal-wildfire_00001802_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001802_pre_disaster.png,0,0,2,432,1802,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001803_pre_disaster.png,portugal-wildfire_00001803_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001803_pre_disaster.png,0,0,0,0,1803,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001803_pre_disaster.png,pinery-bushfire_00001803_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001803_pre_disaster.png,0,0,0,0,1803,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001804_pre_disaster.png,pinery-bushfire_00001804_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001804_pre_disaster.png,0,0,5,1364,1804,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001804_pre_disaster.png,portugal-wildfire_00001804_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001804_pre_disaster.png,0,0,12,6834,1804,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001805_pre_disaster.png,pinery-bushfire_00001805_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001805_pre_disaster.png,0,0,0,0,1805,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001805_pre_disaster.png,portugal-wildfire_00001805_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001805_pre_disaster.png,0,0,28,31213,1805,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001806_pre_disaster.png,pinery-bushfire_00001806_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001806_pre_disaster.png,0,0,0,0,1806,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001806_pre_disaster.png,portugal-wildfire_00001806_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001806_pre_disaster.png,0,0,8,16843,1806,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001807_pre_disaster.png,pinery-bushfire_00001807_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001807_pre_disaster.png,0,0,0,0,1807,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001807_pre_disaster.png,portugal-wildfire_00001807_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001807_pre_disaster.png,0,0,0,0,1807,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001808_pre_disaster.png,pinery-bushfire_00001808_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001808_pre_disaster.png,0,0,0,0,1808,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001808_pre_disaster.png,portugal-wildfire_00001808_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001808_pre_disaster.png,0,0,3,1348,1808,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001809_pre_disaster.png,portugal-wildfire_00001809_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001809_pre_disaster.png,0,0,0,0,1809,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001809_pre_disaster.png,pinery-bushfire_00001809_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001809_pre_disaster.png,0,0,2,203,1809,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001810_pre_disaster.png,portugal-wildfire_00001810_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001810_pre_disaster.png,0,0,0,0,1810,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001810_pre_disaster.png,pinery-bushfire_00001810_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001810_pre_disaster.png,0,0,0,0,1810,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001811_pre_disaster.png,pinery-bushfire_00001811_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001811_pre_disaster.png,0,0,0,0,1811,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001811_pre_disaster.png,portugal-wildfire_00001811_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001811_pre_disaster.png,0,0,0,0,1811,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001812_pre_disaster.png,portugal-wildfire_00001812_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001812_pre_disaster.png,0,0,0,0,1812,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001812_pre_disaster.png,pinery-bushfire_00001812_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001812_pre_disaster.png,0,0,0,0,1812,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001813_pre_disaster.png,portugal-wildfire_00001813_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001813_pre_disaster.png,0,0,9,5039,1813,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001813_pre_disaster.png,pinery-bushfire_00001813_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001813_pre_disaster.png,0,0,2,1898,1813,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001814_pre_disaster.png,portugal-wildfire_00001814_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001814_pre_disaster.png,0,0,0,0,1814,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001814_pre_disaster.png,pinery-bushfire_00001814_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001814_pre_disaster.png,0,0,0,0,1814,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001815_pre_disaster.png,portugal-wildfire_00001815_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001815_pre_disaster.png,0,0,0,0,1815,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001815_pre_disaster.png,pinery-bushfire_00001815_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001815_pre_disaster.png,0,0,0,0,1815,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001816_pre_disaster.png,portugal-wildfire_00001816_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001816_pre_disaster.png,0,0,29,22540,1816,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001816_pre_disaster.png,pinery-bushfire_00001816_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001816_pre_disaster.png,0,0,0,0,1816,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001817_pre_disaster.png,portugal-wildfire_00001817_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001817_pre_disaster.png,0,0,27,19875,1817,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001817_pre_disaster.png,pinery-bushfire_00001817_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001817_pre_disaster.png,0,0,0,0,1817,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001818_pre_disaster.png,pinery-bushfire_00001818_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001818_pre_disaster.png,0,0,0,0,1818,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001818_pre_disaster.png,portugal-wildfire_00001818_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001818_pre_disaster.png,0,0,7,3819,1818,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001819_pre_disaster.png,pinery-bushfire_00001819_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001819_pre_disaster.png,0,0,0,0,1819,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001819_pre_disaster.png,portugal-wildfire_00001819_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001819_pre_disaster.png,0,0,0,0,1819,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001820_pre_disaster.png,pinery-bushfire_00001820_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001820_pre_disaster.png,0,0,0,0,1820,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001820_pre_disaster.png,portugal-wildfire_00001820_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001820_pre_disaster.png,0,0,86,44065,1820,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001821_pre_disaster.png,pinery-bushfire_00001821_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001821_pre_disaster.png,0,0,10,13849,1821,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001821_pre_disaster.png,portugal-wildfire_00001821_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001821_pre_disaster.png,0,0,0,0,1821,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001822_pre_disaster.png,pinery-bushfire_00001822_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001822_pre_disaster.png,0,0,14,12640,1822,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001822_pre_disaster.png,portugal-wildfire_00001822_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001822_pre_disaster.png,0,0,21,8347,1822,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001823_pre_disaster.png,pinery-bushfire_00001823_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001823_pre_disaster.png,0,0,0,0,1823,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001823_pre_disaster.png,portugal-wildfire_00001823_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001823_pre_disaster.png,0,0,1,878,1823,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001824_pre_disaster.png,pinery-bushfire_00001824_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001824_pre_disaster.png,0,0,0,0,1824,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001824_pre_disaster.png,portugal-wildfire_00001824_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001824_pre_disaster.png,0,0,1,62,1824,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001825_pre_disaster.png,pinery-bushfire_00001825_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001825_pre_disaster.png,0,0,0,0,1825,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001825_pre_disaster.png,portugal-wildfire_00001825_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001825_pre_disaster.png,0,0,5,2363,1825,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001826_pre_disaster.png,portugal-wildfire_00001826_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001826_pre_disaster.png,0,0,9,8428,1826,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001826_pre_disaster.png,pinery-bushfire_00001826_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001826_pre_disaster.png,0,0,0,0,1826,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001827_pre_disaster.png,pinery-bushfire_00001827_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001827_pre_disaster.png,0,0,0,0,1827,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001827_pre_disaster.png,portugal-wildfire_00001827_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001827_pre_disaster.png,0,0,0,0,1827,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001828_pre_disaster.png,portugal-wildfire_00001828_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001828_pre_disaster.png,0,0,13,6749,1828,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001828_pre_disaster.png,pinery-bushfire_00001828_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001828_pre_disaster.png,0,0,0,0,1828,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001829_pre_disaster.png,portugal-wildfire_00001829_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001829_pre_disaster.png,0,0,0,0,1829,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001829_pre_disaster.png,pinery-bushfire_00001829_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001829_pre_disaster.png,0,0,0,0,1829,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001830_pre_disaster.png,portugal-wildfire_00001830_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001830_pre_disaster.png,0,0,9,3030,1830,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001830_pre_disaster.png,pinery-bushfire_00001830_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001830_pre_disaster.png,0,0,0,0,1830,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001831_pre_disaster.png,pinery-bushfire_00001831_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001831_pre_disaster.png,0,0,0,0,1831,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001831_pre_disaster.png,portugal-wildfire_00001831_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001831_pre_disaster.png,0,0,0,0,1831,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001832_pre_disaster.png,pinery-bushfire_00001832_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001832_pre_disaster.png,0,0,0,0,1832,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001832_pre_disaster.png,portugal-wildfire_00001832_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001832_pre_disaster.png,0,0,0,0,1832,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001833_pre_disaster.png,pinery-bushfire_00001833_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001833_pre_disaster.png,0,0,9,3984,1833,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001833_pre_disaster.png,portugal-wildfire_00001833_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001833_pre_disaster.png,0,0,1,188,1833,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001834_pre_disaster.png,pinery-bushfire_00001834_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001834_pre_disaster.png,0,0,1,156,1834,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001834_pre_disaster.png,portugal-wildfire_00001834_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001834_pre_disaster.png,0,0,0,0,1834,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001835_pre_disaster.png,portugal-wildfire_00001835_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001835_pre_disaster.png,0,0,0,0,1835,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001835_pre_disaster.png,pinery-bushfire_00001835_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001835_pre_disaster.png,0,0,0,0,1835,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001836_pre_disaster.png,portugal-wildfire_00001836_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001836_pre_disaster.png,0,0,0,0,1836,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001836_pre_disaster.png,pinery-bushfire_00001836_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001836_pre_disaster.png,0,0,0,0,1836,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001837_pre_disaster.png,portugal-wildfire_00001837_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001837_pre_disaster.png,0,0,1,815,1837,0 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001837_pre_disaster.png,pinery-bushfire_00001837_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001837_pre_disaster.png,0,0,0,0,1837,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001838_pre_disaster.png,portugal-wildfire_00001838_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001838_pre_disaster.png,0,0,1,115,1838,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001838_pre_disaster.png,pinery-bushfire_00001838_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001838_pre_disaster.png,0,0,0,0,1838,3 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001839_pre_disaster.png,pinery-bushfire_00001839_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001839_pre_disaster.png,0,0,4,511,1839,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001839_pre_disaster.png,portugal-wildfire_00001839_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001839_pre_disaster.png,0,0,0,0,1839,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001840_pre_disaster.png,portugal-wildfire_00001840_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001840_pre_disaster.png,0,0,0,0,1840,4 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001840_pre_disaster.png,pinery-bushfire_00001840_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001840_pre_disaster.png,0,0,0,0,1840,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001841_pre_disaster.png,portugal-wildfire_00001841_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001841_pre_disaster.png,0,0,26,16661,1841,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001841_pre_disaster.png,pinery-bushfire_00001841_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001841_pre_disaster.png,0,0,0,0,1841,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001842_pre_disaster.png,pinery-bushfire_00001842_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001842_pre_disaster.png,0,0,0,0,1842,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001842_pre_disaster.png,portugal-wildfire_00001842_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001842_pre_disaster.png,0,0,48,32587,1842,2 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001843_pre_disaster.png,pinery-bushfire_00001843_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001843_pre_disaster.png,0,0,0,0,1843,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001843_pre_disaster.png,portugal-wildfire_00001843_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001843_pre_disaster.png,0,0,42,35724,1843,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001844_pre_disaster.png,portugal-wildfire_00001844_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001844_pre_disaster.png,0,0,3,1260,1844,1 +0,0,pinery-bushfire,pre,tier3,tier3\images\pinery-bushfire_00001844_pre_disaster.png,pinery-bushfire_00001844_pre_disaster,0,0,tier3\masks\pinery-bushfire_00001844_pre_disaster.png,0,0,0,0,1844,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001845_pre_disaster.png,portugal-wildfire_00001845_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001845_pre_disaster.png,0,0,16,14514,1845,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001846_pre_disaster.png,portugal-wildfire_00001846_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001846_pre_disaster.png,0,0,3,2036,1846,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001847_pre_disaster.png,portugal-wildfire_00001847_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001847_pre_disaster.png,0,0,0,0,1847,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001848_pre_disaster.png,portugal-wildfire_00001848_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001848_pre_disaster.png,0,0,0,0,1848,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001849_pre_disaster.png,portugal-wildfire_00001849_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001849_pre_disaster.png,0,0,0,0,1849,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001850_pre_disaster.png,portugal-wildfire_00001850_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001850_pre_disaster.png,0,0,0,0,1850,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001851_pre_disaster.png,portugal-wildfire_00001851_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001851_pre_disaster.png,0,0,1,432,1851,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001852_pre_disaster.png,portugal-wildfire_00001852_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001852_pre_disaster.png,0,0,6,2340,1852,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001853_pre_disaster.png,portugal-wildfire_00001853_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001853_pre_disaster.png,0,0,0,0,1853,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001854_pre_disaster.png,portugal-wildfire_00001854_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001854_pre_disaster.png,0,0,1,183,1854,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001855_pre_disaster.png,portugal-wildfire_00001855_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001855_pre_disaster.png,0,0,31,21229,1855,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001856_pre_disaster.png,portugal-wildfire_00001856_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001856_pre_disaster.png,0,0,11,12145,1856,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001857_pre_disaster.png,portugal-wildfire_00001857_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001857_pre_disaster.png,0,0,0,0,1857,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001858_pre_disaster.png,portugal-wildfire_00001858_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001858_pre_disaster.png,0,0,52,40792,1858,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001859_pre_disaster.png,portugal-wildfire_00001859_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001859_pre_disaster.png,0,0,10,9005,1859,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001860_pre_disaster.png,portugal-wildfire_00001860_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001860_pre_disaster.png,0,0,1,701,1860,2 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001861_pre_disaster.png,portugal-wildfire_00001861_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001861_pre_disaster.png,0,0,48,29511,1861,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001862_pre_disaster.png,portugal-wildfire_00001862_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001862_pre_disaster.png,0,0,0,0,1862,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001863_pre_disaster.png,portugal-wildfire_00001863_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001863_pre_disaster.png,0,0,1,629,1863,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001864_pre_disaster.png,portugal-wildfire_00001864_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001864_pre_disaster.png,0,0,7,1289,1864,0 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001865_pre_disaster.png,portugal-wildfire_00001865_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001865_pre_disaster.png,0,0,0,0,1865,1 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001866_pre_disaster.png,portugal-wildfire_00001866_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001866_pre_disaster.png,0,0,4,931,1866,4 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001867_pre_disaster.png,portugal-wildfire_00001867_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001867_pre_disaster.png,0,0,0,0,1867,3 +0,0,portugal-wildfire,pre,tier3,tier3\images\portugal-wildfire_00001868_pre_disaster.png,portugal-wildfire_00001868_pre_disaster,0,0,tier3\masks\portugal-wildfire_00001868_pre_disaster.png,0,0,0,0,1868,1 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000000_post_disaster.png,guatemala-volcano_00000000_post_disaster,0,0,train\masks\guatemala-volcano_00000000_post_disaster.png,0,0,9,15938,0,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000000_post_disaster.png,hurricane-harvey_00000000_post_disaster,21,39325,train\masks\hurricane-harvey_00000000_post_disaster.png,7,10806,0,0,0,3 +3,562,hurricane-matthew,post,train,train\images\hurricane-matthew_00000000_post_disaster.png,hurricane-matthew_00000000_post_disaster,15,26569,train\masks\hurricane-matthew_00000000_post_disaster.png,2,608,3,756,0,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000000_post_disaster.png,hurricane-michael_00000000_post_disaster,10,13721,train\masks\hurricane-michael_00000000_post_disaster.png,0,0,43,49196,0,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000000_post_disaster.png,mexico-earthquake_00000000_post_disaster,2,7004,train\masks\mexico-earthquake_00000000_post_disaster.png,0,0,194,440600,0,0 +9,2842,palu-tsunami,post,train,train\images\palu-tsunami_00000000_post_disaster.png,palu-tsunami_00000000_post_disaster,0,0,train\masks\palu-tsunami_00000000_post_disaster.png,1,472,58,65098,0,1 +3,4191,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000000_post_disaster.png,woolsey-fire_00000000_post_disaster,0,0,tier3\masks\woolsey-fire_00000000_post_disaster.png,0,0,0,0,0,3 +102,93892,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000000_post_disaster.png,joplin-tornado_00000000_post_disaster,43,55546,tier3\masks\joplin-tornado_00000000_post_disaster.png,27,39783,13,8269,0,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000000_post_disaster.png,lower-puna-volcano_00000000_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000000_post_disaster.png,0,0,1,140,0,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000000_post_disaster.png,moore-tornado_00000000_post_disaster,0,0,tier3\masks\moore-tornado_00000000_post_disaster.png,0,0,53,90639,0,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000000_post_disaster.png,nepal-flooding_00000000_post_disaster,0,0,tier3\masks\nepal-flooding_00000000_post_disaster.png,0,0,0,0,0,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000000_post_disaster.png,pinery-bushfire_00000000_post_disaster,0,0,tier3\masks\pinery-bushfire_00000000_post_disaster.png,0,0,0,0,0,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000000_post_disaster.png,tuscaloosa-tornado_00000000_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000000_post_disaster.png,0,0,8,17842,0,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000000_post_disaster.png,sunda-tsunami_00000000_post_disaster,0,0,tier3\masks\sunda-tsunami_00000000_post_disaster.png,0,0,0,0,0,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000000_post_disaster.png,hurricane-florence_00000000_post_disaster,0,0,train\masks\hurricane-florence_00000000_post_disaster.png,0,0,103,138344,0,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000000_post_disaster.png,portugal-wildfire_00000000_post_disaster,0,0,tier3\masks\portugal-wildfire_00000000_post_disaster.png,0,0,5,2059,0,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000001_post_disaster.png,hurricane-harvey_00000001_post_disaster,28,93393,train\masks\hurricane-harvey_00000001_post_disaster.png,7,17088,39,101807,1,4 +3,1258,palu-tsunami,post,train,train\images\palu-tsunami_00000001_post_disaster.png,palu-tsunami_00000001_post_disaster,0,0,train\masks\palu-tsunami_00000001_post_disaster.png,2,1232,26,20980,1,3 +4,1496,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000001_post_disaster.png,tuscaloosa-tornado_00000001_post_disaster,2,2325,tier3\masks\tuscaloosa-tornado_00000001_post_disaster.png,2,1340,2,2407,1,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000001_post_disaster.png,guatemala-volcano_00000001_post_disaster,4,2560,train\masks\guatemala-volcano_00000001_post_disaster.png,0,0,0,0,1,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000001_post_disaster.png,sunda-tsunami_00000001_post_disaster,0,0,tier3\masks\sunda-tsunami_00000001_post_disaster.png,0,0,196,234361,1,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000001_post_disaster.png,nepal-flooding_00000001_post_disaster,0,0,tier3\masks\nepal-flooding_00000001_post_disaster.png,0,0,56,40133,1,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000001_post_disaster.png,socal-fire_00000001_post_disaster,0,0,train\masks\socal-fire_00000001_post_disaster.png,0,0,0,0,1,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000001_post_disaster.png,woolsey-fire_00000001_post_disaster,0,0,tier3\masks\woolsey-fire_00000001_post_disaster.png,0,0,0,0,1,1 +69,61041,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000001_post_disaster.png,joplin-tornado_00000001_post_disaster,72,81449,tier3\masks\joplin-tornado_00000001_post_disaster.png,27,33212,28,18831,1,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000001_post_disaster.png,moore-tornado_00000001_post_disaster,0,0,tier3\masks\moore-tornado_00000001_post_disaster.png,0,0,0,0,1,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000001_post_disaster.png,lower-puna-volcano_00000001_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000001_post_disaster.png,0,0,4,1853,1,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000001_post_disaster.png,midwest-flooding_00000001_post_disaster,0,0,train\masks\midwest-flooding_00000001_post_disaster.png,0,0,131,139766,1,0 +1,56,hurricane-matthew,post,train,train\images\hurricane-matthew_00000001_post_disaster.png,hurricane-matthew_00000001_post_disaster,1,452,train\masks\hurricane-matthew_00000001_post_disaster.png,0,0,0,0,1,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000001_post_disaster.png,portugal-wildfire_00000001_post_disaster,0,0,tier3\masks\portugal-wildfire_00000001_post_disaster.png,0,0,50,34399,1,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000001_post_disaster.png,hurricane-florence_00000001_post_disaster,2,2482,train\masks\hurricane-florence_00000001_post_disaster.png,0,0,87,98460,1,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000001_post_disaster.png,hurricane-michael_00000001_post_disaster,43,71364,train\masks\hurricane-michael_00000001_post_disaster.png,0,0,50,82434,1,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000001_post_disaster.png,pinery-bushfire_00000001_post_disaster,0,0,tier3\masks\pinery-bushfire_00000001_post_disaster.png,0,0,1,88,1,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000001_post_disaster.png,mexico-earthquake_00000001_post_disaster,0,0,train\masks\mexico-earthquake_00000001_post_disaster.png,0,0,97,211394,1,2 +1,199,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000002_post_disaster.png,woolsey-fire_00000002_post_disaster,2,123,tier3\masks\woolsey-fire_00000002_post_disaster.png,0,0,4,5903,2,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000002_post_disaster.png,hurricane-florence_00000002_post_disaster,0,0,train\masks\hurricane-florence_00000002_post_disaster.png,0,0,6,2839,2,2 +14,9804,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000002_post_disaster.png,joplin-tornado_00000002_post_disaster,39,41166,tier3\masks\joplin-tornado_00000002_post_disaster.png,6,7082,43,34934,2,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000002_post_disaster.png,portugal-wildfire_00000002_post_disaster,0,0,tier3\masks\portugal-wildfire_00000002_post_disaster.png,0,0,0,0,2,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000002_post_disaster.png,lower-puna-volcano_00000002_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000002_post_disaster.png,0,0,2,103,2,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000002_post_disaster.png,tuscaloosa-tornado_00000002_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000002_post_disaster.png,0,0,23,61212,2,4 +1,2498,guatemala-volcano,post,train,train\images\guatemala-volcano_00000002_post_disaster.png,guatemala-volcano_00000002_post_disaster,0,0,train\masks\guatemala-volcano_00000002_post_disaster.png,0,0,0,0,2,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000002_post_disaster.png,hurricane-harvey_00000002_post_disaster,3,28398,train\masks\hurricane-harvey_00000002_post_disaster.png,1,15242,61,431808,2,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000002_post_disaster.png,moore-tornado_00000002_post_disaster,0,0,tier3\masks\moore-tornado_00000002_post_disaster.png,0,0,9,11244,2,0 +27,31712,palu-tsunami,post,train,train\images\palu-tsunami_00000002_post_disaster.png,palu-tsunami_00000002_post_disaster,0,0,train\masks\palu-tsunami_00000002_post_disaster.png,9,11518,121,195362,2,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000002_post_disaster.png,nepal-flooding_00000002_post_disaster,8,1779,tier3\masks\nepal-flooding_00000002_post_disaster.png,0,0,35,21333,2,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000002_post_disaster.png,santa-rosa-wildfire_00000002_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000002_post_disaster.png,0,0,92,79990,2,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000002_post_disaster.png,pinery-bushfire_00000002_post_disaster,0,0,tier3\masks\pinery-bushfire_00000002_post_disaster.png,0,0,7,1846,2,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000002_post_disaster.png,sunda-tsunami_00000002_post_disaster,0,0,tier3\masks\sunda-tsunami_00000002_post_disaster.png,0,0,53,41617,2,3 +1,141,hurricane-matthew,post,train,train\images\hurricane-matthew_00000002_post_disaster.png,hurricane-matthew_00000002_post_disaster,18,5809,train\masks\hurricane-matthew_00000002_post_disaster.png,4,534,4,1031,2,2 +4,2081,midwest-flooding,post,train,train\images\midwest-flooding_00000002_post_disaster.png,midwest-flooding_00000002_post_disaster,0,0,train\masks\midwest-flooding_00000002_post_disaster.png,1,240,6,14210,2,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000002_post_disaster.png,mexico-earthquake_00000002_post_disaster,0,0,train\masks\mexico-earthquake_00000002_post_disaster.png,0,0,168,356266,2,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000002_post_disaster.png,socal-fire_00000002_post_disaster,0,0,train\masks\socal-fire_00000002_post_disaster.png,0,0,30,31250,2,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000003_post_disaster.png,nepal-flooding_00000003_post_disaster,0,0,tier3\masks\nepal-flooding_00000003_post_disaster.png,0,0,12,7252,3,2 +16,8967,moore-tornado,post,tier3,tier3\images\moore-tornado_00000003_post_disaster.png,moore-tornado_00000003_post_disaster,15,17571,tier3\masks\moore-tornado_00000003_post_disaster.png,10,9494,161,120110,3,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000003_post_disaster.png,hurricane-matthew_00000003_post_disaster,88,28411,train\masks\hurricane-matthew_00000003_post_disaster.png,0,0,13,3968,3,2 +1,324,hurricane-michael,post,train,train\images\hurricane-michael_00000003_post_disaster.png,hurricane-michael_00000003_post_disaster,31,51991,train\masks\hurricane-michael_00000003_post_disaster.png,3,3453,0,0,3,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000003_post_disaster.png,mexico-earthquake_00000003_post_disaster,9,7027,train\masks\mexico-earthquake_00000003_post_disaster.png,0,0,318,503456,3,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000003_post_disaster.png,midwest-flooding_00000003_post_disaster,2,3069,train\masks\midwest-flooding_00000003_post_disaster.png,0,0,180,263483,3,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000003_post_disaster.png,palu-tsunami_00000003_post_disaster,0,0,train\masks\palu-tsunami_00000003_post_disaster.png,2,2714,0,0,3,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000003_post_disaster.png,santa-rosa-wildfire_00000003_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000003_post_disaster.png,0,0,17,40388,3,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000003_post_disaster.png,pinery-bushfire_00000003_post_disaster,0,0,tier3\masks\pinery-bushfire_00000003_post_disaster.png,0,0,0,0,3,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000003_post_disaster.png,socal-fire_00000003_post_disaster,0,0,train\masks\socal-fire_00000003_post_disaster.png,0,0,24,28682,3,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000003_post_disaster.png,woolsey-fire_00000003_post_disaster,0,0,tier3\masks\woolsey-fire_00000003_post_disaster.png,0,0,0,0,3,2 +5,424,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000003_post_disaster.png,joplin-tornado_00000003_post_disaster,65,69972,tier3\masks\joplin-tornado_00000003_post_disaster.png,10,9605,78,63798,3,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000003_post_disaster.png,lower-puna-volcano_00000003_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000003_post_disaster.png,0,0,2,348,3,0 +1,583,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000003_post_disaster.png,portugal-wildfire_00000003_post_disaster,2,1432,tier3\masks\portugal-wildfire_00000003_post_disaster.png,0,0,4,3905,3,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000003_post_disaster.png,tuscaloosa-tornado_00000003_post_disaster,1,875,tier3\masks\tuscaloosa-tornado_00000003_post_disaster.png,0,0,34,16366,3,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000003_post_disaster.png,hurricane-florence_00000003_post_disaster,0,0,train\masks\hurricane-florence_00000003_post_disaster.png,0,0,60,119927,3,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000003_post_disaster.png,sunda-tsunami_00000003_post_disaster,0,0,tier3\masks\sunda-tsunami_00000003_post_disaster.png,0,0,0,0,3,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000004_post_disaster.png,tuscaloosa-tornado_00000004_post_disaster,3,3818,tier3\masks\tuscaloosa-tornado_00000004_post_disaster.png,0,0,86,136048,4,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000004_post_disaster.png,mexico-earthquake_00000004_post_disaster,0,0,train\masks\mexico-earthquake_00000004_post_disaster.png,0,0,112,286359,4,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000004_post_disaster.png,moore-tornado_00000004_post_disaster,0,0,tier3\masks\moore-tornado_00000004_post_disaster.png,0,0,1,101,4,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000004_post_disaster.png,pinery-bushfire_00000004_post_disaster,0,0,tier3\masks\pinery-bushfire_00000004_post_disaster.png,0,0,0,0,4,2 +12,1386,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000004_post_disaster.png,joplin-tornado_00000004_post_disaster,80,88057,tier3\masks\joplin-tornado_00000004_post_disaster.png,4,4795,137,107385,4,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000004_post_disaster.png,woolsey-fire_00000004_post_disaster,0,0,tier3\masks\woolsey-fire_00000004_post_disaster.png,0,0,0,0,4,2 +1,201,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000004_post_disaster.png,nepal-flooding_00000004_post_disaster,4,1095,tier3\masks\nepal-flooding_00000004_post_disaster.png,1,340,8,9492,4,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000004_post_disaster.png,sunda-tsunami_00000004_post_disaster,0,0,tier3\masks\sunda-tsunami_00000004_post_disaster.png,0,0,215,202699,4,4 +3,5870,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000004_post_disaster.png,santa-rosa-wildfire_00000004_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000004_post_disaster.png,0,0,3,1563,4,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000004_post_disaster.png,socal-fire_00000004_post_disaster,0,0,train\masks\socal-fire_00000004_post_disaster.png,0,0,0,0,4,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000004_post_disaster.png,portugal-wildfire_00000004_post_disaster,0,0,tier3\masks\portugal-wildfire_00000004_post_disaster.png,0,0,0,0,4,1 +1,853,hurricane-michael,post,train,train\images\hurricane-michael_00000004_post_disaster.png,hurricane-michael_00000004_post_disaster,2,2004,train\masks\hurricane-michael_00000004_post_disaster.png,0,0,0,0,4,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000004_post_disaster.png,hurricane-matthew_00000004_post_disaster,0,0,train\masks\hurricane-matthew_00000004_post_disaster.png,0,0,0,0,4,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000004_post_disaster.png,lower-puna-volcano_00000004_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000004_post_disaster.png,0,0,19,4088,4,2 +2,62556,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000005_post_disaster.png,santa-rosa-wildfire_00000005_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000005_post_disaster.png,1,4569,18,75960,5,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000005_post_disaster.png,nepal-flooding_00000005_post_disaster,1,637,tier3\masks\nepal-flooding_00000005_post_disaster.png,1,1210,41,33861,5,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000005_post_disaster.png,lower-puna-volcano_00000005_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000005_post_disaster.png,0,0,6,902,5,4 +2,887,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000005_post_disaster.png,sunda-tsunami_00000005_post_disaster,0,0,tier3\masks\sunda-tsunami_00000005_post_disaster.png,2,518,35,19757,5,3 +1,425,hurricane-matthew,post,train,train\images\hurricane-matthew_00000005_post_disaster.png,hurricane-matthew_00000005_post_disaster,39,10341,train\masks\hurricane-matthew_00000005_post_disaster.png,14,3411,6,2110,5,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000005_post_disaster.png,pinery-bushfire_00000005_post_disaster,0,0,tier3\masks\pinery-bushfire_00000005_post_disaster.png,0,0,0,0,5,4 +6,3878,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000005_post_disaster.png,woolsey-fire_00000005_post_disaster,0,0,tier3\masks\woolsey-fire_00000005_post_disaster.png,2,2377,18,10630,5,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000005_post_disaster.png,hurricane-michael_00000005_post_disaster,0,0,train\masks\hurricane-michael_00000005_post_disaster.png,0,0,2,1013,5,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000005_post_disaster.png,portugal-wildfire_00000005_post_disaster,0,0,tier3\masks\portugal-wildfire_00000005_post_disaster.png,0,0,0,0,5,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000005_post_disaster.png,tuscaloosa-tornado_00000005_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000005_post_disaster.png,0,0,0,0,5,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000005_post_disaster.png,palu-tsunami_00000005_post_disaster,0,0,train\masks\palu-tsunami_00000005_post_disaster.png,1,4631,99,171203,5,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000005_post_disaster.png,moore-tornado_00000005_post_disaster,0,0,tier3\masks\moore-tornado_00000005_post_disaster.png,0,0,26,28919,5,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000005_post_disaster.png,joplin-tornado_00000005_post_disaster,12,12074,tier3\masks\joplin-tornado_00000005_post_disaster.png,2,2316,25,18392,5,4 +3,868,midwest-flooding,post,train,train\images\midwest-flooding_00000005_post_disaster.png,midwest-flooding_00000005_post_disaster,0,0,train\masks\midwest-flooding_00000005_post_disaster.png,0,0,0,0,5,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000006_post_disaster.png,lower-puna-volcano_00000006_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000006_post_disaster.png,0,0,0,0,6,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000006_post_disaster.png,socal-fire_00000006_post_disaster,0,0,train\masks\socal-fire_00000006_post_disaster.png,0,0,10,18859,6,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000006_post_disaster.png,woolsey-fire_00000006_post_disaster,0,0,tier3\masks\woolsey-fire_00000006_post_disaster.png,0,0,0,0,6,3 +11,7897,moore-tornado,post,tier3,tier3\images\moore-tornado_00000006_post_disaster.png,moore-tornado_00000006_post_disaster,20,22029,tier3\masks\moore-tornado_00000006_post_disaster.png,5,6880,161,134712,6,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000006_post_disaster.png,joplin-tornado_00000006_post_disaster,1,784,tier3\masks\joplin-tornado_00000006_post_disaster.png,0,0,35,38865,6,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000006_post_disaster.png,nepal-flooding_00000006_post_disaster,0,0,tier3\masks\nepal-flooding_00000006_post_disaster.png,0,0,91,109630,6,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000006_post_disaster.png,sunda-tsunami_00000006_post_disaster,0,0,tier3\masks\sunda-tsunami_00000006_post_disaster.png,0,0,181,183946,6,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000006_post_disaster.png,pinery-bushfire_00000006_post_disaster,0,0,tier3\masks\pinery-bushfire_00000006_post_disaster.png,0,0,0,0,6,0 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000006_post_disaster.png,guatemala-volcano_00000006_post_disaster,0,0,train\masks\guatemala-volcano_00000006_post_disaster.png,0,0,96,46737,6,1 +2,845,palu-tsunami,post,train,train\images\palu-tsunami_00000006_post_disaster.png,palu-tsunami_00000006_post_disaster,0,0,train\masks\palu-tsunami_00000006_post_disaster.png,0,0,178,334978,6,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000006_post_disaster.png,portugal-wildfire_00000006_post_disaster,0,0,tier3\masks\portugal-wildfire_00000006_post_disaster.png,0,0,77,46645,6,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000006_post_disaster.png,hurricane-matthew_00000006_post_disaster,0,0,train\masks\hurricane-matthew_00000006_post_disaster.png,0,0,0,0,6,3 +20,26424,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000006_post_disaster.png,santa-rosa-wildfire_00000006_post_disaster,1,224,train\masks\santa-rosa-wildfire_00000006_post_disaster.png,2,53463,14,65244,6,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000006_post_disaster.png,hurricane-harvey_00000006_post_disaster,29,61673,train\masks\hurricane-harvey_00000006_post_disaster.png,0,0,12,18757,6,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000006_post_disaster.png,tuscaloosa-tornado_00000006_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000006_post_disaster.png,0,0,35,57218,6,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000007_post_disaster.png,joplin-tornado_00000007_post_disaster,4,3709,tier3\masks\joplin-tornado_00000007_post_disaster.png,0,0,316,242579,7,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000007_post_disaster.png,hurricane-harvey_00000007_post_disaster,20,52692,train\masks\hurricane-harvey_00000007_post_disaster.png,4,17320,9,17514,7,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000007_post_disaster.png,hurricane-matthew_00000007_post_disaster,12,3348,train\masks\hurricane-matthew_00000007_post_disaster.png,0,0,18,5236,7,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000007_post_disaster.png,mexico-earthquake_00000007_post_disaster,0,0,train\masks\mexico-earthquake_00000007_post_disaster.png,0,0,159,258043,7,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000007_post_disaster.png,midwest-flooding_00000007_post_disaster,2,5076,train\masks\midwest-flooding_00000007_post_disaster.png,0,0,48,91680,7,1 +15,13611,palu-tsunami,post,train,train\images\palu-tsunami_00000007_post_disaster.png,palu-tsunami_00000007_post_disaster,0,0,train\masks\palu-tsunami_00000007_post_disaster.png,0,0,1,995,7,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000007_post_disaster.png,sunda-tsunami_00000007_post_disaster,0,0,tier3\masks\sunda-tsunami_00000007_post_disaster.png,0,0,4,2813,7,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000007_post_disaster.png,lower-puna-volcano_00000007_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000007_post_disaster.png,0,0,25,8418,7,2 +72,95849,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000007_post_disaster.png,santa-rosa-wildfire_00000007_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000007_post_disaster.png,2,4101,47,77801,7,0 +5,2673,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000007_post_disaster.png,woolsey-fire_00000007_post_disaster,0,0,tier3\masks\woolsey-fire_00000007_post_disaster.png,1,227,9,1956,7,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000007_post_disaster.png,portugal-wildfire_00000007_post_disaster,0,0,tier3\masks\portugal-wildfire_00000007_post_disaster.png,0,0,0,0,7,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000007_post_disaster.png,tuscaloosa-tornado_00000007_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000007_post_disaster.png,0,0,91,85660,7,1 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000007_post_disaster.png,guatemala-volcano_00000007_post_disaster,0,0,train\masks\guatemala-volcano_00000007_post_disaster.png,0,0,8,9728,7,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000007_post_disaster.png,pinery-bushfire_00000007_post_disaster,0,0,tier3\masks\pinery-bushfire_00000007_post_disaster.png,0,0,0,0,7,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000007_post_disaster.png,moore-tornado_00000007_post_disaster,0,0,tier3\masks\moore-tornado_00000007_post_disaster.png,0,0,146,176354,7,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000007_post_disaster.png,nepal-flooding_00000007_post_disaster,0,0,tier3\masks\nepal-flooding_00000007_post_disaster.png,0,0,0,0,7,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000008_post_disaster.png,woolsey-fire_00000008_post_disaster,0,0,tier3\masks\woolsey-fire_00000008_post_disaster.png,0,0,2,138,8,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000008_post_disaster.png,moore-tornado_00000008_post_disaster,12,14242,tier3\masks\moore-tornado_00000008_post_disaster.png,1,1266,141,154412,8,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000008_post_disaster.png,socal-fire_00000008_post_disaster,0,0,train\masks\socal-fire_00000008_post_disaster.png,0,0,0,0,8,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000008_post_disaster.png,sunda-tsunami_00000008_post_disaster,0,0,tier3\masks\sunda-tsunami_00000008_post_disaster.png,0,0,17,24668,8,4 +11,8287,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000008_post_disaster.png,tuscaloosa-tornado_00000008_post_disaster,59,54927,tier3\masks\tuscaloosa-tornado_00000008_post_disaster.png,16,17767,29,49940,8,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000008_post_disaster.png,mexico-earthquake_00000008_post_disaster,1,1394,train\masks\mexico-earthquake_00000008_post_disaster.png,0,0,144,325460,8,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000008_post_disaster.png,portugal-wildfire_00000008_post_disaster,0,0,tier3\masks\portugal-wildfire_00000008_post_disaster.png,0,0,0,0,8,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000008_post_disaster.png,hurricane-michael_00000008_post_disaster,6,22065,train\masks\hurricane-michael_00000008_post_disaster.png,0,0,20,35977,8,0 +5,2794,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000008_post_disaster.png,pinery-bushfire_00000008_post_disaster,0,0,tier3\masks\pinery-bushfire_00000008_post_disaster.png,2,2508,14,5604,8,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000008_post_disaster.png,hurricane-matthew_00000008_post_disaster,2,407,train\masks\hurricane-matthew_00000008_post_disaster.png,0,0,0,0,8,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000008_post_disaster.png,hurricane-florence_00000008_post_disaster,0,0,train\masks\hurricane-florence_00000008_post_disaster.png,0,0,23,31008,8,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000008_post_disaster.png,hurricane-harvey_00000008_post_disaster,0,0,train\masks\hurricane-harvey_00000008_post_disaster.png,0,0,32,343832,8,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000008_post_disaster.png,nepal-flooding_00000008_post_disaster,3,696,tier3\masks\nepal-flooding_00000008_post_disaster.png,0,0,33,26387,8,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000008_post_disaster.png,guatemala-volcano_00000008_post_disaster,0,0,train\masks\guatemala-volcano_00000008_post_disaster.png,0,0,0,0,8,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000008_post_disaster.png,lower-puna-volcano_00000008_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000008_post_disaster.png,0,0,10,4898,8,4 +20,11437,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000008_post_disaster.png,joplin-tornado_00000008_post_disaster,9,7614,tier3\masks\joplin-tornado_00000008_post_disaster.png,6,10633,7,6822,8,3 +4,3814,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000009_post_disaster.png,woolsey-fire_00000009_post_disaster,1,100,tier3\masks\woolsey-fire_00000009_post_disaster.png,0,0,4,3564,9,4 +4,4193,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000009_post_disaster.png,santa-rosa-wildfire_00000009_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000009_post_disaster.png,0,0,2,4600,9,3 +1,170,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000009_post_disaster.png,nepal-flooding_00000009_post_disaster,3,2171,tier3\masks\nepal-flooding_00000009_post_disaster.png,3,1067,2,551,9,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000009_post_disaster.png,lower-puna-volcano_00000009_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000009_post_disaster.png,0,0,1,66,9,0 +1,166,hurricane-matthew,post,train,train\images\hurricane-matthew_00000009_post_disaster.png,hurricane-matthew_00000009_post_disaster,14,4433,train\masks\hurricane-matthew_00000009_post_disaster.png,0,0,13,3561,9,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000009_post_disaster.png,hurricane-michael_00000009_post_disaster,4,4174,train\masks\hurricane-michael_00000009_post_disaster.png,1,994,12,8869,9,3 +1,416,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000009_post_disaster.png,pinery-bushfire_00000009_post_disaster,0,0,tier3\masks\pinery-bushfire_00000009_post_disaster.png,0,0,10,2330,9,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000009_post_disaster.png,moore-tornado_00000009_post_disaster,0,0,tier3\masks\moore-tornado_00000009_post_disaster.png,0,0,135,253037,9,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000009_post_disaster.png,mexico-earthquake_00000009_post_disaster,0,0,train\masks\mexico-earthquake_00000009_post_disaster.png,0,0,156,323572,9,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000009_post_disaster.png,tuscaloosa-tornado_00000009_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000009_post_disaster.png,0,0,0,0,9,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000009_post_disaster.png,portugal-wildfire_00000009_post_disaster,0,0,tier3\masks\portugal-wildfire_00000009_post_disaster.png,0,0,0,0,9,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000009_post_disaster.png,hurricane-harvey_00000009_post_disaster,0,0,train\masks\hurricane-harvey_00000009_post_disaster.png,0,0,50,270505,9,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000009_post_disaster.png,joplin-tornado_00000009_post_disaster,0,0,tier3\masks\joplin-tornado_00000009_post_disaster.png,0,0,21,92472,9,0 +23,12650,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000009_post_disaster.png,sunda-tsunami_00000009_post_disaster,0,0,tier3\masks\sunda-tsunami_00000009_post_disaster.png,6,3115,113,212052,9,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000010_post_disaster.png,hurricane-harvey_00000010_post_disaster,0,0,train\masks\hurricane-harvey_00000010_post_disaster.png,0,0,47,241754,10,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000010_post_disaster.png,portugal-wildfire_00000010_post_disaster,0,0,tier3\masks\portugal-wildfire_00000010_post_disaster.png,0,0,0,0,10,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000010_post_disaster.png,hurricane-michael_00000010_post_disaster,2,2599,train\masks\hurricane-michael_00000010_post_disaster.png,0,0,0,0,10,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000010_post_disaster.png,socal-fire_00000010_post_disaster,0,0,train\masks\socal-fire_00000010_post_disaster.png,0,0,0,0,10,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000010_post_disaster.png,nepal-flooding_00000010_post_disaster,0,0,tier3\masks\nepal-flooding_00000010_post_disaster.png,0,0,96,94454,10,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000010_post_disaster.png,moore-tornado_00000010_post_disaster,0,0,tier3\masks\moore-tornado_00000010_post_disaster.png,0,0,4,498,10,1 +1,71,guatemala-volcano,post,train,train\images\guatemala-volcano_00000010_post_disaster.png,guatemala-volcano_00000010_post_disaster,0,0,train\masks\guatemala-volcano_00000010_post_disaster.png,0,0,0,0,10,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000010_post_disaster.png,joplin-tornado_00000010_post_disaster,0,0,tier3\masks\joplin-tornado_00000010_post_disaster.png,0,0,41,149457,10,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000010_post_disaster.png,lower-puna-volcano_00000010_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000010_post_disaster.png,0,0,3,1411,10,2 +2,1142,midwest-flooding,post,train,train\images\midwest-flooding_00000010_post_disaster.png,midwest-flooding_00000010_post_disaster,0,0,train\masks\midwest-flooding_00000010_post_disaster.png,0,0,0,0,10,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000010_post_disaster.png,tuscaloosa-tornado_00000010_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000010_post_disaster.png,0,0,46,36432,10,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000010_post_disaster.png,pinery-bushfire_00000010_post_disaster,0,0,tier3\masks\pinery-bushfire_00000010_post_disaster.png,0,0,0,0,10,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000010_post_disaster.png,woolsey-fire_00000010_post_disaster,0,0,tier3\masks\woolsey-fire_00000010_post_disaster.png,0,0,0,0,10,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000010_post_disaster.png,sunda-tsunami_00000010_post_disaster,0,0,tier3\masks\sunda-tsunami_00000010_post_disaster.png,0,0,143,121765,10,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000011_post_disaster.png,palu-tsunami_00000011_post_disaster,0,0,train\masks\palu-tsunami_00000011_post_disaster.png,0,0,157,249735,11,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000011_post_disaster.png,nepal-flooding_00000011_post_disaster,3,1470,tier3\masks\nepal-flooding_00000011_post_disaster.png,0,0,0,0,11,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000011_post_disaster.png,tuscaloosa-tornado_00000011_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000011_post_disaster.png,0,0,102,145276,11,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000011_post_disaster.png,portugal-wildfire_00000011_post_disaster,0,0,tier3\masks\portugal-wildfire_00000011_post_disaster.png,0,0,0,0,11,3 +2,474,hurricane-michael,post,train,train\images\hurricane-michael_00000011_post_disaster.png,hurricane-michael_00000011_post_disaster,6,9428,train\masks\hurricane-michael_00000011_post_disaster.png,0,0,49,61275,11,3 +16,5089,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000011_post_disaster.png,woolsey-fire_00000011_post_disaster,0,0,tier3\masks\woolsey-fire_00000011_post_disaster.png,2,271,6,855,11,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000011_post_disaster.png,pinery-bushfire_00000011_post_disaster,0,0,tier3\masks\pinery-bushfire_00000011_post_disaster.png,0,0,0,0,11,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000011_post_disaster.png,lower-puna-volcano_00000011_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000011_post_disaster.png,0,0,0,0,11,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000011_post_disaster.png,mexico-earthquake_00000011_post_disaster,0,0,train\masks\mexico-earthquake_00000011_post_disaster.png,0,0,67,184522,11,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000011_post_disaster.png,moore-tornado_00000011_post_disaster,0,0,tier3\masks\moore-tornado_00000011_post_disaster.png,0,0,133,224723,11,0 +28,35814,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000011_post_disaster.png,joplin-tornado_00000011_post_disaster,18,23747,tier3\masks\joplin-tornado_00000011_post_disaster.png,30,50844,10,8102,11,2 +20,19108,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000011_post_disaster.png,santa-rosa-wildfire_00000011_post_disaster,1,1804,train\masks\santa-rosa-wildfire_00000011_post_disaster.png,2,4390,19,35874,11,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000011_post_disaster.png,sunda-tsunami_00000011_post_disaster,0,0,tier3\masks\sunda-tsunami_00000011_post_disaster.png,0,0,29,20684,11,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000012_post_disaster.png,woolsey-fire_00000012_post_disaster,0,0,tier3\masks\woolsey-fire_00000012_post_disaster.png,0,0,0,0,12,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000012_post_disaster.png,sunda-tsunami_00000012_post_disaster,0,0,tier3\masks\sunda-tsunami_00000012_post_disaster.png,0,0,79,110450,12,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000012_post_disaster.png,hurricane-florence_00000012_post_disaster,0,0,train\masks\hurricane-florence_00000012_post_disaster.png,0,0,34,82407,12,3 +2,539,midwest-flooding,post,train,train\images\midwest-flooding_00000012_post_disaster.png,midwest-flooding_00000012_post_disaster,0,0,train\masks\midwest-flooding_00000012_post_disaster.png,0,0,1,269,12,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000012_post_disaster.png,portugal-wildfire_00000012_post_disaster,0,0,tier3\masks\portugal-wildfire_00000012_post_disaster.png,0,0,0,0,12,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000012_post_disaster.png,hurricane-harvey_00000012_post_disaster,0,0,train\masks\hurricane-harvey_00000012_post_disaster.png,0,0,76,372448,12,3 +1,450,moore-tornado,post,tier3,tier3\images\moore-tornado_00000012_post_disaster.png,moore-tornado_00000012_post_disaster,2,32595,tier3\masks\moore-tornado_00000012_post_disaster.png,2,1586,140,136863,12,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000012_post_disaster.png,lower-puna-volcano_00000012_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000012_post_disaster.png,0,0,0,0,12,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000012_post_disaster.png,tuscaloosa-tornado_00000012_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000012_post_disaster.png,0,0,2,96,12,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000012_post_disaster.png,joplin-tornado_00000012_post_disaster,1,11036,tier3\masks\joplin-tornado_00000012_post_disaster.png,0,0,37,281053,12,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000012_post_disaster.png,socal-fire_00000012_post_disaster,0,0,train\masks\socal-fire_00000012_post_disaster.png,0,0,11,20920,12,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000012_post_disaster.png,pinery-bushfire_00000012_post_disaster,0,0,tier3\masks\pinery-bushfire_00000012_post_disaster.png,0,0,0,0,12,0 +1,212,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000012_post_disaster.png,nepal-flooding_00000012_post_disaster,3,642,tier3\masks\nepal-flooding_00000012_post_disaster.png,8,2758,6,1017,12,4 +6,1543,hurricane-michael,post,train,train\images\hurricane-michael_00000012_post_disaster.png,hurricane-michael_00000012_post_disaster,12,16078,train\masks\hurricane-michael_00000012_post_disaster.png,5,10878,38,41458,12,2 +3,409,hurricane-michael,post,train,train\images\hurricane-michael_00000013_post_disaster.png,hurricane-michael_00000013_post_disaster,0,0,train\masks\hurricane-michael_00000013_post_disaster.png,0,0,0,0,13,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000013_post_disaster.png,hurricane-matthew_00000013_post_disaster,0,0,train\masks\hurricane-matthew_00000013_post_disaster.png,0,0,0,0,13,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000013_post_disaster.png,pinery-bushfire_00000013_post_disaster,0,0,tier3\masks\pinery-bushfire_00000013_post_disaster.png,0,0,4,2544,13,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000013_post_disaster.png,lower-puna-volcano_00000013_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000013_post_disaster.png,0,0,0,0,13,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000013_post_disaster.png,sunda-tsunami_00000013_post_disaster,0,0,tier3\masks\sunda-tsunami_00000013_post_disaster.png,0,0,104,92101,13,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000013_post_disaster.png,tuscaloosa-tornado_00000013_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000013_post_disaster.png,0,0,0,0,13,3 +3,449,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000013_post_disaster.png,woolsey-fire_00000013_post_disaster,0,0,tier3\masks\woolsey-fire_00000013_post_disaster.png,0,0,1,36,13,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000013_post_disaster.png,joplin-tornado_00000013_post_disaster,0,0,tier3\masks\joplin-tornado_00000013_post_disaster.png,0,0,4,13430,13,2 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000013_post_disaster.png,guatemala-volcano_00000013_post_disaster,0,0,train\masks\guatemala-volcano_00000013_post_disaster.png,0,0,12,20235,13,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000013_post_disaster.png,mexico-earthquake_00000013_post_disaster,0,0,train\masks\mexico-earthquake_00000013_post_disaster.png,0,0,147,382264,13,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000013_post_disaster.png,portugal-wildfire_00000013_post_disaster,0,0,tier3\masks\portugal-wildfire_00000013_post_disaster.png,0,0,6,4101,13,0 +1,432,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000013_post_disaster.png,nepal-flooding_00000013_post_disaster,3,5808,tier3\masks\nepal-flooding_00000013_post_disaster.png,4,3592,117,114352,13,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000013_post_disaster.png,moore-tornado_00000013_post_disaster,4,7521,tier3\masks\moore-tornado_00000013_post_disaster.png,0,0,146,146073,13,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000013_post_disaster.png,midwest-flooding_00000013_post_disaster,0,0,train\masks\midwest-flooding_00000013_post_disaster.png,0,0,116,215803,13,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000013_post_disaster.png,socal-fire_00000013_post_disaster,0,0,train\masks\socal-fire_00000013_post_disaster.png,0,0,0,0,13,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000014_post_disaster.png,moore-tornado_00000014_post_disaster,0,0,tier3\masks\moore-tornado_00000014_post_disaster.png,0,0,97,138872,14,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000014_post_disaster.png,pinery-bushfire_00000014_post_disaster,0,0,tier3\masks\pinery-bushfire_00000014_post_disaster.png,0,0,0,0,14,4 +14,35404,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000014_post_disaster.png,santa-rosa-wildfire_00000014_post_disaster,3,26546,train\masks\santa-rosa-wildfire_00000014_post_disaster.png,2,1811,18,66344,14,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000014_post_disaster.png,hurricane-matthew_00000014_post_disaster,0,0,train\masks\hurricane-matthew_00000014_post_disaster.png,0,0,0,0,14,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000014_post_disaster.png,socal-fire_00000014_post_disaster,0,0,train\masks\socal-fire_00000014_post_disaster.png,0,0,8,9884,14,3 +14,8680,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000014_post_disaster.png,woolsey-fire_00000014_post_disaster,2,695,tier3\masks\woolsey-fire_00000014_post_disaster.png,6,3342,17,7400,14,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000014_post_disaster.png,tuscaloosa-tornado_00000014_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000014_post_disaster.png,0,0,44,34844,14,0 +2,166,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000014_post_disaster.png,nepal-flooding_00000014_post_disaster,0,0,tier3\masks\nepal-flooding_00000014_post_disaster.png,1,3420,0,0,14,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000014_post_disaster.png,sunda-tsunami_00000014_post_disaster,0,0,tier3\masks\sunda-tsunami_00000014_post_disaster.png,0,0,72,43162,14,3 +42,46349,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000014_post_disaster.png,joplin-tornado_00000014_post_disaster,15,19423,tier3\masks\joplin-tornado_00000014_post_disaster.png,14,18925,9,6875,14,3 +2,1002,hurricane-michael,post,train,train\images\hurricane-michael_00000014_post_disaster.png,hurricane-michael_00000014_post_disaster,17,28478,train\masks\hurricane-michael_00000014_post_disaster.png,4,4150,78,87726,14,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000014_post_disaster.png,portugal-wildfire_00000014_post_disaster,0,0,tier3\masks\portugal-wildfire_00000014_post_disaster.png,0,0,4,2315,14,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000014_post_disaster.png,lower-puna-volcano_00000014_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000014_post_disaster.png,0,0,0,0,14,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000015_post_disaster.png,hurricane-harvey_00000015_post_disaster,1,33348,train\masks\hurricane-harvey_00000015_post_disaster.png,8,62447,56,291569,15,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000015_post_disaster.png,tuscaloosa-tornado_00000015_post_disaster,5,5175,tier3\masks\tuscaloosa-tornado_00000015_post_disaster.png,0,0,45,49323,15,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000015_post_disaster.png,pinery-bushfire_00000015_post_disaster,0,0,tier3\masks\pinery-bushfire_00000015_post_disaster.png,0,0,0,0,15,1 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000015_post_disaster.png,guatemala-volcano_00000015_post_disaster,0,0,train\masks\guatemala-volcano_00000015_post_disaster.png,0,0,97,61139,15,0 +65,92944,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000015_post_disaster.png,santa-rosa-wildfire_00000015_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000015_post_disaster.png,0,0,54,76558,15,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000015_post_disaster.png,mexico-earthquake_00000015_post_disaster,0,0,train\masks\mexico-earthquake_00000015_post_disaster.png,0,0,44,303989,15,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000015_post_disaster.png,nepal-flooding_00000015_post_disaster,0,0,tier3\masks\nepal-flooding_00000015_post_disaster.png,4,7575,0,0,15,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000015_post_disaster.png,lower-puna-volcano_00000015_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000015_post_disaster.png,0,0,0,0,15,4 +46,50077,palu-tsunami,post,train,train\images\palu-tsunami_00000015_post_disaster.png,palu-tsunami_00000015_post_disaster,0,0,train\masks\palu-tsunami_00000015_post_disaster.png,4,8257,4,5170,15,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000015_post_disaster.png,portugal-wildfire_00000015_post_disaster,0,0,tier3\masks\portugal-wildfire_00000015_post_disaster.png,0,0,0,0,15,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000015_post_disaster.png,woolsey-fire_00000015_post_disaster,0,0,tier3\masks\woolsey-fire_00000015_post_disaster.png,0,0,1,211,15,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000015_post_disaster.png,sunda-tsunami_00000015_post_disaster,0,0,tier3\masks\sunda-tsunami_00000015_post_disaster.png,0,0,0,0,15,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000015_post_disaster.png,joplin-tornado_00000015_post_disaster,1,76369,tier3\masks\joplin-tornado_00000015_post_disaster.png,0,0,10,88955,15,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000015_post_disaster.png,moore-tornado_00000015_post_disaster,0,0,tier3\masks\moore-tornado_00000015_post_disaster.png,0,0,163,252482,15,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000015_post_disaster.png,socal-fire_00000015_post_disaster,0,0,train\masks\socal-fire_00000015_post_disaster.png,0,0,0,0,15,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000015_post_disaster.png,hurricane-florence_00000015_post_disaster,0,0,train\masks\hurricane-florence_00000015_post_disaster.png,0,0,103,140477,15,3 +8,7656,moore-tornado,post,tier3,tier3\images\moore-tornado_00000016_post_disaster.png,moore-tornado_00000016_post_disaster,12,27512,tier3\masks\moore-tornado_00000016_post_disaster.png,4,3978,107,125776,16,0 +81,80374,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000016_post_disaster.png,joplin-tornado_00000016_post_disaster,26,26603,tier3\masks\joplin-tornado_00000016_post_disaster.png,20,24876,10,7296,16,1 +5,6551,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000016_post_disaster.png,woolsey-fire_00000016_post_disaster,2,2794,tier3\masks\woolsey-fire_00000016_post_disaster.png,1,1022,1,801,16,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000016_post_disaster.png,nepal-flooding_00000016_post_disaster,3,1311,tier3\masks\nepal-flooding_00000016_post_disaster.png,0,0,41,18248,16,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000016_post_disaster.png,pinery-bushfire_00000016_post_disaster,0,0,tier3\masks\pinery-bushfire_00000016_post_disaster.png,0,0,0,0,16,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000016_post_disaster.png,portugal-wildfire_00000016_post_disaster,0,0,tier3\masks\portugal-wildfire_00000016_post_disaster.png,0,0,0,0,16,0 +1,250,hurricane-michael,post,train,train\images\hurricane-michael_00000016_post_disaster.png,hurricane-michael_00000016_post_disaster,20,24869,train\masks\hurricane-michael_00000016_post_disaster.png,3,2892,77,82106,16,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000016_post_disaster.png,tuscaloosa-tornado_00000016_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000016_post_disaster.png,0,0,9,7285,16,2 +1,190,hurricane-matthew,post,train,train\images\hurricane-matthew_00000016_post_disaster.png,hurricane-matthew_00000016_post_disaster,7,2553,train\masks\hurricane-matthew_00000016_post_disaster.png,3,1207,36,10045,16,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000016_post_disaster.png,lower-puna-volcano_00000016_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000016_post_disaster.png,0,0,1,61,16,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000016_post_disaster.png,hurricane-harvey_00000016_post_disaster,0,0,train\masks\hurricane-harvey_00000016_post_disaster.png,0,0,19,151256,16,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000016_post_disaster.png,hurricane-florence_00000016_post_disaster,0,0,train\masks\hurricane-florence_00000016_post_disaster.png,0,0,63,81223,16,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000016_post_disaster.png,sunda-tsunami_00000016_post_disaster,0,0,tier3\masks\sunda-tsunami_00000016_post_disaster.png,0,0,196,597939,16,0 +4,2088,palu-tsunami,post,train,train\images\palu-tsunami_00000016_post_disaster.png,palu-tsunami_00000016_post_disaster,0,0,train\masks\palu-tsunami_00000016_post_disaster.png,0,0,0,0,16,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000016_post_disaster.png,guatemala-volcano_00000016_post_disaster,2,145,train\masks\guatemala-volcano_00000016_post_disaster.png,0,0,5,9945,16,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000017_post_disaster.png,pinery-bushfire_00000017_post_disaster,0,0,tier3\masks\pinery-bushfire_00000017_post_disaster.png,0,0,0,0,17,1 +5,2767,hurricane-michael,post,train,train\images\hurricane-michael_00000017_post_disaster.png,hurricane-michael_00000017_post_disaster,3,5454,train\masks\hurricane-michael_00000017_post_disaster.png,2,672,0,0,17,4 +25,9768,moore-tornado,post,tier3,tier3\images\moore-tornado_00000017_post_disaster.png,moore-tornado_00000017_post_disaster,29,31262,tier3\masks\moore-tornado_00000017_post_disaster.png,12,10912,63,44885,17,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000017_post_disaster.png,joplin-tornado_00000017_post_disaster,0,0,tier3\masks\joplin-tornado_00000017_post_disaster.png,0,0,24,177240,17,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000017_post_disaster.png,hurricane-harvey_00000017_post_disaster,0,0,train\masks\hurricane-harvey_00000017_post_disaster.png,0,0,21,323543,17,2 +1,1661,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000017_post_disaster.png,santa-rosa-wildfire_00000017_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000017_post_disaster.png,0,0,1,79,17,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000017_post_disaster.png,hurricane-matthew_00000017_post_disaster,8,4545,train\masks\hurricane-matthew_00000017_post_disaster.png,1,357,39,10773,17,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000017_post_disaster.png,mexico-earthquake_00000017_post_disaster,0,0,train\masks\mexico-earthquake_00000017_post_disaster.png,0,0,175,421324,17,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000017_post_disaster.png,guatemala-volcano_00000017_post_disaster,0,0,train\masks\guatemala-volcano_00000017_post_disaster.png,0,0,47,20292,17,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000017_post_disaster.png,lower-puna-volcano_00000017_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000017_post_disaster.png,0,0,0,0,17,3 +8,2697,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000017_post_disaster.png,woolsey-fire_00000017_post_disaster,0,0,tier3\masks\woolsey-fire_00000017_post_disaster.png,0,0,1,154,17,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000017_post_disaster.png,sunda-tsunami_00000017_post_disaster,0,0,tier3\masks\sunda-tsunami_00000017_post_disaster.png,0,0,65,56609,17,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000017_post_disaster.png,nepal-flooding_00000017_post_disaster,2,457,tier3\masks\nepal-flooding_00000017_post_disaster.png,10,7367,3,772,17,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000017_post_disaster.png,portugal-wildfire_00000017_post_disaster,0,0,tier3\masks\portugal-wildfire_00000017_post_disaster.png,0,0,0,0,17,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000017_post_disaster.png,tuscaloosa-tornado_00000017_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000017_post_disaster.png,0,0,37,64406,17,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000018_post_disaster.png,tuscaloosa-tornado_00000018_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000018_post_disaster.png,0,0,57,40355,18,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000018_post_disaster.png,woolsey-fire_00000018_post_disaster,0,0,tier3\masks\woolsey-fire_00000018_post_disaster.png,0,0,0,0,18,0 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000018_post_disaster.png,guatemala-volcano_00000018_post_disaster,2,533,train\masks\guatemala-volcano_00000018_post_disaster.png,0,0,9,5913,18,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000018_post_disaster.png,midwest-flooding_00000018_post_disaster,4,5530,train\masks\midwest-flooding_00000018_post_disaster.png,0,0,168,182040,18,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000018_post_disaster.png,nepal-flooding_00000018_post_disaster,5,4262,tier3\masks\nepal-flooding_00000018_post_disaster.png,37,25158,0,0,18,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000018_post_disaster.png,mexico-earthquake_00000018_post_disaster,0,0,train\masks\mexico-earthquake_00000018_post_disaster.png,0,0,92,288364,18,0 +7,4128,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000018_post_disaster.png,santa-rosa-wildfire_00000018_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000018_post_disaster.png,0,0,0,0,18,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000018_post_disaster.png,portugal-wildfire_00000018_post_disaster,0,0,tier3\masks\portugal-wildfire_00000018_post_disaster.png,0,0,1,171,18,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000018_post_disaster.png,sunda-tsunami_00000018_post_disaster,0,0,tier3\masks\sunda-tsunami_00000018_post_disaster.png,0,0,110,170358,18,1 +17,37760,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000018_post_disaster.png,joplin-tornado_00000018_post_disaster,7,15638,tier3\masks\joplin-tornado_00000018_post_disaster.png,2,2708,0,0,18,4 +5,288,hurricane-florence,post,train,train\images\hurricane-florence_00000018_post_disaster.png,hurricane-florence_00000018_post_disaster,0,0,train\masks\hurricane-florence_00000018_post_disaster.png,37,26516,0,0,18,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000018_post_disaster.png,moore-tornado_00000018_post_disaster,0,0,tier3\masks\moore-tornado_00000018_post_disaster.png,0,0,285,214641,18,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000018_post_disaster.png,pinery-bushfire_00000018_post_disaster,0,0,tier3\masks\pinery-bushfire_00000018_post_disaster.png,0,0,1,2187,18,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000018_post_disaster.png,lower-puna-volcano_00000018_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000018_post_disaster.png,0,0,0,0,18,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000019_post_disaster.png,mexico-earthquake_00000019_post_disaster,0,0,train\masks\mexico-earthquake_00000019_post_disaster.png,0,0,115,295091,19,2 +1,1995,guatemala-volcano,post,train,train\images\guatemala-volcano_00000019_post_disaster.png,guatemala-volcano_00000019_post_disaster,1,2187,train\masks\guatemala-volcano_00000019_post_disaster.png,3,750,14,26855,19,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000019_post_disaster.png,tuscaloosa-tornado_00000019_post_disaster,8,7544,tier3\masks\tuscaloosa-tornado_00000019_post_disaster.png,0,0,54,114619,19,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000019_post_disaster.png,midwest-flooding_00000019_post_disaster,0,0,train\masks\midwest-flooding_00000019_post_disaster.png,0,0,46,76188,19,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000019_post_disaster.png,lower-puna-volcano_00000019_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000019_post_disaster.png,0,0,0,0,19,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000019_post_disaster.png,woolsey-fire_00000019_post_disaster,0,0,tier3\masks\woolsey-fire_00000019_post_disaster.png,0,0,0,0,19,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000019_post_disaster.png,sunda-tsunami_00000019_post_disaster,0,0,tier3\masks\sunda-tsunami_00000019_post_disaster.png,0,0,50,38988,19,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000019_post_disaster.png,pinery-bushfire_00000019_post_disaster,0,0,tier3\masks\pinery-bushfire_00000019_post_disaster.png,0,0,0,0,19,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000019_post_disaster.png,moore-tornado_00000019_post_disaster,0,0,tier3\masks\moore-tornado_00000019_post_disaster.png,0,0,199,262440,19,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000019_post_disaster.png,hurricane-harvey_00000019_post_disaster,0,0,train\masks\hurricane-harvey_00000019_post_disaster.png,16,41077,0,0,19,3 +24,27050,palu-tsunami,post,train,train\images\palu-tsunami_00000019_post_disaster.png,palu-tsunami_00000019_post_disaster,0,0,train\masks\palu-tsunami_00000019_post_disaster.png,4,8864,59,84752,19,1 +6,973,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000019_post_disaster.png,nepal-flooding_00000019_post_disaster,5,1543,tier3\masks\nepal-flooding_00000019_post_disaster.png,0,0,3,785,19,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000019_post_disaster.png,joplin-tornado_00000019_post_disaster,1,559,tier3\masks\joplin-tornado_00000019_post_disaster.png,0,0,26,24165,19,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000019_post_disaster.png,socal-fire_00000019_post_disaster,0,0,train\masks\socal-fire_00000019_post_disaster.png,0,0,0,0,19,3 +1,1779,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000019_post_disaster.png,portugal-wildfire_00000019_post_disaster,0,0,tier3\masks\portugal-wildfire_00000019_post_disaster.png,3,3286,64,56097,19,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000020_post_disaster.png,sunda-tsunami_00000020_post_disaster,0,0,tier3\masks\sunda-tsunami_00000020_post_disaster.png,0,0,75,71066,20,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000020_post_disaster.png,lower-puna-volcano_00000020_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000020_post_disaster.png,0,0,0,0,20,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000020_post_disaster.png,hurricane-harvey_00000020_post_disaster,11,20636,train\masks\hurricane-harvey_00000020_post_disaster.png,1,3074,0,0,20,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000020_post_disaster.png,woolsey-fire_00000020_post_disaster,1,26,tier3\masks\woolsey-fire_00000020_post_disaster.png,0,0,0,0,20,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000020_post_disaster.png,tuscaloosa-tornado_00000020_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000020_post_disaster.png,0,0,14,17188,20,4 +5,25371,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000020_post_disaster.png,joplin-tornado_00000020_post_disaster,16,74261,tier3\masks\joplin-tornado_00000020_post_disaster.png,11,88779,5,6361,20,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000020_post_disaster.png,hurricane-michael_00000020_post_disaster,0,0,train\masks\hurricane-michael_00000020_post_disaster.png,0,0,2,299,20,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000020_post_disaster.png,moore-tornado_00000020_post_disaster,0,0,tier3\masks\moore-tornado_00000020_post_disaster.png,0,0,11,9008,20,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000020_post_disaster.png,hurricane-florence_00000020_post_disaster,0,0,train\masks\hurricane-florence_00000020_post_disaster.png,0,0,12,7774,20,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000020_post_disaster.png,portugal-wildfire_00000020_post_disaster,0,0,tier3\masks\portugal-wildfire_00000020_post_disaster.png,0,0,74,50236,20,3 +29,45046,palu-tsunami,post,train,train\images\palu-tsunami_00000020_post_disaster.png,palu-tsunami_00000020_post_disaster,0,0,train\masks\palu-tsunami_00000020_post_disaster.png,2,4404,10,15539,20,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000020_post_disaster.png,pinery-bushfire_00000020_post_disaster,0,0,tier3\masks\pinery-bushfire_00000020_post_disaster.png,0,0,0,0,20,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000020_post_disaster.png,mexico-earthquake_00000020_post_disaster,0,0,train\masks\mexico-earthquake_00000020_post_disaster.png,0,0,65,266743,20,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000020_post_disaster.png,nepal-flooding_00000020_post_disaster,49,33206,tier3\masks\nepal-flooding_00000020_post_disaster.png,12,12888,83,69208,20,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000020_post_disaster.png,midwest-flooding_00000020_post_disaster,2,3159,train\masks\midwest-flooding_00000020_post_disaster.png,0,0,141,190987,20,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000021_post_disaster.png,pinery-bushfire_00000021_post_disaster,0,0,tier3\masks\pinery-bushfire_00000021_post_disaster.png,0,0,0,0,21,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000021_post_disaster.png,joplin-tornado_00000021_post_disaster,0,0,tier3\masks\joplin-tornado_00000021_post_disaster.png,0,0,6,21879,21,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000021_post_disaster.png,lower-puna-volcano_00000021_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000021_post_disaster.png,0,0,14,7318,21,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000021_post_disaster.png,nepal-flooding_00000021_post_disaster,1,1011,tier3\masks\nepal-flooding_00000021_post_disaster.png,0,0,0,0,21,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000021_post_disaster.png,tuscaloosa-tornado_00000021_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000021_post_disaster.png,0,0,183,181848,21,3 +2,1390,hurricane-michael,post,train,train\images\hurricane-michael_00000021_post_disaster.png,hurricane-michael_00000021_post_disaster,56,50164,train\masks\hurricane-michael_00000021_post_disaster.png,3,2240,30,37454,21,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000021_post_disaster.png,portugal-wildfire_00000021_post_disaster,0,0,tier3\masks\portugal-wildfire_00000021_post_disaster.png,0,0,0,0,21,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000021_post_disaster.png,sunda-tsunami_00000021_post_disaster,0,0,tier3\masks\sunda-tsunami_00000021_post_disaster.png,0,0,31,13098,21,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000021_post_disaster.png,mexico-earthquake_00000021_post_disaster,0,0,train\masks\mexico-earthquake_00000021_post_disaster.png,0,0,176,343206,21,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000021_post_disaster.png,moore-tornado_00000021_post_disaster,0,0,tier3\masks\moore-tornado_00000021_post_disaster.png,0,0,36,74038,21,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000021_post_disaster.png,hurricane-matthew_00000021_post_disaster,9,3556,train\masks\hurricane-matthew_00000021_post_disaster.png,0,0,18,11423,21,4 +1,99,midwest-flooding,post,train,train\images\midwest-flooding_00000021_post_disaster.png,midwest-flooding_00000021_post_disaster,2,774,train\masks\midwest-flooding_00000021_post_disaster.png,1,209,2,2836,21,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000021_post_disaster.png,woolsey-fire_00000021_post_disaster,0,0,tier3\masks\woolsey-fire_00000021_post_disaster.png,0,0,0,0,21,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000022_post_disaster.png,palu-tsunami_00000022_post_disaster,0,0,train\masks\palu-tsunami_00000022_post_disaster.png,0,0,29,48564,22,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000022_post_disaster.png,santa-rosa-wildfire_00000022_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000022_post_disaster.png,0,0,96,139781,22,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000022_post_disaster.png,hurricane-florence_00000022_post_disaster,0,0,train\masks\hurricane-florence_00000022_post_disaster.png,4,3630,2,276,22,2 +5,9717,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000022_post_disaster.png,sunda-tsunami_00000022_post_disaster,0,0,tier3\masks\sunda-tsunami_00000022_post_disaster.png,0,0,109,104575,22,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000022_post_disaster.png,hurricane-harvey_00000022_post_disaster,8,38244,train\masks\hurricane-harvey_00000022_post_disaster.png,7,21304,19,79448,22,2 +38,35944,moore-tornado,post,tier3,tier3\images\moore-tornado_00000022_post_disaster.png,moore-tornado_00000022_post_disaster,13,12720,tier3\masks\moore-tornado_00000022_post_disaster.png,7,7618,2,1101,22,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000022_post_disaster.png,tuscaloosa-tornado_00000022_post_disaster,1,1498,tier3\masks\tuscaloosa-tornado_00000022_post_disaster.png,0,0,117,169490,22,0 +1,138,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000022_post_disaster.png,nepal-flooding_00000022_post_disaster,28,17673,tier3\masks\nepal-flooding_00000022_post_disaster.png,16,11808,57,44695,22,3 +4,7769,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000022_post_disaster.png,joplin-tornado_00000022_post_disaster,0,0,tier3\masks\joplin-tornado_00000022_post_disaster.png,2,14136,1,12181,22,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000022_post_disaster.png,lower-puna-volcano_00000022_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000022_post_disaster.png,0,0,0,0,22,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000022_post_disaster.png,socal-fire_00000022_post_disaster,0,0,train\masks\socal-fire_00000022_post_disaster.png,0,0,0,0,22,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000022_post_disaster.png,portugal-wildfire_00000022_post_disaster,0,0,tier3\masks\portugal-wildfire_00000022_post_disaster.png,0,0,0,0,22,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000022_post_disaster.png,pinery-bushfire_00000022_post_disaster,0,0,tier3\masks\pinery-bushfire_00000022_post_disaster.png,0,0,9,26495,22,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000022_post_disaster.png,midwest-flooding_00000022_post_disaster,0,0,train\masks\midwest-flooding_00000022_post_disaster.png,0,0,252,228172,22,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000022_post_disaster.png,woolsey-fire_00000022_post_disaster,0,0,tier3\masks\woolsey-fire_00000022_post_disaster.png,0,0,0,0,22,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000023_post_disaster.png,woolsey-fire_00000023_post_disaster,0,0,tier3\masks\woolsey-fire_00000023_post_disaster.png,0,0,0,0,23,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000023_post_disaster.png,mexico-earthquake_00000023_post_disaster,0,0,train\masks\mexico-earthquake_00000023_post_disaster.png,0,0,113,417291,23,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000023_post_disaster.png,sunda-tsunami_00000023_post_disaster,0,0,tier3\masks\sunda-tsunami_00000023_post_disaster.png,3,2343,323,409728,23,4 +4,1479,palu-tsunami,post,train,train\images\palu-tsunami_00000023_post_disaster.png,palu-tsunami_00000023_post_disaster,0,0,train\masks\palu-tsunami_00000023_post_disaster.png,1,771,99,182690,23,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000023_post_disaster.png,portugal-wildfire_00000023_post_disaster,0,0,tier3\masks\portugal-wildfire_00000023_post_disaster.png,0,0,0,0,23,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000023_post_disaster.png,joplin-tornado_00000023_post_disaster,0,0,tier3\masks\joplin-tornado_00000023_post_disaster.png,0,0,46,83483,23,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000023_post_disaster.png,lower-puna-volcano_00000023_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000023_post_disaster.png,0,0,0,0,23,3 +45,97559,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000023_post_disaster.png,tuscaloosa-tornado_00000023_post_disaster,19,13162,tier3\masks\tuscaloosa-tornado_00000023_post_disaster.png,13,30179,18,22511,23,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000023_post_disaster.png,midwest-flooding_00000023_post_disaster,5,16029,train\masks\midwest-flooding_00000023_post_disaster.png,0,0,137,163495,23,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000023_post_disaster.png,nepal-flooding_00000023_post_disaster,18,13800,tier3\masks\nepal-flooding_00000023_post_disaster.png,15,13332,30,34064,23,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000023_post_disaster.png,pinery-bushfire_00000023_post_disaster,0,0,tier3\masks\pinery-bushfire_00000023_post_disaster.png,0,0,0,0,23,1 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000023_post_disaster.png,guatemala-volcano_00000023_post_disaster,0,0,train\masks\guatemala-volcano_00000023_post_disaster.png,0,0,116,59578,23,1 +2,1094,hurricane-matthew,post,train,train\images\hurricane-matthew_00000023_post_disaster.png,hurricane-matthew_00000023_post_disaster,43,21016,train\masks\hurricane-matthew_00000023_post_disaster.png,7,6901,31,19704,23,4 +11,10059,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000023_post_disaster.png,santa-rosa-wildfire_00000023_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000023_post_disaster.png,0,0,12,4689,23,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000023_post_disaster.png,hurricane-florence_00000023_post_disaster,0,0,train\masks\hurricane-florence_00000023_post_disaster.png,0,0,3,2245,23,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000023_post_disaster.png,moore-tornado_00000023_post_disaster,3,2979,tier3\masks\moore-tornado_00000023_post_disaster.png,0,0,222,282495,23,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000024_post_disaster.png,lower-puna-volcano_00000024_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000024_post_disaster.png,0,0,18,6059,24,4 +4,8889,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000024_post_disaster.png,santa-rosa-wildfire_00000024_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000024_post_disaster.png,0,0,0,0,24,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000024_post_disaster.png,sunda-tsunami_00000024_post_disaster,0,0,tier3\masks\sunda-tsunami_00000024_post_disaster.png,1,249,38,24119,24,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000024_post_disaster.png,socal-fire_00000024_post_disaster,0,0,train\masks\socal-fire_00000024_post_disaster.png,0,0,0,0,24,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000024_post_disaster.png,guatemala-volcano_00000024_post_disaster,0,0,train\masks\guatemala-volcano_00000024_post_disaster.png,0,0,45,26652,24,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000024_post_disaster.png,hurricane-florence_00000024_post_disaster,0,0,train\masks\hurricane-florence_00000024_post_disaster.png,0,0,13,8375,24,3 +3,572,hurricane-michael,post,train,train\images\hurricane-michael_00000024_post_disaster.png,hurricane-michael_00000024_post_disaster,0,0,train\masks\hurricane-michael_00000024_post_disaster.png,0,0,3,1913,24,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000024_post_disaster.png,moore-tornado_00000024_post_disaster,0,0,tier3\masks\moore-tornado_00000024_post_disaster.png,0,0,16,23241,24,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000024_post_disaster.png,midwest-flooding_00000024_post_disaster,0,0,train\masks\midwest-flooding_00000024_post_disaster.png,0,0,263,291432,24,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000024_post_disaster.png,pinery-bushfire_00000024_post_disaster,0,0,tier3\masks\pinery-bushfire_00000024_post_disaster.png,0,0,0,0,24,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000024_post_disaster.png,hurricane-harvey_00000024_post_disaster,0,0,train\masks\hurricane-harvey_00000024_post_disaster.png,0,0,22,351401,24,2 +1,1930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000024_post_disaster.png,woolsey-fire_00000024_post_disaster,0,0,tier3\masks\woolsey-fire_00000024_post_disaster.png,0,0,11,4836,24,4 +27,35144,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000024_post_disaster.png,tuscaloosa-tornado_00000024_post_disaster,40,34146,tier3\masks\tuscaloosa-tornado_00000024_post_disaster.png,13,20088,104,101445,24,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000024_post_disaster.png,nepal-flooding_00000024_post_disaster,0,0,tier3\masks\nepal-flooding_00000024_post_disaster.png,0,0,0,0,24,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000024_post_disaster.png,joplin-tornado_00000024_post_disaster,0,0,tier3\masks\joplin-tornado_00000024_post_disaster.png,1,12647,1,16848,24,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000024_post_disaster.png,mexico-earthquake_00000024_post_disaster,0,0,train\masks\mexico-earthquake_00000024_post_disaster.png,0,0,133,431151,24,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000024_post_disaster.png,palu-tsunami_00000024_post_disaster,0,0,train\masks\palu-tsunami_00000024_post_disaster.png,0,0,185,318554,24,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000024_post_disaster.png,portugal-wildfire_00000024_post_disaster,0,0,tier3\masks\portugal-wildfire_00000024_post_disaster.png,0,0,4,4526,24,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000025_post_disaster.png,hurricane-michael_00000025_post_disaster,0,0,train\masks\hurricane-michael_00000025_post_disaster.png,0,0,0,0,25,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000025_post_disaster.png,midwest-flooding_00000025_post_disaster,0,0,train\masks\midwest-flooding_00000025_post_disaster.png,0,0,60,77134,25,1 +14,6601,guatemala-volcano,post,train,train\images\guatemala-volcano_00000025_post_disaster.png,guatemala-volcano_00000025_post_disaster,0,0,train\masks\guatemala-volcano_00000025_post_disaster.png,5,2002,56,66756,25,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000025_post_disaster.png,tuscaloosa-tornado_00000025_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000025_post_disaster.png,0,0,4,27492,25,4 +51,41020,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000025_post_disaster.png,joplin-tornado_00000025_post_disaster,25,45169,tier3\masks\joplin-tornado_00000025_post_disaster.png,14,16050,11,8574,25,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000025_post_disaster.png,socal-fire_00000025_post_disaster,0,0,train\masks\socal-fire_00000025_post_disaster.png,0,0,2,388,25,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000025_post_disaster.png,moore-tornado_00000025_post_disaster,0,0,tier3\masks\moore-tornado_00000025_post_disaster.png,0,0,42,35132,25,2 +2,180,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000025_post_disaster.png,pinery-bushfire_00000025_post_disaster,0,0,tier3\masks\pinery-bushfire_00000025_post_disaster.png,0,0,11,3076,25,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000025_post_disaster.png,lower-puna-volcano_00000025_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000025_post_disaster.png,0,0,0,0,25,0 +14,34053,palu-tsunami,post,train,train\images\palu-tsunami_00000025_post_disaster.png,palu-tsunami_00000025_post_disaster,0,0,train\masks\palu-tsunami_00000025_post_disaster.png,7,5647,21,120538,25,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000025_post_disaster.png,sunda-tsunami_00000025_post_disaster,0,0,tier3\masks\sunda-tsunami_00000025_post_disaster.png,0,0,73,85521,25,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000025_post_disaster.png,woolsey-fire_00000025_post_disaster,0,0,tier3\masks\woolsey-fire_00000025_post_disaster.png,0,0,0,0,25,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000025_post_disaster.png,nepal-flooding_00000025_post_disaster,25,13360,tier3\masks\nepal-flooding_00000025_post_disaster.png,6,1462,16,12706,25,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000025_post_disaster.png,hurricane-harvey_00000025_post_disaster,0,0,train\masks\hurricane-harvey_00000025_post_disaster.png,0,0,142,230308,25,2 +1,79,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000025_post_disaster.png,portugal-wildfire_00000025_post_disaster,0,0,tier3\masks\portugal-wildfire_00000025_post_disaster.png,0,0,13,7706,25,0 +21,45524,palu-tsunami,post,train,train\images\palu-tsunami_00000026_post_disaster.png,palu-tsunami_00000026_post_disaster,0,0,train\masks\palu-tsunami_00000026_post_disaster.png,3,8186,0,0,26,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000026_post_disaster.png,moore-tornado_00000026_post_disaster,0,0,tier3\masks\moore-tornado_00000026_post_disaster.png,0,0,80,130401,26,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000026_post_disaster.png,hurricane-harvey_00000026_post_disaster,10,6053,train\masks\hurricane-harvey_00000026_post_disaster.png,14,19578,0,0,26,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000026_post_disaster.png,lower-puna-volcano_00000026_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000026_post_disaster.png,0,0,2,288,26,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000026_post_disaster.png,sunda-tsunami_00000026_post_disaster,0,0,tier3\masks\sunda-tsunami_00000026_post_disaster.png,0,0,51,27681,26,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000026_post_disaster.png,tuscaloosa-tornado_00000026_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000026_post_disaster.png,0,0,4,2015,26,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000026_post_disaster.png,pinery-bushfire_00000026_post_disaster,0,0,tier3\masks\pinery-bushfire_00000026_post_disaster.png,0,0,0,0,26,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000026_post_disaster.png,nepal-flooding_00000026_post_disaster,0,0,tier3\masks\nepal-flooding_00000026_post_disaster.png,0,0,18,9346,26,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000026_post_disaster.png,portugal-wildfire_00000026_post_disaster,0,0,tier3\masks\portugal-wildfire_00000026_post_disaster.png,0,0,0,0,26,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000026_post_disaster.png,joplin-tornado_00000026_post_disaster,0,0,tier3\masks\joplin-tornado_00000026_post_disaster.png,0,0,0,0,26,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000026_post_disaster.png,socal-fire_00000026_post_disaster,0,0,train\masks\socal-fire_00000026_post_disaster.png,0,0,0,0,26,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000026_post_disaster.png,hurricane-florence_00000026_post_disaster,0,0,train\masks\hurricane-florence_00000026_post_disaster.png,0,0,25,17047,26,1 +8,12559,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000026_post_disaster.png,santa-rosa-wildfire_00000026_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000026_post_disaster.png,0,0,1,236,26,4 +1,1932,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000026_post_disaster.png,woolsey-fire_00000026_post_disaster,0,0,tier3\masks\woolsey-fire_00000026_post_disaster.png,0,0,2,197,26,4 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000026_post_disaster.png,guatemala-volcano_00000026_post_disaster,0,0,train\masks\guatemala-volcano_00000026_post_disaster.png,0,0,23,7358,26,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000027_post_disaster.png,pinery-bushfire_00000027_post_disaster,0,0,tier3\masks\pinery-bushfire_00000027_post_disaster.png,0,0,3,2856,27,3 +22,13064,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000027_post_disaster.png,joplin-tornado_00000027_post_disaster,73,58835,tier3\masks\joplin-tornado_00000027_post_disaster.png,19,18809,90,55042,27,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000027_post_disaster.png,tuscaloosa-tornado_00000027_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000027_post_disaster.png,0,0,21,21949,27,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000027_post_disaster.png,sunda-tsunami_00000027_post_disaster,0,0,tier3\masks\sunda-tsunami_00000027_post_disaster.png,0,0,154,259580,27,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000027_post_disaster.png,lower-puna-volcano_00000027_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000027_post_disaster.png,0,0,0,0,27,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000027_post_disaster.png,portugal-wildfire_00000027_post_disaster,0,0,tier3\masks\portugal-wildfire_00000027_post_disaster.png,0,0,0,0,27,1 +14,31699,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000027_post_disaster.png,santa-rosa-wildfire_00000027_post_disaster,1,177,train\masks\santa-rosa-wildfire_00000027_post_disaster.png,0,0,4,8586,27,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000027_post_disaster.png,hurricane-florence_00000027_post_disaster,0,0,train\masks\hurricane-florence_00000027_post_disaster.png,0,0,1,632,27,3 +3,3620,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000027_post_disaster.png,woolsey-fire_00000027_post_disaster,0,0,tier3\masks\woolsey-fire_00000027_post_disaster.png,0,0,9,3806,27,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000027_post_disaster.png,midwest-flooding_00000027_post_disaster,0,0,train\masks\midwest-flooding_00000027_post_disaster.png,0,0,56,100326,27,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000027_post_disaster.png,mexico-earthquake_00000027_post_disaster,0,0,train\masks\mexico-earthquake_00000027_post_disaster.png,0,0,121,433228,27,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000027_post_disaster.png,socal-fire_00000027_post_disaster,0,0,train\masks\socal-fire_00000027_post_disaster.png,0,0,0,0,27,3 +0,0,guatemala-volcano,post,train,train\images\guatemala-volcano_00000027_post_disaster.png,guatemala-volcano_00000027_post_disaster,0,0,train\masks\guatemala-volcano_00000027_post_disaster.png,0,0,21,15526,27,1 +3,333,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000027_post_disaster.png,nepal-flooding_00000027_post_disaster,4,3235,tier3\masks\nepal-flooding_00000027_post_disaster.png,7,6188,31,25711,27,4 +47,48619,moore-tornado,post,tier3,tier3\images\moore-tornado_00000027_post_disaster.png,moore-tornado_00000027_post_disaster,25,82335,tier3\masks\moore-tornado_00000027_post_disaster.png,18,41527,61,57494,27,0 +9,1101,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000028_post_disaster.png,nepal-flooding_00000028_post_disaster,36,19961,tier3\masks\nepal-flooding_00000028_post_disaster.png,18,7510,41,60415,28,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000028_post_disaster.png,lower-puna-volcano_00000028_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000028_post_disaster.png,0,0,0,0,28,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000028_post_disaster.png,portugal-wildfire_00000028_post_disaster,1,1390,tier3\masks\portugal-wildfire_00000028_post_disaster.png,0,0,24,18186,28,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000028_post_disaster.png,hurricane-florence_00000028_post_disaster,0,0,train\masks\hurricane-florence_00000028_post_disaster.png,0,0,141,128871,28,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000028_post_disaster.png,tuscaloosa-tornado_00000028_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000028_post_disaster.png,0,0,148,158117,28,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000028_post_disaster.png,sunda-tsunami_00000028_post_disaster,0,0,tier3\masks\sunda-tsunami_00000028_post_disaster.png,0,0,3,2959,28,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000028_post_disaster.png,pinery-bushfire_00000028_post_disaster,0,0,tier3\masks\pinery-bushfire_00000028_post_disaster.png,0,0,0,0,28,2 +2,891,midwest-flooding,post,train,train\images\midwest-flooding_00000028_post_disaster.png,midwest-flooding_00000028_post_disaster,0,0,train\masks\midwest-flooding_00000028_post_disaster.png,0,0,0,0,28,1 +1,635,hurricane-michael,post,train,train\images\hurricane-michael_00000028_post_disaster.png,hurricane-michael_00000028_post_disaster,2,1751,train\masks\hurricane-michael_00000028_post_disaster.png,2,1024,3,1104,28,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000028_post_disaster.png,moore-tornado_00000028_post_disaster,0,0,tier3\masks\moore-tornado_00000028_post_disaster.png,0,0,14,13121,28,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000028_post_disaster.png,woolsey-fire_00000028_post_disaster,0,0,tier3\masks\woolsey-fire_00000028_post_disaster.png,0,0,0,0,28,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000028_post_disaster.png,hurricane-harvey_00000028_post_disaster,0,0,train\masks\hurricane-harvey_00000028_post_disaster.png,0,0,46,57414,28,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000028_post_disaster.png,socal-fire_00000028_post_disaster,0,0,train\masks\socal-fire_00000028_post_disaster.png,0,0,24,39429,28,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000028_post_disaster.png,joplin-tornado_00000028_post_disaster,0,0,tier3\masks\joplin-tornado_00000028_post_disaster.png,0,0,357,223831,28,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000029_post_disaster.png,sunda-tsunami_00000029_post_disaster,0,0,tier3\masks\sunda-tsunami_00000029_post_disaster.png,0,0,74,129141,29,3 +33,22444,moore-tornado,post,tier3,tier3\images\moore-tornado_00000029_post_disaster.png,moore-tornado_00000029_post_disaster,2,3834,tier3\masks\moore-tornado_00000029_post_disaster.png,8,16196,10,9051,29,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000029_post_disaster.png,midwest-flooding_00000029_post_disaster,0,0,train\masks\midwest-flooding_00000029_post_disaster.png,0,0,242,265697,29,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000029_post_disaster.png,hurricane-michael_00000029_post_disaster,0,0,train\masks\hurricane-michael_00000029_post_disaster.png,0,0,0,0,29,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000029_post_disaster.png,lower-puna-volcano_00000029_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000029_post_disaster.png,0,0,9,4489,29,2 +1,547,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000029_post_disaster.png,portugal-wildfire_00000029_post_disaster,0,0,tier3\masks\portugal-wildfire_00000029_post_disaster.png,1,247,67,45910,29,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000029_post_disaster.png,mexico-earthquake_00000029_post_disaster,0,0,train\masks\mexico-earthquake_00000029_post_disaster.png,0,0,161,405399,29,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000029_post_disaster.png,socal-fire_00000029_post_disaster,0,0,train\masks\socal-fire_00000029_post_disaster.png,0,0,0,0,29,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000029_post_disaster.png,tuscaloosa-tornado_00000029_post_disaster,1,1546,tier3\masks\tuscaloosa-tornado_00000029_post_disaster.png,0,0,6,7334,29,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000029_post_disaster.png,nepal-flooding_00000029_post_disaster,6,6154,tier3\masks\nepal-flooding_00000029_post_disaster.png,2,675,35,34461,29,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000029_post_disaster.png,hurricane-harvey_00000029_post_disaster,15,14300,train\masks\hurricane-harvey_00000029_post_disaster.png,12,24902,60,54465,29,4 +9,4407,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000029_post_disaster.png,woolsey-fire_00000029_post_disaster,0,0,tier3\masks\woolsey-fire_00000029_post_disaster.png,2,692,27,21843,29,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000029_post_disaster.png,joplin-tornado_00000029_post_disaster,0,0,tier3\masks\joplin-tornado_00000029_post_disaster.png,0,0,26,45342,29,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000029_post_disaster.png,pinery-bushfire_00000029_post_disaster,0,0,tier3\masks\pinery-bushfire_00000029_post_disaster.png,0,0,4,1602,29,2 +30,76644,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000030_post_disaster.png,santa-rosa-wildfire_00000030_post_disaster,1,884,train\masks\santa-rosa-wildfire_00000030_post_disaster.png,0,0,0,0,30,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000030_post_disaster.png,lower-puna-volcano_00000030_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000030_post_disaster.png,0,0,28,13978,30,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000030_post_disaster.png,midwest-flooding_00000030_post_disaster,1,1192,train\masks\midwest-flooding_00000030_post_disaster.png,0,0,1,16105,30,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000030_post_disaster.png,socal-fire_00000030_post_disaster,0,0,train\masks\socal-fire_00000030_post_disaster.png,0,0,1,230,30,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000030_post_disaster.png,moore-tornado_00000030_post_disaster,0,0,tier3\masks\moore-tornado_00000030_post_disaster.png,0,0,35,55859,30,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000030_post_disaster.png,hurricane-florence_00000030_post_disaster,0,0,train\masks\hurricane-florence_00000030_post_disaster.png,0,0,7,4751,30,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000030_post_disaster.png,portugal-wildfire_00000030_post_disaster,0,0,tier3\masks\portugal-wildfire_00000030_post_disaster.png,0,0,0,0,30,1 +38,51079,palu-tsunami,post,train,train\images\palu-tsunami_00000030_post_disaster.png,palu-tsunami_00000030_post_disaster,0,0,train\masks\palu-tsunami_00000030_post_disaster.png,1,740,0,0,30,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000030_post_disaster.png,mexico-earthquake_00000030_post_disaster,0,0,train\masks\mexico-earthquake_00000030_post_disaster.png,0,0,70,329874,30,4 +8,7570,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000030_post_disaster.png,joplin-tornado_00000030_post_disaster,1,1152,tier3\masks\joplin-tornado_00000030_post_disaster.png,6,9926,12,9511,30,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000030_post_disaster.png,pinery-bushfire_00000030_post_disaster,0,0,tier3\masks\pinery-bushfire_00000030_post_disaster.png,0,0,0,0,30,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000030_post_disaster.png,nepal-flooding_00000030_post_disaster,0,0,tier3\masks\nepal-flooding_00000030_post_disaster.png,0,0,20,29090,30,2 +11,12195,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000030_post_disaster.png,tuscaloosa-tornado_00000030_post_disaster,43,50079,tier3\masks\tuscaloosa-tornado_00000030_post_disaster.png,9,22527,50,46278,30,2 +1,1090,hurricane-matthew,post,train,train\images\hurricane-matthew_00000030_post_disaster.png,hurricane-matthew_00000030_post_disaster,11,17118,train\masks\hurricane-matthew_00000030_post_disaster.png,9,21183,106,127500,30,1 +16,13779,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000030_post_disaster.png,woolsey-fire_00000030_post_disaster,0,0,tier3\masks\woolsey-fire_00000030_post_disaster.png,0,0,0,0,30,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000030_post_disaster.png,hurricane-harvey_00000030_post_disaster,46,67433,train\masks\hurricane-harvey_00000030_post_disaster.png,20,25276,17,25918,30,4 +2,373,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000030_post_disaster.png,sunda-tsunami_00000030_post_disaster,0,0,tier3\masks\sunda-tsunami_00000030_post_disaster.png,2,2771,56,53232,30,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000031_post_disaster.png,moore-tornado_00000031_post_disaster,0,0,tier3\masks\moore-tornado_00000031_post_disaster.png,0,0,218,240692,31,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000031_post_disaster.png,portugal-wildfire_00000031_post_disaster,0,0,tier3\masks\portugal-wildfire_00000031_post_disaster.png,0,0,0,0,31,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000031_post_disaster.png,lower-puna-volcano_00000031_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000031_post_disaster.png,0,0,7,2490,31,2 +33,17348,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000031_post_disaster.png,joplin-tornado_00000031_post_disaster,74,63986,tier3\masks\joplin-tornado_00000031_post_disaster.png,13,9984,134,100287,31,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000031_post_disaster.png,pinery-bushfire_00000031_post_disaster,0,0,tier3\masks\pinery-bushfire_00000031_post_disaster.png,0,0,0,0,31,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000031_post_disaster.png,sunda-tsunami_00000031_post_disaster,0,0,tier3\masks\sunda-tsunami_00000031_post_disaster.png,0,0,4,8617,31,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000031_post_disaster.png,nepal-flooding_00000031_post_disaster,22,19038,tier3\masks\nepal-flooding_00000031_post_disaster.png,6,4044,53,63710,31,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000031_post_disaster.png,tuscaloosa-tornado_00000031_post_disaster,6,5119,tier3\masks\tuscaloosa-tornado_00000031_post_disaster.png,0,0,134,133228,31,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000031_post_disaster.png,hurricane-florence_00000031_post_disaster,0,0,train\masks\hurricane-florence_00000031_post_disaster.png,0,0,11,9432,31,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000031_post_disaster.png,hurricane-matthew_00000031_post_disaster,13,7381,train\masks\hurricane-matthew_00000031_post_disaster.png,0,0,3,2675,31,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000031_post_disaster.png,midwest-flooding_00000031_post_disaster,0,0,train\masks\midwest-flooding_00000031_post_disaster.png,0,0,174,272173,31,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000031_post_disaster.png,mexico-earthquake_00000031_post_disaster,0,0,train\masks\mexico-earthquake_00000031_post_disaster.png,0,0,5,7367,31,2 +22,52697,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000031_post_disaster.png,santa-rosa-wildfire_00000031_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000031_post_disaster.png,0,0,4,11877,31,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000031_post_disaster.png,woolsey-fire_00000031_post_disaster,0,0,tier3\masks\woolsey-fire_00000031_post_disaster.png,0,0,5,1639,31,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000032_post_disaster.png,sunda-tsunami_00000032_post_disaster,0,0,tier3\masks\sunda-tsunami_00000032_post_disaster.png,0,0,159,126206,32,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000032_post_disaster.png,midwest-flooding_00000032_post_disaster,0,0,train\masks\midwest-flooding_00000032_post_disaster.png,0,0,0,0,32,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000032_post_disaster.png,tuscaloosa-tornado_00000032_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000032_post_disaster.png,0,0,2,558,32,2 +9,3160,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000032_post_disaster.png,pinery-bushfire_00000032_post_disaster,0,0,tier3\masks\pinery-bushfire_00000032_post_disaster.png,1,826,18,5215,32,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000032_post_disaster.png,lower-puna-volcano_00000032_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000032_post_disaster.png,0,0,0,0,32,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000032_post_disaster.png,nepal-flooding_00000032_post_disaster,0,0,tier3\masks\nepal-flooding_00000032_post_disaster.png,0,0,0,0,32,1 +3,2026,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000032_post_disaster.png,joplin-tornado_00000032_post_disaster,3,4105,tier3\masks\joplin-tornado_00000032_post_disaster.png,3,16435,3,1023,32,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000032_post_disaster.png,mexico-earthquake_00000032_post_disaster,0,0,train\masks\mexico-earthquake_00000032_post_disaster.png,0,0,23,59374,32,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000032_post_disaster.png,socal-fire_00000032_post_disaster,0,0,train\masks\socal-fire_00000032_post_disaster.png,0,0,0,0,32,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000032_post_disaster.png,moore-tornado_00000032_post_disaster,0,0,tier3\masks\moore-tornado_00000032_post_disaster.png,0,0,26,23994,32,2 +8,5427,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000032_post_disaster.png,woolsey-fire_00000032_post_disaster,2,721,tier3\masks\woolsey-fire_00000032_post_disaster.png,0,0,2,1524,32,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000032_post_disaster.png,portugal-wildfire_00000032_post_disaster,0,0,tier3\masks\portugal-wildfire_00000032_post_disaster.png,0,0,1,300,32,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000032_post_disaster.png,hurricane-florence_00000032_post_disaster,0,0,train\masks\hurricane-florence_00000032_post_disaster.png,0,0,18,12732,32,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000033_post_disaster.png,nepal-flooding_00000033_post_disaster,1,442,tier3\masks\nepal-flooding_00000033_post_disaster.png,0,0,19,13484,33,4 +33,28627,moore-tornado,post,tier3,tier3\images\moore-tornado_00000033_post_disaster.png,moore-tornado_00000033_post_disaster,8,10095,tier3\masks\moore-tornado_00000033_post_disaster.png,12,15348,71,99316,33,2 +6,4715,palu-tsunami,post,train,train\images\palu-tsunami_00000033_post_disaster.png,palu-tsunami_00000033_post_disaster,0,0,train\masks\palu-tsunami_00000033_post_disaster.png,4,4126,7,3505,33,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000033_post_disaster.png,mexico-earthquake_00000033_post_disaster,0,0,train\masks\mexico-earthquake_00000033_post_disaster.png,0,0,62,139278,33,2 +2,337,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000033_post_disaster.png,woolsey-fire_00000033_post_disaster,0,0,tier3\masks\woolsey-fire_00000033_post_disaster.png,0,0,0,0,33,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000033_post_disaster.png,midwest-flooding_00000033_post_disaster,0,0,train\masks\midwest-flooding_00000033_post_disaster.png,0,0,73,148134,33,1 +9,749,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000033_post_disaster.png,joplin-tornado_00000033_post_disaster,99,115299,tier3\masks\joplin-tornado_00000033_post_disaster.png,2,1680,125,115401,33,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000033_post_disaster.png,lower-puna-volcano_00000033_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000033_post_disaster.png,0,0,0,0,33,2 +4,5107,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000033_post_disaster.png,santa-rosa-wildfire_00000033_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000033_post_disaster.png,0,0,36,54182,33,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000033_post_disaster.png,socal-fire_00000033_post_disaster,0,0,train\masks\socal-fire_00000033_post_disaster.png,0,0,1,871,33,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000033_post_disaster.png,sunda-tsunami_00000033_post_disaster,0,0,tier3\masks\sunda-tsunami_00000033_post_disaster.png,0,0,35,50742,33,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000033_post_disaster.png,portugal-wildfire_00000033_post_disaster,0,0,tier3\masks\portugal-wildfire_00000033_post_disaster.png,0,0,11,8425,33,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000033_post_disaster.png,tuscaloosa-tornado_00000033_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000033_post_disaster.png,0,0,0,0,33,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000033_post_disaster.png,pinery-bushfire_00000033_post_disaster,0,0,tier3\masks\pinery-bushfire_00000033_post_disaster.png,0,0,0,0,33,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000034_post_disaster.png,lower-puna-volcano_00000034_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000034_post_disaster.png,0,0,0,0,34,1 +4,3356,palu-tsunami,post,train,train\images\palu-tsunami_00000034_post_disaster.png,palu-tsunami_00000034_post_disaster,0,0,train\masks\palu-tsunami_00000034_post_disaster.png,2,958,40,41216,34,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000034_post_disaster.png,sunda-tsunami_00000034_post_disaster,0,0,tier3\masks\sunda-tsunami_00000034_post_disaster.png,0,0,80,56765,34,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000034_post_disaster.png,hurricane-matthew_00000034_post_disaster,8,6205,train\masks\hurricane-matthew_00000034_post_disaster.png,4,2636,3,1465,34,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000034_post_disaster.png,portugal-wildfire_00000034_post_disaster,0,0,tier3\masks\portugal-wildfire_00000034_post_disaster.png,0,0,1,733,34,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000034_post_disaster.png,tuscaloosa-tornado_00000034_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000034_post_disaster.png,0,0,9,4124,34,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000034_post_disaster.png,pinery-bushfire_00000034_post_disaster,0,0,tier3\masks\pinery-bushfire_00000034_post_disaster.png,0,0,6,3291,34,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000034_post_disaster.png,joplin-tornado_00000034_post_disaster,0,0,tier3\masks\joplin-tornado_00000034_post_disaster.png,0,0,3,7440,34,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000034_post_disaster.png,mexico-earthquake_00000034_post_disaster,0,0,train\masks\mexico-earthquake_00000034_post_disaster.png,0,0,35,114257,34,3 +1,1456,hurricane-michael,post,train,train\images\hurricane-michael_00000034_post_disaster.png,hurricane-michael_00000034_post_disaster,18,33299,train\masks\hurricane-michael_00000034_post_disaster.png,4,15842,13,22763,34,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000034_post_disaster.png,moore-tornado_00000034_post_disaster,0,0,tier3\masks\moore-tornado_00000034_post_disaster.png,0,0,2,3740,34,2 +7,8435,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000034_post_disaster.png,santa-rosa-wildfire_00000034_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000034_post_disaster.png,0,0,2,2921,34,1 +3,634,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000034_post_disaster.png,nepal-flooding_00000034_post_disaster,17,12270,tier3\masks\nepal-flooding_00000034_post_disaster.png,6,2407,28,31648,34,0 +12,7555,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000034_post_disaster.png,woolsey-fire_00000034_post_disaster,5,2423,tier3\masks\woolsey-fire_00000034_post_disaster.png,0,0,5,2328,34,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000035_post_disaster.png,socal-fire_00000035_post_disaster,0,0,train\masks\socal-fire_00000035_post_disaster.png,0,0,79,130620,35,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000035_post_disaster.png,sunda-tsunami_00000035_post_disaster,0,0,tier3\masks\sunda-tsunami_00000035_post_disaster.png,0,0,132,131512,35,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000035_post_disaster.png,pinery-bushfire_00000035_post_disaster,0,0,tier3\masks\pinery-bushfire_00000035_post_disaster.png,0,0,8,5222,35,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000035_post_disaster.png,portugal-wildfire_00000035_post_disaster,0,0,tier3\masks\portugal-wildfire_00000035_post_disaster.png,0,0,1,194,35,3 +3,1836,hurricane-michael,post,train,train\images\hurricane-michael_00000035_post_disaster.png,hurricane-michael_00000035_post_disaster,10,51468,train\masks\hurricane-michael_00000035_post_disaster.png,5,5769,35,52984,35,2 +21,11287,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000035_post_disaster.png,woolsey-fire_00000035_post_disaster,2,776,tier3\masks\woolsey-fire_00000035_post_disaster.png,3,953,21,8075,35,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000035_post_disaster.png,tuscaloosa-tornado_00000035_post_disaster,13,12922,tier3\masks\tuscaloosa-tornado_00000035_post_disaster.png,0,0,154,178021,35,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000035_post_disaster.png,lower-puna-volcano_00000035_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000035_post_disaster.png,0,0,3,1503,35,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000035_post_disaster.png,nepal-flooding_00000035_post_disaster,0,0,tier3\masks\nepal-flooding_00000035_post_disaster.png,0,0,4,1857,35,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000035_post_disaster.png,mexico-earthquake_00000035_post_disaster,0,0,train\masks\mexico-earthquake_00000035_post_disaster.png,0,0,72,221866,35,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000035_post_disaster.png,midwest-flooding_00000035_post_disaster,0,0,train\masks\midwest-flooding_00000035_post_disaster.png,0,0,0,0,35,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000035_post_disaster.png,hurricane-matthew_00000035_post_disaster,29,15330,train\masks\hurricane-matthew_00000035_post_disaster.png,3,1283,26,11359,35,2 +8,637,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000035_post_disaster.png,joplin-tornado_00000035_post_disaster,42,62669,tier3\masks\joplin-tornado_00000035_post_disaster.png,1,1057,112,135349,35,0 +63,51158,moore-tornado,post,tier3,tier3\images\moore-tornado_00000035_post_disaster.png,moore-tornado_00000035_post_disaster,24,24995,tier3\masks\moore-tornado_00000035_post_disaster.png,14,16052,66,51478,35,2 +33,30770,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000035_post_disaster.png,santa-rosa-wildfire_00000035_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000035_post_disaster.png,0,0,1,697,35,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000035_post_disaster.png,hurricane-harvey_00000035_post_disaster,0,0,train\masks\hurricane-harvey_00000035_post_disaster.png,4,3849,0,0,35,4 +108,179355,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000036_post_disaster.png,santa-rosa-wildfire_00000036_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000036_post_disaster.png,0,0,6,8016,36,0 +2,201,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000036_post_disaster.png,nepal-flooding_00000036_post_disaster,54,33890,tier3\masks\nepal-flooding_00000036_post_disaster.png,33,15324,17,10053,36,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000036_post_disaster.png,socal-fire_00000036_post_disaster,0,0,train\masks\socal-fire_00000036_post_disaster.png,0,0,6,1623,36,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000036_post_disaster.png,hurricane-florence_00000036_post_disaster,0,0,train\masks\hurricane-florence_00000036_post_disaster.png,0,0,40,33607,36,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000036_post_disaster.png,pinery-bushfire_00000036_post_disaster,0,0,tier3\masks\pinery-bushfire_00000036_post_disaster.png,0,0,0,0,36,1 +1,1101,hurricane-michael,post,train,train\images\hurricane-michael_00000036_post_disaster.png,hurricane-michael_00000036_post_disaster,17,21335,train\masks\hurricane-michael_00000036_post_disaster.png,4,6134,8,10388,36,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000036_post_disaster.png,lower-puna-volcano_00000036_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000036_post_disaster.png,0,0,24,5205,36,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000036_post_disaster.png,tuscaloosa-tornado_00000036_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000036_post_disaster.png,0,0,12,68408,36,0 +33,53452,moore-tornado,post,tier3,tier3\images\moore-tornado_00000036_post_disaster.png,moore-tornado_00000036_post_disaster,0,0,tier3\masks\moore-tornado_00000036_post_disaster.png,0,0,2,6394,36,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000036_post_disaster.png,portugal-wildfire_00000036_post_disaster,0,0,tier3\masks\portugal-wildfire_00000036_post_disaster.png,0,0,0,0,36,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000036_post_disaster.png,sunda-tsunami_00000036_post_disaster,0,0,tier3\masks\sunda-tsunami_00000036_post_disaster.png,0,0,31,33335,36,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000036_post_disaster.png,joplin-tornado_00000036_post_disaster,6,10197,tier3\masks\joplin-tornado_00000036_post_disaster.png,0,0,254,218235,36,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000036_post_disaster.png,woolsey-fire_00000036_post_disaster,0,0,tier3\masks\woolsey-fire_00000036_post_disaster.png,0,0,0,0,36,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000036_post_disaster.png,midwest-flooding_00000036_post_disaster,0,0,train\masks\midwest-flooding_00000036_post_disaster.png,0,0,58,188703,36,3 +43,66815,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000037_post_disaster.png,tuscaloosa-tornado_00000037_post_disaster,24,21264,tier3\masks\tuscaloosa-tornado_00000037_post_disaster.png,13,22554,51,41843,37,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000037_post_disaster.png,lower-puna-volcano_00000037_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000037_post_disaster.png,0,0,41,26940,37,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000037_post_disaster.png,hurricane-florence_00000037_post_disaster,0,0,train\masks\hurricane-florence_00000037_post_disaster.png,0,0,13,8475,37,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000037_post_disaster.png,mexico-earthquake_00000037_post_disaster,0,0,train\masks\mexico-earthquake_00000037_post_disaster.png,0,0,109,426505,37,2 +3,1073,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000037_post_disaster.png,joplin-tornado_00000037_post_disaster,28,29967,tier3\masks\joplin-tornado_00000037_post_disaster.png,3,3391,104,68558,37,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000037_post_disaster.png,moore-tornado_00000037_post_disaster,0,0,tier3\masks\moore-tornado_00000037_post_disaster.png,0,0,9,14466,37,4 +4,1785,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000037_post_disaster.png,woolsey-fire_00000037_post_disaster,0,0,tier3\masks\woolsey-fire_00000037_post_disaster.png,2,503,1,972,37,3 +1,924,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000037_post_disaster.png,portugal-wildfire_00000037_post_disaster,0,0,tier3\masks\portugal-wildfire_00000037_post_disaster.png,0,0,25,18210,37,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000037_post_disaster.png,pinery-bushfire_00000037_post_disaster,0,0,tier3\masks\pinery-bushfire_00000037_post_disaster.png,0,0,6,2788,37,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000037_post_disaster.png,sunda-tsunami_00000037_post_disaster,0,0,tier3\masks\sunda-tsunami_00000037_post_disaster.png,0,0,18,14355,37,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000037_post_disaster.png,nepal-flooding_00000037_post_disaster,0,0,tier3\masks\nepal-flooding_00000037_post_disaster.png,0,0,36,18432,37,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000038_post_disaster.png,portugal-wildfire_00000038_post_disaster,0,0,tier3\masks\portugal-wildfire_00000038_post_disaster.png,0,0,0,0,38,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000038_post_disaster.png,woolsey-fire_00000038_post_disaster,0,0,tier3\masks\woolsey-fire_00000038_post_disaster.png,0,0,0,0,38,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000038_post_disaster.png,socal-fire_00000038_post_disaster,0,0,train\masks\socal-fire_00000038_post_disaster.png,0,0,13,39411,38,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000038_post_disaster.png,joplin-tornado_00000038_post_disaster,10,14902,tier3\masks\joplin-tornado_00000038_post_disaster.png,0,0,161,156266,38,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000038_post_disaster.png,lower-puna-volcano_00000038_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000038_post_disaster.png,0,0,0,0,38,1 +2,246,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000038_post_disaster.png,nepal-flooding_00000038_post_disaster,6,4449,tier3\masks\nepal-flooding_00000038_post_disaster.png,0,0,48,21047,38,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000038_post_disaster.png,sunda-tsunami_00000038_post_disaster,0,0,tier3\masks\sunda-tsunami_00000038_post_disaster.png,0,0,144,82547,38,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000038_post_disaster.png,moore-tornado_00000038_post_disaster,0,0,tier3\masks\moore-tornado_00000038_post_disaster.png,0,0,129,145822,38,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000038_post_disaster.png,pinery-bushfire_00000038_post_disaster,0,0,tier3\masks\pinery-bushfire_00000038_post_disaster.png,0,0,0,0,38,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000038_post_disaster.png,midwest-flooding_00000038_post_disaster,0,0,train\masks\midwest-flooding_00000038_post_disaster.png,1,81,1,104,38,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000038_post_disaster.png,hurricane-michael_00000038_post_disaster,0,0,train\masks\hurricane-michael_00000038_post_disaster.png,0,0,0,0,38,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000038_post_disaster.png,tuscaloosa-tornado_00000038_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000038_post_disaster.png,0,0,146,181362,38,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000039_post_disaster.png,moore-tornado_00000039_post_disaster,0,0,tier3\masks\moore-tornado_00000039_post_disaster.png,0,0,116,114536,39,4 +2,1341,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000039_post_disaster.png,joplin-tornado_00000039_post_disaster,34,36126,tier3\masks\joplin-tornado_00000039_post_disaster.png,2,914,230,208143,39,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000039_post_disaster.png,mexico-earthquake_00000039_post_disaster,1,3211,train\masks\mexico-earthquake_00000039_post_disaster.png,0,0,60,278062,39,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000039_post_disaster.png,portugal-wildfire_00000039_post_disaster,1,1157,tier3\masks\portugal-wildfire_00000039_post_disaster.png,0,0,36,66961,39,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000039_post_disaster.png,nepal-flooding_00000039_post_disaster,3,5004,tier3\masks\nepal-flooding_00000039_post_disaster.png,0,0,10,4024,39,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000039_post_disaster.png,hurricane-harvey_00000039_post_disaster,3,3910,train\masks\hurricane-harvey_00000039_post_disaster.png,5,5088,6,2862,39,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000039_post_disaster.png,hurricane-michael_00000039_post_disaster,8,38489,train\masks\hurricane-michael_00000039_post_disaster.png,0,0,16,25828,39,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000039_post_disaster.png,hurricane-matthew_00000039_post_disaster,16,11605,train\masks\hurricane-matthew_00000039_post_disaster.png,6,5208,64,37082,39,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000039_post_disaster.png,sunda-tsunami_00000039_post_disaster,0,0,tier3\masks\sunda-tsunami_00000039_post_disaster.png,0,0,1,103,39,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000039_post_disaster.png,pinery-bushfire_00000039_post_disaster,0,0,tier3\masks\pinery-bushfire_00000039_post_disaster.png,0,0,0,0,39,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000039_post_disaster.png,tuscaloosa-tornado_00000039_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000039_post_disaster.png,0,0,64,61440,39,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000039_post_disaster.png,lower-puna-volcano_00000039_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000039_post_disaster.png,0,0,1,118,39,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000039_post_disaster.png,woolsey-fire_00000039_post_disaster,0,0,tier3\masks\woolsey-fire_00000039_post_disaster.png,0,0,5,6506,39,1 +10,30382,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000039_post_disaster.png,santa-rosa-wildfire_00000039_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000039_post_disaster.png,0,0,35,108883,39,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000039_post_disaster.png,midwest-flooding_00000039_post_disaster,0,0,train\masks\midwest-flooding_00000039_post_disaster.png,0,0,41,85339,39,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000040_post_disaster.png,hurricane-harvey_00000040_post_disaster,3,5966,train\masks\hurricane-harvey_00000040_post_disaster.png,11,17261,0,0,40,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000040_post_disaster.png,sunda-tsunami_00000040_post_disaster,0,0,tier3\masks\sunda-tsunami_00000040_post_disaster.png,0,0,0,0,40,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000040_post_disaster.png,nepal-flooding_00000040_post_disaster,1,244,tier3\masks\nepal-flooding_00000040_post_disaster.png,0,0,0,0,40,4 +8,7233,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000040_post_disaster.png,santa-rosa-wildfire_00000040_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000040_post_disaster.png,0,0,9,9032,40,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000040_post_disaster.png,lower-puna-volcano_00000040_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000040_post_disaster.png,0,0,5,1686,40,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000040_post_disaster.png,joplin-tornado_00000040_post_disaster,17,21130,tier3\masks\joplin-tornado_00000040_post_disaster.png,0,0,176,191584,40,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000040_post_disaster.png,hurricane-matthew_00000040_post_disaster,24,13849,train\masks\hurricane-matthew_00000040_post_disaster.png,2,2471,16,5358,40,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000040_post_disaster.png,tuscaloosa-tornado_00000040_post_disaster,10,8026,tier3\masks\tuscaloosa-tornado_00000040_post_disaster.png,0,0,34,99669,40,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000040_post_disaster.png,midwest-flooding_00000040_post_disaster,0,0,train\masks\midwest-flooding_00000040_post_disaster.png,0,0,0,0,40,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000040_post_disaster.png,moore-tornado_00000040_post_disaster,0,0,tier3\masks\moore-tornado_00000040_post_disaster.png,0,0,10,1974,40,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000040_post_disaster.png,portugal-wildfire_00000040_post_disaster,0,0,tier3\masks\portugal-wildfire_00000040_post_disaster.png,0,0,0,0,40,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000040_post_disaster.png,pinery-bushfire_00000040_post_disaster,0,0,tier3\masks\pinery-bushfire_00000040_post_disaster.png,0,0,0,0,40,3 +1,413,hurricane-michael,post,train,train\images\hurricane-michael_00000040_post_disaster.png,hurricane-michael_00000040_post_disaster,7,59500,train\masks\hurricane-michael_00000040_post_disaster.png,3,5135,16,46322,40,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000040_post_disaster.png,woolsey-fire_00000040_post_disaster,0,0,tier3\masks\woolsey-fire_00000040_post_disaster.png,0,0,0,0,40,4 +2,315,palu-tsunami,post,train,train\images\palu-tsunami_00000040_post_disaster.png,palu-tsunami_00000040_post_disaster,0,0,train\masks\palu-tsunami_00000040_post_disaster.png,0,0,38,27029,40,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000040_post_disaster.png,mexico-earthquake_00000040_post_disaster,0,0,train\masks\mexico-earthquake_00000040_post_disaster.png,0,0,162,377918,40,3 +1,1210,hurricane-michael,post,train,train\images\hurricane-michael_00000041_post_disaster.png,hurricane-michael_00000041_post_disaster,18,22735,train\masks\hurricane-michael_00000041_post_disaster.png,0,0,106,120733,41,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000041_post_disaster.png,midwest-flooding_00000041_post_disaster,0,0,train\masks\midwest-flooding_00000041_post_disaster.png,0,0,108,171604,41,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000041_post_disaster.png,hurricane-matthew_00000041_post_disaster,26,11130,train\masks\hurricane-matthew_00000041_post_disaster.png,1,408,11,3334,41,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000041_post_disaster.png,tuscaloosa-tornado_00000041_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000041_post_disaster.png,0,0,1,406,41,0 +8,7951,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000041_post_disaster.png,woolsey-fire_00000041_post_disaster,0,0,tier3\masks\woolsey-fire_00000041_post_disaster.png,1,901,5,3954,41,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000041_post_disaster.png,nepal-flooding_00000041_post_disaster,0,0,tier3\masks\nepal-flooding_00000041_post_disaster.png,0,0,0,0,41,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000041_post_disaster.png,mexico-earthquake_00000041_post_disaster,0,0,train\masks\mexico-earthquake_00000041_post_disaster.png,0,0,65,294467,41,4 +5,4404,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000041_post_disaster.png,joplin-tornado_00000041_post_disaster,3,2452,tier3\masks\joplin-tornado_00000041_post_disaster.png,5,8456,36,105462,41,1 +9,6118,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000041_post_disaster.png,sunda-tsunami_00000041_post_disaster,0,0,tier3\masks\sunda-tsunami_00000041_post_disaster.png,2,1566,52,34305,41,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000041_post_disaster.png,hurricane-harvey_00000041_post_disaster,0,0,train\masks\hurricane-harvey_00000041_post_disaster.png,3,6852,0,0,41,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000041_post_disaster.png,moore-tornado_00000041_post_disaster,0,0,tier3\masks\moore-tornado_00000041_post_disaster.png,0,0,31,29122,41,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000041_post_disaster.png,lower-puna-volcano_00000041_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000041_post_disaster.png,0,0,2,1220,41,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000041_post_disaster.png,santa-rosa-wildfire_00000041_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000041_post_disaster.png,0,0,140,160205,41,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000041_post_disaster.png,pinery-bushfire_00000041_post_disaster,0,0,tier3\masks\pinery-bushfire_00000041_post_disaster.png,0,0,0,0,41,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000041_post_disaster.png,portugal-wildfire_00000041_post_disaster,0,0,tier3\masks\portugal-wildfire_00000041_post_disaster.png,0,0,0,0,41,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000042_post_disaster.png,hurricane-florence_00000042_post_disaster,0,0,train\masks\hurricane-florence_00000042_post_disaster.png,0,0,17,11786,42,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000042_post_disaster.png,hurricane-harvey_00000042_post_disaster,3,9586,train\masks\hurricane-harvey_00000042_post_disaster.png,2,911,2,3115,42,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000042_post_disaster.png,joplin-tornado_00000042_post_disaster,5,5269,tier3\masks\joplin-tornado_00000042_post_disaster.png,0,0,137,124073,42,0 +19,10845,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000042_post_disaster.png,tuscaloosa-tornado_00000042_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000042_post_disaster.png,1,653,4,3025,42,0 +11,25804,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000042_post_disaster.png,santa-rosa-wildfire_00000042_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000042_post_disaster.png,0,0,8,20646,42,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000042_post_disaster.png,pinery-bushfire_00000042_post_disaster,0,0,tier3\masks\pinery-bushfire_00000042_post_disaster.png,0,0,0,0,42,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000042_post_disaster.png,nepal-flooding_00000042_post_disaster,4,2797,tier3\masks\nepal-flooding_00000042_post_disaster.png,2,1029,100,89923,42,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000042_post_disaster.png,lower-puna-volcano_00000042_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000042_post_disaster.png,0,0,2,682,42,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000042_post_disaster.png,woolsey-fire_00000042_post_disaster,0,0,tier3\masks\woolsey-fire_00000042_post_disaster.png,0,0,0,0,42,1 +15,16393,moore-tornado,post,tier3,tier3\images\moore-tornado_00000042_post_disaster.png,moore-tornado_00000042_post_disaster,28,43309,tier3\masks\moore-tornado_00000042_post_disaster.png,8,14046,33,45455,42,0 +2,451,palu-tsunami,post,train,train\images\palu-tsunami_00000042_post_disaster.png,palu-tsunami_00000042_post_disaster,0,0,train\masks\palu-tsunami_00000042_post_disaster.png,1,1852,11,8297,42,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000042_post_disaster.png,mexico-earthquake_00000042_post_disaster,0,0,train\masks\mexico-earthquake_00000042_post_disaster.png,0,0,109,349910,42,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000042_post_disaster.png,portugal-wildfire_00000042_post_disaster,0,0,tier3\masks\portugal-wildfire_00000042_post_disaster.png,0,0,0,0,42,3 +11,2976,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000042_post_disaster.png,sunda-tsunami_00000042_post_disaster,0,0,tier3\masks\sunda-tsunami_00000042_post_disaster.png,10,3750,68,48507,42,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000042_post_disaster.png,socal-fire_00000042_post_disaster,0,0,train\masks\socal-fire_00000042_post_disaster.png,0,0,8,6121,42,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000043_post_disaster.png,sunda-tsunami_00000043_post_disaster,0,0,tier3\masks\sunda-tsunami_00000043_post_disaster.png,0,0,3,896,43,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000043_post_disaster.png,pinery-bushfire_00000043_post_disaster,0,0,tier3\masks\pinery-bushfire_00000043_post_disaster.png,0,0,2,282,43,2 +2,4891,palu-tsunami,post,train,train\images\palu-tsunami_00000043_post_disaster.png,palu-tsunami_00000043_post_disaster,0,0,train\masks\palu-tsunami_00000043_post_disaster.png,0,0,25,22472,43,1 +15,23827,moore-tornado,post,tier3,tier3\images\moore-tornado_00000043_post_disaster.png,moore-tornado_00000043_post_disaster,3,3787,tier3\masks\moore-tornado_00000043_post_disaster.png,3,6110,17,17233,43,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000043_post_disaster.png,portugal-wildfire_00000043_post_disaster,0,0,tier3\masks\portugal-wildfire_00000043_post_disaster.png,0,0,0,0,43,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000043_post_disaster.png,hurricane-harvey_00000043_post_disaster,0,0,train\masks\hurricane-harvey_00000043_post_disaster.png,1,1101,0,0,43,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000043_post_disaster.png,lower-puna-volcano_00000043_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000043_post_disaster.png,0,0,0,0,43,2 +59,53392,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000043_post_disaster.png,joplin-tornado_00000043_post_disaster,29,46818,tier3\masks\joplin-tornado_00000043_post_disaster.png,23,29188,22,18883,43,3 +2,350,hurricane-matthew,post,train,train\images\hurricane-matthew_00000043_post_disaster.png,hurricane-matthew_00000043_post_disaster,29,22968,train\masks\hurricane-matthew_00000043_post_disaster.png,2,1255,142,77874,43,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000043_post_disaster.png,midwest-flooding_00000043_post_disaster,0,0,train\masks\midwest-flooding_00000043_post_disaster.png,0,0,57,109362,43,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000043_post_disaster.png,mexico-earthquake_00000043_post_disaster,0,0,train\masks\mexico-earthquake_00000043_post_disaster.png,0,0,179,522962,43,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000043_post_disaster.png,tuscaloosa-tornado_00000043_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000043_post_disaster.png,0,0,0,0,43,2 +1,944,hurricane-michael,post,train,train\images\hurricane-michael_00000043_post_disaster.png,hurricane-michael_00000043_post_disaster,52,88831,train\masks\hurricane-michael_00000043_post_disaster.png,1,1359,37,52203,43,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000043_post_disaster.png,socal-fire_00000043_post_disaster,0,0,train\masks\socal-fire_00000043_post_disaster.png,0,0,0,0,43,0 +1,1061,hurricane-florence,post,train,train\images\hurricane-florence_00000043_post_disaster.png,hurricane-florence_00000043_post_disaster,0,0,train\masks\hurricane-florence_00000043_post_disaster.png,0,0,0,0,43,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000043_post_disaster.png,nepal-flooding_00000043_post_disaster,0,0,tier3\masks\nepal-flooding_00000043_post_disaster.png,1,274,0,0,43,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000043_post_disaster.png,woolsey-fire_00000043_post_disaster,0,0,tier3\masks\woolsey-fire_00000043_post_disaster.png,0,0,0,0,43,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000044_post_disaster.png,pinery-bushfire_00000044_post_disaster,0,0,tier3\masks\pinery-bushfire_00000044_post_disaster.png,0,0,0,0,44,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000044_post_disaster.png,mexico-earthquake_00000044_post_disaster,0,0,train\masks\mexico-earthquake_00000044_post_disaster.png,0,0,83,424430,44,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000044_post_disaster.png,joplin-tornado_00000044_post_disaster,21,32135,tier3\masks\joplin-tornado_00000044_post_disaster.png,2,4498,89,85260,44,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000044_post_disaster.png,midwest-flooding_00000044_post_disaster,0,0,train\masks\midwest-flooding_00000044_post_disaster.png,0,0,96,264028,44,3 +5,1216,hurricane-matthew,post,train,train\images\hurricane-matthew_00000044_post_disaster.png,hurricane-matthew_00000044_post_disaster,61,83186,train\masks\hurricane-matthew_00000044_post_disaster.png,19,24495,90,84159,44,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000044_post_disaster.png,hurricane-florence_00000044_post_disaster,0,0,train\masks\hurricane-florence_00000044_post_disaster.png,0,0,6,2561,44,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000044_post_disaster.png,palu-tsunami_00000044_post_disaster,0,0,train\masks\palu-tsunami_00000044_post_disaster.png,0,0,114,117403,44,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000044_post_disaster.png,tuscaloosa-tornado_00000044_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000044_post_disaster.png,0,0,2,293,44,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000044_post_disaster.png,moore-tornado_00000044_post_disaster,0,0,tier3\masks\moore-tornado_00000044_post_disaster.png,0,0,16,24664,44,4 +1,45,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000044_post_disaster.png,nepal-flooding_00000044_post_disaster,22,28132,tier3\masks\nepal-flooding_00000044_post_disaster.png,0,0,51,46493,44,3 +2,1747,hurricane-michael,post,train,train\images\hurricane-michael_00000044_post_disaster.png,hurricane-michael_00000044_post_disaster,8,15821,train\masks\hurricane-michael_00000044_post_disaster.png,4,4367,5,6364,44,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000044_post_disaster.png,socal-fire_00000044_post_disaster,0,0,train\masks\socal-fire_00000044_post_disaster.png,0,0,18,36176,44,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000044_post_disaster.png,lower-puna-volcano_00000044_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000044_post_disaster.png,0,0,10,3683,44,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000044_post_disaster.png,woolsey-fire_00000044_post_disaster,0,0,tier3\masks\woolsey-fire_00000044_post_disaster.png,0,0,0,0,44,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000044_post_disaster.png,sunda-tsunami_00000044_post_disaster,0,0,tier3\masks\sunda-tsunami_00000044_post_disaster.png,0,0,0,0,44,3 +77,110033,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000044_post_disaster.png,santa-rosa-wildfire_00000044_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000044_post_disaster.png,0,0,4,6817,44,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000044_post_disaster.png,portugal-wildfire_00000044_post_disaster,0,0,tier3\masks\portugal-wildfire_00000044_post_disaster.png,0,0,0,0,44,2 +11,2774,hurricane-michael,post,train,train\images\hurricane-michael_00000045_post_disaster.png,hurricane-michael_00000045_post_disaster,23,38158,train\masks\hurricane-michael_00000045_post_disaster.png,0,0,6,12684,45,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000045_post_disaster.png,joplin-tornado_00000045_post_disaster,0,0,tier3\masks\joplin-tornado_00000045_post_disaster.png,0,0,11,9362,45,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000045_post_disaster.png,hurricane-matthew_00000045_post_disaster,78,70829,train\masks\hurricane-matthew_00000045_post_disaster.png,2,1624,10,6646,45,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000045_post_disaster.png,hurricane-florence_00000045_post_disaster,0,0,train\masks\hurricane-florence_00000045_post_disaster.png,0,0,25,15363,45,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000045_post_disaster.png,lower-puna-volcano_00000045_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000045_post_disaster.png,0,0,1,212,45,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000045_post_disaster.png,portugal-wildfire_00000045_post_disaster,0,0,tier3\masks\portugal-wildfire_00000045_post_disaster.png,0,0,0,0,45,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000045_post_disaster.png,nepal-flooding_00000045_post_disaster,0,0,tier3\masks\nepal-flooding_00000045_post_disaster.png,0,0,0,0,45,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000045_post_disaster.png,woolsey-fire_00000045_post_disaster,0,0,tier3\masks\woolsey-fire_00000045_post_disaster.png,0,0,0,0,45,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000045_post_disaster.png,sunda-tsunami_00000045_post_disaster,0,0,tier3\masks\sunda-tsunami_00000045_post_disaster.png,8,7715,32,16990,45,1 +12,2630,palu-tsunami,post,train,train\images\palu-tsunami_00000045_post_disaster.png,palu-tsunami_00000045_post_disaster,0,0,train\masks\palu-tsunami_00000045_post_disaster.png,5,4866,140,333090,45,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000045_post_disaster.png,socal-fire_00000045_post_disaster,0,0,train\masks\socal-fire_00000045_post_disaster.png,0,0,11,3160,45,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000045_post_disaster.png,hurricane-harvey_00000045_post_disaster,0,0,train\masks\hurricane-harvey_00000045_post_disaster.png,3,2153,1,298,45,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000045_post_disaster.png,tuscaloosa-tornado_00000045_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000045_post_disaster.png,0,0,9,148650,45,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000045_post_disaster.png,pinery-bushfire_00000045_post_disaster,0,0,tier3\masks\pinery-bushfire_00000045_post_disaster.png,0,0,0,0,45,1 +92,110811,moore-tornado,post,tier3,tier3\images\moore-tornado_00000045_post_disaster.png,moore-tornado_00000045_post_disaster,21,24966,tier3\masks\moore-tornado_00000045_post_disaster.png,44,54497,6,2982,45,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000046_post_disaster.png,tuscaloosa-tornado_00000046_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000046_post_disaster.png,0,0,4,2380,46,2 +40,64393,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000046_post_disaster.png,santa-rosa-wildfire_00000046_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000046_post_disaster.png,1,2277,2,3913,46,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000046_post_disaster.png,socal-fire_00000046_post_disaster,0,0,train\masks\socal-fire_00000046_post_disaster.png,0,0,23,9401,46,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000046_post_disaster.png,mexico-earthquake_00000046_post_disaster,0,0,train\masks\mexico-earthquake_00000046_post_disaster.png,0,0,52,105374,46,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000046_post_disaster.png,moore-tornado_00000046_post_disaster,0,0,tier3\masks\moore-tornado_00000046_post_disaster.png,0,0,177,198380,46,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000046_post_disaster.png,sunda-tsunami_00000046_post_disaster,0,0,tier3\masks\sunda-tsunami_00000046_post_disaster.png,0,0,40,21900,46,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000046_post_disaster.png,lower-puna-volcano_00000046_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000046_post_disaster.png,0,0,7,762,46,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000046_post_disaster.png,woolsey-fire_00000046_post_disaster,0,0,tier3\masks\woolsey-fire_00000046_post_disaster.png,0,0,0,0,46,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000046_post_disaster.png,pinery-bushfire_00000046_post_disaster,0,0,tier3\masks\pinery-bushfire_00000046_post_disaster.png,0,0,0,0,46,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000046_post_disaster.png,nepal-flooding_00000046_post_disaster,1,85,tier3\masks\nepal-flooding_00000046_post_disaster.png,0,0,0,0,46,1 +6,1599,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000046_post_disaster.png,joplin-tornado_00000046_post_disaster,52,43289,tier3\masks\joplin-tornado_00000046_post_disaster.png,7,6968,161,108537,46,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000046_post_disaster.png,hurricane-harvey_00000046_post_disaster,0,0,train\masks\hurricane-harvey_00000046_post_disaster.png,0,0,0,0,46,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000046_post_disaster.png,portugal-wildfire_00000046_post_disaster,0,0,tier3\masks\portugal-wildfire_00000046_post_disaster.png,0,0,19,11229,46,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000046_post_disaster.png,hurricane-michael_00000046_post_disaster,33,59609,train\masks\hurricane-michael_00000046_post_disaster.png,1,1540,23,38013,46,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000047_post_disaster.png,pinery-bushfire_00000047_post_disaster,0,0,tier3\masks\pinery-bushfire_00000047_post_disaster.png,0,0,0,0,47,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000047_post_disaster.png,hurricane-harvey_00000047_post_disaster,1,536,train\masks\hurricane-harvey_00000047_post_disaster.png,17,14913,0,0,47,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000047_post_disaster.png,midwest-flooding_00000047_post_disaster,1,1509,train\masks\midwest-flooding_00000047_post_disaster.png,0,0,114,169847,47,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000047_post_disaster.png,sunda-tsunami_00000047_post_disaster,0,0,tier3\masks\sunda-tsunami_00000047_post_disaster.png,2,1314,36,17666,47,1 +34,48554,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000047_post_disaster.png,santa-rosa-wildfire_00000047_post_disaster,1,797,train\masks\santa-rosa-wildfire_00000047_post_disaster.png,0,0,0,0,47,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000047_post_disaster.png,portugal-wildfire_00000047_post_disaster,0,0,tier3\masks\portugal-wildfire_00000047_post_disaster.png,0,0,0,0,47,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000047_post_disaster.png,tuscaloosa-tornado_00000047_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000047_post_disaster.png,0,0,83,68814,47,3 +47,66012,palu-tsunami,post,train,train\images\palu-tsunami_00000047_post_disaster.png,palu-tsunami_00000047_post_disaster,0,0,train\masks\palu-tsunami_00000047_post_disaster.png,14,12801,51,71155,47,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000047_post_disaster.png,lower-puna-volcano_00000047_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000047_post_disaster.png,0,0,36,25922,47,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000047_post_disaster.png,hurricane-michael_00000047_post_disaster,2,3579,train\masks\hurricane-michael_00000047_post_disaster.png,2,5476,5,5873,47,0 +2,153,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000047_post_disaster.png,nepal-flooding_00000047_post_disaster,1,42,tier3\masks\nepal-flooding_00000047_post_disaster.png,3,372,2,186,47,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000047_post_disaster.png,mexico-earthquake_00000047_post_disaster,0,0,train\masks\mexico-earthquake_00000047_post_disaster.png,0,0,97,271121,47,3 +6,68436,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000047_post_disaster.png,joplin-tornado_00000047_post_disaster,0,0,tier3\masks\joplin-tornado_00000047_post_disaster.png,3,8104,8,24038,47,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000047_post_disaster.png,moore-tornado_00000047_post_disaster,0,0,tier3\masks\moore-tornado_00000047_post_disaster.png,0,0,155,174433,47,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000047_post_disaster.png,woolsey-fire_00000047_post_disaster,0,0,tier3\masks\woolsey-fire_00000047_post_disaster.png,0,0,0,0,47,4 +4,636,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000048_post_disaster.png,nepal-flooding_00000048_post_disaster,3,4302,tier3\masks\nepal-flooding_00000048_post_disaster.png,0,0,17,26423,48,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000048_post_disaster.png,joplin-tornado_00000048_post_disaster,18,20829,tier3\masks\joplin-tornado_00000048_post_disaster.png,2,2407,68,58091,48,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000048_post_disaster.png,lower-puna-volcano_00000048_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000048_post_disaster.png,0,0,24,15803,48,0 +1,1146,hurricane-michael,post,train,train\images\hurricane-michael_00000048_post_disaster.png,hurricane-michael_00000048_post_disaster,13,52859,train\masks\hurricane-michael_00000048_post_disaster.png,1,682,10,12144,48,2 +1,1078,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000048_post_disaster.png,portugal-wildfire_00000048_post_disaster,0,0,tier3\masks\portugal-wildfire_00000048_post_disaster.png,0,0,40,51471,48,0 +5,10450,moore-tornado,post,tier3,tier3\images\moore-tornado_00000048_post_disaster.png,moore-tornado_00000048_post_disaster,8,11459,tier3\masks\moore-tornado_00000048_post_disaster.png,2,3819,59,73629,48,0 +7,4277,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000048_post_disaster.png,pinery-bushfire_00000048_post_disaster,1,1271,tier3\masks\pinery-bushfire_00000048_post_disaster.png,1,241,15,6099,48,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000048_post_disaster.png,socal-fire_00000048_post_disaster,0,0,train\masks\socal-fire_00000048_post_disaster.png,0,0,10,13953,48,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000048_post_disaster.png,mexico-earthquake_00000048_post_disaster,3,6214,train\masks\mexico-earthquake_00000048_post_disaster.png,0,0,265,422290,48,0 +7,2700,palu-tsunami,post,train,train\images\palu-tsunami_00000048_post_disaster.png,palu-tsunami_00000048_post_disaster,0,0,train\masks\palu-tsunami_00000048_post_disaster.png,1,1580,44,76262,48,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000048_post_disaster.png,woolsey-fire_00000048_post_disaster,0,0,tier3\masks\woolsey-fire_00000048_post_disaster.png,0,0,0,0,48,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000048_post_disaster.png,hurricane-florence_00000048_post_disaster,5,4405,train\masks\hurricane-florence_00000048_post_disaster.png,13,9933,5,2809,48,3 +1,155,hurricane-matthew,post,train,train\images\hurricane-matthew_00000048_post_disaster.png,hurricane-matthew_00000048_post_disaster,38,10176,train\masks\hurricane-matthew_00000048_post_disaster.png,8,2531,7,1311,48,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000048_post_disaster.png,hurricane-harvey_00000048_post_disaster,0,0,train\masks\hurricane-harvey_00000048_post_disaster.png,0,0,1,219,48,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000048_post_disaster.png,sunda-tsunami_00000048_post_disaster,0,0,tier3\masks\sunda-tsunami_00000048_post_disaster.png,0,0,0,0,48,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000048_post_disaster.png,tuscaloosa-tornado_00000048_post_disaster,40,51276,tier3\masks\tuscaloosa-tornado_00000048_post_disaster.png,0,0,24,32976,48,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000049_post_disaster.png,pinery-bushfire_00000049_post_disaster,0,0,tier3\masks\pinery-bushfire_00000049_post_disaster.png,0,0,0,0,49,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000049_post_disaster.png,woolsey-fire_00000049_post_disaster,0,0,tier3\masks\woolsey-fire_00000049_post_disaster.png,0,0,0,0,49,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000049_post_disaster.png,moore-tornado_00000049_post_disaster,0,0,tier3\masks\moore-tornado_00000049_post_disaster.png,0,0,7,2830,49,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000049_post_disaster.png,hurricane-harvey_00000049_post_disaster,0,0,train\masks\hurricane-harvey_00000049_post_disaster.png,0,0,0,0,49,4 +75,150123,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000049_post_disaster.png,santa-rosa-wildfire_00000049_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000049_post_disaster.png,0,0,1,2437,49,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000049_post_disaster.png,portugal-wildfire_00000049_post_disaster,0,0,tier3\masks\portugal-wildfire_00000049_post_disaster.png,0,0,0,0,49,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000049_post_disaster.png,midwest-flooding_00000049_post_disaster,0,0,train\masks\midwest-flooding_00000049_post_disaster.png,0,0,188,210733,49,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000049_post_disaster.png,sunda-tsunami_00000049_post_disaster,0,0,tier3\masks\sunda-tsunami_00000049_post_disaster.png,0,0,58,79292,49,3 +1,172,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000049_post_disaster.png,nepal-flooding_00000049_post_disaster,0,0,tier3\masks\nepal-flooding_00000049_post_disaster.png,9,6906,0,0,49,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000049_post_disaster.png,lower-puna-volcano_00000049_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000049_post_disaster.png,0,0,0,0,49,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000049_post_disaster.png,palu-tsunami_00000049_post_disaster,0,0,train\masks\palu-tsunami_00000049_post_disaster.png,0,0,0,0,49,2 +1,882,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000049_post_disaster.png,joplin-tornado_00000049_post_disaster,6,7366,tier3\masks\joplin-tornado_00000049_post_disaster.png,1,676,70,58798,49,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000049_post_disaster.png,hurricane-matthew_00000049_post_disaster,25,14992,train\masks\hurricane-matthew_00000049_post_disaster.png,4,2321,15,5337,49,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000049_post_disaster.png,mexico-earthquake_00000049_post_disaster,1,1152,train\masks\mexico-earthquake_00000049_post_disaster.png,1,1377,91,240738,49,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000049_post_disaster.png,hurricane-florence_00000049_post_disaster,0,0,train\masks\hurricane-florence_00000049_post_disaster.png,3,661,0,0,49,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000049_post_disaster.png,hurricane-michael_00000049_post_disaster,26,30703,train\masks\hurricane-michael_00000049_post_disaster.png,9,12714,82,85705,49,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000049_post_disaster.png,tuscaloosa-tornado_00000049_post_disaster,14,13830,tier3\masks\tuscaloosa-tornado_00000049_post_disaster.png,3,2525,70,55440,49,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000050_post_disaster.png,hurricane-matthew_00000050_post_disaster,0,0,train\masks\hurricane-matthew_00000050_post_disaster.png,0,0,3,521,50,0 +1,237,palu-tsunami,post,train,train\images\palu-tsunami_00000050_post_disaster.png,palu-tsunami_00000050_post_disaster,0,0,train\masks\palu-tsunami_00000050_post_disaster.png,0,0,12,11172,50,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000050_post_disaster.png,santa-rosa-wildfire_00000050_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000050_post_disaster.png,0,0,175,183590,50,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000050_post_disaster.png,nepal-flooding_00000050_post_disaster,0,0,tier3\masks\nepal-flooding_00000050_post_disaster.png,1,386,0,0,50,3 +8,2379,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000050_post_disaster.png,tuscaloosa-tornado_00000050_post_disaster,2,2334,tier3\masks\tuscaloosa-tornado_00000050_post_disaster.png,0,0,1,150,50,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000050_post_disaster.png,hurricane-michael_00000050_post_disaster,6,28540,train\masks\hurricane-michael_00000050_post_disaster.png,0,0,11,23203,50,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000050_post_disaster.png,pinery-bushfire_00000050_post_disaster,0,0,tier3\masks\pinery-bushfire_00000050_post_disaster.png,0,0,0,0,50,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000050_post_disaster.png,socal-fire_00000050_post_disaster,0,0,train\masks\socal-fire_00000050_post_disaster.png,0,0,17,5189,50,2 +11,52372,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000050_post_disaster.png,joplin-tornado_00000050_post_disaster,0,0,tier3\masks\joplin-tornado_00000050_post_disaster.png,3,18710,1,2360,50,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000050_post_disaster.png,sunda-tsunami_00000050_post_disaster,0,0,tier3\masks\sunda-tsunami_00000050_post_disaster.png,0,0,0,0,50,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000050_post_disaster.png,lower-puna-volcano_00000050_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000050_post_disaster.png,0,0,0,0,50,1 +1,328,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000050_post_disaster.png,portugal-wildfire_00000050_post_disaster,1,175,tier3\masks\portugal-wildfire_00000050_post_disaster.png,0,0,20,12867,50,0 +36,40254,moore-tornado,post,tier3,tier3\images\moore-tornado_00000050_post_disaster.png,moore-tornado_00000050_post_disaster,39,50765,tier3\masks\moore-tornado_00000050_post_disaster.png,10,12549,62,69111,50,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000050_post_disaster.png,woolsey-fire_00000050_post_disaster,0,0,tier3\masks\woolsey-fire_00000050_post_disaster.png,0,0,0,0,50,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000051_post_disaster.png,pinery-bushfire_00000051_post_disaster,0,0,tier3\masks\pinery-bushfire_00000051_post_disaster.png,0,0,0,0,51,3 +193,183621,moore-tornado,post,tier3,tier3\images\moore-tornado_00000051_post_disaster.png,moore-tornado_00000051_post_disaster,27,33666,tier3\masks\moore-tornado_00000051_post_disaster.png,24,27302,24,20414,51,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000051_post_disaster.png,woolsey-fire_00000051_post_disaster,0,0,tier3\masks\woolsey-fire_00000051_post_disaster.png,0,0,0,0,51,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000051_post_disaster.png,lower-puna-volcano_00000051_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000051_post_disaster.png,0,0,1,191,51,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000051_post_disaster.png,socal-fire_00000051_post_disaster,0,0,train\masks\socal-fire_00000051_post_disaster.png,0,0,0,0,51,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000051_post_disaster.png,portugal-wildfire_00000051_post_disaster,0,0,tier3\masks\portugal-wildfire_00000051_post_disaster.png,0,0,14,14120,51,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000051_post_disaster.png,sunda-tsunami_00000051_post_disaster,0,0,tier3\masks\sunda-tsunami_00000051_post_disaster.png,0,0,44,27941,51,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000051_post_disaster.png,hurricane-harvey_00000051_post_disaster,0,0,train\masks\hurricane-harvey_00000051_post_disaster.png,1,1564,0,0,51,4 +1,152,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000051_post_disaster.png,nepal-flooding_00000051_post_disaster,0,0,tier3\masks\nepal-flooding_00000051_post_disaster.png,2,890,0,0,51,2 +2,355,hurricane-michael,post,train,train\images\hurricane-michael_00000051_post_disaster.png,hurricane-michael_00000051_post_disaster,32,49204,train\masks\hurricane-michael_00000051_post_disaster.png,10,35770,52,70430,51,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000051_post_disaster.png,joplin-tornado_00000051_post_disaster,0,0,tier3\masks\joplin-tornado_00000051_post_disaster.png,0,0,25,147269,51,4 +9,6704,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000051_post_disaster.png,tuscaloosa-tornado_00000051_post_disaster,38,45126,tier3\masks\tuscaloosa-tornado_00000051_post_disaster.png,12,12851,47,47667,51,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000051_post_disaster.png,hurricane-matthew_00000051_post_disaster,40,11421,train\masks\hurricane-matthew_00000051_post_disaster.png,0,0,19,5784,51,4 +9,12552,palu-tsunami,post,train,train\images\palu-tsunami_00000051_post_disaster.png,palu-tsunami_00000051_post_disaster,0,0,train\masks\palu-tsunami_00000051_post_disaster.png,1,1221,38,105536,51,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000051_post_disaster.png,hurricane-florence_00000051_post_disaster,2,2247,train\masks\hurricane-florence_00000051_post_disaster.png,15,11296,1,586,51,2 +7,13402,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000051_post_disaster.png,santa-rosa-wildfire_00000051_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000051_post_disaster.png,0,0,2,692,51,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000052_post_disaster.png,portugal-wildfire_00000052_post_disaster,0,0,tier3\masks\portugal-wildfire_00000052_post_disaster.png,0,0,68,139185,52,4 +2,176,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000052_post_disaster.png,woolsey-fire_00000052_post_disaster,0,0,tier3\masks\woolsey-fire_00000052_post_disaster.png,0,0,1,747,52,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000052_post_disaster.png,hurricane-harvey_00000052_post_disaster,0,0,train\masks\hurricane-harvey_00000052_post_disaster.png,0,0,0,0,52,1 +17,10586,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000052_post_disaster.png,sunda-tsunami_00000052_post_disaster,0,0,tier3\masks\sunda-tsunami_00000052_post_disaster.png,12,6815,89,388889,52,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000052_post_disaster.png,nepal-flooding_00000052_post_disaster,0,0,tier3\masks\nepal-flooding_00000052_post_disaster.png,0,0,37,42632,52,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000052_post_disaster.png,tuscaloosa-tornado_00000052_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000052_post_disaster.png,0,0,0,0,52,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000052_post_disaster.png,moore-tornado_00000052_post_disaster,0,0,tier3\masks\moore-tornado_00000052_post_disaster.png,0,0,6,92700,52,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000052_post_disaster.png,mexico-earthquake_00000052_post_disaster,2,7710,train\masks\mexico-earthquake_00000052_post_disaster.png,4,3727,363,413058,52,1 +11,2488,hurricane-michael,post,train,train\images\hurricane-michael_00000052_post_disaster.png,hurricane-michael_00000052_post_disaster,2,2340,train\masks\hurricane-michael_00000052_post_disaster.png,1,535,7,6941,52,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000052_post_disaster.png,pinery-bushfire_00000052_post_disaster,0,0,tier3\masks\pinery-bushfire_00000052_post_disaster.png,0,0,0,0,52,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000052_post_disaster.png,hurricane-matthew_00000052_post_disaster,11,2876,train\masks\hurricane-matthew_00000052_post_disaster.png,0,0,13,3907,52,4 +2,353,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000052_post_disaster.png,joplin-tornado_00000052_post_disaster,5,6913,tier3\masks\joplin-tornado_00000052_post_disaster.png,1,813,21,35136,52,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000052_post_disaster.png,lower-puna-volcano_00000052_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000052_post_disaster.png,0,0,2,293,52,1 +1,783,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000053_post_disaster.png,joplin-tornado_00000053_post_disaster,14,20947,tier3\masks\joplin-tornado_00000053_post_disaster.png,2,3312,68,56355,53,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000053_post_disaster.png,hurricane-florence_00000053_post_disaster,0,0,train\masks\hurricane-florence_00000053_post_disaster.png,0,0,6,8937,53,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000053_post_disaster.png,mexico-earthquake_00000053_post_disaster,4,19724,train\masks\mexico-earthquake_00000053_post_disaster.png,0,0,93,257337,53,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000053_post_disaster.png,portugal-wildfire_00000053_post_disaster,0,0,tier3\masks\portugal-wildfire_00000053_post_disaster.png,0,0,0,0,53,3 +1,1687,moore-tornado,post,tier3,tier3\images\moore-tornado_00000053_post_disaster.png,moore-tornado_00000053_post_disaster,0,0,tier3\masks\moore-tornado_00000053_post_disaster.png,0,0,49,85111,53,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000053_post_disaster.png,hurricane-michael_00000053_post_disaster,0,0,train\masks\hurricane-michael_00000053_post_disaster.png,0,0,0,0,53,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000053_post_disaster.png,hurricane-matthew_00000053_post_disaster,0,0,train\masks\hurricane-matthew_00000053_post_disaster.png,0,0,5,922,53,1 +1,123,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000053_post_disaster.png,nepal-flooding_00000053_post_disaster,0,0,tier3\masks\nepal-flooding_00000053_post_disaster.png,0,0,0,0,53,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000053_post_disaster.png,socal-fire_00000053_post_disaster,0,0,train\masks\socal-fire_00000053_post_disaster.png,0,0,0,0,53,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000053_post_disaster.png,lower-puna-volcano_00000053_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000053_post_disaster.png,0,0,4,3609,53,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000053_post_disaster.png,sunda-tsunami_00000053_post_disaster,0,0,tier3\masks\sunda-tsunami_00000053_post_disaster.png,0,0,99,121351,53,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000053_post_disaster.png,pinery-bushfire_00000053_post_disaster,0,0,tier3\masks\pinery-bushfire_00000053_post_disaster.png,0,0,11,6395,53,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000053_post_disaster.png,tuscaloosa-tornado_00000053_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000053_post_disaster.png,0,0,36,44885,53,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000053_post_disaster.png,hurricane-harvey_00000053_post_disaster,0,0,train\masks\hurricane-harvey_00000053_post_disaster.png,0,0,0,0,53,4 +18,35506,palu-tsunami,post,train,train\images\palu-tsunami_00000053_post_disaster.png,palu-tsunami_00000053_post_disaster,0,0,train\masks\palu-tsunami_00000053_post_disaster.png,5,14524,33,55042,53,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000053_post_disaster.png,woolsey-fire_00000053_post_disaster,0,0,tier3\masks\woolsey-fire_00000053_post_disaster.png,0,0,3,5216,53,0 +1,144,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000054_post_disaster.png,woolsey-fire_00000054_post_disaster,0,0,tier3\masks\woolsey-fire_00000054_post_disaster.png,1,258,0,0,54,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000054_post_disaster.png,pinery-bushfire_00000054_post_disaster,0,0,tier3\masks\pinery-bushfire_00000054_post_disaster.png,0,0,0,0,54,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000054_post_disaster.png,tuscaloosa-tornado_00000054_post_disaster,4,5250,tier3\masks\tuscaloosa-tornado_00000054_post_disaster.png,0,0,14,14963,54,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000054_post_disaster.png,hurricane-matthew_00000054_post_disaster,23,6667,train\masks\hurricane-matthew_00000054_post_disaster.png,0,0,17,4220,54,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000054_post_disaster.png,midwest-flooding_00000054_post_disaster,0,0,train\masks\midwest-flooding_00000054_post_disaster.png,0,0,98,277094,54,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000054_post_disaster.png,palu-tsunami_00000054_post_disaster,0,0,train\masks\palu-tsunami_00000054_post_disaster.png,0,0,193,237396,54,1 +3,370,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000054_post_disaster.png,nepal-flooding_00000054_post_disaster,0,0,tier3\masks\nepal-flooding_00000054_post_disaster.png,3,494,0,0,54,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000054_post_disaster.png,sunda-tsunami_00000054_post_disaster,0,0,tier3\masks\sunda-tsunami_00000054_post_disaster.png,0,0,2,680,54,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000054_post_disaster.png,hurricane-harvey_00000054_post_disaster,0,0,train\masks\hurricane-harvey_00000054_post_disaster.png,2,1152,0,0,54,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000054_post_disaster.png,portugal-wildfire_00000054_post_disaster,0,0,tier3\masks\portugal-wildfire_00000054_post_disaster.png,0,0,0,0,54,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000054_post_disaster.png,moore-tornado_00000054_post_disaster,0,0,tier3\masks\moore-tornado_00000054_post_disaster.png,0,0,250,218963,54,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000054_post_disaster.png,joplin-tornado_00000054_post_disaster,1,1266,tier3\masks\joplin-tornado_00000054_post_disaster.png,0,0,19,86842,54,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000054_post_disaster.png,lower-puna-volcano_00000054_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000054_post_disaster.png,0,0,31,31889,54,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000054_post_disaster.png,hurricane-florence_00000054_post_disaster,0,0,train\masks\hurricane-florence_00000054_post_disaster.png,0,0,8,34525,54,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000055_post_disaster.png,mexico-earthquake_00000055_post_disaster,6,7571,train\masks\mexico-earthquake_00000055_post_disaster.png,0,0,123,195879,55,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000055_post_disaster.png,joplin-tornado_00000055_post_disaster,12,27640,tier3\masks\joplin-tornado_00000055_post_disaster.png,1,2567,12,21854,55,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000055_post_disaster.png,hurricane-harvey_00000055_post_disaster,0,0,train\masks\hurricane-harvey_00000055_post_disaster.png,1,523,0,0,55,2 +1,246,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000055_post_disaster.png,woolsey-fire_00000055_post_disaster,0,0,tier3\masks\woolsey-fire_00000055_post_disaster.png,0,0,19,11457,55,3 +2,155,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000055_post_disaster.png,nepal-flooding_00000055_post_disaster,6,912,tier3\masks\nepal-flooding_00000055_post_disaster.png,3,1209,17,11831,55,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000055_post_disaster.png,sunda-tsunami_00000055_post_disaster,0,0,tier3\masks\sunda-tsunami_00000055_post_disaster.png,0,0,165,550939,55,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000055_post_disaster.png,socal-fire_00000055_post_disaster,0,0,train\masks\socal-fire_00000055_post_disaster.png,0,0,5,1077,55,2 +8,10371,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000055_post_disaster.png,santa-rosa-wildfire_00000055_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000055_post_disaster.png,1,398,1,135,55,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000055_post_disaster.png,portugal-wildfire_00000055_post_disaster,0,0,tier3\masks\portugal-wildfire_00000055_post_disaster.png,0,0,0,0,55,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000055_post_disaster.png,moore-tornado_00000055_post_disaster,0,0,tier3\masks\moore-tornado_00000055_post_disaster.png,0,0,103,163402,55,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000055_post_disaster.png,lower-puna-volcano_00000055_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000055_post_disaster.png,0,0,36,24361,55,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000055_post_disaster.png,pinery-bushfire_00000055_post_disaster,0,0,tier3\masks\pinery-bushfire_00000055_post_disaster.png,0,0,0,0,55,4 +4,1521,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000055_post_disaster.png,tuscaloosa-tornado_00000055_post_disaster,31,35474,tier3\masks\tuscaloosa-tornado_00000055_post_disaster.png,1,6960,78,70122,55,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000055_post_disaster.png,hurricane-florence_00000055_post_disaster,2,2126,train\masks\hurricane-florence_00000055_post_disaster.png,5,1695,2,1586,55,1 +45,46312,moore-tornado,post,tier3,tier3\images\moore-tornado_00000056_post_disaster.png,moore-tornado_00000056_post_disaster,36,37982,tier3\masks\moore-tornado_00000056_post_disaster.png,11,13285,170,149877,56,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000056_post_disaster.png,joplin-tornado_00000056_post_disaster,2,3151,tier3\masks\joplin-tornado_00000056_post_disaster.png,0,0,21,15709,56,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000056_post_disaster.png,pinery-bushfire_00000056_post_disaster,0,0,tier3\masks\pinery-bushfire_00000056_post_disaster.png,0,0,38,43855,56,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000056_post_disaster.png,hurricane-michael_00000056_post_disaster,9,16328,train\masks\hurricane-michael_00000056_post_disaster.png,4,6461,44,52460,56,4 +32,45890,palu-tsunami,post,train,train\images\palu-tsunami_00000056_post_disaster.png,palu-tsunami_00000056_post_disaster,0,0,train\masks\palu-tsunami_00000056_post_disaster.png,9,14618,32,78870,56,4 +1,95,hurricane-matthew,post,train,train\images\hurricane-matthew_00000056_post_disaster.png,hurricane-matthew_00000056_post_disaster,4,429,train\masks\hurricane-matthew_00000056_post_disaster.png,0,0,7,1506,56,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000056_post_disaster.png,socal-fire_00000056_post_disaster,0,0,train\masks\socal-fire_00000056_post_disaster.png,0,0,0,0,56,2 +5,4634,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000056_post_disaster.png,woolsey-fire_00000056_post_disaster,0,0,tier3\masks\woolsey-fire_00000056_post_disaster.png,0,0,7,5557,56,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000056_post_disaster.png,lower-puna-volcano_00000056_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000056_post_disaster.png,0,0,0,0,56,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000056_post_disaster.png,portugal-wildfire_00000056_post_disaster,0,0,tier3\masks\portugal-wildfire_00000056_post_disaster.png,0,0,27,27809,56,3 +34,15175,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000056_post_disaster.png,santa-rosa-wildfire_00000056_post_disaster,2,3014,train\masks\santa-rosa-wildfire_00000056_post_disaster.png,0,0,17,13783,56,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000056_post_disaster.png,tuscaloosa-tornado_00000056_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000056_post_disaster.png,0,0,0,0,56,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000056_post_disaster.png,sunda-tsunami_00000056_post_disaster,0,0,tier3\masks\sunda-tsunami_00000056_post_disaster.png,0,0,217,216444,56,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000056_post_disaster.png,hurricane-harvey_00000056_post_disaster,0,0,train\masks\hurricane-harvey_00000056_post_disaster.png,0,0,154,273492,56,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000056_post_disaster.png,nepal-flooding_00000056_post_disaster,1,353,tier3\masks\nepal-flooding_00000056_post_disaster.png,0,0,2,197,56,0 +144,138955,moore-tornado,post,tier3,tier3\images\moore-tornado_00000057_post_disaster.png,moore-tornado_00000057_post_disaster,15,23184,tier3\masks\moore-tornado_00000057_post_disaster.png,35,60842,9,11512,57,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000057_post_disaster.png,sunda-tsunami_00000057_post_disaster,0,0,tier3\masks\sunda-tsunami_00000057_post_disaster.png,0,0,37,19421,57,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000057_post_disaster.png,tuscaloosa-tornado_00000057_post_disaster,16,14990,tier3\masks\tuscaloosa-tornado_00000057_post_disaster.png,0,0,67,52228,57,4 +23,78561,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000057_post_disaster.png,joplin-tornado_00000057_post_disaster,0,0,tier3\masks\joplin-tornado_00000057_post_disaster.png,0,0,2,5193,57,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000057_post_disaster.png,hurricane-florence_00000057_post_disaster,0,0,train\masks\hurricane-florence_00000057_post_disaster.png,0,0,1,96,57,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000057_post_disaster.png,woolsey-fire_00000057_post_disaster,0,0,tier3\masks\woolsey-fire_00000057_post_disaster.png,0,0,0,0,57,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000057_post_disaster.png,portugal-wildfire_00000057_post_disaster,2,1187,tier3\masks\portugal-wildfire_00000057_post_disaster.png,0,0,5,1250,57,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000057_post_disaster.png,pinery-bushfire_00000057_post_disaster,0,0,tier3\masks\pinery-bushfire_00000057_post_disaster.png,0,0,0,0,57,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000057_post_disaster.png,mexico-earthquake_00000057_post_disaster,1,2091,train\masks\mexico-earthquake_00000057_post_disaster.png,0,0,153,390751,57,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000057_post_disaster.png,lower-puna-volcano_00000057_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000057_post_disaster.png,0,0,0,0,57,3 +19,20868,palu-tsunami,post,train,train\images\palu-tsunami_00000057_post_disaster.png,palu-tsunami_00000057_post_disaster,0,0,train\masks\palu-tsunami_00000057_post_disaster.png,3,8143,8,29994,57,2 +1,140,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000057_post_disaster.png,nepal-flooding_00000057_post_disaster,1,719,tier3\masks\nepal-flooding_00000057_post_disaster.png,9,4404,0,0,57,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000057_post_disaster.png,hurricane-harvey_00000057_post_disaster,0,0,train\masks\hurricane-harvey_00000057_post_disaster.png,0,0,138,264633,57,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000057_post_disaster.png,santa-rosa-wildfire_00000057_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000057_post_disaster.png,0,0,268,246296,57,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000057_post_disaster.png,socal-fire_00000057_post_disaster,0,0,train\masks\socal-fire_00000057_post_disaster.png,0,0,0,0,57,0 +3,212,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000058_post_disaster.png,nepal-flooding_00000058_post_disaster,0,0,tier3\masks\nepal-flooding_00000058_post_disaster.png,1,119,0,0,58,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000058_post_disaster.png,palu-tsunami_00000058_post_disaster,0,0,train\masks\palu-tsunami_00000058_post_disaster.png,0,0,186,322697,58,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000058_post_disaster.png,moore-tornado_00000058_post_disaster,0,0,tier3\masks\moore-tornado_00000058_post_disaster.png,0,0,31,94367,58,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000058_post_disaster.png,socal-fire_00000058_post_disaster,0,0,train\masks\socal-fire_00000058_post_disaster.png,0,0,4,936,58,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000058_post_disaster.png,woolsey-fire_00000058_post_disaster,0,0,tier3\masks\woolsey-fire_00000058_post_disaster.png,0,0,0,0,58,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000058_post_disaster.png,lower-puna-volcano_00000058_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000058_post_disaster.png,0,0,0,0,58,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000058_post_disaster.png,pinery-bushfire_00000058_post_disaster,0,0,tier3\masks\pinery-bushfire_00000058_post_disaster.png,0,0,0,0,58,1 +65,70835,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000058_post_disaster.png,santa-rosa-wildfire_00000058_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000058_post_disaster.png,0,0,202,233744,58,2 +2,988,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000058_post_disaster.png,sunda-tsunami_00000058_post_disaster,0,0,tier3\masks\sunda-tsunami_00000058_post_disaster.png,0,0,16,21219,58,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000058_post_disaster.png,portugal-wildfire_00000058_post_disaster,0,0,tier3\masks\portugal-wildfire_00000058_post_disaster.png,0,0,0,0,58,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000058_post_disaster.png,midwest-flooding_00000058_post_disaster,0,0,train\masks\midwest-flooding_00000058_post_disaster.png,0,0,77,163365,58,4 +1,100,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000058_post_disaster.png,joplin-tornado_00000058_post_disaster,9,8941,tier3\masks\joplin-tornado_00000058_post_disaster.png,3,4965,11,10706,58,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000058_post_disaster.png,tuscaloosa-tornado_00000058_post_disaster,11,13412,tier3\masks\tuscaloosa-tornado_00000058_post_disaster.png,0,0,78,84344,58,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000058_post_disaster.png,hurricane-florence_00000058_post_disaster,0,0,train\masks\hurricane-florence_00000058_post_disaster.png,0,0,0,0,58,2 +4,2703,hurricane-michael,post,train,train\images\hurricane-michael_00000058_post_disaster.png,hurricane-michael_00000058_post_disaster,9,11625,train\masks\hurricane-michael_00000058_post_disaster.png,6,5603,48,74753,58,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000059_post_disaster.png,moore-tornado_00000059_post_disaster,0,0,tier3\masks\moore-tornado_00000059_post_disaster.png,0,0,7,3056,59,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000059_post_disaster.png,woolsey-fire_00000059_post_disaster,0,0,tier3\masks\woolsey-fire_00000059_post_disaster.png,0,0,0,0,59,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000059_post_disaster.png,santa-rosa-wildfire_00000059_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000059_post_disaster.png,0,0,22,19937,59,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000059_post_disaster.png,sunda-tsunami_00000059_post_disaster,0,0,tier3\masks\sunda-tsunami_00000059_post_disaster.png,0,0,207,442754,59,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000059_post_disaster.png,tuscaloosa-tornado_00000059_post_disaster,7,16084,tier3\masks\tuscaloosa-tornado_00000059_post_disaster.png,0,0,60,59934,59,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000059_post_disaster.png,portugal-wildfire_00000059_post_disaster,0,0,tier3\masks\portugal-wildfire_00000059_post_disaster.png,0,0,0,0,59,2 +2,263,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000059_post_disaster.png,nepal-flooding_00000059_post_disaster,2,2969,tier3\masks\nepal-flooding_00000059_post_disaster.png,0,0,6,2344,59,3 +1,3558,mexico-earthquake,post,train,train\images\mexico-earthquake_00000059_post_disaster.png,mexico-earthquake_00000059_post_disaster,0,0,train\masks\mexico-earthquake_00000059_post_disaster.png,2,6389,133,338325,59,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000059_post_disaster.png,socal-fire_00000059_post_disaster,0,0,train\masks\socal-fire_00000059_post_disaster.png,0,0,2,1724,59,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000059_post_disaster.png,joplin-tornado_00000059_post_disaster,0,0,tier3\masks\joplin-tornado_00000059_post_disaster.png,0,0,8,38179,59,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000059_post_disaster.png,lower-puna-volcano_00000059_post_disaster,1,316,tier3\masks\lower-puna-volcano_00000059_post_disaster.png,0,0,20,6764,59,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000059_post_disaster.png,midwest-flooding_00000059_post_disaster,0,0,train\masks\midwest-flooding_00000059_post_disaster.png,0,0,206,204899,59,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000059_post_disaster.png,hurricane-harvey_00000059_post_disaster,0,0,train\masks\hurricane-harvey_00000059_post_disaster.png,0,0,28,95793,59,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000059_post_disaster.png,hurricane-florence_00000059_post_disaster,0,0,train\masks\hurricane-florence_00000059_post_disaster.png,0,0,2,2764,59,1 +3,28287,hurricane-michael,post,train,train\images\hurricane-michael_00000059_post_disaster.png,hurricane-michael_00000059_post_disaster,8,4387,train\masks\hurricane-michael_00000059_post_disaster.png,5,9516,40,103647,59,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000059_post_disaster.png,pinery-bushfire_00000059_post_disaster,0,0,tier3\masks\pinery-bushfire_00000059_post_disaster.png,0,0,0,0,59,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000060_post_disaster.png,tuscaloosa-tornado_00000060_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000060_post_disaster.png,0,0,0,0,60,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000060_post_disaster.png,midwest-flooding_00000060_post_disaster,0,0,train\masks\midwest-flooding_00000060_post_disaster.png,0,0,230,185696,60,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000060_post_disaster.png,moore-tornado_00000060_post_disaster,0,0,tier3\masks\moore-tornado_00000060_post_disaster.png,0,0,29,46166,60,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000060_post_disaster.png,portugal-wildfire_00000060_post_disaster,0,0,tier3\masks\portugal-wildfire_00000060_post_disaster.png,0,0,14,10639,60,0 +1,1513,hurricane-michael,post,train,train\images\hurricane-michael_00000060_post_disaster.png,hurricane-michael_00000060_post_disaster,14,26188,train\masks\hurricane-michael_00000060_post_disaster.png,5,7449,90,102116,60,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000060_post_disaster.png,woolsey-fire_00000060_post_disaster,0,0,tier3\masks\woolsey-fire_00000060_post_disaster.png,0,0,0,0,60,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000060_post_disaster.png,pinery-bushfire_00000060_post_disaster,0,0,tier3\masks\pinery-bushfire_00000060_post_disaster.png,0,0,0,0,60,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000060_post_disaster.png,socal-fire_00000060_post_disaster,0,0,train\masks\socal-fire_00000060_post_disaster.png,0,0,0,0,60,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000060_post_disaster.png,nepal-flooding_00000060_post_disaster,1,1165,tier3\masks\nepal-flooding_00000060_post_disaster.png,0,0,62,45519,60,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000060_post_disaster.png,hurricane-florence_00000060_post_disaster,0,0,train\masks\hurricane-florence_00000060_post_disaster.png,0,0,9,7847,60,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000060_post_disaster.png,sunda-tsunami_00000060_post_disaster,0,0,tier3\masks\sunda-tsunami_00000060_post_disaster.png,0,0,116,124589,60,2 +7,10725,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000060_post_disaster.png,santa-rosa-wildfire_00000060_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000060_post_disaster.png,0,0,2,2141,60,0 +22,4624,hurricane-matthew,post,train,train\images\hurricane-matthew_00000060_post_disaster.png,hurricane-matthew_00000060_post_disaster,25,16394,train\masks\hurricane-matthew_00000060_post_disaster.png,12,5068,15,10425,60,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000060_post_disaster.png,joplin-tornado_00000060_post_disaster,5,6811,tier3\masks\joplin-tornado_00000060_post_disaster.png,0,0,36,35444,60,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000060_post_disaster.png,lower-puna-volcano_00000060_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000060_post_disaster.png,0,0,50,35341,60,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000060_post_disaster.png,hurricane-harvey_00000060_post_disaster,1,4753,train\masks\hurricane-harvey_00000060_post_disaster.png,1,291,0,0,60,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000061_post_disaster.png,socal-fire_00000061_post_disaster,0,0,train\masks\socal-fire_00000061_post_disaster.png,0,0,1,166,61,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000061_post_disaster.png,sunda-tsunami_00000061_post_disaster,0,0,tier3\masks\sunda-tsunami_00000061_post_disaster.png,0,0,5,1501,61,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000061_post_disaster.png,joplin-tornado_00000061_post_disaster,0,0,tier3\masks\joplin-tornado_00000061_post_disaster.png,0,0,12,157058,61,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000061_post_disaster.png,portugal-wildfire_00000061_post_disaster,0,0,tier3\masks\portugal-wildfire_00000061_post_disaster.png,0,0,5,2161,61,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000061_post_disaster.png,moore-tornado_00000061_post_disaster,0,0,tier3\masks\moore-tornado_00000061_post_disaster.png,0,0,0,0,61,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000061_post_disaster.png,pinery-bushfire_00000061_post_disaster,0,0,tier3\masks\pinery-bushfire_00000061_post_disaster.png,0,0,0,0,61,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000061_post_disaster.png,lower-puna-volcano_00000061_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000061_post_disaster.png,0,0,0,0,61,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000061_post_disaster.png,palu-tsunami_00000061_post_disaster,0,0,train\masks\palu-tsunami_00000061_post_disaster.png,0,0,105,120772,61,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000061_post_disaster.png,tuscaloosa-tornado_00000061_post_disaster,1,1484,tier3\masks\tuscaloosa-tornado_00000061_post_disaster.png,0,0,14,29028,61,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000061_post_disaster.png,midwest-flooding_00000061_post_disaster,0,0,train\masks\midwest-flooding_00000061_post_disaster.png,0,0,40,168965,61,4 +11,6542,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000061_post_disaster.png,woolsey-fire_00000061_post_disaster,2,458,tier3\masks\woolsey-fire_00000061_post_disaster.png,1,609,0,0,61,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000061_post_disaster.png,nepal-flooding_00000061_post_disaster,0,0,tier3\masks\nepal-flooding_00000061_post_disaster.png,1,176,0,0,61,0 +8,4587,hurricane-michael,post,train,train\images\hurricane-michael_00000061_post_disaster.png,hurricane-michael_00000061_post_disaster,12,16364,train\masks\hurricane-michael_00000061_post_disaster.png,1,641,31,31478,61,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000061_post_disaster.png,hurricane-harvey_00000061_post_disaster,0,0,train\masks\hurricane-harvey_00000061_post_disaster.png,0,0,5,15924,61,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000061_post_disaster.png,hurricane-florence_00000061_post_disaster,0,0,train\masks\hurricane-florence_00000061_post_disaster.png,0,0,8,6147,61,3 +2,632,hurricane-matthew,post,train,train\images\hurricane-matthew_00000062_post_disaster.png,hurricane-matthew_00000062_post_disaster,17,6960,train\masks\hurricane-matthew_00000062_post_disaster.png,0,0,13,4587,62,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000062_post_disaster.png,sunda-tsunami_00000062_post_disaster,0,0,tier3\masks\sunda-tsunami_00000062_post_disaster.png,0,0,0,0,62,0 +1,169,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000062_post_disaster.png,pinery-bushfire_00000062_post_disaster,0,0,tier3\masks\pinery-bushfire_00000062_post_disaster.png,0,0,0,0,62,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000062_post_disaster.png,portugal-wildfire_00000062_post_disaster,0,0,tier3\masks\portugal-wildfire_00000062_post_disaster.png,0,0,10,9872,62,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000062_post_disaster.png,moore-tornado_00000062_post_disaster,0,0,tier3\masks\moore-tornado_00000062_post_disaster.png,0,0,21,31693,62,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000062_post_disaster.png,tuscaloosa-tornado_00000062_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000062_post_disaster.png,0,0,123,167439,62,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000062_post_disaster.png,hurricane-florence_00000062_post_disaster,0,0,train\masks\hurricane-florence_00000062_post_disaster.png,1,888,6,3296,62,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000062_post_disaster.png,woolsey-fire_00000062_post_disaster,0,0,tier3\masks\woolsey-fire_00000062_post_disaster.png,0,0,0,0,62,0 +1,191,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000062_post_disaster.png,nepal-flooding_00000062_post_disaster,0,0,tier3\masks\nepal-flooding_00000062_post_disaster.png,1,310,0,0,62,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000062_post_disaster.png,midwest-flooding_00000062_post_disaster,0,0,train\masks\midwest-flooding_00000062_post_disaster.png,0,0,177,149159,62,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000062_post_disaster.png,socal-fire_00000062_post_disaster,0,0,train\masks\socal-fire_00000062_post_disaster.png,0,0,1,3483,62,4 +3,1119,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000062_post_disaster.png,joplin-tornado_00000062_post_disaster,24,25158,tier3\masks\joplin-tornado_00000062_post_disaster.png,4,3988,17,34949,62,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000062_post_disaster.png,lower-puna-volcano_00000062_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000062_post_disaster.png,0,0,0,0,62,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000063_post_disaster.png,tuscaloosa-tornado_00000063_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000063_post_disaster.png,0,0,1,767,63,1 +3,1566,hurricane-matthew,post,train,train\images\hurricane-matthew_00000063_post_disaster.png,hurricane-matthew_00000063_post_disaster,8,5900,train\masks\hurricane-matthew_00000063_post_disaster.png,2,907,0,0,63,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000063_post_disaster.png,pinery-bushfire_00000063_post_disaster,0,0,tier3\masks\pinery-bushfire_00000063_post_disaster.png,0,0,0,0,63,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000063_post_disaster.png,portugal-wildfire_00000063_post_disaster,0,0,tier3\masks\portugal-wildfire_00000063_post_disaster.png,0,0,0,0,63,0 +6,2075,moore-tornado,post,tier3,tier3\images\moore-tornado_00000063_post_disaster.png,moore-tornado_00000063_post_disaster,3,4494,tier3\masks\moore-tornado_00000063_post_disaster.png,4,4508,28,20518,63,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000063_post_disaster.png,hurricane-florence_00000063_post_disaster,0,0,train\masks\hurricane-florence_00000063_post_disaster.png,0,0,24,14059,63,1 +1,188,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000063_post_disaster.png,nepal-flooding_00000063_post_disaster,12,13350,tier3\masks\nepal-flooding_00000063_post_disaster.png,6,5434,35,20487,63,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000063_post_disaster.png,lower-puna-volcano_00000063_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000063_post_disaster.png,0,0,0,0,63,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000063_post_disaster.png,midwest-flooding_00000063_post_disaster,0,0,train\masks\midwest-flooding_00000063_post_disaster.png,0,0,172,176637,63,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000063_post_disaster.png,sunda-tsunami_00000063_post_disaster,0,0,tier3\masks\sunda-tsunami_00000063_post_disaster.png,0,0,88,117375,63,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000063_post_disaster.png,woolsey-fire_00000063_post_disaster,0,0,tier3\masks\woolsey-fire_00000063_post_disaster.png,0,0,0,0,63,4 +197,219795,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000063_post_disaster.png,santa-rosa-wildfire_00000063_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000063_post_disaster.png,1,1277,29,27808,63,1 +34,27258,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000063_post_disaster.png,joplin-tornado_00000063_post_disaster,1,1732,tier3\masks\joplin-tornado_00000063_post_disaster.png,3,3887,3,938,63,1 +2,1177,hurricane-matthew,post,train,train\images\hurricane-matthew_00000064_post_disaster.png,hurricane-matthew_00000064_post_disaster,6,1315,train\masks\hurricane-matthew_00000064_post_disaster.png,1,164,12,2269,64,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000064_post_disaster.png,moore-tornado_00000064_post_disaster,0,0,tier3\masks\moore-tornado_00000064_post_disaster.png,0,0,213,288673,64,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000064_post_disaster.png,joplin-tornado_00000064_post_disaster,0,0,tier3\masks\joplin-tornado_00000064_post_disaster.png,0,0,4,90301,64,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000064_post_disaster.png,midwest-flooding_00000064_post_disaster,0,0,train\masks\midwest-flooding_00000064_post_disaster.png,0,0,206,162402,64,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000064_post_disaster.png,sunda-tsunami_00000064_post_disaster,0,0,tier3\masks\sunda-tsunami_00000064_post_disaster.png,0,0,56,67896,64,2 +6,3440,palu-tsunami,post,train,train\images\palu-tsunami_00000064_post_disaster.png,palu-tsunami_00000064_post_disaster,0,0,train\masks\palu-tsunami_00000064_post_disaster.png,0,0,87,177741,64,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000064_post_disaster.png,woolsey-fire_00000064_post_disaster,0,0,tier3\masks\woolsey-fire_00000064_post_disaster.png,0,0,0,0,64,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000064_post_disaster.png,mexico-earthquake_00000064_post_disaster,0,0,train\masks\mexico-earthquake_00000064_post_disaster.png,0,0,182,395022,64,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000064_post_disaster.png,lower-puna-volcano_00000064_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000064_post_disaster.png,0,0,3,617,64,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000064_post_disaster.png,pinery-bushfire_00000064_post_disaster,0,0,tier3\masks\pinery-bushfire_00000064_post_disaster.png,0,0,1,451,64,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000064_post_disaster.png,portugal-wildfire_00000064_post_disaster,0,0,tier3\masks\portugal-wildfire_00000064_post_disaster.png,0,0,2,355,64,3 +1,54,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000064_post_disaster.png,nepal-flooding_00000064_post_disaster,1,2007,tier3\masks\nepal-flooding_00000064_post_disaster.png,6,2039,1,391,64,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000064_post_disaster.png,hurricane-florence_00000064_post_disaster,0,0,train\masks\hurricane-florence_00000064_post_disaster.png,0,0,31,21326,64,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000064_post_disaster.png,tuscaloosa-tornado_00000064_post_disaster,2,2468,tier3\masks\tuscaloosa-tornado_00000064_post_disaster.png,0,0,71,71074,64,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000065_post_disaster.png,midwest-flooding_00000065_post_disaster,0,0,train\masks\midwest-flooding_00000065_post_disaster.png,0,0,21,264824,65,0 +32,15943,palu-tsunami,post,train,train\images\palu-tsunami_00000065_post_disaster.png,palu-tsunami_00000065_post_disaster,0,0,train\masks\palu-tsunami_00000065_post_disaster.png,9,22133,22,44163,65,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000065_post_disaster.png,moore-tornado_00000065_post_disaster,0,0,tier3\masks\moore-tornado_00000065_post_disaster.png,0,0,103,120437,65,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000065_post_disaster.png,woolsey-fire_00000065_post_disaster,0,0,tier3\masks\woolsey-fire_00000065_post_disaster.png,0,0,0,0,65,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000065_post_disaster.png,socal-fire_00000065_post_disaster,0,0,train\masks\socal-fire_00000065_post_disaster.png,0,0,1,183,65,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000065_post_disaster.png,portugal-wildfire_00000065_post_disaster,0,0,tier3\masks\portugal-wildfire_00000065_post_disaster.png,0,0,0,0,65,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000065_post_disaster.png,hurricane-florence_00000065_post_disaster,0,0,train\masks\hurricane-florence_00000065_post_disaster.png,2,1757,0,0,65,3 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000065_post_disaster.png,nepal-flooding_00000065_post_disaster,4,2436,tier3\masks\nepal-flooding_00000065_post_disaster.png,4,1577,8,3907,65,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000065_post_disaster.png,joplin-tornado_00000065_post_disaster,18,72115,tier3\masks\joplin-tornado_00000065_post_disaster.png,0,0,18,58654,65,2 +8,11974,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000065_post_disaster.png,santa-rosa-wildfire_00000065_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000065_post_disaster.png,0,0,5,5816,65,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000065_post_disaster.png,lower-puna-volcano_00000065_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000065_post_disaster.png,0,0,0,0,65,2 +8,3937,hurricane-matthew,post,train,train\images\hurricane-matthew_00000065_post_disaster.png,hurricane-matthew_00000065_post_disaster,83,69468,train\masks\hurricane-matthew_00000065_post_disaster.png,29,23222,10,7197,65,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000065_post_disaster.png,pinery-bushfire_00000065_post_disaster,0,0,tier3\masks\pinery-bushfire_00000065_post_disaster.png,0,0,0,0,65,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000065_post_disaster.png,sunda-tsunami_00000065_post_disaster,0,0,tier3\masks\sunda-tsunami_00000065_post_disaster.png,0,0,39,56470,65,1 +2,338,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000065_post_disaster.png,tuscaloosa-tornado_00000065_post_disaster,3,2723,tier3\masks\tuscaloosa-tornado_00000065_post_disaster.png,1,941,13,11914,65,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000066_post_disaster.png,hurricane-harvey_00000066_post_disaster,7,10897,train\masks\hurricane-harvey_00000066_post_disaster.png,2,3147,5,8351,66,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000066_post_disaster.png,midwest-flooding_00000066_post_disaster,0,0,train\masks\midwest-flooding_00000066_post_disaster.png,0,0,253,212503,66,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000066_post_disaster.png,moore-tornado_00000066_post_disaster,0,0,tier3\masks\moore-tornado_00000066_post_disaster.png,0,0,75,66229,66,0 +21,40518,palu-tsunami,post,train,train\images\palu-tsunami_00000066_post_disaster.png,palu-tsunami_00000066_post_disaster,0,0,train\masks\palu-tsunami_00000066_post_disaster.png,4,7167,2,42174,66,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000066_post_disaster.png,mexico-earthquake_00000066_post_disaster,0,0,train\masks\mexico-earthquake_00000066_post_disaster.png,0,0,24,35777,66,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000066_post_disaster.png,hurricane-matthew_00000066_post_disaster,123,67670,train\masks\hurricane-matthew_00000066_post_disaster.png,2,738,32,14683,66,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000066_post_disaster.png,portugal-wildfire_00000066_post_disaster,0,0,tier3\masks\portugal-wildfire_00000066_post_disaster.png,0,0,0,0,66,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000066_post_disaster.png,woolsey-fire_00000066_post_disaster,0,0,tier3\masks\woolsey-fire_00000066_post_disaster.png,0,0,8,4152,66,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000066_post_disaster.png,lower-puna-volcano_00000066_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000066_post_disaster.png,0,0,38,35766,66,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000066_post_disaster.png,nepal-flooding_00000066_post_disaster,0,0,tier3\masks\nepal-flooding_00000066_post_disaster.png,0,0,0,0,66,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000066_post_disaster.png,tuscaloosa-tornado_00000066_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000066_post_disaster.png,0,0,34,47716,66,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000066_post_disaster.png,hurricane-florence_00000066_post_disaster,0,0,train\masks\hurricane-florence_00000066_post_disaster.png,0,0,19,15118,66,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000066_post_disaster.png,sunda-tsunami_00000066_post_disaster,0,0,tier3\masks\sunda-tsunami_00000066_post_disaster.png,0,0,0,0,66,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000066_post_disaster.png,pinery-bushfire_00000066_post_disaster,0,0,tier3\masks\pinery-bushfire_00000066_post_disaster.png,0,0,0,0,66,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000066_post_disaster.png,joplin-tornado_00000066_post_disaster,3,12624,tier3\masks\joplin-tornado_00000066_post_disaster.png,0,0,13,65671,66,4 +2,628,hurricane-michael,post,train,train\images\hurricane-michael_00000066_post_disaster.png,hurricane-michael_00000066_post_disaster,1,12429,train\masks\hurricane-michael_00000066_post_disaster.png,0,0,3,28911,66,4 +5,8152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000067_post_disaster.png,santa-rosa-wildfire_00000067_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000067_post_disaster.png,0,0,4,2227,67,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000067_post_disaster.png,palu-tsunami_00000067_post_disaster,0,0,train\masks\palu-tsunami_00000067_post_disaster.png,0,0,165,335871,67,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000067_post_disaster.png,sunda-tsunami_00000067_post_disaster,0,0,tier3\masks\sunda-tsunami_00000067_post_disaster.png,0,0,0,0,67,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000067_post_disaster.png,joplin-tornado_00000067_post_disaster,0,0,tier3\masks\joplin-tornado_00000067_post_disaster.png,0,0,5,79169,67,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000067_post_disaster.png,mexico-earthquake_00000067_post_disaster,0,0,train\masks\mexico-earthquake_00000067_post_disaster.png,0,0,147,419805,67,3 +4,801,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000067_post_disaster.png,woolsey-fire_00000067_post_disaster,0,0,tier3\masks\woolsey-fire_00000067_post_disaster.png,0,0,0,0,67,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000067_post_disaster.png,midwest-flooding_00000067_post_disaster,0,0,train\masks\midwest-flooding_00000067_post_disaster.png,0,0,84,249486,67,2 +1,269,hurricane-matthew,post,train,train\images\hurricane-matthew_00000067_post_disaster.png,hurricane-matthew_00000067_post_disaster,24,14533,train\masks\hurricane-matthew_00000067_post_disaster.png,6,4586,25,9153,67,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000067_post_disaster.png,tuscaloosa-tornado_00000067_post_disaster,15,14300,tier3\masks\tuscaloosa-tornado_00000067_post_disaster.png,0,0,11,6401,67,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000067_post_disaster.png,hurricane-florence_00000067_post_disaster,0,0,train\masks\hurricane-florence_00000067_post_disaster.png,0,0,21,17311,67,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000067_post_disaster.png,lower-puna-volcano_00000067_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000067_post_disaster.png,0,0,14,7941,67,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000067_post_disaster.png,portugal-wildfire_00000067_post_disaster,0,0,tier3\masks\portugal-wildfire_00000067_post_disaster.png,0,0,0,0,67,0 +35,24322,moore-tornado,post,tier3,tier3\images\moore-tornado_00000067_post_disaster.png,moore-tornado_00000067_post_disaster,49,51657,tier3\masks\moore-tornado_00000067_post_disaster.png,25,25756,27,33997,67,2 +2,1115,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000067_post_disaster.png,nepal-flooding_00000067_post_disaster,4,5530,tier3\masks\nepal-flooding_00000067_post_disaster.png,8,9713,0,0,67,3 +2,4536,hurricane-michael,post,train,train\images\hurricane-michael_00000067_post_disaster.png,hurricane-michael_00000067_post_disaster,3,2730,train\masks\hurricane-michael_00000067_post_disaster.png,2,1219,73,99855,67,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000067_post_disaster.png,pinery-bushfire_00000067_post_disaster,0,0,tier3\masks\pinery-bushfire_00000067_post_disaster.png,0,0,0,0,67,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000068_post_disaster.png,nepal-flooding_00000068_post_disaster,3,431,tier3\masks\nepal-flooding_00000068_post_disaster.png,0,0,4,1517,68,4 +5,2522,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000068_post_disaster.png,woolsey-fire_00000068_post_disaster,0,0,tier3\masks\woolsey-fire_00000068_post_disaster.png,0,0,10,25061,68,1 +11,8671,palu-tsunami,post,train,train\images\palu-tsunami_00000068_post_disaster.png,palu-tsunami_00000068_post_disaster,0,0,train\masks\palu-tsunami_00000068_post_disaster.png,3,7068,216,340239,68,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000068_post_disaster.png,midwest-flooding_00000068_post_disaster,0,0,train\masks\midwest-flooding_00000068_post_disaster.png,0,0,294,214639,68,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000068_post_disaster.png,pinery-bushfire_00000068_post_disaster,0,0,tier3\masks\pinery-bushfire_00000068_post_disaster.png,0,0,6,14790,68,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000068_post_disaster.png,tuscaloosa-tornado_00000068_post_disaster,13,19508,tier3\masks\tuscaloosa-tornado_00000068_post_disaster.png,0,0,151,136662,68,0 +22,15426,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000068_post_disaster.png,joplin-tornado_00000068_post_disaster,2,1973,tier3\masks\joplin-tornado_00000068_post_disaster.png,7,8738,2,119,68,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000068_post_disaster.png,sunda-tsunami_00000068_post_disaster,0,0,tier3\masks\sunda-tsunami_00000068_post_disaster.png,0,0,5,8685,68,3 +3,4813,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000068_post_disaster.png,lower-puna-volcano_00000068_post_disaster,4,4196,tier3\masks\lower-puna-volcano_00000068_post_disaster.png,2,2802,20,14284,68,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000068_post_disaster.png,mexico-earthquake_00000068_post_disaster,0,0,train\masks\mexico-earthquake_00000068_post_disaster.png,0,0,73,314353,68,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000068_post_disaster.png,hurricane-michael_00000068_post_disaster,6,26305,train\masks\hurricane-michael_00000068_post_disaster.png,2,8657,36,88379,68,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000068_post_disaster.png,portugal-wildfire_00000068_post_disaster,0,0,tier3\masks\portugal-wildfire_00000068_post_disaster.png,0,0,87,141813,68,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000068_post_disaster.png,moore-tornado_00000068_post_disaster,0,0,tier3\masks\moore-tornado_00000068_post_disaster.png,0,0,94,123043,68,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000069_post_disaster.png,pinery-bushfire_00000069_post_disaster,0,0,tier3\masks\pinery-bushfire_00000069_post_disaster.png,0,0,0,0,69,2 +66,121993,palu-tsunami,post,train,train\images\palu-tsunami_00000069_post_disaster.png,palu-tsunami_00000069_post_disaster,0,0,train\masks\palu-tsunami_00000069_post_disaster.png,12,11972,117,155357,69,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000069_post_disaster.png,woolsey-fire_00000069_post_disaster,0,0,tier3\masks\woolsey-fire_00000069_post_disaster.png,0,0,0,0,69,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000069_post_disaster.png,hurricane-matthew_00000069_post_disaster,0,0,train\masks\hurricane-matthew_00000069_post_disaster.png,0,0,6,3591,69,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000069_post_disaster.png,joplin-tornado_00000069_post_disaster,0,0,tier3\masks\joplin-tornado_00000069_post_disaster.png,0,0,17,36786,69,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000069_post_disaster.png,moore-tornado_00000069_post_disaster,0,0,tier3\masks\moore-tornado_00000069_post_disaster.png,0,0,0,0,69,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000069_post_disaster.png,portugal-wildfire_00000069_post_disaster,0,0,tier3\masks\portugal-wildfire_00000069_post_disaster.png,0,0,59,60289,69,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000069_post_disaster.png,tuscaloosa-tornado_00000069_post_disaster,1,727,tier3\masks\tuscaloosa-tornado_00000069_post_disaster.png,0,0,42,47712,69,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000069_post_disaster.png,hurricane-florence_00000069_post_disaster,0,0,train\masks\hurricane-florence_00000069_post_disaster.png,0,0,9,7673,69,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000069_post_disaster.png,sunda-tsunami_00000069_post_disaster,0,0,tier3\masks\sunda-tsunami_00000069_post_disaster.png,0,0,20,14576,69,4 +2,1163,hurricane-harvey,post,train,train\images\hurricane-harvey_00000069_post_disaster.png,hurricane-harvey_00000069_post_disaster,0,0,train\masks\hurricane-harvey_00000069_post_disaster.png,12,9328,0,0,69,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000069_post_disaster.png,nepal-flooding_00000069_post_disaster,10,18247,tier3\masks\nepal-flooding_00000069_post_disaster.png,0,0,94,152866,69,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000069_post_disaster.png,lower-puna-volcano_00000069_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000069_post_disaster.png,0,0,0,0,69,1 +1,1983,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000069_post_disaster.png,santa-rosa-wildfire_00000069_post_disaster,1,308,train\masks\santa-rosa-wildfire_00000069_post_disaster.png,0,0,0,0,69,2 +1,565,hurricane-harvey,post,train,train\images\hurricane-harvey_00000070_post_disaster.png,hurricane-harvey_00000070_post_disaster,0,0,train\masks\hurricane-harvey_00000070_post_disaster.png,0,0,0,0,70,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000070_post_disaster.png,mexico-earthquake_00000070_post_disaster,0,0,train\masks\mexico-earthquake_00000070_post_disaster.png,0,0,45,378303,70,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000070_post_disaster.png,tuscaloosa-tornado_00000070_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000070_post_disaster.png,0,0,1,45,70,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000070_post_disaster.png,moore-tornado_00000070_post_disaster,0,0,tier3\masks\moore-tornado_00000070_post_disaster.png,0,0,22,21845,70,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000070_post_disaster.png,hurricane-matthew_00000070_post_disaster,1,311,train\masks\hurricane-matthew_00000070_post_disaster.png,0,0,2,418,70,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000070_post_disaster.png,sunda-tsunami_00000070_post_disaster,0,0,tier3\masks\sunda-tsunami_00000070_post_disaster.png,0,0,1,409,70,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000070_post_disaster.png,lower-puna-volcano_00000070_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000070_post_disaster.png,0,0,0,0,70,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000070_post_disaster.png,portugal-wildfire_00000070_post_disaster,0,0,tier3\masks\portugal-wildfire_00000070_post_disaster.png,0,0,0,0,70,0 +13,19822,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000070_post_disaster.png,santa-rosa-wildfire_00000070_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000070_post_disaster.png,0,0,19,21296,70,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000070_post_disaster.png,midwest-flooding_00000070_post_disaster,0,0,train\masks\midwest-flooding_00000070_post_disaster.png,0,0,55,88465,70,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000070_post_disaster.png,hurricane-florence_00000070_post_disaster,1,2230,train\masks\hurricane-florence_00000070_post_disaster.png,13,11156,1,503,70,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000070_post_disaster.png,nepal-flooding_00000070_post_disaster,1,650,tier3\masks\nepal-flooding_00000070_post_disaster.png,0,0,0,0,70,0 +7,4459,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000070_post_disaster.png,woolsey-fire_00000070_post_disaster,0,0,tier3\masks\woolsey-fire_00000070_post_disaster.png,0,0,6,2850,70,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000070_post_disaster.png,socal-fire_00000070_post_disaster,0,0,train\masks\socal-fire_00000070_post_disaster.png,0,0,0,0,70,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000070_post_disaster.png,joplin-tornado_00000070_post_disaster,0,0,tier3\masks\joplin-tornado_00000070_post_disaster.png,0,0,3,36410,70,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000070_post_disaster.png,pinery-bushfire_00000070_post_disaster,0,0,tier3\masks\pinery-bushfire_00000070_post_disaster.png,0,0,0,0,70,3 +1,453,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000071_post_disaster.png,woolsey-fire_00000071_post_disaster,0,0,tier3\masks\woolsey-fire_00000071_post_disaster.png,0,0,20,6632,71,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000071_post_disaster.png,sunda-tsunami_00000071_post_disaster,0,0,tier3\masks\sunda-tsunami_00000071_post_disaster.png,0,0,0,0,71,1 +4,396,moore-tornado,post,tier3,tier3\images\moore-tornado_00000071_post_disaster.png,moore-tornado_00000071_post_disaster,0,0,tier3\masks\moore-tornado_00000071_post_disaster.png,0,0,31,22880,71,3 +2,322,hurricane-harvey,post,train,train\images\hurricane-harvey_00000071_post_disaster.png,hurricane-harvey_00000071_post_disaster,0,0,train\masks\hurricane-harvey_00000071_post_disaster.png,13,11473,0,0,71,2 +37,29312,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000071_post_disaster.png,tuscaloosa-tornado_00000071_post_disaster,23,17962,tier3\masks\tuscaloosa-tornado_00000071_post_disaster.png,7,4575,31,15906,71,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000071_post_disaster.png,pinery-bushfire_00000071_post_disaster,0,0,tier3\masks\pinery-bushfire_00000071_post_disaster.png,0,0,1,353,71,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000071_post_disaster.png,hurricane-matthew_00000071_post_disaster,83,28510,train\masks\hurricane-matthew_00000071_post_disaster.png,1,162,41,5342,71,1 +1,559,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000071_post_disaster.png,portugal-wildfire_00000071_post_disaster,1,409,tier3\masks\portugal-wildfire_00000071_post_disaster.png,0,0,20,11122,71,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000071_post_disaster.png,lower-puna-volcano_00000071_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000071_post_disaster.png,0,0,10,4321,71,2 +34,32603,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000071_post_disaster.png,joplin-tornado_00000071_post_disaster,0,0,tier3\masks\joplin-tornado_00000071_post_disaster.png,5,68295,5,3826,71,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000071_post_disaster.png,nepal-flooding_00000071_post_disaster,0,0,tier3\masks\nepal-flooding_00000071_post_disaster.png,0,0,0,0,71,4 +8,7880,palu-tsunami,post,train,train\images\palu-tsunami_00000071_post_disaster.png,palu-tsunami_00000071_post_disaster,0,0,train\masks\palu-tsunami_00000071_post_disaster.png,2,2154,38,57087,71,4 +1,164,hurricane-michael,post,train,train\images\hurricane-michael_00000072_post_disaster.png,hurricane-michael_00000072_post_disaster,18,26249,train\masks\hurricane-michael_00000072_post_disaster.png,4,2872,66,52908,72,3 +2,2021,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000072_post_disaster.png,santa-rosa-wildfire_00000072_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000072_post_disaster.png,0,0,5,3814,72,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000072_post_disaster.png,joplin-tornado_00000072_post_disaster,1,165,tier3\masks\joplin-tornado_00000072_post_disaster.png,0,0,12,30662,72,0 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000072_post_disaster.png,palu-tsunami_00000072_post_disaster,0,0,train\masks\palu-tsunami_00000072_post_disaster.png,0,0,128,375932,72,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000072_post_disaster.png,pinery-bushfire_00000072_post_disaster,0,0,tier3\masks\pinery-bushfire_00000072_post_disaster.png,0,0,0,0,72,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000072_post_disaster.png,lower-puna-volcano_00000072_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000072_post_disaster.png,0,0,24,16891,72,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000072_post_disaster.png,hurricane-matthew_00000072_post_disaster,48,32306,train\masks\hurricane-matthew_00000072_post_disaster.png,6,3741,0,0,72,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000072_post_disaster.png,socal-fire_00000072_post_disaster,0,0,train\masks\socal-fire_00000072_post_disaster.png,0,0,35,63080,72,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000072_post_disaster.png,hurricane-florence_00000072_post_disaster,0,0,train\masks\hurricane-florence_00000072_post_disaster.png,5,4860,0,0,72,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000072_post_disaster.png,portugal-wildfire_00000072_post_disaster,0,0,tier3\masks\portugal-wildfire_00000072_post_disaster.png,0,0,0,0,72,2 +20,3689,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000072_post_disaster.png,nepal-flooding_00000072_post_disaster,0,0,tier3\masks\nepal-flooding_00000072_post_disaster.png,0,0,0,0,72,0 +1,119,hurricane-harvey,post,train,train\images\hurricane-harvey_00000072_post_disaster.png,hurricane-harvey_00000072_post_disaster,2,486,train\masks\hurricane-harvey_00000072_post_disaster.png,6,1809,0,0,72,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000072_post_disaster.png,woolsey-fire_00000072_post_disaster,0,0,tier3\masks\woolsey-fire_00000072_post_disaster.png,0,0,0,0,72,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000072_post_disaster.png,mexico-earthquake_00000072_post_disaster,0,0,train\masks\mexico-earthquake_00000072_post_disaster.png,0,0,24,65010,72,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000072_post_disaster.png,tuscaloosa-tornado_00000072_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000072_post_disaster.png,0,0,60,67264,72,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000072_post_disaster.png,moore-tornado_00000072_post_disaster,0,0,tier3\masks\moore-tornado_00000072_post_disaster.png,0,0,42,38089,72,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000072_post_disaster.png,sunda-tsunami_00000072_post_disaster,0,0,tier3\masks\sunda-tsunami_00000072_post_disaster.png,0,0,0,0,72,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000073_post_disaster.png,lower-puna-volcano_00000073_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000073_post_disaster.png,0,0,1,1228,73,4 +1,304,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000073_post_disaster.png,joplin-tornado_00000073_post_disaster,22,28921,tier3\masks\joplin-tornado_00000073_post_disaster.png,3,2375,64,72961,73,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000073_post_disaster.png,portugal-wildfire_00000073_post_disaster,0,0,tier3\masks\portugal-wildfire_00000073_post_disaster.png,0,0,0,0,73,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000073_post_disaster.png,tuscaloosa-tornado_00000073_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000073_post_disaster.png,0,0,77,85411,73,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000073_post_disaster.png,hurricane-harvey_00000073_post_disaster,0,0,train\masks\hurricane-harvey_00000073_post_disaster.png,0,0,9,14106,73,2 +28,23865,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000073_post_disaster.png,santa-rosa-wildfire_00000073_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000073_post_disaster.png,0,0,5,2235,73,1 +1,162,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000073_post_disaster.png,nepal-flooding_00000073_post_disaster,5,1630,tier3\masks\nepal-flooding_00000073_post_disaster.png,0,0,52,48583,73,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000073_post_disaster.png,socal-fire_00000073_post_disaster,0,0,train\masks\socal-fire_00000073_post_disaster.png,0,0,0,0,73,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000073_post_disaster.png,moore-tornado_00000073_post_disaster,0,0,tier3\masks\moore-tornado_00000073_post_disaster.png,0,0,54,54854,73,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000073_post_disaster.png,sunda-tsunami_00000073_post_disaster,0,0,tier3\masks\sunda-tsunami_00000073_post_disaster.png,0,0,68,52877,73,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000073_post_disaster.png,hurricane-florence_00000073_post_disaster,0,0,train\masks\hurricane-florence_00000073_post_disaster.png,0,0,2,2817,73,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000073_post_disaster.png,pinery-bushfire_00000073_post_disaster,0,0,tier3\masks\pinery-bushfire_00000073_post_disaster.png,0,0,0,0,73,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000073_post_disaster.png,midwest-flooding_00000073_post_disaster,0,0,train\masks\midwest-flooding_00000073_post_disaster.png,0,0,0,0,73,1 +27,44638,palu-tsunami,post,train,train\images\palu-tsunami_00000073_post_disaster.png,palu-tsunami_00000073_post_disaster,0,0,train\masks\palu-tsunami_00000073_post_disaster.png,2,1368,44,66511,73,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000073_post_disaster.png,woolsey-fire_00000073_post_disaster,0,0,tier3\masks\woolsey-fire_00000073_post_disaster.png,0,0,0,0,73,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000074_post_disaster.png,joplin-tornado_00000074_post_disaster,7,4778,tier3\masks\joplin-tornado_00000074_post_disaster.png,0,0,168,146013,74,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000074_post_disaster.png,midwest-flooding_00000074_post_disaster,0,0,train\masks\midwest-flooding_00000074_post_disaster.png,0,0,0,0,74,1 +2,148,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000074_post_disaster.png,nepal-flooding_00000074_post_disaster,10,10066,tier3\masks\nepal-flooding_00000074_post_disaster.png,1,468,85,59149,74,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000074_post_disaster.png,portugal-wildfire_00000074_post_disaster,0,0,tier3\masks\portugal-wildfire_00000074_post_disaster.png,0,0,0,0,74,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000074_post_disaster.png,palu-tsunami_00000074_post_disaster,0,0,train\masks\palu-tsunami_00000074_post_disaster.png,0,0,128,569362,74,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000074_post_disaster.png,mexico-earthquake_00000074_post_disaster,7,8008,train\masks\mexico-earthquake_00000074_post_disaster.png,0,0,184,392835,74,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000074_post_disaster.png,pinery-bushfire_00000074_post_disaster,0,0,tier3\masks\pinery-bushfire_00000074_post_disaster.png,0,0,0,0,74,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000074_post_disaster.png,sunda-tsunami_00000074_post_disaster,0,0,tier3\masks\sunda-tsunami_00000074_post_disaster.png,0,0,57,61770,74,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000074_post_disaster.png,lower-puna-volcano_00000074_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000074_post_disaster.png,0,0,0,0,74,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000074_post_disaster.png,moore-tornado_00000074_post_disaster,11,8410,tier3\masks\moore-tornado_00000074_post_disaster.png,4,2248,111,86671,74,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000074_post_disaster.png,tuscaloosa-tornado_00000074_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000074_post_disaster.png,0,0,30,84308,74,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000074_post_disaster.png,woolsey-fire_00000074_post_disaster,0,0,tier3\masks\woolsey-fire_00000074_post_disaster.png,0,0,0,0,74,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000075_post_disaster.png,hurricane-harvey_00000075_post_disaster,0,0,train\masks\hurricane-harvey_00000075_post_disaster.png,0,0,113,125956,75,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000075_post_disaster.png,sunda-tsunami_00000075_post_disaster,0,0,tier3\masks\sunda-tsunami_00000075_post_disaster.png,0,0,0,0,75,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000075_post_disaster.png,lower-puna-volcano_00000075_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000075_post_disaster.png,0,0,15,6308,75,3 +3,388,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000075_post_disaster.png,woolsey-fire_00000075_post_disaster,1,221,tier3\masks\woolsey-fire_00000075_post_disaster.png,1,191,2,246,75,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000075_post_disaster.png,midwest-flooding_00000075_post_disaster,0,0,train\masks\midwest-flooding_00000075_post_disaster.png,0,0,0,0,75,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000075_post_disaster.png,hurricane-florence_00000075_post_disaster,0,0,train\masks\hurricane-florence_00000075_post_disaster.png,0,0,30,14767,75,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000075_post_disaster.png,moore-tornado_00000075_post_disaster,0,0,tier3\masks\moore-tornado_00000075_post_disaster.png,0,0,90,101108,75,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000075_post_disaster.png,pinery-bushfire_00000075_post_disaster,0,0,tier3\masks\pinery-bushfire_00000075_post_disaster.png,0,0,0,0,75,4 +5,2781,hurricane-matthew,post,train,train\images\hurricane-matthew_00000075_post_disaster.png,hurricane-matthew_00000075_post_disaster,113,84322,train\masks\hurricane-matthew_00000075_post_disaster.png,3,1286,12,12316,75,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000075_post_disaster.png,mexico-earthquake_00000075_post_disaster,2,1995,train\masks\mexico-earthquake_00000075_post_disaster.png,0,0,31,218795,75,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000075_post_disaster.png,portugal-wildfire_00000075_post_disaster,0,0,tier3\masks\portugal-wildfire_00000075_post_disaster.png,0,0,0,0,75,1 +50,87898,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000075_post_disaster.png,santa-rosa-wildfire_00000075_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000075_post_disaster.png,0,0,0,0,75,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000075_post_disaster.png,tuscaloosa-tornado_00000075_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000075_post_disaster.png,0,0,0,0,75,0 +44,39088,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000075_post_disaster.png,joplin-tornado_00000075_post_disaster,13,16170,tier3\masks\joplin-tornado_00000075_post_disaster.png,7,11361,19,9140,75,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000075_post_disaster.png,nepal-flooding_00000075_post_disaster,2,1880,tier3\masks\nepal-flooding_00000075_post_disaster.png,0,0,64,96076,75,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000075_post_disaster.png,hurricane-michael_00000075_post_disaster,10,15991,train\masks\hurricane-michael_00000075_post_disaster.png,0,0,38,99809,75,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000076_post_disaster.png,portugal-wildfire_00000076_post_disaster,0,0,tier3\masks\portugal-wildfire_00000076_post_disaster.png,0,0,9,6658,76,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000076_post_disaster.png,nepal-flooding_00000076_post_disaster,3,12882,tier3\masks\nepal-flooding_00000076_post_disaster.png,0,0,56,55427,76,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000076_post_disaster.png,sunda-tsunami_00000076_post_disaster,0,0,tier3\masks\sunda-tsunami_00000076_post_disaster.png,0,0,347,218856,76,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000076_post_disaster.png,santa-rosa-wildfire_00000076_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000076_post_disaster.png,0,0,102,163202,76,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000076_post_disaster.png,midwest-flooding_00000076_post_disaster,1,291,train\masks\midwest-flooding_00000076_post_disaster.png,0,0,4,1157,76,2 +1,169,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000076_post_disaster.png,woolsey-fire_00000076_post_disaster,0,0,tier3\masks\woolsey-fire_00000076_post_disaster.png,0,0,0,0,76,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000076_post_disaster.png,palu-tsunami_00000076_post_disaster,0,0,train\masks\palu-tsunami_00000076_post_disaster.png,0,0,11,17442,76,2 +1,255,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000076_post_disaster.png,tuscaloosa-tornado_00000076_post_disaster,6,3652,tier3\masks\tuscaloosa-tornado_00000076_post_disaster.png,1,671,29,15019,76,4 +4,6842,hurricane-michael,post,train,train\images\hurricane-michael_00000076_post_disaster.png,hurricane-michael_00000076_post_disaster,12,10400,train\masks\hurricane-michael_00000076_post_disaster.png,4,6195,32,41873,76,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000076_post_disaster.png,socal-fire_00000076_post_disaster,0,0,train\masks\socal-fire_00000076_post_disaster.png,0,0,0,0,76,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000076_post_disaster.png,pinery-bushfire_00000076_post_disaster,0,0,tier3\masks\pinery-bushfire_00000076_post_disaster.png,0,0,0,0,76,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000076_post_disaster.png,lower-puna-volcano_00000076_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000076_post_disaster.png,0,0,0,0,76,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000076_post_disaster.png,hurricane-harvey_00000076_post_disaster,0,0,train\masks\hurricane-harvey_00000076_post_disaster.png,0,0,86,93132,76,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000076_post_disaster.png,moore-tornado_00000076_post_disaster,0,0,tier3\masks\moore-tornado_00000076_post_disaster.png,0,0,224,166893,76,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000076_post_disaster.png,joplin-tornado_00000076_post_disaster,16,21341,tier3\masks\joplin-tornado_00000076_post_disaster.png,0,0,140,155113,76,4 +1,77,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000077_post_disaster.png,nepal-flooding_00000077_post_disaster,3,1189,tier3\masks\nepal-flooding_00000077_post_disaster.png,3,1130,80,109743,77,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000077_post_disaster.png,pinery-bushfire_00000077_post_disaster,0,0,tier3\masks\pinery-bushfire_00000077_post_disaster.png,0,0,0,0,77,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000077_post_disaster.png,joplin-tornado_00000077_post_disaster,11,16319,tier3\masks\joplin-tornado_00000077_post_disaster.png,0,0,122,187197,77,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000077_post_disaster.png,midwest-flooding_00000077_post_disaster,0,0,train\masks\midwest-flooding_00000077_post_disaster.png,0,0,15,9317,77,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000077_post_disaster.png,moore-tornado_00000077_post_disaster,0,0,tier3\masks\moore-tornado_00000077_post_disaster.png,0,0,12,19923,77,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000077_post_disaster.png,woolsey-fire_00000077_post_disaster,0,0,tier3\masks\woolsey-fire_00000077_post_disaster.png,0,0,28,11848,77,3 +1,596,hurricane-matthew,post,train,train\images\hurricane-matthew_00000077_post_disaster.png,hurricane-matthew_00000077_post_disaster,26,17544,train\masks\hurricane-matthew_00000077_post_disaster.png,2,565,22,8162,77,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000077_post_disaster.png,palu-tsunami_00000077_post_disaster,0,0,train\masks\palu-tsunami_00000077_post_disaster.png,0,0,0,0,77,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000077_post_disaster.png,lower-puna-volcano_00000077_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000077_post_disaster.png,0,0,0,0,77,1 +1,139,hurricane-harvey,post,train,train\images\hurricane-harvey_00000077_post_disaster.png,hurricane-harvey_00000077_post_disaster,6,6384,train\masks\hurricane-harvey_00000077_post_disaster.png,4,2768,2,1254,77,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000077_post_disaster.png,sunda-tsunami_00000077_post_disaster,0,0,tier3\masks\sunda-tsunami_00000077_post_disaster.png,0,0,0,0,77,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000077_post_disaster.png,portugal-wildfire_00000077_post_disaster,0,0,tier3\masks\portugal-wildfire_00000077_post_disaster.png,0,0,0,0,77,0 +3,716,hurricane-michael,post,train,train\images\hurricane-michael_00000077_post_disaster.png,hurricane-michael_00000077_post_disaster,29,34233,train\masks\hurricane-michael_00000077_post_disaster.png,1,2488,66,59640,77,3 +2,2100,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000077_post_disaster.png,tuscaloosa-tornado_00000077_post_disaster,42,43640,tier3\masks\tuscaloosa-tornado_00000077_post_disaster.png,6,5656,92,96572,77,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000078_post_disaster.png,portugal-wildfire_00000078_post_disaster,0,0,tier3\masks\portugal-wildfire_00000078_post_disaster.png,0,0,0,0,78,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000078_post_disaster.png,socal-fire_00000078_post_disaster,0,0,train\masks\socal-fire_00000078_post_disaster.png,0,0,0,0,78,1 +4,4214,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000078_post_disaster.png,woolsey-fire_00000078_post_disaster,0,0,tier3\masks\woolsey-fire_00000078_post_disaster.png,0,0,0,0,78,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000078_post_disaster.png,pinery-bushfire_00000078_post_disaster,0,0,tier3\masks\pinery-bushfire_00000078_post_disaster.png,0,0,0,0,78,4 +7,7622,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000078_post_disaster.png,santa-rosa-wildfire_00000078_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000078_post_disaster.png,0,0,4,2929,78,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000078_post_disaster.png,lower-puna-volcano_00000078_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000078_post_disaster.png,0,0,32,28959,78,1 +5,2796,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000078_post_disaster.png,joplin-tornado_00000078_post_disaster,19,18930,tier3\masks\joplin-tornado_00000078_post_disaster.png,1,1755,68,44689,78,2 +1,195,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000078_post_disaster.png,nepal-flooding_00000078_post_disaster,0,0,tier3\masks\nepal-flooding_00000078_post_disaster.png,2,1848,49,81571,78,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000078_post_disaster.png,moore-tornado_00000078_post_disaster,0,0,tier3\masks\moore-tornado_00000078_post_disaster.png,0,0,33,28712,78,4 +16,6047,hurricane-michael,post,train,train\images\hurricane-michael_00000078_post_disaster.png,hurricane-michael_00000078_post_disaster,22,15790,train\masks\hurricane-michael_00000078_post_disaster.png,29,19238,20,13694,78,4 +29,26954,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000078_post_disaster.png,tuscaloosa-tornado_00000078_post_disaster,4,7225,tier3\masks\tuscaloosa-tornado_00000078_post_disaster.png,8,40901,22,50199,78,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000078_post_disaster.png,midwest-flooding_00000078_post_disaster,0,0,train\masks\midwest-flooding_00000078_post_disaster.png,0,0,0,0,78,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000078_post_disaster.png,hurricane-florence_00000078_post_disaster,1,394,train\masks\hurricane-florence_00000078_post_disaster.png,2,2800,1,240,78,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000078_post_disaster.png,mexico-earthquake_00000078_post_disaster,0,0,train\masks\mexico-earthquake_00000078_post_disaster.png,0,0,76,343738,78,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000078_post_disaster.png,sunda-tsunami_00000078_post_disaster,0,0,tier3\masks\sunda-tsunami_00000078_post_disaster.png,0,0,104,84919,78,0 +5,768,hurricane-matthew,post,train,train\images\hurricane-matthew_00000078_post_disaster.png,hurricane-matthew_00000078_post_disaster,23,11379,train\masks\hurricane-matthew_00000078_post_disaster.png,8,4982,0,0,78,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000079_post_disaster.png,sunda-tsunami_00000079_post_disaster,0,0,tier3\masks\sunda-tsunami_00000079_post_disaster.png,2,1779,0,0,79,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000079_post_disaster.png,lower-puna-volcano_00000079_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000079_post_disaster.png,0,0,8,2279,79,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000079_post_disaster.png,midwest-flooding_00000079_post_disaster,0,0,train\masks\midwest-flooding_00000079_post_disaster.png,0,0,1,701,79,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000079_post_disaster.png,socal-fire_00000079_post_disaster,0,0,train\masks\socal-fire_00000079_post_disaster.png,0,0,0,0,79,4 +63,48425,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000079_post_disaster.png,tuscaloosa-tornado_00000079_post_disaster,25,24909,tier3\masks\tuscaloosa-tornado_00000079_post_disaster.png,12,15349,6,4083,79,1 +74,97834,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000079_post_disaster.png,santa-rosa-wildfire_00000079_post_disaster,2,911,train\masks\santa-rosa-wildfire_00000079_post_disaster.png,2,1290,48,148170,79,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000079_post_disaster.png,hurricane-matthew_00000079_post_disaster,10,7275,train\masks\hurricane-matthew_00000079_post_disaster.png,1,207,7,2433,79,2 +16,20578,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000079_post_disaster.png,woolsey-fire_00000079_post_disaster,0,0,tier3\masks\woolsey-fire_00000079_post_disaster.png,0,0,1,1877,79,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000079_post_disaster.png,hurricane-florence_00000079_post_disaster,1,777,train\masks\hurricane-florence_00000079_post_disaster.png,0,0,10,9532,79,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000079_post_disaster.png,nepal-flooding_00000079_post_disaster,0,0,tier3\masks\nepal-flooding_00000079_post_disaster.png,1,283,22,7773,79,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000079_post_disaster.png,mexico-earthquake_00000079_post_disaster,0,0,train\masks\mexico-earthquake_00000079_post_disaster.png,0,0,103,462010,79,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000079_post_disaster.png,joplin-tornado_00000079_post_disaster,13,16549,tier3\masks\joplin-tornado_00000079_post_disaster.png,0,0,112,189441,79,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000079_post_disaster.png,pinery-bushfire_00000079_post_disaster,0,0,tier3\masks\pinery-bushfire_00000079_post_disaster.png,0,0,0,0,79,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000079_post_disaster.png,moore-tornado_00000079_post_disaster,0,0,tier3\masks\moore-tornado_00000079_post_disaster.png,0,0,30,32949,79,3 +1,579,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000079_post_disaster.png,portugal-wildfire_00000079_post_disaster,0,0,tier3\masks\portugal-wildfire_00000079_post_disaster.png,0,0,6,3301,79,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000079_post_disaster.png,hurricane-harvey_00000079_post_disaster,1,3452,train\masks\hurricane-harvey_00000079_post_disaster.png,0,0,164,197315,79,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000080_post_disaster.png,hurricane-harvey_00000080_post_disaster,0,0,train\masks\hurricane-harvey_00000080_post_disaster.png,0,0,70,111388,80,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000080_post_disaster.png,portugal-wildfire_00000080_post_disaster,1,1729,tier3\masks\portugal-wildfire_00000080_post_disaster.png,0,0,52,45480,80,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000080_post_disaster.png,sunda-tsunami_00000080_post_disaster,0,0,tier3\masks\sunda-tsunami_00000080_post_disaster.png,0,0,142,100480,80,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000080_post_disaster.png,joplin-tornado_00000080_post_disaster,0,0,tier3\masks\joplin-tornado_00000080_post_disaster.png,0,0,116,192132,80,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000080_post_disaster.png,hurricane-florence_00000080_post_disaster,0,0,train\masks\hurricane-florence_00000080_post_disaster.png,5,4068,0,0,80,4 +1,1097,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000080_post_disaster.png,woolsey-fire_00000080_post_disaster,0,0,tier3\masks\woolsey-fire_00000080_post_disaster.png,0,0,2,425,80,4 +1,944,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000080_post_disaster.png,pinery-bushfire_00000080_post_disaster,0,0,tier3\masks\pinery-bushfire_00000080_post_disaster.png,0,0,1,866,80,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000080_post_disaster.png,socal-fire_00000080_post_disaster,0,0,train\masks\socal-fire_00000080_post_disaster.png,0,0,1,277,80,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000080_post_disaster.png,hurricane-matthew_00000080_post_disaster,68,42764,train\masks\hurricane-matthew_00000080_post_disaster.png,0,0,35,29732,80,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000080_post_disaster.png,moore-tornado_00000080_post_disaster,0,0,tier3\masks\moore-tornado_00000080_post_disaster.png,0,0,116,112555,80,3 +3,409,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000080_post_disaster.png,nepal-flooding_00000080_post_disaster,2,722,tier3\masks\nepal-flooding_00000080_post_disaster.png,3,1096,3,4684,80,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000080_post_disaster.png,lower-puna-volcano_00000080_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000080_post_disaster.png,0,0,18,7712,80,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000080_post_disaster.png,tuscaloosa-tornado_00000080_post_disaster,3,4991,tier3\masks\tuscaloosa-tornado_00000080_post_disaster.png,0,0,72,103836,80,4 +6,2001,socal-fire,post,train,train\images\socal-fire_00000081_post_disaster.png,socal-fire_00000081_post_disaster,0,0,train\masks\socal-fire_00000081_post_disaster.png,0,0,1,118,81,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000081_post_disaster.png,joplin-tornado_00000081_post_disaster,6,6434,tier3\masks\joplin-tornado_00000081_post_disaster.png,0,0,79,73277,81,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000081_post_disaster.png,moore-tornado_00000081_post_disaster,0,0,tier3\masks\moore-tornado_00000081_post_disaster.png,0,0,48,150093,81,3 +4,1943,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000081_post_disaster.png,pinery-bushfire_00000081_post_disaster,0,0,tier3\masks\pinery-bushfire_00000081_post_disaster.png,0,0,0,0,81,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000081_post_disaster.png,midwest-flooding_00000081_post_disaster,0,0,train\masks\midwest-flooding_00000081_post_disaster.png,2,331,0,0,81,2 +1,103,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000081_post_disaster.png,woolsey-fire_00000081_post_disaster,0,0,tier3\masks\woolsey-fire_00000081_post_disaster.png,0,0,7,9614,81,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000081_post_disaster.png,portugal-wildfire_00000081_post_disaster,0,0,tier3\masks\portugal-wildfire_00000081_post_disaster.png,0,0,71,193185,81,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000081_post_disaster.png,nepal-flooding_00000081_post_disaster,0,0,tier3\masks\nepal-flooding_00000081_post_disaster.png,5,1127,0,0,81,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000081_post_disaster.png,sunda-tsunami_00000081_post_disaster,0,0,tier3\masks\sunda-tsunami_00000081_post_disaster.png,0,0,68,78027,81,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000081_post_disaster.png,lower-puna-volcano_00000081_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000081_post_disaster.png,0,0,40,36953,81,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000081_post_disaster.png,tuscaloosa-tornado_00000081_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000081_post_disaster.png,0,0,54,35005,81,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000081_post_disaster.png,hurricane-harvey_00000081_post_disaster,4,4439,train\masks\hurricane-harvey_00000081_post_disaster.png,23,25696,6,4503,81,3 +4,4479,hurricane-michael,post,train,train\images\hurricane-michael_00000081_post_disaster.png,hurricane-michael_00000081_post_disaster,1,2106,train\masks\hurricane-michael_00000081_post_disaster.png,1,3005,12,16663,81,0 +5,8939,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000081_post_disaster.png,santa-rosa-wildfire_00000081_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000081_post_disaster.png,0,0,1,320,81,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000082_post_disaster.png,woolsey-fire_00000082_post_disaster,0,0,tier3\masks\woolsey-fire_00000082_post_disaster.png,0,0,30,52481,82,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000082_post_disaster.png,moore-tornado_00000082_post_disaster,0,0,tier3\masks\moore-tornado_00000082_post_disaster.png,0,0,0,0,82,1 +12,9227,socal-fire,post,train,train\images\socal-fire_00000082_post_disaster.png,socal-fire_00000082_post_disaster,1,109,train\masks\socal-fire_00000082_post_disaster.png,0,0,15,7696,82,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000082_post_disaster.png,midwest-flooding_00000082_post_disaster,0,0,train\masks\midwest-flooding_00000082_post_disaster.png,0,0,0,0,82,0 +10,3108,hurricane-matthew,post,train,train\images\hurricane-matthew_00000082_post_disaster.png,hurricane-matthew_00000082_post_disaster,45,24980,train\masks\hurricane-matthew_00000082_post_disaster.png,27,12129,0,0,82,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000082_post_disaster.png,pinery-bushfire_00000082_post_disaster,0,0,tier3\masks\pinery-bushfire_00000082_post_disaster.png,0,0,0,0,82,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000082_post_disaster.png,mexico-earthquake_00000082_post_disaster,4,4859,train\masks\mexico-earthquake_00000082_post_disaster.png,0,0,138,365966,82,1 +1,121,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000082_post_disaster.png,nepal-flooding_00000082_post_disaster,19,8238,tier3\masks\nepal-flooding_00000082_post_disaster.png,11,7171,27,22249,82,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000082_post_disaster.png,hurricane-harvey_00000082_post_disaster,0,0,train\masks\hurricane-harvey_00000082_post_disaster.png,12,13862,0,0,82,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000082_post_disaster.png,tuscaloosa-tornado_00000082_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000082_post_disaster.png,0,0,106,124453,82,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000082_post_disaster.png,lower-puna-volcano_00000082_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000082_post_disaster.png,0,0,51,32156,82,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000082_post_disaster.png,sunda-tsunami_00000082_post_disaster,0,0,tier3\masks\sunda-tsunami_00000082_post_disaster.png,0,0,146,120435,82,1 +1,198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000082_post_disaster.png,portugal-wildfire_00000082_post_disaster,0,0,tier3\masks\portugal-wildfire_00000082_post_disaster.png,0,0,41,37157,82,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000082_post_disaster.png,joplin-tornado_00000082_post_disaster,0,0,tier3\masks\joplin-tornado_00000082_post_disaster.png,0,0,114,171085,82,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000083_post_disaster.png,hurricane-matthew_00000083_post_disaster,1,821,train\masks\hurricane-matthew_00000083_post_disaster.png,0,0,57,39909,83,0 +37,20994,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000083_post_disaster.png,joplin-tornado_00000083_post_disaster,50,56960,tier3\masks\joplin-tornado_00000083_post_disaster.png,20,16251,49,45710,83,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000083_post_disaster.png,mexico-earthquake_00000083_post_disaster,0,0,train\masks\mexico-earthquake_00000083_post_disaster.png,0,0,334,401718,83,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000083_post_disaster.png,hurricane-florence_00000083_post_disaster,0,0,train\masks\hurricane-florence_00000083_post_disaster.png,4,3399,4,946,83,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000083_post_disaster.png,pinery-bushfire_00000083_post_disaster,0,0,tier3\masks\pinery-bushfire_00000083_post_disaster.png,0,0,0,0,83,1 +2,277,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000083_post_disaster.png,nepal-flooding_00000083_post_disaster,6,3509,tier3\masks\nepal-flooding_00000083_post_disaster.png,3,3693,16,16545,83,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000083_post_disaster.png,portugal-wildfire_00000083_post_disaster,0,0,tier3\masks\portugal-wildfire_00000083_post_disaster.png,0,0,0,0,83,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000083_post_disaster.png,lower-puna-volcano_00000083_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000083_post_disaster.png,0,0,31,9777,83,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000083_post_disaster.png,midwest-flooding_00000083_post_disaster,0,0,train\masks\midwest-flooding_00000083_post_disaster.png,0,0,4,2563,83,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000083_post_disaster.png,hurricane-michael_00000083_post_disaster,26,28348,train\masks\hurricane-michael_00000083_post_disaster.png,1,1398,68,73937,83,0 +1,3869,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000083_post_disaster.png,woolsey-fire_00000083_post_disaster,0,0,tier3\masks\woolsey-fire_00000083_post_disaster.png,0,0,0,0,83,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000083_post_disaster.png,moore-tornado_00000083_post_disaster,0,0,tier3\masks\moore-tornado_00000083_post_disaster.png,0,0,4,5409,83,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000083_post_disaster.png,sunda-tsunami_00000083_post_disaster,0,0,tier3\masks\sunda-tsunami_00000083_post_disaster.png,0,0,11,57598,83,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000083_post_disaster.png,socal-fire_00000083_post_disaster,0,0,train\masks\socal-fire_00000083_post_disaster.png,0,0,0,0,83,4 +2,1440,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000083_post_disaster.png,tuscaloosa-tornado_00000083_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000083_post_disaster.png,0,0,0,0,83,4 +9,2284,palu-tsunami,post,train,train\images\palu-tsunami_00000083_post_disaster.png,palu-tsunami_00000083_post_disaster,0,0,train\masks\palu-tsunami_00000083_post_disaster.png,4,2847,67,106155,83,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000084_post_disaster.png,palu-tsunami_00000084_post_disaster,0,0,train\masks\palu-tsunami_00000084_post_disaster.png,0,0,120,549404,84,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000084_post_disaster.png,socal-fire_00000084_post_disaster,0,0,train\masks\socal-fire_00000084_post_disaster.png,0,0,30,63184,84,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000084_post_disaster.png,pinery-bushfire_00000084_post_disaster,0,0,tier3\masks\pinery-bushfire_00000084_post_disaster.png,0,0,0,0,84,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000084_post_disaster.png,mexico-earthquake_00000084_post_disaster,3,4202,train\masks\mexico-earthquake_00000084_post_disaster.png,1,441,139,148766,84,2 +202,219469,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000084_post_disaster.png,santa-rosa-wildfire_00000084_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000084_post_disaster.png,0,0,11,15536,84,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000084_post_disaster.png,hurricane-florence_00000084_post_disaster,0,0,train\masks\hurricane-florence_00000084_post_disaster.png,0,0,46,43091,84,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000084_post_disaster.png,nepal-flooding_00000084_post_disaster,2,274,tier3\masks\nepal-flooding_00000084_post_disaster.png,5,887,18,21544,84,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000084_post_disaster.png,midwest-flooding_00000084_post_disaster,1,1043,train\masks\midwest-flooding_00000084_post_disaster.png,0,0,4,1961,84,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000084_post_disaster.png,hurricane-harvey_00000084_post_disaster,0,0,train\masks\hurricane-harvey_00000084_post_disaster.png,0,0,20,92145,84,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000084_post_disaster.png,lower-puna-volcano_00000084_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000084_post_disaster.png,0,0,0,0,84,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000084_post_disaster.png,moore-tornado_00000084_post_disaster,0,0,tier3\masks\moore-tornado_00000084_post_disaster.png,0,0,14,11240,84,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000084_post_disaster.png,tuscaloosa-tornado_00000084_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000084_post_disaster.png,0,0,17,83669,84,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000084_post_disaster.png,portugal-wildfire_00000084_post_disaster,0,0,tier3\masks\portugal-wildfire_00000084_post_disaster.png,0,0,0,0,84,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000084_post_disaster.png,hurricane-matthew_00000084_post_disaster,42,26815,train\masks\hurricane-matthew_00000084_post_disaster.png,2,2126,0,0,84,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000084_post_disaster.png,sunda-tsunami_00000084_post_disaster,0,0,tier3\masks\sunda-tsunami_00000084_post_disaster.png,0,0,155,219496,84,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000084_post_disaster.png,woolsey-fire_00000084_post_disaster,1,810,tier3\masks\woolsey-fire_00000084_post_disaster.png,0,0,0,0,84,0 +79,87488,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000084_post_disaster.png,joplin-tornado_00000084_post_disaster,5,5113,tier3\masks\joplin-tornado_00000084_post_disaster.png,24,27228,15,4642,84,4 +5,3061,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000085_post_disaster.png,woolsey-fire_00000085_post_disaster,0,0,tier3\masks\woolsey-fire_00000085_post_disaster.png,0,0,3,582,85,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000085_post_disaster.png,hurricane-florence_00000085_post_disaster,0,0,train\masks\hurricane-florence_00000085_post_disaster.png,0,0,22,16031,85,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000085_post_disaster.png,nepal-flooding_00000085_post_disaster,10,4569,tier3\masks\nepal-flooding_00000085_post_disaster.png,23,7130,0,0,85,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000085_post_disaster.png,mexico-earthquake_00000085_post_disaster,1,2628,train\masks\mexico-earthquake_00000085_post_disaster.png,2,10357,143,382638,85,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000085_post_disaster.png,hurricane-harvey_00000085_post_disaster,0,0,train\masks\hurricane-harvey_00000085_post_disaster.png,0,0,17,56613,85,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000085_post_disaster.png,lower-puna-volcano_00000085_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000085_post_disaster.png,0,0,0,0,85,1 +12,7425,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000085_post_disaster.png,tuscaloosa-tornado_00000085_post_disaster,34,39524,tier3\masks\tuscaloosa-tornado_00000085_post_disaster.png,20,32358,34,38610,85,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000085_post_disaster.png,moore-tornado_00000085_post_disaster,0,0,tier3\masks\moore-tornado_00000085_post_disaster.png,0,0,146,136145,85,3 +6,2396,hurricane-matthew,post,train,train\images\hurricane-matthew_00000085_post_disaster.png,hurricane-matthew_00000085_post_disaster,1,2225,train\masks\hurricane-matthew_00000085_post_disaster.png,1,249,1,139,85,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000085_post_disaster.png,sunda-tsunami_00000085_post_disaster,0,0,tier3\masks\sunda-tsunami_00000085_post_disaster.png,0,0,55,45232,85,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000085_post_disaster.png,pinery-bushfire_00000085_post_disaster,0,0,tier3\masks\pinery-bushfire_00000085_post_disaster.png,0,0,11,6243,85,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000085_post_disaster.png,portugal-wildfire_00000085_post_disaster,0,0,tier3\masks\portugal-wildfire_00000085_post_disaster.png,0,0,0,0,85,3 +20,56495,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000085_post_disaster.png,joplin-tornado_00000085_post_disaster,0,0,tier3\masks\joplin-tornado_00000085_post_disaster.png,4,60462,9,6928,85,0 +6,1836,hurricane-michael,post,train,train\images\hurricane-michael_00000085_post_disaster.png,hurricane-michael_00000085_post_disaster,16,26786,train\masks\hurricane-michael_00000085_post_disaster.png,4,6145,81,78596,85,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000085_post_disaster.png,midwest-flooding_00000085_post_disaster,1,77,train\masks\midwest-flooding_00000085_post_disaster.png,0,0,2,153,85,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000086_post_disaster.png,sunda-tsunami_00000086_post_disaster,0,0,tier3\masks\sunda-tsunami_00000086_post_disaster.png,0,0,0,0,86,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000086_post_disaster.png,midwest-flooding_00000086_post_disaster,0,0,train\masks\midwest-flooding_00000086_post_disaster.png,0,0,1,36,86,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000086_post_disaster.png,tuscaloosa-tornado_00000086_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000086_post_disaster.png,0,0,1,224,86,4 +1,96,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000086_post_disaster.png,nepal-flooding_00000086_post_disaster,16,7010,tier3\masks\nepal-flooding_00000086_post_disaster.png,7,2579,58,34182,86,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000086_post_disaster.png,portugal-wildfire_00000086_post_disaster,0,0,tier3\masks\portugal-wildfire_00000086_post_disaster.png,0,0,3,1850,86,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000086_post_disaster.png,hurricane-florence_00000086_post_disaster,0,0,train\masks\hurricane-florence_00000086_post_disaster.png,6,3550,1,1385,86,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000086_post_disaster.png,pinery-bushfire_00000086_post_disaster,0,0,tier3\masks\pinery-bushfire_00000086_post_disaster.png,0,0,0,0,86,4 +1,142,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000086_post_disaster.png,woolsey-fire_00000086_post_disaster,0,0,tier3\masks\woolsey-fire_00000086_post_disaster.png,0,0,0,0,86,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000086_post_disaster.png,moore-tornado_00000086_post_disaster,0,0,tier3\masks\moore-tornado_00000086_post_disaster.png,0,0,12,20648,86,1 +94,95193,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000086_post_disaster.png,joplin-tornado_00000086_post_disaster,23,33140,tier3\masks\joplin-tornado_00000086_post_disaster.png,4,5070,6,3044,86,0 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000086_post_disaster.png,palu-tsunami_00000086_post_disaster,0,0,train\masks\palu-tsunami_00000086_post_disaster.png,0,0,79,68117,86,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000086_post_disaster.png,hurricane-matthew_00000086_post_disaster,33,10533,train\masks\hurricane-matthew_00000086_post_disaster.png,0,0,17,4226,86,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000086_post_disaster.png,mexico-earthquake_00000086_post_disaster,1,4122,train\masks\mexico-earthquake_00000086_post_disaster.png,0,0,156,373163,86,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000086_post_disaster.png,lower-puna-volcano_00000086_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000086_post_disaster.png,0,0,0,0,86,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000087_post_disaster.png,portugal-wildfire_00000087_post_disaster,0,0,tier3\masks\portugal-wildfire_00000087_post_disaster.png,0,0,57,43248,87,3 +14,73865,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000087_post_disaster.png,joplin-tornado_00000087_post_disaster,1,962,tier3\masks\joplin-tornado_00000087_post_disaster.png,16,134745,3,5975,87,3 +23,14658,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000087_post_disaster.png,tuscaloosa-tornado_00000087_post_disaster,1,1289,tier3\masks\tuscaloosa-tornado_00000087_post_disaster.png,0,0,3,963,87,4 +2,697,hurricane-michael,post,train,train\images\hurricane-michael_00000087_post_disaster.png,hurricane-michael_00000087_post_disaster,25,33832,train\masks\hurricane-michael_00000087_post_disaster.png,7,7706,41,56987,87,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000087_post_disaster.png,pinery-bushfire_00000087_post_disaster,0,0,tier3\masks\pinery-bushfire_00000087_post_disaster.png,0,0,0,0,87,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000087_post_disaster.png,socal-fire_00000087_post_disaster,0,0,train\masks\socal-fire_00000087_post_disaster.png,0,0,7,2552,87,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000087_post_disaster.png,nepal-flooding_00000087_post_disaster,12,6875,tier3\masks\nepal-flooding_00000087_post_disaster.png,1,275,79,40619,87,3 +2,256,palu-tsunami,post,train,train\images\palu-tsunami_00000087_post_disaster.png,palu-tsunami_00000087_post_disaster,0,0,train\masks\palu-tsunami_00000087_post_disaster.png,0,0,95,471002,87,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000087_post_disaster.png,lower-puna-volcano_00000087_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000087_post_disaster.png,0,0,1,119,87,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000087_post_disaster.png,woolsey-fire_00000087_post_disaster,0,0,tier3\masks\woolsey-fire_00000087_post_disaster.png,0,0,0,0,87,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000087_post_disaster.png,moore-tornado_00000087_post_disaster,0,0,tier3\masks\moore-tornado_00000087_post_disaster.png,0,0,64,65889,87,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000087_post_disaster.png,mexico-earthquake_00000087_post_disaster,0,0,train\masks\mexico-earthquake_00000087_post_disaster.png,0,0,41,206074,87,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000087_post_disaster.png,midwest-flooding_00000087_post_disaster,0,0,train\masks\midwest-flooding_00000087_post_disaster.png,0,0,0,0,87,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000087_post_disaster.png,sunda-tsunami_00000087_post_disaster,0,0,tier3\masks\sunda-tsunami_00000087_post_disaster.png,0,0,40,30187,87,0 +60,112397,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000088_post_disaster.png,joplin-tornado_00000088_post_disaster,8,9403,tier3\masks\joplin-tornado_00000088_post_disaster.png,4,11431,17,9689,88,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000088_post_disaster.png,portugal-wildfire_00000088_post_disaster,0,0,tier3\masks\portugal-wildfire_00000088_post_disaster.png,0,0,0,0,88,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000088_post_disaster.png,pinery-bushfire_00000088_post_disaster,0,0,tier3\masks\pinery-bushfire_00000088_post_disaster.png,0,0,0,0,88,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000088_post_disaster.png,hurricane-florence_00000088_post_disaster,0,0,train\masks\hurricane-florence_00000088_post_disaster.png,1,442,0,0,88,4 +5,2751,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000088_post_disaster.png,woolsey-fire_00000088_post_disaster,0,0,tier3\masks\woolsey-fire_00000088_post_disaster.png,0,0,11,13484,88,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000088_post_disaster.png,nepal-flooding_00000088_post_disaster,7,3379,tier3\masks\nepal-flooding_00000088_post_disaster.png,1,486,48,36315,88,4 +13,17824,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000088_post_disaster.png,santa-rosa-wildfire_00000088_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000088_post_disaster.png,0,0,66,103355,88,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000088_post_disaster.png,moore-tornado_00000088_post_disaster,0,0,tier3\masks\moore-tornado_00000088_post_disaster.png,0,0,0,0,88,2 +1,51,hurricane-michael,post,train,train\images\hurricane-michael_00000088_post_disaster.png,hurricane-michael_00000088_post_disaster,1,184,train\masks\hurricane-michael_00000088_post_disaster.png,0,0,0,0,88,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000088_post_disaster.png,tuscaloosa-tornado_00000088_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000088_post_disaster.png,0,0,76,71169,88,4 +8,7591,palu-tsunami,post,train,train\images\palu-tsunami_00000088_post_disaster.png,palu-tsunami_00000088_post_disaster,0,0,train\masks\palu-tsunami_00000088_post_disaster.png,15,16594,66,129217,88,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000088_post_disaster.png,sunda-tsunami_00000088_post_disaster,0,0,tier3\masks\sunda-tsunami_00000088_post_disaster.png,0,0,0,0,88,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000088_post_disaster.png,lower-puna-volcano_00000088_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000088_post_disaster.png,0,0,0,0,88,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000088_post_disaster.png,socal-fire_00000088_post_disaster,0,0,train\masks\socal-fire_00000088_post_disaster.png,0,0,0,0,88,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000088_post_disaster.png,mexico-earthquake_00000088_post_disaster,1,839,train\masks\mexico-earthquake_00000088_post_disaster.png,1,1180,157,331648,88,2 +2,1355,hurricane-harvey,post,train,train\images\hurricane-harvey_00000088_post_disaster.png,hurricane-harvey_00000088_post_disaster,0,0,train\masks\hurricane-harvey_00000088_post_disaster.png,77,89466,0,0,88,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000089_post_disaster.png,lower-puna-volcano_00000089_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000089_post_disaster.png,0,0,7,3454,89,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000089_post_disaster.png,portugal-wildfire_00000089_post_disaster,0,0,tier3\masks\portugal-wildfire_00000089_post_disaster.png,0,0,0,0,89,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000089_post_disaster.png,pinery-bushfire_00000089_post_disaster,0,0,tier3\masks\pinery-bushfire_00000089_post_disaster.png,0,0,2,300,89,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000089_post_disaster.png,sunda-tsunami_00000089_post_disaster,0,0,tier3\masks\sunda-tsunami_00000089_post_disaster.png,0,0,0,0,89,3 +4,1613,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000089_post_disaster.png,tuscaloosa-tornado_00000089_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000089_post_disaster.png,3,1919,1,203,89,1 +62,45398,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000089_post_disaster.png,joplin-tornado_00000089_post_disaster,17,18409,tier3\masks\joplin-tornado_00000089_post_disaster.png,26,29644,2,1087,89,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000089_post_disaster.png,nepal-flooding_00000089_post_disaster,7,1099,tier3\masks\nepal-flooding_00000089_post_disaster.png,0,0,1,877,89,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000089_post_disaster.png,hurricane-matthew_00000089_post_disaster,225,326891,train\masks\hurricane-matthew_00000089_post_disaster.png,0,0,7,12603,89,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000089_post_disaster.png,mexico-earthquake_00000089_post_disaster,0,0,train\masks\mexico-earthquake_00000089_post_disaster.png,0,0,204,373231,89,2 +1,396,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000089_post_disaster.png,woolsey-fire_00000089_post_disaster,0,0,tier3\masks\woolsey-fire_00000089_post_disaster.png,0,0,7,4387,89,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000089_post_disaster.png,moore-tornado_00000089_post_disaster,0,0,tier3\masks\moore-tornado_00000089_post_disaster.png,0,0,23,81929,89,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000089_post_disaster.png,socal-fire_00000089_post_disaster,0,0,train\masks\socal-fire_00000089_post_disaster.png,0,0,0,0,89,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000089_post_disaster.png,hurricane-harvey_00000089_post_disaster,97,134987,train\masks\hurricane-harvey_00000089_post_disaster.png,128,188239,3,3978,89,1 +18,11654,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000090_post_disaster.png,joplin-tornado_00000090_post_disaster,14,17383,tier3\masks\joplin-tornado_00000090_post_disaster.png,12,15432,17,10480,90,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000090_post_disaster.png,pinery-bushfire_00000090_post_disaster,0,0,tier3\masks\pinery-bushfire_00000090_post_disaster.png,0,0,0,0,90,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000090_post_disaster.png,santa-rosa-wildfire_00000090_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000090_post_disaster.png,0,0,117,123299,90,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000090_post_disaster.png,sunda-tsunami_00000090_post_disaster,0,0,tier3\masks\sunda-tsunami_00000090_post_disaster.png,0,0,160,238283,90,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000090_post_disaster.png,palu-tsunami_00000090_post_disaster,0,0,train\masks\palu-tsunami_00000090_post_disaster.png,2,402,124,100147,90,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000090_post_disaster.png,nepal-flooding_00000090_post_disaster,3,3848,tier3\masks\nepal-flooding_00000090_post_disaster.png,0,0,8,3810,90,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000090_post_disaster.png,lower-puna-volcano_00000090_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000090_post_disaster.png,0,0,3,2400,90,1 +4,959,hurricane-matthew,post,train,train\images\hurricane-matthew_00000090_post_disaster.png,hurricane-matthew_00000090_post_disaster,38,16326,train\masks\hurricane-matthew_00000090_post_disaster.png,6,4184,0,0,90,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000090_post_disaster.png,hurricane-harvey_00000090_post_disaster,0,0,train\masks\hurricane-harvey_00000090_post_disaster.png,0,0,0,0,90,4 +8,3895,socal-fire,post,train,train\images\socal-fire_00000090_post_disaster.png,socal-fire_00000090_post_disaster,0,0,train\masks\socal-fire_00000090_post_disaster.png,0,0,14,15528,90,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000090_post_disaster.png,moore-tornado_00000090_post_disaster,0,0,tier3\masks\moore-tornado_00000090_post_disaster.png,0,0,168,187209,90,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000090_post_disaster.png,portugal-wildfire_00000090_post_disaster,0,0,tier3\masks\portugal-wildfire_00000090_post_disaster.png,0,0,3,810,90,1 +1,253,hurricane-michael,post,train,train\images\hurricane-michael_00000090_post_disaster.png,hurricane-michael_00000090_post_disaster,20,29547,train\masks\hurricane-michael_00000090_post_disaster.png,10,16779,93,125959,90,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000090_post_disaster.png,woolsey-fire_00000090_post_disaster,0,0,tier3\masks\woolsey-fire_00000090_post_disaster.png,0,0,0,0,90,4 +11,18774,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000090_post_disaster.png,tuscaloosa-tornado_00000090_post_disaster,21,23690,tier3\masks\tuscaloosa-tornado_00000090_post_disaster.png,14,21689,10,8896,90,4 +4,6047,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000091_post_disaster.png,santa-rosa-wildfire_00000091_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000091_post_disaster.png,0,0,0,0,91,4 +12,8804,moore-tornado,post,tier3,tier3\images\moore-tornado_00000091_post_disaster.png,moore-tornado_00000091_post_disaster,10,4724,tier3\masks\moore-tornado_00000091_post_disaster.png,8,13767,12,3648,91,0 +37,26574,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000091_post_disaster.png,lower-puna-volcano_00000091_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000091_post_disaster.png,7,2549,11,6279,91,0 +2,880,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000091_post_disaster.png,woolsey-fire_00000091_post_disaster,0,0,tier3\masks\woolsey-fire_00000091_post_disaster.png,0,0,0,0,91,2 +3,7458,hurricane-harvey,post,train,train\images\hurricane-harvey_00000091_post_disaster.png,hurricane-harvey_00000091_post_disaster,0,0,train\masks\hurricane-harvey_00000091_post_disaster.png,5,17694,0,0,91,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000091_post_disaster.png,portugal-wildfire_00000091_post_disaster,0,0,tier3\masks\portugal-wildfire_00000091_post_disaster.png,0,0,0,0,91,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000091_post_disaster.png,joplin-tornado_00000091_post_disaster,1,710,tier3\masks\joplin-tornado_00000091_post_disaster.png,0,0,110,98863,91,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000091_post_disaster.png,tuscaloosa-tornado_00000091_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000091_post_disaster.png,0,0,0,0,91,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000091_post_disaster.png,sunda-tsunami_00000091_post_disaster,0,0,tier3\masks\sunda-tsunami_00000091_post_disaster.png,0,0,0,0,91,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000091_post_disaster.png,hurricane-florence_00000091_post_disaster,0,0,train\masks\hurricane-florence_00000091_post_disaster.png,0,0,125,138251,91,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000091_post_disaster.png,nepal-flooding_00000091_post_disaster,11,5366,tier3\masks\nepal-flooding_00000091_post_disaster.png,1,162,31,22535,91,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000091_post_disaster.png,socal-fire_00000091_post_disaster,0,0,train\masks\socal-fire_00000091_post_disaster.png,0,0,0,0,91,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000091_post_disaster.png,pinery-bushfire_00000091_post_disaster,0,0,tier3\masks\pinery-bushfire_00000091_post_disaster.png,0,0,0,0,91,0 +2,7898,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000092_post_disaster.png,tuscaloosa-tornado_00000092_post_disaster,2,1457,tier3\masks\tuscaloosa-tornado_00000092_post_disaster.png,3,10284,62,163077,92,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000092_post_disaster.png,mexico-earthquake_00000092_post_disaster,9,11662,train\masks\mexico-earthquake_00000092_post_disaster.png,0,0,92,264528,92,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000092_post_disaster.png,hurricane-matthew_00000092_post_disaster,154,229515,train\masks\hurricane-matthew_00000092_post_disaster.png,0,0,16,11356,92,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000092_post_disaster.png,nepal-flooding_00000092_post_disaster,0,0,tier3\masks\nepal-flooding_00000092_post_disaster.png,0,0,0,0,92,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000092_post_disaster.png,socal-fire_00000092_post_disaster,0,0,train\masks\socal-fire_00000092_post_disaster.png,0,0,0,0,92,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000092_post_disaster.png,hurricane-harvey_00000092_post_disaster,85,138412,train\masks\hurricane-harvey_00000092_post_disaster.png,56,177246,0,0,92,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000092_post_disaster.png,moore-tornado_00000092_post_disaster,0,0,tier3\masks\moore-tornado_00000092_post_disaster.png,0,0,10,11254,92,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000092_post_disaster.png,portugal-wildfire_00000092_post_disaster,0,0,tier3\masks\portugal-wildfire_00000092_post_disaster.png,0,0,0,0,92,2 +3,2864,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000092_post_disaster.png,pinery-bushfire_00000092_post_disaster,0,0,tier3\masks\pinery-bushfire_00000092_post_disaster.png,1,834,0,0,92,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000092_post_disaster.png,sunda-tsunami_00000092_post_disaster,0,0,tier3\masks\sunda-tsunami_00000092_post_disaster.png,0,0,0,0,92,0 +4,281,palu-tsunami,post,train,train\images\palu-tsunami_00000092_post_disaster.png,palu-tsunami_00000092_post_disaster,0,0,train\masks\palu-tsunami_00000092_post_disaster.png,0,0,97,103256,92,4 +1,236,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000092_post_disaster.png,woolsey-fire_00000092_post_disaster,0,0,tier3\masks\woolsey-fire_00000092_post_disaster.png,0,0,9,7165,92,0 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000092_post_disaster.png,joplin-tornado_00000092_post_disaster,5,5986,tier3\masks\joplin-tornado_00000092_post_disaster.png,4,9953,13,10652,92,2 +7,7700,hurricane-michael,post,train,train\images\hurricane-michael_00000092_post_disaster.png,hurricane-michael_00000092_post_disaster,12,13802,train\masks\hurricane-michael_00000092_post_disaster.png,20,31832,43,43340,92,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000092_post_disaster.png,lower-puna-volcano_00000092_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000092_post_disaster.png,0,0,0,0,92,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000093_post_disaster.png,mexico-earthquake_00000093_post_disaster,0,0,train\masks\mexico-earthquake_00000093_post_disaster.png,0,0,71,102104,93,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000093_post_disaster.png,portugal-wildfire_00000093_post_disaster,0,0,tier3\masks\portugal-wildfire_00000093_post_disaster.png,0,0,13,7365,93,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000093_post_disaster.png,hurricane-florence_00000093_post_disaster,0,0,train\masks\hurricane-florence_00000093_post_disaster.png,0,0,0,0,93,2 +25,27087,moore-tornado,post,tier3,tier3\images\moore-tornado_00000093_post_disaster.png,moore-tornado_00000093_post_disaster,6,14978,tier3\masks\moore-tornado_00000093_post_disaster.png,3,14779,111,99467,93,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000093_post_disaster.png,socal-fire_00000093_post_disaster,0,0,train\masks\socal-fire_00000093_post_disaster.png,0,0,33,77432,93,0 +2,145,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000093_post_disaster.png,nepal-flooding_00000093_post_disaster,12,4171,tier3\masks\nepal-flooding_00000093_post_disaster.png,5,1850,5,777,93,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000093_post_disaster.png,sunda-tsunami_00000093_post_disaster,0,0,tier3\masks\sunda-tsunami_00000093_post_disaster.png,0,0,0,0,93,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000093_post_disaster.png,hurricane-michael_00000093_post_disaster,0,0,train\masks\hurricane-michael_00000093_post_disaster.png,0,0,0,0,93,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000093_post_disaster.png,pinery-bushfire_00000093_post_disaster,0,0,tier3\masks\pinery-bushfire_00000093_post_disaster.png,0,0,0,0,93,1 +1,330,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000093_post_disaster.png,lower-puna-volcano_00000093_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000093_post_disaster.png,0,0,56,47002,93,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000093_post_disaster.png,hurricane-matthew_00000093_post_disaster,2,958,train\masks\hurricane-matthew_00000093_post_disaster.png,0,0,2,406,93,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000093_post_disaster.png,midwest-flooding_00000093_post_disaster,0,0,train\masks\midwest-flooding_00000093_post_disaster.png,0,0,0,0,93,0 +8,6943,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000093_post_disaster.png,santa-rosa-wildfire_00000093_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000093_post_disaster.png,2,2283,15,7305,93,0 +51,70781,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000093_post_disaster.png,woolsey-fire_00000093_post_disaster,0,0,tier3\masks\woolsey-fire_00000093_post_disaster.png,0,0,28,10394,93,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000093_post_disaster.png,tuscaloosa-tornado_00000093_post_disaster,1,780,tier3\masks\tuscaloosa-tornado_00000093_post_disaster.png,0,0,1,294,93,2 +9,6741,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000093_post_disaster.png,joplin-tornado_00000093_post_disaster,3,2089,tier3\masks\joplin-tornado_00000093_post_disaster.png,6,9977,1,398,93,4 +1,2073,hurricane-michael,post,train,train\images\hurricane-michael_00000094_post_disaster.png,hurricane-michael_00000094_post_disaster,1,2340,train\masks\hurricane-michael_00000094_post_disaster.png,0,0,32,47041,94,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000094_post_disaster.png,woolsey-fire_00000094_post_disaster,0,0,tier3\masks\woolsey-fire_00000094_post_disaster.png,0,0,0,0,94,0 +1,506,moore-tornado,post,tier3,tier3\images\moore-tornado_00000094_post_disaster.png,moore-tornado_00000094_post_disaster,0,0,tier3\masks\moore-tornado_00000094_post_disaster.png,0,0,0,0,94,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000094_post_disaster.png,hurricane-harvey_00000094_post_disaster,0,0,train\masks\hurricane-harvey_00000094_post_disaster.png,0,0,0,0,94,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000094_post_disaster.png,portugal-wildfire_00000094_post_disaster,0,0,tier3\masks\portugal-wildfire_00000094_post_disaster.png,0,0,0,0,94,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000094_post_disaster.png,lower-puna-volcano_00000094_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000094_post_disaster.png,0,0,12,5795,94,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000094_post_disaster.png,tuscaloosa-tornado_00000094_post_disaster,2,1858,tier3\masks\tuscaloosa-tornado_00000094_post_disaster.png,0,0,42,34275,94,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000094_post_disaster.png,pinery-bushfire_00000094_post_disaster,0,0,tier3\masks\pinery-bushfire_00000094_post_disaster.png,0,0,0,0,94,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000094_post_disaster.png,hurricane-florence_00000094_post_disaster,0,0,train\masks\hurricane-florence_00000094_post_disaster.png,0,0,44,85487,94,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000094_post_disaster.png,socal-fire_00000094_post_disaster,0,0,train\masks\socal-fire_00000094_post_disaster.png,0,0,0,0,94,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000094_post_disaster.png,sunda-tsunami_00000094_post_disaster,0,0,tier3\masks\sunda-tsunami_00000094_post_disaster.png,0,0,1,120,94,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000094_post_disaster.png,nepal-flooding_00000094_post_disaster,14,7021,tier3\masks\nepal-flooding_00000094_post_disaster.png,5,2759,99,80360,94,0 +5,4878,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000094_post_disaster.png,santa-rosa-wildfire_00000094_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000094_post_disaster.png,0,0,0,0,94,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000094_post_disaster.png,hurricane-matthew_00000094_post_disaster,40,21962,train\masks\hurricane-matthew_00000094_post_disaster.png,7,3512,3,518,94,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000094_post_disaster.png,joplin-tornado_00000094_post_disaster,2,4367,tier3\masks\joplin-tornado_00000094_post_disaster.png,0,0,150,147132,94,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000095_post_disaster.png,lower-puna-volcano_00000095_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000095_post_disaster.png,0,0,32,19492,95,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000095_post_disaster.png,socal-fire_00000095_post_disaster,1,174,train\masks\socal-fire_00000095_post_disaster.png,0,0,0,0,95,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000095_post_disaster.png,portugal-wildfire_00000095_post_disaster,0,0,tier3\masks\portugal-wildfire_00000095_post_disaster.png,0,0,47,51928,95,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000095_post_disaster.png,midwest-flooding_00000095_post_disaster,1,462,train\masks\midwest-flooding_00000095_post_disaster.png,0,0,19,9487,95,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000095_post_disaster.png,sunda-tsunami_00000095_post_disaster,0,0,tier3\masks\sunda-tsunami_00000095_post_disaster.png,0,0,13,7286,95,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000095_post_disaster.png,hurricane-matthew_00000095_post_disaster,18,21717,train\masks\hurricane-matthew_00000095_post_disaster.png,0,0,105,76952,95,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000095_post_disaster.png,pinery-bushfire_00000095_post_disaster,0,0,tier3\masks\pinery-bushfire_00000095_post_disaster.png,0,0,0,0,95,2 +6,4600,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000095_post_disaster.png,joplin-tornado_00000095_post_disaster,3,3361,tier3\masks\joplin-tornado_00000095_post_disaster.png,4,5422,6,4172,95,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000095_post_disaster.png,santa-rosa-wildfire_00000095_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000095_post_disaster.png,0,0,154,262767,95,0 +14,15566,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000095_post_disaster.png,tuscaloosa-tornado_00000095_post_disaster,56,80765,tier3\masks\tuscaloosa-tornado_00000095_post_disaster.png,14,19980,35,78460,95,0 +1,43,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000095_post_disaster.png,nepal-flooding_00000095_post_disaster,0,0,tier3\masks\nepal-flooding_00000095_post_disaster.png,4,955,0,0,95,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000095_post_disaster.png,moore-tornado_00000095_post_disaster,0,0,tier3\masks\moore-tornado_00000095_post_disaster.png,0,0,309,227381,95,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000095_post_disaster.png,woolsey-fire_00000095_post_disaster,0,0,tier3\masks\woolsey-fire_00000095_post_disaster.png,0,0,3,5942,95,0 +2,1741,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000096_post_disaster.png,tuscaloosa-tornado_00000096_post_disaster,6,5291,tier3\masks\tuscaloosa-tornado_00000096_post_disaster.png,2,2608,12,9949,96,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000096_post_disaster.png,portugal-wildfire_00000096_post_disaster,0,0,tier3\masks\portugal-wildfire_00000096_post_disaster.png,0,0,1,1071,96,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000096_post_disaster.png,lower-puna-volcano_00000096_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000096_post_disaster.png,0,0,34,11270,96,0 +1,61,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000096_post_disaster.png,nepal-flooding_00000096_post_disaster,12,7770,tier3\masks\nepal-flooding_00000096_post_disaster.png,0,0,87,86270,96,1 +5,2507,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000096_post_disaster.png,joplin-tornado_00000096_post_disaster,3,3287,tier3\masks\joplin-tornado_00000096_post_disaster.png,1,764,9,6920,96,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000096_post_disaster.png,hurricane-michael_00000096_post_disaster,1,3411,train\masks\hurricane-michael_00000096_post_disaster.png,0,0,8,10013,96,0 +18,38039,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000096_post_disaster.png,santa-rosa-wildfire_00000096_post_disaster,2,4752,train\masks\santa-rosa-wildfire_00000096_post_disaster.png,1,8558,28,91525,96,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000096_post_disaster.png,socal-fire_00000096_post_disaster,0,0,train\masks\socal-fire_00000096_post_disaster.png,0,0,0,0,96,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000096_post_disaster.png,sunda-tsunami_00000096_post_disaster,0,0,tier3\masks\sunda-tsunami_00000096_post_disaster.png,0,0,138,207746,96,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000096_post_disaster.png,woolsey-fire_00000096_post_disaster,0,0,tier3\masks\woolsey-fire_00000096_post_disaster.png,0,0,2,1423,96,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000096_post_disaster.png,pinery-bushfire_00000096_post_disaster,0,0,tier3\masks\pinery-bushfire_00000096_post_disaster.png,0,0,0,0,96,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000096_post_disaster.png,hurricane-florence_00000096_post_disaster,0,0,train\masks\hurricane-florence_00000096_post_disaster.png,0,0,109,201917,96,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000096_post_disaster.png,moore-tornado_00000096_post_disaster,0,0,tier3\masks\moore-tornado_00000096_post_disaster.png,0,0,49,139932,96,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000096_post_disaster.png,midwest-flooding_00000096_post_disaster,1,2014,train\masks\midwest-flooding_00000096_post_disaster.png,0,0,3,1704,96,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000096_post_disaster.png,mexico-earthquake_00000096_post_disaster,0,0,train\masks\mexico-earthquake_00000096_post_disaster.png,0,0,3,5636,96,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000097_post_disaster.png,socal-fire_00000097_post_disaster,0,0,train\masks\socal-fire_00000097_post_disaster.png,0,0,0,0,97,0 +1,258,palu-tsunami,post,train,train\images\palu-tsunami_00000097_post_disaster.png,palu-tsunami_00000097_post_disaster,0,0,train\masks\palu-tsunami_00000097_post_disaster.png,0,0,79,598822,97,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000097_post_disaster.png,lower-puna-volcano_00000097_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000097_post_disaster.png,0,0,0,0,97,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000097_post_disaster.png,sunda-tsunami_00000097_post_disaster,0,0,tier3\masks\sunda-tsunami_00000097_post_disaster.png,0,0,0,0,97,1 +3,215,moore-tornado,post,tier3,tier3\images\moore-tornado_00000097_post_disaster.png,moore-tornado_00000097_post_disaster,52,67318,tier3\masks\moore-tornado_00000097_post_disaster.png,0,0,67,73119,97,1 +6,733,hurricane-matthew,post,train,train\images\hurricane-matthew_00000097_post_disaster.png,hurricane-matthew_00000097_post_disaster,66,19126,train\masks\hurricane-matthew_00000097_post_disaster.png,5,2034,1,120,97,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000097_post_disaster.png,woolsey-fire_00000097_post_disaster,0,0,tier3\masks\woolsey-fire_00000097_post_disaster.png,0,0,0,0,97,0 +6,5744,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000097_post_disaster.png,santa-rosa-wildfire_00000097_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000097_post_disaster.png,0,0,133,173106,97,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000097_post_disaster.png,portugal-wildfire_00000097_post_disaster,0,0,tier3\masks\portugal-wildfire_00000097_post_disaster.png,0,0,0,0,97,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000097_post_disaster.png,tuscaloosa-tornado_00000097_post_disaster,2,920,tier3\masks\tuscaloosa-tornado_00000097_post_disaster.png,0,0,2,1385,97,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000097_post_disaster.png,pinery-bushfire_00000097_post_disaster,0,0,tier3\masks\pinery-bushfire_00000097_post_disaster.png,0,0,0,0,97,3 +2,1734,hurricane-michael,post,train,train\images\hurricane-michael_00000097_post_disaster.png,hurricane-michael_00000097_post_disaster,3,1324,train\masks\hurricane-michael_00000097_post_disaster.png,2,5673,15,10477,97,4 +1,209,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000097_post_disaster.png,nepal-flooding_00000097_post_disaster,0,0,tier3\masks\nepal-flooding_00000097_post_disaster.png,0,0,0,0,97,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000097_post_disaster.png,joplin-tornado_00000097_post_disaster,0,0,tier3\masks\joplin-tornado_00000097_post_disaster.png,0,0,59,134363,97,2 +37,65621,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000098_post_disaster.png,santa-rosa-wildfire_00000098_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000098_post_disaster.png,0,0,9,11867,98,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000098_post_disaster.png,pinery-bushfire_00000098_post_disaster,0,0,tier3\masks\pinery-bushfire_00000098_post_disaster.png,0,0,0,0,98,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000098_post_disaster.png,sunda-tsunami_00000098_post_disaster,0,0,tier3\masks\sunda-tsunami_00000098_post_disaster.png,1,837,15,16038,98,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000098_post_disaster.png,hurricane-harvey_00000098_post_disaster,2,2406,train\masks\hurricane-harvey_00000098_post_disaster.png,0,0,117,220653,98,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000098_post_disaster.png,hurricane-michael_00000098_post_disaster,10,13806,train\masks\hurricane-michael_00000098_post_disaster.png,0,0,15,18122,98,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000098_post_disaster.png,woolsey-fire_00000098_post_disaster,0,0,tier3\masks\woolsey-fire_00000098_post_disaster.png,0,0,0,0,98,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000098_post_disaster.png,tuscaloosa-tornado_00000098_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000098_post_disaster.png,0,0,33,308340,98,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000098_post_disaster.png,mexico-earthquake_00000098_post_disaster,0,0,train\masks\mexico-earthquake_00000098_post_disaster.png,0,0,80,495343,98,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000098_post_disaster.png,portugal-wildfire_00000098_post_disaster,0,0,tier3\masks\portugal-wildfire_00000098_post_disaster.png,0,0,0,0,98,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000098_post_disaster.png,moore-tornado_00000098_post_disaster,0,0,tier3\masks\moore-tornado_00000098_post_disaster.png,0,0,134,132105,98,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000098_post_disaster.png,joplin-tornado_00000098_post_disaster,0,0,tier3\masks\joplin-tornado_00000098_post_disaster.png,0,0,124,96787,98,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000098_post_disaster.png,lower-puna-volcano_00000098_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000098_post_disaster.png,0,0,2,147,98,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000098_post_disaster.png,nepal-flooding_00000098_post_disaster,0,0,tier3\masks\nepal-flooding_00000098_post_disaster.png,0,0,5,741,98,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000098_post_disaster.png,palu-tsunami_00000098_post_disaster,0,0,train\masks\palu-tsunami_00000098_post_disaster.png,0,0,221,372741,98,2 +2,1089,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000099_post_disaster.png,joplin-tornado_00000099_post_disaster,3,6832,tier3\masks\joplin-tornado_00000099_post_disaster.png,1,835,19,17545,99,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000099_post_disaster.png,socal-fire_00000099_post_disaster,0,0,train\masks\socal-fire_00000099_post_disaster.png,0,0,13,13781,99,2 +6,2160,hurricane-michael,post,train,train\images\hurricane-michael_00000099_post_disaster.png,hurricane-michael_00000099_post_disaster,24,19932,train\masks\hurricane-michael_00000099_post_disaster.png,30,32948,59,44808,99,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000099_post_disaster.png,palu-tsunami_00000099_post_disaster,0,0,train\masks\palu-tsunami_00000099_post_disaster.png,0,0,43,99347,99,3 +2,385,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000099_post_disaster.png,portugal-wildfire_00000099_post_disaster,0,0,tier3\masks\portugal-wildfire_00000099_post_disaster.png,0,0,21,17764,99,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000099_post_disaster.png,midwest-flooding_00000099_post_disaster,0,0,train\masks\midwest-flooding_00000099_post_disaster.png,0,0,4,3320,99,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000099_post_disaster.png,lower-puna-volcano_00000099_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000099_post_disaster.png,0,0,0,0,99,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000099_post_disaster.png,nepal-flooding_00000099_post_disaster,0,0,tier3\masks\nepal-flooding_00000099_post_disaster.png,2,1746,0,0,99,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000099_post_disaster.png,hurricane-florence_00000099_post_disaster,0,0,train\masks\hurricane-florence_00000099_post_disaster.png,0,0,23,26900,99,0 +18,18043,hurricane-harvey,post,train,train\images\hurricane-harvey_00000099_post_disaster.png,hurricane-harvey_00000099_post_disaster,0,0,train\masks\hurricane-harvey_00000099_post_disaster.png,166,198999,0,0,99,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000099_post_disaster.png,moore-tornado_00000099_post_disaster,0,0,tier3\masks\moore-tornado_00000099_post_disaster.png,0,0,50,58603,99,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000099_post_disaster.png,pinery-bushfire_00000099_post_disaster,0,0,tier3\masks\pinery-bushfire_00000099_post_disaster.png,0,0,0,0,99,1 +50,52309,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000099_post_disaster.png,tuscaloosa-tornado_00000099_post_disaster,33,38906,tier3\masks\tuscaloosa-tornado_00000099_post_disaster.png,23,24656,21,27322,99,0 +8,5103,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000099_post_disaster.png,sunda-tsunami_00000099_post_disaster,0,0,tier3\masks\sunda-tsunami_00000099_post_disaster.png,21,11605,81,253153,99,4 +1,80,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000099_post_disaster.png,woolsey-fire_00000099_post_disaster,0,0,tier3\masks\woolsey-fire_00000099_post_disaster.png,0,0,2,1092,99,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000099_post_disaster.png,hurricane-matthew_00000099_post_disaster,60,28508,train\masks\hurricane-matthew_00000099_post_disaster.png,3,1606,7,2538,99,4 +1,2570,hurricane-harvey,post,train,train\images\hurricane-harvey_00000100_post_disaster.png,hurricane-harvey_00000100_post_disaster,0,0,train\masks\hurricane-harvey_00000100_post_disaster.png,2,979,0,0,100,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000100_post_disaster.png,pinery-bushfire_00000100_post_disaster,0,0,tier3\masks\pinery-bushfire_00000100_post_disaster.png,0,0,0,0,100,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000100_post_disaster.png,portugal-wildfire_00000100_post_disaster,0,0,tier3\masks\portugal-wildfire_00000100_post_disaster.png,0,0,1,212,100,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000100_post_disaster.png,hurricane-florence_00000100_post_disaster,0,0,train\masks\hurricane-florence_00000100_post_disaster.png,5,2865,0,0,100,3 +2,454,palu-tsunami,post,train,train\images\palu-tsunami_00000100_post_disaster.png,palu-tsunami_00000100_post_disaster,0,0,train\masks\palu-tsunami_00000100_post_disaster.png,0,0,52,27518,100,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000100_post_disaster.png,moore-tornado_00000100_post_disaster,0,0,tier3\masks\moore-tornado_00000100_post_disaster.png,0,0,8,20680,100,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000100_post_disaster.png,tuscaloosa-tornado_00000100_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000100_post_disaster.png,0,0,3,4984,100,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000100_post_disaster.png,joplin-tornado_00000100_post_disaster,0,0,tier3\masks\joplin-tornado_00000100_post_disaster.png,0,0,123,133129,100,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000100_post_disaster.png,mexico-earthquake_00000100_post_disaster,0,0,train\masks\mexico-earthquake_00000100_post_disaster.png,0,0,235,394150,100,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000100_post_disaster.png,hurricane-matthew_00000100_post_disaster,0,0,train\masks\hurricane-matthew_00000100_post_disaster.png,0,0,1,553,100,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000100_post_disaster.png,hurricane-michael_00000100_post_disaster,7,8663,train\masks\hurricane-michael_00000100_post_disaster.png,2,5925,6,7976,100,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000100_post_disaster.png,lower-puna-volcano_00000100_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000100_post_disaster.png,0,0,2,166,100,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000100_post_disaster.png,midwest-flooding_00000100_post_disaster,0,0,train\masks\midwest-flooding_00000100_post_disaster.png,0,0,18,8893,100,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000100_post_disaster.png,woolsey-fire_00000100_post_disaster,0,0,tier3\masks\woolsey-fire_00000100_post_disaster.png,0,0,0,0,100,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000100_post_disaster.png,nepal-flooding_00000100_post_disaster,9,2478,tier3\masks\nepal-flooding_00000100_post_disaster.png,11,1872,12,12403,100,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000100_post_disaster.png,sunda-tsunami_00000100_post_disaster,0,0,tier3\masks\sunda-tsunami_00000100_post_disaster.png,0,0,10,8590,100,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000101_post_disaster.png,hurricane-florence_00000101_post_disaster,0,0,train\masks\hurricane-florence_00000101_post_disaster.png,1,976,0,0,101,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000101_post_disaster.png,joplin-tornado_00000101_post_disaster,0,0,tier3\masks\joplin-tornado_00000101_post_disaster.png,0,0,132,196934,101,3 +1,211,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000101_post_disaster.png,woolsey-fire_00000101_post_disaster,0,0,tier3\masks\woolsey-fire_00000101_post_disaster.png,0,0,0,0,101,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000101_post_disaster.png,mexico-earthquake_00000101_post_disaster,0,0,train\masks\mexico-earthquake_00000101_post_disaster.png,0,0,79,187570,101,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000101_post_disaster.png,pinery-bushfire_00000101_post_disaster,0,0,tier3\masks\pinery-bushfire_00000101_post_disaster.png,0,0,0,0,101,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000101_post_disaster.png,hurricane-harvey_00000101_post_disaster,52,61143,train\masks\hurricane-harvey_00000101_post_disaster.png,39,56418,116,169636,101,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000101_post_disaster.png,tuscaloosa-tornado_00000101_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000101_post_disaster.png,0,0,0,0,101,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000101_post_disaster.png,nepal-flooding_00000101_post_disaster,5,2192,tier3\masks\nepal-flooding_00000101_post_disaster.png,0,0,31,25799,101,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000101_post_disaster.png,moore-tornado_00000101_post_disaster,2,9295,tier3\masks\moore-tornado_00000101_post_disaster.png,1,32045,53,86396,101,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000101_post_disaster.png,santa-rosa-wildfire_00000101_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000101_post_disaster.png,0,0,88,111436,101,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000101_post_disaster.png,sunda-tsunami_00000101_post_disaster,0,0,tier3\masks\sunda-tsunami_00000101_post_disaster.png,0,0,18,11466,101,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000101_post_disaster.png,palu-tsunami_00000101_post_disaster,0,0,train\masks\palu-tsunami_00000101_post_disaster.png,0,0,74,37323,101,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000101_post_disaster.png,portugal-wildfire_00000101_post_disaster,0,0,tier3\masks\portugal-wildfire_00000101_post_disaster.png,0,0,0,0,101,1 +19,12370,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000101_post_disaster.png,lower-puna-volcano_00000101_post_disaster,4,4482,tier3\masks\lower-puna-volcano_00000101_post_disaster.png,0,0,29,19678,101,0 +3,795,hurricane-michael,post,train,train\images\hurricane-michael_00000101_post_disaster.png,hurricane-michael_00000101_post_disaster,10,11095,train\masks\hurricane-michael_00000101_post_disaster.png,2,690,6,12730,101,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000101_post_disaster.png,socal-fire_00000101_post_disaster,0,0,train\masks\socal-fire_00000101_post_disaster.png,0,0,0,0,101,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000102_post_disaster.png,woolsey-fire_00000102_post_disaster,0,0,tier3\masks\woolsey-fire_00000102_post_disaster.png,0,0,0,0,102,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000102_post_disaster.png,nepal-flooding_00000102_post_disaster,0,0,tier3\masks\nepal-flooding_00000102_post_disaster.png,0,0,2,217,102,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000102_post_disaster.png,hurricane-florence_00000102_post_disaster,0,0,train\masks\hurricane-florence_00000102_post_disaster.png,10,5117,0,0,102,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000102_post_disaster.png,sunda-tsunami_00000102_post_disaster,0,0,tier3\masks\sunda-tsunami_00000102_post_disaster.png,0,0,0,0,102,3 +1,386,socal-fire,post,train,train\images\socal-fire_00000102_post_disaster.png,socal-fire_00000102_post_disaster,0,0,train\masks\socal-fire_00000102_post_disaster.png,0,0,0,0,102,0 +2,2844,hurricane-michael,post,train,train\images\hurricane-michael_00000102_post_disaster.png,hurricane-michael_00000102_post_disaster,36,39232,train\masks\hurricane-michael_00000102_post_disaster.png,14,15647,69,95064,102,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000102_post_disaster.png,pinery-bushfire_00000102_post_disaster,0,0,tier3\masks\pinery-bushfire_00000102_post_disaster.png,0,0,50,29750,102,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000102_post_disaster.png,mexico-earthquake_00000102_post_disaster,0,0,train\masks\mexico-earthquake_00000102_post_disaster.png,0,0,53,340840,102,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000102_post_disaster.png,portugal-wildfire_00000102_post_disaster,0,0,tier3\masks\portugal-wildfire_00000102_post_disaster.png,0,0,0,0,102,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000102_post_disaster.png,palu-tsunami_00000102_post_disaster,0,0,train\masks\palu-tsunami_00000102_post_disaster.png,0,0,72,43538,102,2 +1,212,hurricane-matthew,post,train,train\images\hurricane-matthew_00000102_post_disaster.png,hurricane-matthew_00000102_post_disaster,32,10256,train\masks\hurricane-matthew_00000102_post_disaster.png,6,1947,9,1895,102,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000102_post_disaster.png,midwest-flooding_00000102_post_disaster,0,0,train\masks\midwest-flooding_00000102_post_disaster.png,0,0,0,0,102,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000102_post_disaster.png,tuscaloosa-tornado_00000102_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000102_post_disaster.png,0,0,1,2399,102,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000102_post_disaster.png,lower-puna-volcano_00000102_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000102_post_disaster.png,0,0,6,3695,102,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000102_post_disaster.png,moore-tornado_00000102_post_disaster,0,0,tier3\masks\moore-tornado_00000102_post_disaster.png,0,0,225,257349,102,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000102_post_disaster.png,joplin-tornado_00000102_post_disaster,0,0,tier3\masks\joplin-tornado_00000102_post_disaster.png,0,0,135,111801,102,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000103_post_disaster.png,joplin-tornado_00000103_post_disaster,0,0,tier3\masks\joplin-tornado_00000103_post_disaster.png,0,0,106,87927,103,2 +2,218,palu-tsunami,post,train,train\images\palu-tsunami_00000103_post_disaster.png,palu-tsunami_00000103_post_disaster,0,0,train\masks\palu-tsunami_00000103_post_disaster.png,1,330,0,0,103,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000103_post_disaster.png,hurricane-florence_00000103_post_disaster,0,0,train\masks\hurricane-florence_00000103_post_disaster.png,0,0,58,94201,103,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000103_post_disaster.png,sunda-tsunami_00000103_post_disaster,0,0,tier3\masks\sunda-tsunami_00000103_post_disaster.png,0,0,8,7918,103,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000103_post_disaster.png,socal-fire_00000103_post_disaster,0,0,train\masks\socal-fire_00000103_post_disaster.png,0,0,40,92131,103,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000103_post_disaster.png,hurricane-matthew_00000103_post_disaster,60,39851,train\masks\hurricane-matthew_00000103_post_disaster.png,3,1817,1,190,103,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000103_post_disaster.png,portugal-wildfire_00000103_post_disaster,0,0,tier3\masks\portugal-wildfire_00000103_post_disaster.png,0,0,0,0,103,1 +1,126,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000103_post_disaster.png,pinery-bushfire_00000103_post_disaster,0,0,tier3\masks\pinery-bushfire_00000103_post_disaster.png,1,273,10,3066,103,2 +25,23114,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000103_post_disaster.png,santa-rosa-wildfire_00000103_post_disaster,1,1531,train\masks\santa-rosa-wildfire_00000103_post_disaster.png,2,3286,10,36101,103,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000103_post_disaster.png,moore-tornado_00000103_post_disaster,0,0,tier3\masks\moore-tornado_00000103_post_disaster.png,0,0,247,232703,103,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000103_post_disaster.png,hurricane-michael_00000103_post_disaster,2,1518,train\masks\hurricane-michael_00000103_post_disaster.png,2,1750,1,1868,103,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000103_post_disaster.png,nepal-flooding_00000103_post_disaster,0,0,tier3\masks\nepal-flooding_00000103_post_disaster.png,0,0,0,0,103,2 +15,18447,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000103_post_disaster.png,tuscaloosa-tornado_00000103_post_disaster,50,75831,tier3\masks\tuscaloosa-tornado_00000103_post_disaster.png,7,76578,53,76898,103,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000103_post_disaster.png,midwest-flooding_00000103_post_disaster,1,76,train\masks\midwest-flooding_00000103_post_disaster.png,0,0,12,8338,103,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000103_post_disaster.png,lower-puna-volcano_00000103_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000103_post_disaster.png,0,0,0,0,103,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000103_post_disaster.png,mexico-earthquake_00000103_post_disaster,0,0,train\masks\mexico-earthquake_00000103_post_disaster.png,0,0,54,179937,103,4 +5,1066,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000103_post_disaster.png,woolsey-fire_00000103_post_disaster,0,0,tier3\masks\woolsey-fire_00000103_post_disaster.png,1,373,5,1320,103,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000104_post_disaster.png,woolsey-fire_00000104_post_disaster,0,0,tier3\masks\woolsey-fire_00000104_post_disaster.png,0,0,0,0,104,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000104_post_disaster.png,sunda-tsunami_00000104_post_disaster,0,0,tier3\masks\sunda-tsunami_00000104_post_disaster.png,0,0,55,43744,104,3 +24,17763,moore-tornado,post,tier3,tier3\images\moore-tornado_00000104_post_disaster.png,moore-tornado_00000104_post_disaster,48,56792,tier3\masks\moore-tornado_00000104_post_disaster.png,10,11193,173,189098,104,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000104_post_disaster.png,hurricane-florence_00000104_post_disaster,0,0,train\masks\hurricane-florence_00000104_post_disaster.png,1,12958,8,59289,104,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000104_post_disaster.png,tuscaloosa-tornado_00000104_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000104_post_disaster.png,0,0,14,11473,104,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000104_post_disaster.png,lower-puna-volcano_00000104_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000104_post_disaster.png,0,0,31,30725,104,4 +2,343,hurricane-matthew,post,train,train\images\hurricane-matthew_00000104_post_disaster.png,hurricane-matthew_00000104_post_disaster,158,172857,train\masks\hurricane-matthew_00000104_post_disaster.png,35,34607,0,0,104,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000104_post_disaster.png,hurricane-harvey_00000104_post_disaster,65,86244,train\masks\hurricane-harvey_00000104_post_disaster.png,203,251446,0,0,104,2 +1,823,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000104_post_disaster.png,joplin-tornado_00000104_post_disaster,14,33905,tier3\masks\joplin-tornado_00000104_post_disaster.png,5,17931,18,101388,104,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000104_post_disaster.png,portugal-wildfire_00000104_post_disaster,0,0,tier3\masks\portugal-wildfire_00000104_post_disaster.png,0,0,0,0,104,3 +1,654,hurricane-michael,post,train,train\images\hurricane-michael_00000104_post_disaster.png,hurricane-michael_00000104_post_disaster,7,8264,train\masks\hurricane-michael_00000104_post_disaster.png,3,3948,22,29063,104,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000104_post_disaster.png,mexico-earthquake_00000104_post_disaster,0,0,train\masks\mexico-earthquake_00000104_post_disaster.png,0,0,31,137680,104,0 +2,394,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000104_post_disaster.png,nepal-flooding_00000104_post_disaster,9,2115,tier3\masks\nepal-flooding_00000104_post_disaster.png,7,5568,24,20331,104,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000104_post_disaster.png,pinery-bushfire_00000104_post_disaster,0,0,tier3\masks\pinery-bushfire_00000104_post_disaster.png,0,0,8,4775,104,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000105_post_disaster.png,nepal-flooding_00000105_post_disaster,10,4314,tier3\masks\nepal-flooding_00000105_post_disaster.png,14,4942,26,18598,105,4 +4,4817,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000105_post_disaster.png,santa-rosa-wildfire_00000105_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000105_post_disaster.png,0,0,3,1444,105,2 +1,241,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000105_post_disaster.png,portugal-wildfire_00000105_post_disaster,1,368,tier3\masks\portugal-wildfire_00000105_post_disaster.png,0,0,60,46247,105,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000105_post_disaster.png,tuscaloosa-tornado_00000105_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000105_post_disaster.png,0,0,2,183,105,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000105_post_disaster.png,joplin-tornado_00000105_post_disaster,0,0,tier3\masks\joplin-tornado_00000105_post_disaster.png,0,0,42,23964,105,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000105_post_disaster.png,pinery-bushfire_00000105_post_disaster,0,0,tier3\masks\pinery-bushfire_00000105_post_disaster.png,0,0,0,0,105,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000105_post_disaster.png,socal-fire_00000105_post_disaster,0,0,train\masks\socal-fire_00000105_post_disaster.png,0,0,0,0,105,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000105_post_disaster.png,moore-tornado_00000105_post_disaster,0,0,tier3\masks\moore-tornado_00000105_post_disaster.png,0,0,185,247821,105,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000105_post_disaster.png,woolsey-fire_00000105_post_disaster,0,0,tier3\masks\woolsey-fire_00000105_post_disaster.png,0,0,0,0,105,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000105_post_disaster.png,lower-puna-volcano_00000105_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000105_post_disaster.png,0,0,24,11850,105,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000105_post_disaster.png,sunda-tsunami_00000105_post_disaster,0,0,tier3\masks\sunda-tsunami_00000105_post_disaster.png,0,0,80,35271,105,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000105_post_disaster.png,mexico-earthquake_00000105_post_disaster,0,0,train\masks\mexico-earthquake_00000105_post_disaster.png,0,0,80,274182,105,1 +3,2030,socal-fire,post,train,train\images\socal-fire_00000106_post_disaster.png,socal-fire_00000106_post_disaster,0,0,train\masks\socal-fire_00000106_post_disaster.png,0,0,0,0,106,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000106_post_disaster.png,nepal-flooding_00000106_post_disaster,0,0,tier3\masks\nepal-flooding_00000106_post_disaster.png,6,6060,1,756,106,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000106_post_disaster.png,lower-puna-volcano_00000106_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000106_post_disaster.png,0,0,0,0,106,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000106_post_disaster.png,hurricane-florence_00000106_post_disaster,0,0,train\masks\hurricane-florence_00000106_post_disaster.png,12,12642,0,0,106,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000106_post_disaster.png,tuscaloosa-tornado_00000106_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000106_post_disaster.png,0,0,4,1163,106,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000106_post_disaster.png,joplin-tornado_00000106_post_disaster,0,0,tier3\masks\joplin-tornado_00000106_post_disaster.png,0,0,128,109407,106,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000106_post_disaster.png,moore-tornado_00000106_post_disaster,0,0,tier3\masks\moore-tornado_00000106_post_disaster.png,0,0,85,165674,106,0 +2,435,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000106_post_disaster.png,woolsey-fire_00000106_post_disaster,2,137,tier3\masks\woolsey-fire_00000106_post_disaster.png,0,0,6,1565,106,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000106_post_disaster.png,santa-rosa-wildfire_00000106_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000106_post_disaster.png,0,0,107,171890,106,3 +2,241,palu-tsunami,post,train,train\images\palu-tsunami_00000106_post_disaster.png,palu-tsunami_00000106_post_disaster,0,0,train\masks\palu-tsunami_00000106_post_disaster.png,3,2182,52,51544,106,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000106_post_disaster.png,pinery-bushfire_00000106_post_disaster,0,0,tier3\masks\pinery-bushfire_00000106_post_disaster.png,0,0,0,0,106,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000106_post_disaster.png,portugal-wildfire_00000106_post_disaster,0,0,tier3\masks\portugal-wildfire_00000106_post_disaster.png,0,0,0,0,106,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000106_post_disaster.png,sunda-tsunami_00000106_post_disaster,0,0,tier3\masks\sunda-tsunami_00000106_post_disaster.png,0,0,26,12392,106,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000107_post_disaster.png,mexico-earthquake_00000107_post_disaster,0,0,train\masks\mexico-earthquake_00000107_post_disaster.png,0,0,147,448706,107,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000107_post_disaster.png,midwest-flooding_00000107_post_disaster,0,0,train\masks\midwest-flooding_00000107_post_disaster.png,0,0,3,971,107,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000107_post_disaster.png,nepal-flooding_00000107_post_disaster,10,6666,tier3\masks\nepal-flooding_00000107_post_disaster.png,9,5137,25,12133,107,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000107_post_disaster.png,portugal-wildfire_00000107_post_disaster,0,0,tier3\masks\portugal-wildfire_00000107_post_disaster.png,0,0,1,365,107,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000107_post_disaster.png,pinery-bushfire_00000107_post_disaster,0,0,tier3\masks\pinery-bushfire_00000107_post_disaster.png,0,0,0,0,107,2 +11,5262,palu-tsunami,post,train,train\images\palu-tsunami_00000107_post_disaster.png,palu-tsunami_00000107_post_disaster,0,0,train\masks\palu-tsunami_00000107_post_disaster.png,3,4426,40,57349,107,2 +2,2119,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000107_post_disaster.png,woolsey-fire_00000107_post_disaster,0,0,tier3\masks\woolsey-fire_00000107_post_disaster.png,0,0,24,11013,107,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000107_post_disaster.png,sunda-tsunami_00000107_post_disaster,0,0,tier3\masks\sunda-tsunami_00000107_post_disaster.png,0,0,34,32846,107,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000107_post_disaster.png,hurricane-harvey_00000107_post_disaster,0,0,train\masks\hurricane-harvey_00000107_post_disaster.png,11,61323,0,0,107,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000107_post_disaster.png,tuscaloosa-tornado_00000107_post_disaster,5,4613,tier3\masks\tuscaloosa-tornado_00000107_post_disaster.png,0,0,11,5500,107,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000107_post_disaster.png,joplin-tornado_00000107_post_disaster,2,7564,tier3\masks\joplin-tornado_00000107_post_disaster.png,0,0,24,121887,107,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000107_post_disaster.png,moore-tornado_00000107_post_disaster,0,0,tier3\masks\moore-tornado_00000107_post_disaster.png,0,0,46,95676,107,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000107_post_disaster.png,lower-puna-volcano_00000107_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000107_post_disaster.png,0,0,21,8612,107,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000107_post_disaster.png,socal-fire_00000107_post_disaster,0,0,train\masks\socal-fire_00000107_post_disaster.png,0,0,0,0,107,2 +1,280,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000108_post_disaster.png,joplin-tornado_00000108_post_disaster,17,15271,tier3\masks\joplin-tornado_00000108_post_disaster.png,1,52,48,104392,108,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000108_post_disaster.png,pinery-bushfire_00000108_post_disaster,0,0,tier3\masks\pinery-bushfire_00000108_post_disaster.png,0,0,0,0,108,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000108_post_disaster.png,hurricane-harvey_00000108_post_disaster,9,29654,train\masks\hurricane-harvey_00000108_post_disaster.png,0,0,77,136545,108,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000108_post_disaster.png,mexico-earthquake_00000108_post_disaster,4,1681,train\masks\mexico-earthquake_00000108_post_disaster.png,1,136,69,53975,108,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000108_post_disaster.png,sunda-tsunami_00000108_post_disaster,0,0,tier3\masks\sunda-tsunami_00000108_post_disaster.png,0,0,107,106448,108,1 +4,1788,palu-tsunami,post,train,train\images\palu-tsunami_00000108_post_disaster.png,palu-tsunami_00000108_post_disaster,0,0,train\masks\palu-tsunami_00000108_post_disaster.png,1,339,99,91309,108,2 +1,74,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000108_post_disaster.png,nepal-flooding_00000108_post_disaster,0,0,tier3\masks\nepal-flooding_00000108_post_disaster.png,4,534,0,0,108,2 +3,2086,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000108_post_disaster.png,woolsey-fire_00000108_post_disaster,0,0,tier3\masks\woolsey-fire_00000108_post_disaster.png,0,0,2,3084,108,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000108_post_disaster.png,tuscaloosa-tornado_00000108_post_disaster,36,37870,tier3\masks\tuscaloosa-tornado_00000108_post_disaster.png,4,4639,93,111295,108,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000108_post_disaster.png,midwest-flooding_00000108_post_disaster,0,0,train\masks\midwest-flooding_00000108_post_disaster.png,0,0,16,8592,108,0 +3,353,moore-tornado,post,tier3,tier3\images\moore-tornado_00000108_post_disaster.png,moore-tornado_00000108_post_disaster,0,0,tier3\masks\moore-tornado_00000108_post_disaster.png,0,0,7,3698,108,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000108_post_disaster.png,socal-fire_00000108_post_disaster,0,0,train\masks\socal-fire_00000108_post_disaster.png,0,0,0,0,108,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000108_post_disaster.png,portugal-wildfire_00000108_post_disaster,0,0,tier3\masks\portugal-wildfire_00000108_post_disaster.png,0,0,0,0,108,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000108_post_disaster.png,lower-puna-volcano_00000108_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000108_post_disaster.png,0,0,0,0,108,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000109_post_disaster.png,hurricane-michael_00000109_post_disaster,10,15401,train\masks\hurricane-michael_00000109_post_disaster.png,0,0,50,78741,109,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000109_post_disaster.png,lower-puna-volcano_00000109_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000109_post_disaster.png,0,0,4,721,109,3 +23,4697,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000109_post_disaster.png,sunda-tsunami_00000109_post_disaster,0,0,tier3\masks\sunda-tsunami_00000109_post_disaster.png,4,1414,11,7235,109,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000109_post_disaster.png,midwest-flooding_00000109_post_disaster,0,0,train\masks\midwest-flooding_00000109_post_disaster.png,0,0,18,15584,109,4 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000109_post_disaster.png,nepal-flooding_00000109_post_disaster,15,7083,tier3\masks\nepal-flooding_00000109_post_disaster.png,8,3485,21,20632,109,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000109_post_disaster.png,joplin-tornado_00000109_post_disaster,3,25170,tier3\masks\joplin-tornado_00000109_post_disaster.png,0,0,10,72177,109,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000109_post_disaster.png,portugal-wildfire_00000109_post_disaster,0,0,tier3\masks\portugal-wildfire_00000109_post_disaster.png,0,0,10,7823,109,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000109_post_disaster.png,socal-fire_00000109_post_disaster,0,0,train\masks\socal-fire_00000109_post_disaster.png,0,0,26,25590,109,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000109_post_disaster.png,woolsey-fire_00000109_post_disaster,0,0,tier3\masks\woolsey-fire_00000109_post_disaster.png,0,0,0,0,109,1 +8,9042,hurricane-harvey,post,train,train\images\hurricane-harvey_00000109_post_disaster.png,hurricane-harvey_00000109_post_disaster,0,0,train\masks\hurricane-harvey_00000109_post_disaster.png,74,132020,0,0,109,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000109_post_disaster.png,tuscaloosa-tornado_00000109_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000109_post_disaster.png,0,0,2,389,109,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000109_post_disaster.png,pinery-bushfire_00000109_post_disaster,0,0,tier3\masks\pinery-bushfire_00000109_post_disaster.png,0,0,0,0,109,1 +6,5354,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000109_post_disaster.png,santa-rosa-wildfire_00000109_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000109_post_disaster.png,1,999,7,4373,109,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000109_post_disaster.png,moore-tornado_00000109_post_disaster,7,7614,tier3\masks\moore-tornado_00000109_post_disaster.png,0,0,93,147330,109,3 +4,770,palu-tsunami,post,train,train\images\palu-tsunami_00000109_post_disaster.png,palu-tsunami_00000109_post_disaster,0,0,train\masks\palu-tsunami_00000109_post_disaster.png,7,12266,124,231959,109,2 +8,891,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000110_post_disaster.png,joplin-tornado_00000110_post_disaster,41,26638,tier3\masks\joplin-tornado_00000110_post_disaster.png,12,8000,137,92418,110,4 +32,9135,palu-tsunami,post,train,train\images\palu-tsunami_00000110_post_disaster.png,palu-tsunami_00000110_post_disaster,0,0,train\masks\palu-tsunami_00000110_post_disaster.png,0,0,1,4045,110,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000110_post_disaster.png,mexico-earthquake_00000110_post_disaster,0,0,train\masks\mexico-earthquake_00000110_post_disaster.png,0,0,30,61303,110,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000110_post_disaster.png,pinery-bushfire_00000110_post_disaster,0,0,tier3\masks\pinery-bushfire_00000110_post_disaster.png,0,0,0,0,110,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000110_post_disaster.png,lower-puna-volcano_00000110_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000110_post_disaster.png,0,0,0,0,110,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000110_post_disaster.png,socal-fire_00000110_post_disaster,0,0,train\masks\socal-fire_00000110_post_disaster.png,0,0,0,0,110,4 +10,2117,hurricane-matthew,post,train,train\images\hurricane-matthew_00000110_post_disaster.png,hurricane-matthew_00000110_post_disaster,1,160,train\masks\hurricane-matthew_00000110_post_disaster.png,4,1068,0,0,110,3 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000110_post_disaster.png,nepal-flooding_00000110_post_disaster,3,843,tier3\masks\nepal-flooding_00000110_post_disaster.png,0,0,8,1388,110,3 +15,12591,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000110_post_disaster.png,tuscaloosa-tornado_00000110_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000110_post_disaster.png,0,0,1,2233,110,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000110_post_disaster.png,hurricane-florence_00000110_post_disaster,0,0,train\masks\hurricane-florence_00000110_post_disaster.png,0,0,72,99749,110,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000110_post_disaster.png,midwest-flooding_00000110_post_disaster,0,0,train\masks\midwest-flooding_00000110_post_disaster.png,0,0,0,0,110,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000110_post_disaster.png,sunda-tsunami_00000110_post_disaster,0,0,tier3\masks\sunda-tsunami_00000110_post_disaster.png,0,0,176,144460,110,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000110_post_disaster.png,santa-rosa-wildfire_00000110_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000110_post_disaster.png,0,0,121,159519,110,3 +2,157,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000110_post_disaster.png,portugal-wildfire_00000110_post_disaster,0,0,tier3\masks\portugal-wildfire_00000110_post_disaster.png,0,0,33,25779,110,1 +132,90178,moore-tornado,post,tier3,tier3\images\moore-tornado_00000110_post_disaster.png,moore-tornado_00000110_post_disaster,23,26291,tier3\masks\moore-tornado_00000110_post_disaster.png,19,20046,64,42857,110,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000110_post_disaster.png,woolsey-fire_00000110_post_disaster,0,0,tier3\masks\woolsey-fire_00000110_post_disaster.png,0,0,0,0,110,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000110_post_disaster.png,hurricane-michael_00000110_post_disaster,22,30583,train\masks\hurricane-michael_00000110_post_disaster.png,0,0,29,49655,110,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000111_post_disaster.png,moore-tornado_00000111_post_disaster,1,23889,tier3\masks\moore-tornado_00000111_post_disaster.png,0,0,277,242602,111,1 +4,714,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000111_post_disaster.png,nepal-flooding_00000111_post_disaster,0,0,tier3\masks\nepal-flooding_00000111_post_disaster.png,1,78,0,0,111,4 +2,24536,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000111_post_disaster.png,joplin-tornado_00000111_post_disaster,2,143614,tier3\masks\joplin-tornado_00000111_post_disaster.png,1,4331,5,121118,111,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000111_post_disaster.png,pinery-bushfire_00000111_post_disaster,0,0,tier3\masks\pinery-bushfire_00000111_post_disaster.png,0,0,0,0,111,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000111_post_disaster.png,hurricane-harvey_00000111_post_disaster,0,0,train\masks\hurricane-harvey_00000111_post_disaster.png,15,86503,0,0,111,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000111_post_disaster.png,tuscaloosa-tornado_00000111_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000111_post_disaster.png,0,0,4,1638,111,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000111_post_disaster.png,woolsey-fire_00000111_post_disaster,0,0,tier3\masks\woolsey-fire_00000111_post_disaster.png,0,0,0,0,111,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000111_post_disaster.png,portugal-wildfire_00000111_post_disaster,0,0,tier3\masks\portugal-wildfire_00000111_post_disaster.png,0,0,0,0,111,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000111_post_disaster.png,hurricane-florence_00000111_post_disaster,0,0,train\masks\hurricane-florence_00000111_post_disaster.png,4,1749,0,0,111,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000111_post_disaster.png,mexico-earthquake_00000111_post_disaster,0,0,train\masks\mexico-earthquake_00000111_post_disaster.png,0,0,87,192000,111,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000111_post_disaster.png,sunda-tsunami_00000111_post_disaster,0,0,tier3\masks\sunda-tsunami_00000111_post_disaster.png,0,0,0,0,111,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000111_post_disaster.png,lower-puna-volcano_00000111_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000111_post_disaster.png,0,0,0,0,111,1 +21,58755,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000111_post_disaster.png,santa-rosa-wildfire_00000111_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000111_post_disaster.png,0,0,6,3827,111,4 +3,6332,palu-tsunami,post,train,train\images\palu-tsunami_00000111_post_disaster.png,palu-tsunami_00000111_post_disaster,0,0,train\masks\palu-tsunami_00000111_post_disaster.png,1,331,25,31107,111,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000112_post_disaster.png,woolsey-fire_00000112_post_disaster,0,0,tier3\masks\woolsey-fire_00000112_post_disaster.png,0,0,0,0,112,3 +3,3795,hurricane-michael,post,train,train\images\hurricane-michael_00000112_post_disaster.png,hurricane-michael_00000112_post_disaster,18,25767,train\masks\hurricane-michael_00000112_post_disaster.png,9,9945,42,42355,112,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000112_post_disaster.png,moore-tornado_00000112_post_disaster,0,0,tier3\masks\moore-tornado_00000112_post_disaster.png,0,0,83,117712,112,2 +4,1099,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000112_post_disaster.png,lower-puna-volcano_00000112_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000112_post_disaster.png,0,0,40,22721,112,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000112_post_disaster.png,nepal-flooding_00000112_post_disaster,19,8709,tier3\masks\nepal-flooding_00000112_post_disaster.png,10,3674,63,29469,112,2 +22,21876,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000112_post_disaster.png,tuscaloosa-tornado_00000112_post_disaster,31,43026,tier3\masks\tuscaloosa-tornado_00000112_post_disaster.png,21,38963,36,35280,112,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000112_post_disaster.png,pinery-bushfire_00000112_post_disaster,0,0,tier3\masks\pinery-bushfire_00000112_post_disaster.png,0,0,2,443,112,0 +8,4782,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000112_post_disaster.png,joplin-tornado_00000112_post_disaster,53,39615,tier3\masks\joplin-tornado_00000112_post_disaster.png,23,21957,118,73438,112,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000112_post_disaster.png,sunda-tsunami_00000112_post_disaster,0,0,tier3\masks\sunda-tsunami_00000112_post_disaster.png,0,0,0,0,112,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000112_post_disaster.png,portugal-wildfire_00000112_post_disaster,0,0,tier3\masks\portugal-wildfire_00000112_post_disaster.png,0,0,0,0,112,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000112_post_disaster.png,mexico-earthquake_00000112_post_disaster,0,0,train\masks\mexico-earthquake_00000112_post_disaster.png,0,0,143,546606,112,0 +51,64018,palu-tsunami,post,train,train\images\palu-tsunami_00000112_post_disaster.png,palu-tsunami_00000112_post_disaster,1,889,train\masks\palu-tsunami_00000112_post_disaster.png,16,17025,52,83318,112,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000113_post_disaster.png,lower-puna-volcano_00000113_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000113_post_disaster.png,0,0,1,92,113,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000113_post_disaster.png,hurricane-harvey_00000113_post_disaster,2,382,train\masks\hurricane-harvey_00000113_post_disaster.png,1,430,0,0,113,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000113_post_disaster.png,portugal-wildfire_00000113_post_disaster,0,0,tier3\masks\portugal-wildfire_00000113_post_disaster.png,0,0,0,0,113,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000113_post_disaster.png,nepal-flooding_00000113_post_disaster,3,1633,tier3\masks\nepal-flooding_00000113_post_disaster.png,2,883,20,9015,113,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000113_post_disaster.png,midwest-flooding_00000113_post_disaster,0,0,train\masks\midwest-flooding_00000113_post_disaster.png,0,0,27,20990,113,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000113_post_disaster.png,pinery-bushfire_00000113_post_disaster,0,0,tier3\masks\pinery-bushfire_00000113_post_disaster.png,0,0,0,0,113,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000113_post_disaster.png,socal-fire_00000113_post_disaster,0,0,train\masks\socal-fire_00000113_post_disaster.png,0,0,0,0,113,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000113_post_disaster.png,tuscaloosa-tornado_00000113_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000113_post_disaster.png,0,0,16,152658,113,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000113_post_disaster.png,sunda-tsunami_00000113_post_disaster,0,0,tier3\masks\sunda-tsunami_00000113_post_disaster.png,0,0,0,0,113,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000113_post_disaster.png,moore-tornado_00000113_post_disaster,0,0,tier3\masks\moore-tornado_00000113_post_disaster.png,0,0,7,3888,113,0 +7,4212,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000113_post_disaster.png,joplin-tornado_00000113_post_disaster,15,19243,tier3\masks\joplin-tornado_00000113_post_disaster.png,7,8920,31,31356,113,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000113_post_disaster.png,woolsey-fire_00000113_post_disaster,2,158,tier3\masks\woolsey-fire_00000113_post_disaster.png,0,0,0,0,113,1 +20,54671,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000114_post_disaster.png,santa-rosa-wildfire_00000114_post_disaster,4,7452,train\masks\santa-rosa-wildfire_00000114_post_disaster.png,1,1871,6,11051,114,3 +1,1028,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000114_post_disaster.png,lower-puna-volcano_00000114_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000114_post_disaster.png,0,0,14,5617,114,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000114_post_disaster.png,portugal-wildfire_00000114_post_disaster,0,0,tier3\masks\portugal-wildfire_00000114_post_disaster.png,0,0,3,1018,114,1 +41,15087,socal-fire,post,train,train\images\socal-fire_00000114_post_disaster.png,socal-fire_00000114_post_disaster,2,1002,train\masks\socal-fire_00000114_post_disaster.png,0,0,4,5560,114,1 +1,127,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000114_post_disaster.png,nepal-flooding_00000114_post_disaster,8,7286,tier3\masks\nepal-flooding_00000114_post_disaster.png,0,0,18,16815,114,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000114_post_disaster.png,woolsey-fire_00000114_post_disaster,0,0,tier3\masks\woolsey-fire_00000114_post_disaster.png,0,0,33,25805,114,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000114_post_disaster.png,sunda-tsunami_00000114_post_disaster,0,0,tier3\masks\sunda-tsunami_00000114_post_disaster.png,0,0,0,0,114,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000114_post_disaster.png,hurricane-florence_00000114_post_disaster,0,0,train\masks\hurricane-florence_00000114_post_disaster.png,11,6425,0,0,114,1 +3,2572,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000114_post_disaster.png,tuscaloosa-tornado_00000114_post_disaster,36,47985,tier3\masks\tuscaloosa-tornado_00000114_post_disaster.png,2,4656,105,101659,114,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000114_post_disaster.png,mexico-earthquake_00000114_post_disaster,0,0,train\masks\mexico-earthquake_00000114_post_disaster.png,0,0,22,138930,114,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000114_post_disaster.png,moore-tornado_00000114_post_disaster,0,0,tier3\masks\moore-tornado_00000114_post_disaster.png,0,0,215,310231,114,1 +21,4588,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000114_post_disaster.png,joplin-tornado_00000114_post_disaster,59,45942,tier3\masks\joplin-tornado_00000114_post_disaster.png,23,26426,156,93841,114,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000114_post_disaster.png,pinery-bushfire_00000114_post_disaster,0,0,tier3\masks\pinery-bushfire_00000114_post_disaster.png,0,0,0,0,114,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000114_post_disaster.png,midwest-flooding_00000114_post_disaster,0,0,train\masks\midwest-flooding_00000114_post_disaster.png,0,0,20,14059,114,1 +2,603,hurricane-harvey,post,train,train\images\hurricane-harvey_00000114_post_disaster.png,hurricane-harvey_00000114_post_disaster,0,0,train\masks\hurricane-harvey_00000114_post_disaster.png,64,163072,0,0,114,3 +159,163161,moore-tornado,post,tier3,tier3\images\moore-tornado_00000115_post_disaster.png,moore-tornado_00000115_post_disaster,8,6616,tier3\masks\moore-tornado_00000115_post_disaster.png,17,25342,15,9699,115,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000115_post_disaster.png,midwest-flooding_00000115_post_disaster,0,0,train\masks\midwest-flooding_00000115_post_disaster.png,0,0,0,0,115,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000115_post_disaster.png,mexico-earthquake_00000115_post_disaster,0,0,train\masks\mexico-earthquake_00000115_post_disaster.png,0,0,107,379864,115,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000115_post_disaster.png,tuscaloosa-tornado_00000115_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000115_post_disaster.png,0,0,0,0,115,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000115_post_disaster.png,hurricane-harvey_00000115_post_disaster,20,18319,train\masks\hurricane-harvey_00000115_post_disaster.png,13,17756,182,217633,115,0 +1,1995,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000115_post_disaster.png,lower-puna-volcano_00000115_post_disaster,1,2031,tier3\masks\lower-puna-volcano_00000115_post_disaster.png,0,0,6,3111,115,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000115_post_disaster.png,hurricane-florence_00000115_post_disaster,0,0,train\masks\hurricane-florence_00000115_post_disaster.png,0,0,37,66938,115,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000115_post_disaster.png,sunda-tsunami_00000115_post_disaster,0,0,tier3\masks\sunda-tsunami_00000115_post_disaster.png,0,0,0,0,115,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000115_post_disaster.png,socal-fire_00000115_post_disaster,0,0,train\masks\socal-fire_00000115_post_disaster.png,0,0,14,36543,115,3 +5,344,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000115_post_disaster.png,nepal-flooding_00000115_post_disaster,0,0,tier3\masks\nepal-flooding_00000115_post_disaster.png,0,0,1,73,115,0 +9,3691,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000115_post_disaster.png,joplin-tornado_00000115_post_disaster,29,33930,tier3\masks\joplin-tornado_00000115_post_disaster.png,12,13980,20,8983,115,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000115_post_disaster.png,portugal-wildfire_00000115_post_disaster,0,0,tier3\masks\portugal-wildfire_00000115_post_disaster.png,0,0,0,0,115,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000115_post_disaster.png,pinery-bushfire_00000115_post_disaster,0,0,tier3\masks\pinery-bushfire_00000115_post_disaster.png,0,0,0,0,115,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000115_post_disaster.png,woolsey-fire_00000115_post_disaster,0,0,tier3\masks\woolsey-fire_00000115_post_disaster.png,2,613,19,23914,115,4 +12,9789,palu-tsunami,post,train,train\images\palu-tsunami_00000115_post_disaster.png,palu-tsunami_00000115_post_disaster,0,0,train\masks\palu-tsunami_00000115_post_disaster.png,25,93076,119,305880,115,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000116_post_disaster.png,pinery-bushfire_00000116_post_disaster,0,0,tier3\masks\pinery-bushfire_00000116_post_disaster.png,0,0,0,0,116,4 +3,2919,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000116_post_disaster.png,santa-rosa-wildfire_00000116_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000116_post_disaster.png,0,0,0,0,116,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000116_post_disaster.png,portugal-wildfire_00000116_post_disaster,0,0,tier3\masks\portugal-wildfire_00000116_post_disaster.png,0,0,0,0,116,2 +2,2412,socal-fire,post,train,train\images\socal-fire_00000116_post_disaster.png,socal-fire_00000116_post_disaster,0,0,train\masks\socal-fire_00000116_post_disaster.png,0,0,1,632,116,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000116_post_disaster.png,lower-puna-volcano_00000116_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000116_post_disaster.png,0,0,0,0,116,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000116_post_disaster.png,sunda-tsunami_00000116_post_disaster,0,0,tier3\masks\sunda-tsunami_00000116_post_disaster.png,0,0,0,0,116,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000116_post_disaster.png,moore-tornado_00000116_post_disaster,0,0,tier3\masks\moore-tornado_00000116_post_disaster.png,0,0,38,45086,116,3 +20,11773,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000116_post_disaster.png,joplin-tornado_00000116_post_disaster,81,69544,tier3\masks\joplin-tornado_00000116_post_disaster.png,18,26253,156,98553,116,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000116_post_disaster.png,hurricane-harvey_00000116_post_disaster,0,0,train\masks\hurricane-harvey_00000116_post_disaster.png,0,0,121,181043,116,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000116_post_disaster.png,nepal-flooding_00000116_post_disaster,2,1146,tier3\masks\nepal-flooding_00000116_post_disaster.png,1,834,10,3254,116,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000116_post_disaster.png,hurricane-matthew_00000116_post_disaster,0,0,train\masks\hurricane-matthew_00000116_post_disaster.png,2,457,0,0,116,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000116_post_disaster.png,tuscaloosa-tornado_00000116_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000116_post_disaster.png,0,0,0,0,116,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000116_post_disaster.png,woolsey-fire_00000116_post_disaster,0,0,tier3\masks\woolsey-fire_00000116_post_disaster.png,0,0,0,0,116,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000117_post_disaster.png,lower-puna-volcano_00000117_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000117_post_disaster.png,0,0,10,3971,117,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000117_post_disaster.png,socal-fire_00000117_post_disaster,0,0,train\masks\socal-fire_00000117_post_disaster.png,0,0,1,177,117,1 +1,167,midwest-flooding,post,train,train\images\midwest-flooding_00000117_post_disaster.png,midwest-flooding_00000117_post_disaster,1,184,train\masks\midwest-flooding_00000117_post_disaster.png,2,2750,9,3097,117,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000117_post_disaster.png,nepal-flooding_00000117_post_disaster,8,4784,tier3\masks\nepal-flooding_00000117_post_disaster.png,0,0,62,118747,117,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000117_post_disaster.png,pinery-bushfire_00000117_post_disaster,0,0,tier3\masks\pinery-bushfire_00000117_post_disaster.png,3,946,86,57288,117,1 +15,20533,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000117_post_disaster.png,santa-rosa-wildfire_00000117_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000117_post_disaster.png,0,0,20,39467,117,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000117_post_disaster.png,woolsey-fire_00000117_post_disaster,0,0,tier3\masks\woolsey-fire_00000117_post_disaster.png,0,0,0,0,117,3 +2,163,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000117_post_disaster.png,tuscaloosa-tornado_00000117_post_disaster,6,5095,tier3\masks\tuscaloosa-tornado_00000117_post_disaster.png,0,0,21,51372,117,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000117_post_disaster.png,moore-tornado_00000117_post_disaster,0,0,tier3\masks\moore-tornado_00000117_post_disaster.png,1,3099,4,5750,117,1 +30,20256,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000117_post_disaster.png,joplin-tornado_00000117_post_disaster,10,9931,tier3\masks\joplin-tornado_00000117_post_disaster.png,24,31477,9,9674,117,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000117_post_disaster.png,sunda-tsunami_00000117_post_disaster,0,0,tier3\masks\sunda-tsunami_00000117_post_disaster.png,0,0,0,0,117,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000117_post_disaster.png,portugal-wildfire_00000117_post_disaster,0,0,tier3\masks\portugal-wildfire_00000117_post_disaster.png,0,0,0,0,117,4 +1,56,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000118_post_disaster.png,nepal-flooding_00000118_post_disaster,6,3044,tier3\masks\nepal-flooding_00000118_post_disaster.png,4,1590,26,9605,118,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000118_post_disaster.png,hurricane-florence_00000118_post_disaster,0,0,train\masks\hurricane-florence_00000118_post_disaster.png,0,0,14,4054,118,1 +1,186,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000118_post_disaster.png,sunda-tsunami_00000118_post_disaster,0,0,tier3\masks\sunda-tsunami_00000118_post_disaster.png,0,0,85,56386,118,4 +1,812,hurricane-michael,post,train,train\images\hurricane-michael_00000118_post_disaster.png,hurricane-michael_00000118_post_disaster,8,9094,train\masks\hurricane-michael_00000118_post_disaster.png,6,13501,9,10910,118,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000118_post_disaster.png,woolsey-fire_00000118_post_disaster,0,0,tier3\masks\woolsey-fire_00000118_post_disaster.png,0,0,7,4800,118,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000118_post_disaster.png,tuscaloosa-tornado_00000118_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000118_post_disaster.png,0,0,15,78563,118,3 +109,468515,palu-tsunami,post,train,train\images\palu-tsunami_00000118_post_disaster.png,palu-tsunami_00000118_post_disaster,0,0,train\masks\palu-tsunami_00000118_post_disaster.png,5,4797,37,107940,118,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000118_post_disaster.png,hurricane-harvey_00000118_post_disaster,0,0,train\masks\hurricane-harvey_00000118_post_disaster.png,0,0,0,0,118,4 +51,24845,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000118_post_disaster.png,joplin-tornado_00000118_post_disaster,102,91394,tier3\masks\joplin-tornado_00000118_post_disaster.png,49,31288,132,79775,118,0 +1,131,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000118_post_disaster.png,lower-puna-volcano_00000118_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000118_post_disaster.png,0,0,7,4410,118,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000118_post_disaster.png,moore-tornado_00000118_post_disaster,3,3650,tier3\masks\moore-tornado_00000118_post_disaster.png,0,0,62,90664,118,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000118_post_disaster.png,socal-fire_00000118_post_disaster,0,0,train\masks\socal-fire_00000118_post_disaster.png,0,0,0,0,118,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000118_post_disaster.png,mexico-earthquake_00000118_post_disaster,0,0,train\masks\mexico-earthquake_00000118_post_disaster.png,0,0,38,561788,118,1 +38,69266,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000118_post_disaster.png,santa-rosa-wildfire_00000118_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000118_post_disaster.png,0,0,3,2555,118,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000118_post_disaster.png,pinery-bushfire_00000118_post_disaster,0,0,tier3\masks\pinery-bushfire_00000118_post_disaster.png,0,0,0,0,118,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000118_post_disaster.png,portugal-wildfire_00000118_post_disaster,0,0,tier3\masks\portugal-wildfire_00000118_post_disaster.png,0,0,0,0,118,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000119_post_disaster.png,midwest-flooding_00000119_post_disaster,0,0,train\masks\midwest-flooding_00000119_post_disaster.png,0,0,0,0,119,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000119_post_disaster.png,lower-puna-volcano_00000119_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000119_post_disaster.png,0,0,0,0,119,4 +1,239,hurricane-matthew,post,train,train\images\hurricane-matthew_00000119_post_disaster.png,hurricane-matthew_00000119_post_disaster,0,0,train\masks\hurricane-matthew_00000119_post_disaster.png,0,0,5,785,119,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000119_post_disaster.png,sunda-tsunami_00000119_post_disaster,0,0,tier3\masks\sunda-tsunami_00000119_post_disaster.png,0,0,15,9257,119,3 +3,728,palu-tsunami,post,train,train\images\palu-tsunami_00000119_post_disaster.png,palu-tsunami_00000119_post_disaster,0,0,train\masks\palu-tsunami_00000119_post_disaster.png,0,0,147,163049,119,2 +4,3262,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000119_post_disaster.png,portugal-wildfire_00000119_post_disaster,0,0,tier3\masks\portugal-wildfire_00000119_post_disaster.png,0,0,19,12324,119,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000119_post_disaster.png,woolsey-fire_00000119_post_disaster,0,0,tier3\masks\woolsey-fire_00000119_post_disaster.png,0,0,0,0,119,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000119_post_disaster.png,hurricane-harvey_00000119_post_disaster,0,0,train\masks\hurricane-harvey_00000119_post_disaster.png,0,0,209,299378,119,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000119_post_disaster.png,tuscaloosa-tornado_00000119_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000119_post_disaster.png,0,0,8,6037,119,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000119_post_disaster.png,pinery-bushfire_00000119_post_disaster,0,0,tier3\masks\pinery-bushfire_00000119_post_disaster.png,0,0,0,0,119,1 +2,21277,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000119_post_disaster.png,santa-rosa-wildfire_00000119_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000119_post_disaster.png,0,0,17,136122,119,0 +57,57808,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000119_post_disaster.png,joplin-tornado_00000119_post_disaster,3,2382,tier3\masks\joplin-tornado_00000119_post_disaster.png,6,10595,12,3676,119,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000119_post_disaster.png,moore-tornado_00000119_post_disaster,2,3080,tier3\masks\moore-tornado_00000119_post_disaster.png,0,0,234,222538,119,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000119_post_disaster.png,mexico-earthquake_00000119_post_disaster,1,348,train\masks\mexico-earthquake_00000119_post_disaster.png,0,0,16,12254,119,4 +3,381,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000119_post_disaster.png,nepal-flooding_00000119_post_disaster,24,27086,tier3\masks\nepal-flooding_00000119_post_disaster.png,10,13601,17,23917,119,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000119_post_disaster.png,hurricane-michael_00000119_post_disaster,9,12130,train\masks\hurricane-michael_00000119_post_disaster.png,9,11755,32,37694,119,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000120_post_disaster.png,woolsey-fire_00000120_post_disaster,0,0,tier3\masks\woolsey-fire_00000120_post_disaster.png,0,0,11,5900,120,3 +5,780,hurricane-matthew,post,train,train\images\hurricane-matthew_00000120_post_disaster.png,hurricane-matthew_00000120_post_disaster,31,17200,train\masks\hurricane-matthew_00000120_post_disaster.png,13,6866,34,22156,120,3 +16,25405,moore-tornado,post,tier3,tier3\images\moore-tornado_00000120_post_disaster.png,moore-tornado_00000120_post_disaster,2,3584,tier3\masks\moore-tornado_00000120_post_disaster.png,2,4711,0,0,120,3 +1,539,midwest-flooding,post,train,train\images\midwest-flooding_00000120_post_disaster.png,midwest-flooding_00000120_post_disaster,0,0,train\masks\midwest-flooding_00000120_post_disaster.png,0,0,0,0,120,3 +139,86167,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000120_post_disaster.png,joplin-tornado_00000120_post_disaster,79,66244,tier3\masks\joplin-tornado_00000120_post_disaster.png,71,57985,52,27825,120,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000120_post_disaster.png,sunda-tsunami_00000120_post_disaster,0,0,tier3\masks\sunda-tsunami_00000120_post_disaster.png,1,423,36,20410,120,0 +3,710,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000120_post_disaster.png,nepal-flooding_00000120_post_disaster,0,0,tier3\masks\nepal-flooding_00000120_post_disaster.png,2,1236,1,194,120,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000120_post_disaster.png,pinery-bushfire_00000120_post_disaster,0,0,tier3\masks\pinery-bushfire_00000120_post_disaster.png,0,0,3,1574,120,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000120_post_disaster.png,tuscaloosa-tornado_00000120_post_disaster,64,58205,tier3\masks\tuscaloosa-tornado_00000120_post_disaster.png,3,874,101,91830,120,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000120_post_disaster.png,mexico-earthquake_00000120_post_disaster,0,0,train\masks\mexico-earthquake_00000120_post_disaster.png,0,0,49,606029,120,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000120_post_disaster.png,lower-puna-volcano_00000120_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000120_post_disaster.png,0,0,19,8600,120,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000120_post_disaster.png,hurricane-florence_00000120_post_disaster,0,0,train\masks\hurricane-florence_00000120_post_disaster.png,22,15743,0,0,120,1 +3,1163,hurricane-michael,post,train,train\images\hurricane-michael_00000120_post_disaster.png,hurricane-michael_00000120_post_disaster,4,16280,train\masks\hurricane-michael_00000120_post_disaster.png,18,124132,28,23894,120,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000120_post_disaster.png,portugal-wildfire_00000120_post_disaster,0,0,tier3\masks\portugal-wildfire_00000120_post_disaster.png,0,0,0,0,120,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000121_post_disaster.png,moore-tornado_00000121_post_disaster,0,0,tier3\masks\moore-tornado_00000121_post_disaster.png,0,0,150,247581,121,3 +5,891,palu-tsunami,post,train,train\images\palu-tsunami_00000121_post_disaster.png,palu-tsunami_00000121_post_disaster,0,0,train\masks\palu-tsunami_00000121_post_disaster.png,2,1136,3,1014,121,3 +37,28676,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000121_post_disaster.png,joplin-tornado_00000121_post_disaster,18,20587,tier3\masks\joplin-tornado_00000121_post_disaster.png,10,12503,16,10782,121,2 +1,49,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000121_post_disaster.png,lower-puna-volcano_00000121_post_disaster,8,2759,tier3\masks\lower-puna-volcano_00000121_post_disaster.png,6,2212,10,5568,121,1 +1,39,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000121_post_disaster.png,nepal-flooding_00000121_post_disaster,0,0,tier3\masks\nepal-flooding_00000121_post_disaster.png,0,0,0,0,121,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000121_post_disaster.png,portugal-wildfire_00000121_post_disaster,0,0,tier3\masks\portugal-wildfire_00000121_post_disaster.png,0,0,0,0,121,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000121_post_disaster.png,tuscaloosa-tornado_00000121_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000121_post_disaster.png,0,0,0,0,121,4 +1,181,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000121_post_disaster.png,woolsey-fire_00000121_post_disaster,0,0,tier3\masks\woolsey-fire_00000121_post_disaster.png,0,0,3,2494,121,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000121_post_disaster.png,midwest-flooding_00000121_post_disaster,0,0,train\masks\midwest-flooding_00000121_post_disaster.png,0,0,1,97,121,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000121_post_disaster.png,pinery-bushfire_00000121_post_disaster,0,0,tier3\masks\pinery-bushfire_00000121_post_disaster.png,0,0,0,0,121,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000121_post_disaster.png,sunda-tsunami_00000121_post_disaster,0,0,tier3\masks\sunda-tsunami_00000121_post_disaster.png,0,0,0,0,121,2 +56,35036,moore-tornado,post,tier3,tier3\images\moore-tornado_00000122_post_disaster.png,moore-tornado_00000122_post_disaster,31,29028,tier3\masks\moore-tornado_00000122_post_disaster.png,20,19685,112,81028,122,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000122_post_disaster.png,pinery-bushfire_00000122_post_disaster,0,0,tier3\masks\pinery-bushfire_00000122_post_disaster.png,0,0,0,0,122,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000122_post_disaster.png,mexico-earthquake_00000122_post_disaster,0,0,train\masks\mexico-earthquake_00000122_post_disaster.png,0,0,227,410294,122,1 +1,995,hurricane-michael,post,train,train\images\hurricane-michael_00000122_post_disaster.png,hurricane-michael_00000122_post_disaster,0,0,train\masks\hurricane-michael_00000122_post_disaster.png,0,0,4,1286,122,4 +5,1147,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000122_post_disaster.png,lower-puna-volcano_00000122_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000122_post_disaster.png,0,0,10,4554,122,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000122_post_disaster.png,hurricane-florence_00000122_post_disaster,2,184514,train\masks\hurricane-florence_00000122_post_disaster.png,0,0,1,867,122,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000122_post_disaster.png,tuscaloosa-tornado_00000122_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000122_post_disaster.png,0,0,0,0,122,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000122_post_disaster.png,sunda-tsunami_00000122_post_disaster,0,0,tier3\masks\sunda-tsunami_00000122_post_disaster.png,0,0,0,0,122,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000122_post_disaster.png,portugal-wildfire_00000122_post_disaster,0,0,tier3\masks\portugal-wildfire_00000122_post_disaster.png,0,0,0,0,122,3 +6,1096,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000122_post_disaster.png,nepal-flooding_00000122_post_disaster,5,4049,tier3\masks\nepal-flooding_00000122_post_disaster.png,9,4961,29,30590,122,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000122_post_disaster.png,socal-fire_00000122_post_disaster,0,0,train\masks\socal-fire_00000122_post_disaster.png,0,0,0,0,122,0 +24,12189,palu-tsunami,post,train,train\images\palu-tsunami_00000122_post_disaster.png,palu-tsunami_00000122_post_disaster,0,0,train\masks\palu-tsunami_00000122_post_disaster.png,1,1131,79,253942,122,2 +43,81341,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000122_post_disaster.png,joplin-tornado_00000122_post_disaster,11,8331,tier3\masks\joplin-tornado_00000122_post_disaster.png,6,83101,4,3045,122,1 +6,10236,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000122_post_disaster.png,woolsey-fire_00000122_post_disaster,0,0,tier3\masks\woolsey-fire_00000122_post_disaster.png,0,0,6,2620,122,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000123_post_disaster.png,midwest-flooding_00000123_post_disaster,0,0,train\masks\midwest-flooding_00000123_post_disaster.png,0,0,0,0,123,1 +107,123730,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000123_post_disaster.png,joplin-tornado_00000123_post_disaster,0,0,tier3\masks\joplin-tornado_00000123_post_disaster.png,3,1567,0,0,123,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000123_post_disaster.png,sunda-tsunami_00000123_post_disaster,0,0,tier3\masks\sunda-tsunami_00000123_post_disaster.png,0,0,0,0,123,1 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000123_post_disaster.png,palu-tsunami_00000123_post_disaster,0,0,train\masks\palu-tsunami_00000123_post_disaster.png,0,0,90,156576,123,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000123_post_disaster.png,portugal-wildfire_00000123_post_disaster,0,0,tier3\masks\portugal-wildfire_00000123_post_disaster.png,0,0,23,29535,123,0 +5,2589,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000123_post_disaster.png,nepal-flooding_00000123_post_disaster,11,12214,tier3\masks\nepal-flooding_00000123_post_disaster.png,0,0,126,139578,123,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000123_post_disaster.png,tuscaloosa-tornado_00000123_post_disaster,11,17688,tier3\masks\tuscaloosa-tornado_00000123_post_disaster.png,0,0,18,21101,123,1 +3,6308,hurricane-harvey,post,train,train\images\hurricane-harvey_00000123_post_disaster.png,hurricane-harvey_00000123_post_disaster,0,0,train\masks\hurricane-harvey_00000123_post_disaster.png,67,149748,0,0,123,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000123_post_disaster.png,pinery-bushfire_00000123_post_disaster,0,0,tier3\masks\pinery-bushfire_00000123_post_disaster.png,0,0,0,0,123,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000123_post_disaster.png,moore-tornado_00000123_post_disaster,0,0,tier3\masks\moore-tornado_00000123_post_disaster.png,0,0,30,26043,123,2 +1,2121,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000123_post_disaster.png,woolsey-fire_00000123_post_disaster,0,0,tier3\masks\woolsey-fire_00000123_post_disaster.png,0,0,11,5544,123,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000123_post_disaster.png,lower-puna-volcano_00000123_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000123_post_disaster.png,0,0,0,0,123,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000123_post_disaster.png,hurricane-florence_00000123_post_disaster,0,0,train\masks\hurricane-florence_00000123_post_disaster.png,6,9623,0,0,123,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000124_post_disaster.png,moore-tornado_00000124_post_disaster,0,0,tier3\masks\moore-tornado_00000124_post_disaster.png,0,0,9,3450,124,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000124_post_disaster.png,joplin-tornado_00000124_post_disaster,6,11767,tier3\masks\joplin-tornado_00000124_post_disaster.png,0,0,15,16520,124,3 +1,55,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000124_post_disaster.png,pinery-bushfire_00000124_post_disaster,0,0,tier3\masks\pinery-bushfire_00000124_post_disaster.png,0,0,0,0,124,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000124_post_disaster.png,nepal-flooding_00000124_post_disaster,5,4668,tier3\masks\nepal-flooding_00000124_post_disaster.png,3,2142,9,4830,124,4 +1,328,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000124_post_disaster.png,woolsey-fire_00000124_post_disaster,0,0,tier3\masks\woolsey-fire_00000124_post_disaster.png,0,0,26,13014,124,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000124_post_disaster.png,tuscaloosa-tornado_00000124_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000124_post_disaster.png,0,0,4,34500,124,4 +11,8121,socal-fire,post,train,train\images\socal-fire_00000124_post_disaster.png,socal-fire_00000124_post_disaster,0,0,train\masks\socal-fire_00000124_post_disaster.png,1,852,4,3790,124,0 +91,154943,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000124_post_disaster.png,santa-rosa-wildfire_00000124_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000124_post_disaster.png,0,0,2,2517,124,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000124_post_disaster.png,lower-puna-volcano_00000124_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000124_post_disaster.png,0,0,0,0,124,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000124_post_disaster.png,sunda-tsunami_00000124_post_disaster,0,0,tier3\masks\sunda-tsunami_00000124_post_disaster.png,0,0,0,0,124,0 +1,1171,hurricane-michael,post,train,train\images\hurricane-michael_00000124_post_disaster.png,hurricane-michael_00000124_post_disaster,4,28040,train\masks\hurricane-michael_00000124_post_disaster.png,6,19624,2,5356,124,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000124_post_disaster.png,portugal-wildfire_00000124_post_disaster,0,0,tier3\masks\portugal-wildfire_00000124_post_disaster.png,0,0,4,2779,124,0 +17,9729,moore-tornado,post,tier3,tier3\images\moore-tornado_00000125_post_disaster.png,moore-tornado_00000125_post_disaster,15,21717,tier3\masks\moore-tornado_00000125_post_disaster.png,8,10998,85,116415,125,0 +57,142082,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000125_post_disaster.png,joplin-tornado_00000125_post_disaster,3,5347,tier3\masks\joplin-tornado_00000125_post_disaster.png,11,25863,2,560,125,1 +59,128774,palu-tsunami,post,train,train\images\palu-tsunami_00000125_post_disaster.png,palu-tsunami_00000125_post_disaster,0,0,train\masks\palu-tsunami_00000125_post_disaster.png,23,35560,100,427137,125,1 +31,9394,hurricane-matthew,post,train,train\images\hurricane-matthew_00000125_post_disaster.png,hurricane-matthew_00000125_post_disaster,13,8112,train\masks\hurricane-matthew_00000125_post_disaster.png,15,8528,35,24110,125,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000125_post_disaster.png,nepal-flooding_00000125_post_disaster,2,260,tier3\masks\nepal-flooding_00000125_post_disaster.png,0,0,105,94274,125,3 +1,1163,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000125_post_disaster.png,portugal-wildfire_00000125_post_disaster,0,0,tier3\masks\portugal-wildfire_00000125_post_disaster.png,0,0,2,2737,125,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000125_post_disaster.png,sunda-tsunami_00000125_post_disaster,0,0,tier3\masks\sunda-tsunami_00000125_post_disaster.png,0,0,0,0,125,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000125_post_disaster.png,tuscaloosa-tornado_00000125_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000125_post_disaster.png,0,0,0,0,125,4 +2,1244,hurricane-michael,post,train,train\images\hurricane-michael_00000125_post_disaster.png,hurricane-michael_00000125_post_disaster,24,36328,train\masks\hurricane-michael_00000125_post_disaster.png,17,27001,90,105448,125,4 +18,9639,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000125_post_disaster.png,lower-puna-volcano_00000125_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000125_post_disaster.png,0,0,9,12376,125,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000125_post_disaster.png,pinery-bushfire_00000125_post_disaster,0,0,tier3\masks\pinery-bushfire_00000125_post_disaster.png,0,0,0,0,125,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000125_post_disaster.png,santa-rosa-wildfire_00000125_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000125_post_disaster.png,0,0,0,0,125,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000125_post_disaster.png,woolsey-fire_00000125_post_disaster,1,1632,tier3\masks\woolsey-fire_00000125_post_disaster.png,0,0,15,4724,125,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000125_post_disaster.png,midwest-flooding_00000125_post_disaster,0,0,train\masks\midwest-flooding_00000125_post_disaster.png,0,0,5,3113,125,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000125_post_disaster.png,mexico-earthquake_00000125_post_disaster,0,0,train\masks\mexico-earthquake_00000125_post_disaster.png,0,0,153,377024,125,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000126_post_disaster.png,socal-fire_00000126_post_disaster,0,0,train\masks\socal-fire_00000126_post_disaster.png,0,0,29,71881,126,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000126_post_disaster.png,lower-puna-volcano_00000126_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000126_post_disaster.png,0,0,1,113,126,2 +3,3169,hurricane-harvey,post,train,train\images\hurricane-harvey_00000126_post_disaster.png,hurricane-harvey_00000126_post_disaster,0,0,train\masks\hurricane-harvey_00000126_post_disaster.png,8,92277,0,0,126,4 +12,3067,moore-tornado,post,tier3,tier3\images\moore-tornado_00000126_post_disaster.png,moore-tornado_00000126_post_disaster,14,14872,tier3\masks\moore-tornado_00000126_post_disaster.png,2,2315,9,5382,126,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000126_post_disaster.png,midwest-flooding_00000126_post_disaster,0,0,train\masks\midwest-flooding_00000126_post_disaster.png,0,0,0,0,126,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000126_post_disaster.png,portugal-wildfire_00000126_post_disaster,0,0,tier3\masks\portugal-wildfire_00000126_post_disaster.png,0,0,7,3358,126,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000126_post_disaster.png,tuscaloosa-tornado_00000126_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000126_post_disaster.png,0,0,0,0,126,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000126_post_disaster.png,palu-tsunami_00000126_post_disaster,0,0,train\masks\palu-tsunami_00000126_post_disaster.png,0,0,83,454381,126,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000126_post_disaster.png,mexico-earthquake_00000126_post_disaster,0,0,train\masks\mexico-earthquake_00000126_post_disaster.png,0,0,147,348516,126,0 +2,745,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000126_post_disaster.png,woolsey-fire_00000126_post_disaster,1,2760,tier3\masks\woolsey-fire_00000126_post_disaster.png,0,0,29,34435,126,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000126_post_disaster.png,hurricane-florence_00000126_post_disaster,1,20104,train\masks\hurricane-florence_00000126_post_disaster.png,0,0,0,0,126,2 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000126_post_disaster.png,joplin-tornado_00000126_post_disaster,0,0,tier3\masks\joplin-tornado_00000126_post_disaster.png,0,0,9,13365,126,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000126_post_disaster.png,pinery-bushfire_00000126_post_disaster,0,0,tier3\masks\pinery-bushfire_00000126_post_disaster.png,0,0,9,6840,126,2 +94,13584,hurricane-matthew,post,train,train\images\hurricane-matthew_00000126_post_disaster.png,hurricane-matthew_00000126_post_disaster,88,44213,train\masks\hurricane-matthew_00000126_post_disaster.png,67,28402,13,1745,126,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000126_post_disaster.png,sunda-tsunami_00000126_post_disaster,0,0,tier3\masks\sunda-tsunami_00000126_post_disaster.png,0,0,0,0,126,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000126_post_disaster.png,nepal-flooding_00000126_post_disaster,25,14984,tier3\masks\nepal-flooding_00000126_post_disaster.png,20,14148,52,63853,126,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000127_post_disaster.png,sunda-tsunami_00000127_post_disaster,0,0,tier3\masks\sunda-tsunami_00000127_post_disaster.png,0,0,0,0,127,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000127_post_disaster.png,midwest-flooding_00000127_post_disaster,0,0,train\masks\midwest-flooding_00000127_post_disaster.png,0,0,0,0,127,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000127_post_disaster.png,moore-tornado_00000127_post_disaster,0,0,tier3\masks\moore-tornado_00000127_post_disaster.png,0,0,90,205518,127,1 +145,162624,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000127_post_disaster.png,joplin-tornado_00000127_post_disaster,5,6314,tier3\masks\joplin-tornado_00000127_post_disaster.png,15,17075,3,3528,127,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000127_post_disaster.png,mexico-earthquake_00000127_post_disaster,0,0,train\masks\mexico-earthquake_00000127_post_disaster.png,0,0,95,228924,127,1 +1,5606,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000127_post_disaster.png,woolsey-fire_00000127_post_disaster,2,461,tier3\masks\woolsey-fire_00000127_post_disaster.png,1,5864,17,49342,127,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000127_post_disaster.png,pinery-bushfire_00000127_post_disaster,0,0,tier3\masks\pinery-bushfire_00000127_post_disaster.png,0,0,36,21735,127,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000127_post_disaster.png,lower-puna-volcano_00000127_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000127_post_disaster.png,0,0,26,10447,127,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000127_post_disaster.png,portugal-wildfire_00000127_post_disaster,0,0,tier3\masks\portugal-wildfire_00000127_post_disaster.png,0,0,0,0,127,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000127_post_disaster.png,nepal-flooding_00000127_post_disaster,4,2233,tier3\masks\nepal-flooding_00000127_post_disaster.png,2,685,9,10757,127,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000127_post_disaster.png,tuscaloosa-tornado_00000127_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000127_post_disaster.png,0,0,11,5704,127,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000128_post_disaster.png,sunda-tsunami_00000128_post_disaster,0,0,tier3\masks\sunda-tsunami_00000128_post_disaster.png,0,0,7,2786,128,0 +3,647,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000128_post_disaster.png,nepal-flooding_00000128_post_disaster,2,588,tier3\masks\nepal-flooding_00000128_post_disaster.png,6,2038,0,0,128,2 +1,81,hurricane-harvey,post,train,train\images\hurricane-harvey_00000128_post_disaster.png,hurricane-harvey_00000128_post_disaster,0,0,train\masks\hurricane-harvey_00000128_post_disaster.png,1,609,0,0,128,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000128_post_disaster.png,pinery-bushfire_00000128_post_disaster,0,0,tier3\masks\pinery-bushfire_00000128_post_disaster.png,0,0,0,0,128,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000128_post_disaster.png,hurricane-matthew_00000128_post_disaster,0,0,train\masks\hurricane-matthew_00000128_post_disaster.png,0,0,2,487,128,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000128_post_disaster.png,lower-puna-volcano_00000128_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000128_post_disaster.png,0,0,2,359,128,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000128_post_disaster.png,portugal-wildfire_00000128_post_disaster,0,0,tier3\masks\portugal-wildfire_00000128_post_disaster.png,0,0,9,4601,128,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000128_post_disaster.png,joplin-tornado_00000128_post_disaster,0,0,tier3\masks\joplin-tornado_00000128_post_disaster.png,0,0,168,185895,128,0 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000128_post_disaster.png,palu-tsunami_00000128_post_disaster,0,0,train\masks\palu-tsunami_00000128_post_disaster.png,0,0,90,87011,128,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000128_post_disaster.png,tuscaloosa-tornado_00000128_post_disaster,3,3061,tier3\masks\tuscaloosa-tornado_00000128_post_disaster.png,0,0,45,89625,128,4 +4,2424,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000128_post_disaster.png,woolsey-fire_00000128_post_disaster,1,701,tier3\masks\woolsey-fire_00000128_post_disaster.png,0,0,8,6588,128,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000128_post_disaster.png,santa-rosa-wildfire_00000128_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000128_post_disaster.png,0,0,11,6804,128,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000128_post_disaster.png,mexico-earthquake_00000128_post_disaster,2,5700,train\masks\mexico-earthquake_00000128_post_disaster.png,0,0,124,322670,128,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000128_post_disaster.png,moore-tornado_00000128_post_disaster,0,0,tier3\masks\moore-tornado_00000128_post_disaster.png,0,0,61,113944,128,2 +2,929,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000129_post_disaster.png,woolsey-fire_00000129_post_disaster,0,0,tier3\masks\woolsey-fire_00000129_post_disaster.png,0,0,9,4337,129,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000129_post_disaster.png,lower-puna-volcano_00000129_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000129_post_disaster.png,0,0,18,6811,129,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000129_post_disaster.png,nepal-flooding_00000129_post_disaster,11,4723,tier3\masks\nepal-flooding_00000129_post_disaster.png,1,472,29,30985,129,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000129_post_disaster.png,pinery-bushfire_00000129_post_disaster,0,0,tier3\masks\pinery-bushfire_00000129_post_disaster.png,0,0,0,0,129,3 +98,163499,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000129_post_disaster.png,santa-rosa-wildfire_00000129_post_disaster,1,590,train\masks\santa-rosa-wildfire_00000129_post_disaster.png,0,0,9,19059,129,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000129_post_disaster.png,sunda-tsunami_00000129_post_disaster,0,0,tier3\masks\sunda-tsunami_00000129_post_disaster.png,0,0,0,0,129,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000129_post_disaster.png,tuscaloosa-tornado_00000129_post_disaster,10,10576,tier3\masks\tuscaloosa-tornado_00000129_post_disaster.png,0,0,20,21665,129,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000129_post_disaster.png,mexico-earthquake_00000129_post_disaster,0,0,train\masks\mexico-earthquake_00000129_post_disaster.png,0,0,113,504001,129,4 +1,427,hurricane-matthew,post,train,train\images\hurricane-matthew_00000129_post_disaster.png,hurricane-matthew_00000129_post_disaster,27,14699,train\masks\hurricane-matthew_00000129_post_disaster.png,4,1980,37,15705,129,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000129_post_disaster.png,portugal-wildfire_00000129_post_disaster,0,0,tier3\masks\portugal-wildfire_00000129_post_disaster.png,0,0,0,0,129,2 +99,105754,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000129_post_disaster.png,joplin-tornado_00000129_post_disaster,17,21934,tier3\masks\joplin-tornado_00000129_post_disaster.png,20,25532,11,3898,129,1 +1,650,hurricane-harvey,post,train,train\images\hurricane-harvey_00000129_post_disaster.png,hurricane-harvey_00000129_post_disaster,0,0,train\masks\hurricane-harvey_00000129_post_disaster.png,2,1249,0,0,129,0 +11,908,moore-tornado,post,tier3,tier3\images\moore-tornado_00000129_post_disaster.png,moore-tornado_00000129_post_disaster,15,11620,tier3\masks\moore-tornado_00000129_post_disaster.png,0,0,178,202396,129,3 +2,340,midwest-flooding,post,train,train\images\midwest-flooding_00000130_post_disaster.png,midwest-flooding_00000130_post_disaster,1,668,train\masks\midwest-flooding_00000130_post_disaster.png,1,386,7,4566,130,4 +3,512,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000130_post_disaster.png,woolsey-fire_00000130_post_disaster,1,186,tier3\masks\woolsey-fire_00000130_post_disaster.png,0,0,6,5972,130,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000130_post_disaster.png,moore-tornado_00000130_post_disaster,0,0,tier3\masks\moore-tornado_00000130_post_disaster.png,0,0,26,27607,130,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000130_post_disaster.png,pinery-bushfire_00000130_post_disaster,0,0,tier3\masks\pinery-bushfire_00000130_post_disaster.png,0,0,0,0,130,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000130_post_disaster.png,nepal-flooding_00000130_post_disaster,0,0,tier3\masks\nepal-flooding_00000130_post_disaster.png,0,0,0,0,130,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000130_post_disaster.png,socal-fire_00000130_post_disaster,0,0,train\masks\socal-fire_00000130_post_disaster.png,0,0,0,0,130,4 +49,102550,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000130_post_disaster.png,santa-rosa-wildfire_00000130_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000130_post_disaster.png,0,0,0,0,130,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000130_post_disaster.png,tuscaloosa-tornado_00000130_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000130_post_disaster.png,0,0,0,0,130,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000130_post_disaster.png,portugal-wildfire_00000130_post_disaster,0,0,tier3\masks\portugal-wildfire_00000130_post_disaster.png,0,0,0,0,130,0 +4,2283,hurricane-harvey,post,train,train\images\hurricane-harvey_00000130_post_disaster.png,hurricane-harvey_00000130_post_disaster,0,0,train\masks\hurricane-harvey_00000130_post_disaster.png,2,1261,0,0,130,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000130_post_disaster.png,joplin-tornado_00000130_post_disaster,0,0,tier3\masks\joplin-tornado_00000130_post_disaster.png,0,0,152,214824,130,2 +7,1610,hurricane-matthew,post,train,train\images\hurricane-matthew_00000130_post_disaster.png,hurricane-matthew_00000130_post_disaster,10,5020,train\masks\hurricane-matthew_00000130_post_disaster.png,7,5239,49,29389,130,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000130_post_disaster.png,hurricane-michael_00000130_post_disaster,7,9754,train\masks\hurricane-michael_00000130_post_disaster.png,0,0,1,1083,130,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000130_post_disaster.png,sunda-tsunami_00000130_post_disaster,0,0,tier3\masks\sunda-tsunami_00000130_post_disaster.png,0,0,12,6054,130,2 +3,372,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000130_post_disaster.png,lower-puna-volcano_00000130_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000130_post_disaster.png,0,0,0,0,130,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000131_post_disaster.png,nepal-flooding_00000131_post_disaster,0,0,tier3\masks\nepal-flooding_00000131_post_disaster.png,0,0,10,1038,131,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000131_post_disaster.png,pinery-bushfire_00000131_post_disaster,0,0,tier3\masks\pinery-bushfire_00000131_post_disaster.png,0,0,0,0,131,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000131_post_disaster.png,moore-tornado_00000131_post_disaster,0,0,tier3\masks\moore-tornado_00000131_post_disaster.png,0,0,103,123855,131,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000131_post_disaster.png,woolsey-fire_00000131_post_disaster,0,0,tier3\masks\woolsey-fire_00000131_post_disaster.png,0,0,0,0,131,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000131_post_disaster.png,lower-puna-volcano_00000131_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000131_post_disaster.png,0,0,0,0,131,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000131_post_disaster.png,midwest-flooding_00000131_post_disaster,0,0,train\masks\midwest-flooding_00000131_post_disaster.png,0,0,6,4725,131,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000131_post_disaster.png,sunda-tsunami_00000131_post_disaster,0,0,tier3\masks\sunda-tsunami_00000131_post_disaster.png,0,0,0,0,131,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000131_post_disaster.png,tuscaloosa-tornado_00000131_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000131_post_disaster.png,0,0,1,2177,131,3 +29,24189,palu-tsunami,post,train,train\images\palu-tsunami_00000131_post_disaster.png,palu-tsunami_00000131_post_disaster,0,0,train\masks\palu-tsunami_00000131_post_disaster.png,18,48761,105,166472,131,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000131_post_disaster.png,portugal-wildfire_00000131_post_disaster,0,0,tier3\masks\portugal-wildfire_00000131_post_disaster.png,0,0,0,0,131,3 +17,18460,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000131_post_disaster.png,joplin-tornado_00000131_post_disaster,8,9017,tier3\masks\joplin-tornado_00000131_post_disaster.png,7,7950,1,792,131,1 +16,9190,moore-tornado,post,tier3,tier3\images\moore-tornado_00000132_post_disaster.png,moore-tornado_00000132_post_disaster,10,11494,tier3\masks\moore-tornado_00000132_post_disaster.png,6,7431,116,80773,132,3 +22,10587,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000132_post_disaster.png,woolsey-fire_00000132_post_disaster,1,800,tier3\masks\woolsey-fire_00000132_post_disaster.png,0,0,9,2019,132,1 +1,1177,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000132_post_disaster.png,nepal-flooding_00000132_post_disaster,0,0,tier3\masks\nepal-flooding_00000132_post_disaster.png,0,0,10,2627,132,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000132_post_disaster.png,joplin-tornado_00000132_post_disaster,2,1418,tier3\masks\joplin-tornado_00000132_post_disaster.png,0,0,139,121584,132,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000132_post_disaster.png,lower-puna-volcano_00000132_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000132_post_disaster.png,0,0,2,238,132,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000132_post_disaster.png,hurricane-florence_00000132_post_disaster,0,0,train\masks\hurricane-florence_00000132_post_disaster.png,6,5019,0,0,132,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000132_post_disaster.png,santa-rosa-wildfire_00000132_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000132_post_disaster.png,0,0,147,188531,132,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000132_post_disaster.png,portugal-wildfire_00000132_post_disaster,0,0,tier3\masks\portugal-wildfire_00000132_post_disaster.png,0,0,1,865,132,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000132_post_disaster.png,sunda-tsunami_00000132_post_disaster,0,0,tier3\masks\sunda-tsunami_00000132_post_disaster.png,0,0,2,1195,132,2 +10,1765,hurricane-matthew,post,train,train\images\hurricane-matthew_00000132_post_disaster.png,hurricane-matthew_00000132_post_disaster,2,441,train\masks\hurricane-matthew_00000132_post_disaster.png,0,0,4,608,132,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000132_post_disaster.png,mexico-earthquake_00000132_post_disaster,0,0,train\masks\mexico-earthquake_00000132_post_disaster.png,0,0,40,147324,132,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000132_post_disaster.png,midwest-flooding_00000132_post_disaster,1,1965,train\masks\midwest-flooding_00000132_post_disaster.png,0,0,4,2150,132,3 +1,228,palu-tsunami,post,train,train\images\palu-tsunami_00000132_post_disaster.png,palu-tsunami_00000132_post_disaster,0,0,train\masks\palu-tsunami_00000132_post_disaster.png,0,0,16,18213,132,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000132_post_disaster.png,hurricane-harvey_00000132_post_disaster,29,40020,train\masks\hurricane-harvey_00000132_post_disaster.png,188,291769,0,0,132,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000132_post_disaster.png,pinery-bushfire_00000132_post_disaster,0,0,tier3\masks\pinery-bushfire_00000132_post_disaster.png,0,0,0,0,132,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000132_post_disaster.png,tuscaloosa-tornado_00000132_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000132_post_disaster.png,0,0,1,837,132,3 +1,128,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000133_post_disaster.png,lower-puna-volcano_00000133_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000133_post_disaster.png,0,0,16,3237,133,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000133_post_disaster.png,joplin-tornado_00000133_post_disaster,2,3554,tier3\masks\joplin-tornado_00000133_post_disaster.png,0,0,161,195461,133,1 +29,8119,hurricane-matthew,post,train,train\images\hurricane-matthew_00000133_post_disaster.png,hurricane-matthew_00000133_post_disaster,5,1904,train\masks\hurricane-matthew_00000133_post_disaster.png,12,4522,0,0,133,3 +11,5691,hurricane-michael,post,train,train\images\hurricane-michael_00000133_post_disaster.png,hurricane-michael_00000133_post_disaster,98,84027,train\masks\hurricane-michael_00000133_post_disaster.png,19,18843,96,89173,133,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000133_post_disaster.png,tuscaloosa-tornado_00000133_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000133_post_disaster.png,0,0,19,69760,133,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000133_post_disaster.png,moore-tornado_00000133_post_disaster,8,10979,tier3\masks\moore-tornado_00000133_post_disaster.png,8,9787,5,3187,133,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000133_post_disaster.png,sunda-tsunami_00000133_post_disaster,0,0,tier3\masks\sunda-tsunami_00000133_post_disaster.png,0,0,0,0,133,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000133_post_disaster.png,woolsey-fire_00000133_post_disaster,0,0,tier3\masks\woolsey-fire_00000133_post_disaster.png,0,0,0,0,133,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000133_post_disaster.png,portugal-wildfire_00000133_post_disaster,0,0,tier3\masks\portugal-wildfire_00000133_post_disaster.png,0,0,1,950,133,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000133_post_disaster.png,pinery-bushfire_00000133_post_disaster,0,0,tier3\masks\pinery-bushfire_00000133_post_disaster.png,0,0,0,0,133,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000133_post_disaster.png,nepal-flooding_00000133_post_disaster,5,4306,tier3\masks\nepal-flooding_00000133_post_disaster.png,0,0,66,61094,133,4 +4,577,palu-tsunami,post,train,train\images\palu-tsunami_00000133_post_disaster.png,palu-tsunami_00000133_post_disaster,0,0,train\masks\palu-tsunami_00000133_post_disaster.png,0,0,25,46716,133,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000134_post_disaster.png,portugal-wildfire_00000134_post_disaster,0,0,tier3\masks\portugal-wildfire_00000134_post_disaster.png,0,0,26,26586,134,0 +1,2472,palu-tsunami,post,train,train\images\palu-tsunami_00000134_post_disaster.png,palu-tsunami_00000134_post_disaster,0,0,train\masks\palu-tsunami_00000134_post_disaster.png,2,2077,92,616989,134,0 +18,23336,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000134_post_disaster.png,santa-rosa-wildfire_00000134_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000134_post_disaster.png,0,0,7,9045,134,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000134_post_disaster.png,lower-puna-volcano_00000134_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000134_post_disaster.png,0,0,0,0,134,0 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000134_post_disaster.png,sunda-tsunami_00000134_post_disaster,0,0,tier3\masks\sunda-tsunami_00000134_post_disaster.png,0,0,65,30474,134,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000134_post_disaster.png,moore-tornado_00000134_post_disaster,0,0,tier3\masks\moore-tornado_00000134_post_disaster.png,0,0,100,132233,134,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000134_post_disaster.png,hurricane-michael_00000134_post_disaster,1,1836,train\masks\hurricane-michael_00000134_post_disaster.png,1,856,2,2956,134,0 +1,198,hurricane-matthew,post,train,train\images\hurricane-matthew_00000134_post_disaster.png,hurricane-matthew_00000134_post_disaster,15,10654,train\masks\hurricane-matthew_00000134_post_disaster.png,1,2896,13,7906,134,1 +5,930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000134_post_disaster.png,woolsey-fire_00000134_post_disaster,2,256,tier3\masks\woolsey-fire_00000134_post_disaster.png,0,0,0,0,134,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000134_post_disaster.png,pinery-bushfire_00000134_post_disaster,1,244,tier3\masks\pinery-bushfire_00000134_post_disaster.png,0,0,12,1925,134,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000134_post_disaster.png,hurricane-harvey_00000134_post_disaster,16,18686,train\masks\hurricane-harvey_00000134_post_disaster.png,0,0,132,276744,134,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000134_post_disaster.png,tuscaloosa-tornado_00000134_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000134_post_disaster.png,0,0,1,274,134,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000134_post_disaster.png,nepal-flooding_00000134_post_disaster,0,0,tier3\masks\nepal-flooding_00000134_post_disaster.png,4,2157,2,1898,134,2 +3,1234,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000134_post_disaster.png,joplin-tornado_00000134_post_disaster,10,15227,tier3\masks\joplin-tornado_00000134_post_disaster.png,0,0,73,62996,134,4 +2,2462,hurricane-michael,post,train,train\images\hurricane-michael_00000135_post_disaster.png,hurricane-michael_00000135_post_disaster,6,16599,train\masks\hurricane-michael_00000135_post_disaster.png,10,34463,40,85392,135,2 +4,2705,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000135_post_disaster.png,joplin-tornado_00000135_post_disaster,0,0,tier3\masks\joplin-tornado_00000135_post_disaster.png,0,0,45,38183,135,0 +28,13955,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000135_post_disaster.png,lower-puna-volcano_00000135_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000135_post_disaster.png,0,0,1,1674,135,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000135_post_disaster.png,tuscaloosa-tornado_00000135_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000135_post_disaster.png,0,0,0,0,135,2 +2,832,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000135_post_disaster.png,portugal-wildfire_00000135_post_disaster,0,0,tier3\masks\portugal-wildfire_00000135_post_disaster.png,0,0,2,1928,135,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000135_post_disaster.png,pinery-bushfire_00000135_post_disaster,0,0,tier3\masks\pinery-bushfire_00000135_post_disaster.png,0,0,1,125,135,3 +24,43242,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000135_post_disaster.png,santa-rosa-wildfire_00000135_post_disaster,1,914,train\masks\santa-rosa-wildfire_00000135_post_disaster.png,0,0,1,266,135,3 +2,1924,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000135_post_disaster.png,woolsey-fire_00000135_post_disaster,1,457,tier3\masks\woolsey-fire_00000135_post_disaster.png,0,0,0,0,135,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000135_post_disaster.png,moore-tornado_00000135_post_disaster,0,0,tier3\masks\moore-tornado_00000135_post_disaster.png,0,0,6,11228,135,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000135_post_disaster.png,socal-fire_00000135_post_disaster,0,0,train\masks\socal-fire_00000135_post_disaster.png,0,0,1,67,135,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000135_post_disaster.png,sunda-tsunami_00000135_post_disaster,0,0,tier3\masks\sunda-tsunami_00000135_post_disaster.png,0,0,145,63461,135,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000135_post_disaster.png,nepal-flooding_00000135_post_disaster,0,0,tier3\masks\nepal-flooding_00000135_post_disaster.png,0,0,0,0,135,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000136_post_disaster.png,pinery-bushfire_00000136_post_disaster,0,0,tier3\masks\pinery-bushfire_00000136_post_disaster.png,0,0,4,1662,136,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000136_post_disaster.png,woolsey-fire_00000136_post_disaster,0,0,tier3\masks\woolsey-fire_00000136_post_disaster.png,0,0,1,141,136,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000136_post_disaster.png,mexico-earthquake_00000136_post_disaster,0,0,train\masks\mexico-earthquake_00000136_post_disaster.png,0,0,30,578985,136,3 +1,661,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000136_post_disaster.png,joplin-tornado_00000136_post_disaster,3,8013,tier3\masks\joplin-tornado_00000136_post_disaster.png,2,1953,50,74395,136,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000136_post_disaster.png,hurricane-florence_00000136_post_disaster,0,0,train\masks\hurricane-florence_00000136_post_disaster.png,2,1275,0,0,136,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000136_post_disaster.png,hurricane-harvey_00000136_post_disaster,0,0,train\masks\hurricane-harvey_00000136_post_disaster.png,6,4600,0,0,136,1 +38,61432,palu-tsunami,post,train,train\images\palu-tsunami_00000136_post_disaster.png,palu-tsunami_00000136_post_disaster,0,0,train\masks\palu-tsunami_00000136_post_disaster.png,10,22759,43,127270,136,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000136_post_disaster.png,socal-fire_00000136_post_disaster,0,0,train\masks\socal-fire_00000136_post_disaster.png,0,0,30,40189,136,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000136_post_disaster.png,tuscaloosa-tornado_00000136_post_disaster,8,11696,tier3\masks\tuscaloosa-tornado_00000136_post_disaster.png,0,0,58,80152,136,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000136_post_disaster.png,santa-rosa-wildfire_00000136_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000136_post_disaster.png,0,0,27,21980,136,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000136_post_disaster.png,nepal-flooding_00000136_post_disaster,19,11565,tier3\masks\nepal-flooding_00000136_post_disaster.png,0,0,72,37852,136,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000136_post_disaster.png,lower-puna-volcano_00000136_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000136_post_disaster.png,0,0,4,2810,136,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000136_post_disaster.png,sunda-tsunami_00000136_post_disaster,0,0,tier3\masks\sunda-tsunami_00000136_post_disaster.png,0,0,140,77789,136,4 +5,6261,hurricane-michael,post,train,train\images\hurricane-michael_00000136_post_disaster.png,hurricane-michael_00000136_post_disaster,6,6783,train\masks\hurricane-michael_00000136_post_disaster.png,6,7732,2,569,136,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000136_post_disaster.png,portugal-wildfire_00000136_post_disaster,3,1108,tier3\masks\portugal-wildfire_00000136_post_disaster.png,1,953,13,8672,136,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000136_post_disaster.png,moore-tornado_00000136_post_disaster,3,2793,tier3\masks\moore-tornado_00000136_post_disaster.png,0,0,179,173114,136,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000136_post_disaster.png,hurricane-matthew_00000136_post_disaster,0,0,train\masks\hurricane-matthew_00000136_post_disaster.png,0,0,4,3248,136,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000137_post_disaster.png,hurricane-michael_00000137_post_disaster,16,20270,train\masks\hurricane-michael_00000137_post_disaster.png,8,11132,45,55044,137,4 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000137_post_disaster.png,sunda-tsunami_00000137_post_disaster,0,0,tier3\masks\sunda-tsunami_00000137_post_disaster.png,0,0,2,4568,137,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000137_post_disaster.png,hurricane-harvey_00000137_post_disaster,17,46330,train\masks\hurricane-harvey_00000137_post_disaster.png,165,271361,0,0,137,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000137_post_disaster.png,palu-tsunami_00000137_post_disaster,0,0,train\masks\palu-tsunami_00000137_post_disaster.png,0,0,41,703460,137,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000137_post_disaster.png,midwest-flooding_00000137_post_disaster,0,0,train\masks\midwest-flooding_00000137_post_disaster.png,0,0,0,0,137,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000137_post_disaster.png,tuscaloosa-tornado_00000137_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000137_post_disaster.png,1,452,31,18123,137,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000137_post_disaster.png,portugal-wildfire_00000137_post_disaster,0,0,tier3\masks\portugal-wildfire_00000137_post_disaster.png,0,0,1,61,137,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000137_post_disaster.png,nepal-flooding_00000137_post_disaster,0,0,tier3\masks\nepal-flooding_00000137_post_disaster.png,0,0,0,0,137,0 +43,17425,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000137_post_disaster.png,woolsey-fire_00000137_post_disaster,0,0,tier3\masks\woolsey-fire_00000137_post_disaster.png,1,245,42,17005,137,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000137_post_disaster.png,pinery-bushfire_00000137_post_disaster,0,0,tier3\masks\pinery-bushfire_00000137_post_disaster.png,0,0,1,871,137,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000137_post_disaster.png,moore-tornado_00000137_post_disaster,0,0,tier3\masks\moore-tornado_00000137_post_disaster.png,0,0,86,167301,137,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000137_post_disaster.png,joplin-tornado_00000137_post_disaster,9,11535,tier3\masks\joplin-tornado_00000137_post_disaster.png,1,1713,71,76092,137,4 +3,495,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000137_post_disaster.png,lower-puna-volcano_00000137_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000137_post_disaster.png,0,0,3,1980,137,4 +2,1457,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000137_post_disaster.png,santa-rosa-wildfire_00000137_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000137_post_disaster.png,0,0,0,0,137,2 +3,406,hurricane-matthew,post,train,train\images\hurricane-matthew_00000137_post_disaster.png,hurricane-matthew_00000137_post_disaster,0,0,train\masks\hurricane-matthew_00000137_post_disaster.png,1,289,0,0,137,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000138_post_disaster.png,lower-puna-volcano_00000138_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000138_post_disaster.png,0,0,4,507,138,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000138_post_disaster.png,tuscaloosa-tornado_00000138_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000138_post_disaster.png,0,0,14,57445,138,2 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000138_post_disaster.png,sunda-tsunami_00000138_post_disaster,0,0,tier3\masks\sunda-tsunami_00000138_post_disaster.png,0,0,0,0,138,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000138_post_disaster.png,pinery-bushfire_00000138_post_disaster,0,0,tier3\masks\pinery-bushfire_00000138_post_disaster.png,0,0,0,0,138,0 +39,40634,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000138_post_disaster.png,santa-rosa-wildfire_00000138_post_disaster,2,2976,train\masks\santa-rosa-wildfire_00000138_post_disaster.png,1,1033,198,260980,138,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000138_post_disaster.png,moore-tornado_00000138_post_disaster,0,0,tier3\masks\moore-tornado_00000138_post_disaster.png,0,0,35,29526,138,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000138_post_disaster.png,nepal-flooding_00000138_post_disaster,3,561,tier3\masks\nepal-flooding_00000138_post_disaster.png,6,3575,130,93953,138,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000138_post_disaster.png,mexico-earthquake_00000138_post_disaster,0,0,train\masks\mexico-earthquake_00000138_post_disaster.png,0,0,211,489841,138,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000138_post_disaster.png,woolsey-fire_00000138_post_disaster,0,0,tier3\masks\woolsey-fire_00000138_post_disaster.png,0,0,2,8333,138,1 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000138_post_disaster.png,joplin-tornado_00000138_post_disaster,4,4133,tier3\masks\joplin-tornado_00000138_post_disaster.png,0,0,122,124842,138,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000138_post_disaster.png,hurricane-florence_00000138_post_disaster,0,0,train\masks\hurricane-florence_00000138_post_disaster.png,0,0,1,68,138,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000138_post_disaster.png,hurricane-harvey_00000138_post_disaster,26,167217,train\masks\hurricane-harvey_00000138_post_disaster.png,3,22053,0,0,138,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000138_post_disaster.png,portugal-wildfire_00000138_post_disaster,0,0,tier3\masks\portugal-wildfire_00000138_post_disaster.png,0,0,0,0,138,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000139_post_disaster.png,portugal-wildfire_00000139_post_disaster,0,0,tier3\masks\portugal-wildfire_00000139_post_disaster.png,0,0,0,0,139,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000139_post_disaster.png,pinery-bushfire_00000139_post_disaster,0,0,tier3\masks\pinery-bushfire_00000139_post_disaster.png,0,0,1,79,139,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000139_post_disaster.png,moore-tornado_00000139_post_disaster,0,0,tier3\masks\moore-tornado_00000139_post_disaster.png,0,0,192,192351,139,4 +1,61,midwest-flooding,post,train,train\images\midwest-flooding_00000139_post_disaster.png,midwest-flooding_00000139_post_disaster,0,0,train\masks\midwest-flooding_00000139_post_disaster.png,0,0,0,0,139,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000139_post_disaster.png,hurricane-matthew_00000139_post_disaster,0,0,train\masks\hurricane-matthew_00000139_post_disaster.png,0,0,5,1774,139,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000139_post_disaster.png,hurricane-florence_00000139_post_disaster,0,0,train\masks\hurricane-florence_00000139_post_disaster.png,7,4087,0,0,139,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000139_post_disaster.png,sunda-tsunami_00000139_post_disaster,0,0,tier3\masks\sunda-tsunami_00000139_post_disaster.png,0,0,20,56248,139,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000139_post_disaster.png,nepal-flooding_00000139_post_disaster,0,0,tier3\masks\nepal-flooding_00000139_post_disaster.png,2,396,17,11684,139,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000139_post_disaster.png,lower-puna-volcano_00000139_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000139_post_disaster.png,0,0,24,8153,139,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000139_post_disaster.png,tuscaloosa-tornado_00000139_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000139_post_disaster.png,0,0,4,3617,139,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000139_post_disaster.png,woolsey-fire_00000139_post_disaster,0,0,tier3\masks\woolsey-fire_00000139_post_disaster.png,0,0,2,368,139,4 +11,7398,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000139_post_disaster.png,joplin-tornado_00000139_post_disaster,27,31321,tier3\masks\joplin-tornado_00000139_post_disaster.png,8,8374,65,50472,139,3 +21,5521,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000140_post_disaster.png,sunda-tsunami_00000140_post_disaster,0,0,tier3\masks\sunda-tsunami_00000140_post_disaster.png,9,4242,17,19704,140,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000140_post_disaster.png,nepal-flooding_00000140_post_disaster,0,0,tier3\masks\nepal-flooding_00000140_post_disaster.png,5,1883,0,0,140,1 +2,1941,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000140_post_disaster.png,woolsey-fire_00000140_post_disaster,0,0,tier3\masks\woolsey-fire_00000140_post_disaster.png,0,0,26,28778,140,0 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000140_post_disaster.png,palu-tsunami_00000140_post_disaster,0,0,train\masks\palu-tsunami_00000140_post_disaster.png,0,0,70,599110,140,4 +14,15654,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000140_post_disaster.png,santa-rosa-wildfire_00000140_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000140_post_disaster.png,0,0,9,3883,140,1 +2,368,midwest-flooding,post,train,train\images\midwest-flooding_00000140_post_disaster.png,midwest-flooding_00000140_post_disaster,0,0,train\masks\midwest-flooding_00000140_post_disaster.png,0,0,12,10625,140,0 +30,26830,moore-tornado,post,tier3,tier3\images\moore-tornado_00000140_post_disaster.png,moore-tornado_00000140_post_disaster,54,70614,tier3\masks\moore-tornado_00000140_post_disaster.png,24,33071,101,101122,140,4 +7,17850,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000140_post_disaster.png,lower-puna-volcano_00000140_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000140_post_disaster.png,0,0,0,0,140,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000140_post_disaster.png,mexico-earthquake_00000140_post_disaster,0,0,train\masks\mexico-earthquake_00000140_post_disaster.png,0,0,93,468823,140,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000140_post_disaster.png,pinery-bushfire_00000140_post_disaster,0,0,tier3\masks\pinery-bushfire_00000140_post_disaster.png,0,0,4,75640,140,4 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000140_post_disaster.png,joplin-tornado_00000140_post_disaster,0,0,tier3\masks\joplin-tornado_00000140_post_disaster.png,0,0,49,34782,140,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000140_post_disaster.png,hurricane-florence_00000140_post_disaster,0,0,train\masks\hurricane-florence_00000140_post_disaster.png,1,101,0,0,140,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000140_post_disaster.png,portugal-wildfire_00000140_post_disaster,0,0,tier3\masks\portugal-wildfire_00000140_post_disaster.png,0,0,0,0,140,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000140_post_disaster.png,tuscaloosa-tornado_00000140_post_disaster,3,3274,tier3\masks\tuscaloosa-tornado_00000140_post_disaster.png,0,0,76,107827,140,3 +24,7340,hurricane-matthew,post,train,train\images\hurricane-matthew_00000140_post_disaster.png,hurricane-matthew_00000140_post_disaster,13,9859,train\masks\hurricane-matthew_00000140_post_disaster.png,4,2786,7,4572,140,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000141_post_disaster.png,pinery-bushfire_00000141_post_disaster,0,0,tier3\masks\pinery-bushfire_00000141_post_disaster.png,0,0,0,0,141,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000141_post_disaster.png,moore-tornado_00000141_post_disaster,0,0,tier3\masks\moore-tornado_00000141_post_disaster.png,0,0,119,144361,141,1 +73,63410,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000141_post_disaster.png,joplin-tornado_00000141_post_disaster,21,24084,tier3\masks\joplin-tornado_00000141_post_disaster.png,15,18941,17,37293,141,4 +1,1455,hurricane-michael,post,train,train\images\hurricane-michael_00000141_post_disaster.png,hurricane-michael_00000141_post_disaster,31,86418,train\masks\hurricane-michael_00000141_post_disaster.png,2,5278,47,99423,141,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000141_post_disaster.png,sunda-tsunami_00000141_post_disaster,0,0,tier3\masks\sunda-tsunami_00000141_post_disaster.png,0,0,38,34762,141,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000141_post_disaster.png,nepal-flooding_00000141_post_disaster,0,0,tier3\masks\nepal-flooding_00000141_post_disaster.png,2,2767,0,0,141,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000141_post_disaster.png,portugal-wildfire_00000141_post_disaster,0,0,tier3\masks\portugal-wildfire_00000141_post_disaster.png,0,0,0,0,141,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000141_post_disaster.png,mexico-earthquake_00000141_post_disaster,0,0,train\masks\mexico-earthquake_00000141_post_disaster.png,0,0,38,29839,141,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000141_post_disaster.png,socal-fire_00000141_post_disaster,0,0,train\masks\socal-fire_00000141_post_disaster.png,0,0,0,0,141,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000141_post_disaster.png,lower-puna-volcano_00000141_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000141_post_disaster.png,0,0,0,0,141,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000141_post_disaster.png,midwest-flooding_00000141_post_disaster,0,0,train\masks\midwest-flooding_00000141_post_disaster.png,0,0,3,646,141,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000141_post_disaster.png,tuscaloosa-tornado_00000141_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000141_post_disaster.png,0,0,9,10153,141,1 +1,284,hurricane-harvey,post,train,train\images\hurricane-harvey_00000141_post_disaster.png,hurricane-harvey_00000141_post_disaster,0,0,train\masks\hurricane-harvey_00000141_post_disaster.png,11,16878,0,0,141,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000141_post_disaster.png,woolsey-fire_00000141_post_disaster,0,0,tier3\masks\woolsey-fire_00000141_post_disaster.png,0,0,0,0,141,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000142_post_disaster.png,nepal-flooding_00000142_post_disaster,12,8913,tier3\masks\nepal-flooding_00000142_post_disaster.png,1,59,84,107423,142,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000142_post_disaster.png,sunda-tsunami_00000142_post_disaster,0,0,tier3\masks\sunda-tsunami_00000142_post_disaster.png,0,0,0,0,142,0 +1,239,hurricane-michael,post,train,train\images\hurricane-michael_00000142_post_disaster.png,hurricane-michael_00000142_post_disaster,14,16730,train\masks\hurricane-michael_00000142_post_disaster.png,6,7077,53,61482,142,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000142_post_disaster.png,portugal-wildfire_00000142_post_disaster,0,0,tier3\masks\portugal-wildfire_00000142_post_disaster.png,0,0,2,911,142,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000142_post_disaster.png,hurricane-florence_00000142_post_disaster,0,0,train\masks\hurricane-florence_00000142_post_disaster.png,0,0,0,0,142,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000142_post_disaster.png,tuscaloosa-tornado_00000142_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000142_post_disaster.png,0,0,37,32332,142,0 +14,13995,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000142_post_disaster.png,woolsey-fire_00000142_post_disaster,1,441,tier3\masks\woolsey-fire_00000142_post_disaster.png,0,0,32,48694,142,4 +11,5469,palu-tsunami,post,train,train\images\palu-tsunami_00000142_post_disaster.png,palu-tsunami_00000142_post_disaster,0,0,train\masks\palu-tsunami_00000142_post_disaster.png,1,305,6,4113,142,1 +67,80343,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000142_post_disaster.png,joplin-tornado_00000142_post_disaster,31,31008,tier3\masks\joplin-tornado_00000142_post_disaster.png,13,17702,11,4943,142,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000142_post_disaster.png,hurricane-harvey_00000142_post_disaster,17,43064,train\masks\hurricane-harvey_00000142_post_disaster.png,203,245919,0,0,142,3 +1,91,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000142_post_disaster.png,pinery-bushfire_00000142_post_disaster,0,0,tier3\masks\pinery-bushfire_00000142_post_disaster.png,0,0,0,0,142,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000142_post_disaster.png,moore-tornado_00000142_post_disaster,0,0,tier3\masks\moore-tornado_00000142_post_disaster.png,0,0,24,41092,142,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000142_post_disaster.png,santa-rosa-wildfire_00000142_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000142_post_disaster.png,0,0,146,117325,142,2 +1,297,mexico-earthquake,post,train,train\images\mexico-earthquake_00000142_post_disaster.png,mexico-earthquake_00000142_post_disaster,1,1355,train\masks\mexico-earthquake_00000142_post_disaster.png,1,756,80,196018,142,4 +8,4818,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000142_post_disaster.png,lower-puna-volcano_00000142_post_disaster,1,195,tier3\masks\lower-puna-volcano_00000142_post_disaster.png,2,440,22,12672,142,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000143_post_disaster.png,pinery-bushfire_00000143_post_disaster,0,0,tier3\masks\pinery-bushfire_00000143_post_disaster.png,0,0,0,0,143,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000143_post_disaster.png,hurricane-michael_00000143_post_disaster,47,47106,train\masks\hurricane-michael_00000143_post_disaster.png,0,0,2,1773,143,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000143_post_disaster.png,tuscaloosa-tornado_00000143_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000143_post_disaster.png,0,0,1,49,143,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000143_post_disaster.png,lower-puna-volcano_00000143_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000143_post_disaster.png,0,0,7,3628,143,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000143_post_disaster.png,sunda-tsunami_00000143_post_disaster,0,0,tier3\masks\sunda-tsunami_00000143_post_disaster.png,0,0,18,6548,143,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000143_post_disaster.png,portugal-wildfire_00000143_post_disaster,0,0,tier3\masks\portugal-wildfire_00000143_post_disaster.png,0,0,0,0,143,1 +4,2529,hurricane-matthew,post,train,train\images\hurricane-matthew_00000143_post_disaster.png,hurricane-matthew_00000143_post_disaster,34,40485,train\masks\hurricane-matthew_00000143_post_disaster.png,3,2875,55,27140,143,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000143_post_disaster.png,mexico-earthquake_00000143_post_disaster,0,0,train\masks\mexico-earthquake_00000143_post_disaster.png,0,0,108,506591,143,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000143_post_disaster.png,moore-tornado_00000143_post_disaster,0,0,tier3\masks\moore-tornado_00000143_post_disaster.png,0,0,68,68583,143,4 +38,56216,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000143_post_disaster.png,joplin-tornado_00000143_post_disaster,5,4877,tier3\masks\joplin-tornado_00000143_post_disaster.png,15,33349,5,936,143,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000143_post_disaster.png,nepal-flooding_00000143_post_disaster,1,98,tier3\masks\nepal-flooding_00000143_post_disaster.png,0,0,2,1208,143,0 +6,1250,midwest-flooding,post,train,train\images\midwest-flooding_00000143_post_disaster.png,midwest-flooding_00000143_post_disaster,3,1119,train\masks\midwest-flooding_00000143_post_disaster.png,1,1093,12,5638,143,1 +1,862,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000143_post_disaster.png,woolsey-fire_00000143_post_disaster,0,0,tier3\masks\woolsey-fire_00000143_post_disaster.png,0,0,6,1557,143,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000144_post_disaster.png,moore-tornado_00000144_post_disaster,0,0,tier3\masks\moore-tornado_00000144_post_disaster.png,0,0,186,228265,144,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000144_post_disaster.png,lower-puna-volcano_00000144_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000144_post_disaster.png,0,0,11,5774,144,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000144_post_disaster.png,woolsey-fire_00000144_post_disaster,0,0,tier3\masks\woolsey-fire_00000144_post_disaster.png,0,0,0,0,144,0 +152,79919,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000144_post_disaster.png,joplin-tornado_00000144_post_disaster,31,19119,tier3\masks\joplin-tornado_00000144_post_disaster.png,63,36237,2,189,144,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000144_post_disaster.png,pinery-bushfire_00000144_post_disaster,0,0,tier3\masks\pinery-bushfire_00000144_post_disaster.png,0,0,1,50,144,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000144_post_disaster.png,tuscaloosa-tornado_00000144_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000144_post_disaster.png,0,0,138,99005,144,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000144_post_disaster.png,socal-fire_00000144_post_disaster,0,0,train\masks\socal-fire_00000144_post_disaster.png,0,0,2,3189,144,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000144_post_disaster.png,hurricane-harvey_00000144_post_disaster,6,14099,train\masks\hurricane-harvey_00000144_post_disaster.png,5,43989,0,0,144,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000144_post_disaster.png,sunda-tsunami_00000144_post_disaster,0,0,tier3\masks\sunda-tsunami_00000144_post_disaster.png,0,0,0,0,144,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000144_post_disaster.png,mexico-earthquake_00000144_post_disaster,0,0,train\masks\mexico-earthquake_00000144_post_disaster.png,0,0,49,478377,144,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000144_post_disaster.png,midwest-flooding_00000144_post_disaster,0,0,train\masks\midwest-flooding_00000144_post_disaster.png,1,5792,2,614,144,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000144_post_disaster.png,hurricane-michael_00000144_post_disaster,23,40632,train\masks\hurricane-michael_00000144_post_disaster.png,13,24065,0,0,144,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000144_post_disaster.png,portugal-wildfire_00000144_post_disaster,0,0,tier3\masks\portugal-wildfire_00000144_post_disaster.png,0,0,0,0,144,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000144_post_disaster.png,nepal-flooding_00000144_post_disaster,0,0,tier3\masks\nepal-flooding_00000144_post_disaster.png,4,1008,0,0,144,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000144_post_disaster.png,hurricane-florence_00000144_post_disaster,0,0,train\masks\hurricane-florence_00000144_post_disaster.png,1,201,2,1455,144,2 +11,6126,hurricane-matthew,post,train,train\images\hurricane-matthew_00000145_post_disaster.png,hurricane-matthew_00000145_post_disaster,0,0,train\masks\hurricane-matthew_00000145_post_disaster.png,10,6115,3,581,145,3 +1,137,hurricane-michael,post,train,train\images\hurricane-michael_00000145_post_disaster.png,hurricane-michael_00000145_post_disaster,26,67874,train\masks\hurricane-michael_00000145_post_disaster.png,3,5671,31,55052,145,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000145_post_disaster.png,pinery-bushfire_00000145_post_disaster,0,0,tier3\masks\pinery-bushfire_00000145_post_disaster.png,0,0,0,0,145,4 +5,2071,palu-tsunami,post,train,train\images\palu-tsunami_00000145_post_disaster.png,palu-tsunami_00000145_post_disaster,0,0,train\masks\palu-tsunami_00000145_post_disaster.png,2,3813,11,6691,145,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000145_post_disaster.png,woolsey-fire_00000145_post_disaster,0,0,tier3\masks\woolsey-fire_00000145_post_disaster.png,0,0,0,0,145,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000145_post_disaster.png,moore-tornado_00000145_post_disaster,2,2114,tier3\masks\moore-tornado_00000145_post_disaster.png,0,0,107,160446,145,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000145_post_disaster.png,midwest-flooding_00000145_post_disaster,1,1206,train\masks\midwest-flooding_00000145_post_disaster.png,0,0,2,355,145,0 +1,90,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000145_post_disaster.png,nepal-flooding_00000145_post_disaster,4,2784,tier3\masks\nepal-flooding_00000145_post_disaster.png,2,780,9,7873,145,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000145_post_disaster.png,sunda-tsunami_00000145_post_disaster,0,0,tier3\masks\sunda-tsunami_00000145_post_disaster.png,0,0,0,0,145,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000145_post_disaster.png,portugal-wildfire_00000145_post_disaster,0,0,tier3\masks\portugal-wildfire_00000145_post_disaster.png,0,0,3,1763,145,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000145_post_disaster.png,tuscaloosa-tornado_00000145_post_disaster,2,1096,tier3\masks\tuscaloosa-tornado_00000145_post_disaster.png,0,0,42,92422,145,4 +9,4350,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000145_post_disaster.png,lower-puna-volcano_00000145_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000145_post_disaster.png,0,0,3,877,145,2 +160,136441,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000145_post_disaster.png,joplin-tornado_00000145_post_disaster,0,0,tier3\masks\joplin-tornado_00000145_post_disaster.png,15,22034,0,0,145,1 +1,126,hurricane-harvey,post,train,train\images\hurricane-harvey_00000145_post_disaster.png,hurricane-harvey_00000145_post_disaster,82,128232,train\masks\hurricane-harvey_00000145_post_disaster.png,76,118336,0,0,145,4 +5,6474,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000146_post_disaster.png,santa-rosa-wildfire_00000146_post_disaster,2,1843,train\masks\santa-rosa-wildfire_00000146_post_disaster.png,1,863,2,1266,146,3 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000146_post_disaster.png,sunda-tsunami_00000146_post_disaster,0,0,tier3\masks\sunda-tsunami_00000146_post_disaster.png,0,0,13,6694,146,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000146_post_disaster.png,hurricane-michael_00000146_post_disaster,20,33896,train\masks\hurricane-michael_00000146_post_disaster.png,10,51145,59,93785,146,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000146_post_disaster.png,nepal-flooding_00000146_post_disaster,0,0,tier3\masks\nepal-flooding_00000146_post_disaster.png,22,12920,0,0,146,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000146_post_disaster.png,lower-puna-volcano_00000146_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000146_post_disaster.png,0,0,28,8397,146,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000146_post_disaster.png,mexico-earthquake_00000146_post_disaster,2,9894,train\masks\mexico-earthquake_00000146_post_disaster.png,1,1936,121,275720,146,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000146_post_disaster.png,hurricane-florence_00000146_post_disaster,0,0,train\masks\hurricane-florence_00000146_post_disaster.png,4,2082,0,0,146,0 +2,2908,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000146_post_disaster.png,woolsey-fire_00000146_post_disaster,1,299,tier3\masks\woolsey-fire_00000146_post_disaster.png,0,0,8,6323,146,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000146_post_disaster.png,moore-tornado_00000146_post_disaster,0,0,tier3\masks\moore-tornado_00000146_post_disaster.png,0,0,23,12496,146,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000146_post_disaster.png,tuscaloosa-tornado_00000146_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000146_post_disaster.png,0,0,0,0,146,4 +158,108112,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000146_post_disaster.png,joplin-tornado_00000146_post_disaster,5,4358,tier3\masks\joplin-tornado_00000146_post_disaster.png,25,55327,0,0,146,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000146_post_disaster.png,socal-fire_00000146_post_disaster,0,0,train\masks\socal-fire_00000146_post_disaster.png,0,0,20,37353,146,1 +3,4646,hurricane-harvey,post,train,train\images\hurricane-harvey_00000146_post_disaster.png,hurricane-harvey_00000146_post_disaster,0,0,train\masks\hurricane-harvey_00000146_post_disaster.png,177,298651,0,0,146,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000146_post_disaster.png,portugal-wildfire_00000146_post_disaster,0,0,tier3\masks\portugal-wildfire_00000146_post_disaster.png,0,0,0,0,146,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000146_post_disaster.png,pinery-bushfire_00000146_post_disaster,0,0,tier3\masks\pinery-bushfire_00000146_post_disaster.png,0,0,0,0,146,0 +12,23573,moore-tornado,post,tier3,tier3\images\moore-tornado_00000147_post_disaster.png,moore-tornado_00000147_post_disaster,0,0,tier3\masks\moore-tornado_00000147_post_disaster.png,1,1687,0,0,147,1 +0,0,sunda-tsunami,post,tier3,tier3\images\sunda-tsunami_00000147_post_disaster.png,sunda-tsunami_00000147_post_disaster,0,0,tier3\masks\sunda-tsunami_00000147_post_disaster.png,0,0,39,26501,147,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000147_post_disaster.png,pinery-bushfire_00000147_post_disaster,0,0,tier3\masks\pinery-bushfire_00000147_post_disaster.png,0,0,0,0,147,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000147_post_disaster.png,nepal-flooding_00000147_post_disaster,0,0,tier3\masks\nepal-flooding_00000147_post_disaster.png,41,32316,7,1658,147,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000147_post_disaster.png,hurricane-harvey_00000147_post_disaster,10,51443,train\masks\hurricane-harvey_00000147_post_disaster.png,28,93473,8,12738,147,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000147_post_disaster.png,lower-puna-volcano_00000147_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000147_post_disaster.png,0,0,0,0,147,1 +4,3554,hurricane-florence,post,train,train\images\hurricane-florence_00000147_post_disaster.png,hurricane-florence_00000147_post_disaster,0,0,train\masks\hurricane-florence_00000147_post_disaster.png,0,0,0,0,147,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000147_post_disaster.png,portugal-wildfire_00000147_post_disaster,0,0,tier3\masks\portugal-wildfire_00000147_post_disaster.png,0,0,0,0,147,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000147_post_disaster.png,hurricane-michael_00000147_post_disaster,11,17867,train\masks\hurricane-michael_00000147_post_disaster.png,1,1816,67,95474,147,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000147_post_disaster.png,woolsey-fire_00000147_post_disaster,0,0,tier3\masks\woolsey-fire_00000147_post_disaster.png,0,0,3,311,147,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000147_post_disaster.png,tuscaloosa-tornado_00000147_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000147_post_disaster.png,0,0,11,10166,147,4 +13,16803,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000147_post_disaster.png,santa-rosa-wildfire_00000147_post_disaster,6,2322,train\masks\santa-rosa-wildfire_00000147_post_disaster.png,3,2378,4,5776,147,2 +285,200859,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000147_post_disaster.png,joplin-tornado_00000147_post_disaster,4,4169,tier3\masks\joplin-tornado_00000147_post_disaster.png,18,18114,1,1378,147,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000148_post_disaster.png,tuscaloosa-tornado_00000148_post_disaster,5,5682,tier3\masks\tuscaloosa-tornado_00000148_post_disaster.png,0,0,57,136342,148,4 +4,4900,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000148_post_disaster.png,santa-rosa-wildfire_00000148_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000148_post_disaster.png,0,0,1,238,148,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000148_post_disaster.png,pinery-bushfire_00000148_post_disaster,0,0,tier3\masks\pinery-bushfire_00000148_post_disaster.png,0,0,0,0,148,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000148_post_disaster.png,lower-puna-volcano_00000148_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000148_post_disaster.png,0,0,0,0,148,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000148_post_disaster.png,portugal-wildfire_00000148_post_disaster,0,0,tier3\masks\portugal-wildfire_00000148_post_disaster.png,0,0,62,73422,148,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000148_post_disaster.png,nepal-flooding_00000148_post_disaster,0,0,tier3\masks\nepal-flooding_00000148_post_disaster.png,0,0,6,3261,148,3 +1,576,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000148_post_disaster.png,woolsey-fire_00000148_post_disaster,0,0,tier3\masks\woolsey-fire_00000148_post_disaster.png,0,0,3,718,148,3 +0,0,joplin-tornado,post,tier3,tier3\images\joplin-tornado_00000148_post_disaster.png,joplin-tornado_00000148_post_disaster,0,0,tier3\masks\joplin-tornado_00000148_post_disaster.png,0,0,117,174829,148,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000148_post_disaster.png,midwest-flooding_00000148_post_disaster,0,0,train\masks\midwest-flooding_00000148_post_disaster.png,0,0,15,20215,148,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000148_post_disaster.png,moore-tornado_00000148_post_disaster,0,0,tier3\masks\moore-tornado_00000148_post_disaster.png,0,0,59,144558,148,4 +14,6154,palu-tsunami,post,train,train\images\palu-tsunami_00000148_post_disaster.png,palu-tsunami_00000148_post_disaster,0,0,train\masks\palu-tsunami_00000148_post_disaster.png,2,4092,3,3414,148,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000148_post_disaster.png,mexico-earthquake_00000148_post_disaster,0,0,train\masks\mexico-earthquake_00000148_post_disaster.png,0,0,11,2835,148,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000148_post_disaster.png,hurricane-florence_00000148_post_disaster,0,0,train\masks\hurricane-florence_00000148_post_disaster.png,6,3038,0,0,148,2 +1,320,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000149_post_disaster.png,portugal-wildfire_00000149_post_disaster,0,0,tier3\masks\portugal-wildfire_00000149_post_disaster.png,0,0,16,15575,149,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000149_post_disaster.png,socal-fire_00000149_post_disaster,0,0,train\masks\socal-fire_00000149_post_disaster.png,0,0,0,0,149,3 +11,4385,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000149_post_disaster.png,lower-puna-volcano_00000149_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000149_post_disaster.png,0,0,1,773,149,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000149_post_disaster.png,nepal-flooding_00000149_post_disaster,14,2983,tier3\masks\nepal-flooding_00000149_post_disaster.png,0,0,157,88490,149,2 +2,175,moore-tornado,post,tier3,tier3\images\moore-tornado_00000149_post_disaster.png,moore-tornado_00000149_post_disaster,30,34221,tier3\masks\moore-tornado_00000149_post_disaster.png,17,16787,211,245132,149,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000149_post_disaster.png,santa-rosa-wildfire_00000149_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000149_post_disaster.png,0,0,221,268274,149,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000149_post_disaster.png,hurricane-florence_00000149_post_disaster,0,0,train\masks\hurricane-florence_00000149_post_disaster.png,10,6493,0,0,149,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000149_post_disaster.png,woolsey-fire_00000149_post_disaster,0,0,tier3\masks\woolsey-fire_00000149_post_disaster.png,0,0,0,0,149,1 +16,4757,hurricane-matthew,post,train,train\images\hurricane-matthew_00000149_post_disaster.png,hurricane-matthew_00000149_post_disaster,2,438,train\masks\hurricane-matthew_00000149_post_disaster.png,3,618,2,515,149,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000149_post_disaster.png,tuscaloosa-tornado_00000149_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000149_post_disaster.png,0,0,50,62149,149,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000149_post_disaster.png,pinery-bushfire_00000149_post_disaster,0,0,tier3\masks\pinery-bushfire_00000149_post_disaster.png,0,0,0,0,149,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000150_post_disaster.png,midwest-flooding_00000150_post_disaster,1,446,train\masks\midwest-flooding_00000150_post_disaster.png,0,0,0,0,150,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000150_post_disaster.png,mexico-earthquake_00000150_post_disaster,0,0,train\masks\mexico-earthquake_00000150_post_disaster.png,0,0,19,170855,150,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000150_post_disaster.png,lower-puna-volcano_00000150_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000150_post_disaster.png,0,0,37,18475,150,1 +1,170,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000150_post_disaster.png,nepal-flooding_00000150_post_disaster,0,0,tier3\masks\nepal-flooding_00000150_post_disaster.png,3,2782,5,2595,150,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000150_post_disaster.png,pinery-bushfire_00000150_post_disaster,0,0,tier3\masks\pinery-bushfire_00000150_post_disaster.png,0,0,0,0,150,1 +1,210,hurricane-michael,post,train,train\images\hurricane-michael_00000150_post_disaster.png,hurricane-michael_00000150_post_disaster,14,61269,train\masks\hurricane-michael_00000150_post_disaster.png,5,15727,30,40169,150,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000150_post_disaster.png,tuscaloosa-tornado_00000150_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000150_post_disaster.png,0,0,25,23342,150,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000150_post_disaster.png,moore-tornado_00000150_post_disaster,0,0,tier3\masks\moore-tornado_00000150_post_disaster.png,0,0,116,129777,150,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000150_post_disaster.png,woolsey-fire_00000150_post_disaster,0,0,tier3\masks\woolsey-fire_00000150_post_disaster.png,0,0,0,0,150,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000150_post_disaster.png,portugal-wildfire_00000150_post_disaster,0,0,tier3\masks\portugal-wildfire_00000150_post_disaster.png,0,0,0,0,150,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000151_post_disaster.png,midwest-flooding_00000151_post_disaster,0,0,train\masks\midwest-flooding_00000151_post_disaster.png,0,0,5,4349,151,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000151_post_disaster.png,pinery-bushfire_00000151_post_disaster,0,0,tier3\masks\pinery-bushfire_00000151_post_disaster.png,0,0,0,0,151,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000151_post_disaster.png,nepal-flooding_00000151_post_disaster,0,0,tier3\masks\nepal-flooding_00000151_post_disaster.png,1,474,0,0,151,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000151_post_disaster.png,mexico-earthquake_00000151_post_disaster,4,10315,train\masks\mexico-earthquake_00000151_post_disaster.png,0,0,188,388905,151,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000151_post_disaster.png,hurricane-florence_00000151_post_disaster,0,0,train\masks\hurricane-florence_00000151_post_disaster.png,7,6529,0,0,151,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000151_post_disaster.png,hurricane-harvey_00000151_post_disaster,27,26673,train\masks\hurricane-harvey_00000151_post_disaster.png,0,0,0,0,151,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000151_post_disaster.png,moore-tornado_00000151_post_disaster,2,3636,tier3\masks\moore-tornado_00000151_post_disaster.png,0,0,226,252150,151,0 +2,1496,hurricane-michael,post,train,train\images\hurricane-michael_00000151_post_disaster.png,hurricane-michael_00000151_post_disaster,6,7764,train\masks\hurricane-michael_00000151_post_disaster.png,5,9402,2,1655,151,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000151_post_disaster.png,woolsey-fire_00000151_post_disaster,0,0,tier3\masks\woolsey-fire_00000151_post_disaster.png,0,0,0,0,151,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000151_post_disaster.png,portugal-wildfire_00000151_post_disaster,0,0,tier3\masks\portugal-wildfire_00000151_post_disaster.png,0,0,0,0,151,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000151_post_disaster.png,tuscaloosa-tornado_00000151_post_disaster,4,3566,tier3\masks\tuscaloosa-tornado_00000151_post_disaster.png,0,0,106,94303,151,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000151_post_disaster.png,lower-puna-volcano_00000151_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000151_post_disaster.png,0,0,35,18380,151,4 +3,8521,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000151_post_disaster.png,santa-rosa-wildfire_00000151_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000151_post_disaster.png,0,0,1,130,151,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000151_post_disaster.png,socal-fire_00000151_post_disaster,0,0,train\masks\socal-fire_00000151_post_disaster.png,0,0,0,0,151,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000152_post_disaster.png,hurricane-matthew_00000152_post_disaster,142,268166,train\masks\hurricane-matthew_00000152_post_disaster.png,1,1145,38,22128,152,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000152_post_disaster.png,pinery-bushfire_00000152_post_disaster,0,0,tier3\masks\pinery-bushfire_00000152_post_disaster.png,0,0,1,115,152,1 +1,356,palu-tsunami,post,train,train\images\palu-tsunami_00000152_post_disaster.png,palu-tsunami_00000152_post_disaster,0,0,train\masks\palu-tsunami_00000152_post_disaster.png,1,1801,106,555956,152,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000152_post_disaster.png,mexico-earthquake_00000152_post_disaster,0,0,train\masks\mexico-earthquake_00000152_post_disaster.png,0,0,11,26546,152,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000152_post_disaster.png,tuscaloosa-tornado_00000152_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000152_post_disaster.png,0,0,0,0,152,3 +8,11149,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000152_post_disaster.png,santa-rosa-wildfire_00000152_post_disaster,1,2027,train\masks\santa-rosa-wildfire_00000152_post_disaster.png,0,0,1,585,152,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000152_post_disaster.png,midwest-flooding_00000152_post_disaster,0,0,train\masks\midwest-flooding_00000152_post_disaster.png,0,0,0,0,152,2 +1,2372,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000152_post_disaster.png,woolsey-fire_00000152_post_disaster,0,0,tier3\masks\woolsey-fire_00000152_post_disaster.png,0,0,1,2529,152,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000152_post_disaster.png,lower-puna-volcano_00000152_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000152_post_disaster.png,0,0,6,4169,152,1 +35,29453,moore-tornado,post,tier3,tier3\images\moore-tornado_00000152_post_disaster.png,moore-tornado_00000152_post_disaster,0,0,tier3\masks\moore-tornado_00000152_post_disaster.png,0,0,0,0,152,1 +3,1761,hurricane-michael,post,train,train\images\hurricane-michael_00000152_post_disaster.png,hurricane-michael_00000152_post_disaster,15,15052,train\masks\hurricane-michael_00000152_post_disaster.png,11,13733,59,50445,152,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000152_post_disaster.png,nepal-flooding_00000152_post_disaster,12,15057,tier3\masks\nepal-flooding_00000152_post_disaster.png,8,3127,10,12577,152,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000152_post_disaster.png,portugal-wildfire_00000152_post_disaster,0,0,tier3\masks\portugal-wildfire_00000152_post_disaster.png,0,0,0,0,152,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000152_post_disaster.png,hurricane-harvey_00000152_post_disaster,0,0,train\masks\hurricane-harvey_00000152_post_disaster.png,5,30408,0,0,152,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000153_post_disaster.png,woolsey-fire_00000153_post_disaster,0,0,tier3\masks\woolsey-fire_00000153_post_disaster.png,0,0,0,0,153,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000153_post_disaster.png,socal-fire_00000153_post_disaster,0,0,train\masks\socal-fire_00000153_post_disaster.png,0,0,16,24889,153,2 +23,4418,hurricane-matthew,post,train,train\images\hurricane-matthew_00000153_post_disaster.png,hurricane-matthew_00000153_post_disaster,7,1221,train\masks\hurricane-matthew_00000153_post_disaster.png,6,2044,5,505,153,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000153_post_disaster.png,moore-tornado_00000153_post_disaster,0,0,tier3\masks\moore-tornado_00000153_post_disaster.png,0,0,96,124205,153,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000153_post_disaster.png,palu-tsunami_00000153_post_disaster,0,0,train\masks\palu-tsunami_00000153_post_disaster.png,0,0,54,45221,153,0 +10,4910,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000153_post_disaster.png,lower-puna-volcano_00000153_post_disaster,3,1912,tier3\masks\lower-puna-volcano_00000153_post_disaster.png,0,0,4,2610,153,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000153_post_disaster.png,santa-rosa-wildfire_00000153_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000153_post_disaster.png,0,0,43,37344,153,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000153_post_disaster.png,hurricane-florence_00000153_post_disaster,3,3684,train\masks\hurricane-florence_00000153_post_disaster.png,12,10028,0,0,153,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000153_post_disaster.png,tuscaloosa-tornado_00000153_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000153_post_disaster.png,0,0,0,0,153,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000153_post_disaster.png,midwest-flooding_00000153_post_disaster,0,0,train\masks\midwest-flooding_00000153_post_disaster.png,0,0,0,0,153,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000153_post_disaster.png,pinery-bushfire_00000153_post_disaster,0,0,tier3\masks\pinery-bushfire_00000153_post_disaster.png,0,0,0,0,153,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000153_post_disaster.png,mexico-earthquake_00000153_post_disaster,0,0,train\masks\mexico-earthquake_00000153_post_disaster.png,0,0,96,240576,153,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000153_post_disaster.png,hurricane-harvey_00000153_post_disaster,1,6038,train\masks\hurricane-harvey_00000153_post_disaster.png,0,0,52,161506,153,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000153_post_disaster.png,portugal-wildfire_00000153_post_disaster,0,0,tier3\masks\portugal-wildfire_00000153_post_disaster.png,0,0,0,0,153,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000153_post_disaster.png,nepal-flooding_00000153_post_disaster,1,341,tier3\masks\nepal-flooding_00000153_post_disaster.png,0,0,4,1287,153,0 +1,1417,hurricane-michael,post,train,train\images\hurricane-michael_00000153_post_disaster.png,hurricane-michael_00000153_post_disaster,12,16201,train\masks\hurricane-michael_00000153_post_disaster.png,3,85815,25,27038,153,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000154_post_disaster.png,hurricane-michael_00000154_post_disaster,10,18387,train\masks\hurricane-michael_00000154_post_disaster.png,4,7717,11,12687,154,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000154_post_disaster.png,portugal-wildfire_00000154_post_disaster,0,0,tier3\masks\portugal-wildfire_00000154_post_disaster.png,0,0,0,0,154,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000154_post_disaster.png,tuscaloosa-tornado_00000154_post_disaster,1,801,tier3\masks\tuscaloosa-tornado_00000154_post_disaster.png,0,0,129,136743,154,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000154_post_disaster.png,pinery-bushfire_00000154_post_disaster,0,0,tier3\masks\pinery-bushfire_00000154_post_disaster.png,0,0,1,1093,154,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000154_post_disaster.png,moore-tornado_00000154_post_disaster,0,0,tier3\masks\moore-tornado_00000154_post_disaster.png,0,0,3,3834,154,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000154_post_disaster.png,mexico-earthquake_00000154_post_disaster,0,0,train\masks\mexico-earthquake_00000154_post_disaster.png,0,0,207,373398,154,2 +8,2098,hurricane-matthew,post,train,train\images\hurricane-matthew_00000154_post_disaster.png,hurricane-matthew_00000154_post_disaster,3,703,train\masks\hurricane-matthew_00000154_post_disaster.png,2,1059,0,0,154,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000154_post_disaster.png,nepal-flooding_00000154_post_disaster,0,0,tier3\masks\nepal-flooding_00000154_post_disaster.png,0,0,0,0,154,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000154_post_disaster.png,hurricane-harvey_00000154_post_disaster,0,0,train\masks\hurricane-harvey_00000154_post_disaster.png,27,84904,0,0,154,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000154_post_disaster.png,lower-puna-volcano_00000154_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000154_post_disaster.png,0,0,3,1683,154,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000154_post_disaster.png,woolsey-fire_00000154_post_disaster,0,0,tier3\masks\woolsey-fire_00000154_post_disaster.png,0,0,0,0,154,2 +1,3793,socal-fire,post,train,train\images\socal-fire_00000154_post_disaster.png,socal-fire_00000154_post_disaster,0,0,train\masks\socal-fire_00000154_post_disaster.png,0,0,0,0,154,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000154_post_disaster.png,midwest-flooding_00000154_post_disaster,0,0,train\masks\midwest-flooding_00000154_post_disaster.png,0,0,4,1660,154,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000154_post_disaster.png,palu-tsunami_00000154_post_disaster,0,0,train\masks\palu-tsunami_00000154_post_disaster.png,0,0,40,16642,154,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000155_post_disaster.png,palu-tsunami_00000155_post_disaster,0,0,train\masks\palu-tsunami_00000155_post_disaster.png,0,0,52,35231,155,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000155_post_disaster.png,moore-tornado_00000155_post_disaster,15,20667,tier3\masks\moore-tornado_00000155_post_disaster.png,8,11860,150,255649,155,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000155_post_disaster.png,woolsey-fire_00000155_post_disaster,0,0,tier3\masks\woolsey-fire_00000155_post_disaster.png,0,0,0,0,155,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000155_post_disaster.png,mexico-earthquake_00000155_post_disaster,0,0,train\masks\mexico-earthquake_00000155_post_disaster.png,0,0,2,2316,155,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000155_post_disaster.png,pinery-bushfire_00000155_post_disaster,0,0,tier3\masks\pinery-bushfire_00000155_post_disaster.png,1,526,5,2758,155,1 +195,206203,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000155_post_disaster.png,santa-rosa-wildfire_00000155_post_disaster,1,1165,train\masks\santa-rosa-wildfire_00000155_post_disaster.png,0,0,81,79991,155,4 +13,5074,hurricane-matthew,post,train,train\images\hurricane-matthew_00000155_post_disaster.png,hurricane-matthew_00000155_post_disaster,0,0,train\masks\hurricane-matthew_00000155_post_disaster.png,0,0,1,231,155,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000155_post_disaster.png,tuscaloosa-tornado_00000155_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000155_post_disaster.png,0,0,4,1339,155,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000155_post_disaster.png,nepal-flooding_00000155_post_disaster,1,179,tier3\masks\nepal-flooding_00000155_post_disaster.png,1,132,12,12145,155,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000155_post_disaster.png,lower-puna-volcano_00000155_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000155_post_disaster.png,0,0,0,0,155,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000155_post_disaster.png,portugal-wildfire_00000155_post_disaster,0,0,tier3\masks\portugal-wildfire_00000155_post_disaster.png,0,0,0,0,155,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000156_post_disaster.png,socal-fire_00000156_post_disaster,0,0,train\masks\socal-fire_00000156_post_disaster.png,0,0,44,84339,156,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000156_post_disaster.png,pinery-bushfire_00000156_post_disaster,0,0,tier3\masks\pinery-bushfire_00000156_post_disaster.png,0,0,2,98,156,1 +1,587,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000156_post_disaster.png,tuscaloosa-tornado_00000156_post_disaster,33,37470,tier3\masks\tuscaloosa-tornado_00000156_post_disaster.png,0,0,55,53443,156,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000156_post_disaster.png,moore-tornado_00000156_post_disaster,0,0,tier3\masks\moore-tornado_00000156_post_disaster.png,0,0,6,10661,156,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000156_post_disaster.png,portugal-wildfire_00000156_post_disaster,0,0,tier3\masks\portugal-wildfire_00000156_post_disaster.png,0,0,1,1724,156,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000156_post_disaster.png,lower-puna-volcano_00000156_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000156_post_disaster.png,0,0,2,1232,156,4 +1,88,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000156_post_disaster.png,nepal-flooding_00000156_post_disaster,0,0,tier3\masks\nepal-flooding_00000156_post_disaster.png,0,0,0,0,156,3 +7,12992,hurricane-michael,post,train,train\images\hurricane-michael_00000156_post_disaster.png,hurricane-michael_00000156_post_disaster,5,13692,train\masks\hurricane-michael_00000156_post_disaster.png,2,1664,29,25404,156,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000156_post_disaster.png,hurricane-harvey_00000156_post_disaster,0,0,train\masks\hurricane-harvey_00000156_post_disaster.png,0,0,126,211434,156,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000156_post_disaster.png,midwest-flooding_00000156_post_disaster,0,0,train\masks\midwest-flooding_00000156_post_disaster.png,0,0,0,0,156,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000156_post_disaster.png,hurricane-florence_00000156_post_disaster,0,0,train\masks\hurricane-florence_00000156_post_disaster.png,0,0,5,1898,156,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000156_post_disaster.png,santa-rosa-wildfire_00000156_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000156_post_disaster.png,0,0,59,56012,156,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000156_post_disaster.png,woolsey-fire_00000156_post_disaster,0,0,tier3\masks\woolsey-fire_00000156_post_disaster.png,0,0,0,0,156,4 +88,37361,hurricane-matthew,post,train,train\images\hurricane-matthew_00000156_post_disaster.png,hurricane-matthew_00000156_post_disaster,83,69131,train\masks\hurricane-matthew_00000156_post_disaster.png,115,96881,13,3395,156,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000157_post_disaster.png,midwest-flooding_00000157_post_disaster,1,722,train\masks\midwest-flooding_00000157_post_disaster.png,0,0,0,0,157,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000157_post_disaster.png,portugal-wildfire_00000157_post_disaster,0,0,tier3\masks\portugal-wildfire_00000157_post_disaster.png,0,0,0,0,157,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000157_post_disaster.png,nepal-flooding_00000157_post_disaster,0,0,tier3\masks\nepal-flooding_00000157_post_disaster.png,2,159,0,0,157,1 +1,848,hurricane-michael,post,train,train\images\hurricane-michael_00000157_post_disaster.png,hurricane-michael_00000157_post_disaster,14,89512,train\masks\hurricane-michael_00000157_post_disaster.png,4,41567,11,10964,157,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000157_post_disaster.png,socal-fire_00000157_post_disaster,0,0,train\masks\socal-fire_00000157_post_disaster.png,0,0,0,0,157,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000157_post_disaster.png,lower-puna-volcano_00000157_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000157_post_disaster.png,0,0,17,8260,157,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000157_post_disaster.png,hurricane-harvey_00000157_post_disaster,0,0,train\masks\hurricane-harvey_00000157_post_disaster.png,1,262,0,0,157,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000157_post_disaster.png,woolsey-fire_00000157_post_disaster,0,0,tier3\masks\woolsey-fire_00000157_post_disaster.png,0,0,0,0,157,2 +1,136,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000157_post_disaster.png,tuscaloosa-tornado_00000157_post_disaster,1,442,tier3\masks\tuscaloosa-tornado_00000157_post_disaster.png,0,0,123,104413,157,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000157_post_disaster.png,moore-tornado_00000157_post_disaster,0,0,tier3\masks\moore-tornado_00000157_post_disaster.png,0,0,29,67684,157,4 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000157_post_disaster.png,palu-tsunami_00000157_post_disaster,0,0,train\masks\palu-tsunami_00000157_post_disaster.png,0,0,24,17330,157,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000157_post_disaster.png,pinery-bushfire_00000157_post_disaster,0,0,tier3\masks\pinery-bushfire_00000157_post_disaster.png,0,0,0,0,157,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000158_post_disaster.png,hurricane-florence_00000158_post_disaster,0,0,train\masks\hurricane-florence_00000158_post_disaster.png,4,2153,0,0,158,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000158_post_disaster.png,nepal-flooding_00000158_post_disaster,5,4639,tier3\masks\nepal-flooding_00000158_post_disaster.png,3,2193,0,0,158,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000158_post_disaster.png,hurricane-matthew_00000158_post_disaster,38,87745,train\masks\hurricane-matthew_00000158_post_disaster.png,93,269312,0,0,158,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000158_post_disaster.png,hurricane-michael_00000158_post_disaster,27,32758,train\masks\hurricane-michael_00000158_post_disaster.png,6,7719,59,78224,158,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000158_post_disaster.png,lower-puna-volcano_00000158_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000158_post_disaster.png,0,0,17,8276,158,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000158_post_disaster.png,mexico-earthquake_00000158_post_disaster,0,0,train\masks\mexico-earthquake_00000158_post_disaster.png,0,0,171,193466,158,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000158_post_disaster.png,moore-tornado_00000158_post_disaster,0,0,tier3\masks\moore-tornado_00000158_post_disaster.png,0,0,170,171334,158,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000158_post_disaster.png,hurricane-harvey_00000158_post_disaster,0,0,train\masks\hurricane-harvey_00000158_post_disaster.png,0,0,68,260032,158,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000158_post_disaster.png,portugal-wildfire_00000158_post_disaster,0,0,tier3\masks\portugal-wildfire_00000158_post_disaster.png,0,0,0,0,158,3 +7,1678,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000158_post_disaster.png,woolsey-fire_00000158_post_disaster,1,92,tier3\masks\woolsey-fire_00000158_post_disaster.png,0,0,24,22912,158,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000158_post_disaster.png,pinery-bushfire_00000158_post_disaster,0,0,tier3\masks\pinery-bushfire_00000158_post_disaster.png,0,0,6,65311,158,4 +8,11183,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000158_post_disaster.png,santa-rosa-wildfire_00000158_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000158_post_disaster.png,0,0,2,979,158,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000158_post_disaster.png,tuscaloosa-tornado_00000158_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000158_post_disaster.png,0,0,4,3767,158,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000159_post_disaster.png,midwest-flooding_00000159_post_disaster,0,0,train\masks\midwest-flooding_00000159_post_disaster.png,0,0,0,0,159,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000159_post_disaster.png,tuscaloosa-tornado_00000159_post_disaster,21,18849,tier3\masks\tuscaloosa-tornado_00000159_post_disaster.png,1,1043,23,26987,159,0 +14,14445,moore-tornado,post,tier3,tier3\images\moore-tornado_00000159_post_disaster.png,moore-tornado_00000159_post_disaster,6,6371,tier3\masks\moore-tornado_00000159_post_disaster.png,1,1377,15,12417,159,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000159_post_disaster.png,mexico-earthquake_00000159_post_disaster,0,0,train\masks\mexico-earthquake_00000159_post_disaster.png,0,0,70,160753,159,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000159_post_disaster.png,lower-puna-volcano_00000159_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000159_post_disaster.png,0,0,0,0,159,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000159_post_disaster.png,pinery-bushfire_00000159_post_disaster,0,0,tier3\masks\pinery-bushfire_00000159_post_disaster.png,1,30,17,5592,159,0 +3,3502,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000159_post_disaster.png,portugal-wildfire_00000159_post_disaster,0,0,tier3\masks\portugal-wildfire_00000159_post_disaster.png,2,555,20,21276,159,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000159_post_disaster.png,woolsey-fire_00000159_post_disaster,0,0,tier3\masks\woolsey-fire_00000159_post_disaster.png,0,0,0,0,159,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000159_post_disaster.png,nepal-flooding_00000159_post_disaster,1,747,tier3\masks\nepal-flooding_00000159_post_disaster.png,4,1128,13,8481,159,1 +7,4117,hurricane-michael,post,train,train\images\hurricane-michael_00000159_post_disaster.png,hurricane-michael_00000159_post_disaster,32,25596,train\masks\hurricane-michael_00000159_post_disaster.png,26,33520,33,62708,159,1 +7,1198,hurricane-matthew,post,train,train\images\hurricane-matthew_00000159_post_disaster.png,hurricane-matthew_00000159_post_disaster,11,2599,train\masks\hurricane-matthew_00000159_post_disaster.png,25,6511,2,138,159,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000159_post_disaster.png,hurricane-florence_00000159_post_disaster,0,0,train\masks\hurricane-florence_00000159_post_disaster.png,0,0,0,0,159,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000159_post_disaster.png,hurricane-harvey_00000159_post_disaster,24,216348,train\masks\hurricane-harvey_00000159_post_disaster.png,20,81918,47,73643,159,1 +21,9006,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000160_post_disaster.png,lower-puna-volcano_00000160_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000160_post_disaster.png,0,0,9,3429,160,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000160_post_disaster.png,portugal-wildfire_00000160_post_disaster,0,0,tier3\masks\portugal-wildfire_00000160_post_disaster.png,0,0,0,0,160,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000160_post_disaster.png,pinery-bushfire_00000160_post_disaster,0,0,tier3\masks\pinery-bushfire_00000160_post_disaster.png,0,0,0,0,160,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000160_post_disaster.png,hurricane-harvey_00000160_post_disaster,1,44769,train\masks\hurricane-harvey_00000160_post_disaster.png,0,0,73,131407,160,0 +32,24192,palu-tsunami,post,train,train\images\palu-tsunami_00000160_post_disaster.png,palu-tsunami_00000160_post_disaster,0,0,train\masks\palu-tsunami_00000160_post_disaster.png,5,7648,67,91785,160,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000160_post_disaster.png,woolsey-fire_00000160_post_disaster,0,0,tier3\masks\woolsey-fire_00000160_post_disaster.png,0,0,0,0,160,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000160_post_disaster.png,socal-fire_00000160_post_disaster,0,0,train\masks\socal-fire_00000160_post_disaster.png,0,0,0,0,160,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000160_post_disaster.png,moore-tornado_00000160_post_disaster,0,0,tier3\masks\moore-tornado_00000160_post_disaster.png,0,0,18,17836,160,3 +37,13971,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000160_post_disaster.png,tuscaloosa-tornado_00000160_post_disaster,27,21904,tier3\masks\tuscaloosa-tornado_00000160_post_disaster.png,5,2048,3,1802,160,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000160_post_disaster.png,nepal-flooding_00000160_post_disaster,5,6500,tier3\masks\nepal-flooding_00000160_post_disaster.png,0,0,25,16214,160,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000160_post_disaster.png,mexico-earthquake_00000160_post_disaster,0,0,train\masks\mexico-earthquake_00000160_post_disaster.png,0,0,102,228721,160,4 +2,718,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000161_post_disaster.png,woolsey-fire_00000161_post_disaster,0,0,tier3\masks\woolsey-fire_00000161_post_disaster.png,0,0,0,0,161,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000161_post_disaster.png,portugal-wildfire_00000161_post_disaster,0,0,tier3\masks\portugal-wildfire_00000161_post_disaster.png,0,0,52,47548,161,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000161_post_disaster.png,moore-tornado_00000161_post_disaster,0,0,tier3\masks\moore-tornado_00000161_post_disaster.png,0,0,20,19603,161,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000161_post_disaster.png,midwest-flooding_00000161_post_disaster,2,734,train\masks\midwest-flooding_00000161_post_disaster.png,0,0,10,6401,161,2 +163,191575,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000161_post_disaster.png,santa-rosa-wildfire_00000161_post_disaster,1,931,train\masks\santa-rosa-wildfire_00000161_post_disaster.png,1,1029,72,115723,161,4 +40,75685,palu-tsunami,post,train,train\images\palu-tsunami_00000161_post_disaster.png,palu-tsunami_00000161_post_disaster,0,0,train\masks\palu-tsunami_00000161_post_disaster.png,5,7145,99,147551,161,3 +1,1677,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000161_post_disaster.png,tuscaloosa-tornado_00000161_post_disaster,1,1163,tier3\masks\tuscaloosa-tornado_00000161_post_disaster.png,0,0,42,44858,161,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000161_post_disaster.png,pinery-bushfire_00000161_post_disaster,0,0,tier3\masks\pinery-bushfire_00000161_post_disaster.png,0,0,0,0,161,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000161_post_disaster.png,lower-puna-volcano_00000161_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000161_post_disaster.png,0,0,17,6376,161,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000161_post_disaster.png,nepal-flooding_00000161_post_disaster,0,0,tier3\masks\nepal-flooding_00000161_post_disaster.png,2,936,0,0,161,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000162_post_disaster.png,woolsey-fire_00000162_post_disaster,0,0,tier3\masks\woolsey-fire_00000162_post_disaster.png,0,0,0,0,162,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000162_post_disaster.png,socal-fire_00000162_post_disaster,0,0,train\masks\socal-fire_00000162_post_disaster.png,0,0,0,0,162,1 +23,6686,hurricane-matthew,post,train,train\images\hurricane-matthew_00000162_post_disaster.png,hurricane-matthew_00000162_post_disaster,0,0,train\masks\hurricane-matthew_00000162_post_disaster.png,5,2320,4,882,162,2 +11,4222,hurricane-michael,post,train,train\images\hurricane-michael_00000162_post_disaster.png,hurricane-michael_00000162_post_disaster,17,15102,train\masks\hurricane-michael_00000162_post_disaster.png,20,35128,47,37084,162,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000162_post_disaster.png,midwest-flooding_00000162_post_disaster,0,0,train\masks\midwest-flooding_00000162_post_disaster.png,0,0,2,1082,162,1 +1,147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000162_post_disaster.png,pinery-bushfire_00000162_post_disaster,0,0,tier3\masks\pinery-bushfire_00000162_post_disaster.png,0,0,0,0,162,4 +9,11655,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000162_post_disaster.png,tuscaloosa-tornado_00000162_post_disaster,1,746,tier3\masks\tuscaloosa-tornado_00000162_post_disaster.png,0,0,2,101,162,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000162_post_disaster.png,moore-tornado_00000162_post_disaster,19,46502,tier3\masks\moore-tornado_00000162_post_disaster.png,1,3310,18,39076,162,0 +55,61402,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000162_post_disaster.png,santa-rosa-wildfire_00000162_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000162_post_disaster.png,0,0,1,161,162,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000162_post_disaster.png,lower-puna-volcano_00000162_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000162_post_disaster.png,0,0,0,0,162,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000162_post_disaster.png,portugal-wildfire_00000162_post_disaster,0,0,tier3\masks\portugal-wildfire_00000162_post_disaster.png,0,0,22,12335,162,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000162_post_disaster.png,nepal-flooding_00000162_post_disaster,8,5167,tier3\masks\nepal-flooding_00000162_post_disaster.png,11,4820,13,8508,162,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000163_post_disaster.png,pinery-bushfire_00000163_post_disaster,0,0,tier3\masks\pinery-bushfire_00000163_post_disaster.png,0,0,0,0,163,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000163_post_disaster.png,lower-puna-volcano_00000163_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000163_post_disaster.png,0,0,0,0,163,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000163_post_disaster.png,moore-tornado_00000163_post_disaster,0,0,tier3\masks\moore-tornado_00000163_post_disaster.png,0,0,1,2564,163,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000163_post_disaster.png,hurricane-florence_00000163_post_disaster,0,0,train\masks\hurricane-florence_00000163_post_disaster.png,1,184,0,0,163,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000163_post_disaster.png,portugal-wildfire_00000163_post_disaster,0,0,tier3\masks\portugal-wildfire_00000163_post_disaster.png,0,0,0,0,163,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000163_post_disaster.png,tuscaloosa-tornado_00000163_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000163_post_disaster.png,0,0,36,129727,163,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000163_post_disaster.png,santa-rosa-wildfire_00000163_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000163_post_disaster.png,0,0,215,253988,163,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000163_post_disaster.png,nepal-flooding_00000163_post_disaster,0,0,tier3\masks\nepal-flooding_00000163_post_disaster.png,0,0,14,12473,163,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000163_post_disaster.png,woolsey-fire_00000163_post_disaster,0,0,tier3\masks\woolsey-fire_00000163_post_disaster.png,0,0,0,0,163,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000163_post_disaster.png,socal-fire_00000163_post_disaster,0,0,train\masks\socal-fire_00000163_post_disaster.png,0,0,0,0,163,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000164_post_disaster.png,lower-puna-volcano_00000164_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000164_post_disaster.png,0,0,1,497,164,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000164_post_disaster.png,portugal-wildfire_00000164_post_disaster,0,0,tier3\masks\portugal-wildfire_00000164_post_disaster.png,0,0,14,10023,164,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000164_post_disaster.png,moore-tornado_00000164_post_disaster,11,14676,tier3\masks\moore-tornado_00000164_post_disaster.png,1,592,10,10233,164,1 +86,47630,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000164_post_disaster.png,tuscaloosa-tornado_00000164_post_disaster,3,986,tier3\masks\tuscaloosa-tornado_00000164_post_disaster.png,8,6391,8,2425,164,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000164_post_disaster.png,pinery-bushfire_00000164_post_disaster,0,0,tier3\masks\pinery-bushfire_00000164_post_disaster.png,0,0,0,0,164,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000164_post_disaster.png,mexico-earthquake_00000164_post_disaster,0,0,train\masks\mexico-earthquake_00000164_post_disaster.png,0,0,21,14091,164,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000164_post_disaster.png,hurricane-florence_00000164_post_disaster,0,0,train\masks\hurricane-florence_00000164_post_disaster.png,0,0,12,11327,164,4 +2,227,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000164_post_disaster.png,nepal-flooding_00000164_post_disaster,7,4274,tier3\masks\nepal-flooding_00000164_post_disaster.png,6,1954,28,12522,164,2 +7,1613,hurricane-matthew,post,train,train\images\hurricane-matthew_00000164_post_disaster.png,hurricane-matthew_00000164_post_disaster,6,1647,train\masks\hurricane-matthew_00000164_post_disaster.png,4,804,9,1936,164,3 +19,16274,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000164_post_disaster.png,santa-rosa-wildfire_00000164_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000164_post_disaster.png,0,0,0,0,164,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000164_post_disaster.png,midwest-flooding_00000164_post_disaster,0,0,train\masks\midwest-flooding_00000164_post_disaster.png,0,0,0,0,164,4 +6,13650,palu-tsunami,post,train,train\images\palu-tsunami_00000164_post_disaster.png,palu-tsunami_00000164_post_disaster,0,0,train\masks\palu-tsunami_00000164_post_disaster.png,11,19091,80,109193,164,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000164_post_disaster.png,woolsey-fire_00000164_post_disaster,0,0,tier3\masks\woolsey-fire_00000164_post_disaster.png,0,0,0,0,164,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000165_post_disaster.png,hurricane-harvey_00000165_post_disaster,0,0,train\masks\hurricane-harvey_00000165_post_disaster.png,3,41713,0,0,165,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000165_post_disaster.png,pinery-bushfire_00000165_post_disaster,0,0,tier3\masks\pinery-bushfire_00000165_post_disaster.png,0,0,0,0,165,4 +21,12923,hurricane-michael,post,train,train\images\hurricane-michael_00000165_post_disaster.png,hurricane-michael_00000165_post_disaster,21,18477,train\masks\hurricane-michael_00000165_post_disaster.png,10,39254,12,27485,165,3 +20,14764,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000165_post_disaster.png,tuscaloosa-tornado_00000165_post_disaster,52,53831,tier3\masks\tuscaloosa-tornado_00000165_post_disaster.png,16,34591,61,41291,165,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000165_post_disaster.png,portugal-wildfire_00000165_post_disaster,0,0,tier3\masks\portugal-wildfire_00000165_post_disaster.png,0,0,0,0,165,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000165_post_disaster.png,midwest-flooding_00000165_post_disaster,0,0,train\masks\midwest-flooding_00000165_post_disaster.png,0,0,0,0,165,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000165_post_disaster.png,woolsey-fire_00000165_post_disaster,0,0,tier3\masks\woolsey-fire_00000165_post_disaster.png,0,0,0,0,165,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000165_post_disaster.png,lower-puna-volcano_00000165_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000165_post_disaster.png,0,0,3,607,165,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000165_post_disaster.png,hurricane-florence_00000165_post_disaster,0,0,train\masks\hurricane-florence_00000165_post_disaster.png,0,0,36,25931,165,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000165_post_disaster.png,moore-tornado_00000165_post_disaster,0,0,tier3\masks\moore-tornado_00000165_post_disaster.png,0,0,119,252081,165,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000165_post_disaster.png,santa-rosa-wildfire_00000165_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000165_post_disaster.png,0,0,130,116620,165,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000165_post_disaster.png,nepal-flooding_00000165_post_disaster,24,12830,tier3\masks\nepal-flooding_00000165_post_disaster.png,10,4953,29,34446,165,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000166_post_disaster.png,midwest-flooding_00000166_post_disaster,0,0,train\masks\midwest-flooding_00000166_post_disaster.png,0,0,34,16929,166,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000166_post_disaster.png,woolsey-fire_00000166_post_disaster,0,0,tier3\masks\woolsey-fire_00000166_post_disaster.png,0,0,0,0,166,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000166_post_disaster.png,santa-rosa-wildfire_00000166_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000166_post_disaster.png,0,0,196,212226,166,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000166_post_disaster.png,moore-tornado_00000166_post_disaster,0,0,tier3\masks\moore-tornado_00000166_post_disaster.png,0,0,7,5320,166,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000166_post_disaster.png,portugal-wildfire_00000166_post_disaster,0,0,tier3\masks\portugal-wildfire_00000166_post_disaster.png,0,0,0,0,166,3 +3,2349,socal-fire,post,train,train\images\socal-fire_00000166_post_disaster.png,socal-fire_00000166_post_disaster,0,0,train\masks\socal-fire_00000166_post_disaster.png,0,0,2,2827,166,2 +12,1858,hurricane-matthew,post,train,train\images\hurricane-matthew_00000166_post_disaster.png,hurricane-matthew_00000166_post_disaster,3,573,train\masks\hurricane-matthew_00000166_post_disaster.png,0,0,3,530,166,3 +1,295,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000166_post_disaster.png,nepal-flooding_00000166_post_disaster,1,3705,tier3\masks\nepal-flooding_00000166_post_disaster.png,12,11808,3,4026,166,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000166_post_disaster.png,lower-puna-volcano_00000166_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000166_post_disaster.png,0,0,0,0,166,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000166_post_disaster.png,mexico-earthquake_00000166_post_disaster,0,0,train\masks\mexico-earthquake_00000166_post_disaster.png,0,0,3,70534,166,4 +24,41494,palu-tsunami,post,train,train\images\palu-tsunami_00000166_post_disaster.png,palu-tsunami_00000166_post_disaster,0,0,train\masks\palu-tsunami_00000166_post_disaster.png,9,116196,49,105059,166,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000166_post_disaster.png,pinery-bushfire_00000166_post_disaster,0,0,tier3\masks\pinery-bushfire_00000166_post_disaster.png,0,0,0,0,166,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000166_post_disaster.png,hurricane-michael_00000166_post_disaster,1,926,train\masks\hurricane-michael_00000166_post_disaster.png,4,2741,4,12079,166,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000166_post_disaster.png,tuscaloosa-tornado_00000166_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000166_post_disaster.png,0,0,0,0,166,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000166_post_disaster.png,hurricane-florence_00000166_post_disaster,0,0,train\masks\hurricane-florence_00000166_post_disaster.png,5,4079,0,0,166,1 +14,3269,hurricane-matthew,post,train,train\images\hurricane-matthew_00000167_post_disaster.png,hurricane-matthew_00000167_post_disaster,0,0,train\masks\hurricane-matthew_00000167_post_disaster.png,1,249,9,1489,167,1 +5,1197,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000167_post_disaster.png,nepal-flooding_00000167_post_disaster,0,0,tier3\masks\nepal-flooding_00000167_post_disaster.png,14,4999,0,0,167,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000167_post_disaster.png,lower-puna-volcano_00000167_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000167_post_disaster.png,0,0,0,0,167,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000167_post_disaster.png,hurricane-harvey_00000167_post_disaster,0,0,train\masks\hurricane-harvey_00000167_post_disaster.png,0,0,0,0,167,0 +5,3452,hurricane-michael,post,train,train\images\hurricane-michael_00000167_post_disaster.png,hurricane-michael_00000167_post_disaster,16,21192,train\masks\hurricane-michael_00000167_post_disaster.png,3,8771,39,124293,167,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000167_post_disaster.png,pinery-bushfire_00000167_post_disaster,0,0,tier3\masks\pinery-bushfire_00000167_post_disaster.png,0,0,0,0,167,2 +55,61081,palu-tsunami,post,train,train\images\palu-tsunami_00000167_post_disaster.png,palu-tsunami_00000167_post_disaster,0,0,train\masks\palu-tsunami_00000167_post_disaster.png,5,6464,101,163266,167,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000167_post_disaster.png,woolsey-fire_00000167_post_disaster,0,0,tier3\masks\woolsey-fire_00000167_post_disaster.png,0,0,2,1681,167,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000167_post_disaster.png,socal-fire_00000167_post_disaster,0,0,train\masks\socal-fire_00000167_post_disaster.png,0,0,0,0,167,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000167_post_disaster.png,tuscaloosa-tornado_00000167_post_disaster,1,1002,tier3\masks\tuscaloosa-tornado_00000167_post_disaster.png,0,0,76,72654,167,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000167_post_disaster.png,midwest-flooding_00000167_post_disaster,0,0,train\masks\midwest-flooding_00000167_post_disaster.png,0,0,4,1531,167,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000167_post_disaster.png,moore-tornado_00000167_post_disaster,0,0,tier3\masks\moore-tornado_00000167_post_disaster.png,0,0,28,36306,167,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000167_post_disaster.png,portugal-wildfire_00000167_post_disaster,0,0,tier3\masks\portugal-wildfire_00000167_post_disaster.png,0,0,0,0,167,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000168_post_disaster.png,nepal-flooding_00000168_post_disaster,13,5627,tier3\masks\nepal-flooding_00000168_post_disaster.png,0,0,122,70218,168,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000168_post_disaster.png,hurricane-florence_00000168_post_disaster,0,0,train\masks\hurricane-florence_00000168_post_disaster.png,0,0,0,0,168,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000168_post_disaster.png,lower-puna-volcano_00000168_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000168_post_disaster.png,0,0,24,10243,168,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000168_post_disaster.png,moore-tornado_00000168_post_disaster,0,0,tier3\masks\moore-tornado_00000168_post_disaster.png,0,0,24,31081,168,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000168_post_disaster.png,portugal-wildfire_00000168_post_disaster,0,0,tier3\masks\portugal-wildfire_00000168_post_disaster.png,0,0,10,1082,168,3 +103,81274,palu-tsunami,post,train,train\images\palu-tsunami_00000168_post_disaster.png,palu-tsunami_00000168_post_disaster,0,0,train\masks\palu-tsunami_00000168_post_disaster.png,0,0,8,3772,168,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000168_post_disaster.png,mexico-earthquake_00000168_post_disaster,0,0,train\masks\mexico-earthquake_00000168_post_disaster.png,0,0,26,141179,168,0 +1,515,midwest-flooding,post,train,train\images\midwest-flooding_00000168_post_disaster.png,midwest-flooding_00000168_post_disaster,0,0,train\masks\midwest-flooding_00000168_post_disaster.png,0,0,0,0,168,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000168_post_disaster.png,santa-rosa-wildfire_00000168_post_disaster,4,2621,train\masks\santa-rosa-wildfire_00000168_post_disaster.png,3,1230,13,10386,168,3 +36,27443,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000168_post_disaster.png,tuscaloosa-tornado_00000168_post_disaster,52,43887,tier3\masks\tuscaloosa-tornado_00000168_post_disaster.png,23,21089,35,22960,168,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000168_post_disaster.png,woolsey-fire_00000168_post_disaster,0,0,tier3\masks\woolsey-fire_00000168_post_disaster.png,0,0,1,681,168,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000168_post_disaster.png,pinery-bushfire_00000168_post_disaster,0,0,tier3\masks\pinery-bushfire_00000168_post_disaster.png,0,0,0,0,168,1 +5,1472,hurricane-matthew,post,train,train\images\hurricane-matthew_00000168_post_disaster.png,hurricane-matthew_00000168_post_disaster,3,533,train\masks\hurricane-matthew_00000168_post_disaster.png,1,342,2,315,168,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000168_post_disaster.png,hurricane-harvey_00000168_post_disaster,0,0,train\masks\hurricane-harvey_00000168_post_disaster.png,153,262035,0,0,168,0 +1,122,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000169_post_disaster.png,nepal-flooding_00000169_post_disaster,1,518,tier3\masks\nepal-flooding_00000169_post_disaster.png,3,1313,23,13499,169,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000169_post_disaster.png,socal-fire_00000169_post_disaster,0,0,train\masks\socal-fire_00000169_post_disaster.png,0,0,0,0,169,3 +52,22469,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000169_post_disaster.png,tuscaloosa-tornado_00000169_post_disaster,1,607,tier3\masks\tuscaloosa-tornado_00000169_post_disaster.png,0,0,1,200,169,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000169_post_disaster.png,hurricane-harvey_00000169_post_disaster,0,0,train\masks\hurricane-harvey_00000169_post_disaster.png,0,0,139,157127,169,1 +24,14086,palu-tsunami,post,train,train\images\palu-tsunami_00000169_post_disaster.png,palu-tsunami_00000169_post_disaster,0,0,train\masks\palu-tsunami_00000169_post_disaster.png,0,0,74,41692,169,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000169_post_disaster.png,santa-rosa-wildfire_00000169_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000169_post_disaster.png,0,0,176,196237,169,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000169_post_disaster.png,moore-tornado_00000169_post_disaster,7,20905,tier3\masks\moore-tornado_00000169_post_disaster.png,0,0,23,68546,169,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000169_post_disaster.png,pinery-bushfire_00000169_post_disaster,0,0,tier3\masks\pinery-bushfire_00000169_post_disaster.png,0,0,0,0,169,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000169_post_disaster.png,woolsey-fire_00000169_post_disaster,0,0,tier3\masks\woolsey-fire_00000169_post_disaster.png,0,0,0,0,169,0 +1,171,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000169_post_disaster.png,portugal-wildfire_00000169_post_disaster,0,0,tier3\masks\portugal-wildfire_00000169_post_disaster.png,0,0,22,11203,169,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000169_post_disaster.png,lower-puna-volcano_00000169_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000169_post_disaster.png,0,0,28,6848,169,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000169_post_disaster.png,hurricane-matthew_00000169_post_disaster,0,0,train\masks\hurricane-matthew_00000169_post_disaster.png,0,0,0,0,169,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000170_post_disaster.png,woolsey-fire_00000170_post_disaster,0,0,tier3\masks\woolsey-fire_00000170_post_disaster.png,0,0,0,0,170,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000170_post_disaster.png,hurricane-harvey_00000170_post_disaster,0,0,train\masks\hurricane-harvey_00000170_post_disaster.png,0,0,194,247502,170,4 +17,18888,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000170_post_disaster.png,santa-rosa-wildfire_00000170_post_disaster,7,6888,train\masks\santa-rosa-wildfire_00000170_post_disaster.png,1,142,2,958,170,0 +12,8403,moore-tornado,post,tier3,tier3\images\moore-tornado_00000170_post_disaster.png,moore-tornado_00000170_post_disaster,5,5976,tier3\masks\moore-tornado_00000170_post_disaster.png,5,4417,22,29834,170,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000170_post_disaster.png,midwest-flooding_00000170_post_disaster,3,1765,train\masks\midwest-flooding_00000170_post_disaster.png,1,1038,16,5932,170,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000170_post_disaster.png,portugal-wildfire_00000170_post_disaster,0,0,tier3\masks\portugal-wildfire_00000170_post_disaster.png,0,0,0,0,170,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000170_post_disaster.png,lower-puna-volcano_00000170_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000170_post_disaster.png,0,0,0,0,170,0 +5,2814,hurricane-michael,post,train,train\images\hurricane-michael_00000170_post_disaster.png,hurricane-michael_00000170_post_disaster,12,7949,train\masks\hurricane-michael_00000170_post_disaster.png,5,4095,17,16567,170,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000170_post_disaster.png,nepal-flooding_00000170_post_disaster,14,24682,tier3\masks\nepal-flooding_00000170_post_disaster.png,5,5408,10,11800,170,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000170_post_disaster.png,tuscaloosa-tornado_00000170_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000170_post_disaster.png,0,0,0,0,170,2 +22,4177,hurricane-matthew,post,train,train\images\hurricane-matthew_00000170_post_disaster.png,hurricane-matthew_00000170_post_disaster,1,256,train\masks\hurricane-matthew_00000170_post_disaster.png,1,163,0,0,170,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000170_post_disaster.png,pinery-bushfire_00000170_post_disaster,0,0,tier3\masks\pinery-bushfire_00000170_post_disaster.png,0,0,4,2101,170,0 +5,2199,palu-tsunami,post,train,train\images\palu-tsunami_00000171_post_disaster.png,palu-tsunami_00000171_post_disaster,0,0,train\masks\palu-tsunami_00000171_post_disaster.png,1,8405,41,64964,171,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000171_post_disaster.png,pinery-bushfire_00000171_post_disaster,0,0,tier3\masks\pinery-bushfire_00000171_post_disaster.png,0,0,0,0,171,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000171_post_disaster.png,portugal-wildfire_00000171_post_disaster,0,0,tier3\masks\portugal-wildfire_00000171_post_disaster.png,0,0,38,37248,171,4 +1,3283,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000171_post_disaster.png,tuscaloosa-tornado_00000171_post_disaster,6,7253,tier3\masks\tuscaloosa-tornado_00000171_post_disaster.png,4,8684,12,17267,171,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000171_post_disaster.png,lower-puna-volcano_00000171_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000171_post_disaster.png,0,0,10,3603,171,1 +4,1760,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000171_post_disaster.png,woolsey-fire_00000171_post_disaster,1,131,tier3\masks\woolsey-fire_00000171_post_disaster.png,0,0,14,21114,171,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000171_post_disaster.png,nepal-flooding_00000171_post_disaster,0,0,tier3\masks\nepal-flooding_00000171_post_disaster.png,1,449,0,0,171,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000171_post_disaster.png,mexico-earthquake_00000171_post_disaster,0,0,train\masks\mexico-earthquake_00000171_post_disaster.png,0,0,168,336200,171,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000171_post_disaster.png,hurricane-harvey_00000171_post_disaster,9,16680,train\masks\hurricane-harvey_00000171_post_disaster.png,0,0,64,109093,171,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000171_post_disaster.png,socal-fire_00000171_post_disaster,0,0,train\masks\socal-fire_00000171_post_disaster.png,0,0,0,0,171,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000171_post_disaster.png,moore-tornado_00000171_post_disaster,0,0,tier3\masks\moore-tornado_00000171_post_disaster.png,0,0,80,79561,171,1 +23,3452,hurricane-matthew,post,train,train\images\hurricane-matthew_00000171_post_disaster.png,hurricane-matthew_00000171_post_disaster,1,208,train\masks\hurricane-matthew_00000171_post_disaster.png,7,2116,0,0,171,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000171_post_disaster.png,midwest-flooding_00000171_post_disaster,0,0,train\masks\midwest-flooding_00000171_post_disaster.png,0,0,2,924,171,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000171_post_disaster.png,santa-rosa-wildfire_00000171_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000171_post_disaster.png,0,0,210,279584,171,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000172_post_disaster.png,pinery-bushfire_00000172_post_disaster,3,566,tier3\masks\pinery-bushfire_00000172_post_disaster.png,1,1295,10,4110,172,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000172_post_disaster.png,tuscaloosa-tornado_00000172_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000172_post_disaster.png,0,0,11,7135,172,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000172_post_disaster.png,hurricane-harvey_00000172_post_disaster,0,0,train\masks\hurricane-harvey_00000172_post_disaster.png,0,0,135,317306,172,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000172_post_disaster.png,hurricane-michael_00000172_post_disaster,37,44506,train\masks\hurricane-michael_00000172_post_disaster.png,5,5559,75,97504,172,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000172_post_disaster.png,mexico-earthquake_00000172_post_disaster,0,0,train\masks\mexico-earthquake_00000172_post_disaster.png,0,0,11,3216,172,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000172_post_disaster.png,nepal-flooding_00000172_post_disaster,2,451,tier3\masks\nepal-flooding_00000172_post_disaster.png,0,0,6,1210,172,2 +3,968,hurricane-matthew,post,train,train\images\hurricane-matthew_00000172_post_disaster.png,hurricane-matthew_00000172_post_disaster,0,0,train\masks\hurricane-matthew_00000172_post_disaster.png,0,0,0,0,172,1 +3,819,midwest-flooding,post,train,train\images\midwest-flooding_00000172_post_disaster.png,midwest-flooding_00000172_post_disaster,8,2983,train\masks\midwest-flooding_00000172_post_disaster.png,4,1394,26,12489,172,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000172_post_disaster.png,portugal-wildfire_00000172_post_disaster,0,0,tier3\masks\portugal-wildfire_00000172_post_disaster.png,0,0,12,8118,172,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000172_post_disaster.png,moore-tornado_00000172_post_disaster,0,0,tier3\masks\moore-tornado_00000172_post_disaster.png,0,0,45,134325,172,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000172_post_disaster.png,woolsey-fire_00000172_post_disaster,0,0,tier3\masks\woolsey-fire_00000172_post_disaster.png,0,0,0,0,172,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000172_post_disaster.png,lower-puna-volcano_00000172_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000172_post_disaster.png,0,0,0,0,172,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000173_post_disaster.png,woolsey-fire_00000173_post_disaster,0,0,tier3\masks\woolsey-fire_00000173_post_disaster.png,0,0,3,895,173,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000173_post_disaster.png,lower-puna-volcano_00000173_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000173_post_disaster.png,0,0,0,0,173,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000173_post_disaster.png,mexico-earthquake_00000173_post_disaster,0,0,train\masks\mexico-earthquake_00000173_post_disaster.png,0,0,87,400344,173,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000173_post_disaster.png,tuscaloosa-tornado_00000173_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000173_post_disaster.png,0,0,89,110944,173,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000173_post_disaster.png,portugal-wildfire_00000173_post_disaster,0,0,tier3\masks\portugal-wildfire_00000173_post_disaster.png,0,0,3,2037,173,1 +1,78,midwest-flooding,post,train,train\images\midwest-flooding_00000173_post_disaster.png,midwest-flooding_00000173_post_disaster,0,0,train\masks\midwest-flooding_00000173_post_disaster.png,2,1504,17,18013,173,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000173_post_disaster.png,pinery-bushfire_00000173_post_disaster,0,0,tier3\masks\pinery-bushfire_00000173_post_disaster.png,0,0,0,0,173,2 +6,868,hurricane-matthew,post,train,train\images\hurricane-matthew_00000173_post_disaster.png,hurricane-matthew_00000173_post_disaster,0,0,train\masks\hurricane-matthew_00000173_post_disaster.png,3,491,0,0,173,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000173_post_disaster.png,moore-tornado_00000173_post_disaster,0,0,tier3\masks\moore-tornado_00000173_post_disaster.png,0,0,26,25547,173,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000173_post_disaster.png,santa-rosa-wildfire_00000173_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000173_post_disaster.png,0,0,162,195260,173,4 +1,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000173_post_disaster.png,nepal-flooding_00000173_post_disaster,29,13382,tier3\masks\nepal-flooding_00000173_post_disaster.png,23,11069,46,33251,173,0 +4,2253,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000174_post_disaster.png,tuscaloosa-tornado_00000174_post_disaster,18,23572,tier3\masks\tuscaloosa-tornado_00000174_post_disaster.png,1,144,37,39041,174,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000174_post_disaster.png,hurricane-harvey_00000174_post_disaster,1,150,train\masks\hurricane-harvey_00000174_post_disaster.png,0,0,0,0,174,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000174_post_disaster.png,woolsey-fire_00000174_post_disaster,0,0,tier3\masks\woolsey-fire_00000174_post_disaster.png,0,0,0,0,174,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000174_post_disaster.png,hurricane-michael_00000174_post_disaster,3,3937,train\masks\hurricane-michael_00000174_post_disaster.png,3,2274,10,8235,174,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000174_post_disaster.png,portugal-wildfire_00000174_post_disaster,0,0,tier3\masks\portugal-wildfire_00000174_post_disaster.png,0,0,30,22968,174,3 +4,3296,socal-fire,post,train,train\images\socal-fire_00000174_post_disaster.png,socal-fire_00000174_post_disaster,0,0,train\masks\socal-fire_00000174_post_disaster.png,0,0,1,385,174,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000174_post_disaster.png,lower-puna-volcano_00000174_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000174_post_disaster.png,0,0,16,7454,174,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000174_post_disaster.png,pinery-bushfire_00000174_post_disaster,0,0,tier3\masks\pinery-bushfire_00000174_post_disaster.png,0,0,0,0,174,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000174_post_disaster.png,nepal-flooding_00000174_post_disaster,9,7923,tier3\masks\nepal-flooding_00000174_post_disaster.png,0,0,31,33607,174,3 +24,6132,hurricane-matthew,post,train,train\images\hurricane-matthew_00000174_post_disaster.png,hurricane-matthew_00000174_post_disaster,2,525,train\masks\hurricane-matthew_00000174_post_disaster.png,3,1272,0,0,174,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000174_post_disaster.png,palu-tsunami_00000174_post_disaster,0,0,train\masks\palu-tsunami_00000174_post_disaster.png,0,0,97,238753,174,4 +6,15043,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000174_post_disaster.png,santa-rosa-wildfire_00000174_post_disaster,1,860,train\masks\santa-rosa-wildfire_00000174_post_disaster.png,0,0,1,248,174,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000174_post_disaster.png,hurricane-florence_00000174_post_disaster,0,0,train\masks\hurricane-florence_00000174_post_disaster.png,0,0,0,0,174,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000174_post_disaster.png,moore-tornado_00000174_post_disaster,0,0,tier3\masks\moore-tornado_00000174_post_disaster.png,0,0,4,2679,174,3 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000175_post_disaster.png,palu-tsunami_00000175_post_disaster,0,0,train\masks\palu-tsunami_00000175_post_disaster.png,1,4256,141,269421,175,1 +24,6252,hurricane-matthew,post,train,train\images\hurricane-matthew_00000175_post_disaster.png,hurricane-matthew_00000175_post_disaster,5,4216,train\masks\hurricane-matthew_00000175_post_disaster.png,3,1434,0,0,175,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000175_post_disaster.png,santa-rosa-wildfire_00000175_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000175_post_disaster.png,0,0,239,265773,175,0 +2,1237,midwest-flooding,post,train,train\images\midwest-flooding_00000175_post_disaster.png,midwest-flooding_00000175_post_disaster,4,6656,train\masks\midwest-flooding_00000175_post_disaster.png,2,1106,20,20885,175,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000175_post_disaster.png,nepal-flooding_00000175_post_disaster,0,0,tier3\masks\nepal-flooding_00000175_post_disaster.png,0,0,0,0,175,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000175_post_disaster.png,woolsey-fire_00000175_post_disaster,0,0,tier3\masks\woolsey-fire_00000175_post_disaster.png,0,0,1,220,175,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000175_post_disaster.png,tuscaloosa-tornado_00000175_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000175_post_disaster.png,0,0,11,325946,175,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000175_post_disaster.png,portugal-wildfire_00000175_post_disaster,0,0,tier3\masks\portugal-wildfire_00000175_post_disaster.png,0,0,0,0,175,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000175_post_disaster.png,socal-fire_00000175_post_disaster,0,0,train\masks\socal-fire_00000175_post_disaster.png,0,0,0,0,175,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000175_post_disaster.png,moore-tornado_00000175_post_disaster,0,0,tier3\masks\moore-tornado_00000175_post_disaster.png,0,0,188,211957,175,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000175_post_disaster.png,lower-puna-volcano_00000175_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000175_post_disaster.png,0,0,12,6560,175,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000175_post_disaster.png,pinery-bushfire_00000175_post_disaster,0,0,tier3\masks\pinery-bushfire_00000175_post_disaster.png,0,0,0,0,175,3 +1,2115,hurricane-michael,post,train,train\images\hurricane-michael_00000175_post_disaster.png,hurricane-michael_00000175_post_disaster,2,2807,train\masks\hurricane-michael_00000175_post_disaster.png,9,29475,21,95706,175,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000176_post_disaster.png,nepal-flooding_00000176_post_disaster,7,8512,tier3\masks\nepal-flooding_00000176_post_disaster.png,5,5350,10,6105,176,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000176_post_disaster.png,lower-puna-volcano_00000176_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000176_post_disaster.png,0,0,9,10316,176,0 +5,7863,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000176_post_disaster.png,santa-rosa-wildfire_00000176_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000176_post_disaster.png,0,0,4,4338,176,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000176_post_disaster.png,pinery-bushfire_00000176_post_disaster,0,0,tier3\masks\pinery-bushfire_00000176_post_disaster.png,0,0,0,0,176,2 +12,2830,hurricane-matthew,post,train,train\images\hurricane-matthew_00000176_post_disaster.png,hurricane-matthew_00000176_post_disaster,4,918,train\masks\hurricane-matthew_00000176_post_disaster.png,3,756,1,255,176,3 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000176_post_disaster.png,mexico-earthquake_00000176_post_disaster,0,0,train\masks\mexico-earthquake_00000176_post_disaster.png,0,0,17,17081,176,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000176_post_disaster.png,tuscaloosa-tornado_00000176_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000176_post_disaster.png,0,0,1,204,176,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000176_post_disaster.png,woolsey-fire_00000176_post_disaster,0,0,tier3\masks\woolsey-fire_00000176_post_disaster.png,0,0,0,0,176,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000176_post_disaster.png,portugal-wildfire_00000176_post_disaster,0,0,tier3\masks\portugal-wildfire_00000176_post_disaster.png,0,0,0,0,176,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000176_post_disaster.png,moore-tornado_00000176_post_disaster,0,0,tier3\masks\moore-tornado_00000176_post_disaster.png,0,0,9,134983,176,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000176_post_disaster.png,hurricane-harvey_00000176_post_disaster,0,0,train\masks\hurricane-harvey_00000176_post_disaster.png,0,0,94,287053,176,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000177_post_disaster.png,mexico-earthquake_00000177_post_disaster,0,0,train\masks\mexico-earthquake_00000177_post_disaster.png,0,0,113,192353,177,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000177_post_disaster.png,tuscaloosa-tornado_00000177_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000177_post_disaster.png,0,0,1,327,177,2 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000177_post_disaster.png,palu-tsunami_00000177_post_disaster,0,0,train\masks\palu-tsunami_00000177_post_disaster.png,0,0,133,234878,177,3 +6,7057,hurricane-harvey,post,train,train\images\hurricane-harvey_00000177_post_disaster.png,hurricane-harvey_00000177_post_disaster,22,43641,train\masks\hurricane-harvey_00000177_post_disaster.png,27,82100,4,23450,177,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000177_post_disaster.png,santa-rosa-wildfire_00000177_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000177_post_disaster.png,0,0,166,180078,177,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000177_post_disaster.png,lower-puna-volcano_00000177_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000177_post_disaster.png,0,0,0,0,177,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000177_post_disaster.png,woolsey-fire_00000177_post_disaster,0,0,tier3\masks\woolsey-fire_00000177_post_disaster.png,0,0,0,0,177,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000177_post_disaster.png,hurricane-michael_00000177_post_disaster,8,8205,train\masks\hurricane-michael_00000177_post_disaster.png,0,0,16,16009,177,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000177_post_disaster.png,portugal-wildfire_00000177_post_disaster,0,0,tier3\masks\portugal-wildfire_00000177_post_disaster.png,0,0,0,0,177,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000177_post_disaster.png,moore-tornado_00000177_post_disaster,0,0,tier3\masks\moore-tornado_00000177_post_disaster.png,0,0,12,14448,177,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000177_post_disaster.png,midwest-flooding_00000177_post_disaster,0,0,train\masks\midwest-flooding_00000177_post_disaster.png,0,0,0,0,177,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000177_post_disaster.png,nepal-flooding_00000177_post_disaster,0,0,tier3\masks\nepal-flooding_00000177_post_disaster.png,0,0,0,0,177,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000177_post_disaster.png,pinery-bushfire_00000177_post_disaster,0,0,tier3\masks\pinery-bushfire_00000177_post_disaster.png,0,0,3,342,177,4 +13,2390,hurricane-matthew,post,train,train\images\hurricane-matthew_00000178_post_disaster.png,hurricane-matthew_00000178_post_disaster,3,544,train\masks\hurricane-matthew_00000178_post_disaster.png,3,672,5,777,178,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000178_post_disaster.png,portugal-wildfire_00000178_post_disaster,0,0,tier3\masks\portugal-wildfire_00000178_post_disaster.png,0,0,0,0,178,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000178_post_disaster.png,hurricane-harvey_00000178_post_disaster,0,0,train\masks\hurricane-harvey_00000178_post_disaster.png,0,0,150,246606,178,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000178_post_disaster.png,lower-puna-volcano_00000178_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000178_post_disaster.png,0,0,0,0,178,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000178_post_disaster.png,pinery-bushfire_00000178_post_disaster,0,0,tier3\masks\pinery-bushfire_00000178_post_disaster.png,0,0,0,0,178,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000178_post_disaster.png,socal-fire_00000178_post_disaster,0,0,train\masks\socal-fire_00000178_post_disaster.png,0,0,0,0,178,4 +1,2290,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000178_post_disaster.png,woolsey-fire_00000178_post_disaster,0,0,tier3\masks\woolsey-fire_00000178_post_disaster.png,0,0,0,0,178,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000178_post_disaster.png,nepal-flooding_00000178_post_disaster,4,5001,tier3\masks\nepal-flooding_00000178_post_disaster.png,2,3685,48,69931,178,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000178_post_disaster.png,moore-tornado_00000178_post_disaster,0,0,tier3\masks\moore-tornado_00000178_post_disaster.png,0,0,31,31386,178,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000178_post_disaster.png,tuscaloosa-tornado_00000178_post_disaster,1,1200,tier3\masks\tuscaloosa-tornado_00000178_post_disaster.png,0,0,47,59737,178,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000178_post_disaster.png,midwest-flooding_00000178_post_disaster,0,0,train\masks\midwest-flooding_00000178_post_disaster.png,0,0,5,4358,178,3 +68,126846,palu-tsunami,post,train,train\images\palu-tsunami_00000178_post_disaster.png,palu-tsunami_00000178_post_disaster,0,0,train\masks\palu-tsunami_00000178_post_disaster.png,1,1627,93,208564,178,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000178_post_disaster.png,hurricane-florence_00000178_post_disaster,0,0,train\masks\hurricane-florence_00000178_post_disaster.png,14,8025,0,0,178,0 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000179_post_disaster.png,mexico-earthquake_00000179_post_disaster,0,0,train\masks\mexico-earthquake_00000179_post_disaster.png,0,0,29,31598,179,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000179_post_disaster.png,portugal-wildfire_00000179_post_disaster,0,0,tier3\masks\portugal-wildfire_00000179_post_disaster.png,0,0,0,0,179,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000179_post_disaster.png,nepal-flooding_00000179_post_disaster,0,0,tier3\masks\nepal-flooding_00000179_post_disaster.png,0,0,19,12572,179,0 +0,0,palu-tsunami,post,train,train\images\palu-tsunami_00000179_post_disaster.png,palu-tsunami_00000179_post_disaster,0,0,train\masks\palu-tsunami_00000179_post_disaster.png,0,0,163,340083,179,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000179_post_disaster.png,lower-puna-volcano_00000179_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000179_post_disaster.png,0,0,20,10807,179,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000179_post_disaster.png,santa-rosa-wildfire_00000179_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000179_post_disaster.png,0,0,224,231350,179,2 +11,1991,hurricane-matthew,post,train,train\images\hurricane-matthew_00000179_post_disaster.png,hurricane-matthew_00000179_post_disaster,0,0,train\masks\hurricane-matthew_00000179_post_disaster.png,1,250,0,0,179,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000179_post_disaster.png,moore-tornado_00000179_post_disaster,0,0,tier3\masks\moore-tornado_00000179_post_disaster.png,0,0,1,90,179,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000179_post_disaster.png,pinery-bushfire_00000179_post_disaster,0,0,tier3\masks\pinery-bushfire_00000179_post_disaster.png,0,0,0,0,179,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000179_post_disaster.png,woolsey-fire_00000179_post_disaster,0,0,tier3\masks\woolsey-fire_00000179_post_disaster.png,0,0,0,0,179,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000179_post_disaster.png,tuscaloosa-tornado_00000179_post_disaster,14,9942,tier3\masks\tuscaloosa-tornado_00000179_post_disaster.png,0,0,115,129028,179,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000180_post_disaster.png,socal-fire_00000180_post_disaster,0,0,train\masks\socal-fire_00000180_post_disaster.png,0,0,29,9466,180,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000180_post_disaster.png,moore-tornado_00000180_post_disaster,0,0,tier3\masks\moore-tornado_00000180_post_disaster.png,0,0,18,84598,180,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000180_post_disaster.png,hurricane-harvey_00000180_post_disaster,0,0,train\masks\hurricane-harvey_00000180_post_disaster.png,0,0,193,249760,180,4 +7,1329,hurricane-matthew,post,train,train\images\hurricane-matthew_00000180_post_disaster.png,hurricane-matthew_00000180_post_disaster,0,0,train\masks\hurricane-matthew_00000180_post_disaster.png,4,669,2,133,180,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000180_post_disaster.png,portugal-wildfire_00000180_post_disaster,0,0,tier3\masks\portugal-wildfire_00000180_post_disaster.png,0,0,0,0,180,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000180_post_disaster.png,tuscaloosa-tornado_00000180_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000180_post_disaster.png,0,0,0,0,180,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000180_post_disaster.png,nepal-flooding_00000180_post_disaster,2,1899,tier3\masks\nepal-flooding_00000180_post_disaster.png,0,0,65,74880,180,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000180_post_disaster.png,hurricane-florence_00000180_post_disaster,0,0,train\masks\hurricane-florence_00000180_post_disaster.png,1,623,0,0,180,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000180_post_disaster.png,santa-rosa-wildfire_00000180_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000180_post_disaster.png,2,306,34,102779,180,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000180_post_disaster.png,woolsey-fire_00000180_post_disaster,0,0,tier3\masks\woolsey-fire_00000180_post_disaster.png,0,0,2,141,180,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000180_post_disaster.png,pinery-bushfire_00000180_post_disaster,0,0,tier3\masks\pinery-bushfire_00000180_post_disaster.png,0,0,0,0,180,0 +6,2581,hurricane-michael,post,train,train\images\hurricane-michael_00000180_post_disaster.png,hurricane-michael_00000180_post_disaster,64,84704,train\masks\hurricane-michael_00000180_post_disaster.png,27,34912,102,113686,180,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000180_post_disaster.png,lower-puna-volcano_00000180_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000180_post_disaster.png,0,0,2,992,180,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000181_post_disaster.png,hurricane-michael_00000181_post_disaster,33,89378,train\masks\hurricane-michael_00000181_post_disaster.png,6,3391,61,80812,181,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000181_post_disaster.png,portugal-wildfire_00000181_post_disaster,0,0,tier3\masks\portugal-wildfire_00000181_post_disaster.png,0,0,43,40812,181,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000181_post_disaster.png,woolsey-fire_00000181_post_disaster,0,0,tier3\masks\woolsey-fire_00000181_post_disaster.png,0,0,0,0,181,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000181_post_disaster.png,pinery-bushfire_00000181_post_disaster,0,0,tier3\masks\pinery-bushfire_00000181_post_disaster.png,0,0,0,0,181,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000181_post_disaster.png,nepal-flooding_00000181_post_disaster,0,0,tier3\masks\nepal-flooding_00000181_post_disaster.png,0,0,70,45316,181,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000181_post_disaster.png,tuscaloosa-tornado_00000181_post_disaster,1,1454,tier3\masks\tuscaloosa-tornado_00000181_post_disaster.png,1,1383,5,4127,181,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000181_post_disaster.png,lower-puna-volcano_00000181_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000181_post_disaster.png,0,0,21,5982,181,0 +13,2301,hurricane-matthew,post,train,train\images\hurricane-matthew_00000181_post_disaster.png,hurricane-matthew_00000181_post_disaster,1,213,train\masks\hurricane-matthew_00000181_post_disaster.png,2,396,3,590,181,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000181_post_disaster.png,midwest-flooding_00000181_post_disaster,1,2843,train\masks\midwest-flooding_00000181_post_disaster.png,12,5634,19,15670,181,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000181_post_disaster.png,mexico-earthquake_00000181_post_disaster,3,42771,train\masks\mexico-earthquake_00000181_post_disaster.png,0,0,190,292665,181,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000181_post_disaster.png,moore-tornado_00000181_post_disaster,0,0,tier3\masks\moore-tornado_00000181_post_disaster.png,0,0,107,122983,181,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000181_post_disaster.png,hurricane-florence_00000181_post_disaster,0,0,train\masks\hurricane-florence_00000181_post_disaster.png,10,8762,21,16147,181,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000182_post_disaster.png,woolsey-fire_00000182_post_disaster,0,0,tier3\masks\woolsey-fire_00000182_post_disaster.png,0,0,0,0,182,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000182_post_disaster.png,nepal-flooding_00000182_post_disaster,0,0,tier3\masks\nepal-flooding_00000182_post_disaster.png,0,0,13,11565,182,0 +170,190275,palu-tsunami,post,train,train\images\palu-tsunami_00000182_post_disaster.png,palu-tsunami_00000182_post_disaster,0,0,train\masks\palu-tsunami_00000182_post_disaster.png,10,8811,9,29220,182,2 +11,2033,hurricane-matthew,post,train,train\images\hurricane-matthew_00000182_post_disaster.png,hurricane-matthew_00000182_post_disaster,1,310,train\masks\hurricane-matthew_00000182_post_disaster.png,9,3139,3,542,182,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000182_post_disaster.png,moore-tornado_00000182_post_disaster,0,0,tier3\masks\moore-tornado_00000182_post_disaster.png,0,0,31,20096,182,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000182_post_disaster.png,midwest-flooding_00000182_post_disaster,0,0,train\masks\midwest-flooding_00000182_post_disaster.png,0,0,0,0,182,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000182_post_disaster.png,pinery-bushfire_00000182_post_disaster,0,0,tier3\masks\pinery-bushfire_00000182_post_disaster.png,0,0,3,368,182,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000182_post_disaster.png,lower-puna-volcano_00000182_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000182_post_disaster.png,0,0,34,22435,182,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000182_post_disaster.png,mexico-earthquake_00000182_post_disaster,0,0,train\masks\mexico-earthquake_00000182_post_disaster.png,0,0,173,219397,182,3 +4,664,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000182_post_disaster.png,tuscaloosa-tornado_00000182_post_disaster,4,3773,tier3\masks\tuscaloosa-tornado_00000182_post_disaster.png,1,1000,21,11959,182,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000182_post_disaster.png,santa-rosa-wildfire_00000182_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000182_post_disaster.png,0,0,11,13470,182,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000182_post_disaster.png,portugal-wildfire_00000182_post_disaster,0,0,tier3\masks\portugal-wildfire_00000182_post_disaster.png,0,0,0,0,182,0 +5,1543,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000183_post_disaster.png,tuscaloosa-tornado_00000183_post_disaster,13,10817,tier3\masks\tuscaloosa-tornado_00000183_post_disaster.png,2,1448,121,116255,183,0 +3,2449,socal-fire,post,train,train\images\socal-fire_00000183_post_disaster.png,socal-fire_00000183_post_disaster,1,383,train\masks\socal-fire_00000183_post_disaster.png,1,131,0,0,183,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000183_post_disaster.png,moore-tornado_00000183_post_disaster,0,0,tier3\masks\moore-tornado_00000183_post_disaster.png,0,0,14,115510,183,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000183_post_disaster.png,woolsey-fire_00000183_post_disaster,0,0,tier3\masks\woolsey-fire_00000183_post_disaster.png,0,0,0,0,183,4 +29,14538,palu-tsunami,post,train,train\images\palu-tsunami_00000183_post_disaster.png,palu-tsunami_00000183_post_disaster,0,0,train\masks\palu-tsunami_00000183_post_disaster.png,2,1285,39,34428,183,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000183_post_disaster.png,midwest-flooding_00000183_post_disaster,0,0,train\masks\midwest-flooding_00000183_post_disaster.png,0,0,5,3505,183,0 +3,7130,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000183_post_disaster.png,santa-rosa-wildfire_00000183_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000183_post_disaster.png,0,0,0,0,183,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000183_post_disaster.png,hurricane-michael_00000183_post_disaster,2,1100,train\masks\hurricane-michael_00000183_post_disaster.png,2,87776,19,37534,183,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000183_post_disaster.png,pinery-bushfire_00000183_post_disaster,0,0,tier3\masks\pinery-bushfire_00000183_post_disaster.png,0,0,0,0,183,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000183_post_disaster.png,lower-puna-volcano_00000183_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000183_post_disaster.png,0,0,9,2214,183,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000183_post_disaster.png,hurricane-florence_00000183_post_disaster,0,0,train\masks\hurricane-florence_00000183_post_disaster.png,8,5511,0,0,183,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000183_post_disaster.png,nepal-flooding_00000183_post_disaster,0,0,tier3\masks\nepal-flooding_00000183_post_disaster.png,0,0,29,26974,183,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000183_post_disaster.png,portugal-wildfire_00000183_post_disaster,0,0,tier3\masks\portugal-wildfire_00000183_post_disaster.png,0,0,10,4819,183,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000184_post_disaster.png,woolsey-fire_00000184_post_disaster,0,0,tier3\masks\woolsey-fire_00000184_post_disaster.png,0,0,0,0,184,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000184_post_disaster.png,mexico-earthquake_00000184_post_disaster,0,0,train\masks\mexico-earthquake_00000184_post_disaster.png,0,0,198,207418,184,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000184_post_disaster.png,lower-puna-volcano_00000184_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000184_post_disaster.png,0,0,18,12527,184,3 +4,2356,hurricane-michael,post,train,train\images\hurricane-michael_00000184_post_disaster.png,hurricane-michael_00000184_post_disaster,22,29159,train\masks\hurricane-michael_00000184_post_disaster.png,12,19038,54,65932,184,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000184_post_disaster.png,nepal-flooding_00000184_post_disaster,0,0,tier3\masks\nepal-flooding_00000184_post_disaster.png,0,0,4,2779,184,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000184_post_disaster.png,moore-tornado_00000184_post_disaster,0,0,tier3\masks\moore-tornado_00000184_post_disaster.png,0,0,196,268245,184,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000184_post_disaster.png,portugal-wildfire_00000184_post_disaster,0,0,tier3\masks\portugal-wildfire_00000184_post_disaster.png,0,0,1,322,184,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000184_post_disaster.png,pinery-bushfire_00000184_post_disaster,0,0,tier3\masks\pinery-bushfire_00000184_post_disaster.png,0,0,0,0,184,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000184_post_disaster.png,tuscaloosa-tornado_00000184_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000184_post_disaster.png,0,0,0,0,184,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000185_post_disaster.png,hurricane-florence_00000185_post_disaster,0,0,train\masks\hurricane-florence_00000185_post_disaster.png,0,0,23,29996,185,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000185_post_disaster.png,santa-rosa-wildfire_00000185_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000185_post_disaster.png,0,0,23,46653,185,1 +1,504,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000185_post_disaster.png,tuscaloosa-tornado_00000185_post_disaster,18,18840,tier3\masks\tuscaloosa-tornado_00000185_post_disaster.png,4,4315,58,43819,185,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000185_post_disaster.png,nepal-flooding_00000185_post_disaster,0,0,tier3\masks\nepal-flooding_00000185_post_disaster.png,1,200,0,0,185,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000185_post_disaster.png,pinery-bushfire_00000185_post_disaster,0,0,tier3\masks\pinery-bushfire_00000185_post_disaster.png,0,0,0,0,185,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000185_post_disaster.png,lower-puna-volcano_00000185_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000185_post_disaster.png,0,0,0,0,185,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000185_post_disaster.png,socal-fire_00000185_post_disaster,0,0,train\masks\socal-fire_00000185_post_disaster.png,0,0,0,0,185,4 +7,906,hurricane-matthew,post,train,train\images\hurricane-matthew_00000185_post_disaster.png,hurricane-matthew_00000185_post_disaster,10,1993,train\masks\hurricane-matthew_00000185_post_disaster.png,8,3062,21,3469,185,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000185_post_disaster.png,portugal-wildfire_00000185_post_disaster,0,0,tier3\masks\portugal-wildfire_00000185_post_disaster.png,0,0,1,400,185,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000185_post_disaster.png,moore-tornado_00000185_post_disaster,0,0,tier3\masks\moore-tornado_00000185_post_disaster.png,0,0,262,271039,185,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000185_post_disaster.png,woolsey-fire_00000185_post_disaster,0,0,tier3\masks\woolsey-fire_00000185_post_disaster.png,0,0,0,0,185,2 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000185_post_disaster.png,mexico-earthquake_00000185_post_disaster,0,0,train\masks\mexico-earthquake_00000185_post_disaster.png,0,0,351,305709,185,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000186_post_disaster.png,nepal-flooding_00000186_post_disaster,0,0,tier3\masks\nepal-flooding_00000186_post_disaster.png,1,546,0,0,186,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000186_post_disaster.png,socal-fire_00000186_post_disaster,0,0,train\masks\socal-fire_00000186_post_disaster.png,0,0,0,0,186,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000186_post_disaster.png,midwest-flooding_00000186_post_disaster,0,0,train\masks\midwest-flooding_00000186_post_disaster.png,0,0,0,0,186,0 +16,1937,hurricane-matthew,post,train,train\images\hurricane-matthew_00000186_post_disaster.png,hurricane-matthew_00000186_post_disaster,7,1650,train\masks\hurricane-matthew_00000186_post_disaster.png,9,2596,4,452,186,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000186_post_disaster.png,lower-puna-volcano_00000186_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000186_post_disaster.png,0,0,4,3490,186,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000186_post_disaster.png,portugal-wildfire_00000186_post_disaster,0,0,tier3\masks\portugal-wildfire_00000186_post_disaster.png,0,0,0,0,186,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000186_post_disaster.png,tuscaloosa-tornado_00000186_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000186_post_disaster.png,0,0,0,0,186,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000186_post_disaster.png,pinery-bushfire_00000186_post_disaster,0,0,tier3\masks\pinery-bushfire_00000186_post_disaster.png,0,0,0,0,186,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000186_post_disaster.png,mexico-earthquake_00000186_post_disaster,0,0,train\masks\mexico-earthquake_00000186_post_disaster.png,0,0,177,258244,186,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000186_post_disaster.png,woolsey-fire_00000186_post_disaster,0,0,tier3\masks\woolsey-fire_00000186_post_disaster.png,0,0,0,0,186,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000186_post_disaster.png,moore-tornado_00000186_post_disaster,0,0,tier3\masks\moore-tornado_00000186_post_disaster.png,0,0,5,4992,186,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000187_post_disaster.png,moore-tornado_00000187_post_disaster,0,0,tier3\masks\moore-tornado_00000187_post_disaster.png,0,0,93,196985,187,0 +2,1872,palu-tsunami,post,train,train\images\palu-tsunami_00000187_post_disaster.png,palu-tsunami_00000187_post_disaster,0,0,train\masks\palu-tsunami_00000187_post_disaster.png,0,0,8,7478,187,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000187_post_disaster.png,pinery-bushfire_00000187_post_disaster,0,0,tier3\masks\pinery-bushfire_00000187_post_disaster.png,0,0,0,0,187,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000187_post_disaster.png,nepal-flooding_00000187_post_disaster,0,0,tier3\masks\nepal-flooding_00000187_post_disaster.png,0,0,0,0,187,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000187_post_disaster.png,socal-fire_00000187_post_disaster,0,0,train\masks\socal-fire_00000187_post_disaster.png,0,0,0,0,187,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000187_post_disaster.png,hurricane-harvey_00000187_post_disaster,0,0,train\masks\hurricane-harvey_00000187_post_disaster.png,0,0,16,55217,187,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000187_post_disaster.png,lower-puna-volcano_00000187_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000187_post_disaster.png,0,0,31,24965,187,0 +9,6639,hurricane-michael,post,train,train\images\hurricane-michael_00000187_post_disaster.png,hurricane-michael_00000187_post_disaster,58,50273,train\masks\hurricane-michael_00000187_post_disaster.png,7,13404,16,19744,187,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000187_post_disaster.png,portugal-wildfire_00000187_post_disaster,0,0,tier3\masks\portugal-wildfire_00000187_post_disaster.png,0,0,0,0,187,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000187_post_disaster.png,hurricane-matthew_00000187_post_disaster,0,0,train\masks\hurricane-matthew_00000187_post_disaster.png,0,0,0,0,187,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000187_post_disaster.png,tuscaloosa-tornado_00000187_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000187_post_disaster.png,0,0,1,200,187,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000187_post_disaster.png,woolsey-fire_00000187_post_disaster,0,0,tier3\masks\woolsey-fire_00000187_post_disaster.png,0,0,0,0,187,3 +3,1152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000187_post_disaster.png,santa-rosa-wildfire_00000187_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000187_post_disaster.png,0,0,0,0,187,1 +2,378,hurricane-matthew,post,train,train\images\hurricane-matthew_00000188_post_disaster.png,hurricane-matthew_00000188_post_disaster,5,1118,train\masks\hurricane-matthew_00000188_post_disaster.png,0,0,0,0,188,3 +20,16752,palu-tsunami,post,train,train\images\palu-tsunami_00000188_post_disaster.png,palu-tsunami_00000188_post_disaster,0,0,train\masks\palu-tsunami_00000188_post_disaster.png,0,0,6,4190,188,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000188_post_disaster.png,lower-puna-volcano_00000188_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000188_post_disaster.png,0,0,0,0,188,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000188_post_disaster.png,midwest-flooding_00000188_post_disaster,0,0,train\masks\midwest-flooding_00000188_post_disaster.png,0,0,0,0,188,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000188_post_disaster.png,moore-tornado_00000188_post_disaster,0,0,tier3\masks\moore-tornado_00000188_post_disaster.png,0,0,66,73912,188,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000188_post_disaster.png,nepal-flooding_00000188_post_disaster,0,0,tier3\masks\nepal-flooding_00000188_post_disaster.png,0,0,39,27380,188,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000188_post_disaster.png,hurricane-florence_00000188_post_disaster,0,0,train\masks\hurricane-florence_00000188_post_disaster.png,10,6526,0,0,188,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000188_post_disaster.png,woolsey-fire_00000188_post_disaster,0,0,tier3\masks\woolsey-fire_00000188_post_disaster.png,0,0,0,0,188,4 +1,214,hurricane-michael,post,train,train\images\hurricane-michael_00000188_post_disaster.png,hurricane-michael_00000188_post_disaster,29,31971,train\masks\hurricane-michael_00000188_post_disaster.png,8,16849,2,1699,188,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000188_post_disaster.png,pinery-bushfire_00000188_post_disaster,0,0,tier3\masks\pinery-bushfire_00000188_post_disaster.png,0,0,0,0,188,3 +1,419,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000188_post_disaster.png,portugal-wildfire_00000188_post_disaster,5,1243,tier3\masks\portugal-wildfire_00000188_post_disaster.png,0,0,35,26732,188,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000188_post_disaster.png,tuscaloosa-tornado_00000188_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000188_post_disaster.png,0,0,0,0,188,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000189_post_disaster.png,hurricane-florence_00000189_post_disaster,1,1392,train\masks\hurricane-florence_00000189_post_disaster.png,3,2657,0,0,189,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000189_post_disaster.png,hurricane-harvey_00000189_post_disaster,0,0,train\masks\hurricane-harvey_00000189_post_disaster.png,0,0,0,0,189,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000189_post_disaster.png,hurricane-michael_00000189_post_disaster,22,32275,train\masks\hurricane-michael_00000189_post_disaster.png,0,0,86,113848,189,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000189_post_disaster.png,lower-puna-volcano_00000189_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000189_post_disaster.png,0,0,0,0,189,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000189_post_disaster.png,tuscaloosa-tornado_00000189_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000189_post_disaster.png,0,0,0,0,189,2 +3,591,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000189_post_disaster.png,woolsey-fire_00000189_post_disaster,0,0,tier3\masks\woolsey-fire_00000189_post_disaster.png,0,0,22,12437,189,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000189_post_disaster.png,portugal-wildfire_00000189_post_disaster,0,0,tier3\masks\portugal-wildfire_00000189_post_disaster.png,0,0,3,1764,189,3 +15,25243,palu-tsunami,post,train,train\images\palu-tsunami_00000189_post_disaster.png,palu-tsunami_00000189_post_disaster,0,0,train\masks\palu-tsunami_00000189_post_disaster.png,3,6450,41,43652,189,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000189_post_disaster.png,moore-tornado_00000189_post_disaster,0,0,tier3\masks\moore-tornado_00000189_post_disaster.png,0,0,255,255694,189,3 +23,34622,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000189_post_disaster.png,santa-rosa-wildfire_00000189_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000189_post_disaster.png,1,3479,80,156965,189,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000189_post_disaster.png,pinery-bushfire_00000189_post_disaster,0,0,tier3\masks\pinery-bushfire_00000189_post_disaster.png,0,0,14,6288,189,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000189_post_disaster.png,nepal-flooding_00000189_post_disaster,0,0,tier3\masks\nepal-flooding_00000189_post_disaster.png,0,0,0,0,189,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000190_post_disaster.png,midwest-flooding_00000190_post_disaster,0,0,train\masks\midwest-flooding_00000190_post_disaster.png,0,0,5,1252,190,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000190_post_disaster.png,pinery-bushfire_00000190_post_disaster,0,0,tier3\masks\pinery-bushfire_00000190_post_disaster.png,0,0,6,488,190,0 +5,838,hurricane-matthew,post,train,train\images\hurricane-matthew_00000190_post_disaster.png,hurricane-matthew_00000190_post_disaster,4,1178,train\masks\hurricane-matthew_00000190_post_disaster.png,0,0,1,153,190,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000190_post_disaster.png,tuscaloosa-tornado_00000190_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000190_post_disaster.png,0,0,0,0,190,2 +17,28884,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000190_post_disaster.png,santa-rosa-wildfire_00000190_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000190_post_disaster.png,1,547,0,0,190,4 +2,247,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000190_post_disaster.png,nepal-flooding_00000190_post_disaster,5,4082,tier3\masks\nepal-flooding_00000190_post_disaster.png,5,3639,1,1145,190,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000190_post_disaster.png,hurricane-florence_00000190_post_disaster,0,0,train\masks\hurricane-florence_00000190_post_disaster.png,0,0,27,20213,190,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000190_post_disaster.png,woolsey-fire_00000190_post_disaster,0,0,tier3\masks\woolsey-fire_00000190_post_disaster.png,0,0,0,0,190,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000190_post_disaster.png,moore-tornado_00000190_post_disaster,0,0,tier3\masks\moore-tornado_00000190_post_disaster.png,0,0,20,26291,190,4 +1,614,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000190_post_disaster.png,portugal-wildfire_00000190_post_disaster,0,0,tier3\masks\portugal-wildfire_00000190_post_disaster.png,0,0,30,23943,190,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000190_post_disaster.png,lower-puna-volcano_00000190_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000190_post_disaster.png,0,0,0,0,190,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000191_post_disaster.png,moore-tornado_00000191_post_disaster,0,0,tier3\masks\moore-tornado_00000191_post_disaster.png,0,0,48,135424,191,4 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000191_post_disaster.png,mexico-earthquake_00000191_post_disaster,0,0,train\masks\mexico-earthquake_00000191_post_disaster.png,0,0,140,255827,191,2 +1,796,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000191_post_disaster.png,tuscaloosa-tornado_00000191_post_disaster,1,1009,tier3\masks\tuscaloosa-tornado_00000191_post_disaster.png,0,0,29,15613,191,3 +1,614,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000191_post_disaster.png,portugal-wildfire_00000191_post_disaster,0,0,tier3\masks\portugal-wildfire_00000191_post_disaster.png,1,950,55,36308,191,1 +54,42068,palu-tsunami,post,train,train\images\palu-tsunami_00000191_post_disaster.png,palu-tsunami_00000191_post_disaster,0,0,train\masks\palu-tsunami_00000191_post_disaster.png,0,0,12,10283,191,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000191_post_disaster.png,woolsey-fire_00000191_post_disaster,0,0,tier3\masks\woolsey-fire_00000191_post_disaster.png,0,0,0,0,191,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000191_post_disaster.png,midwest-flooding_00000191_post_disaster,0,0,train\masks\midwest-flooding_00000191_post_disaster.png,0,0,8,8509,191,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000191_post_disaster.png,pinery-bushfire_00000191_post_disaster,0,0,tier3\masks\pinery-bushfire_00000191_post_disaster.png,0,0,0,0,191,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000191_post_disaster.png,socal-fire_00000191_post_disaster,0,0,train\masks\socal-fire_00000191_post_disaster.png,0,0,1,254,191,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000191_post_disaster.png,nepal-flooding_00000191_post_disaster,0,0,tier3\masks\nepal-flooding_00000191_post_disaster.png,0,0,11,5036,191,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000191_post_disaster.png,hurricane-florence_00000191_post_disaster,0,0,train\masks\hurricane-florence_00000191_post_disaster.png,0,0,82,126456,191,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000191_post_disaster.png,lower-puna-volcano_00000191_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000191_post_disaster.png,0,0,20,9674,191,0 +7,5546,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000191_post_disaster.png,santa-rosa-wildfire_00000191_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000191_post_disaster.png,0,0,0,0,191,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000192_post_disaster.png,santa-rosa-wildfire_00000192_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000192_post_disaster.png,0,0,0,0,192,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000192_post_disaster.png,hurricane-michael_00000192_post_disaster,15,19923,train\masks\hurricane-michael_00000192_post_disaster.png,0,0,97,128579,192,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000192_post_disaster.png,moore-tornado_00000192_post_disaster,0,0,tier3\masks\moore-tornado_00000192_post_disaster.png,0,0,19,29243,192,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000192_post_disaster.png,nepal-flooding_00000192_post_disaster,0,0,tier3\masks\nepal-flooding_00000192_post_disaster.png,0,0,4,2234,192,1 +6,1030,hurricane-matthew,post,train,train\images\hurricane-matthew_00000192_post_disaster.png,hurricane-matthew_00000192_post_disaster,0,0,train\masks\hurricane-matthew_00000192_post_disaster.png,0,0,1,80,192,4 +1,62,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000192_post_disaster.png,portugal-wildfire_00000192_post_disaster,0,0,tier3\masks\portugal-wildfire_00000192_post_disaster.png,0,0,15,4970,192,2 +3,3760,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000192_post_disaster.png,woolsey-fire_00000192_post_disaster,0,0,tier3\masks\woolsey-fire_00000192_post_disaster.png,3,324,2,473,192,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000192_post_disaster.png,lower-puna-volcano_00000192_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000192_post_disaster.png,0,0,0,0,192,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000192_post_disaster.png,tuscaloosa-tornado_00000192_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000192_post_disaster.png,0,0,0,0,192,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000192_post_disaster.png,pinery-bushfire_00000192_post_disaster,0,0,tier3\masks\pinery-bushfire_00000192_post_disaster.png,0,0,0,0,192,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000192_post_disaster.png,hurricane-florence_00000192_post_disaster,0,0,train\masks\hurricane-florence_00000192_post_disaster.png,3,1837,0,0,192,1 +0,0,mexico-earthquake,post,train,train\images\mexico-earthquake_00000192_post_disaster.png,mexico-earthquake_00000192_post_disaster,0,0,train\masks\mexico-earthquake_00000192_post_disaster.png,0,0,4,1783,192,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000193_post_disaster.png,hurricane-florence_00000193_post_disaster,0,0,train\masks\hurricane-florence_00000193_post_disaster.png,5,3040,5,2800,193,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000193_post_disaster.png,midwest-flooding_00000193_post_disaster,0,0,train\masks\midwest-flooding_00000193_post_disaster.png,0,0,19,10086,193,4 +1,2477,socal-fire,post,train,train\images\socal-fire_00000193_post_disaster.png,socal-fire_00000193_post_disaster,0,0,train\masks\socal-fire_00000193_post_disaster.png,0,0,0,0,193,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000193_post_disaster.png,moore-tornado_00000193_post_disaster,0,0,tier3\masks\moore-tornado_00000193_post_disaster.png,0,0,179,166338,193,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000193_post_disaster.png,tuscaloosa-tornado_00000193_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000193_post_disaster.png,0,0,0,0,193,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000193_post_disaster.png,lower-puna-volcano_00000193_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000193_post_disaster.png,0,0,7,1483,193,2 +7,5431,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000193_post_disaster.png,pinery-bushfire_00000193_post_disaster,0,0,tier3\masks\pinery-bushfire_00000193_post_disaster.png,1,1430,7,9446,193,0 +5,2180,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000193_post_disaster.png,woolsey-fire_00000193_post_disaster,0,0,tier3\masks\woolsey-fire_00000193_post_disaster.png,0,0,1,399,193,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000193_post_disaster.png,nepal-flooding_00000193_post_disaster,2,204,tier3\masks\nepal-flooding_00000193_post_disaster.png,1,126,0,0,193,1 +2,992,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000193_post_disaster.png,portugal-wildfire_00000193_post_disaster,0,0,tier3\masks\portugal-wildfire_00000193_post_disaster.png,0,0,29,23296,193,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000193_post_disaster.png,hurricane-matthew_00000193_post_disaster,0,0,train\masks\hurricane-matthew_00000193_post_disaster.png,0,0,2,504,193,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000194_post_disaster.png,woolsey-fire_00000194_post_disaster,0,0,tier3\masks\woolsey-fire_00000194_post_disaster.png,0,0,0,0,194,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000194_post_disaster.png,hurricane-florence_00000194_post_disaster,0,0,train\masks\hurricane-florence_00000194_post_disaster.png,0,0,0,0,194,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000194_post_disaster.png,lower-puna-volcano_00000194_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000194_post_disaster.png,0,0,0,0,194,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000194_post_disaster.png,moore-tornado_00000194_post_disaster,0,0,tier3\masks\moore-tornado_00000194_post_disaster.png,0,0,13,34600,194,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000194_post_disaster.png,pinery-bushfire_00000194_post_disaster,0,0,tier3\masks\pinery-bushfire_00000194_post_disaster.png,0,0,0,0,194,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000194_post_disaster.png,midwest-flooding_00000194_post_disaster,0,0,train\masks\midwest-flooding_00000194_post_disaster.png,0,0,7,1993,194,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000194_post_disaster.png,hurricane-harvey_00000194_post_disaster,0,0,train\masks\hurricane-harvey_00000194_post_disaster.png,0,0,2,4272,194,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000194_post_disaster.png,nepal-flooding_00000194_post_disaster,29,25651,tier3\masks\nepal-flooding_00000194_post_disaster.png,3,1239,44,51271,194,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000194_post_disaster.png,tuscaloosa-tornado_00000194_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000194_post_disaster.png,0,0,22,31617,194,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000194_post_disaster.png,portugal-wildfire_00000194_post_disaster,0,0,tier3\masks\portugal-wildfire_00000194_post_disaster.png,0,0,0,0,194,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000194_post_disaster.png,socal-fire_00000194_post_disaster,0,0,train\masks\socal-fire_00000194_post_disaster.png,0,0,0,0,194,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000195_post_disaster.png,lower-puna-volcano_00000195_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000195_post_disaster.png,0,0,0,0,195,0 +1,534,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000195_post_disaster.png,nepal-flooding_00000195_post_disaster,0,0,tier3\masks\nepal-flooding_00000195_post_disaster.png,0,0,0,0,195,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000195_post_disaster.png,pinery-bushfire_00000195_post_disaster,0,0,tier3\masks\pinery-bushfire_00000195_post_disaster.png,0,0,0,0,195,1 +4,338,hurricane-matthew,post,train,train\images\hurricane-matthew_00000195_post_disaster.png,hurricane-matthew_00000195_post_disaster,3,530,train\masks\hurricane-matthew_00000195_post_disaster.png,0,0,6,940,195,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000195_post_disaster.png,portugal-wildfire_00000195_post_disaster,0,0,tier3\masks\portugal-wildfire_00000195_post_disaster.png,0,0,16,20168,195,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000195_post_disaster.png,tuscaloosa-tornado_00000195_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000195_post_disaster.png,0,0,47,39383,195,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000195_post_disaster.png,moore-tornado_00000195_post_disaster,0,0,tier3\masks\moore-tornado_00000195_post_disaster.png,0,0,40,52057,195,2 +3,1257,palu-tsunami,post,train,train\images\palu-tsunami_00000195_post_disaster.png,palu-tsunami_00000195_post_disaster,0,0,train\masks\palu-tsunami_00000195_post_disaster.png,1,449,17,6264,195,3 +4,1523,hurricane-michael,post,train,train\images\hurricane-michael_00000195_post_disaster.png,hurricane-michael_00000195_post_disaster,119,102219,train\masks\hurricane-michael_00000195_post_disaster.png,5,6080,17,21554,195,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000195_post_disaster.png,woolsey-fire_00000195_post_disaster,0,0,tier3\masks\woolsey-fire_00000195_post_disaster.png,0,0,0,0,195,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000195_post_disaster.png,hurricane-harvey_00000195_post_disaster,0,0,train\masks\hurricane-harvey_00000195_post_disaster.png,0,0,71,235711,195,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000195_post_disaster.png,hurricane-florence_00000195_post_disaster,0,0,train\masks\hurricane-florence_00000195_post_disaster.png,7,4745,1,193,195,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000196_post_disaster.png,portugal-wildfire_00000196_post_disaster,0,0,tier3\masks\portugal-wildfire_00000196_post_disaster.png,0,0,0,0,196,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000196_post_disaster.png,hurricane-harvey_00000196_post_disaster,1,821,train\masks\hurricane-harvey_00000196_post_disaster.png,0,0,2,838,196,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000196_post_disaster.png,midwest-flooding_00000196_post_disaster,0,0,train\masks\midwest-flooding_00000196_post_disaster.png,0,0,28,20952,196,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000196_post_disaster.png,socal-fire_00000196_post_disaster,0,0,train\masks\socal-fire_00000196_post_disaster.png,0,0,0,0,196,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000196_post_disaster.png,woolsey-fire_00000196_post_disaster,0,0,tier3\masks\woolsey-fire_00000196_post_disaster.png,0,0,0,0,196,1 +9,4566,hurricane-michael,post,train,train\images\hurricane-michael_00000196_post_disaster.png,hurricane-michael_00000196_post_disaster,27,29532,train\masks\hurricane-michael_00000196_post_disaster.png,21,20624,50,46721,196,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000196_post_disaster.png,tuscaloosa-tornado_00000196_post_disaster,1,1677,tier3\masks\tuscaloosa-tornado_00000196_post_disaster.png,0,0,94,104941,196,1 +29,25396,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000196_post_disaster.png,santa-rosa-wildfire_00000196_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000196_post_disaster.png,0,0,1,642,196,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000196_post_disaster.png,lower-puna-volcano_00000196_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000196_post_disaster.png,0,0,33,35502,196,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000196_post_disaster.png,nepal-flooding_00000196_post_disaster,6,1159,tier3\masks\nepal-flooding_00000196_post_disaster.png,0,0,29,14678,196,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000196_post_disaster.png,moore-tornado_00000196_post_disaster,0,0,tier3\masks\moore-tornado_00000196_post_disaster.png,0,0,331,326572,196,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000196_post_disaster.png,pinery-bushfire_00000196_post_disaster,0,0,tier3\masks\pinery-bushfire_00000196_post_disaster.png,0,0,0,0,196,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000197_post_disaster.png,nepal-flooding_00000197_post_disaster,28,34389,tier3\masks\nepal-flooding_00000197_post_disaster.png,18,11000,20,17720,197,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000197_post_disaster.png,socal-fire_00000197_post_disaster,0,0,train\masks\socal-fire_00000197_post_disaster.png,0,0,0,0,197,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000197_post_disaster.png,portugal-wildfire_00000197_post_disaster,0,0,tier3\masks\portugal-wildfire_00000197_post_disaster.png,0,0,10,8543,197,3 +15,3961,hurricane-matthew,post,train,train\images\hurricane-matthew_00000197_post_disaster.png,hurricane-matthew_00000197_post_disaster,4,870,train\masks\hurricane-matthew_00000197_post_disaster.png,8,2174,1,258,197,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000197_post_disaster.png,hurricane-harvey_00000197_post_disaster,4,22360,train\masks\hurricane-harvey_00000197_post_disaster.png,84,253085,1,581,197,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000197_post_disaster.png,lower-puna-volcano_00000197_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000197_post_disaster.png,0,0,0,0,197,1 +1,992,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000197_post_disaster.png,woolsey-fire_00000197_post_disaster,0,0,tier3\masks\woolsey-fire_00000197_post_disaster.png,0,0,3,249,197,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000197_post_disaster.png,moore-tornado_00000197_post_disaster,1,911,tier3\masks\moore-tornado_00000197_post_disaster.png,0,0,19,16259,197,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000197_post_disaster.png,midwest-flooding_00000197_post_disaster,0,0,train\masks\midwest-flooding_00000197_post_disaster.png,0,0,2,451,197,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000197_post_disaster.png,pinery-bushfire_00000197_post_disaster,0,0,tier3\masks\pinery-bushfire_00000197_post_disaster.png,0,0,0,0,197,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000197_post_disaster.png,tuscaloosa-tornado_00000197_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000197_post_disaster.png,0,0,15,91997,197,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000198_post_disaster.png,moore-tornado_00000198_post_disaster,0,0,tier3\masks\moore-tornado_00000198_post_disaster.png,0,0,67,86243,198,3 +16,3651,hurricane-matthew,post,train,train\images\hurricane-matthew_00000198_post_disaster.png,hurricane-matthew_00000198_post_disaster,5,1739,train\masks\hurricane-matthew_00000198_post_disaster.png,8,4271,5,777,198,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000198_post_disaster.png,tuscaloosa-tornado_00000198_post_disaster,7,9697,tier3\masks\tuscaloosa-tornado_00000198_post_disaster.png,0,0,118,98093,198,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000198_post_disaster.png,nepal-flooding_00000198_post_disaster,0,0,tier3\masks\nepal-flooding_00000198_post_disaster.png,0,0,73,59755,198,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000198_post_disaster.png,pinery-bushfire_00000198_post_disaster,0,0,tier3\masks\pinery-bushfire_00000198_post_disaster.png,0,0,1,84,198,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000198_post_disaster.png,lower-puna-volcano_00000198_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000198_post_disaster.png,0,0,29,18116,198,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000198_post_disaster.png,portugal-wildfire_00000198_post_disaster,0,0,tier3\masks\portugal-wildfire_00000198_post_disaster.png,0,0,0,0,198,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000198_post_disaster.png,woolsey-fire_00000198_post_disaster,0,0,tier3\masks\woolsey-fire_00000198_post_disaster.png,0,0,0,0,198,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000199_post_disaster.png,pinery-bushfire_00000199_post_disaster,0,0,tier3\masks\pinery-bushfire_00000199_post_disaster.png,0,0,0,0,199,1 +3,625,hurricane-michael,post,train,train\images\hurricane-michael_00000199_post_disaster.png,hurricane-michael_00000199_post_disaster,29,50267,train\masks\hurricane-michael_00000199_post_disaster.png,7,14368,35,66413,199,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000199_post_disaster.png,santa-rosa-wildfire_00000199_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000199_post_disaster.png,0,0,235,198237,199,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000199_post_disaster.png,portugal-wildfire_00000199_post_disaster,0,0,tier3\masks\portugal-wildfire_00000199_post_disaster.png,0,0,0,0,199,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000199_post_disaster.png,hurricane-florence_00000199_post_disaster,2,1375,train\masks\hurricane-florence_00000199_post_disaster.png,0,0,87,76534,199,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000199_post_disaster.png,tuscaloosa-tornado_00000199_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000199_post_disaster.png,0,0,0,0,199,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000199_post_disaster.png,midwest-flooding_00000199_post_disaster,0,0,train\masks\midwest-flooding_00000199_post_disaster.png,0,0,1,168,199,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000199_post_disaster.png,socal-fire_00000199_post_disaster,0,0,train\masks\socal-fire_00000199_post_disaster.png,0,0,22,6066,199,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000199_post_disaster.png,lower-puna-volcano_00000199_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000199_post_disaster.png,0,0,0,0,199,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000199_post_disaster.png,nepal-flooding_00000199_post_disaster,0,0,tier3\masks\nepal-flooding_00000199_post_disaster.png,0,0,0,0,199,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000199_post_disaster.png,moore-tornado_00000199_post_disaster,0,0,tier3\masks\moore-tornado_00000199_post_disaster.png,0,0,224,284040,199,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000199_post_disaster.png,woolsey-fire_00000199_post_disaster,0,0,tier3\masks\woolsey-fire_00000199_post_disaster.png,0,0,0,0,199,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000200_post_disaster.png,tuscaloosa-tornado_00000200_post_disaster,5,26907,tier3\masks\tuscaloosa-tornado_00000200_post_disaster.png,1,596,72,60244,200,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000200_post_disaster.png,portugal-wildfire_00000200_post_disaster,1,270,tier3\masks\portugal-wildfire_00000200_post_disaster.png,0,0,1,115,200,2 +1,199,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000200_post_disaster.png,nepal-flooding_00000200_post_disaster,11,6632,tier3\masks\nepal-flooding_00000200_post_disaster.png,19,9117,16,5600,200,1 +4,3649,hurricane-michael,post,train,train\images\hurricane-michael_00000200_post_disaster.png,hurricane-michael_00000200_post_disaster,14,16123,train\masks\hurricane-michael_00000200_post_disaster.png,7,7405,1,1213,200,4 +15,2580,hurricane-matthew,post,train,train\images\hurricane-matthew_00000200_post_disaster.png,hurricane-matthew_00000200_post_disaster,1,141,train\masks\hurricane-matthew_00000200_post_disaster.png,2,374,2,170,200,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000200_post_disaster.png,midwest-flooding_00000200_post_disaster,0,0,train\masks\midwest-flooding_00000200_post_disaster.png,0,0,0,0,200,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000200_post_disaster.png,lower-puna-volcano_00000200_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000200_post_disaster.png,0,0,0,0,200,3 +1,446,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000200_post_disaster.png,woolsey-fire_00000200_post_disaster,0,0,tier3\masks\woolsey-fire_00000200_post_disaster.png,0,0,9,4971,200,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000200_post_disaster.png,moore-tornado_00000200_post_disaster,0,0,tier3\masks\moore-tornado_00000200_post_disaster.png,0,0,338,317961,200,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000200_post_disaster.png,hurricane-harvey_00000200_post_disaster,0,0,train\masks\hurricane-harvey_00000200_post_disaster.png,6,2871,0,0,200,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000200_post_disaster.png,pinery-bushfire_00000200_post_disaster,0,0,tier3\masks\pinery-bushfire_00000200_post_disaster.png,0,0,0,0,200,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000200_post_disaster.png,santa-rosa-wildfire_00000200_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000200_post_disaster.png,0,0,4,3642,200,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000201_post_disaster.png,nepal-flooding_00000201_post_disaster,11,6508,tier3\masks\nepal-flooding_00000201_post_disaster.png,1,264,114,112726,201,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000201_post_disaster.png,lower-puna-volcano_00000201_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000201_post_disaster.png,0,0,50,31914,201,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000201_post_disaster.png,pinery-bushfire_00000201_post_disaster,0,0,tier3\masks\pinery-bushfire_00000201_post_disaster.png,0,0,0,0,201,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000201_post_disaster.png,woolsey-fire_00000201_post_disaster,0,0,tier3\masks\woolsey-fire_00000201_post_disaster.png,0,0,0,0,201,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000201_post_disaster.png,tuscaloosa-tornado_00000201_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000201_post_disaster.png,0,0,136,125680,201,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000201_post_disaster.png,midwest-flooding_00000201_post_disaster,0,0,train\masks\midwest-flooding_00000201_post_disaster.png,0,0,8,3195,201,2 +1,686,moore-tornado,post,tier3,tier3\images\moore-tornado_00000201_post_disaster.png,moore-tornado_00000201_post_disaster,4,7682,tier3\masks\moore-tornado_00000201_post_disaster.png,1,698,15,24306,201,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000201_post_disaster.png,portugal-wildfire_00000201_post_disaster,0,0,tier3\masks\portugal-wildfire_00000201_post_disaster.png,0,0,17,11092,201,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000202_post_disaster.png,pinery-bushfire_00000202_post_disaster,0,0,tier3\masks\pinery-bushfire_00000202_post_disaster.png,0,0,0,0,202,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000202_post_disaster.png,hurricane-michael_00000202_post_disaster,33,54703,train\masks\hurricane-michael_00000202_post_disaster.png,4,15476,59,58000,202,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000202_post_disaster.png,nepal-flooding_00000202_post_disaster,0,0,tier3\masks\nepal-flooding_00000202_post_disaster.png,2,1467,0,0,202,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000202_post_disaster.png,moore-tornado_00000202_post_disaster,0,0,tier3\masks\moore-tornado_00000202_post_disaster.png,0,0,127,168307,202,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000202_post_disaster.png,lower-puna-volcano_00000202_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000202_post_disaster.png,0,0,0,0,202,2 +5,2633,hurricane-matthew,post,train,train\images\hurricane-matthew_00000202_post_disaster.png,hurricane-matthew_00000202_post_disaster,2,396,train\masks\hurricane-matthew_00000202_post_disaster.png,5,1335,6,1097,202,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000202_post_disaster.png,midwest-flooding_00000202_post_disaster,0,0,train\masks\midwest-flooding_00000202_post_disaster.png,0,0,1,254,202,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000202_post_disaster.png,portugal-wildfire_00000202_post_disaster,0,0,tier3\masks\portugal-wildfire_00000202_post_disaster.png,0,0,0,0,202,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000202_post_disaster.png,woolsey-fire_00000202_post_disaster,0,0,tier3\masks\woolsey-fire_00000202_post_disaster.png,0,0,0,0,202,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000202_post_disaster.png,tuscaloosa-tornado_00000202_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000202_post_disaster.png,0,0,11,5925,202,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000203_post_disaster.png,socal-fire_00000203_post_disaster,0,0,train\masks\socal-fire_00000203_post_disaster.png,0,0,0,0,203,3 +9,3458,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000203_post_disaster.png,woolsey-fire_00000203_post_disaster,0,0,tier3\masks\woolsey-fire_00000203_post_disaster.png,0,0,10,1454,203,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000203_post_disaster.png,portugal-wildfire_00000203_post_disaster,0,0,tier3\masks\portugal-wildfire_00000203_post_disaster.png,0,0,0,0,203,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000203_post_disaster.png,midwest-flooding_00000203_post_disaster,0,0,train\masks\midwest-flooding_00000203_post_disaster.png,0,0,0,0,203,3 +1,137,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000203_post_disaster.png,nepal-flooding_00000203_post_disaster,14,8736,tier3\masks\nepal-flooding_00000203_post_disaster.png,13,6761,36,51978,203,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000203_post_disaster.png,lower-puna-volcano_00000203_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000203_post_disaster.png,0,0,0,0,203,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000203_post_disaster.png,moore-tornado_00000203_post_disaster,1,1484,tier3\masks\moore-tornado_00000203_post_disaster.png,0,0,139,194449,203,2 +1,1833,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000203_post_disaster.png,tuscaloosa-tornado_00000203_post_disaster,3,2332,tier3\masks\tuscaloosa-tornado_00000203_post_disaster.png,0,0,3,1448,203,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000203_post_disaster.png,pinery-bushfire_00000203_post_disaster,0,0,tier3\masks\pinery-bushfire_00000203_post_disaster.png,0,0,0,0,203,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000203_post_disaster.png,santa-rosa-wildfire_00000203_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000203_post_disaster.png,0,0,215,278601,203,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000203_post_disaster.png,hurricane-harvey_00000203_post_disaster,0,0,train\masks\hurricane-harvey_00000203_post_disaster.png,5,3790,2,1165,203,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000203_post_disaster.png,hurricane-florence_00000203_post_disaster,0,0,train\masks\hurricane-florence_00000203_post_disaster.png,0,0,0,0,203,2 +1,1321,socal-fire,post,train,train\images\socal-fire_00000204_post_disaster.png,socal-fire_00000204_post_disaster,0,0,train\masks\socal-fire_00000204_post_disaster.png,0,0,0,0,204,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000204_post_disaster.png,tuscaloosa-tornado_00000204_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000204_post_disaster.png,0,0,110,90970,204,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000204_post_disaster.png,hurricane-harvey_00000204_post_disaster,0,0,train\masks\hurricane-harvey_00000204_post_disaster.png,0,0,34,39770,204,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000204_post_disaster.png,lower-puna-volcano_00000204_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000204_post_disaster.png,0,0,56,44016,204,0 +4,872,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000204_post_disaster.png,woolsey-fire_00000204_post_disaster,0,0,tier3\masks\woolsey-fire_00000204_post_disaster.png,0,0,0,0,204,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000204_post_disaster.png,portugal-wildfire_00000204_post_disaster,0,0,tier3\masks\portugal-wildfire_00000204_post_disaster.png,0,0,0,0,204,3 +4,701,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000204_post_disaster.png,nepal-flooding_00000204_post_disaster,0,0,tier3\masks\nepal-flooding_00000204_post_disaster.png,38,32908,9,1464,204,3 +8,3305,hurricane-michael,post,train,train\images\hurricane-michael_00000204_post_disaster.png,hurricane-michael_00000204_post_disaster,61,66593,train\masks\hurricane-michael_00000204_post_disaster.png,5,8721,10,9476,204,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000204_post_disaster.png,midwest-flooding_00000204_post_disaster,0,0,train\masks\midwest-flooding_00000204_post_disaster.png,0,0,17,6892,204,0 +13,2532,hurricane-matthew,post,train,train\images\hurricane-matthew_00000204_post_disaster.png,hurricane-matthew_00000204_post_disaster,0,0,train\masks\hurricane-matthew_00000204_post_disaster.png,5,1598,2,313,204,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000204_post_disaster.png,pinery-bushfire_00000204_post_disaster,0,0,tier3\masks\pinery-bushfire_00000204_post_disaster.png,0,0,1,43,204,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000204_post_disaster.png,moore-tornado_00000204_post_disaster,0,0,tier3\masks\moore-tornado_00000204_post_disaster.png,0,0,236,253447,204,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000205_post_disaster.png,socal-fire_00000205_post_disaster,0,0,train\masks\socal-fire_00000205_post_disaster.png,0,0,3,368,205,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000205_post_disaster.png,midwest-flooding_00000205_post_disaster,0,0,train\masks\midwest-flooding_00000205_post_disaster.png,0,0,23,12315,205,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000205_post_disaster.png,hurricane-harvey_00000205_post_disaster,10,16320,train\masks\hurricane-harvey_00000205_post_disaster.png,70,138387,0,0,205,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000205_post_disaster.png,nepal-flooding_00000205_post_disaster,3,1585,tier3\masks\nepal-flooding_00000205_post_disaster.png,0,0,12,9632,205,2 +13,5480,hurricane-michael,post,train,train\images\hurricane-michael_00000205_post_disaster.png,hurricane-michael_00000205_post_disaster,44,40901,train\masks\hurricane-michael_00000205_post_disaster.png,7,9215,10,13594,205,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000205_post_disaster.png,portugal-wildfire_00000205_post_disaster,0,0,tier3\masks\portugal-wildfire_00000205_post_disaster.png,0,0,0,0,205,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000205_post_disaster.png,woolsey-fire_00000205_post_disaster,0,0,tier3\masks\woolsey-fire_00000205_post_disaster.png,0,0,0,0,205,2 +36,39361,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000205_post_disaster.png,santa-rosa-wildfire_00000205_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000205_post_disaster.png,3,15000,4,2142,205,3 +2,634,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000205_post_disaster.png,tuscaloosa-tornado_00000205_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000205_post_disaster.png,1,659,1,125,205,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000205_post_disaster.png,pinery-bushfire_00000205_post_disaster,0,0,tier3\masks\pinery-bushfire_00000205_post_disaster.png,0,0,0,0,205,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000205_post_disaster.png,moore-tornado_00000205_post_disaster,7,7026,tier3\masks\moore-tornado_00000205_post_disaster.png,0,0,103,99767,205,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000205_post_disaster.png,lower-puna-volcano_00000205_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000205_post_disaster.png,0,0,4,1153,205,0 +17,2695,hurricane-matthew,post,train,train\images\hurricane-matthew_00000205_post_disaster.png,hurricane-matthew_00000205_post_disaster,0,0,train\masks\hurricane-matthew_00000205_post_disaster.png,6,1475,1,99,205,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000206_post_disaster.png,lower-puna-volcano_00000206_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000206_post_disaster.png,0,0,0,0,206,1 +8,7751,hurricane-michael,post,train,train\images\hurricane-michael_00000206_post_disaster.png,hurricane-michael_00000206_post_disaster,41,39179,train\masks\hurricane-michael_00000206_post_disaster.png,27,58649,108,98873,206,0 +2,5930,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000206_post_disaster.png,woolsey-fire_00000206_post_disaster,1,282,tier3\masks\woolsey-fire_00000206_post_disaster.png,0,0,0,0,206,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000206_post_disaster.png,pinery-bushfire_00000206_post_disaster,0,0,tier3\masks\pinery-bushfire_00000206_post_disaster.png,0,0,0,0,206,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000206_post_disaster.png,midwest-flooding_00000206_post_disaster,1,1865,train\masks\midwest-flooding_00000206_post_disaster.png,2,2267,10,14740,206,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000206_post_disaster.png,tuscaloosa-tornado_00000206_post_disaster,1,1883,tier3\masks\tuscaloosa-tornado_00000206_post_disaster.png,0,0,0,0,206,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000206_post_disaster.png,portugal-wildfire_00000206_post_disaster,0,0,tier3\masks\portugal-wildfire_00000206_post_disaster.png,0,0,0,0,206,0 +1,381,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000206_post_disaster.png,nepal-flooding_00000206_post_disaster,7,4165,tier3\masks\nepal-flooding_00000206_post_disaster.png,17,5689,7,5189,206,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000206_post_disaster.png,hurricane-harvey_00000206_post_disaster,3,9281,train\masks\hurricane-harvey_00000206_post_disaster.png,0,0,161,254673,206,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000206_post_disaster.png,moore-tornado_00000206_post_disaster,0,0,tier3\masks\moore-tornado_00000206_post_disaster.png,0,0,80,130542,206,3 +15,2233,hurricane-matthew,post,train,train\images\hurricane-matthew_00000206_post_disaster.png,hurricane-matthew_00000206_post_disaster,0,0,train\masks\hurricane-matthew_00000206_post_disaster.png,4,743,0,0,206,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000207_post_disaster.png,nepal-flooding_00000207_post_disaster,11,7346,tier3\masks\nepal-flooding_00000207_post_disaster.png,1,204,47,29383,207,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000207_post_disaster.png,woolsey-fire_00000207_post_disaster,0,0,tier3\masks\woolsey-fire_00000207_post_disaster.png,0,0,0,0,207,4 +4,1614,hurricane-michael,post,train,train\images\hurricane-michael_00000207_post_disaster.png,hurricane-michael_00000207_post_disaster,16,23790,train\masks\hurricane-michael_00000207_post_disaster.png,7,17243,32,32176,207,0 +26,6462,hurricane-matthew,post,train,train\images\hurricane-matthew_00000207_post_disaster.png,hurricane-matthew_00000207_post_disaster,3,694,train\masks\hurricane-matthew_00000207_post_disaster.png,9,3632,2,343,207,3 +4,2342,hurricane-harvey,post,train,train\images\hurricane-harvey_00000207_post_disaster.png,hurricane-harvey_00000207_post_disaster,2,4672,train\masks\hurricane-harvey_00000207_post_disaster.png,0,0,6,38451,207,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000207_post_disaster.png,lower-puna-volcano_00000207_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000207_post_disaster.png,0,0,0,0,207,4 +3,1877,midwest-flooding,post,train,train\images\midwest-flooding_00000207_post_disaster.png,midwest-flooding_00000207_post_disaster,0,0,train\masks\midwest-flooding_00000207_post_disaster.png,0,0,12,11860,207,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000207_post_disaster.png,moore-tornado_00000207_post_disaster,0,0,tier3\masks\moore-tornado_00000207_post_disaster.png,0,0,58,88248,207,2 +2,1396,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000207_post_disaster.png,tuscaloosa-tornado_00000207_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000207_post_disaster.png,2,1520,11,4620,207,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000207_post_disaster.png,pinery-bushfire_00000207_post_disaster,0,0,tier3\masks\pinery-bushfire_00000207_post_disaster.png,0,0,0,0,207,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000207_post_disaster.png,portugal-wildfire_00000207_post_disaster,0,0,tier3\masks\portugal-wildfire_00000207_post_disaster.png,0,0,0,0,207,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000208_post_disaster.png,pinery-bushfire_00000208_post_disaster,0,0,tier3\masks\pinery-bushfire_00000208_post_disaster.png,0,0,1,87,208,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000208_post_disaster.png,hurricane-harvey_00000208_post_disaster,0,0,train\masks\hurricane-harvey_00000208_post_disaster.png,0,0,0,0,208,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000208_post_disaster.png,moore-tornado_00000208_post_disaster,0,0,tier3\masks\moore-tornado_00000208_post_disaster.png,0,0,317,224213,208,3 +1,479,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000208_post_disaster.png,tuscaloosa-tornado_00000208_post_disaster,1,668,tier3\masks\tuscaloosa-tornado_00000208_post_disaster.png,0,0,28,10679,208,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000208_post_disaster.png,nepal-flooding_00000208_post_disaster,0,0,tier3\masks\nepal-flooding_00000208_post_disaster.png,0,0,0,0,208,2 +2,357,hurricane-matthew,post,train,train\images\hurricane-matthew_00000208_post_disaster.png,hurricane-matthew_00000208_post_disaster,0,0,train\masks\hurricane-matthew_00000208_post_disaster.png,0,0,5,346,208,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000208_post_disaster.png,lower-puna-volcano_00000208_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000208_post_disaster.png,0,0,0,0,208,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000208_post_disaster.png,hurricane-michael_00000208_post_disaster,3,5258,train\masks\hurricane-michael_00000208_post_disaster.png,1,766,7,11838,208,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000208_post_disaster.png,portugal-wildfire_00000208_post_disaster,0,0,tier3\masks\portugal-wildfire_00000208_post_disaster.png,0,0,18,11394,208,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000208_post_disaster.png,woolsey-fire_00000208_post_disaster,0,0,tier3\masks\woolsey-fire_00000208_post_disaster.png,0,0,4,1151,208,1 +7,9928,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000208_post_disaster.png,santa-rosa-wildfire_00000208_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000208_post_disaster.png,0,0,0,0,208,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000209_post_disaster.png,nepal-flooding_00000209_post_disaster,27,27501,tier3\masks\nepal-flooding_00000209_post_disaster.png,2,1990,119,131789,209,3 +5,1725,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000209_post_disaster.png,portugal-wildfire_00000209_post_disaster,1,987,tier3\masks\portugal-wildfire_00000209_post_disaster.png,1,1359,43,37479,209,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000209_post_disaster.png,pinery-bushfire_00000209_post_disaster,0,0,tier3\masks\pinery-bushfire_00000209_post_disaster.png,0,0,0,0,209,1 +14,9082,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000209_post_disaster.png,tuscaloosa-tornado_00000209_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000209_post_disaster.png,3,3668,3,626,209,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000209_post_disaster.png,moore-tornado_00000209_post_disaster,12,12694,tier3\masks\moore-tornado_00000209_post_disaster.png,0,0,221,205799,209,2 +24,18488,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000209_post_disaster.png,santa-rosa-wildfire_00000209_post_disaster,2,2259,train\masks\santa-rosa-wildfire_00000209_post_disaster.png,0,0,3,471,209,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000209_post_disaster.png,woolsey-fire_00000209_post_disaster,0,0,tier3\masks\woolsey-fire_00000209_post_disaster.png,0,0,0,0,209,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000209_post_disaster.png,lower-puna-volcano_00000209_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000209_post_disaster.png,0,0,32,28740,209,2 +1,359,hurricane-matthew,post,train,train\images\hurricane-matthew_00000209_post_disaster.png,hurricane-matthew_00000209_post_disaster,1,202,train\masks\hurricane-matthew_00000209_post_disaster.png,1,212,8,2346,209,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000209_post_disaster.png,midwest-flooding_00000209_post_disaster,0,0,train\masks\midwest-flooding_00000209_post_disaster.png,0,0,0,0,209,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000210_post_disaster.png,portugal-wildfire_00000210_post_disaster,0,0,tier3\masks\portugal-wildfire_00000210_post_disaster.png,0,0,0,0,210,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000210_post_disaster.png,lower-puna-volcano_00000210_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000210_post_disaster.png,0,0,44,42811,210,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000210_post_disaster.png,nepal-flooding_00000210_post_disaster,0,0,tier3\masks\nepal-flooding_00000210_post_disaster.png,8,4311,0,0,210,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000210_post_disaster.png,moore-tornado_00000210_post_disaster,0,0,tier3\masks\moore-tornado_00000210_post_disaster.png,0,0,321,230053,210,0 +1,775,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000210_post_disaster.png,pinery-bushfire_00000210_post_disaster,0,0,tier3\masks\pinery-bushfire_00000210_post_disaster.png,1,337,39,17856,210,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000210_post_disaster.png,santa-rosa-wildfire_00000210_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000210_post_disaster.png,0,0,52,50622,210,1 +4,2549,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000210_post_disaster.png,tuscaloosa-tornado_00000210_post_disaster,1,984,tier3\masks\tuscaloosa-tornado_00000210_post_disaster.png,1,1068,3,389,210,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000210_post_disaster.png,hurricane-florence_00000210_post_disaster,0,0,train\masks\hurricane-florence_00000210_post_disaster.png,3,1508,0,0,210,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000210_post_disaster.png,hurricane-harvey_00000210_post_disaster,0,0,train\masks\hurricane-harvey_00000210_post_disaster.png,0,0,84,381645,210,4 +12,4892,hurricane-michael,post,train,train\images\hurricane-michael_00000210_post_disaster.png,hurricane-michael_00000210_post_disaster,15,14813,train\masks\hurricane-michael_00000210_post_disaster.png,10,12886,31,25319,210,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000210_post_disaster.png,woolsey-fire_00000210_post_disaster,0,0,tier3\masks\woolsey-fire_00000210_post_disaster.png,0,0,0,0,210,0 +22,3736,hurricane-matthew,post,train,train\images\hurricane-matthew_00000211_post_disaster.png,hurricane-matthew_00000211_post_disaster,5,1567,train\masks\hurricane-matthew_00000211_post_disaster.png,3,798,0,0,211,1 +13,10154,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000211_post_disaster.png,lower-puna-volcano_00000211_post_disaster,6,2867,tier3\masks\lower-puna-volcano_00000211_post_disaster.png,0,0,29,17827,211,0 +17,11702,hurricane-michael,post,train,train\images\hurricane-michael_00000211_post_disaster.png,hurricane-michael_00000211_post_disaster,49,80610,train\masks\hurricane-michael_00000211_post_disaster.png,5,15680,13,26848,211,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000211_post_disaster.png,tuscaloosa-tornado_00000211_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000211_post_disaster.png,0,0,3,1058,211,2 +1,795,moore-tornado,post,tier3,tier3\images\moore-tornado_00000211_post_disaster.png,moore-tornado_00000211_post_disaster,0,0,tier3\masks\moore-tornado_00000211_post_disaster.png,0,0,39,85073,211,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000211_post_disaster.png,nepal-flooding_00000211_post_disaster,3,3143,tier3\masks\nepal-flooding_00000211_post_disaster.png,8,4401,22,16794,211,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000211_post_disaster.png,midwest-flooding_00000211_post_disaster,0,0,train\masks\midwest-flooding_00000211_post_disaster.png,0,0,0,0,211,2 +3,7162,socal-fire,post,train,train\images\socal-fire_00000211_post_disaster.png,socal-fire_00000211_post_disaster,0,0,train\masks\socal-fire_00000211_post_disaster.png,0,0,0,0,211,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000211_post_disaster.png,pinery-bushfire_00000211_post_disaster,0,0,tier3\masks\pinery-bushfire_00000211_post_disaster.png,0,0,0,0,211,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000211_post_disaster.png,woolsey-fire_00000211_post_disaster,0,0,tier3\masks\woolsey-fire_00000211_post_disaster.png,0,0,0,0,211,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000211_post_disaster.png,portugal-wildfire_00000211_post_disaster,0,0,tier3\masks\portugal-wildfire_00000211_post_disaster.png,0,0,0,0,211,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000212_post_disaster.png,nepal-flooding_00000212_post_disaster,1,270,tier3\masks\nepal-flooding_00000212_post_disaster.png,0,0,22,12294,212,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000212_post_disaster.png,hurricane-florence_00000212_post_disaster,0,0,train\masks\hurricane-florence_00000212_post_disaster.png,0,0,23,13604,212,3 +19,4936,hurricane-matthew,post,train,train\images\hurricane-matthew_00000212_post_disaster.png,hurricane-matthew_00000212_post_disaster,4,911,train\masks\hurricane-matthew_00000212_post_disaster.png,3,827,0,0,212,2 +14,18997,hurricane-michael,post,train,train\images\hurricane-michael_00000212_post_disaster.png,hurricane-michael_00000212_post_disaster,20,23915,train\masks\hurricane-michael_00000212_post_disaster.png,11,32133,4,8575,212,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000212_post_disaster.png,pinery-bushfire_00000212_post_disaster,0,0,tier3\masks\pinery-bushfire_00000212_post_disaster.png,0,0,0,0,212,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000212_post_disaster.png,midwest-flooding_00000212_post_disaster,0,0,train\masks\midwest-flooding_00000212_post_disaster.png,0,0,0,0,212,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000212_post_disaster.png,woolsey-fire_00000212_post_disaster,0,0,tier3\masks\woolsey-fire_00000212_post_disaster.png,0,0,0,0,212,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000212_post_disaster.png,hurricane-harvey_00000212_post_disaster,0,0,train\masks\hurricane-harvey_00000212_post_disaster.png,12,21679,0,0,212,1 +8,2797,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000212_post_disaster.png,tuscaloosa-tornado_00000212_post_disaster,3,3017,tier3\masks\tuscaloosa-tornado_00000212_post_disaster.png,1,2499,2,353,212,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000212_post_disaster.png,lower-puna-volcano_00000212_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000212_post_disaster.png,0,0,0,0,212,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000212_post_disaster.png,moore-tornado_00000212_post_disaster,10,14038,tier3\masks\moore-tornado_00000212_post_disaster.png,0,0,278,331529,212,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000212_post_disaster.png,portugal-wildfire_00000212_post_disaster,0,0,tier3\masks\portugal-wildfire_00000212_post_disaster.png,0,0,0,0,212,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000213_post_disaster.png,socal-fire_00000213_post_disaster,0,0,train\masks\socal-fire_00000213_post_disaster.png,0,0,0,0,213,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000213_post_disaster.png,nepal-flooding_00000213_post_disaster,10,4964,tier3\masks\nepal-flooding_00000213_post_disaster.png,0,0,60,46440,213,2 +4,758,hurricane-matthew,post,train,train\images\hurricane-matthew_00000213_post_disaster.png,hurricane-matthew_00000213_post_disaster,1,178,train\masks\hurricane-matthew_00000213_post_disaster.png,0,0,2,394,213,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000213_post_disaster.png,pinery-bushfire_00000213_post_disaster,0,0,tier3\masks\pinery-bushfire_00000213_post_disaster.png,0,0,0,0,213,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000213_post_disaster.png,hurricane-harvey_00000213_post_disaster,0,0,train\masks\hurricane-harvey_00000213_post_disaster.png,0,0,160,219921,213,2 +4,7966,moore-tornado,post,tier3,tier3\images\moore-tornado_00000213_post_disaster.png,moore-tornado_00000213_post_disaster,0,0,tier3\masks\moore-tornado_00000213_post_disaster.png,2,5319,15,51432,213,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000213_post_disaster.png,lower-puna-volcano_00000213_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000213_post_disaster.png,0,0,1,46,213,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000213_post_disaster.png,portugal-wildfire_00000213_post_disaster,0,0,tier3\masks\portugal-wildfire_00000213_post_disaster.png,1,381,11,7928,213,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000213_post_disaster.png,tuscaloosa-tornado_00000213_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000213_post_disaster.png,0,0,2,368,213,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000213_post_disaster.png,woolsey-fire_00000213_post_disaster,0,0,tier3\masks\woolsey-fire_00000213_post_disaster.png,0,0,0,0,213,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000214_post_disaster.png,pinery-bushfire_00000214_post_disaster,0,0,tier3\masks\pinery-bushfire_00000214_post_disaster.png,0,0,0,0,214,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000214_post_disaster.png,lower-puna-volcano_00000214_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000214_post_disaster.png,0,0,0,0,214,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000214_post_disaster.png,moore-tornado_00000214_post_disaster,0,0,tier3\masks\moore-tornado_00000214_post_disaster.png,0,0,277,198078,214,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000214_post_disaster.png,midwest-flooding_00000214_post_disaster,0,0,train\masks\midwest-flooding_00000214_post_disaster.png,0,0,0,0,214,3 +2,3843,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000214_post_disaster.png,santa-rosa-wildfire_00000214_post_disaster,1,2823,train\masks\santa-rosa-wildfire_00000214_post_disaster.png,0,0,48,85129,214,4 +1,283,hurricane-michael,post,train,train\images\hurricane-michael_00000214_post_disaster.png,hurricane-michael_00000214_post_disaster,25,30862,train\masks\hurricane-michael_00000214_post_disaster.png,1,661,106,113465,214,2 +14,7535,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000214_post_disaster.png,woolsey-fire_00000214_post_disaster,2,373,tier3\masks\woolsey-fire_00000214_post_disaster.png,0,0,7,3926,214,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000214_post_disaster.png,hurricane-harvey_00000214_post_disaster,0,0,train\masks\hurricane-harvey_00000214_post_disaster.png,0,0,85,291824,214,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000214_post_disaster.png,tuscaloosa-tornado_00000214_post_disaster,1,1303,tier3\masks\tuscaloosa-tornado_00000214_post_disaster.png,0,0,0,0,214,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000214_post_disaster.png,portugal-wildfire_00000214_post_disaster,0,0,tier3\masks\portugal-wildfire_00000214_post_disaster.png,0,0,45,52434,214,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000214_post_disaster.png,nepal-flooding_00000214_post_disaster,8,4654,tier3\masks\nepal-flooding_00000214_post_disaster.png,2,5846,53,54490,214,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000215_post_disaster.png,woolsey-fire_00000215_post_disaster,0,0,tier3\masks\woolsey-fire_00000215_post_disaster.png,0,0,0,0,215,0 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000215_post_disaster.png,moore-tornado_00000215_post_disaster,2,1826,tier3\masks\moore-tornado_00000215_post_disaster.png,0,0,268,283659,215,4 +2,1396,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000215_post_disaster.png,portugal-wildfire_00000215_post_disaster,0,0,tier3\masks\portugal-wildfire_00000215_post_disaster.png,0,0,94,64739,215,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000215_post_disaster.png,tuscaloosa-tornado_00000215_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000215_post_disaster.png,0,0,0,0,215,3 +10,3168,socal-fire,post,train,train\images\socal-fire_00000215_post_disaster.png,socal-fire_00000215_post_disaster,0,0,train\masks\socal-fire_00000215_post_disaster.png,0,0,3,6153,215,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000215_post_disaster.png,nepal-flooding_00000215_post_disaster,3,4577,tier3\masks\nepal-flooding_00000215_post_disaster.png,8,10332,0,0,215,3 +13,9495,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000215_post_disaster.png,lower-puna-volcano_00000215_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000215_post_disaster.png,0,0,6,4621,215,3 +7,1931,hurricane-matthew,post,train,train\images\hurricane-matthew_00000215_post_disaster.png,hurricane-matthew_00000215_post_disaster,4,1080,train\masks\hurricane-matthew_00000215_post_disaster.png,4,3012,4,868,215,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000215_post_disaster.png,pinery-bushfire_00000215_post_disaster,0,0,tier3\masks\pinery-bushfire_00000215_post_disaster.png,0,0,0,0,215,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000216_post_disaster.png,pinery-bushfire_00000216_post_disaster,0,0,tier3\masks\pinery-bushfire_00000216_post_disaster.png,0,0,0,0,216,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000216_post_disaster.png,santa-rosa-wildfire_00000216_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000216_post_disaster.png,0,0,234,253813,216,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000216_post_disaster.png,hurricane-florence_00000216_post_disaster,0,0,train\masks\hurricane-florence_00000216_post_disaster.png,20,13362,0,0,216,4 +10,17453,moore-tornado,post,tier3,tier3\images\moore-tornado_00000216_post_disaster.png,moore-tornado_00000216_post_disaster,0,0,tier3\masks\moore-tornado_00000216_post_disaster.png,2,1651,7,11756,216,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000216_post_disaster.png,lower-puna-volcano_00000216_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000216_post_disaster.png,0,0,6,3932,216,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000216_post_disaster.png,hurricane-harvey_00000216_post_disaster,0,0,train\masks\hurricane-harvey_00000216_post_disaster.png,0,0,106,330907,216,4 +1,6837,hurricane-michael,post,train,train\images\hurricane-michael_00000216_post_disaster.png,hurricane-michael_00000216_post_disaster,5,4469,train\masks\hurricane-michael_00000216_post_disaster.png,3,101514,18,67424,216,2 +1,137,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000216_post_disaster.png,nepal-flooding_00000216_post_disaster,5,5879,tier3\masks\nepal-flooding_00000216_post_disaster.png,0,0,34,26387,216,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000216_post_disaster.png,midwest-flooding_00000216_post_disaster,0,0,train\masks\midwest-flooding_00000216_post_disaster.png,0,0,12,5247,216,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000216_post_disaster.png,tuscaloosa-tornado_00000216_post_disaster,2,2017,tier3\masks\tuscaloosa-tornado_00000216_post_disaster.png,0,0,153,157539,216,2 +4,4214,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000216_post_disaster.png,woolsey-fire_00000216_post_disaster,1,1615,tier3\masks\woolsey-fire_00000216_post_disaster.png,2,976,10,5391,216,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000216_post_disaster.png,portugal-wildfire_00000216_post_disaster,0,0,tier3\masks\portugal-wildfire_00000216_post_disaster.png,0,0,0,0,216,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000217_post_disaster.png,hurricane-harvey_00000217_post_disaster,0,0,train\masks\hurricane-harvey_00000217_post_disaster.png,0,0,0,0,217,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000217_post_disaster.png,tuscaloosa-tornado_00000217_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000217_post_disaster.png,0,0,2,4811,217,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000217_post_disaster.png,pinery-bushfire_00000217_post_disaster,0,0,tier3\masks\pinery-bushfire_00000217_post_disaster.png,1,559,23,9105,217,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000217_post_disaster.png,hurricane-florence_00000217_post_disaster,0,0,train\masks\hurricane-florence_00000217_post_disaster.png,0,0,84,112577,217,0 +3,259,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000217_post_disaster.png,nepal-flooding_00000217_post_disaster,1,453,tier3\masks\nepal-flooding_00000217_post_disaster.png,0,0,16,8675,217,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000217_post_disaster.png,woolsey-fire_00000217_post_disaster,0,0,tier3\masks\woolsey-fire_00000217_post_disaster.png,0,0,0,0,217,2 +11,9998,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000217_post_disaster.png,lower-puna-volcano_00000217_post_disaster,2,593,tier3\masks\lower-puna-volcano_00000217_post_disaster.png,1,1287,38,28161,217,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000217_post_disaster.png,portugal-wildfire_00000217_post_disaster,0,0,tier3\masks\portugal-wildfire_00000217_post_disaster.png,0,0,0,0,217,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000217_post_disaster.png,midwest-flooding_00000217_post_disaster,0,0,train\masks\midwest-flooding_00000217_post_disaster.png,0,0,44,30375,217,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000217_post_disaster.png,hurricane-michael_00000217_post_disaster,12,20820,train\masks\hurricane-michael_00000217_post_disaster.png,0,0,66,122640,217,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000217_post_disaster.png,moore-tornado_00000217_post_disaster,0,0,tier3\masks\moore-tornado_00000217_post_disaster.png,0,0,127,146781,217,0 +1,363,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000218_post_disaster.png,nepal-flooding_00000218_post_disaster,10,7666,tier3\masks\nepal-flooding_00000218_post_disaster.png,12,6331,19,10319,218,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000218_post_disaster.png,pinery-bushfire_00000218_post_disaster,0,0,tier3\masks\pinery-bushfire_00000218_post_disaster.png,0,0,0,0,218,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000218_post_disaster.png,hurricane-harvey_00000218_post_disaster,6,4829,train\masks\hurricane-harvey_00000218_post_disaster.png,0,0,3,5101,218,3 +14,12078,moore-tornado,post,tier3,tier3\images\moore-tornado_00000218_post_disaster.png,moore-tornado_00000218_post_disaster,2,1988,tier3\masks\moore-tornado_00000218_post_disaster.png,3,4618,4,3711,218,2 +4,1051,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000218_post_disaster.png,portugal-wildfire_00000218_post_disaster,0,0,tier3\masks\portugal-wildfire_00000218_post_disaster.png,2,747,8,3534,218,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000218_post_disaster.png,lower-puna-volcano_00000218_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000218_post_disaster.png,0,0,0,0,218,2 +1,1416,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000218_post_disaster.png,woolsey-fire_00000218_post_disaster,0,0,tier3\masks\woolsey-fire_00000218_post_disaster.png,0,0,1,269,218,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000218_post_disaster.png,tuscaloosa-tornado_00000218_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000218_post_disaster.png,0,0,1,494,218,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000218_post_disaster.png,hurricane-florence_00000218_post_disaster,0,0,train\masks\hurricane-florence_00000218_post_disaster.png,0,0,0,0,218,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000219_post_disaster.png,moore-tornado_00000219_post_disaster,0,0,tier3\masks\moore-tornado_00000219_post_disaster.png,0,0,121,216734,219,4 +4,500,hurricane-matthew,post,train,train\images\hurricane-matthew_00000219_post_disaster.png,hurricane-matthew_00000219_post_disaster,2,545,train\masks\hurricane-matthew_00000219_post_disaster.png,0,0,0,0,219,2 +3,2285,hurricane-michael,post,train,train\images\hurricane-michael_00000219_post_disaster.png,hurricane-michael_00000219_post_disaster,26,40405,train\masks\hurricane-michael_00000219_post_disaster.png,1,1459,80,97181,219,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000219_post_disaster.png,woolsey-fire_00000219_post_disaster,0,0,tier3\masks\woolsey-fire_00000219_post_disaster.png,0,0,0,0,219,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000219_post_disaster.png,socal-fire_00000219_post_disaster,0,0,train\masks\socal-fire_00000219_post_disaster.png,0,0,4,2382,219,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000219_post_disaster.png,lower-puna-volcano_00000219_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000219_post_disaster.png,0,0,0,0,219,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000219_post_disaster.png,pinery-bushfire_00000219_post_disaster,0,0,tier3\masks\pinery-bushfire_00000219_post_disaster.png,0,0,0,0,219,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000219_post_disaster.png,portugal-wildfire_00000219_post_disaster,0,0,tier3\masks\portugal-wildfire_00000219_post_disaster.png,0,0,0,0,219,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000219_post_disaster.png,tuscaloosa-tornado_00000219_post_disaster,4,1034,tier3\masks\tuscaloosa-tornado_00000219_post_disaster.png,0,0,56,173322,219,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000219_post_disaster.png,hurricane-florence_00000219_post_disaster,0,0,train\masks\hurricane-florence_00000219_post_disaster.png,4,1304,0,0,219,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000219_post_disaster.png,midwest-flooding_00000219_post_disaster,0,0,train\masks\midwest-flooding_00000219_post_disaster.png,0,0,3,995,219,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000219_post_disaster.png,nepal-flooding_00000219_post_disaster,11,4525,tier3\masks\nepal-flooding_00000219_post_disaster.png,1,166,37,29641,219,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000220_post_disaster.png,hurricane-michael_00000220_post_disaster,14,36424,train\masks\hurricane-michael_00000220_post_disaster.png,4,9790,51,103674,220,2 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000220_post_disaster.png,moore-tornado_00000220_post_disaster,0,0,tier3\masks\moore-tornado_00000220_post_disaster.png,0,0,1,443,220,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000220_post_disaster.png,hurricane-harvey_00000220_post_disaster,0,0,train\masks\hurricane-harvey_00000220_post_disaster.png,0,0,84,342904,220,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000220_post_disaster.png,lower-puna-volcano_00000220_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000220_post_disaster.png,0,0,2,1402,220,1 +25,46854,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000220_post_disaster.png,santa-rosa-wildfire_00000220_post_disaster,7,7919,train\masks\santa-rosa-wildfire_00000220_post_disaster.png,5,11113,2,5802,220,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000220_post_disaster.png,tuscaloosa-tornado_00000220_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000220_post_disaster.png,0,0,3,1198,220,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000220_post_disaster.png,woolsey-fire_00000220_post_disaster,0,0,tier3\masks\woolsey-fire_00000220_post_disaster.png,0,0,0,0,220,3 +6,3323,socal-fire,post,train,train\images\socal-fire_00000220_post_disaster.png,socal-fire_00000220_post_disaster,0,0,train\masks\socal-fire_00000220_post_disaster.png,0,0,13,8112,220,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000220_post_disaster.png,nepal-flooding_00000220_post_disaster,3,681,tier3\masks\nepal-flooding_00000220_post_disaster.png,0,0,43,24362,220,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000220_post_disaster.png,midwest-flooding_00000220_post_disaster,0,0,train\masks\midwest-flooding_00000220_post_disaster.png,0,0,6,5071,220,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000220_post_disaster.png,portugal-wildfire_00000220_post_disaster,0,0,tier3\masks\portugal-wildfire_00000220_post_disaster.png,0,0,0,0,220,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000220_post_disaster.png,pinery-bushfire_00000220_post_disaster,0,0,tier3\masks\pinery-bushfire_00000220_post_disaster.png,0,0,0,0,220,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000221_post_disaster.png,nepal-flooding_00000221_post_disaster,0,0,tier3\masks\nepal-flooding_00000221_post_disaster.png,0,0,30,15410,221,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000221_post_disaster.png,pinery-bushfire_00000221_post_disaster,0,0,tier3\masks\pinery-bushfire_00000221_post_disaster.png,0,0,0,0,221,2 +4,1173,hurricane-harvey,post,train,train\images\hurricane-harvey_00000221_post_disaster.png,hurricane-harvey_00000221_post_disaster,0,0,train\masks\hurricane-harvey_00000221_post_disaster.png,0,0,0,0,221,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000221_post_disaster.png,woolsey-fire_00000221_post_disaster,0,0,tier3\masks\woolsey-fire_00000221_post_disaster.png,0,0,0,0,221,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000221_post_disaster.png,hurricane-florence_00000221_post_disaster,0,0,train\masks\hurricane-florence_00000221_post_disaster.png,0,0,0,0,221,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000221_post_disaster.png,moore-tornado_00000221_post_disaster,0,0,tier3\masks\moore-tornado_00000221_post_disaster.png,0,0,130,147167,221,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000221_post_disaster.png,santa-rosa-wildfire_00000221_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000221_post_disaster.png,0,0,9,10408,221,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000221_post_disaster.png,lower-puna-volcano_00000221_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000221_post_disaster.png,0,0,0,0,221,0 +10,1612,hurricane-matthew,post,train,train\images\hurricane-matthew_00000221_post_disaster.png,hurricane-matthew_00000221_post_disaster,4,830,train\masks\hurricane-matthew_00000221_post_disaster.png,7,2418,1,157,221,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000221_post_disaster.png,midwest-flooding_00000221_post_disaster,0,0,train\masks\midwest-flooding_00000221_post_disaster.png,0,0,18,14143,221,1 +3,1011,socal-fire,post,train,train\images\socal-fire_00000221_post_disaster.png,socal-fire_00000221_post_disaster,0,0,train\masks\socal-fire_00000221_post_disaster.png,0,0,0,0,221,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000221_post_disaster.png,portugal-wildfire_00000221_post_disaster,0,0,tier3\masks\portugal-wildfire_00000221_post_disaster.png,0,0,0,0,221,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000221_post_disaster.png,tuscaloosa-tornado_00000221_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000221_post_disaster.png,0,0,0,0,221,4 +5,2688,socal-fire,post,train,train\images\socal-fire_00000222_post_disaster.png,socal-fire_00000222_post_disaster,0,0,train\masks\socal-fire_00000222_post_disaster.png,2,3173,17,15066,222,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000222_post_disaster.png,portugal-wildfire_00000222_post_disaster,0,0,tier3\masks\portugal-wildfire_00000222_post_disaster.png,0,0,0,0,222,4 +10,1815,hurricane-matthew,post,train,train\images\hurricane-matthew_00000222_post_disaster.png,hurricane-matthew_00000222_post_disaster,3,584,train\masks\hurricane-matthew_00000222_post_disaster.png,2,409,3,319,222,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000222_post_disaster.png,moore-tornado_00000222_post_disaster,0,0,tier3\masks\moore-tornado_00000222_post_disaster.png,0,0,49,108693,222,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000222_post_disaster.png,hurricane-florence_00000222_post_disaster,0,0,train\masks\hurricane-florence_00000222_post_disaster.png,0,0,0,0,222,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000222_post_disaster.png,woolsey-fire_00000222_post_disaster,0,0,tier3\masks\woolsey-fire_00000222_post_disaster.png,0,0,2,1536,222,4 +7,1201,hurricane-michael,post,train,train\images\hurricane-michael_00000222_post_disaster.png,hurricane-michael_00000222_post_disaster,46,35782,train\masks\hurricane-michael_00000222_post_disaster.png,10,10751,72,64932,222,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000222_post_disaster.png,lower-puna-volcano_00000222_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000222_post_disaster.png,0,0,8,5952,222,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000222_post_disaster.png,nepal-flooding_00000222_post_disaster,5,978,tier3\masks\nepal-flooding_00000222_post_disaster.png,1,60,60,25075,222,2 +1,54,hurricane-harvey,post,train,train\images\hurricane-harvey_00000222_post_disaster.png,hurricane-harvey_00000222_post_disaster,0,0,train\masks\hurricane-harvey_00000222_post_disaster.png,2,204,0,0,222,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000222_post_disaster.png,midwest-flooding_00000222_post_disaster,0,0,train\masks\midwest-flooding_00000222_post_disaster.png,0,0,4,1125,222,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000222_post_disaster.png,pinery-bushfire_00000222_post_disaster,0,0,tier3\masks\pinery-bushfire_00000222_post_disaster.png,0,0,0,0,222,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000222_post_disaster.png,tuscaloosa-tornado_00000222_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000222_post_disaster.png,0,0,2,2232,222,4 +1,50,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000223_post_disaster.png,nepal-flooding_00000223_post_disaster,5,2492,tier3\masks\nepal-flooding_00000223_post_disaster.png,3,4858,14,16432,223,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000223_post_disaster.png,woolsey-fire_00000223_post_disaster,1,2658,tier3\masks\woolsey-fire_00000223_post_disaster.png,0,0,5,2418,223,2 +2,580,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000223_post_disaster.png,lower-puna-volcano_00000223_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000223_post_disaster.png,0,0,0,0,223,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000223_post_disaster.png,portugal-wildfire_00000223_post_disaster,0,0,tier3\masks\portugal-wildfire_00000223_post_disaster.png,0,0,29,21209,223,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000223_post_disaster.png,moore-tornado_00000223_post_disaster,0,0,tier3\masks\moore-tornado_00000223_post_disaster.png,0,0,3,2046,223,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000223_post_disaster.png,pinery-bushfire_00000223_post_disaster,0,0,tier3\masks\pinery-bushfire_00000223_post_disaster.png,0,0,0,0,223,4 +13,35655,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000223_post_disaster.png,santa-rosa-wildfire_00000223_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000223_post_disaster.png,0,0,2,3300,223,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000223_post_disaster.png,midwest-flooding_00000223_post_disaster,0,0,train\masks\midwest-flooding_00000223_post_disaster.png,0,0,26,27335,223,0 +11,1968,hurricane-matthew,post,train,train\images\hurricane-matthew_00000223_post_disaster.png,hurricane-matthew_00000223_post_disaster,15,4616,train\masks\hurricane-matthew_00000223_post_disaster.png,5,1756,2,202,223,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000223_post_disaster.png,tuscaloosa-tornado_00000223_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000223_post_disaster.png,0,0,0,0,223,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000224_post_disaster.png,woolsey-fire_00000224_post_disaster,0,0,tier3\masks\woolsey-fire_00000224_post_disaster.png,0,0,0,0,224,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000224_post_disaster.png,portugal-wildfire_00000224_post_disaster,0,0,tier3\masks\portugal-wildfire_00000224_post_disaster.png,0,0,0,0,224,3 +3,3611,hurricane-michael,post,train,train\images\hurricane-michael_00000224_post_disaster.png,hurricane-michael_00000224_post_disaster,6,12465,train\masks\hurricane-michael_00000224_post_disaster.png,6,6682,16,11274,224,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000224_post_disaster.png,santa-rosa-wildfire_00000224_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000224_post_disaster.png,0,0,33,31216,224,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000224_post_disaster.png,tuscaloosa-tornado_00000224_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000224_post_disaster.png,0,0,92,73551,224,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000224_post_disaster.png,nepal-flooding_00000224_post_disaster,1,140,tier3\masks\nepal-flooding_00000224_post_disaster.png,0,0,25,28743,224,1 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000224_post_disaster.png,moore-tornado_00000224_post_disaster,0,0,tier3\masks\moore-tornado_00000224_post_disaster.png,0,0,73,84296,224,4 +9,6701,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000224_post_disaster.png,lower-puna-volcano_00000224_post_disaster,4,3672,tier3\masks\lower-puna-volcano_00000224_post_disaster.png,0,0,23,13870,224,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000224_post_disaster.png,hurricane-florence_00000224_post_disaster,0,0,train\masks\hurricane-florence_00000224_post_disaster.png,0,0,27,17553,224,1 +3,447,hurricane-harvey,post,train,train\images\hurricane-harvey_00000224_post_disaster.png,hurricane-harvey_00000224_post_disaster,1,1146,train\masks\hurricane-harvey_00000224_post_disaster.png,10,7379,2,762,224,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000224_post_disaster.png,socal-fire_00000224_post_disaster,0,0,train\masks\socal-fire_00000224_post_disaster.png,0,0,0,0,224,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000224_post_disaster.png,pinery-bushfire_00000224_post_disaster,0,0,tier3\masks\pinery-bushfire_00000224_post_disaster.png,0,0,0,0,224,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000225_post_disaster.png,santa-rosa-wildfire_00000225_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000225_post_disaster.png,0,0,190,205417,225,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000225_post_disaster.png,woolsey-fire_00000225_post_disaster,0,0,tier3\masks\woolsey-fire_00000225_post_disaster.png,0,0,0,0,225,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000225_post_disaster.png,pinery-bushfire_00000225_post_disaster,0,0,tier3\masks\pinery-bushfire_00000225_post_disaster.png,0,0,0,0,225,4 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000225_post_disaster.png,moore-tornado_00000225_post_disaster,0,0,tier3\masks\moore-tornado_00000225_post_disaster.png,0,0,75,70117,225,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000225_post_disaster.png,tuscaloosa-tornado_00000225_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000225_post_disaster.png,0,0,1,520,225,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000225_post_disaster.png,midwest-flooding_00000225_post_disaster,0,0,train\masks\midwest-flooding_00000225_post_disaster.png,0,0,1,1215,225,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000225_post_disaster.png,lower-puna-volcano_00000225_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000225_post_disaster.png,0,0,1,210,225,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000225_post_disaster.png,hurricane-michael_00000225_post_disaster,17,15351,train\masks\hurricane-michael_00000225_post_disaster.png,4,68589,20,14480,225,2 +7,1507,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000225_post_disaster.png,nepal-flooding_00000225_post_disaster,35,27751,tier3\masks\nepal-flooding_00000225_post_disaster.png,36,40077,54,84722,225,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000225_post_disaster.png,portugal-wildfire_00000225_post_disaster,0,0,tier3\masks\portugal-wildfire_00000225_post_disaster.png,0,0,0,0,225,3 +6,1170,hurricane-matthew,post,train,train\images\hurricane-matthew_00000226_post_disaster.png,hurricane-matthew_00000226_post_disaster,2,372,train\masks\hurricane-matthew_00000226_post_disaster.png,0,0,4,419,226,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000226_post_disaster.png,nepal-flooding_00000226_post_disaster,0,0,tier3\masks\nepal-flooding_00000226_post_disaster.png,0,0,0,0,226,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000226_post_disaster.png,portugal-wildfire_00000226_post_disaster,0,0,tier3\masks\portugal-wildfire_00000226_post_disaster.png,0,0,13,10870,226,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000226_post_disaster.png,hurricane-harvey_00000226_post_disaster,0,0,train\masks\hurricane-harvey_00000226_post_disaster.png,1,1409,0,0,226,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000226_post_disaster.png,socal-fire_00000226_post_disaster,0,0,train\masks\socal-fire_00000226_post_disaster.png,0,0,100,157060,226,2 +3,1430,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000226_post_disaster.png,woolsey-fire_00000226_post_disaster,0,0,tier3\masks\woolsey-fire_00000226_post_disaster.png,0,0,3,353,226,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000226_post_disaster.png,hurricane-florence_00000226_post_disaster,0,0,train\masks\hurricane-florence_00000226_post_disaster.png,0,0,18,12664,226,4 +1,2336,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000226_post_disaster.png,santa-rosa-wildfire_00000226_post_disaster,2,3109,train\masks\santa-rosa-wildfire_00000226_post_disaster.png,3,1725,0,0,226,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000226_post_disaster.png,lower-puna-volcano_00000226_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000226_post_disaster.png,0,0,34,29648,226,3 +0,0,moore-tornado,post,tier3,tier3\images\moore-tornado_00000226_post_disaster.png,moore-tornado_00000226_post_disaster,0,0,tier3\masks\moore-tornado_00000226_post_disaster.png,0,0,3,205,226,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000226_post_disaster.png,tuscaloosa-tornado_00000226_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000226_post_disaster.png,0,0,0,0,226,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000226_post_disaster.png,pinery-bushfire_00000226_post_disaster,0,0,tier3\masks\pinery-bushfire_00000226_post_disaster.png,0,0,0,0,226,1 +1,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000227_post_disaster.png,nepal-flooding_00000227_post_disaster,0,0,tier3\masks\nepal-flooding_00000227_post_disaster.png,1,9151,0,0,227,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000227_post_disaster.png,lower-puna-volcano_00000227_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000227_post_disaster.png,0,0,0,0,227,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000227_post_disaster.png,tuscaloosa-tornado_00000227_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000227_post_disaster.png,0,0,0,0,227,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000227_post_disaster.png,portugal-wildfire_00000227_post_disaster,0,0,tier3\masks\portugal-wildfire_00000227_post_disaster.png,0,0,3,2281,227,2 +3,4848,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000227_post_disaster.png,woolsey-fire_00000227_post_disaster,0,0,tier3\masks\woolsey-fire_00000227_post_disaster.png,0,0,9,1656,227,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000227_post_disaster.png,pinery-bushfire_00000227_post_disaster,0,0,tier3\masks\pinery-bushfire_00000227_post_disaster.png,0,0,0,0,227,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000227_post_disaster.png,socal-fire_00000227_post_disaster,0,0,train\masks\socal-fire_00000227_post_disaster.png,0,0,13,15392,227,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000228_post_disaster.png,pinery-bushfire_00000228_post_disaster,0,0,tier3\masks\pinery-bushfire_00000228_post_disaster.png,0,0,0,0,228,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000228_post_disaster.png,lower-puna-volcano_00000228_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000228_post_disaster.png,0,0,0,0,228,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000228_post_disaster.png,hurricane-michael_00000228_post_disaster,17,25716,train\masks\hurricane-michael_00000228_post_disaster.png,0,0,20,29516,228,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000228_post_disaster.png,tuscaloosa-tornado_00000228_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000228_post_disaster.png,0,0,109,125574,228,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000228_post_disaster.png,hurricane-harvey_00000228_post_disaster,0,0,train\masks\hurricane-harvey_00000228_post_disaster.png,2,700,1,2671,228,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000228_post_disaster.png,woolsey-fire_00000228_post_disaster,0,0,tier3\masks\woolsey-fire_00000228_post_disaster.png,0,0,0,0,228,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000228_post_disaster.png,portugal-wildfire_00000228_post_disaster,0,0,tier3\masks\portugal-wildfire_00000228_post_disaster.png,0,0,0,0,228,1 +12,17330,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000228_post_disaster.png,santa-rosa-wildfire_00000228_post_disaster,1,1470,train\masks\santa-rosa-wildfire_00000228_post_disaster.png,0,0,2,868,228,1 +3,4928,socal-fire,post,train,train\images\socal-fire_00000228_post_disaster.png,socal-fire_00000228_post_disaster,0,0,train\masks\socal-fire_00000228_post_disaster.png,0,0,13,3779,228,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000228_post_disaster.png,nepal-flooding_00000228_post_disaster,0,0,tier3\masks\nepal-flooding_00000228_post_disaster.png,0,0,31,28016,228,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000228_post_disaster.png,midwest-flooding_00000228_post_disaster,0,0,train\masks\midwest-flooding_00000228_post_disaster.png,0,0,3,1966,228,4 +8,1671,hurricane-matthew,post,train,train\images\hurricane-matthew_00000228_post_disaster.png,hurricane-matthew_00000228_post_disaster,3,785,train\masks\hurricane-matthew_00000228_post_disaster.png,2,630,2,455,228,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000229_post_disaster.png,tuscaloosa-tornado_00000229_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000229_post_disaster.png,0,0,0,0,229,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000229_post_disaster.png,midwest-flooding_00000229_post_disaster,0,0,train\masks\midwest-flooding_00000229_post_disaster.png,0,0,2,198,229,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000229_post_disaster.png,hurricane-florence_00000229_post_disaster,0,0,train\masks\hurricane-florence_00000229_post_disaster.png,0,0,19,16705,229,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000229_post_disaster.png,portugal-wildfire_00000229_post_disaster,0,0,tier3\masks\portugal-wildfire_00000229_post_disaster.png,0,0,0,0,229,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000229_post_disaster.png,pinery-bushfire_00000229_post_disaster,0,0,tier3\masks\pinery-bushfire_00000229_post_disaster.png,0,0,0,0,229,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000229_post_disaster.png,lower-puna-volcano_00000229_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000229_post_disaster.png,0,0,0,0,229,2 +2,721,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000229_post_disaster.png,nepal-flooding_00000229_post_disaster,0,0,tier3\masks\nepal-flooding_00000229_post_disaster.png,7,3283,2,617,229,1 +13,12928,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000229_post_disaster.png,santa-rosa-wildfire_00000229_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000229_post_disaster.png,0,0,0,0,229,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000229_post_disaster.png,woolsey-fire_00000229_post_disaster,0,0,tier3\masks\woolsey-fire_00000229_post_disaster.png,0,0,0,0,229,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000230_post_disaster.png,portugal-wildfire_00000230_post_disaster,0,0,tier3\masks\portugal-wildfire_00000230_post_disaster.png,0,0,0,0,230,3 +5,2242,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000230_post_disaster.png,woolsey-fire_00000230_post_disaster,1,1428,tier3\masks\woolsey-fire_00000230_post_disaster.png,0,0,15,7433,230,0 +1,304,hurricane-michael,post,train,train\images\hurricane-michael_00000230_post_disaster.png,hurricane-michael_00000230_post_disaster,24,25170,train\masks\hurricane-michael_00000230_post_disaster.png,6,4859,42,63462,230,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000230_post_disaster.png,lower-puna-volcano_00000230_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000230_post_disaster.png,0,0,2,895,230,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000230_post_disaster.png,nepal-flooding_00000230_post_disaster,0,0,tier3\masks\nepal-flooding_00000230_post_disaster.png,17,7748,0,0,230,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000230_post_disaster.png,socal-fire_00000230_post_disaster,0,0,train\masks\socal-fire_00000230_post_disaster.png,0,0,0,0,230,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000230_post_disaster.png,pinery-bushfire_00000230_post_disaster,0,0,tier3\masks\pinery-bushfire_00000230_post_disaster.png,0,0,6,752,230,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000230_post_disaster.png,tuscaloosa-tornado_00000230_post_disaster,1,465,tier3\masks\tuscaloosa-tornado_00000230_post_disaster.png,0,0,4,1647,230,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000230_post_disaster.png,midwest-flooding_00000230_post_disaster,0,0,train\masks\midwest-flooding_00000230_post_disaster.png,9,4460,30,27317,230,4 +8,858,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000231_post_disaster.png,nepal-flooding_00000231_post_disaster,30,22406,tier3\masks\nepal-flooding_00000231_post_disaster.png,43,42992,19,6361,231,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000231_post_disaster.png,socal-fire_00000231_post_disaster,0,0,train\masks\socal-fire_00000231_post_disaster.png,0,0,8,4271,231,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000231_post_disaster.png,tuscaloosa-tornado_00000231_post_disaster,1,905,tier3\masks\tuscaloosa-tornado_00000231_post_disaster.png,0,0,156,128436,231,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000231_post_disaster.png,midwest-flooding_00000231_post_disaster,0,0,train\masks\midwest-flooding_00000231_post_disaster.png,0,0,2,3040,231,1 +2,375,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000231_post_disaster.png,woolsey-fire_00000231_post_disaster,0,0,tier3\masks\woolsey-fire_00000231_post_disaster.png,0,0,31,14374,231,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000231_post_disaster.png,santa-rosa-wildfire_00000231_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000231_post_disaster.png,0,0,42,54659,231,3 +5,911,hurricane-michael,post,train,train\images\hurricane-michael_00000231_post_disaster.png,hurricane-michael_00000231_post_disaster,17,109620,train\masks\hurricane-michael_00000231_post_disaster.png,5,17776,16,63243,231,0 +17,2852,hurricane-matthew,post,train,train\images\hurricane-matthew_00000231_post_disaster.png,hurricane-matthew_00000231_post_disaster,8,1037,train\masks\hurricane-matthew_00000231_post_disaster.png,6,1935,2,722,231,3 +2,1508,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000231_post_disaster.png,lower-puna-volcano_00000231_post_disaster,4,1901,tier3\masks\lower-puna-volcano_00000231_post_disaster.png,2,1730,31,19456,231,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000231_post_disaster.png,portugal-wildfire_00000231_post_disaster,0,0,tier3\masks\portugal-wildfire_00000231_post_disaster.png,0,0,3,694,231,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000231_post_disaster.png,pinery-bushfire_00000231_post_disaster,0,0,tier3\masks\pinery-bushfire_00000231_post_disaster.png,0,0,0,0,231,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000231_post_disaster.png,hurricane-florence_00000231_post_disaster,0,0,train\masks\hurricane-florence_00000231_post_disaster.png,0,0,9,6229,231,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000231_post_disaster.png,hurricane-harvey_00000231_post_disaster,0,0,train\masks\hurricane-harvey_00000231_post_disaster.png,0,0,64,255330,231,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000232_post_disaster.png,woolsey-fire_00000232_post_disaster,0,0,tier3\masks\woolsey-fire_00000232_post_disaster.png,0,0,16,6976,232,2 +2,949,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000232_post_disaster.png,portugal-wildfire_00000232_post_disaster,1,683,tier3\masks\portugal-wildfire_00000232_post_disaster.png,1,650,43,30709,232,0 +3,1349,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000232_post_disaster.png,tuscaloosa-tornado_00000232_post_disaster,6,6618,tier3\masks\tuscaloosa-tornado_00000232_post_disaster.png,2,2725,6,1530,232,0 +1,251,hurricane-matthew,post,train,train\images\hurricane-matthew_00000232_post_disaster.png,hurricane-matthew_00000232_post_disaster,1,176,train\masks\hurricane-matthew_00000232_post_disaster.png,1,252,1,177,232,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000232_post_disaster.png,lower-puna-volcano_00000232_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000232_post_disaster.png,0,0,20,10537,232,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000232_post_disaster.png,hurricane-florence_00000232_post_disaster,0,0,train\masks\hurricane-florence_00000232_post_disaster.png,0,0,39,23766,232,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000232_post_disaster.png,socal-fire_00000232_post_disaster,0,0,train\masks\socal-fire_00000232_post_disaster.png,0,0,0,0,232,0 +1,129,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000232_post_disaster.png,nepal-flooding_00000232_post_disaster,8,6019,tier3\masks\nepal-flooding_00000232_post_disaster.png,14,19534,29,42980,232,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000232_post_disaster.png,pinery-bushfire_00000232_post_disaster,0,0,tier3\masks\pinery-bushfire_00000232_post_disaster.png,0,0,0,0,232,3 +2,1688,hurricane-harvey,post,train,train\images\hurricane-harvey_00000232_post_disaster.png,hurricane-harvey_00000232_post_disaster,0,0,train\masks\hurricane-harvey_00000232_post_disaster.png,0,0,0,0,232,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000233_post_disaster.png,pinery-bushfire_00000233_post_disaster,0,0,tier3\masks\pinery-bushfire_00000233_post_disaster.png,0,0,0,0,233,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000233_post_disaster.png,hurricane-harvey_00000233_post_disaster,0,0,train\masks\hurricane-harvey_00000233_post_disaster.png,0,0,175,193982,233,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000233_post_disaster.png,portugal-wildfire_00000233_post_disaster,0,0,tier3\masks\portugal-wildfire_00000233_post_disaster.png,0,0,0,0,233,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000233_post_disaster.png,woolsey-fire_00000233_post_disaster,0,0,tier3\masks\woolsey-fire_00000233_post_disaster.png,0,0,0,0,233,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000233_post_disaster.png,hurricane-florence_00000233_post_disaster,0,0,train\masks\hurricane-florence_00000233_post_disaster.png,0,0,8,2522,233,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000233_post_disaster.png,nepal-flooding_00000233_post_disaster,0,0,tier3\masks\nepal-flooding_00000233_post_disaster.png,0,0,2,969,233,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000233_post_disaster.png,midwest-flooding_00000233_post_disaster,0,0,train\masks\midwest-flooding_00000233_post_disaster.png,2,853,34,25167,233,1 +5,6771,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000233_post_disaster.png,santa-rosa-wildfire_00000233_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000233_post_disaster.png,0,0,1,1300,233,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000233_post_disaster.png,hurricane-michael_00000233_post_disaster,0,0,train\masks\hurricane-michael_00000233_post_disaster.png,0,0,4,5537,233,4 +6,1590,hurricane-matthew,post,train,train\images\hurricane-matthew_00000233_post_disaster.png,hurricane-matthew_00000233_post_disaster,6,1539,train\masks\hurricane-matthew_00000233_post_disaster.png,0,0,0,0,233,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000233_post_disaster.png,lower-puna-volcano_00000233_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000233_post_disaster.png,0,0,0,0,233,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000233_post_disaster.png,tuscaloosa-tornado_00000233_post_disaster,7,5982,tier3\masks\tuscaloosa-tornado_00000233_post_disaster.png,0,0,113,107017,233,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000234_post_disaster.png,woolsey-fire_00000234_post_disaster,0,0,tier3\masks\woolsey-fire_00000234_post_disaster.png,0,0,3,2050,234,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000234_post_disaster.png,pinery-bushfire_00000234_post_disaster,0,0,tier3\masks\pinery-bushfire_00000234_post_disaster.png,0,0,0,0,234,0 +3,5308,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000234_post_disaster.png,santa-rosa-wildfire_00000234_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000234_post_disaster.png,0,0,0,0,234,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000234_post_disaster.png,lower-puna-volcano_00000234_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000234_post_disaster.png,0,0,0,0,234,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000234_post_disaster.png,hurricane-michael_00000234_post_disaster,4,6352,train\masks\hurricane-michael_00000234_post_disaster.png,1,8912,18,49479,234,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000234_post_disaster.png,portugal-wildfire_00000234_post_disaster,0,0,tier3\masks\portugal-wildfire_00000234_post_disaster.png,0,0,1,461,234,3 +6,4195,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000234_post_disaster.png,tuscaloosa-tornado_00000234_post_disaster,26,24962,tier3\masks\tuscaloosa-tornado_00000234_post_disaster.png,3,2612,8,5627,234,3 +11,2078,hurricane-matthew,post,train,train\images\hurricane-matthew_00000234_post_disaster.png,hurricane-matthew_00000234_post_disaster,0,0,train\masks\hurricane-matthew_00000234_post_disaster.png,2,685,0,0,234,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000234_post_disaster.png,midwest-flooding_00000234_post_disaster,2,684,train\masks\midwest-flooding_00000234_post_disaster.png,2,777,22,21875,234,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000234_post_disaster.png,nepal-flooding_00000234_post_disaster,0,0,tier3\masks\nepal-flooding_00000234_post_disaster.png,0,0,37,33906,234,0 +2,85,hurricane-harvey,post,train,train\images\hurricane-harvey_00000235_post_disaster.png,hurricane-harvey_00000235_post_disaster,0,0,train\masks\hurricane-harvey_00000235_post_disaster.png,3,2121,3,1223,235,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000235_post_disaster.png,tuscaloosa-tornado_00000235_post_disaster,1,990,tier3\masks\tuscaloosa-tornado_00000235_post_disaster.png,0,0,16,16692,235,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000235_post_disaster.png,midwest-flooding_00000235_post_disaster,0,0,train\masks\midwest-flooding_00000235_post_disaster.png,5,2066,6,4040,235,1 +9,4135,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000235_post_disaster.png,woolsey-fire_00000235_post_disaster,0,0,tier3\masks\woolsey-fire_00000235_post_disaster.png,1,176,2,122,235,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000235_post_disaster.png,lower-puna-volcano_00000235_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000235_post_disaster.png,0,0,4,1448,235,3 +19,28899,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000235_post_disaster.png,santa-rosa-wildfire_00000235_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000235_post_disaster.png,0,0,11,10823,235,3 +3,614,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000235_post_disaster.png,nepal-flooding_00000235_post_disaster,16,14583,tier3\masks\nepal-flooding_00000235_post_disaster.png,13,14204,21,22546,235,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000235_post_disaster.png,portugal-wildfire_00000235_post_disaster,0,0,tier3\masks\portugal-wildfire_00000235_post_disaster.png,0,0,0,0,235,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000235_post_disaster.png,pinery-bushfire_00000235_post_disaster,0,0,tier3\masks\pinery-bushfire_00000235_post_disaster.png,0,0,0,0,235,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000236_post_disaster.png,pinery-bushfire_00000236_post_disaster,0,0,tier3\masks\pinery-bushfire_00000236_post_disaster.png,0,0,0,0,236,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000236_post_disaster.png,socal-fire_00000236_post_disaster,0,0,train\masks\socal-fire_00000236_post_disaster.png,0,0,0,0,236,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000236_post_disaster.png,woolsey-fire_00000236_post_disaster,0,0,tier3\masks\woolsey-fire_00000236_post_disaster.png,0,0,0,0,236,1 +2,443,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000236_post_disaster.png,portugal-wildfire_00000236_post_disaster,0,0,tier3\masks\portugal-wildfire_00000236_post_disaster.png,0,0,1,1140,236,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000236_post_disaster.png,midwest-flooding_00000236_post_disaster,1,1025,train\masks\midwest-flooding_00000236_post_disaster.png,0,0,12,8739,236,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000236_post_disaster.png,tuscaloosa-tornado_00000236_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000236_post_disaster.png,3,2915,6,2379,236,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000236_post_disaster.png,nepal-flooding_00000236_post_disaster,0,0,tier3\masks\nepal-flooding_00000236_post_disaster.png,8,4101,4,769,236,2 +6,9930,hurricane-michael,post,train,train\images\hurricane-michael_00000236_post_disaster.png,hurricane-michael_00000236_post_disaster,39,44454,train\masks\hurricane-michael_00000236_post_disaster.png,6,8882,43,42232,236,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000236_post_disaster.png,lower-puna-volcano_00000236_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000236_post_disaster.png,0,0,0,0,236,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000237_post_disaster.png,nepal-flooding_00000237_post_disaster,0,0,tier3\masks\nepal-flooding_00000237_post_disaster.png,1,272,0,0,237,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000237_post_disaster.png,portugal-wildfire_00000237_post_disaster,0,0,tier3\masks\portugal-wildfire_00000237_post_disaster.png,0,0,36,36151,237,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000237_post_disaster.png,pinery-bushfire_00000237_post_disaster,0,0,tier3\masks\pinery-bushfire_00000237_post_disaster.png,1,351,8,5803,237,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000237_post_disaster.png,hurricane-harvey_00000237_post_disaster,0,0,train\masks\hurricane-harvey_00000237_post_disaster.png,0,0,114,380371,237,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000237_post_disaster.png,woolsey-fire_00000237_post_disaster,0,0,tier3\masks\woolsey-fire_00000237_post_disaster.png,0,0,5,5029,237,3 +21,28404,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000237_post_disaster.png,santa-rosa-wildfire_00000237_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000237_post_disaster.png,0,0,1,591,237,0 +14,3457,hurricane-matthew,post,train,train\images\hurricane-matthew_00000237_post_disaster.png,hurricane-matthew_00000237_post_disaster,10,2253,train\masks\hurricane-matthew_00000237_post_disaster.png,4,1877,2,583,237,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000237_post_disaster.png,midwest-flooding_00000237_post_disaster,1,2190,train\masks\midwest-flooding_00000237_post_disaster.png,0,0,45,56646,237,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000237_post_disaster.png,tuscaloosa-tornado_00000237_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000237_post_disaster.png,0,0,1,1300,237,4 +30,17408,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000237_post_disaster.png,lower-puna-volcano_00000237_post_disaster,5,2143,tier3\masks\lower-puna-volcano_00000237_post_disaster.png,1,214,3,1360,237,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000237_post_disaster.png,socal-fire_00000237_post_disaster,0,0,train\masks\socal-fire_00000237_post_disaster.png,0,0,18,38009,237,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000237_post_disaster.png,hurricane-florence_00000237_post_disaster,0,0,train\masks\hurricane-florence_00000237_post_disaster.png,0,0,23,33504,237,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000238_post_disaster.png,pinery-bushfire_00000238_post_disaster,0,0,tier3\masks\pinery-bushfire_00000238_post_disaster.png,0,0,0,0,238,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000238_post_disaster.png,tuscaloosa-tornado_00000238_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000238_post_disaster.png,0,0,14,75755,238,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000238_post_disaster.png,lower-puna-volcano_00000238_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000238_post_disaster.png,0,0,0,0,238,1 +3,772,hurricane-michael,post,train,train\images\hurricane-michael_00000238_post_disaster.png,hurricane-michael_00000238_post_disaster,34,50933,train\masks\hurricane-michael_00000238_post_disaster.png,17,21839,93,106181,238,3 +4,659,hurricane-matthew,post,train,train\images\hurricane-matthew_00000238_post_disaster.png,hurricane-matthew_00000238_post_disaster,1,384,train\masks\hurricane-matthew_00000238_post_disaster.png,0,0,0,0,238,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000238_post_disaster.png,midwest-flooding_00000238_post_disaster,1,1128,train\masks\midwest-flooding_00000238_post_disaster.png,6,2208,11,21006,238,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000238_post_disaster.png,hurricane-harvey_00000238_post_disaster,4,6163,train\masks\hurricane-harvey_00000238_post_disaster.png,7,10394,24,30565,238,3 +3,466,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000238_post_disaster.png,woolsey-fire_00000238_post_disaster,0,0,tier3\masks\woolsey-fire_00000238_post_disaster.png,0,0,19,16305,238,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000238_post_disaster.png,nepal-flooding_00000238_post_disaster,0,0,tier3\masks\nepal-flooding_00000238_post_disaster.png,3,2024,0,0,238,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000238_post_disaster.png,portugal-wildfire_00000238_post_disaster,0,0,tier3\masks\portugal-wildfire_00000238_post_disaster.png,0,0,1,64,238,3 +14,6430,hurricane-michael,post,train,train\images\hurricane-michael_00000239_post_disaster.png,hurricane-michael_00000239_post_disaster,25,19500,train\masks\hurricane-michael_00000239_post_disaster.png,22,12105,75,72951,239,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000239_post_disaster.png,lower-puna-volcano_00000239_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000239_post_disaster.png,0,0,15,4408,239,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000239_post_disaster.png,hurricane-harvey_00000239_post_disaster,11,19113,train\masks\hurricane-harvey_00000239_post_disaster.png,8,15710,3,1932,239,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000239_post_disaster.png,nepal-flooding_00000239_post_disaster,1,1150,tier3\masks\nepal-flooding_00000239_post_disaster.png,0,0,65,40127,239,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000239_post_disaster.png,portugal-wildfire_00000239_post_disaster,1,338,tier3\masks\portugal-wildfire_00000239_post_disaster.png,0,0,0,0,239,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000239_post_disaster.png,tuscaloosa-tornado_00000239_post_disaster,2,2770,tier3\masks\tuscaloosa-tornado_00000239_post_disaster.png,1,1059,5,5394,239,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000239_post_disaster.png,pinery-bushfire_00000239_post_disaster,0,0,tier3\masks\pinery-bushfire_00000239_post_disaster.png,0,0,0,0,239,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000239_post_disaster.png,hurricane-matthew_00000239_post_disaster,0,0,train\masks\hurricane-matthew_00000239_post_disaster.png,0,0,0,0,239,2 +3,738,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000239_post_disaster.png,woolsey-fire_00000239_post_disaster,0,0,tier3\masks\woolsey-fire_00000239_post_disaster.png,0,0,13,10633,239,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000239_post_disaster.png,socal-fire_00000239_post_disaster,0,0,train\masks\socal-fire_00000239_post_disaster.png,0,0,106,180409,239,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000239_post_disaster.png,midwest-flooding_00000239_post_disaster,1,423,train\masks\midwest-flooding_00000239_post_disaster.png,1,2155,9,10591,239,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000239_post_disaster.png,santa-rosa-wildfire_00000239_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000239_post_disaster.png,0,0,45,37085,239,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000240_post_disaster.png,lower-puna-volcano_00000240_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000240_post_disaster.png,0,0,0,0,240,0 +3,1274,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000240_post_disaster.png,nepal-flooding_00000240_post_disaster,0,0,tier3\masks\nepal-flooding_00000240_post_disaster.png,17,9846,2,301,240,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000240_post_disaster.png,pinery-bushfire_00000240_post_disaster,0,0,tier3\masks\pinery-bushfire_00000240_post_disaster.png,0,0,0,0,240,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000240_post_disaster.png,woolsey-fire_00000240_post_disaster,0,0,tier3\masks\woolsey-fire_00000240_post_disaster.png,0,0,0,0,240,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000240_post_disaster.png,tuscaloosa-tornado_00000240_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000240_post_disaster.png,0,0,0,0,240,2 +2,1876,hurricane-michael,post,train,train\images\hurricane-michael_00000240_post_disaster.png,hurricane-michael_00000240_post_disaster,25,34265,train\masks\hurricane-michael_00000240_post_disaster.png,14,23724,23,44215,240,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000240_post_disaster.png,socal-fire_00000240_post_disaster,0,0,train\masks\socal-fire_00000240_post_disaster.png,0,0,40,50198,240,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000240_post_disaster.png,portugal-wildfire_00000240_post_disaster,0,0,tier3\masks\portugal-wildfire_00000240_post_disaster.png,0,0,1,350,240,2 +4,2013,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000241_post_disaster.png,tuscaloosa-tornado_00000241_post_disaster,2,1769,tier3\masks\tuscaloosa-tornado_00000241_post_disaster.png,1,2209,6,1496,241,1 +8,3523,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000241_post_disaster.png,woolsey-fire_00000241_post_disaster,0,0,tier3\masks\woolsey-fire_00000241_post_disaster.png,1,3505,19,14717,241,2 +5,2399,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000241_post_disaster.png,santa-rosa-wildfire_00000241_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000241_post_disaster.png,0,0,0,0,241,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000241_post_disaster.png,lower-puna-volcano_00000241_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000241_post_disaster.png,0,0,3,2042,241,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000241_post_disaster.png,portugal-wildfire_00000241_post_disaster,0,0,tier3\masks\portugal-wildfire_00000241_post_disaster.png,0,0,0,0,241,4 +3,401,hurricane-matthew,post,train,train\images\hurricane-matthew_00000241_post_disaster.png,hurricane-matthew_00000241_post_disaster,2,511,train\masks\hurricane-matthew_00000241_post_disaster.png,4,1256,1,94,241,0 +1,199,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000241_post_disaster.png,pinery-bushfire_00000241_post_disaster,2,1010,tier3\masks\pinery-bushfire_00000241_post_disaster.png,1,236,4,3381,241,2 +1,57,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000241_post_disaster.png,nepal-flooding_00000241_post_disaster,0,0,tier3\masks\nepal-flooding_00000241_post_disaster.png,1,194,0,0,241,2 +3,1831,hurricane-michael,post,train,train\images\hurricane-michael_00000241_post_disaster.png,hurricane-michael_00000241_post_disaster,8,29869,train\masks\hurricane-michael_00000241_post_disaster.png,14,48709,22,48276,241,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000241_post_disaster.png,hurricane-harvey_00000241_post_disaster,0,0,train\masks\hurricane-harvey_00000241_post_disaster.png,4,918,0,0,241,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000242_post_disaster.png,tuscaloosa-tornado_00000242_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000242_post_disaster.png,0,0,17,60782,242,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000242_post_disaster.png,hurricane-matthew_00000242_post_disaster,0,0,train\masks\hurricane-matthew_00000242_post_disaster.png,0,0,0,0,242,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000242_post_disaster.png,hurricane-harvey_00000242_post_disaster,0,0,train\masks\hurricane-harvey_00000242_post_disaster.png,0,0,221,379094,242,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000242_post_disaster.png,woolsey-fire_00000242_post_disaster,0,0,tier3\masks\woolsey-fire_00000242_post_disaster.png,0,0,0,0,242,2 +1,245,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000242_post_disaster.png,nepal-flooding_00000242_post_disaster,13,7362,tier3\masks\nepal-flooding_00000242_post_disaster.png,2,321,14,9973,242,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000242_post_disaster.png,lower-puna-volcano_00000242_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000242_post_disaster.png,0,0,2,952,242,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000242_post_disaster.png,midwest-flooding_00000242_post_disaster,2,1858,train\masks\midwest-flooding_00000242_post_disaster.png,0,0,1,121,242,1 +1,199,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000242_post_disaster.png,portugal-wildfire_00000242_post_disaster,0,0,tier3\masks\portugal-wildfire_00000242_post_disaster.png,0,0,16,9836,242,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000242_post_disaster.png,hurricane-florence_00000242_post_disaster,0,0,train\masks\hurricane-florence_00000242_post_disaster.png,0,0,10,7634,242,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000242_post_disaster.png,pinery-bushfire_00000242_post_disaster,0,0,tier3\masks\pinery-bushfire_00000242_post_disaster.png,0,0,0,0,242,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000243_post_disaster.png,pinery-bushfire_00000243_post_disaster,0,0,tier3\masks\pinery-bushfire_00000243_post_disaster.png,0,0,0,0,243,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000243_post_disaster.png,nepal-flooding_00000243_post_disaster,0,0,tier3\masks\nepal-flooding_00000243_post_disaster.png,3,881,0,0,243,0 +3,1618,hurricane-michael,post,train,train\images\hurricane-michael_00000243_post_disaster.png,hurricane-michael_00000243_post_disaster,36,27377,train\masks\hurricane-michael_00000243_post_disaster.png,15,17234,56,39242,243,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000243_post_disaster.png,santa-rosa-wildfire_00000243_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000243_post_disaster.png,0,0,206,223418,243,3 +11,2803,hurricane-matthew,post,train,train\images\hurricane-matthew_00000243_post_disaster.png,hurricane-matthew_00000243_post_disaster,9,4482,train\masks\hurricane-matthew_00000243_post_disaster.png,9,2470,17,5016,243,3 +60,27618,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000243_post_disaster.png,lower-puna-volcano_00000243_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000243_post_disaster.png,0,0,0,0,243,4 +25,14392,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000243_post_disaster.png,tuscaloosa-tornado_00000243_post_disaster,14,14226,tier3\masks\tuscaloosa-tornado_00000243_post_disaster.png,6,5080,32,15873,243,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000243_post_disaster.png,woolsey-fire_00000243_post_disaster,0,0,tier3\masks\woolsey-fire_00000243_post_disaster.png,0,0,0,0,243,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000243_post_disaster.png,hurricane-harvey_00000243_post_disaster,0,0,train\masks\hurricane-harvey_00000243_post_disaster.png,6,5896,0,0,243,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000243_post_disaster.png,socal-fire_00000243_post_disaster,0,0,train\masks\socal-fire_00000243_post_disaster.png,0,0,0,0,243,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000243_post_disaster.png,portugal-wildfire_00000243_post_disaster,0,0,tier3\masks\portugal-wildfire_00000243_post_disaster.png,0,0,6,4369,243,0 +26,4276,hurricane-matthew,post,train,train\images\hurricane-matthew_00000244_post_disaster.png,hurricane-matthew_00000244_post_disaster,5,772,train\masks\hurricane-matthew_00000244_post_disaster.png,1,354,2,453,244,3 +2,166,midwest-flooding,post,train,train\images\midwest-flooding_00000244_post_disaster.png,midwest-flooding_00000244_post_disaster,1,720,train\masks\midwest-flooding_00000244_post_disaster.png,0,0,9,2926,244,4 +7,633,hurricane-harvey,post,train,train\images\hurricane-harvey_00000244_post_disaster.png,hurricane-harvey_00000244_post_disaster,2,5942,train\masks\hurricane-harvey_00000244_post_disaster.png,0,0,4,1437,244,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000244_post_disaster.png,socal-fire_00000244_post_disaster,0,0,train\masks\socal-fire_00000244_post_disaster.png,0,0,6,3728,244,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000244_post_disaster.png,nepal-flooding_00000244_post_disaster,0,0,tier3\masks\nepal-flooding_00000244_post_disaster.png,5,2222,1,57,244,0 +3,1024,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000244_post_disaster.png,lower-puna-volcano_00000244_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000244_post_disaster.png,0,0,16,6441,244,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000244_post_disaster.png,portugal-wildfire_00000244_post_disaster,0,0,tier3\masks\portugal-wildfire_00000244_post_disaster.png,0,0,12,10389,244,3 +5,4924,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000244_post_disaster.png,woolsey-fire_00000244_post_disaster,0,0,tier3\masks\woolsey-fire_00000244_post_disaster.png,0,0,0,0,244,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000244_post_disaster.png,pinery-bushfire_00000244_post_disaster,0,0,tier3\masks\pinery-bushfire_00000244_post_disaster.png,0,0,0,0,244,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000244_post_disaster.png,santa-rosa-wildfire_00000244_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000244_post_disaster.png,0,0,45,38162,244,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000244_post_disaster.png,tuscaloosa-tornado_00000244_post_disaster,5,6037,tier3\masks\tuscaloosa-tornado_00000244_post_disaster.png,2,830,44,31302,244,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000244_post_disaster.png,hurricane-florence_00000244_post_disaster,0,0,train\masks\hurricane-florence_00000244_post_disaster.png,0,0,6,8138,244,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000244_post_disaster.png,hurricane-michael_00000244_post_disaster,0,0,train\masks\hurricane-michael_00000244_post_disaster.png,0,0,0,0,244,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000245_post_disaster.png,portugal-wildfire_00000245_post_disaster,0,0,tier3\masks\portugal-wildfire_00000245_post_disaster.png,0,0,2,300,245,3 +1,239,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000245_post_disaster.png,santa-rosa-wildfire_00000245_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000245_post_disaster.png,0,0,0,0,245,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000245_post_disaster.png,lower-puna-volcano_00000245_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000245_post_disaster.png,0,0,0,0,245,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000245_post_disaster.png,tuscaloosa-tornado_00000245_post_disaster,1,1078,tier3\masks\tuscaloosa-tornado_00000245_post_disaster.png,0,0,6,5348,245,0 +16,2683,hurricane-matthew,post,train,train\images\hurricane-matthew_00000245_post_disaster.png,hurricane-matthew_00000245_post_disaster,8,1359,train\masks\hurricane-matthew_00000245_post_disaster.png,1,188,2,377,245,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000245_post_disaster.png,pinery-bushfire_00000245_post_disaster,0,0,tier3\masks\pinery-bushfire_00000245_post_disaster.png,0,0,0,0,245,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000245_post_disaster.png,hurricane-harvey_00000245_post_disaster,0,0,train\masks\hurricane-harvey_00000245_post_disaster.png,0,0,61,75448,245,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000245_post_disaster.png,hurricane-florence_00000245_post_disaster,3,4116,train\masks\hurricane-florence_00000245_post_disaster.png,0,0,1,555,245,0 +10,12243,socal-fire,post,train,train\images\socal-fire_00000245_post_disaster.png,socal-fire_00000245_post_disaster,0,0,train\masks\socal-fire_00000245_post_disaster.png,0,0,2,553,245,1 +2,545,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000245_post_disaster.png,woolsey-fire_00000245_post_disaster,0,0,tier3\masks\woolsey-fire_00000245_post_disaster.png,0,0,35,17339,245,0 +2,1207,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000245_post_disaster.png,nepal-flooding_00000245_post_disaster,0,0,tier3\masks\nepal-flooding_00000245_post_disaster.png,7,3329,2,492,245,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000246_post_disaster.png,tuscaloosa-tornado_00000246_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000246_post_disaster.png,0,0,28,118883,246,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000246_post_disaster.png,midwest-flooding_00000246_post_disaster,0,0,train\masks\midwest-flooding_00000246_post_disaster.png,0,0,8,4226,246,2 +7,3025,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000246_post_disaster.png,woolsey-fire_00000246_post_disaster,2,605,tier3\masks\woolsey-fire_00000246_post_disaster.png,1,147,1,185,246,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000246_post_disaster.png,portugal-wildfire_00000246_post_disaster,0,0,tier3\masks\portugal-wildfire_00000246_post_disaster.png,0,0,0,0,246,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000246_post_disaster.png,nepal-flooding_00000246_post_disaster,1,400,tier3\masks\nepal-flooding_00000246_post_disaster.png,0,0,2,1255,246,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000246_post_disaster.png,lower-puna-volcano_00000246_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000246_post_disaster.png,0,0,0,0,246,4 +1,1828,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000246_post_disaster.png,santa-rosa-wildfire_00000246_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000246_post_disaster.png,0,0,0,0,246,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000246_post_disaster.png,hurricane-michael_00000246_post_disaster,44,67723,train\masks\hurricane-michael_00000246_post_disaster.png,19,29788,75,89245,246,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000246_post_disaster.png,pinery-bushfire_00000246_post_disaster,0,0,tier3\masks\pinery-bushfire_00000246_post_disaster.png,0,0,0,0,246,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000247_post_disaster.png,portugal-wildfire_00000247_post_disaster,0,0,tier3\masks\portugal-wildfire_00000247_post_disaster.png,0,0,0,0,247,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000247_post_disaster.png,socal-fire_00000247_post_disaster,0,0,train\masks\socal-fire_00000247_post_disaster.png,0,0,0,0,247,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000247_post_disaster.png,woolsey-fire_00000247_post_disaster,0,0,tier3\masks\woolsey-fire_00000247_post_disaster.png,0,0,0,0,247,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000247_post_disaster.png,tuscaloosa-tornado_00000247_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000247_post_disaster.png,0,0,2,478,247,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000247_post_disaster.png,pinery-bushfire_00000247_post_disaster,0,0,tier3\masks\pinery-bushfire_00000247_post_disaster.png,0,0,0,0,247,0 +1,136,midwest-flooding,post,train,train\images\midwest-flooding_00000247_post_disaster.png,midwest-flooding_00000247_post_disaster,2,1429,train\masks\midwest-flooding_00000247_post_disaster.png,0,0,28,13227,247,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000247_post_disaster.png,lower-puna-volcano_00000247_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000247_post_disaster.png,0,0,6,3221,247,4 +20,12741,hurricane-michael,post,train,train\images\hurricane-michael_00000247_post_disaster.png,hurricane-michael_00000247_post_disaster,58,34521,train\masks\hurricane-michael_00000247_post_disaster.png,44,30074,51,33182,247,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000247_post_disaster.png,hurricane-florence_00000247_post_disaster,0,0,train\masks\hurricane-florence_00000247_post_disaster.png,0,0,7,4179,247,3 +3,476,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000247_post_disaster.png,nepal-flooding_00000247_post_disaster,0,0,tier3\masks\nepal-flooding_00000247_post_disaster.png,9,5834,0,0,247,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000247_post_disaster.png,santa-rosa-wildfire_00000247_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000247_post_disaster.png,0,0,0,0,247,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000248_post_disaster.png,santa-rosa-wildfire_00000248_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000248_post_disaster.png,0,0,14,10597,248,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000248_post_disaster.png,socal-fire_00000248_post_disaster,0,0,train\masks\socal-fire_00000248_post_disaster.png,0,0,0,0,248,1 +7,1153,hurricane-harvey,post,train,train\images\hurricane-harvey_00000248_post_disaster.png,hurricane-harvey_00000248_post_disaster,1,372,train\masks\hurricane-harvey_00000248_post_disaster.png,35,19387,1,700,248,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000248_post_disaster.png,tuscaloosa-tornado_00000248_post_disaster,4,4143,tier3\masks\tuscaloosa-tornado_00000248_post_disaster.png,0,0,65,38437,248,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000248_post_disaster.png,lower-puna-volcano_00000248_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000248_post_disaster.png,0,0,7,5389,248,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000248_post_disaster.png,woolsey-fire_00000248_post_disaster,0,0,tier3\masks\woolsey-fire_00000248_post_disaster.png,0,0,1,1393,248,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000248_post_disaster.png,portugal-wildfire_00000248_post_disaster,0,0,tier3\masks\portugal-wildfire_00000248_post_disaster.png,0,0,7,4287,248,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000248_post_disaster.png,hurricane-michael_00000248_post_disaster,8,37434,train\masks\hurricane-michael_00000248_post_disaster.png,7,72899,15,67847,248,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000248_post_disaster.png,pinery-bushfire_00000248_post_disaster,0,0,tier3\masks\pinery-bushfire_00000248_post_disaster.png,0,0,0,0,248,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000248_post_disaster.png,nepal-flooding_00000248_post_disaster,0,0,tier3\masks\nepal-flooding_00000248_post_disaster.png,0,0,2,290,248,0 +9,1549,hurricane-matthew,post,train,train\images\hurricane-matthew_00000248_post_disaster.png,hurricane-matthew_00000248_post_disaster,8,1552,train\masks\hurricane-matthew_00000248_post_disaster.png,0,0,14,3111,248,0 +9,10691,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000249_post_disaster.png,santa-rosa-wildfire_00000249_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000249_post_disaster.png,0,0,2,1655,249,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000249_post_disaster.png,portugal-wildfire_00000249_post_disaster,0,0,tier3\masks\portugal-wildfire_00000249_post_disaster.png,0,0,0,0,249,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000249_post_disaster.png,woolsey-fire_00000249_post_disaster,0,0,tier3\masks\woolsey-fire_00000249_post_disaster.png,0,0,0,0,249,4 +3,685,midwest-flooding,post,train,train\images\midwest-flooding_00000249_post_disaster.png,midwest-flooding_00000249_post_disaster,0,0,train\masks\midwest-flooding_00000249_post_disaster.png,2,341,17,10215,249,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000249_post_disaster.png,pinery-bushfire_00000249_post_disaster,0,0,tier3\masks\pinery-bushfire_00000249_post_disaster.png,0,0,0,0,249,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000249_post_disaster.png,nepal-flooding_00000249_post_disaster,17,29254,tier3\masks\nepal-flooding_00000249_post_disaster.png,34,40848,20,30560,249,2 +30,24876,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000249_post_disaster.png,lower-puna-volcano_00000249_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000249_post_disaster.png,0,0,1,502,249,2 +3,3998,hurricane-michael,post,train,train\images\hurricane-michael_00000249_post_disaster.png,hurricane-michael_00000249_post_disaster,18,25041,train\masks\hurricane-michael_00000249_post_disaster.png,13,21094,26,57368,249,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000249_post_disaster.png,hurricane-harvey_00000249_post_disaster,0,0,train\masks\hurricane-harvey_00000249_post_disaster.png,0,0,79,131928,249,2 +9,1858,hurricane-matthew,post,train,train\images\hurricane-matthew_00000249_post_disaster.png,hurricane-matthew_00000249_post_disaster,3,572,train\masks\hurricane-matthew_00000249_post_disaster.png,0,0,3,681,249,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000249_post_disaster.png,tuscaloosa-tornado_00000249_post_disaster,1,935,tier3\masks\tuscaloosa-tornado_00000249_post_disaster.png,0,0,1,461,249,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000249_post_disaster.png,socal-fire_00000249_post_disaster,0,0,train\masks\socal-fire_00000249_post_disaster.png,0,0,0,0,249,2 +5,924,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000250_post_disaster.png,nepal-flooding_00000250_post_disaster,4,12348,tier3\masks\nepal-flooding_00000250_post_disaster.png,29,15104,3,706,250,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000250_post_disaster.png,pinery-bushfire_00000250_post_disaster,0,0,tier3\masks\pinery-bushfire_00000250_post_disaster.png,0,0,0,0,250,1 +9,10122,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000250_post_disaster.png,lower-puna-volcano_00000250_post_disaster,1,2988,tier3\masks\lower-puna-volcano_00000250_post_disaster.png,0,0,0,0,250,4 +38,41210,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000250_post_disaster.png,santa-rosa-wildfire_00000250_post_disaster,1,1034,train\masks\santa-rosa-wildfire_00000250_post_disaster.png,0,0,4,4060,250,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000250_post_disaster.png,tuscaloosa-tornado_00000250_post_disaster,8,6736,tier3\masks\tuscaloosa-tornado_00000250_post_disaster.png,0,0,105,92809,250,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000250_post_disaster.png,woolsey-fire_00000250_post_disaster,0,0,tier3\masks\woolsey-fire_00000250_post_disaster.png,0,0,0,0,250,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000250_post_disaster.png,hurricane-matthew_00000250_post_disaster,0,0,train\masks\hurricane-matthew_00000250_post_disaster.png,0,0,14,2804,250,4 +7,42153,hurricane-michael,post,train,train\images\hurricane-michael_00000250_post_disaster.png,hurricane-michael_00000250_post_disaster,2,2613,train\masks\hurricane-michael_00000250_post_disaster.png,4,21844,5,2576,250,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000250_post_disaster.png,portugal-wildfire_00000250_post_disaster,0,0,tier3\masks\portugal-wildfire_00000250_post_disaster.png,0,0,0,0,250,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000251_post_disaster.png,hurricane-florence_00000251_post_disaster,0,0,train\masks\hurricane-florence_00000251_post_disaster.png,0,0,23,16606,251,3 +9,4520,hurricane-michael,post,train,train\images\hurricane-michael_00000251_post_disaster.png,hurricane-michael_00000251_post_disaster,33,28731,train\masks\hurricane-michael_00000251_post_disaster.png,16,11684,28,21286,251,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000251_post_disaster.png,portugal-wildfire_00000251_post_disaster,0,0,tier3\masks\portugal-wildfire_00000251_post_disaster.png,0,0,0,0,251,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000251_post_disaster.png,lower-puna-volcano_00000251_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000251_post_disaster.png,0,0,0,0,251,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000251_post_disaster.png,woolsey-fire_00000251_post_disaster,0,0,tier3\masks\woolsey-fire_00000251_post_disaster.png,0,0,0,0,251,4 +1,113,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000251_post_disaster.png,nepal-flooding_00000251_post_disaster,3,1663,tier3\masks\nepal-flooding_00000251_post_disaster.png,29,21454,2,442,251,0 +3,1786,hurricane-matthew,post,train,train\images\hurricane-matthew_00000251_post_disaster.png,hurricane-matthew_00000251_post_disaster,7,2388,train\masks\hurricane-matthew_00000251_post_disaster.png,19,15650,1,150,251,2 +1,127,hurricane-harvey,post,train,train\images\hurricane-harvey_00000251_post_disaster.png,hurricane-harvey_00000251_post_disaster,0,0,train\masks\hurricane-harvey_00000251_post_disaster.png,1,179,0,0,251,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000251_post_disaster.png,pinery-bushfire_00000251_post_disaster,0,0,tier3\masks\pinery-bushfire_00000251_post_disaster.png,0,0,3,806,251,0 +32,39991,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000251_post_disaster.png,santa-rosa-wildfire_00000251_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000251_post_disaster.png,0,0,4,4490,251,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000251_post_disaster.png,tuscaloosa-tornado_00000251_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000251_post_disaster.png,0,0,48,31761,251,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000251_post_disaster.png,socal-fire_00000251_post_disaster,0,0,train\masks\socal-fire_00000251_post_disaster.png,0,0,43,91563,251,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000251_post_disaster.png,midwest-flooding_00000251_post_disaster,1,713,train\masks\midwest-flooding_00000251_post_disaster.png,0,0,9,5584,251,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000252_post_disaster.png,lower-puna-volcano_00000252_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000252_post_disaster.png,0,0,6,1525,252,0 +1,175,midwest-flooding,post,train,train\images\midwest-flooding_00000252_post_disaster.png,midwest-flooding_00000252_post_disaster,0,0,train\masks\midwest-flooding_00000252_post_disaster.png,0,0,50,26000,252,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000252_post_disaster.png,woolsey-fire_00000252_post_disaster,0,0,tier3\masks\woolsey-fire_00000252_post_disaster.png,0,0,0,0,252,4 +16,7056,hurricane-michael,post,train,train\images\hurricane-michael_00000252_post_disaster.png,hurricane-michael_00000252_post_disaster,32,37148,train\masks\hurricane-michael_00000252_post_disaster.png,26,38074,79,68212,252,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000252_post_disaster.png,portugal-wildfire_00000252_post_disaster,0,0,tier3\masks\portugal-wildfire_00000252_post_disaster.png,0,0,0,0,252,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000252_post_disaster.png,tuscaloosa-tornado_00000252_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000252_post_disaster.png,0,0,7,3059,252,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000252_post_disaster.png,nepal-flooding_00000252_post_disaster,0,0,tier3\masks\nepal-flooding_00000252_post_disaster.png,0,0,0,0,252,4 +3,5592,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000252_post_disaster.png,santa-rosa-wildfire_00000252_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000252_post_disaster.png,0,0,2,536,252,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000252_post_disaster.png,socal-fire_00000252_post_disaster,0,0,train\masks\socal-fire_00000252_post_disaster.png,0,0,4,3809,252,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000252_post_disaster.png,hurricane-florence_00000252_post_disaster,0,0,train\masks\hurricane-florence_00000252_post_disaster.png,1,1039,0,0,252,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000252_post_disaster.png,pinery-bushfire_00000252_post_disaster,0,0,tier3\masks\pinery-bushfire_00000252_post_disaster.png,0,0,0,0,252,0 +7,1611,hurricane-matthew,post,train,train\images\hurricane-matthew_00000252_post_disaster.png,hurricane-matthew_00000252_post_disaster,0,0,train\masks\hurricane-matthew_00000252_post_disaster.png,3,794,5,1135,252,3 +6,3671,hurricane-michael,post,train,train\images\hurricane-michael_00000253_post_disaster.png,hurricane-michael_00000253_post_disaster,23,24610,train\masks\hurricane-michael_00000253_post_disaster.png,7,12070,51,34922,253,1 +1,160,midwest-flooding,post,train,train\images\midwest-flooding_00000253_post_disaster.png,midwest-flooding_00000253_post_disaster,0,0,train\masks\midwest-flooding_00000253_post_disaster.png,1,667,70,39444,253,2 +2,514,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000253_post_disaster.png,nepal-flooding_00000253_post_disaster,13,10729,tier3\masks\nepal-flooding_00000253_post_disaster.png,18,14256,37,55139,253,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000253_post_disaster.png,lower-puna-volcano_00000253_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000253_post_disaster.png,0,0,29,21580,253,0 +3,1796,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000253_post_disaster.png,pinery-bushfire_00000253_post_disaster,1,313,tier3\masks\pinery-bushfire_00000253_post_disaster.png,4,2289,0,0,253,3 +19,7954,socal-fire,post,train,train\images\socal-fire_00000253_post_disaster.png,socal-fire_00000253_post_disaster,0,0,train\masks\socal-fire_00000253_post_disaster.png,2,576,3,3930,253,0 +4,4021,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000253_post_disaster.png,santa-rosa-wildfire_00000253_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000253_post_disaster.png,0,0,7,6648,253,0 +1,4210,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000253_post_disaster.png,portugal-wildfire_00000253_post_disaster,0,0,tier3\masks\portugal-wildfire_00000253_post_disaster.png,0,0,0,0,253,4 +19,10417,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000253_post_disaster.png,woolsey-fire_00000253_post_disaster,1,644,tier3\masks\woolsey-fire_00000253_post_disaster.png,1,496,11,5098,253,2 +7,4333,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000253_post_disaster.png,tuscaloosa-tornado_00000253_post_disaster,58,43409,tier3\masks\tuscaloosa-tornado_00000253_post_disaster.png,5,4012,103,67983,253,0 +1,222,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000254_post_disaster.png,woolsey-fire_00000254_post_disaster,0,0,tier3\masks\woolsey-fire_00000254_post_disaster.png,0,0,2,424,254,1 +7,977,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000254_post_disaster.png,nepal-flooding_00000254_post_disaster,0,0,tier3\masks\nepal-flooding_00000254_post_disaster.png,15,19433,1,137,254,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000254_post_disaster.png,tuscaloosa-tornado_00000254_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000254_post_disaster.png,0,0,19,10762,254,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000254_post_disaster.png,pinery-bushfire_00000254_post_disaster,0,0,tier3\masks\pinery-bushfire_00000254_post_disaster.png,0,0,0,0,254,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000254_post_disaster.png,lower-puna-volcano_00000254_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000254_post_disaster.png,0,0,17,13142,254,4 +14,13023,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000254_post_disaster.png,santa-rosa-wildfire_00000254_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000254_post_disaster.png,0,0,0,0,254,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000254_post_disaster.png,portugal-wildfire_00000254_post_disaster,0,0,tier3\masks\portugal-wildfire_00000254_post_disaster.png,0,0,0,0,254,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000255_post_disaster.png,hurricane-florence_00000255_post_disaster,0,0,train\masks\hurricane-florence_00000255_post_disaster.png,2,1128,0,0,255,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000255_post_disaster.png,midwest-flooding_00000255_post_disaster,1,191,train\masks\midwest-flooding_00000255_post_disaster.png,0,0,6,2552,255,1 +2,1067,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000255_post_disaster.png,portugal-wildfire_00000255_post_disaster,0,0,tier3\masks\portugal-wildfire_00000255_post_disaster.png,0,0,17,12294,255,2 +9,12269,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000255_post_disaster.png,woolsey-fire_00000255_post_disaster,0,0,tier3\masks\woolsey-fire_00000255_post_disaster.png,0,0,2,1886,255,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000255_post_disaster.png,pinery-bushfire_00000255_post_disaster,0,0,tier3\masks\pinery-bushfire_00000255_post_disaster.png,0,0,0,0,255,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000255_post_disaster.png,tuscaloosa-tornado_00000255_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000255_post_disaster.png,0,0,100,77419,255,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000255_post_disaster.png,hurricane-harvey_00000255_post_disaster,0,0,train\masks\hurricane-harvey_00000255_post_disaster.png,10,16185,0,0,255,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000255_post_disaster.png,nepal-flooding_00000255_post_disaster,0,0,tier3\masks\nepal-flooding_00000255_post_disaster.png,3,851,0,0,255,2 +30,17190,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000255_post_disaster.png,lower-puna-volcano_00000255_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000255_post_disaster.png,1,260,5,2611,255,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000256_post_disaster.png,hurricane-florence_00000256_post_disaster,0,0,train\masks\hurricane-florence_00000256_post_disaster.png,0,0,11,8555,256,3 +3,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000256_post_disaster.png,nepal-flooding_00000256_post_disaster,6,3854,tier3\masks\nepal-flooding_00000256_post_disaster.png,4,1313,3,3222,256,1 +8,1753,hurricane-matthew,post,train,train\images\hurricane-matthew_00000256_post_disaster.png,hurricane-matthew_00000256_post_disaster,6,1477,train\masks\hurricane-matthew_00000256_post_disaster.png,2,907,6,1673,256,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000256_post_disaster.png,portugal-wildfire_00000256_post_disaster,0,0,tier3\masks\portugal-wildfire_00000256_post_disaster.png,0,0,32,27335,256,0 +35,29088,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000256_post_disaster.png,tuscaloosa-tornado_00000256_post_disaster,79,81608,tier3\masks\tuscaloosa-tornado_00000256_post_disaster.png,5,5288,26,22474,256,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000256_post_disaster.png,pinery-bushfire_00000256_post_disaster,0,0,tier3\masks\pinery-bushfire_00000256_post_disaster.png,0,0,0,0,256,2 +5,6565,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000256_post_disaster.png,lower-puna-volcano_00000256_post_disaster,1,246,tier3\masks\lower-puna-volcano_00000256_post_disaster.png,0,0,0,0,256,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000256_post_disaster.png,woolsey-fire_00000256_post_disaster,0,0,tier3\masks\woolsey-fire_00000256_post_disaster.png,0,0,0,0,256,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000257_post_disaster.png,pinery-bushfire_00000257_post_disaster,0,0,tier3\masks\pinery-bushfire_00000257_post_disaster.png,0,0,0,0,257,2 +2,770,hurricane-michael,post,train,train\images\hurricane-michael_00000257_post_disaster.png,hurricane-michael_00000257_post_disaster,9,8738,train\masks\hurricane-michael_00000257_post_disaster.png,9,26475,29,37182,257,3 +1,154,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000257_post_disaster.png,nepal-flooding_00000257_post_disaster,0,0,tier3\masks\nepal-flooding_00000257_post_disaster.png,5,3143,0,0,257,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000257_post_disaster.png,tuscaloosa-tornado_00000257_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000257_post_disaster.png,0,0,6,2400,257,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000257_post_disaster.png,hurricane-harvey_00000257_post_disaster,0,0,train\masks\hurricane-harvey_00000257_post_disaster.png,9,9804,0,0,257,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000257_post_disaster.png,socal-fire_00000257_post_disaster,0,0,train\masks\socal-fire_00000257_post_disaster.png,0,0,9,3668,257,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000257_post_disaster.png,lower-puna-volcano_00000257_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000257_post_disaster.png,0,0,0,0,257,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000257_post_disaster.png,portugal-wildfire_00000257_post_disaster,0,0,tier3\masks\portugal-wildfire_00000257_post_disaster.png,0,0,0,0,257,4 +7,3810,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000257_post_disaster.png,woolsey-fire_00000257_post_disaster,0,0,tier3\masks\woolsey-fire_00000257_post_disaster.png,0,0,4,1270,257,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000258_post_disaster.png,midwest-flooding_00000258_post_disaster,0,0,train\masks\midwest-flooding_00000258_post_disaster.png,0,0,34,25835,258,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000258_post_disaster.png,lower-puna-volcano_00000258_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000258_post_disaster.png,0,0,0,0,258,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000258_post_disaster.png,woolsey-fire_00000258_post_disaster,0,0,tier3\masks\woolsey-fire_00000258_post_disaster.png,0,0,0,0,258,0 +8,934,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000258_post_disaster.png,nepal-flooding_00000258_post_disaster,2,1426,tier3\masks\nepal-flooding_00000258_post_disaster.png,7,3395,12,6247,258,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000258_post_disaster.png,pinery-bushfire_00000258_post_disaster,0,0,tier3\masks\pinery-bushfire_00000258_post_disaster.png,0,0,2,1123,258,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000258_post_disaster.png,hurricane-harvey_00000258_post_disaster,0,0,train\masks\hurricane-harvey_00000258_post_disaster.png,2,1350,0,0,258,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000258_post_disaster.png,tuscaloosa-tornado_00000258_post_disaster,11,7457,tier3\masks\tuscaloosa-tornado_00000258_post_disaster.png,0,0,72,67685,258,2 +1,2213,hurricane-michael,post,train,train\images\hurricane-michael_00000258_post_disaster.png,hurricane-michael_00000258_post_disaster,0,0,train\masks\hurricane-michael_00000258_post_disaster.png,4,18094,9,4617,258,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000258_post_disaster.png,portugal-wildfire_00000258_post_disaster,0,0,tier3\masks\portugal-wildfire_00000258_post_disaster.png,0,0,0,0,258,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000258_post_disaster.png,santa-rosa-wildfire_00000258_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000258_post_disaster.png,0,0,0,0,258,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000259_post_disaster.png,pinery-bushfire_00000259_post_disaster,0,0,tier3\masks\pinery-bushfire_00000259_post_disaster.png,0,0,0,0,259,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000259_post_disaster.png,socal-fire_00000259_post_disaster,0,0,train\masks\socal-fire_00000259_post_disaster.png,0,0,0,0,259,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000259_post_disaster.png,hurricane-matthew_00000259_post_disaster,0,0,train\masks\hurricane-matthew_00000259_post_disaster.png,0,0,4,852,259,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000259_post_disaster.png,lower-puna-volcano_00000259_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000259_post_disaster.png,0,0,8,2995,259,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000259_post_disaster.png,midwest-flooding_00000259_post_disaster,0,0,train\masks\midwest-flooding_00000259_post_disaster.png,0,0,52,44774,259,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000259_post_disaster.png,nepal-flooding_00000259_post_disaster,0,0,tier3\masks\nepal-flooding_00000259_post_disaster.png,1,527,75,54734,259,3 +9,5391,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000259_post_disaster.png,santa-rosa-wildfire_00000259_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000259_post_disaster.png,1,1073,1,1739,259,0 +1,511,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000259_post_disaster.png,portugal-wildfire_00000259_post_disaster,0,0,tier3\masks\portugal-wildfire_00000259_post_disaster.png,0,0,105,123010,259,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000259_post_disaster.png,hurricane-florence_00000259_post_disaster,0,0,train\masks\hurricane-florence_00000259_post_disaster.png,9,6594,0,0,259,2 +29,21892,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000259_post_disaster.png,tuscaloosa-tornado_00000259_post_disaster,30,31283,tier3\masks\tuscaloosa-tornado_00000259_post_disaster.png,21,16491,11,7926,259,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000259_post_disaster.png,woolsey-fire_00000259_post_disaster,0,0,tier3\masks\woolsey-fire_00000259_post_disaster.png,0,0,0,0,259,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000260_post_disaster.png,hurricane-harvey_00000260_post_disaster,0,0,train\masks\hurricane-harvey_00000260_post_disaster.png,0,0,0,0,260,3 +31,44957,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000260_post_disaster.png,santa-rosa-wildfire_00000260_post_disaster,2,1138,train\masks\santa-rosa-wildfire_00000260_post_disaster.png,0,0,6,6515,260,0 +4,564,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000260_post_disaster.png,nepal-flooding_00000260_post_disaster,8,4945,tier3\masks\nepal-flooding_00000260_post_disaster.png,29,20358,6,1701,260,2 +43,19249,hurricane-matthew,post,train,train\images\hurricane-matthew_00000260_post_disaster.png,hurricane-matthew_00000260_post_disaster,12,6758,train\masks\hurricane-matthew_00000260_post_disaster.png,13,10010,8,4083,260,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000260_post_disaster.png,lower-puna-volcano_00000260_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000260_post_disaster.png,0,0,15,7013,260,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000260_post_disaster.png,woolsey-fire_00000260_post_disaster,0,0,tier3\masks\woolsey-fire_00000260_post_disaster.png,0,0,0,0,260,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000260_post_disaster.png,pinery-bushfire_00000260_post_disaster,0,0,tier3\masks\pinery-bushfire_00000260_post_disaster.png,0,0,0,0,260,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000260_post_disaster.png,hurricane-florence_00000260_post_disaster,0,0,train\masks\hurricane-florence_00000260_post_disaster.png,1,1155,25,21915,260,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000260_post_disaster.png,tuscaloosa-tornado_00000260_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000260_post_disaster.png,0,0,20,13368,260,2 +3,565,hurricane-michael,post,train,train\images\hurricane-michael_00000260_post_disaster.png,hurricane-michael_00000260_post_disaster,10,7366,train\masks\hurricane-michael_00000260_post_disaster.png,4,3729,15,14729,260,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000260_post_disaster.png,portugal-wildfire_00000260_post_disaster,0,0,tier3\masks\portugal-wildfire_00000260_post_disaster.png,0,0,0,0,260,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000261_post_disaster.png,hurricane-michael_00000261_post_disaster,4,8121,train\masks\hurricane-michael_00000261_post_disaster.png,3,123430,12,99683,261,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000261_post_disaster.png,tuscaloosa-tornado_00000261_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000261_post_disaster.png,0,0,22,14811,261,0 +20,10269,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000261_post_disaster.png,lower-puna-volcano_00000261_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000261_post_disaster.png,1,2156,6,1307,261,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000261_post_disaster.png,hurricane-matthew_00000261_post_disaster,5,936,train\masks\hurricane-matthew_00000261_post_disaster.png,1,271,6,1233,261,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000261_post_disaster.png,hurricane-harvey_00000261_post_disaster,0,0,train\masks\hurricane-harvey_00000261_post_disaster.png,6,5737,0,0,261,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000261_post_disaster.png,woolsey-fire_00000261_post_disaster,0,0,tier3\masks\woolsey-fire_00000261_post_disaster.png,0,0,1,77,261,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000261_post_disaster.png,nepal-flooding_00000261_post_disaster,0,0,tier3\masks\nepal-flooding_00000261_post_disaster.png,1,263,0,0,261,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000261_post_disaster.png,pinery-bushfire_00000261_post_disaster,0,0,tier3\masks\pinery-bushfire_00000261_post_disaster.png,0,0,2,1811,261,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000261_post_disaster.png,portugal-wildfire_00000261_post_disaster,0,0,tier3\masks\portugal-wildfire_00000261_post_disaster.png,0,0,0,0,261,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000261_post_disaster.png,socal-fire_00000261_post_disaster,0,0,train\masks\socal-fire_00000261_post_disaster.png,0,0,0,0,261,3 +11,4735,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000262_post_disaster.png,woolsey-fire_00000262_post_disaster,1,319,tier3\masks\woolsey-fire_00000262_post_disaster.png,0,0,17,4952,262,3 +5,2071,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000262_post_disaster.png,tuscaloosa-tornado_00000262_post_disaster,12,9511,tier3\masks\tuscaloosa-tornado_00000262_post_disaster.png,5,17580,7,6342,262,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000262_post_disaster.png,pinery-bushfire_00000262_post_disaster,0,0,tier3\masks\pinery-bushfire_00000262_post_disaster.png,0,0,0,0,262,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000262_post_disaster.png,hurricane-harvey_00000262_post_disaster,0,0,train\masks\hurricane-harvey_00000262_post_disaster.png,0,0,0,0,262,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000262_post_disaster.png,nepal-flooding_00000262_post_disaster,0,0,tier3\masks\nepal-flooding_00000262_post_disaster.png,1,530,0,0,262,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000262_post_disaster.png,lower-puna-volcano_00000262_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000262_post_disaster.png,0,0,3,1563,262,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000262_post_disaster.png,portugal-wildfire_00000262_post_disaster,0,0,tier3\masks\portugal-wildfire_00000262_post_disaster.png,0,0,0,0,262,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000263_post_disaster.png,pinery-bushfire_00000263_post_disaster,0,0,tier3\masks\pinery-bushfire_00000263_post_disaster.png,0,0,0,0,263,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000263_post_disaster.png,nepal-flooding_00000263_post_disaster,0,0,tier3\masks\nepal-flooding_00000263_post_disaster.png,1,437,0,0,263,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000263_post_disaster.png,midwest-flooding_00000263_post_disaster,0,0,train\masks\midwest-flooding_00000263_post_disaster.png,0,0,15,10302,263,1 +24,4048,hurricane-matthew,post,train,train\images\hurricane-matthew_00000263_post_disaster.png,hurricane-matthew_00000263_post_disaster,4,451,train\masks\hurricane-matthew_00000263_post_disaster.png,1,136,0,0,263,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000263_post_disaster.png,portugal-wildfire_00000263_post_disaster,0,0,tier3\masks\portugal-wildfire_00000263_post_disaster.png,0,0,0,0,263,1 +3,9526,hurricane-michael,post,train,train\images\hurricane-michael_00000263_post_disaster.png,hurricane-michael_00000263_post_disaster,5,5293,train\masks\hurricane-michael_00000263_post_disaster.png,5,3306,2,1783,263,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000263_post_disaster.png,lower-puna-volcano_00000263_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000263_post_disaster.png,0,0,1,100,263,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000263_post_disaster.png,tuscaloosa-tornado_00000263_post_disaster,8,10547,tier3\masks\tuscaloosa-tornado_00000263_post_disaster.png,0,0,106,120798,263,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000263_post_disaster.png,hurricane-florence_00000263_post_disaster,0,0,train\masks\hurricane-florence_00000263_post_disaster.png,1,715,0,0,263,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000263_post_disaster.png,woolsey-fire_00000263_post_disaster,0,0,tier3\masks\woolsey-fire_00000263_post_disaster.png,0,0,2,830,263,1 +11,6941,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000264_post_disaster.png,woolsey-fire_00000264_post_disaster,0,0,tier3\masks\woolsey-fire_00000264_post_disaster.png,3,376,0,0,264,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000264_post_disaster.png,tuscaloosa-tornado_00000264_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000264_post_disaster.png,0,0,0,0,264,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000264_post_disaster.png,hurricane-florence_00000264_post_disaster,1,847,train\masks\hurricane-florence_00000264_post_disaster.png,0,0,4,3147,264,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000264_post_disaster.png,portugal-wildfire_00000264_post_disaster,0,0,tier3\masks\portugal-wildfire_00000264_post_disaster.png,0,0,0,0,264,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000264_post_disaster.png,lower-puna-volcano_00000264_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000264_post_disaster.png,0,0,0,0,264,3 +1,275,hurricane-matthew,post,train,train\images\hurricane-matthew_00000264_post_disaster.png,hurricane-matthew_00000264_post_disaster,0,0,train\masks\hurricane-matthew_00000264_post_disaster.png,0,0,0,0,264,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000264_post_disaster.png,socal-fire_00000264_post_disaster,0,0,train\masks\socal-fire_00000264_post_disaster.png,0,0,0,0,264,2 +4,2832,hurricane-harvey,post,train,train\images\hurricane-harvey_00000264_post_disaster.png,hurricane-harvey_00000264_post_disaster,0,0,train\masks\hurricane-harvey_00000264_post_disaster.png,6,1182,0,0,264,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000264_post_disaster.png,santa-rosa-wildfire_00000264_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000264_post_disaster.png,0,0,23,21442,264,3 +2,572,midwest-flooding,post,train,train\images\midwest-flooding_00000264_post_disaster.png,midwest-flooding_00000264_post_disaster,0,0,train\masks\midwest-flooding_00000264_post_disaster.png,1,374,16,10469,264,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000264_post_disaster.png,nepal-flooding_00000264_post_disaster,2,515,tier3\masks\nepal-flooding_00000264_post_disaster.png,0,0,0,0,264,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000264_post_disaster.png,pinery-bushfire_00000264_post_disaster,0,0,tier3\masks\pinery-bushfire_00000264_post_disaster.png,0,0,0,0,264,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000265_post_disaster.png,nepal-flooding_00000265_post_disaster,1,1185,tier3\masks\nepal-flooding_00000265_post_disaster.png,0,0,75,66298,265,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000265_post_disaster.png,lower-puna-volcano_00000265_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000265_post_disaster.png,0,0,0,0,265,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000265_post_disaster.png,midwest-flooding_00000265_post_disaster,0,0,train\masks\midwest-flooding_00000265_post_disaster.png,0,0,15,11775,265,0 +4,1631,socal-fire,post,train,train\images\socal-fire_00000265_post_disaster.png,socal-fire_00000265_post_disaster,0,0,train\masks\socal-fire_00000265_post_disaster.png,0,0,0,0,265,0 +20,3063,hurricane-matthew,post,train,train\images\hurricane-matthew_00000265_post_disaster.png,hurricane-matthew_00000265_post_disaster,13,2955,train\masks\hurricane-matthew_00000265_post_disaster.png,2,399,3,758,265,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000265_post_disaster.png,tuscaloosa-tornado_00000265_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000265_post_disaster.png,0,0,2,1567,265,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000265_post_disaster.png,hurricane-harvey_00000265_post_disaster,0,0,train\masks\hurricane-harvey_00000265_post_disaster.png,37,26955,0,0,265,3 +2,1151,hurricane-michael,post,train,train\images\hurricane-michael_00000265_post_disaster.png,hurricane-michael_00000265_post_disaster,13,26732,train\masks\hurricane-michael_00000265_post_disaster.png,4,17536,5,5445,265,1 +1,335,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000265_post_disaster.png,woolsey-fire_00000265_post_disaster,0,0,tier3\masks\woolsey-fire_00000265_post_disaster.png,0,0,1,52,265,4 +1,372,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000265_post_disaster.png,pinery-bushfire_00000265_post_disaster,0,0,tier3\masks\pinery-bushfire_00000265_post_disaster.png,0,0,6,4477,265,3 +1,107,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000265_post_disaster.png,portugal-wildfire_00000265_post_disaster,0,0,tier3\masks\portugal-wildfire_00000265_post_disaster.png,0,0,49,33122,265,1 +3,1609,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000266_post_disaster.png,tuscaloosa-tornado_00000266_post_disaster,12,6291,tier3\masks\tuscaloosa-tornado_00000266_post_disaster.png,3,2432,34,14874,266,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000266_post_disaster.png,hurricane-harvey_00000266_post_disaster,0,0,train\masks\hurricane-harvey_00000266_post_disaster.png,1,1796,1,443,266,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000266_post_disaster.png,nepal-flooding_00000266_post_disaster,12,11030,tier3\masks\nepal-flooding_00000266_post_disaster.png,6,3275,38,82793,266,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000266_post_disaster.png,woolsey-fire_00000266_post_disaster,0,0,tier3\masks\woolsey-fire_00000266_post_disaster.png,0,0,0,0,266,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000266_post_disaster.png,lower-puna-volcano_00000266_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000266_post_disaster.png,0,0,16,9748,266,0 +4,2635,hurricane-michael,post,train,train\images\hurricane-michael_00000266_post_disaster.png,hurricane-michael_00000266_post_disaster,54,49546,train\masks\hurricane-michael_00000266_post_disaster.png,5,7006,62,71075,266,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000266_post_disaster.png,socal-fire_00000266_post_disaster,0,0,train\masks\socal-fire_00000266_post_disaster.png,0,0,9,7234,266,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000266_post_disaster.png,pinery-bushfire_00000266_post_disaster,0,0,tier3\masks\pinery-bushfire_00000266_post_disaster.png,0,0,0,0,266,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000266_post_disaster.png,portugal-wildfire_00000266_post_disaster,0,0,tier3\masks\portugal-wildfire_00000266_post_disaster.png,0,0,2,989,266,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000266_post_disaster.png,hurricane-florence_00000266_post_disaster,0,0,train\masks\hurricane-florence_00000266_post_disaster.png,2,1157,0,0,266,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000267_post_disaster.png,nepal-flooding_00000267_post_disaster,4,1277,tier3\masks\nepal-flooding_00000267_post_disaster.png,0,0,61,83464,267,0 +17,17849,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000267_post_disaster.png,santa-rosa-wildfire_00000267_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000267_post_disaster.png,0,0,5,8068,267,1 +4,4115,hurricane-michael,post,train,train\images\hurricane-michael_00000267_post_disaster.png,hurricane-michael_00000267_post_disaster,15,19041,train\masks\hurricane-michael_00000267_post_disaster.png,18,23750,42,36659,267,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000267_post_disaster.png,hurricane-harvey_00000267_post_disaster,0,0,train\masks\hurricane-harvey_00000267_post_disaster.png,0,0,76,137999,267,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000267_post_disaster.png,midwest-flooding_00000267_post_disaster,0,0,train\masks\midwest-flooding_00000267_post_disaster.png,0,0,14,6141,267,3 +2,207,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000267_post_disaster.png,lower-puna-volcano_00000267_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000267_post_disaster.png,0,0,11,6417,267,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000267_post_disaster.png,woolsey-fire_00000267_post_disaster,0,0,tier3\masks\woolsey-fire_00000267_post_disaster.png,0,0,0,0,267,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000267_post_disaster.png,portugal-wildfire_00000267_post_disaster,0,0,tier3\masks\portugal-wildfire_00000267_post_disaster.png,0,0,1,224,267,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000267_post_disaster.png,pinery-bushfire_00000267_post_disaster,0,0,tier3\masks\pinery-bushfire_00000267_post_disaster.png,0,0,0,0,267,2 +1,103,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000267_post_disaster.png,tuscaloosa-tornado_00000267_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000267_post_disaster.png,0,0,62,36797,267,2 +8,16603,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000268_post_disaster.png,santa-rosa-wildfire_00000268_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000268_post_disaster.png,0,0,5,5531,268,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000268_post_disaster.png,pinery-bushfire_00000268_post_disaster,0,0,tier3\masks\pinery-bushfire_00000268_post_disaster.png,0,0,0,0,268,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000268_post_disaster.png,tuscaloosa-tornado_00000268_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000268_post_disaster.png,0,0,85,121037,268,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000268_post_disaster.png,midwest-flooding_00000268_post_disaster,0,0,train\masks\midwest-flooding_00000268_post_disaster.png,1,309,0,0,268,2 +2,629,hurricane-matthew,post,train,train\images\hurricane-matthew_00000268_post_disaster.png,hurricane-matthew_00000268_post_disaster,5,1180,train\masks\hurricane-matthew_00000268_post_disaster.png,0,0,3,339,268,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000268_post_disaster.png,hurricane-harvey_00000268_post_disaster,1,107,train\masks\hurricane-harvey_00000268_post_disaster.png,9,8991,3,1072,268,0 +14,5851,socal-fire,post,train,train\images\socal-fire_00000268_post_disaster.png,socal-fire_00000268_post_disaster,1,121,train\masks\socal-fire_00000268_post_disaster.png,0,0,7,2358,268,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000268_post_disaster.png,lower-puna-volcano_00000268_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000268_post_disaster.png,0,0,4,3267,268,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000268_post_disaster.png,woolsey-fire_00000268_post_disaster,0,0,tier3\masks\woolsey-fire_00000268_post_disaster.png,0,0,0,0,268,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000268_post_disaster.png,portugal-wildfire_00000268_post_disaster,0,0,tier3\masks\portugal-wildfire_00000268_post_disaster.png,0,0,10,3947,268,4 +1,1405,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000268_post_disaster.png,nepal-flooding_00000268_post_disaster,0,0,tier3\masks\nepal-flooding_00000268_post_disaster.png,0,0,0,0,268,0 +1,366,hurricane-michael,post,train,train\images\hurricane-michael_00000268_post_disaster.png,hurricane-michael_00000268_post_disaster,11,13300,train\masks\hurricane-michael_00000268_post_disaster.png,9,20621,51,78798,268,1 +11,5985,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000269_post_disaster.png,tuscaloosa-tornado_00000269_post_disaster,37,22335,tier3\masks\tuscaloosa-tornado_00000269_post_disaster.png,10,8984,46,17830,269,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000269_post_disaster.png,nepal-flooding_00000269_post_disaster,1,556,tier3\masks\nepal-flooding_00000269_post_disaster.png,0,0,21,10555,269,0 +1,1751,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000269_post_disaster.png,woolsey-fire_00000269_post_disaster,0,0,tier3\masks\woolsey-fire_00000269_post_disaster.png,0,0,2,629,269,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000269_post_disaster.png,hurricane-florence_00000269_post_disaster,0,0,train\masks\hurricane-florence_00000269_post_disaster.png,4,1190,0,0,269,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000269_post_disaster.png,hurricane-matthew_00000269_post_disaster,0,0,train\masks\hurricane-matthew_00000269_post_disaster.png,0,0,0,0,269,4 +1,471,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000269_post_disaster.png,portugal-wildfire_00000269_post_disaster,0,0,tier3\masks\portugal-wildfire_00000269_post_disaster.png,0,0,0,0,269,0 +11,4642,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000269_post_disaster.png,lower-puna-volcano_00000269_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000269_post_disaster.png,0,0,0,0,269,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000269_post_disaster.png,pinery-bushfire_00000269_post_disaster,0,0,tier3\masks\pinery-bushfire_00000269_post_disaster.png,0,0,0,0,269,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000269_post_disaster.png,midwest-flooding_00000269_post_disaster,0,0,train\masks\midwest-flooding_00000269_post_disaster.png,0,0,24,27338,269,1 +2,4934,hurricane-michael,post,train,train\images\hurricane-michael_00000269_post_disaster.png,hurricane-michael_00000269_post_disaster,6,6916,train\masks\hurricane-michael_00000269_post_disaster.png,4,5862,13,28063,269,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000269_post_disaster.png,socal-fire_00000269_post_disaster,0,0,train\masks\socal-fire_00000269_post_disaster.png,0,0,0,0,269,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000269_post_disaster.png,hurricane-harvey_00000269_post_disaster,0,0,train\masks\hurricane-harvey_00000269_post_disaster.png,15,7135,0,0,269,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000270_post_disaster.png,tuscaloosa-tornado_00000270_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000270_post_disaster.png,0,0,137,120870,270,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000270_post_disaster.png,portugal-wildfire_00000270_post_disaster,0,0,tier3\masks\portugal-wildfire_00000270_post_disaster.png,0,0,0,0,270,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000270_post_disaster.png,pinery-bushfire_00000270_post_disaster,0,0,tier3\masks\pinery-bushfire_00000270_post_disaster.png,0,0,0,0,270,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000270_post_disaster.png,woolsey-fire_00000270_post_disaster,0,0,tier3\masks\woolsey-fire_00000270_post_disaster.png,0,0,5,4862,270,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000270_post_disaster.png,socal-fire_00000270_post_disaster,0,0,train\masks\socal-fire_00000270_post_disaster.png,0,0,0,0,270,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000270_post_disaster.png,hurricane-harvey_00000270_post_disaster,1,1399,train\masks\hurricane-harvey_00000270_post_disaster.png,0,0,0,0,270,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000270_post_disaster.png,midwest-flooding_00000270_post_disaster,1,336,train\masks\midwest-flooding_00000270_post_disaster.png,1,298,8,11139,270,0 +7,1348,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000270_post_disaster.png,nepal-flooding_00000270_post_disaster,6,3857,tier3\masks\nepal-flooding_00000270_post_disaster.png,14,9545,7,3441,270,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000270_post_disaster.png,lower-puna-volcano_00000270_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000270_post_disaster.png,0,0,49,12328,270,1 +12,21013,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000270_post_disaster.png,santa-rosa-wildfire_00000270_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000270_post_disaster.png,0,0,2,4280,270,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000271_post_disaster.png,hurricane-harvey_00000271_post_disaster,1,645,train\masks\hurricane-harvey_00000271_post_disaster.png,5,6585,0,0,271,3 +4,1274,hurricane-michael,post,train,train\images\hurricane-michael_00000271_post_disaster.png,hurricane-michael_00000271_post_disaster,17,13808,train\masks\hurricane-michael_00000271_post_disaster.png,12,16673,17,51293,271,4 +3,1117,hurricane-matthew,post,train,train\images\hurricane-matthew_00000271_post_disaster.png,hurricane-matthew_00000271_post_disaster,0,0,train\masks\hurricane-matthew_00000271_post_disaster.png,0,0,2,176,271,1 +4,4628,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000271_post_disaster.png,santa-rosa-wildfire_00000271_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000271_post_disaster.png,0,0,0,0,271,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000271_post_disaster.png,nepal-flooding_00000271_post_disaster,0,0,tier3\masks\nepal-flooding_00000271_post_disaster.png,2,1041,0,0,271,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000271_post_disaster.png,pinery-bushfire_00000271_post_disaster,0,0,tier3\masks\pinery-bushfire_00000271_post_disaster.png,0,0,0,0,271,2 +2,1942,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000271_post_disaster.png,woolsey-fire_00000271_post_disaster,0,0,tier3\masks\woolsey-fire_00000271_post_disaster.png,0,0,13,5321,271,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000271_post_disaster.png,lower-puna-volcano_00000271_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000271_post_disaster.png,0,0,0,0,271,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000271_post_disaster.png,portugal-wildfire_00000271_post_disaster,0,0,tier3\masks\portugal-wildfire_00000271_post_disaster.png,0,0,8,6507,271,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000271_post_disaster.png,tuscaloosa-tornado_00000271_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000271_post_disaster.png,0,0,0,0,271,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000271_post_disaster.png,socal-fire_00000271_post_disaster,0,0,train\masks\socal-fire_00000271_post_disaster.png,0,0,1,124,271,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000272_post_disaster.png,portugal-wildfire_00000272_post_disaster,0,0,tier3\masks\portugal-wildfire_00000272_post_disaster.png,0,0,0,0,272,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000272_post_disaster.png,socal-fire_00000272_post_disaster,0,0,train\masks\socal-fire_00000272_post_disaster.png,0,0,0,0,272,4 +11,15737,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000272_post_disaster.png,santa-rosa-wildfire_00000272_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000272_post_disaster.png,1,264,3,1319,272,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000272_post_disaster.png,midwest-flooding_00000272_post_disaster,0,0,train\masks\midwest-flooding_00000272_post_disaster.png,0,0,4,6312,272,3 +1,79,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000272_post_disaster.png,woolsey-fire_00000272_post_disaster,1,827,tier3\masks\woolsey-fire_00000272_post_disaster.png,0,0,0,0,272,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000272_post_disaster.png,hurricane-harvey_00000272_post_disaster,1,2947,train\masks\hurricane-harvey_00000272_post_disaster.png,3,1787,0,0,272,0 +6,1274,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000272_post_disaster.png,tuscaloosa-tornado_00000272_post_disaster,5,4103,tier3\masks\tuscaloosa-tornado_00000272_post_disaster.png,1,1497,16,11542,272,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000272_post_disaster.png,nepal-flooding_00000272_post_disaster,0,0,tier3\masks\nepal-flooding_00000272_post_disaster.png,0,0,0,0,272,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000272_post_disaster.png,hurricane-florence_00000272_post_disaster,0,0,train\masks\hurricane-florence_00000272_post_disaster.png,0,0,24,18239,272,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000272_post_disaster.png,pinery-bushfire_00000272_post_disaster,0,0,tier3\masks\pinery-bushfire_00000272_post_disaster.png,0,0,0,0,272,2 +4,5783,hurricane-michael,post,train,train\images\hurricane-michael_00000272_post_disaster.png,hurricane-michael_00000272_post_disaster,5,14034,train\masks\hurricane-michael_00000272_post_disaster.png,14,103466,30,59801,272,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000272_post_disaster.png,lower-puna-volcano_00000272_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000272_post_disaster.png,0,0,17,8634,272,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000273_post_disaster.png,hurricane-florence_00000273_post_disaster,4,1234,train\masks\hurricane-florence_00000273_post_disaster.png,0,0,18,17912,273,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000273_post_disaster.png,lower-puna-volcano_00000273_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000273_post_disaster.png,0,0,4,1076,273,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000273_post_disaster.png,midwest-flooding_00000273_post_disaster,0,0,train\masks\midwest-flooding_00000273_post_disaster.png,0,0,6,4207,273,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000273_post_disaster.png,nepal-flooding_00000273_post_disaster,1,835,tier3\masks\nepal-flooding_00000273_post_disaster.png,16,9328,3,1426,273,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000273_post_disaster.png,portugal-wildfire_00000273_post_disaster,0,0,tier3\masks\portugal-wildfire_00000273_post_disaster.png,1,544,7,4196,273,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000273_post_disaster.png,pinery-bushfire_00000273_post_disaster,0,0,tier3\masks\pinery-bushfire_00000273_post_disaster.png,0,0,1,134,273,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000273_post_disaster.png,woolsey-fire_00000273_post_disaster,0,0,tier3\masks\woolsey-fire_00000273_post_disaster.png,0,0,0,0,273,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000273_post_disaster.png,hurricane-harvey_00000273_post_disaster,0,0,train\masks\hurricane-harvey_00000273_post_disaster.png,0,0,0,0,273,2 +1,1888,hurricane-michael,post,train,train\images\hurricane-michael_00000273_post_disaster.png,hurricane-michael_00000273_post_disaster,9,11491,train\masks\hurricane-michael_00000273_post_disaster.png,8,8926,41,39705,273,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000273_post_disaster.png,tuscaloosa-tornado_00000273_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000273_post_disaster.png,0,0,91,176565,273,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000273_post_disaster.png,socal-fire_00000273_post_disaster,0,0,train\masks\socal-fire_00000273_post_disaster.png,0,0,0,0,273,4 +1,1031,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000274_post_disaster.png,santa-rosa-wildfire_00000274_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000274_post_disaster.png,1,249,0,0,274,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000274_post_disaster.png,nepal-flooding_00000274_post_disaster,0,0,tier3\masks\nepal-flooding_00000274_post_disaster.png,1,1116,0,0,274,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000274_post_disaster.png,woolsey-fire_00000274_post_disaster,0,0,tier3\masks\woolsey-fire_00000274_post_disaster.png,0,0,0,0,274,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000274_post_disaster.png,tuscaloosa-tornado_00000274_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000274_post_disaster.png,0,0,10,13125,274,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000274_post_disaster.png,pinery-bushfire_00000274_post_disaster,0,0,tier3\masks\pinery-bushfire_00000274_post_disaster.png,0,0,0,0,274,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000274_post_disaster.png,lower-puna-volcano_00000274_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000274_post_disaster.png,0,0,30,9800,274,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000274_post_disaster.png,portugal-wildfire_00000274_post_disaster,0,0,tier3\masks\portugal-wildfire_00000274_post_disaster.png,0,0,41,58188,274,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000274_post_disaster.png,hurricane-harvey_00000274_post_disaster,0,0,train\masks\hurricane-harvey_00000274_post_disaster.png,0,0,1,714,274,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000274_post_disaster.png,hurricane-florence_00000274_post_disaster,0,0,train\masks\hurricane-florence_00000274_post_disaster.png,0,0,9,6792,274,0 +11,1866,hurricane-matthew,post,train,train\images\hurricane-matthew_00000275_post_disaster.png,hurricane-matthew_00000275_post_disaster,0,0,train\masks\hurricane-matthew_00000275_post_disaster.png,0,0,0,0,275,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000275_post_disaster.png,hurricane-florence_00000275_post_disaster,0,0,train\masks\hurricane-florence_00000275_post_disaster.png,0,0,1,798,275,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000275_post_disaster.png,woolsey-fire_00000275_post_disaster,0,0,tier3\masks\woolsey-fire_00000275_post_disaster.png,0,0,0,0,275,4 +3,314,hurricane-harvey,post,train,train\images\hurricane-harvey_00000275_post_disaster.png,hurricane-harvey_00000275_post_disaster,0,0,train\masks\hurricane-harvey_00000275_post_disaster.png,5,6348,0,0,275,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000275_post_disaster.png,tuscaloosa-tornado_00000275_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000275_post_disaster.png,0,0,107,118996,275,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000275_post_disaster.png,midwest-flooding_00000275_post_disaster,0,0,train\masks\midwest-flooding_00000275_post_disaster.png,0,0,19,9477,275,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000275_post_disaster.png,hurricane-michael_00000275_post_disaster,2,3424,train\masks\hurricane-michael_00000275_post_disaster.png,1,4173,13,42427,275,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000275_post_disaster.png,nepal-flooding_00000275_post_disaster,1,868,tier3\masks\nepal-flooding_00000275_post_disaster.png,0,0,45,47791,275,3 +5,2872,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000275_post_disaster.png,santa-rosa-wildfire_00000275_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000275_post_disaster.png,0,0,3,4667,275,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000275_post_disaster.png,lower-puna-volcano_00000275_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000275_post_disaster.png,0,0,8,1686,275,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000275_post_disaster.png,pinery-bushfire_00000275_post_disaster,0,0,tier3\masks\pinery-bushfire_00000275_post_disaster.png,0,0,0,0,275,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000275_post_disaster.png,portugal-wildfire_00000275_post_disaster,2,322,tier3\masks\portugal-wildfire_00000275_post_disaster.png,0,0,5,3229,275,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000276_post_disaster.png,hurricane-michael_00000276_post_disaster,11,33388,train\masks\hurricane-michael_00000276_post_disaster.png,3,17273,52,44596,276,4 +11,18639,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000276_post_disaster.png,santa-rosa-wildfire_00000276_post_disaster,1,483,train\masks\santa-rosa-wildfire_00000276_post_disaster.png,1,546,6,15425,276,0 +2,527,hurricane-matthew,post,train,train\images\hurricane-matthew_00000276_post_disaster.png,hurricane-matthew_00000276_post_disaster,2,308,train\masks\hurricane-matthew_00000276_post_disaster.png,0,0,5,459,276,1 +1,103,midwest-flooding,post,train,train\images\midwest-flooding_00000276_post_disaster.png,midwest-flooding_00000276_post_disaster,2,313,train\masks\midwest-flooding_00000276_post_disaster.png,2,869,8,3292,276,3 +1,167,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000276_post_disaster.png,tuscaloosa-tornado_00000276_post_disaster,20,15553,tier3\masks\tuscaloosa-tornado_00000276_post_disaster.png,3,2500,27,17421,276,4 +2,277,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000276_post_disaster.png,nepal-flooding_00000276_post_disaster,0,0,tier3\masks\nepal-flooding_00000276_post_disaster.png,39,29692,3,1144,276,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000276_post_disaster.png,portugal-wildfire_00000276_post_disaster,0,0,tier3\masks\portugal-wildfire_00000276_post_disaster.png,0,0,0,0,276,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000276_post_disaster.png,pinery-bushfire_00000276_post_disaster,0,0,tier3\masks\pinery-bushfire_00000276_post_disaster.png,0,0,0,0,276,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000276_post_disaster.png,woolsey-fire_00000276_post_disaster,0,0,tier3\masks\woolsey-fire_00000276_post_disaster.png,0,0,0,0,276,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000276_post_disaster.png,lower-puna-volcano_00000276_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000276_post_disaster.png,0,0,0,0,276,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000277_post_disaster.png,nepal-flooding_00000277_post_disaster,2,2119,tier3\masks\nepal-flooding_00000277_post_disaster.png,0,0,77,41903,277,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000277_post_disaster.png,midwest-flooding_00000277_post_disaster,0,0,train\masks\midwest-flooding_00000277_post_disaster.png,0,0,17,9674,277,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000277_post_disaster.png,woolsey-fire_00000277_post_disaster,0,0,tier3\masks\woolsey-fire_00000277_post_disaster.png,0,0,0,0,277,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000277_post_disaster.png,socal-fire_00000277_post_disaster,0,0,train\masks\socal-fire_00000277_post_disaster.png,0,0,0,0,277,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000277_post_disaster.png,lower-puna-volcano_00000277_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000277_post_disaster.png,0,0,5,2213,277,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000277_post_disaster.png,hurricane-florence_00000277_post_disaster,0,0,train\masks\hurricane-florence_00000277_post_disaster.png,0,0,14,7474,277,2 +10,16668,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000277_post_disaster.png,santa-rosa-wildfire_00000277_post_disaster,1,365,train\masks\santa-rosa-wildfire_00000277_post_disaster.png,2,1076,1,2858,277,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000277_post_disaster.png,portugal-wildfire_00000277_post_disaster,0,0,tier3\masks\portugal-wildfire_00000277_post_disaster.png,0,0,0,0,277,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000277_post_disaster.png,tuscaloosa-tornado_00000277_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000277_post_disaster.png,0,0,0,0,277,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000277_post_disaster.png,pinery-bushfire_00000277_post_disaster,0,0,tier3\masks\pinery-bushfire_00000277_post_disaster.png,0,0,0,0,277,0 +1,247,hurricane-harvey,post,train,train\images\hurricane-harvey_00000277_post_disaster.png,hurricane-harvey_00000277_post_disaster,2,2270,train\masks\hurricane-harvey_00000277_post_disaster.png,6,3358,6,2967,277,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000278_post_disaster.png,tuscaloosa-tornado_00000278_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000278_post_disaster.png,1,950,8,3174,278,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000278_post_disaster.png,hurricane-florence_00000278_post_disaster,0,0,train\masks\hurricane-florence_00000278_post_disaster.png,0,0,29,21016,278,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000278_post_disaster.png,socal-fire_00000278_post_disaster,0,0,train\masks\socal-fire_00000278_post_disaster.png,0,0,0,0,278,0 +3,793,hurricane-matthew,post,train,train\images\hurricane-matthew_00000278_post_disaster.png,hurricane-matthew_00000278_post_disaster,55,42010,train\masks\hurricane-matthew_00000278_post_disaster.png,10,5245,17,7477,278,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000278_post_disaster.png,hurricane-harvey_00000278_post_disaster,0,0,train\masks\hurricane-harvey_00000278_post_disaster.png,0,0,16,11708,278,0 +4,730,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000278_post_disaster.png,nepal-flooding_00000278_post_disaster,0,0,tier3\masks\nepal-flooding_00000278_post_disaster.png,2,285,0,0,278,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000278_post_disaster.png,portugal-wildfire_00000278_post_disaster,0,0,tier3\masks\portugal-wildfire_00000278_post_disaster.png,0,0,28,23153,278,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000278_post_disaster.png,pinery-bushfire_00000278_post_disaster,0,0,tier3\masks\pinery-bushfire_00000278_post_disaster.png,0,0,2,359,278,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000278_post_disaster.png,lower-puna-volcano_00000278_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000278_post_disaster.png,0,0,8,1507,278,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000278_post_disaster.png,woolsey-fire_00000278_post_disaster,0,0,tier3\masks\woolsey-fire_00000278_post_disaster.png,0,0,0,0,278,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000279_post_disaster.png,midwest-flooding_00000279_post_disaster,0,0,train\masks\midwest-flooding_00000279_post_disaster.png,0,0,13,9110,279,0 +1,308,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000279_post_disaster.png,portugal-wildfire_00000279_post_disaster,1,553,tier3\masks\portugal-wildfire_00000279_post_disaster.png,0,0,19,21862,279,1 +4,1830,socal-fire,post,train,train\images\socal-fire_00000279_post_disaster.png,socal-fire_00000279_post_disaster,0,0,train\masks\socal-fire_00000279_post_disaster.png,0,0,0,0,279,2 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000279_post_disaster.png,lower-puna-volcano_00000279_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000279_post_disaster.png,0,0,28,13698,279,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000279_post_disaster.png,tuscaloosa-tornado_00000279_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000279_post_disaster.png,0,0,4,1435,279,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000279_post_disaster.png,pinery-bushfire_00000279_post_disaster,0,0,tier3\masks\pinery-bushfire_00000279_post_disaster.png,0,0,0,0,279,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000279_post_disaster.png,woolsey-fire_00000279_post_disaster,0,0,tier3\masks\woolsey-fire_00000279_post_disaster.png,0,0,0,0,279,1 +1,356,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000279_post_disaster.png,nepal-flooding_00000279_post_disaster,5,4251,tier3\masks\nepal-flooding_00000279_post_disaster.png,0,0,8,5346,279,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000279_post_disaster.png,hurricane-florence_00000279_post_disaster,0,0,train\masks\hurricane-florence_00000279_post_disaster.png,0,0,11,14554,279,1 +18,2634,hurricane-matthew,post,train,train\images\hurricane-matthew_00000279_post_disaster.png,hurricane-matthew_00000279_post_disaster,4,659,train\masks\hurricane-matthew_00000279_post_disaster.png,2,324,0,0,279,2 +9,9635,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000280_post_disaster.png,santa-rosa-wildfire_00000280_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000280_post_disaster.png,0,0,0,0,280,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000280_post_disaster.png,lower-puna-volcano_00000280_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000280_post_disaster.png,0,0,0,0,280,0 +2,198,hurricane-harvey,post,train,train\images\hurricane-harvey_00000280_post_disaster.png,hurricane-harvey_00000280_post_disaster,3,4251,train\masks\hurricane-harvey_00000280_post_disaster.png,6,2178,6,2040,280,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000280_post_disaster.png,woolsey-fire_00000280_post_disaster,0,0,tier3\masks\woolsey-fire_00000280_post_disaster.png,0,0,3,742,280,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000280_post_disaster.png,tuscaloosa-tornado_00000280_post_disaster,1,1352,tier3\masks\tuscaloosa-tornado_00000280_post_disaster.png,0,0,133,133753,280,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000280_post_disaster.png,pinery-bushfire_00000280_post_disaster,0,0,tier3\masks\pinery-bushfire_00000280_post_disaster.png,0,0,0,0,280,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000280_post_disaster.png,nepal-flooding_00000280_post_disaster,0,0,tier3\masks\nepal-flooding_00000280_post_disaster.png,0,0,7,1060,280,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000280_post_disaster.png,portugal-wildfire_00000280_post_disaster,0,0,tier3\masks\portugal-wildfire_00000280_post_disaster.png,0,0,0,0,280,3 +3,10646,hurricane-michael,post,train,train\images\hurricane-michael_00000281_post_disaster.png,hurricane-michael_00000281_post_disaster,21,30274,train\masks\hurricane-michael_00000281_post_disaster.png,16,62602,79,74874,281,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000281_post_disaster.png,portugal-wildfire_00000281_post_disaster,0,0,tier3\masks\portugal-wildfire_00000281_post_disaster.png,0,0,0,0,281,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000281_post_disaster.png,santa-rosa-wildfire_00000281_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000281_post_disaster.png,0,0,188,279855,281,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000281_post_disaster.png,lower-puna-volcano_00000281_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000281_post_disaster.png,0,0,5,5476,281,4 +4,3847,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000281_post_disaster.png,woolsey-fire_00000281_post_disaster,0,0,tier3\masks\woolsey-fire_00000281_post_disaster.png,0,0,1,157,281,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000281_post_disaster.png,tuscaloosa-tornado_00000281_post_disaster,1,1525,tier3\masks\tuscaloosa-tornado_00000281_post_disaster.png,0,0,10,9754,281,3 +11,1766,hurricane-matthew,post,train,train\images\hurricane-matthew_00000281_post_disaster.png,hurricane-matthew_00000281_post_disaster,1,70,train\masks\hurricane-matthew_00000281_post_disaster.png,1,130,0,0,281,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000281_post_disaster.png,hurricane-harvey_00000281_post_disaster,0,0,train\masks\hurricane-harvey_00000281_post_disaster.png,0,0,0,0,281,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000281_post_disaster.png,midwest-flooding_00000281_post_disaster,0,0,train\masks\midwest-flooding_00000281_post_disaster.png,0,0,32,63583,281,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000281_post_disaster.png,pinery-bushfire_00000281_post_disaster,0,0,tier3\masks\pinery-bushfire_00000281_post_disaster.png,0,0,1,112,281,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000281_post_disaster.png,nepal-flooding_00000281_post_disaster,3,3703,tier3\masks\nepal-flooding_00000281_post_disaster.png,7,4060,0,0,281,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000282_post_disaster.png,nepal-flooding_00000282_post_disaster,1,1249,tier3\masks\nepal-flooding_00000282_post_disaster.png,0,0,22,25433,282,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000282_post_disaster.png,socal-fire_00000282_post_disaster,0,0,train\masks\socal-fire_00000282_post_disaster.png,0,0,0,0,282,0 +1,3369,hurricane-florence,post,train,train\images\hurricane-florence_00000282_post_disaster.png,hurricane-florence_00000282_post_disaster,0,0,train\masks\hurricane-florence_00000282_post_disaster.png,0,0,3,2291,282,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000282_post_disaster.png,woolsey-fire_00000282_post_disaster,0,0,tier3\masks\woolsey-fire_00000282_post_disaster.png,0,0,0,0,282,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000282_post_disaster.png,portugal-wildfire_00000282_post_disaster,4,1791,tier3\masks\portugal-wildfire_00000282_post_disaster.png,0,0,4,2389,282,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000282_post_disaster.png,tuscaloosa-tornado_00000282_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000282_post_disaster.png,0,0,0,0,282,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000282_post_disaster.png,pinery-bushfire_00000282_post_disaster,0,0,tier3\masks\pinery-bushfire_00000282_post_disaster.png,0,0,0,0,282,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000282_post_disaster.png,midwest-flooding_00000282_post_disaster,1,373,train\masks\midwest-flooding_00000282_post_disaster.png,0,0,22,10279,282,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000282_post_disaster.png,lower-puna-volcano_00000282_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000282_post_disaster.png,0,0,0,0,282,2 +3,2376,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000283_post_disaster.png,tuscaloosa-tornado_00000283_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000283_post_disaster.png,1,806,1,415,283,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000283_post_disaster.png,lower-puna-volcano_00000283_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000283_post_disaster.png,0,0,8,5978,283,1 +3,637,socal-fire,post,train,train\images\socal-fire_00000283_post_disaster.png,socal-fire_00000283_post_disaster,0,0,train\masks\socal-fire_00000283_post_disaster.png,0,0,0,0,283,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000283_post_disaster.png,nepal-flooding_00000283_post_disaster,4,1117,tier3\masks\nepal-flooding_00000283_post_disaster.png,0,0,23,15138,283,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000283_post_disaster.png,portugal-wildfire_00000283_post_disaster,0,0,tier3\masks\portugal-wildfire_00000283_post_disaster.png,0,0,0,0,283,4 +9,1404,hurricane-matthew,post,train,train\images\hurricane-matthew_00000283_post_disaster.png,hurricane-matthew_00000283_post_disaster,4,929,train\masks\hurricane-matthew_00000283_post_disaster.png,1,156,0,0,283,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000283_post_disaster.png,pinery-bushfire_00000283_post_disaster,0,0,tier3\masks\pinery-bushfire_00000283_post_disaster.png,0,0,0,0,283,2 +1,5287,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000283_post_disaster.png,santa-rosa-wildfire_00000283_post_disaster,1,465,train\masks\santa-rosa-wildfire_00000283_post_disaster.png,0,0,3,7599,283,3 +2,587,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000283_post_disaster.png,woolsey-fire_00000283_post_disaster,0,0,tier3\masks\woolsey-fire_00000283_post_disaster.png,0,0,1,107,283,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000283_post_disaster.png,midwest-flooding_00000283_post_disaster,0,0,train\masks\midwest-flooding_00000283_post_disaster.png,0,0,18,9267,283,1 +19,6681,hurricane-michael,post,train,train\images\hurricane-michael_00000283_post_disaster.png,hurricane-michael_00000283_post_disaster,32,22490,train\masks\hurricane-michael_00000283_post_disaster.png,20,15661,62,36685,283,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000284_post_disaster.png,nepal-flooding_00000284_post_disaster,0,0,tier3\masks\nepal-flooding_00000284_post_disaster.png,0,0,50,38629,284,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000284_post_disaster.png,hurricane-harvey_00000284_post_disaster,28,36487,train\masks\hurricane-harvey_00000284_post_disaster.png,0,0,48,96540,284,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000284_post_disaster.png,hurricane-matthew_00000284_post_disaster,2,613,train\masks\hurricane-matthew_00000284_post_disaster.png,0,0,1,150,284,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000284_post_disaster.png,pinery-bushfire_00000284_post_disaster,0,0,tier3\masks\pinery-bushfire_00000284_post_disaster.png,0,0,0,0,284,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000284_post_disaster.png,hurricane-florence_00000284_post_disaster,0,0,train\masks\hurricane-florence_00000284_post_disaster.png,0,0,17,9600,284,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000284_post_disaster.png,lower-puna-volcano_00000284_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000284_post_disaster.png,0,0,0,0,284,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000284_post_disaster.png,woolsey-fire_00000284_post_disaster,0,0,tier3\masks\woolsey-fire_00000284_post_disaster.png,0,0,0,0,284,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000284_post_disaster.png,hurricane-michael_00000284_post_disaster,26,38939,train\masks\hurricane-michael_00000284_post_disaster.png,9,33025,30,48758,284,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000284_post_disaster.png,portugal-wildfire_00000284_post_disaster,0,0,tier3\masks\portugal-wildfire_00000284_post_disaster.png,0,0,0,0,284,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000284_post_disaster.png,tuscaloosa-tornado_00000284_post_disaster,1,688,tier3\masks\tuscaloosa-tornado_00000284_post_disaster.png,0,0,3,3015,284,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000285_post_disaster.png,pinery-bushfire_00000285_post_disaster,0,0,tier3\masks\pinery-bushfire_00000285_post_disaster.png,0,0,0,0,285,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000285_post_disaster.png,nepal-flooding_00000285_post_disaster,0,0,tier3\masks\nepal-flooding_00000285_post_disaster.png,0,0,40,30013,285,0 +1,423,hurricane-michael,post,train,train\images\hurricane-michael_00000285_post_disaster.png,hurricane-michael_00000285_post_disaster,0,0,train\masks\hurricane-michael_00000285_post_disaster.png,2,6792,2,9990,285,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000285_post_disaster.png,woolsey-fire_00000285_post_disaster,0,0,tier3\masks\woolsey-fire_00000285_post_disaster.png,0,0,0,0,285,0 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000285_post_disaster.png,lower-puna-volcano_00000285_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000285_post_disaster.png,0,0,0,0,285,2 +2,511,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000285_post_disaster.png,portugal-wildfire_00000285_post_disaster,1,524,tier3\masks\portugal-wildfire_00000285_post_disaster.png,0,0,65,57153,285,4 +2,248,hurricane-matthew,post,train,train\images\hurricane-matthew_00000285_post_disaster.png,hurricane-matthew_00000285_post_disaster,0,0,train\masks\hurricane-matthew_00000285_post_disaster.png,2,547,5,814,285,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000285_post_disaster.png,socal-fire_00000285_post_disaster,0,0,train\masks\socal-fire_00000285_post_disaster.png,0,0,0,0,285,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000285_post_disaster.png,hurricane-florence_00000285_post_disaster,0,0,train\masks\hurricane-florence_00000285_post_disaster.png,0,0,9,5542,285,4 +1,618,hurricane-harvey,post,train,train\images\hurricane-harvey_00000285_post_disaster.png,hurricane-harvey_00000285_post_disaster,1,5734,train\masks\hurricane-harvey_00000285_post_disaster.png,1,174,3,7049,285,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000285_post_disaster.png,midwest-flooding_00000285_post_disaster,0,0,train\masks\midwest-flooding_00000285_post_disaster.png,0,0,14,7653,285,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000285_post_disaster.png,tuscaloosa-tornado_00000285_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000285_post_disaster.png,0,0,69,82646,285,0 +1,161,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000286_post_disaster.png,nepal-flooding_00000286_post_disaster,0,0,tier3\masks\nepal-flooding_00000286_post_disaster.png,0,0,18,16097,286,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000286_post_disaster.png,socal-fire_00000286_post_disaster,0,0,train\masks\socal-fire_00000286_post_disaster.png,0,0,61,104360,286,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000286_post_disaster.png,pinery-bushfire_00000286_post_disaster,0,0,tier3\masks\pinery-bushfire_00000286_post_disaster.png,0,0,0,0,286,1 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000286_post_disaster.png,lower-puna-volcano_00000286_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000286_post_disaster.png,0,0,6,2073,286,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000286_post_disaster.png,portugal-wildfire_00000286_post_disaster,0,0,tier3\masks\portugal-wildfire_00000286_post_disaster.png,0,0,2,930,286,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000286_post_disaster.png,tuscaloosa-tornado_00000286_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000286_post_disaster.png,0,0,18,24837,286,4 +6,7549,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000286_post_disaster.png,santa-rosa-wildfire_00000286_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000286_post_disaster.png,0,0,67,78240,286,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000286_post_disaster.png,hurricane-harvey_00000286_post_disaster,0,0,train\masks\hurricane-harvey_00000286_post_disaster.png,0,0,0,0,286,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000286_post_disaster.png,hurricane-michael_00000286_post_disaster,35,60673,train\masks\hurricane-michael_00000286_post_disaster.png,11,41695,77,87504,286,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000286_post_disaster.png,woolsey-fire_00000286_post_disaster,0,0,tier3\masks\woolsey-fire_00000286_post_disaster.png,0,0,0,0,286,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000287_post_disaster.png,woolsey-fire_00000287_post_disaster,0,0,tier3\masks\woolsey-fire_00000287_post_disaster.png,0,0,0,0,287,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000287_post_disaster.png,lower-puna-volcano_00000287_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000287_post_disaster.png,0,0,0,0,287,0 +5,6833,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000287_post_disaster.png,santa-rosa-wildfire_00000287_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000287_post_disaster.png,0,0,16,12853,287,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000287_post_disaster.png,nepal-flooding_00000287_post_disaster,5,5032,tier3\masks\nepal-flooding_00000287_post_disaster.png,0,0,32,24453,287,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000287_post_disaster.png,socal-fire_00000287_post_disaster,0,0,train\masks\socal-fire_00000287_post_disaster.png,0,0,0,0,287,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000287_post_disaster.png,tuscaloosa-tornado_00000287_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000287_post_disaster.png,0,0,0,0,287,4 +1,356,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000287_post_disaster.png,pinery-bushfire_00000287_post_disaster,0,0,tier3\masks\pinery-bushfire_00000287_post_disaster.png,3,3606,3,953,287,4 +1,228,hurricane-matthew,post,train,train\images\hurricane-matthew_00000287_post_disaster.png,hurricane-matthew_00000287_post_disaster,1,154,train\masks\hurricane-matthew_00000287_post_disaster.png,0,0,5,672,287,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000287_post_disaster.png,hurricane-michael_00000287_post_disaster,30,35305,train\masks\hurricane-michael_00000287_post_disaster.png,26,43933,49,40683,287,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000287_post_disaster.png,portugal-wildfire_00000287_post_disaster,0,0,tier3\masks\portugal-wildfire_00000287_post_disaster.png,0,0,1,409,287,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000288_post_disaster.png,lower-puna-volcano_00000288_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000288_post_disaster.png,0,0,1,55,288,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000288_post_disaster.png,pinery-bushfire_00000288_post_disaster,0,0,tier3\masks\pinery-bushfire_00000288_post_disaster.png,0,0,0,0,288,2 +3,874,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000288_post_disaster.png,tuscaloosa-tornado_00000288_post_disaster,1,311,tier3\masks\tuscaloosa-tornado_00000288_post_disaster.png,1,459,4,661,288,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000288_post_disaster.png,hurricane-harvey_00000288_post_disaster,0,0,train\masks\hurricane-harvey_00000288_post_disaster.png,0,0,2,360,288,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000288_post_disaster.png,woolsey-fire_00000288_post_disaster,0,0,tier3\masks\woolsey-fire_00000288_post_disaster.png,0,0,0,0,288,2 +2,593,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000288_post_disaster.png,portugal-wildfire_00000288_post_disaster,0,0,tier3\masks\portugal-wildfire_00000288_post_disaster.png,0,0,7,3791,288,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000288_post_disaster.png,nepal-flooding_00000288_post_disaster,4,1239,tier3\masks\nepal-flooding_00000288_post_disaster.png,0,0,108,117774,288,2 +8,4231,socal-fire,post,train,train\images\socal-fire_00000288_post_disaster.png,socal-fire_00000288_post_disaster,2,476,train\masks\socal-fire_00000288_post_disaster.png,0,0,0,0,288,0 +1,454,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000289_post_disaster.png,portugal-wildfire_00000289_post_disaster,0,0,tier3\masks\portugal-wildfire_00000289_post_disaster.png,1,135,17,13145,289,0 +27,8474,hurricane-harvey,post,train,train\images\hurricane-harvey_00000289_post_disaster.png,hurricane-harvey_00000289_post_disaster,1,4461,train\masks\hurricane-harvey_00000289_post_disaster.png,6,2610,5,636,289,4 +3,637,hurricane-michael,post,train,train\images\hurricane-michael_00000289_post_disaster.png,hurricane-michael_00000289_post_disaster,22,20616,train\masks\hurricane-michael_00000289_post_disaster.png,6,7822,104,85878,289,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000289_post_disaster.png,nepal-flooding_00000289_post_disaster,2,328,tier3\masks\nepal-flooding_00000289_post_disaster.png,0,0,34,31774,289,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000289_post_disaster.png,woolsey-fire_00000289_post_disaster,0,0,tier3\masks\woolsey-fire_00000289_post_disaster.png,0,0,0,0,289,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000289_post_disaster.png,hurricane-florence_00000289_post_disaster,0,0,train\masks\hurricane-florence_00000289_post_disaster.png,0,0,10,5677,289,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000289_post_disaster.png,midwest-flooding_00000289_post_disaster,2,1102,train\masks\midwest-flooding_00000289_post_disaster.png,0,0,29,22357,289,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000289_post_disaster.png,tuscaloosa-tornado_00000289_post_disaster,2,2929,tier3\masks\tuscaloosa-tornado_00000289_post_disaster.png,0,0,43,47079,289,4 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000289_post_disaster.png,lower-puna-volcano_00000289_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000289_post_disaster.png,0,0,5,1986,289,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000289_post_disaster.png,pinery-bushfire_00000289_post_disaster,0,0,tier3\masks\pinery-bushfire_00000289_post_disaster.png,0,0,0,0,289,2 +3,464,hurricane-matthew,post,train,train\images\hurricane-matthew_00000289_post_disaster.png,hurricane-matthew_00000289_post_disaster,7,1522,train\masks\hurricane-matthew_00000289_post_disaster.png,1,236,6,769,289,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000290_post_disaster.png,nepal-flooding_00000290_post_disaster,0,0,tier3\masks\nepal-flooding_00000290_post_disaster.png,1,276,0,0,290,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000290_post_disaster.png,portugal-wildfire_00000290_post_disaster,0,0,tier3\masks\portugal-wildfire_00000290_post_disaster.png,0,0,0,0,290,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000290_post_disaster.png,tuscaloosa-tornado_00000290_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000290_post_disaster.png,0,0,1,3900,290,2 +3,1259,hurricane-michael,post,train,train\images\hurricane-michael_00000290_post_disaster.png,hurricane-michael_00000290_post_disaster,26,48469,train\masks\hurricane-michael_00000290_post_disaster.png,7,5281,16,10301,290,3 +3,3237,socal-fire,post,train,train\images\socal-fire_00000290_post_disaster.png,socal-fire_00000290_post_disaster,1,162,train\masks\socal-fire_00000290_post_disaster.png,0,0,1,1562,290,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000290_post_disaster.png,pinery-bushfire_00000290_post_disaster,0,0,tier3\masks\pinery-bushfire_00000290_post_disaster.png,0,0,0,0,290,2 +1,1445,midwest-flooding,post,train,train\images\midwest-flooding_00000290_post_disaster.png,midwest-flooding_00000290_post_disaster,0,0,train\masks\midwest-flooding_00000290_post_disaster.png,0,0,0,0,290,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000290_post_disaster.png,hurricane-florence_00000290_post_disaster,0,0,train\masks\hurricane-florence_00000290_post_disaster.png,0,0,42,28846,290,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000290_post_disaster.png,woolsey-fire_00000290_post_disaster,0,0,tier3\masks\woolsey-fire_00000290_post_disaster.png,0,0,0,0,290,3 +0,0,lower-puna-volcano,post,tier3,tier3\images\lower-puna-volcano_00000290_post_disaster.png,lower-puna-volcano_00000290_post_disaster,0,0,tier3\masks\lower-puna-volcano_00000290_post_disaster.png,0,0,6,3106,290,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000291_post_disaster.png,pinery-bushfire_00000291_post_disaster,0,0,tier3\masks\pinery-bushfire_00000291_post_disaster.png,0,0,0,0,291,4 +8,5690,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000291_post_disaster.png,santa-rosa-wildfire_00000291_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000291_post_disaster.png,0,0,8,10664,291,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000291_post_disaster.png,portugal-wildfire_00000291_post_disaster,0,0,tier3\masks\portugal-wildfire_00000291_post_disaster.png,0,0,0,0,291,0 +5,1905,hurricane-harvey,post,train,train\images\hurricane-harvey_00000291_post_disaster.png,hurricane-harvey_00000291_post_disaster,0,0,train\masks\hurricane-harvey_00000291_post_disaster.png,0,0,0,0,291,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000291_post_disaster.png,woolsey-fire_00000291_post_disaster,0,0,tier3\masks\woolsey-fire_00000291_post_disaster.png,0,0,0,0,291,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000291_post_disaster.png,nepal-flooding_00000291_post_disaster,0,0,tier3\masks\nepal-flooding_00000291_post_disaster.png,0,0,0,0,291,1 +3,878,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000291_post_disaster.png,tuscaloosa-tornado_00000291_post_disaster,4,2323,tier3\masks\tuscaloosa-tornado_00000291_post_disaster.png,2,1088,3,1374,291,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000292_post_disaster.png,tuscaloosa-tornado_00000292_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000292_post_disaster.png,0,0,0,0,292,1 +10,6331,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000292_post_disaster.png,woolsey-fire_00000292_post_disaster,0,0,tier3\masks\woolsey-fire_00000292_post_disaster.png,0,0,15,4449,292,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000292_post_disaster.png,socal-fire_00000292_post_disaster,0,0,train\masks\socal-fire_00000292_post_disaster.png,0,0,0,0,292,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000292_post_disaster.png,portugal-wildfire_00000292_post_disaster,0,0,tier3\masks\portugal-wildfire_00000292_post_disaster.png,0,0,0,0,292,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000292_post_disaster.png,pinery-bushfire_00000292_post_disaster,0,0,tier3\masks\pinery-bushfire_00000292_post_disaster.png,0,0,0,0,292,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000292_post_disaster.png,nepal-flooding_00000292_post_disaster,8,7930,tier3\masks\nepal-flooding_00000292_post_disaster.png,0,0,17,25027,292,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000292_post_disaster.png,hurricane-harvey_00000292_post_disaster,0,0,train\masks\hurricane-harvey_00000292_post_disaster.png,0,0,60,134939,292,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000292_post_disaster.png,hurricane-michael_00000292_post_disaster,30,27617,train\masks\hurricane-michael_00000292_post_disaster.png,22,53886,62,57387,292,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000293_post_disaster.png,midwest-flooding_00000293_post_disaster,1,970,train\masks\midwest-flooding_00000293_post_disaster.png,0,0,2,788,293,2 +2,1636,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000293_post_disaster.png,santa-rosa-wildfire_00000293_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000293_post_disaster.png,0,0,0,0,293,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000293_post_disaster.png,hurricane-florence_00000293_post_disaster,0,0,train\masks\hurricane-florence_00000293_post_disaster.png,0,0,45,35004,293,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000293_post_disaster.png,portugal-wildfire_00000293_post_disaster,0,0,tier3\masks\portugal-wildfire_00000293_post_disaster.png,0,0,0,0,293,3 +11,2070,hurricane-matthew,post,train,train\images\hurricane-matthew_00000293_post_disaster.png,hurricane-matthew_00000293_post_disaster,21,8463,train\masks\hurricane-matthew_00000293_post_disaster.png,7,1875,24,5104,293,1 +2,1221,hurricane-michael,post,train,train\images\hurricane-michael_00000293_post_disaster.png,hurricane-michael_00000293_post_disaster,7,3620,train\masks\hurricane-michael_00000293_post_disaster.png,11,9528,7,5440,293,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000293_post_disaster.png,pinery-bushfire_00000293_post_disaster,0,0,tier3\masks\pinery-bushfire_00000293_post_disaster.png,0,0,0,0,293,1 +2,1966,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000293_post_disaster.png,woolsey-fire_00000293_post_disaster,0,0,tier3\masks\woolsey-fire_00000293_post_disaster.png,0,0,5,6426,293,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000293_post_disaster.png,tuscaloosa-tornado_00000293_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000293_post_disaster.png,0,0,0,0,293,2 +1,79,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000293_post_disaster.png,nepal-flooding_00000293_post_disaster,0,0,tier3\masks\nepal-flooding_00000293_post_disaster.png,4,3252,0,0,293,0 +1,1315,hurricane-michael,post,train,train\images\hurricane-michael_00000294_post_disaster.png,hurricane-michael_00000294_post_disaster,30,22736,train\masks\hurricane-michael_00000294_post_disaster.png,26,36264,49,31455,294,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000294_post_disaster.png,nepal-flooding_00000294_post_disaster,2,764,tier3\masks\nepal-flooding_00000294_post_disaster.png,0,0,0,0,294,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000294_post_disaster.png,pinery-bushfire_00000294_post_disaster,0,0,tier3\masks\pinery-bushfire_00000294_post_disaster.png,0,0,0,0,294,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000294_post_disaster.png,tuscaloosa-tornado_00000294_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000294_post_disaster.png,0,0,3,1246,294,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000294_post_disaster.png,portugal-wildfire_00000294_post_disaster,0,0,tier3\masks\portugal-wildfire_00000294_post_disaster.png,0,0,6,6871,294,3 +6,7318,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000294_post_disaster.png,woolsey-fire_00000294_post_disaster,0,0,tier3\masks\woolsey-fire_00000294_post_disaster.png,1,945,8,12152,294,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000295_post_disaster.png,pinery-bushfire_00000295_post_disaster,0,0,tier3\masks\pinery-bushfire_00000295_post_disaster.png,0,0,0,0,295,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000295_post_disaster.png,hurricane-matthew_00000295_post_disaster,0,0,train\masks\hurricane-matthew_00000295_post_disaster.png,0,0,6,1308,295,2 +9,27730,hurricane-michael,post,train,train\images\hurricane-michael_00000295_post_disaster.png,hurricane-michael_00000295_post_disaster,1,1559,train\masks\hurricane-michael_00000295_post_disaster.png,1,2381,8,14032,295,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000295_post_disaster.png,woolsey-fire_00000295_post_disaster,0,0,tier3\masks\woolsey-fire_00000295_post_disaster.png,0,0,0,0,295,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000295_post_disaster.png,tuscaloosa-tornado_00000295_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000295_post_disaster.png,0,0,0,0,295,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000295_post_disaster.png,nepal-flooding_00000295_post_disaster,15,34645,tier3\masks\nepal-flooding_00000295_post_disaster.png,24,40126,16,47438,295,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000295_post_disaster.png,socal-fire_00000295_post_disaster,0,0,train\masks\socal-fire_00000295_post_disaster.png,0,0,0,0,295,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000295_post_disaster.png,portugal-wildfire_00000295_post_disaster,0,0,tier3\masks\portugal-wildfire_00000295_post_disaster.png,0,0,2,652,295,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000296_post_disaster.png,tuscaloosa-tornado_00000296_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000296_post_disaster.png,0,0,1,741,296,4 +20,4904,hurricane-matthew,post,train,train\images\hurricane-matthew_00000296_post_disaster.png,hurricane-matthew_00000296_post_disaster,215,99432,train\masks\hurricane-matthew_00000296_post_disaster.png,35,22167,18,9978,296,0 +5,5189,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000296_post_disaster.png,santa-rosa-wildfire_00000296_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000296_post_disaster.png,0,0,3,8316,296,3 +10,9294,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000296_post_disaster.png,portugal-wildfire_00000296_post_disaster,0,0,tier3\masks\portugal-wildfire_00000296_post_disaster.png,0,0,2,1582,296,4 +4,2218,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000296_post_disaster.png,woolsey-fire_00000296_post_disaster,2,1741,tier3\masks\woolsey-fire_00000296_post_disaster.png,0,0,8,8002,296,4 +2,553,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000296_post_disaster.png,nepal-flooding_00000296_post_disaster,10,14008,tier3\masks\nepal-flooding_00000296_post_disaster.png,7,4345,1,120,296,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000296_post_disaster.png,socal-fire_00000296_post_disaster,0,0,train\masks\socal-fire_00000296_post_disaster.png,0,0,61,90454,296,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000296_post_disaster.png,hurricane-michael_00000296_post_disaster,3,11430,train\masks\hurricane-michael_00000296_post_disaster.png,0,0,6,9597,296,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000296_post_disaster.png,hurricane-florence_00000296_post_disaster,0,0,train\masks\hurricane-florence_00000296_post_disaster.png,0,0,38,30390,296,1 +1,128,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000296_post_disaster.png,pinery-bushfire_00000296_post_disaster,0,0,tier3\masks\pinery-bushfire_00000296_post_disaster.png,0,0,17,8074,296,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000297_post_disaster.png,portugal-wildfire_00000297_post_disaster,0,0,tier3\masks\portugal-wildfire_00000297_post_disaster.png,0,0,8,4593,297,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000297_post_disaster.png,pinery-bushfire_00000297_post_disaster,0,0,tier3\masks\pinery-bushfire_00000297_post_disaster.png,0,0,1,233,297,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000297_post_disaster.png,woolsey-fire_00000297_post_disaster,0,0,tier3\masks\woolsey-fire_00000297_post_disaster.png,0,0,0,0,297,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000297_post_disaster.png,nepal-flooding_00000297_post_disaster,0,0,tier3\masks\nepal-flooding_00000297_post_disaster.png,4,671,1,318,297,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000297_post_disaster.png,tuscaloosa-tornado_00000297_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000297_post_disaster.png,0,0,0,0,297,2 +2,994,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000297_post_disaster.png,santa-rosa-wildfire_00000297_post_disaster,1,380,train\masks\santa-rosa-wildfire_00000297_post_disaster.png,0,0,0,0,297,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000297_post_disaster.png,socal-fire_00000297_post_disaster,0,0,train\masks\socal-fire_00000297_post_disaster.png,0,0,0,0,297,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000297_post_disaster.png,hurricane-florence_00000297_post_disaster,0,0,train\masks\hurricane-florence_00000297_post_disaster.png,0,0,15,10055,297,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000298_post_disaster.png,tuscaloosa-tornado_00000298_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000298_post_disaster.png,0,0,0,0,298,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000298_post_disaster.png,pinery-bushfire_00000298_post_disaster,0,0,tier3\masks\pinery-bushfire_00000298_post_disaster.png,0,0,1,46,298,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000298_post_disaster.png,portugal-wildfire_00000298_post_disaster,0,0,tier3\masks\portugal-wildfire_00000298_post_disaster.png,0,0,1,536,298,0 +1,888,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000298_post_disaster.png,santa-rosa-wildfire_00000298_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000298_post_disaster.png,0,0,6,6073,298,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000298_post_disaster.png,hurricane-florence_00000298_post_disaster,0,0,train\masks\hurricane-florence_00000298_post_disaster.png,0,0,26,15501,298,2 +6,2007,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000298_post_disaster.png,woolsey-fire_00000298_post_disaster,0,0,tier3\masks\woolsey-fire_00000298_post_disaster.png,0,0,10,1203,298,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000298_post_disaster.png,nepal-flooding_00000298_post_disaster,10,6490,tier3\masks\nepal-flooding_00000298_post_disaster.png,19,13172,29,22919,298,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000299_post_disaster.png,midwest-flooding_00000299_post_disaster,3,1664,train\masks\midwest-flooding_00000299_post_disaster.png,2,2027,43,22061,299,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000299_post_disaster.png,hurricane-harvey_00000299_post_disaster,0,0,train\masks\hurricane-harvey_00000299_post_disaster.png,1,141,0,0,299,4 +9,2091,hurricane-michael,post,train,train\images\hurricane-michael_00000299_post_disaster.png,hurricane-michael_00000299_post_disaster,53,33678,train\masks\hurricane-michael_00000299_post_disaster.png,31,28874,102,53861,299,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000299_post_disaster.png,pinery-bushfire_00000299_post_disaster,0,0,tier3\masks\pinery-bushfire_00000299_post_disaster.png,0,0,0,0,299,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000299_post_disaster.png,portugal-wildfire_00000299_post_disaster,0,0,tier3\masks\portugal-wildfire_00000299_post_disaster.png,0,0,12,6654,299,0 +4,1397,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000299_post_disaster.png,santa-rosa-wildfire_00000299_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000299_post_disaster.png,0,0,0,0,299,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000299_post_disaster.png,woolsey-fire_00000299_post_disaster,0,0,tier3\masks\woolsey-fire_00000299_post_disaster.png,0,0,0,0,299,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000299_post_disaster.png,tuscaloosa-tornado_00000299_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000299_post_disaster.png,0,0,0,0,299,2 +2,446,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000299_post_disaster.png,nepal-flooding_00000299_post_disaster,0,0,tier3\masks\nepal-flooding_00000299_post_disaster.png,11,2927,0,0,299,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000300_post_disaster.png,nepal-flooding_00000300_post_disaster,1,73,tier3\masks\nepal-flooding_00000300_post_disaster.png,0,0,24,29485,300,2 +1,98,hurricane-harvey,post,train,train\images\hurricane-harvey_00000300_post_disaster.png,hurricane-harvey_00000300_post_disaster,0,0,train\masks\hurricane-harvey_00000300_post_disaster.png,5,3287,0,0,300,3 +4,10097,hurricane-michael,post,train,train\images\hurricane-michael_00000300_post_disaster.png,hurricane-michael_00000300_post_disaster,8,7809,train\masks\hurricane-michael_00000300_post_disaster.png,4,21937,13,6647,300,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000300_post_disaster.png,tuscaloosa-tornado_00000300_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000300_post_disaster.png,0,0,9,8367,300,4 +1,1178,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000300_post_disaster.png,santa-rosa-wildfire_00000300_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000300_post_disaster.png,0,0,0,0,300,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000300_post_disaster.png,portugal-wildfire_00000300_post_disaster,0,0,tier3\masks\portugal-wildfire_00000300_post_disaster.png,0,0,0,0,300,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000300_post_disaster.png,hurricane-florence_00000300_post_disaster,0,0,train\masks\hurricane-florence_00000300_post_disaster.png,0,0,19,10277,300,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000300_post_disaster.png,woolsey-fire_00000300_post_disaster,0,0,tier3\masks\woolsey-fire_00000300_post_disaster.png,0,0,0,0,300,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000300_post_disaster.png,pinery-bushfire_00000300_post_disaster,0,0,tier3\masks\pinery-bushfire_00000300_post_disaster.png,0,0,0,0,300,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000301_post_disaster.png,woolsey-fire_00000301_post_disaster,0,0,tier3\masks\woolsey-fire_00000301_post_disaster.png,0,0,0,0,301,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000301_post_disaster.png,nepal-flooding_00000301_post_disaster,0,0,tier3\masks\nepal-flooding_00000301_post_disaster.png,2,1380,0,0,301,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000301_post_disaster.png,pinery-bushfire_00000301_post_disaster,0,0,tier3\masks\pinery-bushfire_00000301_post_disaster.png,0,0,0,0,301,0 +2,914,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000301_post_disaster.png,santa-rosa-wildfire_00000301_post_disaster,1,485,train\masks\santa-rosa-wildfire_00000301_post_disaster.png,0,0,7,6989,301,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000301_post_disaster.png,portugal-wildfire_00000301_post_disaster,0,0,tier3\masks\portugal-wildfire_00000301_post_disaster.png,0,0,1,448,301,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000301_post_disaster.png,tuscaloosa-tornado_00000301_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000301_post_disaster.png,0,0,11,50840,301,3 +6,3621,hurricane-michael,post,train,train\images\hurricane-michael_00000301_post_disaster.png,hurricane-michael_00000301_post_disaster,13,11415,train\masks\hurricane-michael_00000301_post_disaster.png,6,10739,61,66074,301,4 +4,919,midwest-flooding,post,train,train\images\midwest-flooding_00000301_post_disaster.png,midwest-flooding_00000301_post_disaster,0,0,train\masks\midwest-flooding_00000301_post_disaster.png,0,0,62,37741,301,0 +1,3415,socal-fire,post,train,train\images\socal-fire_00000301_post_disaster.png,socal-fire_00000301_post_disaster,0,0,train\masks\socal-fire_00000301_post_disaster.png,0,0,17,9250,301,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000301_post_disaster.png,hurricane-matthew_00000301_post_disaster,2,549,train\masks\hurricane-matthew_00000301_post_disaster.png,0,0,1,269,301,1 +5,6627,socal-fire,post,train,train\images\socal-fire_00000302_post_disaster.png,socal-fire_00000302_post_disaster,0,0,train\masks\socal-fire_00000302_post_disaster.png,0,0,1,672,302,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000302_post_disaster.png,santa-rosa-wildfire_00000302_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000302_post_disaster.png,0,0,46,69850,302,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000302_post_disaster.png,tuscaloosa-tornado_00000302_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000302_post_disaster.png,0,0,41,20883,302,1 +7,1737,hurricane-matthew,post,train,train\images\hurricane-matthew_00000302_post_disaster.png,hurricane-matthew_00000302_post_disaster,50,26147,train\masks\hurricane-matthew_00000302_post_disaster.png,45,24579,119,46882,302,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000302_post_disaster.png,hurricane-harvey_00000302_post_disaster,0,0,train\masks\hurricane-harvey_00000302_post_disaster.png,0,0,23,52202,302,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000302_post_disaster.png,hurricane-michael_00000302_post_disaster,12,9902,train\masks\hurricane-michael_00000302_post_disaster.png,2,1437,58,72621,302,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000302_post_disaster.png,pinery-bushfire_00000302_post_disaster,0,0,tier3\masks\pinery-bushfire_00000302_post_disaster.png,0,0,0,0,302,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000302_post_disaster.png,woolsey-fire_00000302_post_disaster,0,0,tier3\masks\woolsey-fire_00000302_post_disaster.png,0,0,0,0,302,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000302_post_disaster.png,hurricane-florence_00000302_post_disaster,0,0,train\masks\hurricane-florence_00000302_post_disaster.png,0,0,11,9495,302,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000302_post_disaster.png,portugal-wildfire_00000302_post_disaster,0,0,tier3\masks\portugal-wildfire_00000302_post_disaster.png,0,0,8,5236,302,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000302_post_disaster.png,nepal-flooding_00000302_post_disaster,2,4482,tier3\masks\nepal-flooding_00000302_post_disaster.png,1,672,0,0,302,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000303_post_disaster.png,woolsey-fire_00000303_post_disaster,0,0,tier3\masks\woolsey-fire_00000303_post_disaster.png,0,0,0,0,303,1 +1,249,hurricane-matthew,post,train,train\images\hurricane-matthew_00000303_post_disaster.png,hurricane-matthew_00000303_post_disaster,1,261,train\masks\hurricane-matthew_00000303_post_disaster.png,0,0,0,0,303,2 +1,340,midwest-flooding,post,train,train\images\midwest-flooding_00000303_post_disaster.png,midwest-flooding_00000303_post_disaster,0,0,train\masks\midwest-flooding_00000303_post_disaster.png,0,0,18,18102,303,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000303_post_disaster.png,portugal-wildfire_00000303_post_disaster,0,0,tier3\masks\portugal-wildfire_00000303_post_disaster.png,0,0,0,0,303,0 +6,2053,socal-fire,post,train,train\images\socal-fire_00000303_post_disaster.png,socal-fire_00000303_post_disaster,1,271,train\masks\socal-fire_00000303_post_disaster.png,1,722,1,940,303,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000303_post_disaster.png,hurricane-florence_00000303_post_disaster,0,0,train\masks\hurricane-florence_00000303_post_disaster.png,0,0,10,5374,303,2 +24,18684,hurricane-michael,post,train,train\images\hurricane-michael_00000303_post_disaster.png,hurricane-michael_00000303_post_disaster,25,29267,train\masks\hurricane-michael_00000303_post_disaster.png,18,18884,58,55626,303,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000303_post_disaster.png,pinery-bushfire_00000303_post_disaster,0,0,tier3\masks\pinery-bushfire_00000303_post_disaster.png,0,0,3,270,303,1 +4,968,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000303_post_disaster.png,nepal-flooding_00000303_post_disaster,10,14114,tier3\masks\nepal-flooding_00000303_post_disaster.png,18,19796,47,81278,303,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000303_post_disaster.png,tuscaloosa-tornado_00000303_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000303_post_disaster.png,0,0,25,95524,303,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000304_post_disaster.png,woolsey-fire_00000304_post_disaster,0,0,tier3\masks\woolsey-fire_00000304_post_disaster.png,0,0,0,0,304,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000304_post_disaster.png,tuscaloosa-tornado_00000304_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000304_post_disaster.png,0,0,57,39315,304,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000304_post_disaster.png,portugal-wildfire_00000304_post_disaster,1,1118,tier3\masks\portugal-wildfire_00000304_post_disaster.png,0,0,0,0,304,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000304_post_disaster.png,nepal-flooding_00000304_post_disaster,13,16723,tier3\masks\nepal-flooding_00000304_post_disaster.png,26,31581,12,15296,304,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000304_post_disaster.png,santa-rosa-wildfire_00000304_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000304_post_disaster.png,0,0,69,92460,304,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000304_post_disaster.png,midwest-flooding_00000304_post_disaster,0,0,train\masks\midwest-flooding_00000304_post_disaster.png,0,0,66,43076,304,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000304_post_disaster.png,hurricane-michael_00000304_post_disaster,59,42942,train\masks\hurricane-michael_00000304_post_disaster.png,28,23439,68,45871,304,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000304_post_disaster.png,hurricane-florence_00000304_post_disaster,0,0,train\masks\hurricane-florence_00000304_post_disaster.png,0,0,11,12517,304,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000304_post_disaster.png,pinery-bushfire_00000304_post_disaster,0,0,tier3\masks\pinery-bushfire_00000304_post_disaster.png,0,0,0,0,304,4 +7,1468,hurricane-matthew,post,train,train\images\hurricane-matthew_00000305_post_disaster.png,hurricane-matthew_00000305_post_disaster,14,3095,train\masks\hurricane-matthew_00000305_post_disaster.png,7,1486,8,1098,305,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000305_post_disaster.png,hurricane-michael_00000305_post_disaster,0,0,train\masks\hurricane-michael_00000305_post_disaster.png,0,0,2,1353,305,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000305_post_disaster.png,woolsey-fire_00000305_post_disaster,0,0,tier3\masks\woolsey-fire_00000305_post_disaster.png,0,0,0,0,305,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000305_post_disaster.png,pinery-bushfire_00000305_post_disaster,0,0,tier3\masks\pinery-bushfire_00000305_post_disaster.png,0,0,0,0,305,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000305_post_disaster.png,nepal-flooding_00000305_post_disaster,0,0,tier3\masks\nepal-flooding_00000305_post_disaster.png,3,1035,0,0,305,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000305_post_disaster.png,tuscaloosa-tornado_00000305_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000305_post_disaster.png,0,0,9,66887,305,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000305_post_disaster.png,portugal-wildfire_00000305_post_disaster,0,0,tier3\masks\portugal-wildfire_00000305_post_disaster.png,0,0,0,0,305,0 +3,306,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000306_post_disaster.png,nepal-flooding_00000306_post_disaster,0,0,tier3\masks\nepal-flooding_00000306_post_disaster.png,6,7355,1,30,306,0 +4,1757,hurricane-matthew,post,train,train\images\hurricane-matthew_00000306_post_disaster.png,hurricane-matthew_00000306_post_disaster,20,14288,train\masks\hurricane-matthew_00000306_post_disaster.png,14,6705,106,41505,306,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000306_post_disaster.png,pinery-bushfire_00000306_post_disaster,0,0,tier3\masks\pinery-bushfire_00000306_post_disaster.png,0,0,0,0,306,3 +12,10232,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000306_post_disaster.png,santa-rosa-wildfire_00000306_post_disaster,2,1422,train\masks\santa-rosa-wildfire_00000306_post_disaster.png,0,0,0,0,306,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000306_post_disaster.png,hurricane-florence_00000306_post_disaster,1,1137,train\masks\hurricane-florence_00000306_post_disaster.png,0,0,32,26312,306,2 +6,6746,hurricane-michael,post,train,train\images\hurricane-michael_00000306_post_disaster.png,hurricane-michael_00000306_post_disaster,61,58668,train\masks\hurricane-michael_00000306_post_disaster.png,8,7509,68,46358,306,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000306_post_disaster.png,portugal-wildfire_00000306_post_disaster,0,0,tier3\masks\portugal-wildfire_00000306_post_disaster.png,0,0,0,0,306,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000306_post_disaster.png,socal-fire_00000306_post_disaster,0,0,train\masks\socal-fire_00000306_post_disaster.png,0,0,0,0,306,3 +1,488,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000306_post_disaster.png,tuscaloosa-tornado_00000306_post_disaster,4,1517,tier3\masks\tuscaloosa-tornado_00000306_post_disaster.png,0,0,48,25419,306,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000306_post_disaster.png,woolsey-fire_00000306_post_disaster,0,0,tier3\masks\woolsey-fire_00000306_post_disaster.png,0,0,0,0,306,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000307_post_disaster.png,hurricane-harvey_00000307_post_disaster,0,0,train\masks\hurricane-harvey_00000307_post_disaster.png,0,0,15,21576,307,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000307_post_disaster.png,tuscaloosa-tornado_00000307_post_disaster,2,2204,tier3\masks\tuscaloosa-tornado_00000307_post_disaster.png,0,0,31,54308,307,1 +1,236,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000307_post_disaster.png,portugal-wildfire_00000307_post_disaster,0,0,tier3\masks\portugal-wildfire_00000307_post_disaster.png,0,0,12,6219,307,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000307_post_disaster.png,nepal-flooding_00000307_post_disaster,29,30648,tier3\masks\nepal-flooding_00000307_post_disaster.png,13,10386,9,9579,307,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000307_post_disaster.png,pinery-bushfire_00000307_post_disaster,0,0,tier3\masks\pinery-bushfire_00000307_post_disaster.png,0,0,0,0,307,0 +7,3036,hurricane-michael,post,train,train\images\hurricane-michael_00000307_post_disaster.png,hurricane-michael_00000307_post_disaster,38,30822,train\masks\hurricane-michael_00000307_post_disaster.png,30,27173,34,27754,307,1 +19,12942,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000307_post_disaster.png,woolsey-fire_00000307_post_disaster,0,0,tier3\masks\woolsey-fire_00000307_post_disaster.png,1,242,30,10839,307,4 +9,2268,hurricane-matthew,post,train,train\images\hurricane-matthew_00000307_post_disaster.png,hurricane-matthew_00000307_post_disaster,12,2473,train\masks\hurricane-matthew_00000307_post_disaster.png,3,789,2,360,307,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000308_post_disaster.png,tuscaloosa-tornado_00000308_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000308_post_disaster.png,0,0,2,661,308,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000308_post_disaster.png,hurricane-florence_00000308_post_disaster,2,1277,train\masks\hurricane-florence_00000308_post_disaster.png,0,0,10,13597,308,4 +7,15094,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000308_post_disaster.png,santa-rosa-wildfire_00000308_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000308_post_disaster.png,0,0,0,0,308,0 +9,18180,socal-fire,post,train,train\images\socal-fire_00000308_post_disaster.png,socal-fire_00000308_post_disaster,0,0,train\masks\socal-fire_00000308_post_disaster.png,1,791,42,84206,308,1 +4,437,hurricane-michael,post,train,train\images\hurricane-michael_00000308_post_disaster.png,hurricane-michael_00000308_post_disaster,11,8054,train\masks\hurricane-michael_00000308_post_disaster.png,3,1628,28,13524,308,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000308_post_disaster.png,midwest-flooding_00000308_post_disaster,0,0,train\masks\midwest-flooding_00000308_post_disaster.png,0,0,6,7083,308,2 +12,2089,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000308_post_disaster.png,nepal-flooding_00000308_post_disaster,0,0,tier3\masks\nepal-flooding_00000308_post_disaster.png,73,112582,0,0,308,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000308_post_disaster.png,portugal-wildfire_00000308_post_disaster,0,0,tier3\masks\portugal-wildfire_00000308_post_disaster.png,0,0,0,0,308,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000308_post_disaster.png,woolsey-fire_00000308_post_disaster,0,0,tier3\masks\woolsey-fire_00000308_post_disaster.png,0,0,0,0,308,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000308_post_disaster.png,pinery-bushfire_00000308_post_disaster,0,0,tier3\masks\pinery-bushfire_00000308_post_disaster.png,0,0,0,0,308,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000309_post_disaster.png,pinery-bushfire_00000309_post_disaster,0,0,tier3\masks\pinery-bushfire_00000309_post_disaster.png,0,0,0,0,309,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000309_post_disaster.png,portugal-wildfire_00000309_post_disaster,0,0,tier3\masks\portugal-wildfire_00000309_post_disaster.png,0,0,2,812,309,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000309_post_disaster.png,nepal-flooding_00000309_post_disaster,0,0,tier3\masks\nepal-flooding_00000309_post_disaster.png,3,903,0,0,309,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000309_post_disaster.png,woolsey-fire_00000309_post_disaster,0,0,tier3\masks\woolsey-fire_00000309_post_disaster.png,0,0,0,0,309,4 +5,1107,hurricane-harvey,post,train,train\images\hurricane-harvey_00000309_post_disaster.png,hurricane-harvey_00000309_post_disaster,0,0,train\masks\hurricane-harvey_00000309_post_disaster.png,0,0,0,0,309,1 +6,2759,hurricane-michael,post,train,train\images\hurricane-michael_00000309_post_disaster.png,hurricane-michael_00000309_post_disaster,33,23807,train\masks\hurricane-michael_00000309_post_disaster.png,33,50545,65,45374,309,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000309_post_disaster.png,santa-rosa-wildfire_00000309_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000309_post_disaster.png,0,0,90,139347,309,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000309_post_disaster.png,tuscaloosa-tornado_00000309_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000309_post_disaster.png,0,0,11,9256,309,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000309_post_disaster.png,hurricane-florence_00000309_post_disaster,0,0,train\masks\hurricane-florence_00000309_post_disaster.png,0,0,23,14527,309,3 +3,437,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000310_post_disaster.png,nepal-flooding_00000310_post_disaster,16,8141,tier3\masks\nepal-flooding_00000310_post_disaster.png,37,17696,8,3698,310,1 +2,2550,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000310_post_disaster.png,pinery-bushfire_00000310_post_disaster,0,0,tier3\masks\pinery-bushfire_00000310_post_disaster.png,0,0,4,2181,310,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000310_post_disaster.png,hurricane-michael_00000310_post_disaster,2,1380,train\masks\hurricane-michael_00000310_post_disaster.png,0,0,7,15614,310,0 +1,845,hurricane-florence,post,train,train\images\hurricane-florence_00000310_post_disaster.png,hurricane-florence_00000310_post_disaster,0,0,train\masks\hurricane-florence_00000310_post_disaster.png,0,0,17,12613,310,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000310_post_disaster.png,portugal-wildfire_00000310_post_disaster,0,0,tier3\masks\portugal-wildfire_00000310_post_disaster.png,0,0,14,10960,310,3 +5,2105,hurricane-matthew,post,train,train\images\hurricane-matthew_00000310_post_disaster.png,hurricane-matthew_00000310_post_disaster,0,0,train\masks\hurricane-matthew_00000310_post_disaster.png,0,0,0,0,310,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000310_post_disaster.png,tuscaloosa-tornado_00000310_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000310_post_disaster.png,0,0,22,56658,310,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000310_post_disaster.png,woolsey-fire_00000310_post_disaster,0,0,tier3\masks\woolsey-fire_00000310_post_disaster.png,0,0,0,0,310,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000310_post_disaster.png,midwest-flooding_00000310_post_disaster,0,0,train\masks\midwest-flooding_00000310_post_disaster.png,0,0,17,15505,310,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000311_post_disaster.png,portugal-wildfire_00000311_post_disaster,0,0,tier3\masks\portugal-wildfire_00000311_post_disaster.png,0,0,0,0,311,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000311_post_disaster.png,socal-fire_00000311_post_disaster,0,0,train\masks\socal-fire_00000311_post_disaster.png,0,0,0,0,311,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000311_post_disaster.png,nepal-flooding_00000311_post_disaster,8,4321,tier3\masks\nepal-flooding_00000311_post_disaster.png,16,5988,22,15188,311,0 +12,4877,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000311_post_disaster.png,woolsey-fire_00000311_post_disaster,11,1617,tier3\masks\woolsey-fire_00000311_post_disaster.png,0,0,7,1736,311,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000311_post_disaster.png,hurricane-michael_00000311_post_disaster,21,20274,train\masks\hurricane-michael_00000311_post_disaster.png,6,9090,54,43015,311,3 +1,144,hurricane-matthew,post,train,train\images\hurricane-matthew_00000311_post_disaster.png,hurricane-matthew_00000311_post_disaster,2,2246,train\masks\hurricane-matthew_00000311_post_disaster.png,1,1108,136,51073,311,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000311_post_disaster.png,tuscaloosa-tornado_00000311_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000311_post_disaster.png,0,0,4,545,311,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000311_post_disaster.png,pinery-bushfire_00000311_post_disaster,1,1088,tier3\masks\pinery-bushfire_00000311_post_disaster.png,0,0,4,4227,311,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000312_post_disaster.png,santa-rosa-wildfire_00000312_post_disaster,3,4026,train\masks\santa-rosa-wildfire_00000312_post_disaster.png,0,0,7,6568,312,4 +10,1567,hurricane-matthew,post,train,train\images\hurricane-matthew_00000312_post_disaster.png,hurricane-matthew_00000312_post_disaster,0,0,train\masks\hurricane-matthew_00000312_post_disaster.png,0,0,1,223,312,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000312_post_disaster.png,portugal-wildfire_00000312_post_disaster,0,0,tier3\masks\portugal-wildfire_00000312_post_disaster.png,0,0,0,0,312,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000312_post_disaster.png,woolsey-fire_00000312_post_disaster,0,0,tier3\masks\woolsey-fire_00000312_post_disaster.png,0,0,0,0,312,3 +7,9326,socal-fire,post,train,train\images\socal-fire_00000312_post_disaster.png,socal-fire_00000312_post_disaster,0,0,train\masks\socal-fire_00000312_post_disaster.png,0,0,96,168071,312,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000312_post_disaster.png,hurricane-harvey_00000312_post_disaster,3,8284,train\masks\hurricane-harvey_00000312_post_disaster.png,28,27426,5,1281,312,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000312_post_disaster.png,pinery-bushfire_00000312_post_disaster,0,0,tier3\masks\pinery-bushfire_00000312_post_disaster.png,0,0,0,0,312,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000312_post_disaster.png,tuscaloosa-tornado_00000312_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000312_post_disaster.png,0,0,6,2704,312,0 +2,1298,hurricane-michael,post,train,train\images\hurricane-michael_00000312_post_disaster.png,hurricane-michael_00000312_post_disaster,2,1397,train\masks\hurricane-michael_00000312_post_disaster.png,0,0,20,11745,312,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000312_post_disaster.png,nepal-flooding_00000312_post_disaster,8,4494,tier3\masks\nepal-flooding_00000312_post_disaster.png,0,0,12,8638,312,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000312_post_disaster.png,hurricane-florence_00000312_post_disaster,0,0,train\masks\hurricane-florence_00000312_post_disaster.png,0,0,11,6188,312,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000313_post_disaster.png,portugal-wildfire_00000313_post_disaster,0,0,tier3\masks\portugal-wildfire_00000313_post_disaster.png,0,0,0,0,313,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000313_post_disaster.png,tuscaloosa-tornado_00000313_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000313_post_disaster.png,0,0,0,0,313,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000313_post_disaster.png,hurricane-harvey_00000313_post_disaster,0,0,train\masks\hurricane-harvey_00000313_post_disaster.png,0,0,0,0,313,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000313_post_disaster.png,hurricane-florence_00000313_post_disaster,0,0,train\masks\hurricane-florence_00000313_post_disaster.png,1,1643,22,20599,313,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000313_post_disaster.png,midwest-flooding_00000313_post_disaster,0,0,train\masks\midwest-flooding_00000313_post_disaster.png,0,0,71,42663,313,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000313_post_disaster.png,santa-rosa-wildfire_00000313_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000313_post_disaster.png,0,0,64,133272,313,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000313_post_disaster.png,socal-fire_00000313_post_disaster,0,0,train\masks\socal-fire_00000313_post_disaster.png,0,0,0,0,313,0 +10,4954,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000313_post_disaster.png,woolsey-fire_00000313_post_disaster,0,0,tier3\masks\woolsey-fire_00000313_post_disaster.png,1,162,13,5841,313,3 +2,1754,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000313_post_disaster.png,nepal-flooding_00000313_post_disaster,30,16350,tier3\masks\nepal-flooding_00000313_post_disaster.png,64,36635,62,37415,313,2 +16,45549,hurricane-michael,post,train,train\images\hurricane-michael_00000313_post_disaster.png,hurricane-michael_00000313_post_disaster,47,36326,train\masks\hurricane-michael_00000313_post_disaster.png,22,40645,40,24499,313,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000313_post_disaster.png,pinery-bushfire_00000313_post_disaster,0,0,tier3\masks\pinery-bushfire_00000313_post_disaster.png,0,0,0,0,313,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000314_post_disaster.png,pinery-bushfire_00000314_post_disaster,0,0,tier3\masks\pinery-bushfire_00000314_post_disaster.png,0,0,0,0,314,3 +7,1167,hurricane-matthew,post,train,train\images\hurricane-matthew_00000314_post_disaster.png,hurricane-matthew_00000314_post_disaster,2,282,train\masks\hurricane-matthew_00000314_post_disaster.png,4,1167,0,0,314,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000314_post_disaster.png,portugal-wildfire_00000314_post_disaster,0,0,tier3\masks\portugal-wildfire_00000314_post_disaster.png,0,0,1,131,314,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000314_post_disaster.png,tuscaloosa-tornado_00000314_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000314_post_disaster.png,0,0,12,12325,314,1 +2,193,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000314_post_disaster.png,nepal-flooding_00000314_post_disaster,0,0,tier3\masks\nepal-flooding_00000314_post_disaster.png,11,8977,0,0,314,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000314_post_disaster.png,hurricane-florence_00000314_post_disaster,0,0,train\masks\hurricane-florence_00000314_post_disaster.png,0,0,4,1268,314,2 +4,10310,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000314_post_disaster.png,santa-rosa-wildfire_00000314_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000314_post_disaster.png,0,0,7,7154,314,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000314_post_disaster.png,midwest-flooding_00000314_post_disaster,2,1229,train\masks\midwest-flooding_00000314_post_disaster.png,0,0,25,14857,314,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000314_post_disaster.png,woolsey-fire_00000314_post_disaster,0,0,tier3\masks\woolsey-fire_00000314_post_disaster.png,0,0,0,0,314,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000315_post_disaster.png,hurricane-florence_00000315_post_disaster,0,0,train\masks\hurricane-florence_00000315_post_disaster.png,0,0,3,1407,315,3 +5,2455,hurricane-michael,post,train,train\images\hurricane-michael_00000315_post_disaster.png,hurricane-michael_00000315_post_disaster,36,26707,train\masks\hurricane-michael_00000315_post_disaster.png,16,19950,73,62255,315,0 +4,1048,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000315_post_disaster.png,santa-rosa-wildfire_00000315_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000315_post_disaster.png,0,0,0,0,315,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000315_post_disaster.png,portugal-wildfire_00000315_post_disaster,0,0,tier3\masks\portugal-wildfire_00000315_post_disaster.png,0,0,0,0,315,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000315_post_disaster.png,hurricane-harvey_00000315_post_disaster,0,0,train\masks\hurricane-harvey_00000315_post_disaster.png,3,1765,0,0,315,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000315_post_disaster.png,tuscaloosa-tornado_00000315_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000315_post_disaster.png,0,0,1,52,315,4 +1,43,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000315_post_disaster.png,nepal-flooding_00000315_post_disaster,0,0,tier3\masks\nepal-flooding_00000315_post_disaster.png,10,17232,0,0,315,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000315_post_disaster.png,woolsey-fire_00000315_post_disaster,0,0,tier3\masks\woolsey-fire_00000315_post_disaster.png,0,0,0,0,315,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000315_post_disaster.png,pinery-bushfire_00000315_post_disaster,0,0,tier3\masks\pinery-bushfire_00000315_post_disaster.png,0,0,2,862,315,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000316_post_disaster.png,midwest-flooding_00000316_post_disaster,0,0,train\masks\midwest-flooding_00000316_post_disaster.png,0,0,8,3369,316,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000316_post_disaster.png,pinery-bushfire_00000316_post_disaster,0,0,tier3\masks\pinery-bushfire_00000316_post_disaster.png,0,0,0,0,316,4 +13,4488,hurricane-matthew,post,train,train\images\hurricane-matthew_00000316_post_disaster.png,hurricane-matthew_00000316_post_disaster,14,2909,train\masks\hurricane-matthew_00000316_post_disaster.png,13,4687,18,3616,316,2 +1,61,hurricane-harvey,post,train,train\images\hurricane-harvey_00000316_post_disaster.png,hurricane-harvey_00000316_post_disaster,4,4301,train\masks\hurricane-harvey_00000316_post_disaster.png,9,5415,3,2241,316,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000316_post_disaster.png,portugal-wildfire_00000316_post_disaster,0,0,tier3\masks\portugal-wildfire_00000316_post_disaster.png,0,0,0,0,316,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000316_post_disaster.png,woolsey-fire_00000316_post_disaster,0,0,tier3\masks\woolsey-fire_00000316_post_disaster.png,0,0,4,3863,316,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000316_post_disaster.png,hurricane-florence_00000316_post_disaster,0,0,train\masks\hurricane-florence_00000316_post_disaster.png,0,0,24,19890,316,2 +5,7682,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000316_post_disaster.png,tuscaloosa-tornado_00000316_post_disaster,8,19436,tier3\masks\tuscaloosa-tornado_00000316_post_disaster.png,3,12042,17,36289,316,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000316_post_disaster.png,nepal-flooding_00000316_post_disaster,2,1035,tier3\masks\nepal-flooding_00000316_post_disaster.png,3,1036,17,9412,316,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000317_post_disaster.png,nepal-flooding_00000317_post_disaster,7,4042,tier3\masks\nepal-flooding_00000317_post_disaster.png,15,4726,21,15252,317,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000317_post_disaster.png,hurricane-harvey_00000317_post_disaster,8,8332,train\masks\hurricane-harvey_00000317_post_disaster.png,32,22735,1,1343,317,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000317_post_disaster.png,pinery-bushfire_00000317_post_disaster,0,0,tier3\masks\pinery-bushfire_00000317_post_disaster.png,0,0,0,0,317,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000317_post_disaster.png,portugal-wildfire_00000317_post_disaster,0,0,tier3\masks\portugal-wildfire_00000317_post_disaster.png,0,0,1,138,317,3 +1,673,midwest-flooding,post,train,train\images\midwest-flooding_00000317_post_disaster.png,midwest-flooding_00000317_post_disaster,0,0,train\masks\midwest-flooding_00000317_post_disaster.png,0,0,0,0,317,0 +2,4609,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000317_post_disaster.png,woolsey-fire_00000317_post_disaster,0,0,tier3\masks\woolsey-fire_00000317_post_disaster.png,0,0,0,0,317,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000317_post_disaster.png,tuscaloosa-tornado_00000317_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000317_post_disaster.png,0,0,2,2167,317,2 +9,10275,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000318_post_disaster.png,santa-rosa-wildfire_00000318_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000318_post_disaster.png,0,0,0,0,318,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000318_post_disaster.png,socal-fire_00000318_post_disaster,0,0,train\masks\socal-fire_00000318_post_disaster.png,0,0,0,0,318,3 +2,2805,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000318_post_disaster.png,woolsey-fire_00000318_post_disaster,0,0,tier3\masks\woolsey-fire_00000318_post_disaster.png,0,0,18,6856,318,1 +55,86654,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000318_post_disaster.png,tuscaloosa-tornado_00000318_post_disaster,52,45390,tier3\masks\tuscaloosa-tornado_00000318_post_disaster.png,19,39596,19,16211,318,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000318_post_disaster.png,hurricane-harvey_00000318_post_disaster,0,0,train\masks\hurricane-harvey_00000318_post_disaster.png,0,0,0,0,318,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000318_post_disaster.png,midwest-flooding_00000318_post_disaster,0,0,train\masks\midwest-flooding_00000318_post_disaster.png,0,0,2,664,318,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000318_post_disaster.png,nepal-flooding_00000318_post_disaster,0,0,tier3\masks\nepal-flooding_00000318_post_disaster.png,24,18237,2,297,318,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000318_post_disaster.png,portugal-wildfire_00000318_post_disaster,0,0,tier3\masks\portugal-wildfire_00000318_post_disaster.png,0,0,0,0,318,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000318_post_disaster.png,pinery-bushfire_00000318_post_disaster,0,0,tier3\masks\pinery-bushfire_00000318_post_disaster.png,0,0,0,0,318,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000319_post_disaster.png,tuscaloosa-tornado_00000319_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000319_post_disaster.png,0,0,1,358,319,0 +7,13305,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000319_post_disaster.png,woolsey-fire_00000319_post_disaster,1,108,tier3\masks\woolsey-fire_00000319_post_disaster.png,0,0,5,2913,319,2 +1,198,hurricane-harvey,post,train,train\images\hurricane-harvey_00000319_post_disaster.png,hurricane-harvey_00000319_post_disaster,3,1094,train\masks\hurricane-harvey_00000319_post_disaster.png,4,2930,6,4133,319,2 +1,2126,hurricane-michael,post,train,train\images\hurricane-michael_00000319_post_disaster.png,hurricane-michael_00000319_post_disaster,5,4037,train\masks\hurricane-michael_00000319_post_disaster.png,0,0,38,33502,319,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000319_post_disaster.png,hurricane-florence_00000319_post_disaster,2,999,train\masks\hurricane-florence_00000319_post_disaster.png,1,209,0,0,319,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000319_post_disaster.png,pinery-bushfire_00000319_post_disaster,0,0,tier3\masks\pinery-bushfire_00000319_post_disaster.png,0,0,10,6130,319,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000319_post_disaster.png,hurricane-matthew_00000319_post_disaster,0,0,train\masks\hurricane-matthew_00000319_post_disaster.png,0,0,3,535,319,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000319_post_disaster.png,midwest-flooding_00000319_post_disaster,0,0,train\masks\midwest-flooding_00000319_post_disaster.png,0,0,2,635,319,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000319_post_disaster.png,nepal-flooding_00000319_post_disaster,0,0,tier3\masks\nepal-flooding_00000319_post_disaster.png,4,3161,0,0,319,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000319_post_disaster.png,portugal-wildfire_00000319_post_disaster,0,0,tier3\masks\portugal-wildfire_00000319_post_disaster.png,0,0,0,0,319,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000320_post_disaster.png,portugal-wildfire_00000320_post_disaster,0,0,tier3\masks\portugal-wildfire_00000320_post_disaster.png,0,0,0,0,320,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000320_post_disaster.png,nepal-flooding_00000320_post_disaster,0,0,tier3\masks\nepal-flooding_00000320_post_disaster.png,0,0,0,0,320,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000320_post_disaster.png,hurricane-harvey_00000320_post_disaster,0,0,train\masks\hurricane-harvey_00000320_post_disaster.png,7,1310,0,0,320,3 +38,50098,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000320_post_disaster.png,tuscaloosa-tornado_00000320_post_disaster,37,34948,tier3\masks\tuscaloosa-tornado_00000320_post_disaster.png,37,46227,24,32164,320,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000320_post_disaster.png,pinery-bushfire_00000320_post_disaster,0,0,tier3\masks\pinery-bushfire_00000320_post_disaster.png,0,0,0,0,320,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000320_post_disaster.png,midwest-flooding_00000320_post_disaster,3,2102,train\masks\midwest-flooding_00000320_post_disaster.png,2,1831,29,22255,320,0 +12,15358,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000320_post_disaster.png,woolsey-fire_00000320_post_disaster,1,1024,tier3\masks\woolsey-fire_00000320_post_disaster.png,1,965,29,30043,320,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000320_post_disaster.png,hurricane-florence_00000320_post_disaster,1,2211,train\masks\hurricane-florence_00000320_post_disaster.png,0,0,10,6147,320,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000320_post_disaster.png,santa-rosa-wildfire_00000320_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000320_post_disaster.png,0,0,0,0,320,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000321_post_disaster.png,portugal-wildfire_00000321_post_disaster,0,0,tier3\masks\portugal-wildfire_00000321_post_disaster.png,0,0,4,2857,321,1 +4,818,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000321_post_disaster.png,nepal-flooding_00000321_post_disaster,1,1936,tier3\masks\nepal-flooding_00000321_post_disaster.png,15,10359,0,0,321,2 +11,11345,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000321_post_disaster.png,santa-rosa-wildfire_00000321_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000321_post_disaster.png,0,0,2,4064,321,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000321_post_disaster.png,pinery-bushfire_00000321_post_disaster,0,0,tier3\masks\pinery-bushfire_00000321_post_disaster.png,0,0,0,0,321,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000321_post_disaster.png,socal-fire_00000321_post_disaster,0,0,train\masks\socal-fire_00000321_post_disaster.png,0,0,0,0,321,3 +1,352,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000321_post_disaster.png,tuscaloosa-tornado_00000321_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000321_post_disaster.png,2,1911,2,650,321,0 +1,186,hurricane-matthew,post,train,train\images\hurricane-matthew_00000321_post_disaster.png,hurricane-matthew_00000321_post_disaster,2,581,train\masks\hurricane-matthew_00000321_post_disaster.png,0,0,3,484,321,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000321_post_disaster.png,woolsey-fire_00000321_post_disaster,0,0,tier3\masks\woolsey-fire_00000321_post_disaster.png,0,0,0,0,321,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000322_post_disaster.png,nepal-flooding_00000322_post_disaster,0,0,tier3\masks\nepal-flooding_00000322_post_disaster.png,0,0,0,0,322,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000322_post_disaster.png,portugal-wildfire_00000322_post_disaster,0,0,tier3\masks\portugal-wildfire_00000322_post_disaster.png,0,0,0,0,322,4 +13,2573,hurricane-matthew,post,train,train\images\hurricane-matthew_00000322_post_disaster.png,hurricane-matthew_00000322_post_disaster,11,2603,train\masks\hurricane-matthew_00000322_post_disaster.png,3,874,0,0,322,2 +1,565,hurricane-michael,post,train,train\images\hurricane-michael_00000322_post_disaster.png,hurricane-michael_00000322_post_disaster,12,16226,train\masks\hurricane-michael_00000322_post_disaster.png,2,2272,50,39825,322,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000322_post_disaster.png,socal-fire_00000322_post_disaster,0,0,train\masks\socal-fire_00000322_post_disaster.png,0,0,0,0,322,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000322_post_disaster.png,tuscaloosa-tornado_00000322_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000322_post_disaster.png,0,0,61,61886,322,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000322_post_disaster.png,pinery-bushfire_00000322_post_disaster,0,0,tier3\masks\pinery-bushfire_00000322_post_disaster.png,0,0,0,0,322,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000322_post_disaster.png,midwest-flooding_00000322_post_disaster,0,0,train\masks\midwest-flooding_00000322_post_disaster.png,0,0,26,30241,322,3 +9,951,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000322_post_disaster.png,woolsey-fire_00000322_post_disaster,0,0,tier3\masks\woolsey-fire_00000322_post_disaster.png,0,0,3,115,322,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000323_post_disaster.png,hurricane-harvey_00000323_post_disaster,0,0,train\masks\hurricane-harvey_00000323_post_disaster.png,1,394,0,0,323,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000323_post_disaster.png,portugal-wildfire_00000323_post_disaster,0,0,tier3\masks\portugal-wildfire_00000323_post_disaster.png,0,0,0,0,323,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000323_post_disaster.png,tuscaloosa-tornado_00000323_post_disaster,108,88945,tier3\masks\tuscaloosa-tornado_00000323_post_disaster.png,1,1280,48,38325,323,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000323_post_disaster.png,nepal-flooding_00000323_post_disaster,13,11359,tier3\masks\nepal-flooding_00000323_post_disaster.png,17,10424,25,32788,323,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000323_post_disaster.png,woolsey-fire_00000323_post_disaster,0,0,tier3\masks\woolsey-fire_00000323_post_disaster.png,0,0,0,0,323,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000323_post_disaster.png,pinery-bushfire_00000323_post_disaster,0,0,tier3\masks\pinery-bushfire_00000323_post_disaster.png,0,0,0,0,323,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000323_post_disaster.png,hurricane-michael_00000323_post_disaster,1,1576,train\masks\hurricane-michael_00000323_post_disaster.png,4,6733,20,48123,323,1 +4,976,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000324_post_disaster.png,tuscaloosa-tornado_00000324_post_disaster,1,379,tier3\masks\tuscaloosa-tornado_00000324_post_disaster.png,0,0,61,72311,324,0 +3,1981,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000324_post_disaster.png,woolsey-fire_00000324_post_disaster,0,0,tier3\masks\woolsey-fire_00000324_post_disaster.png,0,0,0,0,324,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000324_post_disaster.png,portugal-wildfire_00000324_post_disaster,0,0,tier3\masks\portugal-wildfire_00000324_post_disaster.png,0,0,0,0,324,0 +15,17152,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000324_post_disaster.png,santa-rosa-wildfire_00000324_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000324_post_disaster.png,0,0,1,85,324,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000324_post_disaster.png,hurricane-michael_00000324_post_disaster,1,805,train\masks\hurricane-michael_00000324_post_disaster.png,0,0,31,31022,324,1 +3,889,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000324_post_disaster.png,nepal-flooding_00000324_post_disaster,10,10973,tier3\masks\nepal-flooding_00000324_post_disaster.png,23,14029,33,20113,324,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000324_post_disaster.png,hurricane-florence_00000324_post_disaster,1,911,train\masks\hurricane-florence_00000324_post_disaster.png,0,0,1,204,324,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000324_post_disaster.png,pinery-bushfire_00000324_post_disaster,0,0,tier3\masks\pinery-bushfire_00000324_post_disaster.png,0,0,0,0,324,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000325_post_disaster.png,tuscaloosa-tornado_00000325_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000325_post_disaster.png,0,0,0,0,325,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000325_post_disaster.png,nepal-flooding_00000325_post_disaster,12,16259,tier3\masks\nepal-flooding_00000325_post_disaster.png,30,21814,13,9237,325,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000325_post_disaster.png,woolsey-fire_00000325_post_disaster,0,0,tier3\masks\woolsey-fire_00000325_post_disaster.png,0,0,0,0,325,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000325_post_disaster.png,hurricane-florence_00000325_post_disaster,1,1214,train\masks\hurricane-florence_00000325_post_disaster.png,6,3309,27,25478,325,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000325_post_disaster.png,portugal-wildfire_00000325_post_disaster,0,0,tier3\masks\portugal-wildfire_00000325_post_disaster.png,0,0,55,46538,325,3 +1,411,hurricane-harvey,post,train,train\images\hurricane-harvey_00000325_post_disaster.png,hurricane-harvey_00000325_post_disaster,0,0,train\masks\hurricane-harvey_00000325_post_disaster.png,9,8308,1,770,325,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000325_post_disaster.png,pinery-bushfire_00000325_post_disaster,0,0,tier3\masks\pinery-bushfire_00000325_post_disaster.png,0,0,0,0,325,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000325_post_disaster.png,hurricane-michael_00000325_post_disaster,0,0,train\masks\hurricane-michael_00000325_post_disaster.png,0,0,2,1801,325,2 +10,6865,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000325_post_disaster.png,santa-rosa-wildfire_00000325_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000325_post_disaster.png,0,0,0,0,325,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000326_post_disaster.png,woolsey-fire_00000326_post_disaster,0,0,tier3\masks\woolsey-fire_00000326_post_disaster.png,0,0,0,0,326,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000326_post_disaster.png,portugal-wildfire_00000326_post_disaster,0,0,tier3\masks\portugal-wildfire_00000326_post_disaster.png,0,0,0,0,326,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000326_post_disaster.png,midwest-flooding_00000326_post_disaster,0,0,train\masks\midwest-flooding_00000326_post_disaster.png,2,5619,0,0,326,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000326_post_disaster.png,nepal-flooding_00000326_post_disaster,0,0,tier3\masks\nepal-flooding_00000326_post_disaster.png,3,2547,0,0,326,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000326_post_disaster.png,hurricane-michael_00000326_post_disaster,9,22130,train\masks\hurricane-michael_00000326_post_disaster.png,1,3831,32,29344,326,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000326_post_disaster.png,tuscaloosa-tornado_00000326_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000326_post_disaster.png,0,0,78,88477,326,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000326_post_disaster.png,pinery-bushfire_00000326_post_disaster,0,0,tier3\masks\pinery-bushfire_00000326_post_disaster.png,0,0,0,0,326,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000327_post_disaster.png,portugal-wildfire_00000327_post_disaster,0,0,tier3\masks\portugal-wildfire_00000327_post_disaster.png,0,0,0,0,327,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000327_post_disaster.png,woolsey-fire_00000327_post_disaster,0,0,tier3\masks\woolsey-fire_00000327_post_disaster.png,0,0,0,0,327,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000327_post_disaster.png,santa-rosa-wildfire_00000327_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000327_post_disaster.png,0,0,0,0,327,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000327_post_disaster.png,socal-fire_00000327_post_disaster,0,0,train\masks\socal-fire_00000327_post_disaster.png,0,0,0,0,327,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000327_post_disaster.png,nepal-flooding_00000327_post_disaster,4,1971,tier3\masks\nepal-flooding_00000327_post_disaster.png,5,1590,1,60,327,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000327_post_disaster.png,pinery-bushfire_00000327_post_disaster,1,1392,tier3\masks\pinery-bushfire_00000327_post_disaster.png,0,0,12,6448,327,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000327_post_disaster.png,hurricane-harvey_00000327_post_disaster,0,0,train\masks\hurricane-harvey_00000327_post_disaster.png,1,645,0,0,327,2 +1,427,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000327_post_disaster.png,tuscaloosa-tornado_00000327_post_disaster,37,32718,tier3\masks\tuscaloosa-tornado_00000327_post_disaster.png,0,0,62,44563,327,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000328_post_disaster.png,woolsey-fire_00000328_post_disaster,0,0,tier3\masks\woolsey-fire_00000328_post_disaster.png,4,481,0,0,328,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000328_post_disaster.png,hurricane-florence_00000328_post_disaster,0,0,train\masks\hurricane-florence_00000328_post_disaster.png,0,0,15,23356,328,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000328_post_disaster.png,hurricane-michael_00000328_post_disaster,4,3547,train\masks\hurricane-michael_00000328_post_disaster.png,4,1119,8,12150,328,2 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000328_post_disaster.png,tuscaloosa-tornado_00000328_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000328_post_disaster.png,0,0,0,0,328,2 +20,3811,hurricane-matthew,post,train,train\images\hurricane-matthew_00000328_post_disaster.png,hurricane-matthew_00000328_post_disaster,1,180,train\masks\hurricane-matthew_00000328_post_disaster.png,6,2193,2,344,328,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000328_post_disaster.png,midwest-flooding_00000328_post_disaster,0,0,train\masks\midwest-flooding_00000328_post_disaster.png,2,3056,6,6939,328,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000328_post_disaster.png,portugal-wildfire_00000328_post_disaster,0,0,tier3\masks\portugal-wildfire_00000328_post_disaster.png,0,0,2,1959,328,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000328_post_disaster.png,nepal-flooding_00000328_post_disaster,0,0,tier3\masks\nepal-flooding_00000328_post_disaster.png,1,527,0,0,328,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000328_post_disaster.png,pinery-bushfire_00000328_post_disaster,0,0,tier3\masks\pinery-bushfire_00000328_post_disaster.png,0,0,0,0,328,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000329_post_disaster.png,pinery-bushfire_00000329_post_disaster,0,0,tier3\masks\pinery-bushfire_00000329_post_disaster.png,0,0,0,0,329,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000329_post_disaster.png,hurricane-florence_00000329_post_disaster,0,0,train\masks\hurricane-florence_00000329_post_disaster.png,5,4811,0,0,329,1 +4,657,hurricane-matthew,post,train,train\images\hurricane-matthew_00000329_post_disaster.png,hurricane-matthew_00000329_post_disaster,14,5374,train\masks\hurricane-matthew_00000329_post_disaster.png,7,3461,6,1608,329,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000329_post_disaster.png,midwest-flooding_00000329_post_disaster,0,0,train\masks\midwest-flooding_00000329_post_disaster.png,0,0,0,0,329,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000329_post_disaster.png,nepal-flooding_00000329_post_disaster,0,0,tier3\masks\nepal-flooding_00000329_post_disaster.png,1,81,0,0,329,3 +25,23007,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000329_post_disaster.png,woolsey-fire_00000329_post_disaster,4,2519,tier3\masks\woolsey-fire_00000329_post_disaster.png,0,0,88,98729,329,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000329_post_disaster.png,portugal-wildfire_00000329_post_disaster,0,0,tier3\masks\portugal-wildfire_00000329_post_disaster.png,0,0,0,0,329,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000329_post_disaster.png,hurricane-michael_00000329_post_disaster,14,18227,train\masks\hurricane-michael_00000329_post_disaster.png,0,0,29,28776,329,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000329_post_disaster.png,hurricane-harvey_00000329_post_disaster,0,0,train\masks\hurricane-harvey_00000329_post_disaster.png,14,3988,0,0,329,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000329_post_disaster.png,tuscaloosa-tornado_00000329_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000329_post_disaster.png,0,0,100,139243,329,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000330_post_disaster.png,nepal-flooding_00000330_post_disaster,0,0,tier3\masks\nepal-flooding_00000330_post_disaster.png,7,6331,0,0,330,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000330_post_disaster.png,socal-fire_00000330_post_disaster,0,0,train\masks\socal-fire_00000330_post_disaster.png,0,0,0,0,330,3 +2,4333,hurricane-michael,post,train,train\images\hurricane-michael_00000330_post_disaster.png,hurricane-michael_00000330_post_disaster,3,3588,train\masks\hurricane-michael_00000330_post_disaster.png,0,0,12,10063,330,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000330_post_disaster.png,tuscaloosa-tornado_00000330_post_disaster,33,32201,tier3\masks\tuscaloosa-tornado_00000330_post_disaster.png,0,0,63,51354,330,4 +4,8631,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000330_post_disaster.png,woolsey-fire_00000330_post_disaster,3,3657,tier3\masks\woolsey-fire_00000330_post_disaster.png,0,0,19,17073,330,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000330_post_disaster.png,portugal-wildfire_00000330_post_disaster,0,0,tier3\masks\portugal-wildfire_00000330_post_disaster.png,0,0,0,0,330,0 +8,10173,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000330_post_disaster.png,santa-rosa-wildfire_00000330_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000330_post_disaster.png,0,0,5,6215,330,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000330_post_disaster.png,hurricane-harvey_00000330_post_disaster,0,0,train\masks\hurricane-harvey_00000330_post_disaster.png,0,0,0,0,330,1 +2,178,midwest-flooding,post,train,train\images\midwest-flooding_00000330_post_disaster.png,midwest-flooding_00000330_post_disaster,0,0,train\masks\midwest-flooding_00000330_post_disaster.png,2,665,0,0,330,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000330_post_disaster.png,pinery-bushfire_00000330_post_disaster,0,0,tier3\masks\pinery-bushfire_00000330_post_disaster.png,0,0,0,0,330,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000330_post_disaster.png,hurricane-florence_00000330_post_disaster,0,0,train\masks\hurricane-florence_00000330_post_disaster.png,0,0,16,10104,330,4 +1,1118,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000331_post_disaster.png,santa-rosa-wildfire_00000331_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000331_post_disaster.png,0,0,0,0,331,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000331_post_disaster.png,pinery-bushfire_00000331_post_disaster,0,0,tier3\masks\pinery-bushfire_00000331_post_disaster.png,0,0,0,0,331,1 +2,218,hurricane-matthew,post,train,train\images\hurricane-matthew_00000331_post_disaster.png,hurricane-matthew_00000331_post_disaster,4,1201,train\masks\hurricane-matthew_00000331_post_disaster.png,1,138,1,315,331,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000331_post_disaster.png,tuscaloosa-tornado_00000331_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000331_post_disaster.png,0,0,0,0,331,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000331_post_disaster.png,woolsey-fire_00000331_post_disaster,0,0,tier3\masks\woolsey-fire_00000331_post_disaster.png,0,0,4,2472,331,0 +1,688,hurricane-michael,post,train,train\images\hurricane-michael_00000331_post_disaster.png,hurricane-michael_00000331_post_disaster,8,10057,train\masks\hurricane-michael_00000331_post_disaster.png,7,7075,62,28383,331,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000331_post_disaster.png,hurricane-florence_00000331_post_disaster,0,0,train\masks\hurricane-florence_00000331_post_disaster.png,0,0,32,25508,331,1 +4,643,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000331_post_disaster.png,nepal-flooding_00000331_post_disaster,20,14921,tier3\masks\nepal-flooding_00000331_post_disaster.png,22,17228,21,45271,331,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000331_post_disaster.png,midwest-flooding_00000331_post_disaster,1,774,train\masks\midwest-flooding_00000331_post_disaster.png,4,5392,30,35055,331,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000331_post_disaster.png,socal-fire_00000331_post_disaster,0,0,train\masks\socal-fire_00000331_post_disaster.png,0,0,0,0,331,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000331_post_disaster.png,portugal-wildfire_00000331_post_disaster,0,0,tier3\masks\portugal-wildfire_00000331_post_disaster.png,0,0,0,0,331,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000332_post_disaster.png,hurricane-florence_00000332_post_disaster,0,0,train\masks\hurricane-florence_00000332_post_disaster.png,0,0,0,0,332,0 +2,1074,socal-fire,post,train,train\images\socal-fire_00000332_post_disaster.png,socal-fire_00000332_post_disaster,0,0,train\masks\socal-fire_00000332_post_disaster.png,0,0,0,0,332,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000332_post_disaster.png,nepal-flooding_00000332_post_disaster,2,967,tier3\masks\nepal-flooding_00000332_post_disaster.png,0,0,60,89823,332,4 +5,7150,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000332_post_disaster.png,woolsey-fire_00000332_post_disaster,0,0,tier3\masks\woolsey-fire_00000332_post_disaster.png,0,0,3,601,332,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000332_post_disaster.png,hurricane-harvey_00000332_post_disaster,0,0,train\masks\hurricane-harvey_00000332_post_disaster.png,5,582,0,0,332,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000332_post_disaster.png,portugal-wildfire_00000332_post_disaster,0,0,tier3\masks\portugal-wildfire_00000332_post_disaster.png,0,0,2,999,332,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000332_post_disaster.png,tuscaloosa-tornado_00000332_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000332_post_disaster.png,0,0,63,115151,332,1 +3,489,hurricane-matthew,post,train,train\images\hurricane-matthew_00000332_post_disaster.png,hurricane-matthew_00000332_post_disaster,1,182,train\masks\hurricane-matthew_00000332_post_disaster.png,0,0,0,0,332,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000332_post_disaster.png,pinery-bushfire_00000332_post_disaster,0,0,tier3\masks\pinery-bushfire_00000332_post_disaster.png,0,0,0,0,332,4 +5,1962,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000333_post_disaster.png,nepal-flooding_00000333_post_disaster,14,20584,tier3\masks\nepal-flooding_00000333_post_disaster.png,27,34083,12,13868,333,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000333_post_disaster.png,hurricane-florence_00000333_post_disaster,0,0,train\masks\hurricane-florence_00000333_post_disaster.png,0,0,1,1323,333,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000333_post_disaster.png,socal-fire_00000333_post_disaster,0,0,train\masks\socal-fire_00000333_post_disaster.png,0,0,0,0,333,0 +2,456,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000333_post_disaster.png,woolsey-fire_00000333_post_disaster,0,0,tier3\masks\woolsey-fire_00000333_post_disaster.png,1,115,5,2042,333,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000333_post_disaster.png,portugal-wildfire_00000333_post_disaster,0,0,tier3\masks\portugal-wildfire_00000333_post_disaster.png,0,0,29,22290,333,2 +2,1233,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000333_post_disaster.png,tuscaloosa-tornado_00000333_post_disaster,11,7574,tier3\masks\tuscaloosa-tornado_00000333_post_disaster.png,0,0,153,83614,333,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000333_post_disaster.png,pinery-bushfire_00000333_post_disaster,0,0,tier3\masks\pinery-bushfire_00000333_post_disaster.png,0,0,0,0,333,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000333_post_disaster.png,hurricane-harvey_00000333_post_disaster,5,9743,train\masks\hurricane-harvey_00000333_post_disaster.png,52,95431,0,0,333,0 +11,28927,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000333_post_disaster.png,santa-rosa-wildfire_00000333_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000333_post_disaster.png,0,0,16,21595,333,3 +1,226,hurricane-michael,post,train,train\images\hurricane-michael_00000333_post_disaster.png,hurricane-michael_00000333_post_disaster,9,8857,train\masks\hurricane-michael_00000333_post_disaster.png,1,421,38,20977,333,4 +2,361,hurricane-matthew,post,train,train\images\hurricane-matthew_00000334_post_disaster.png,hurricane-matthew_00000334_post_disaster,1,356,train\masks\hurricane-matthew_00000334_post_disaster.png,0,0,0,0,334,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000334_post_disaster.png,tuscaloosa-tornado_00000334_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000334_post_disaster.png,0,0,48,33858,334,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000334_post_disaster.png,hurricane-florence_00000334_post_disaster,7,4105,train\masks\hurricane-florence_00000334_post_disaster.png,0,0,4,2386,334,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000334_post_disaster.png,pinery-bushfire_00000334_post_disaster,0,0,tier3\masks\pinery-bushfire_00000334_post_disaster.png,0,0,0,0,334,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000334_post_disaster.png,woolsey-fire_00000334_post_disaster,0,0,tier3\masks\woolsey-fire_00000334_post_disaster.png,0,0,3,229,334,1 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000334_post_disaster.png,santa-rosa-wildfire_00000334_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000334_post_disaster.png,0,0,0,0,334,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000334_post_disaster.png,hurricane-michael_00000334_post_disaster,11,13648,train\masks\hurricane-michael_00000334_post_disaster.png,2,3227,24,34402,334,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000334_post_disaster.png,socal-fire_00000334_post_disaster,0,0,train\masks\socal-fire_00000334_post_disaster.png,0,0,2,4055,334,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000334_post_disaster.png,nepal-flooding_00000334_post_disaster,0,0,tier3\masks\nepal-flooding_00000334_post_disaster.png,1,367,0,0,334,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000334_post_disaster.png,portugal-wildfire_00000334_post_disaster,0,0,tier3\masks\portugal-wildfire_00000334_post_disaster.png,0,0,25,14995,334,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000335_post_disaster.png,socal-fire_00000335_post_disaster,0,0,train\masks\socal-fire_00000335_post_disaster.png,0,0,0,0,335,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000335_post_disaster.png,tuscaloosa-tornado_00000335_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000335_post_disaster.png,0,0,3,4111,335,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000335_post_disaster.png,pinery-bushfire_00000335_post_disaster,0,0,tier3\masks\pinery-bushfire_00000335_post_disaster.png,0,0,1,869,335,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000335_post_disaster.png,hurricane-harvey_00000335_post_disaster,6,15011,train\masks\hurricane-harvey_00000335_post_disaster.png,2,2049,1,28,335,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000335_post_disaster.png,woolsey-fire_00000335_post_disaster,0,0,tier3\masks\woolsey-fire_00000335_post_disaster.png,0,0,4,1422,335,3 +2,624,hurricane-matthew,post,train,train\images\hurricane-matthew_00000335_post_disaster.png,hurricane-matthew_00000335_post_disaster,15,9977,train\masks\hurricane-matthew_00000335_post_disaster.png,0,0,37,18410,335,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000335_post_disaster.png,portugal-wildfire_00000335_post_disaster,0,0,tier3\masks\portugal-wildfire_00000335_post_disaster.png,0,0,0,0,335,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000335_post_disaster.png,nepal-flooding_00000335_post_disaster,5,1610,tier3\masks\nepal-flooding_00000335_post_disaster.png,5,3006,2,289,335,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000335_post_disaster.png,hurricane-florence_00000335_post_disaster,0,0,train\masks\hurricane-florence_00000335_post_disaster.png,0,0,20,57514,335,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000336_post_disaster.png,hurricane-harvey_00000336_post_disaster,22,45904,train\masks\hurricane-harvey_00000336_post_disaster.png,28,67073,3,5642,336,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000336_post_disaster.png,tuscaloosa-tornado_00000336_post_disaster,1,615,tier3\masks\tuscaloosa-tornado_00000336_post_disaster.png,0,0,24,40969,336,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000336_post_disaster.png,hurricane-florence_00000336_post_disaster,0,0,train\masks\hurricane-florence_00000336_post_disaster.png,0,0,11,7500,336,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000336_post_disaster.png,portugal-wildfire_00000336_post_disaster,0,0,tier3\masks\portugal-wildfire_00000336_post_disaster.png,0,0,8,5832,336,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000336_post_disaster.png,woolsey-fire_00000336_post_disaster,0,0,tier3\masks\woolsey-fire_00000336_post_disaster.png,0,0,0,0,336,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000336_post_disaster.png,pinery-bushfire_00000336_post_disaster,0,0,tier3\masks\pinery-bushfire_00000336_post_disaster.png,0,0,0,0,336,4 +1,199,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000336_post_disaster.png,nepal-flooding_00000336_post_disaster,4,2285,tier3\masks\nepal-flooding_00000336_post_disaster.png,5,2847,21,10731,336,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000336_post_disaster.png,socal-fire_00000336_post_disaster,0,0,train\masks\socal-fire_00000336_post_disaster.png,0,0,0,0,336,3 +13,3310,hurricane-matthew,post,train,train\images\hurricane-matthew_00000336_post_disaster.png,hurricane-matthew_00000336_post_disaster,0,0,train\masks\hurricane-matthew_00000336_post_disaster.png,0,0,5,782,336,3 +2,524,hurricane-michael,post,train,train\images\hurricane-michael_00000337_post_disaster.png,hurricane-michael_00000337_post_disaster,3,4603,train\masks\hurricane-michael_00000337_post_disaster.png,0,0,18,15180,337,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000337_post_disaster.png,woolsey-fire_00000337_post_disaster,0,0,tier3\masks\woolsey-fire_00000337_post_disaster.png,0,0,0,0,337,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000337_post_disaster.png,socal-fire_00000337_post_disaster,0,0,train\masks\socal-fire_00000337_post_disaster.png,0,0,16,18188,337,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000337_post_disaster.png,hurricane-harvey_00000337_post_disaster,0,0,train\masks\hurricane-harvey_00000337_post_disaster.png,7,1497,0,0,337,1 +5,8342,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000337_post_disaster.png,santa-rosa-wildfire_00000337_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000337_post_disaster.png,0,0,38,72281,337,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000337_post_disaster.png,pinery-bushfire_00000337_post_disaster,0,0,tier3\masks\pinery-bushfire_00000337_post_disaster.png,1,959,3,1059,337,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000337_post_disaster.png,portugal-wildfire_00000337_post_disaster,0,0,tier3\masks\portugal-wildfire_00000337_post_disaster.png,0,0,0,0,337,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000337_post_disaster.png,midwest-flooding_00000337_post_disaster,0,0,train\masks\midwest-flooding_00000337_post_disaster.png,0,0,11,8267,337,0 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000337_post_disaster.png,tuscaloosa-tornado_00000337_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000337_post_disaster.png,0,0,16,23550,337,3 +2,336,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000337_post_disaster.png,nepal-flooding_00000337_post_disaster,9,11840,tier3\masks\nepal-flooding_00000337_post_disaster.png,44,32165,8,6061,337,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000337_post_disaster.png,hurricane-florence_00000337_post_disaster,0,0,train\masks\hurricane-florence_00000337_post_disaster.png,0,0,13,10256,337,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000338_post_disaster.png,hurricane-florence_00000338_post_disaster,0,0,train\masks\hurricane-florence_00000338_post_disaster.png,0,0,11,5402,338,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000338_post_disaster.png,portugal-wildfire_00000338_post_disaster,0,0,tier3\masks\portugal-wildfire_00000338_post_disaster.png,0,0,0,0,338,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000338_post_disaster.png,woolsey-fire_00000338_post_disaster,0,0,tier3\masks\woolsey-fire_00000338_post_disaster.png,0,0,0,0,338,4 +1,1539,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000338_post_disaster.png,santa-rosa-wildfire_00000338_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000338_post_disaster.png,0,0,3,2319,338,1 +6,1366,hurricane-matthew,post,train,train\images\hurricane-matthew_00000338_post_disaster.png,hurricane-matthew_00000338_post_disaster,43,11326,train\masks\hurricane-matthew_00000338_post_disaster.png,0,0,105,42353,338,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000338_post_disaster.png,midwest-flooding_00000338_post_disaster,0,0,train\masks\midwest-flooding_00000338_post_disaster.png,0,0,10,7702,338,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000338_post_disaster.png,hurricane-harvey_00000338_post_disaster,0,0,train\masks\hurricane-harvey_00000338_post_disaster.png,14,7780,26,45828,338,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000338_post_disaster.png,nepal-flooding_00000338_post_disaster,28,11521,tier3\masks\nepal-flooding_00000338_post_disaster.png,69,29685,58,20748,338,1 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000338_post_disaster.png,tuscaloosa-tornado_00000338_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000338_post_disaster.png,0,0,37,32692,338,2 +4,3828,hurricane-michael,post,train,train\images\hurricane-michael_00000338_post_disaster.png,hurricane-michael_00000338_post_disaster,4,3180,train\masks\hurricane-michael_00000338_post_disaster.png,5,3486,19,15032,338,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000338_post_disaster.png,pinery-bushfire_00000338_post_disaster,0,0,tier3\masks\pinery-bushfire_00000338_post_disaster.png,0,0,0,0,338,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000339_post_disaster.png,woolsey-fire_00000339_post_disaster,0,0,tier3\masks\woolsey-fire_00000339_post_disaster.png,0,0,0,0,339,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000339_post_disaster.png,socal-fire_00000339_post_disaster,0,0,train\masks\socal-fire_00000339_post_disaster.png,0,0,0,0,339,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000339_post_disaster.png,hurricane-michael_00000339_post_disaster,4,2117,train\masks\hurricane-michael_00000339_post_disaster.png,2,2874,25,18755,339,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000339_post_disaster.png,tuscaloosa-tornado_00000339_post_disaster,0,0,tier3\masks\tuscaloosa-tornado_00000339_post_disaster.png,0,0,10,69206,339,3 +2,173,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000339_post_disaster.png,nepal-flooding_00000339_post_disaster,9,2748,tier3\masks\nepal-flooding_00000339_post_disaster.png,9,4645,3,1677,339,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000339_post_disaster.png,pinery-bushfire_00000339_post_disaster,0,0,tier3\masks\pinery-bushfire_00000339_post_disaster.png,0,0,0,0,339,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000339_post_disaster.png,portugal-wildfire_00000339_post_disaster,0,0,tier3\masks\portugal-wildfire_00000339_post_disaster.png,0,0,4,1754,339,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000339_post_disaster.png,midwest-flooding_00000339_post_disaster,0,0,train\masks\midwest-flooding_00000339_post_disaster.png,0,0,10,7733,339,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000340_post_disaster.png,hurricane-florence_00000340_post_disaster,0,0,train\masks\hurricane-florence_00000340_post_disaster.png,0,0,22,17728,340,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000340_post_disaster.png,portugal-wildfire_00000340_post_disaster,0,0,tier3\masks\portugal-wildfire_00000340_post_disaster.png,1,327,9,4700,340,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000340_post_disaster.png,pinery-bushfire_00000340_post_disaster,0,0,tier3\masks\pinery-bushfire_00000340_post_disaster.png,0,0,0,0,340,4 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000340_post_disaster.png,tuscaloosa-tornado_00000340_post_disaster,4,4827,tier3\masks\tuscaloosa-tornado_00000340_post_disaster.png,0,0,39,85850,340,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000340_post_disaster.png,nepal-flooding_00000340_post_disaster,8,8146,tier3\masks\nepal-flooding_00000340_post_disaster.png,21,15003,15,10807,340,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000340_post_disaster.png,woolsey-fire_00000340_post_disaster,0,0,tier3\masks\woolsey-fire_00000340_post_disaster.png,0,0,0,0,340,4 +4,16814,midwest-flooding,post,train,train\images\midwest-flooding_00000340_post_disaster.png,midwest-flooding_00000340_post_disaster,3,6001,train\masks\midwest-flooding_00000340_post_disaster.png,8,61949,0,0,340,2 +1,1594,socal-fire,post,train,train\images\socal-fire_00000340_post_disaster.png,socal-fire_00000340_post_disaster,0,0,train\masks\socal-fire_00000340_post_disaster.png,0,0,2,2878,340,0 +2,2435,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000340_post_disaster.png,santa-rosa-wildfire_00000340_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000340_post_disaster.png,0,0,1,235,340,4 +4,3269,hurricane-michael,post,train,train\images\hurricane-michael_00000340_post_disaster.png,hurricane-michael_00000340_post_disaster,12,16807,train\masks\hurricane-michael_00000340_post_disaster.png,8,7345,49,41525,340,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000341_post_disaster.png,portugal-wildfire_00000341_post_disaster,0,0,tier3\masks\portugal-wildfire_00000341_post_disaster.png,0,0,0,0,341,0 +1,7483,hurricane-florence,post,train,train\images\hurricane-florence_00000341_post_disaster.png,hurricane-florence_00000341_post_disaster,2,15923,train\masks\hurricane-florence_00000341_post_disaster.png,0,0,2,976,341,0 +1,2254,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000341_post_disaster.png,woolsey-fire_00000341_post_disaster,0,0,tier3\masks\woolsey-fire_00000341_post_disaster.png,0,0,7,9840,341,3 +0,0,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000341_post_disaster.png,tuscaloosa-tornado_00000341_post_disaster,3,11230,tier3\masks\tuscaloosa-tornado_00000341_post_disaster.png,0,0,18,184720,341,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000341_post_disaster.png,nepal-flooding_00000341_post_disaster,26,23949,tier3\masks\nepal-flooding_00000341_post_disaster.png,27,18731,6,3595,341,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000341_post_disaster.png,pinery-bushfire_00000341_post_disaster,0,0,tier3\masks\pinery-bushfire_00000341_post_disaster.png,0,0,0,0,341,4 +1,1859,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000341_post_disaster.png,santa-rosa-wildfire_00000341_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000341_post_disaster.png,0,0,1,1010,341,4 +9,2265,socal-fire,post,train,train\images\socal-fire_00000341_post_disaster.png,socal-fire_00000341_post_disaster,0,0,train\masks\socal-fire_00000341_post_disaster.png,0,0,1,1907,341,3 +7,1154,hurricane-matthew,post,train,train\images\hurricane-matthew_00000341_post_disaster.png,hurricane-matthew_00000341_post_disaster,7,1496,train\masks\hurricane-matthew_00000341_post_disaster.png,2,954,1,252,341,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000341_post_disaster.png,hurricane-michael_00000341_post_disaster,3,2380,train\masks\hurricane-michael_00000341_post_disaster.png,1,1012,12,10802,341,4 +1,403,tuscaloosa-tornado,post,tier3,tier3\images\tuscaloosa-tornado_00000342_post_disaster.png,tuscaloosa-tornado_00000342_post_disaster,32,43700,tier3\masks\tuscaloosa-tornado_00000342_post_disaster.png,3,6590,48,64786,342,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000342_post_disaster.png,woolsey-fire_00000342_post_disaster,0,0,tier3\masks\woolsey-fire_00000342_post_disaster.png,0,0,0,0,342,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000342_post_disaster.png,pinery-bushfire_00000342_post_disaster,0,0,tier3\masks\pinery-bushfire_00000342_post_disaster.png,0,0,0,0,342,4 +1,176,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000342_post_disaster.png,nepal-flooding_00000342_post_disaster,8,7163,tier3\masks\nepal-flooding_00000342_post_disaster.png,7,6729,13,26318,342,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000342_post_disaster.png,portugal-wildfire_00000342_post_disaster,0,0,tier3\masks\portugal-wildfire_00000342_post_disaster.png,0,0,0,0,342,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000343_post_disaster.png,portugal-wildfire_00000343_post_disaster,0,0,tier3\masks\portugal-wildfire_00000343_post_disaster.png,0,0,0,0,343,0 +2,1970,socal-fire,post,train,train\images\socal-fire_00000343_post_disaster.png,socal-fire_00000343_post_disaster,0,0,train\masks\socal-fire_00000343_post_disaster.png,1,404,0,0,343,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000343_post_disaster.png,nepal-flooding_00000343_post_disaster,0,0,tier3\masks\nepal-flooding_00000343_post_disaster.png,2,1728,1,463,343,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000343_post_disaster.png,midwest-flooding_00000343_post_disaster,0,0,train\masks\midwest-flooding_00000343_post_disaster.png,0,0,13,12806,343,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000343_post_disaster.png,pinery-bushfire_00000343_post_disaster,0,0,tier3\masks\pinery-bushfire_00000343_post_disaster.png,0,0,0,0,343,0 +5,753,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000343_post_disaster.png,woolsey-fire_00000343_post_disaster,0,0,tier3\masks\woolsey-fire_00000343_post_disaster.png,0,0,1,291,343,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000343_post_disaster.png,hurricane-matthew_00000343_post_disaster,8,3500,train\masks\hurricane-matthew_00000343_post_disaster.png,1,824,2,486,343,4 +4,1268,hurricane-michael,post,train,train\images\hurricane-michael_00000343_post_disaster.png,hurricane-michael_00000343_post_disaster,10,9229,train\masks\hurricane-michael_00000343_post_disaster.png,5,4596,11,10487,343,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000344_post_disaster.png,woolsey-fire_00000344_post_disaster,0,0,tier3\masks\woolsey-fire_00000344_post_disaster.png,0,0,2,353,344,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000344_post_disaster.png,hurricane-harvey_00000344_post_disaster,5,14869,train\masks\hurricane-harvey_00000344_post_disaster.png,0,0,12,28582,344,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000344_post_disaster.png,pinery-bushfire_00000344_post_disaster,0,0,tier3\masks\pinery-bushfire_00000344_post_disaster.png,0,0,0,0,344,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000344_post_disaster.png,hurricane-michael_00000344_post_disaster,3,6651,train\masks\hurricane-michael_00000344_post_disaster.png,1,2299,10,12936,344,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000344_post_disaster.png,nepal-flooding_00000344_post_disaster,15,24341,tier3\masks\nepal-flooding_00000344_post_disaster.png,35,44376,16,18119,344,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000344_post_disaster.png,hurricane-florence_00000344_post_disaster,4,3275,train\masks\hurricane-florence_00000344_post_disaster.png,1,448,4,2703,344,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000344_post_disaster.png,portugal-wildfire_00000344_post_disaster,0,0,tier3\masks\portugal-wildfire_00000344_post_disaster.png,0,0,2,1298,344,0 +46,79917,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000344_post_disaster.png,santa-rosa-wildfire_00000344_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000344_post_disaster.png,0,0,1,2864,344,2 +1,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000345_post_disaster.png,portugal-wildfire_00000345_post_disaster,0,0,tier3\masks\portugal-wildfire_00000345_post_disaster.png,0,0,19,13828,345,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000345_post_disaster.png,woolsey-fire_00000345_post_disaster,0,0,tier3\masks\woolsey-fire_00000345_post_disaster.png,0,0,0,0,345,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000345_post_disaster.png,hurricane-michael_00000345_post_disaster,4,3675,train\masks\hurricane-michael_00000345_post_disaster.png,1,1360,18,13397,345,4 +2,2949,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000345_post_disaster.png,santa-rosa-wildfire_00000345_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000345_post_disaster.png,0,0,0,0,345,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000345_post_disaster.png,midwest-flooding_00000345_post_disaster,0,0,train\masks\midwest-flooding_00000345_post_disaster.png,0,0,14,10228,345,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000345_post_disaster.png,hurricane-florence_00000345_post_disaster,0,0,train\masks\hurricane-florence_00000345_post_disaster.png,0,0,3,5826,345,0 +8,807,hurricane-harvey,post,train,train\images\hurricane-harvey_00000345_post_disaster.png,hurricane-harvey_00000345_post_disaster,0,0,train\masks\hurricane-harvey_00000345_post_disaster.png,1,821,2,2743,345,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000345_post_disaster.png,pinery-bushfire_00000345_post_disaster,0,0,tier3\masks\pinery-bushfire_00000345_post_disaster.png,0,0,0,0,345,0 +1,160,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000345_post_disaster.png,nepal-flooding_00000345_post_disaster,0,0,tier3\masks\nepal-flooding_00000345_post_disaster.png,1,1160,0,0,345,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000346_post_disaster.png,nepal-flooding_00000346_post_disaster,1,67,tier3\masks\nepal-flooding_00000346_post_disaster.png,0,0,0,0,346,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000346_post_disaster.png,hurricane-florence_00000346_post_disaster,0,0,train\masks\hurricane-florence_00000346_post_disaster.png,0,0,105,116444,346,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000346_post_disaster.png,hurricane-matthew_00000346_post_disaster,279,102818,train\masks\hurricane-matthew_00000346_post_disaster.png,0,0,4,2729,346,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000346_post_disaster.png,pinery-bushfire_00000346_post_disaster,0,0,tier3\masks\pinery-bushfire_00000346_post_disaster.png,0,0,0,0,346,4 +11,6791,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000346_post_disaster.png,santa-rosa-wildfire_00000346_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000346_post_disaster.png,0,0,0,0,346,2 +1,3949,socal-fire,post,train,train\images\socal-fire_00000346_post_disaster.png,socal-fire_00000346_post_disaster,0,0,train\masks\socal-fire_00000346_post_disaster.png,0,0,0,0,346,3 +1,4105,midwest-flooding,post,train,train\images\midwest-flooding_00000346_post_disaster.png,midwest-flooding_00000346_post_disaster,3,2809,train\masks\midwest-flooding_00000346_post_disaster.png,3,16686,0,0,346,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000346_post_disaster.png,hurricane-harvey_00000346_post_disaster,5,15658,train\masks\hurricane-harvey_00000346_post_disaster.png,16,7705,30,29656,346,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000346_post_disaster.png,portugal-wildfire_00000346_post_disaster,0,0,tier3\masks\portugal-wildfire_00000346_post_disaster.png,0,0,0,0,346,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000346_post_disaster.png,woolsey-fire_00000346_post_disaster,0,0,tier3\masks\woolsey-fire_00000346_post_disaster.png,0,0,0,0,346,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000347_post_disaster.png,midwest-flooding_00000347_post_disaster,2,499,train\masks\midwest-flooding_00000347_post_disaster.png,0,0,10,4428,347,2 +6,1505,hurricane-matthew,post,train,train\images\hurricane-matthew_00000347_post_disaster.png,hurricane-matthew_00000347_post_disaster,18,9980,train\masks\hurricane-matthew_00000347_post_disaster.png,3,2595,10,3960,347,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000347_post_disaster.png,portugal-wildfire_00000347_post_disaster,0,0,tier3\masks\portugal-wildfire_00000347_post_disaster.png,0,0,0,0,347,2 +3,2630,hurricane-harvey,post,train,train\images\hurricane-harvey_00000347_post_disaster.png,hurricane-harvey_00000347_post_disaster,4,9806,train\masks\hurricane-harvey_00000347_post_disaster.png,160,272610,5,4268,347,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000347_post_disaster.png,nepal-flooding_00000347_post_disaster,36,26683,tier3\masks\nepal-flooding_00000347_post_disaster.png,23,13673,58,90387,347,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000347_post_disaster.png,pinery-bushfire_00000347_post_disaster,0,0,tier3\masks\pinery-bushfire_00000347_post_disaster.png,0,0,10,5851,347,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000347_post_disaster.png,woolsey-fire_00000347_post_disaster,0,0,tier3\masks\woolsey-fire_00000347_post_disaster.png,0,0,0,0,347,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000347_post_disaster.png,hurricane-michael_00000347_post_disaster,23,20331,train\masks\hurricane-michael_00000347_post_disaster.png,3,2747,50,38072,347,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000347_post_disaster.png,hurricane-florence_00000347_post_disaster,0,0,train\masks\hurricane-florence_00000347_post_disaster.png,0,0,10,62165,347,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000348_post_disaster.png,midwest-flooding_00000348_post_disaster,0,0,train\masks\midwest-flooding_00000348_post_disaster.png,0,0,5,5787,348,1 +2,1902,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000348_post_disaster.png,woolsey-fire_00000348_post_disaster,0,0,tier3\masks\woolsey-fire_00000348_post_disaster.png,0,0,1,164,348,0 +1,143,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000348_post_disaster.png,portugal-wildfire_00000348_post_disaster,0,0,tier3\masks\portugal-wildfire_00000348_post_disaster.png,0,0,3,1850,348,0 +10,12330,socal-fire,post,train,train\images\socal-fire_00000348_post_disaster.png,socal-fire_00000348_post_disaster,0,0,train\masks\socal-fire_00000348_post_disaster.png,0,0,15,16324,348,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000348_post_disaster.png,hurricane-michael_00000348_post_disaster,5,4860,train\masks\hurricane-michael_00000348_post_disaster.png,0,0,30,26821,348,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000348_post_disaster.png,hurricane-harvey_00000348_post_disaster,0,0,train\masks\hurricane-harvey_00000348_post_disaster.png,0,0,4,91764,348,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000348_post_disaster.png,pinery-bushfire_00000348_post_disaster,0,0,tier3\masks\pinery-bushfire_00000348_post_disaster.png,0,0,0,0,348,3 +1,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000348_post_disaster.png,nepal-flooding_00000348_post_disaster,0,0,tier3\masks\nepal-flooding_00000348_post_disaster.png,3,1132,0,0,348,4 +1,1686,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000348_post_disaster.png,santa-rosa-wildfire_00000348_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000348_post_disaster.png,1,1136,2,2306,348,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000349_post_disaster.png,portugal-wildfire_00000349_post_disaster,0,0,tier3\masks\portugal-wildfire_00000349_post_disaster.png,0,0,1,168,349,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000349_post_disaster.png,woolsey-fire_00000349_post_disaster,0,0,tier3\masks\woolsey-fire_00000349_post_disaster.png,0,0,0,0,349,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000349_post_disaster.png,socal-fire_00000349_post_disaster,0,0,train\masks\socal-fire_00000349_post_disaster.png,0,0,0,0,349,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000349_post_disaster.png,pinery-bushfire_00000349_post_disaster,0,0,tier3\masks\pinery-bushfire_00000349_post_disaster.png,0,0,0,0,349,4 +1,118,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000349_post_disaster.png,nepal-flooding_00000349_post_disaster,0,0,tier3\masks\nepal-flooding_00000349_post_disaster.png,1,353,0,0,349,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000349_post_disaster.png,hurricane-michael_00000349_post_disaster,2,1963,train\masks\hurricane-michael_00000349_post_disaster.png,0,0,1,127,349,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000349_post_disaster.png,hurricane-florence_00000349_post_disaster,0,0,train\masks\hurricane-florence_00000349_post_disaster.png,0,0,59,69573,349,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000350_post_disaster.png,midwest-flooding_00000350_post_disaster,1,916,train\masks\midwest-flooding_00000350_post_disaster.png,0,0,10,11146,350,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000350_post_disaster.png,nepal-flooding_00000350_post_disaster,0,0,tier3\masks\nepal-flooding_00000350_post_disaster.png,0,0,1,44,350,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000350_post_disaster.png,portugal-wildfire_00000350_post_disaster,0,0,tier3\masks\portugal-wildfire_00000350_post_disaster.png,0,0,0,0,350,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000350_post_disaster.png,hurricane-florence_00000350_post_disaster,0,0,train\masks\hurricane-florence_00000350_post_disaster.png,0,0,42,54746,350,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000350_post_disaster.png,hurricane-matthew_00000350_post_disaster,0,0,train\masks\hurricane-matthew_00000350_post_disaster.png,0,0,1,114,350,3 +1,473,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000350_post_disaster.png,pinery-bushfire_00000350_post_disaster,0,0,tier3\masks\pinery-bushfire_00000350_post_disaster.png,0,0,2,1194,350,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000350_post_disaster.png,woolsey-fire_00000350_post_disaster,0,0,tier3\masks\woolsey-fire_00000350_post_disaster.png,0,0,49,132097,350,1 +6,864,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000351_post_disaster.png,nepal-flooding_00000351_post_disaster,1,472,tier3\masks\nepal-flooding_00000351_post_disaster.png,17,22771,16,8223,351,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000351_post_disaster.png,woolsey-fire_00000351_post_disaster,0,0,tier3\masks\woolsey-fire_00000351_post_disaster.png,0,0,5,3939,351,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000351_post_disaster.png,midwest-flooding_00000351_post_disaster,3,4320,train\masks\midwest-flooding_00000351_post_disaster.png,0,0,0,0,351,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000351_post_disaster.png,hurricane-harvey_00000351_post_disaster,43,68737,train\masks\hurricane-harvey_00000351_post_disaster.png,56,87350,3,1196,351,3 +11,16020,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000351_post_disaster.png,santa-rosa-wildfire_00000351_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000351_post_disaster.png,0,0,11,17124,351,1 +1,1110,hurricane-michael,post,train,train\images\hurricane-michael_00000351_post_disaster.png,hurricane-michael_00000351_post_disaster,7,10129,train\masks\hurricane-michael_00000351_post_disaster.png,0,0,39,46599,351,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000351_post_disaster.png,portugal-wildfire_00000351_post_disaster,0,0,tier3\masks\portugal-wildfire_00000351_post_disaster.png,0,0,1,156,351,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000351_post_disaster.png,pinery-bushfire_00000351_post_disaster,0,0,tier3\masks\pinery-bushfire_00000351_post_disaster.png,0,0,0,0,351,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000352_post_disaster.png,pinery-bushfire_00000352_post_disaster,0,0,tier3\masks\pinery-bushfire_00000352_post_disaster.png,0,0,16,7456,352,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000352_post_disaster.png,midwest-flooding_00000352_post_disaster,1,244,train\masks\midwest-flooding_00000352_post_disaster.png,0,0,6,16890,352,1 +1,719,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000352_post_disaster.png,woolsey-fire_00000352_post_disaster,0,0,tier3\masks\woolsey-fire_00000352_post_disaster.png,0,0,0,0,352,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000352_post_disaster.png,socal-fire_00000352_post_disaster,0,0,train\masks\socal-fire_00000352_post_disaster.png,0,0,0,0,352,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000352_post_disaster.png,nepal-flooding_00000352_post_disaster,0,0,tier3\masks\nepal-flooding_00000352_post_disaster.png,4,1596,0,0,352,4 +2,825,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000352_post_disaster.png,portugal-wildfire_00000352_post_disaster,0,0,tier3\masks\portugal-wildfire_00000352_post_disaster.png,0,0,9,4393,352,1 +1,354,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000353_post_disaster.png,portugal-wildfire_00000353_post_disaster,0,0,tier3\masks\portugal-wildfire_00000353_post_disaster.png,0,0,43,34045,353,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000353_post_disaster.png,woolsey-fire_00000353_post_disaster,0,0,tier3\masks\woolsey-fire_00000353_post_disaster.png,0,0,0,0,353,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000353_post_disaster.png,socal-fire_00000353_post_disaster,0,0,train\masks\socal-fire_00000353_post_disaster.png,0,0,0,0,353,1 +1,2515,hurricane-michael,post,train,train\images\hurricane-michael_00000353_post_disaster.png,hurricane-michael_00000353_post_disaster,0,0,train\masks\hurricane-michael_00000353_post_disaster.png,1,2532,1,861,353,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000353_post_disaster.png,pinery-bushfire_00000353_post_disaster,0,0,tier3\masks\pinery-bushfire_00000353_post_disaster.png,0,0,0,0,353,1 +2,136,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000353_post_disaster.png,nepal-flooding_00000353_post_disaster,0,0,tier3\masks\nepal-flooding_00000353_post_disaster.png,13,4945,0,0,353,2 +8,9285,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000353_post_disaster.png,santa-rosa-wildfire_00000353_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000353_post_disaster.png,0,0,0,0,353,4 +1,289,hurricane-matthew,post,train,train\images\hurricane-matthew_00000353_post_disaster.png,hurricane-matthew_00000353_post_disaster,5,1162,train\masks\hurricane-matthew_00000353_post_disaster.png,1,137,61,12621,353,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000353_post_disaster.png,midwest-flooding_00000353_post_disaster,4,3386,train\masks\midwest-flooding_00000353_post_disaster.png,3,3589,5,4475,353,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000353_post_disaster.png,hurricane-florence_00000353_post_disaster,1,1244,train\masks\hurricane-florence_00000353_post_disaster.png,0,0,11,29982,353,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000354_post_disaster.png,pinery-bushfire_00000354_post_disaster,0,0,tier3\masks\pinery-bushfire_00000354_post_disaster.png,0,0,0,0,354,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000354_post_disaster.png,hurricane-harvey_00000354_post_disaster,0,0,train\masks\hurricane-harvey_00000354_post_disaster.png,18,30219,0,0,354,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000354_post_disaster.png,nepal-flooding_00000354_post_disaster,0,0,tier3\masks\nepal-flooding_00000354_post_disaster.png,0,0,36,34107,354,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000354_post_disaster.png,woolsey-fire_00000354_post_disaster,0,0,tier3\masks\woolsey-fire_00000354_post_disaster.png,0,0,0,0,354,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000354_post_disaster.png,socal-fire_00000354_post_disaster,0,0,train\masks\socal-fire_00000354_post_disaster.png,0,0,1,79,354,2 +2,192,hurricane-matthew,post,train,train\images\hurricane-matthew_00000354_post_disaster.png,hurricane-matthew_00000354_post_disaster,4,918,train\masks\hurricane-matthew_00000354_post_disaster.png,2,327,3,916,354,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000354_post_disaster.png,portugal-wildfire_00000354_post_disaster,0,0,tier3\masks\portugal-wildfire_00000354_post_disaster.png,0,0,65,54926,354,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000355_post_disaster.png,santa-rosa-wildfire_00000355_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000355_post_disaster.png,0,0,181,272753,355,1 +2,189,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000355_post_disaster.png,nepal-flooding_00000355_post_disaster,0,0,tier3\masks\nepal-flooding_00000355_post_disaster.png,17,12793,2,514,355,0 +4,1686,hurricane-matthew,post,train,train\images\hurricane-matthew_00000355_post_disaster.png,hurricane-matthew_00000355_post_disaster,60,35052,train\masks\hurricane-matthew_00000355_post_disaster.png,62,29625,5,1057,355,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000355_post_disaster.png,pinery-bushfire_00000355_post_disaster,0,0,tier3\masks\pinery-bushfire_00000355_post_disaster.png,0,0,0,0,355,2 +1,234,hurricane-michael,post,train,train\images\hurricane-michael_00000355_post_disaster.png,hurricane-michael_00000355_post_disaster,24,51597,train\masks\hurricane-michael_00000355_post_disaster.png,0,0,44,58720,355,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000355_post_disaster.png,portugal-wildfire_00000355_post_disaster,0,0,tier3\masks\portugal-wildfire_00000355_post_disaster.png,0,0,0,0,355,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000355_post_disaster.png,midwest-flooding_00000355_post_disaster,2,1228,train\masks\midwest-flooding_00000355_post_disaster.png,1,424,6,607,355,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000355_post_disaster.png,hurricane-florence_00000355_post_disaster,0,0,train\masks\hurricane-florence_00000355_post_disaster.png,0,0,32,24240,355,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000355_post_disaster.png,woolsey-fire_00000355_post_disaster,0,0,tier3\masks\woolsey-fire_00000355_post_disaster.png,0,0,0,0,355,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000356_post_disaster.png,pinery-bushfire_00000356_post_disaster,0,0,tier3\masks\pinery-bushfire_00000356_post_disaster.png,0,0,0,0,356,0 +2,2567,hurricane-harvey,post,train,train\images\hurricane-harvey_00000356_post_disaster.png,hurricane-harvey_00000356_post_disaster,58,178923,train\masks\hurricane-harvey_00000356_post_disaster.png,28,37425,26,79525,356,2 +1,519,hurricane-michael,post,train,train\images\hurricane-michael_00000356_post_disaster.png,hurricane-michael_00000356_post_disaster,10,7825,train\masks\hurricane-michael_00000356_post_disaster.png,2,717,37,25345,356,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000356_post_disaster.png,nepal-flooding_00000356_post_disaster,7,4269,tier3\masks\nepal-flooding_00000356_post_disaster.png,2,631,30,18961,356,2 +5,3978,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000356_post_disaster.png,santa-rosa-wildfire_00000356_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000356_post_disaster.png,0,0,2,149,356,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000356_post_disaster.png,hurricane-florence_00000356_post_disaster,0,0,train\masks\hurricane-florence_00000356_post_disaster.png,0,0,5,5043,356,1 +1,440,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000356_post_disaster.png,woolsey-fire_00000356_post_disaster,0,0,tier3\masks\woolsey-fire_00000356_post_disaster.png,0,0,1,148,356,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000356_post_disaster.png,portugal-wildfire_00000356_post_disaster,0,0,tier3\masks\portugal-wildfire_00000356_post_disaster.png,0,0,13,21039,356,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000356_post_disaster.png,midwest-flooding_00000356_post_disaster,0,0,train\masks\midwest-flooding_00000356_post_disaster.png,0,0,8,10038,356,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000357_post_disaster.png,socal-fire_00000357_post_disaster,0,0,train\masks\socal-fire_00000357_post_disaster.png,0,0,8,1351,357,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000357_post_disaster.png,hurricane-michael_00000357_post_disaster,24,34030,train\masks\hurricane-michael_00000357_post_disaster.png,1,1785,90,94548,357,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000357_post_disaster.png,nepal-flooding_00000357_post_disaster,0,0,tier3\masks\nepal-flooding_00000357_post_disaster.png,1,995,0,0,357,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000357_post_disaster.png,hurricane-florence_00000357_post_disaster,0,0,train\masks\hurricane-florence_00000357_post_disaster.png,0,0,28,16025,357,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000357_post_disaster.png,woolsey-fire_00000357_post_disaster,0,0,tier3\masks\woolsey-fire_00000357_post_disaster.png,0,0,0,0,357,3 +14,11546,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000357_post_disaster.png,santa-rosa-wildfire_00000357_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000357_post_disaster.png,1,733,23,24514,357,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000357_post_disaster.png,midwest-flooding_00000357_post_disaster,0,0,train\masks\midwest-flooding_00000357_post_disaster.png,0,0,2,542,357,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000357_post_disaster.png,portugal-wildfire_00000357_post_disaster,0,0,tier3\masks\portugal-wildfire_00000357_post_disaster.png,0,0,0,0,357,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000357_post_disaster.png,pinery-bushfire_00000357_post_disaster,0,0,tier3\masks\pinery-bushfire_00000357_post_disaster.png,0,0,0,0,357,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000357_post_disaster.png,hurricane-harvey_00000357_post_disaster,31,47587,train\masks\hurricane-harvey_00000357_post_disaster.png,85,116384,38,58449,357,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000358_post_disaster.png,midwest-flooding_00000358_post_disaster,0,0,train\masks\midwest-flooding_00000358_post_disaster.png,0,0,19,13749,358,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000358_post_disaster.png,woolsey-fire_00000358_post_disaster,0,0,tier3\masks\woolsey-fire_00000358_post_disaster.png,0,0,0,0,358,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000358_post_disaster.png,portugal-wildfire_00000358_post_disaster,0,0,tier3\masks\portugal-wildfire_00000358_post_disaster.png,0,0,0,0,358,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000358_post_disaster.png,hurricane-michael_00000358_post_disaster,7,6476,train\masks\hurricane-michael_00000358_post_disaster.png,1,3881,42,35355,358,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000358_post_disaster.png,nepal-flooding_00000358_post_disaster,0,0,tier3\masks\nepal-flooding_00000358_post_disaster.png,9,4440,1,214,358,3 +15,4677,socal-fire,post,train,train\images\socal-fire_00000358_post_disaster.png,socal-fire_00000358_post_disaster,0,0,train\masks\socal-fire_00000358_post_disaster.png,0,0,1,117,358,0 +3,2235,hurricane-harvey,post,train,train\images\hurricane-harvey_00000358_post_disaster.png,hurricane-harvey_00000358_post_disaster,0,0,train\masks\hurricane-harvey_00000358_post_disaster.png,126,316581,0,0,358,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000358_post_disaster.png,pinery-bushfire_00000358_post_disaster,0,0,tier3\masks\pinery-bushfire_00000358_post_disaster.png,0,0,0,0,358,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000359_post_disaster.png,woolsey-fire_00000359_post_disaster,0,0,tier3\masks\woolsey-fire_00000359_post_disaster.png,0,0,0,0,359,0 +3,1166,hurricane-michael,post,train,train\images\hurricane-michael_00000359_post_disaster.png,hurricane-michael_00000359_post_disaster,9,18543,train\masks\hurricane-michael_00000359_post_disaster.png,1,388,91,99477,359,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000359_post_disaster.png,midwest-flooding_00000359_post_disaster,1,627,train\masks\midwest-flooding_00000359_post_disaster.png,0,0,65,43861,359,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000359_post_disaster.png,hurricane-florence_00000359_post_disaster,1,1039,train\masks\hurricane-florence_00000359_post_disaster.png,4,3018,23,14796,359,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000359_post_disaster.png,pinery-bushfire_00000359_post_disaster,0,0,tier3\masks\pinery-bushfire_00000359_post_disaster.png,0,0,0,0,359,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000359_post_disaster.png,portugal-wildfire_00000359_post_disaster,0,0,tier3\masks\portugal-wildfire_00000359_post_disaster.png,1,1287,17,9335,359,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000359_post_disaster.png,nepal-flooding_00000359_post_disaster,5,2285,tier3\masks\nepal-flooding_00000359_post_disaster.png,6,1835,56,45647,359,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000360_post_disaster.png,pinery-bushfire_00000360_post_disaster,0,0,tier3\masks\pinery-bushfire_00000360_post_disaster.png,0,0,0,0,360,3 +5,660,hurricane-matthew,post,train,train\images\hurricane-matthew_00000360_post_disaster.png,hurricane-matthew_00000360_post_disaster,1,184,train\masks\hurricane-matthew_00000360_post_disaster.png,2,615,108,34285,360,4 +3,3935,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000360_post_disaster.png,portugal-wildfire_00000360_post_disaster,0,0,tier3\masks\portugal-wildfire_00000360_post_disaster.png,0,0,41,32052,360,1 +3,1027,hurricane-michael,post,train,train\images\hurricane-michael_00000360_post_disaster.png,hurricane-michael_00000360_post_disaster,6,7538,train\masks\hurricane-michael_00000360_post_disaster.png,3,2273,40,34087,360,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000360_post_disaster.png,nepal-flooding_00000360_post_disaster,0,0,tier3\masks\nepal-flooding_00000360_post_disaster.png,12,8159,0,0,360,1 +28,11351,socal-fire,post,train,train\images\socal-fire_00000360_post_disaster.png,socal-fire_00000360_post_disaster,0,0,train\masks\socal-fire_00000360_post_disaster.png,0,0,21,10605,360,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000360_post_disaster.png,midwest-flooding_00000360_post_disaster,1,917,train\masks\midwest-flooding_00000360_post_disaster.png,0,0,35,26421,360,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000360_post_disaster.png,woolsey-fire_00000360_post_disaster,0,0,tier3\masks\woolsey-fire_00000360_post_disaster.png,0,0,0,0,360,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000360_post_disaster.png,hurricane-florence_00000360_post_disaster,0,0,train\masks\hurricane-florence_00000360_post_disaster.png,0,0,108,96211,360,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000361_post_disaster.png,nepal-flooding_00000361_post_disaster,0,0,tier3\masks\nepal-flooding_00000361_post_disaster.png,0,0,12,9979,361,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000361_post_disaster.png,socal-fire_00000361_post_disaster,0,0,train\masks\socal-fire_00000361_post_disaster.png,0,0,0,0,361,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000361_post_disaster.png,woolsey-fire_00000361_post_disaster,0,0,tier3\masks\woolsey-fire_00000361_post_disaster.png,0,0,71,88009,361,4 +7,8752,hurricane-harvey,post,train,train\images\hurricane-harvey_00000361_post_disaster.png,hurricane-harvey_00000361_post_disaster,0,0,train\masks\hurricane-harvey_00000361_post_disaster.png,82,123329,5,4305,361,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000361_post_disaster.png,portugal-wildfire_00000361_post_disaster,0,0,tier3\masks\portugal-wildfire_00000361_post_disaster.png,0,0,8,2718,361,3 +2,2826,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000361_post_disaster.png,santa-rosa-wildfire_00000361_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000361_post_disaster.png,0,0,25,47795,361,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000361_post_disaster.png,hurricane-michael_00000361_post_disaster,9,16756,train\masks\hurricane-michael_00000361_post_disaster.png,0,0,44,74569,361,1 +1,133,hurricane-florence,post,train,train\images\hurricane-florence_00000361_post_disaster.png,hurricane-florence_00000361_post_disaster,2,3314,train\masks\hurricane-florence_00000361_post_disaster.png,1,1976,1,3162,361,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000361_post_disaster.png,pinery-bushfire_00000361_post_disaster,0,0,tier3\masks\pinery-bushfire_00000361_post_disaster.png,0,0,0,0,361,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000362_post_disaster.png,hurricane-florence_00000362_post_disaster,0,0,train\masks\hurricane-florence_00000362_post_disaster.png,0,0,5,5812,362,0 +2,1251,hurricane-michael,post,train,train\images\hurricane-michael_00000362_post_disaster.png,hurricane-michael_00000362_post_disaster,3,3340,train\masks\hurricane-michael_00000362_post_disaster.png,1,695,15,8033,362,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000362_post_disaster.png,pinery-bushfire_00000362_post_disaster,1,361,tier3\masks\pinery-bushfire_00000362_post_disaster.png,0,0,41,28567,362,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000362_post_disaster.png,santa-rosa-wildfire_00000362_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000362_post_disaster.png,0,0,59,78851,362,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000362_post_disaster.png,woolsey-fire_00000362_post_disaster,0,0,tier3\masks\woolsey-fire_00000362_post_disaster.png,0,0,0,0,362,3 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000362_post_disaster.png,nepal-flooding_00000362_post_disaster,23,4091,tier3\masks\nepal-flooding_00000362_post_disaster.png,6,2268,19,4226,362,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000362_post_disaster.png,hurricane-matthew_00000362_post_disaster,0,0,train\masks\hurricane-matthew_00000362_post_disaster.png,0,0,0,0,362,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000362_post_disaster.png,portugal-wildfire_00000362_post_disaster,0,0,tier3\masks\portugal-wildfire_00000362_post_disaster.png,0,0,0,0,362,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000363_post_disaster.png,portugal-wildfire_00000363_post_disaster,0,0,tier3\masks\portugal-wildfire_00000363_post_disaster.png,0,0,0,0,363,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000363_post_disaster.png,pinery-bushfire_00000363_post_disaster,0,0,tier3\masks\pinery-bushfire_00000363_post_disaster.png,0,0,0,0,363,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000363_post_disaster.png,nepal-flooding_00000363_post_disaster,0,0,tier3\masks\nepal-flooding_00000363_post_disaster.png,0,0,0,0,363,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000363_post_disaster.png,woolsey-fire_00000363_post_disaster,0,0,tier3\masks\woolsey-fire_00000363_post_disaster.png,0,0,0,0,363,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000363_post_disaster.png,socal-fire_00000363_post_disaster,0,0,train\masks\socal-fire_00000363_post_disaster.png,0,0,16,2219,363,3 +2,395,hurricane-matthew,post,train,train\images\hurricane-matthew_00000363_post_disaster.png,hurricane-matthew_00000363_post_disaster,0,0,train\masks\hurricane-matthew_00000363_post_disaster.png,2,379,2,149,363,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000364_post_disaster.png,socal-fire_00000364_post_disaster,0,0,train\masks\socal-fire_00000364_post_disaster.png,0,0,0,0,364,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000364_post_disaster.png,woolsey-fire_00000364_post_disaster,0,0,tier3\masks\woolsey-fire_00000364_post_disaster.png,0,0,0,0,364,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000364_post_disaster.png,portugal-wildfire_00000364_post_disaster,0,0,tier3\masks\portugal-wildfire_00000364_post_disaster.png,0,0,0,0,364,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000364_post_disaster.png,pinery-bushfire_00000364_post_disaster,0,0,tier3\masks\pinery-bushfire_00000364_post_disaster.png,0,0,0,0,364,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000364_post_disaster.png,nepal-flooding_00000364_post_disaster,0,0,tier3\masks\nepal-flooding_00000364_post_disaster.png,0,0,82,64522,364,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000364_post_disaster.png,hurricane-matthew_00000364_post_disaster,6,14678,train\masks\hurricane-matthew_00000364_post_disaster.png,3,2411,23,10498,364,1 +1,211,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000365_post_disaster.png,nepal-flooding_00000365_post_disaster,0,0,tier3\masks\nepal-flooding_00000365_post_disaster.png,6,3876,0,0,365,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000365_post_disaster.png,pinery-bushfire_00000365_post_disaster,0,0,tier3\masks\pinery-bushfire_00000365_post_disaster.png,0,0,0,0,365,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000365_post_disaster.png,woolsey-fire_00000365_post_disaster,0,0,tier3\masks\woolsey-fire_00000365_post_disaster.png,0,0,0,0,365,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000365_post_disaster.png,portugal-wildfire_00000365_post_disaster,0,0,tier3\masks\portugal-wildfire_00000365_post_disaster.png,0,0,0,0,365,0 +10,10919,hurricane-harvey,post,train,train\images\hurricane-harvey_00000365_post_disaster.png,hurricane-harvey_00000365_post_disaster,0,0,train\masks\hurricane-harvey_00000365_post_disaster.png,117,246551,0,0,365,1 +2,1372,hurricane-michael,post,train,train\images\hurricane-michael_00000365_post_disaster.png,hurricane-michael_00000365_post_disaster,10,10608,train\masks\hurricane-michael_00000365_post_disaster.png,1,776,34,35903,365,2 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000365_post_disaster.png,hurricane-matthew_00000365_post_disaster,2,489,train\masks\hurricane-matthew_00000365_post_disaster.png,0,0,5,791,365,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000365_post_disaster.png,hurricane-florence_00000365_post_disaster,1,587,train\masks\hurricane-florence_00000365_post_disaster.png,0,0,6,4944,365,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000366_post_disaster.png,nepal-flooding_00000366_post_disaster,0,0,tier3\masks\nepal-flooding_00000366_post_disaster.png,0,0,30,36337,366,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000366_post_disaster.png,pinery-bushfire_00000366_post_disaster,0,0,tier3\masks\pinery-bushfire_00000366_post_disaster.png,0,0,2,2133,366,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000366_post_disaster.png,hurricane-harvey_00000366_post_disaster,0,0,train\masks\hurricane-harvey_00000366_post_disaster.png,0,0,138,278130,366,4 +10,1669,hurricane-matthew,post,train,train\images\hurricane-matthew_00000366_post_disaster.png,hurricane-matthew_00000366_post_disaster,1,492,train\masks\hurricane-matthew_00000366_post_disaster.png,2,364,0,0,366,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000366_post_disaster.png,midwest-flooding_00000366_post_disaster,0,0,train\masks\midwest-flooding_00000366_post_disaster.png,0,0,2,4369,366,0 +1,329,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000366_post_disaster.png,portugal-wildfire_00000366_post_disaster,0,0,tier3\masks\portugal-wildfire_00000366_post_disaster.png,0,0,14,9976,366,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000366_post_disaster.png,hurricane-florence_00000366_post_disaster,1,753,train\masks\hurricane-florence_00000366_post_disaster.png,7,6372,0,0,366,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000366_post_disaster.png,woolsey-fire_00000366_post_disaster,0,0,tier3\masks\woolsey-fire_00000366_post_disaster.png,0,0,0,0,366,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000367_post_disaster.png,pinery-bushfire_00000367_post_disaster,0,0,tier3\masks\pinery-bushfire_00000367_post_disaster.png,0,0,0,0,367,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000367_post_disaster.png,midwest-flooding_00000367_post_disaster,0,0,train\masks\midwest-flooding_00000367_post_disaster.png,0,0,34,24149,367,1 +1,178,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000367_post_disaster.png,portugal-wildfire_00000367_post_disaster,0,0,tier3\masks\portugal-wildfire_00000367_post_disaster.png,0,0,5,5429,367,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000367_post_disaster.png,nepal-flooding_00000367_post_disaster,0,0,tier3\masks\nepal-flooding_00000367_post_disaster.png,3,666,56,52661,367,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000367_post_disaster.png,woolsey-fire_00000367_post_disaster,0,0,tier3\masks\woolsey-fire_00000367_post_disaster.png,0,0,0,0,367,2 +3,531,socal-fire,post,train,train\images\socal-fire_00000367_post_disaster.png,socal-fire_00000367_post_disaster,0,0,train\masks\socal-fire_00000367_post_disaster.png,0,0,0,0,367,3 +2,761,hurricane-matthew,post,train,train\images\hurricane-matthew_00000367_post_disaster.png,hurricane-matthew_00000367_post_disaster,7,2923,train\masks\hurricane-matthew_00000367_post_disaster.png,6,4388,119,49716,367,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000367_post_disaster.png,hurricane-harvey_00000367_post_disaster,0,0,train\masks\hurricane-harvey_00000367_post_disaster.png,0,0,61,226503,367,0 +1,631,hurricane-michael,post,train,train\images\hurricane-michael_00000367_post_disaster.png,hurricane-michael_00000367_post_disaster,6,5663,train\masks\hurricane-michael_00000367_post_disaster.png,2,1886,25,29057,367,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000368_post_disaster.png,portugal-wildfire_00000368_post_disaster,0,0,tier3\masks\portugal-wildfire_00000368_post_disaster.png,0,0,45,34939,368,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000368_post_disaster.png,midwest-flooding_00000368_post_disaster,1,1809,train\masks\midwest-flooding_00000368_post_disaster.png,5,3649,13,10967,368,0 +3,1062,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000368_post_disaster.png,nepal-flooding_00000368_post_disaster,3,2916,tier3\masks\nepal-flooding_00000368_post_disaster.png,38,32021,1,211,368,0 +20,6829,hurricane-matthew,post,train,train\images\hurricane-matthew_00000368_post_disaster.png,hurricane-matthew_00000368_post_disaster,222,158518,train\masks\hurricane-matthew_00000368_post_disaster.png,39,22739,11,4000,368,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000368_post_disaster.png,woolsey-fire_00000368_post_disaster,0,0,tier3\masks\woolsey-fire_00000368_post_disaster.png,0,0,0,0,368,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000368_post_disaster.png,pinery-bushfire_00000368_post_disaster,0,0,tier3\masks\pinery-bushfire_00000368_post_disaster.png,0,0,0,0,368,2 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000368_post_disaster.png,santa-rosa-wildfire_00000368_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000368_post_disaster.png,0,0,190,262087,368,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000368_post_disaster.png,hurricane-florence_00000368_post_disaster,2,1174,train\masks\hurricane-florence_00000368_post_disaster.png,0,0,7,6165,368,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000369_post_disaster.png,pinery-bushfire_00000369_post_disaster,0,0,tier3\masks\pinery-bushfire_00000369_post_disaster.png,0,0,0,0,369,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000369_post_disaster.png,woolsey-fire_00000369_post_disaster,0,0,tier3\masks\woolsey-fire_00000369_post_disaster.png,0,0,0,0,369,4 +4,1304,hurricane-matthew,post,train,train\images\hurricane-matthew_00000369_post_disaster.png,hurricane-matthew_00000369_post_disaster,6,1071,train\masks\hurricane-matthew_00000369_post_disaster.png,4,1323,2,220,369,3 +4,8188,hurricane-harvey,post,train,train\images\hurricane-harvey_00000369_post_disaster.png,hurricane-harvey_00000369_post_disaster,6,14212,train\masks\hurricane-harvey_00000369_post_disaster.png,76,209480,3,2352,369,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000369_post_disaster.png,hurricane-florence_00000369_post_disaster,0,0,train\masks\hurricane-florence_00000369_post_disaster.png,3,1743,0,0,369,0 +11,4939,socal-fire,post,train,train\images\socal-fire_00000369_post_disaster.png,socal-fire_00000369_post_disaster,0,0,train\masks\socal-fire_00000369_post_disaster.png,0,0,3,4321,369,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000369_post_disaster.png,nepal-flooding_00000369_post_disaster,5,2212,tier3\masks\nepal-flooding_00000369_post_disaster.png,2,297,11,8128,369,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000369_post_disaster.png,hurricane-michael_00000369_post_disaster,0,0,train\masks\hurricane-michael_00000369_post_disaster.png,0,0,0,0,369,0 +19,20784,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000369_post_disaster.png,santa-rosa-wildfire_00000369_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000369_post_disaster.png,3,3135,4,3174,369,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000369_post_disaster.png,portugal-wildfire_00000369_post_disaster,0,0,tier3\masks\portugal-wildfire_00000369_post_disaster.png,0,0,0,0,369,0 +8,7401,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000370_post_disaster.png,woolsey-fire_00000370_post_disaster,0,0,tier3\masks\woolsey-fire_00000370_post_disaster.png,0,0,15,18446,370,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000370_post_disaster.png,hurricane-florence_00000370_post_disaster,0,0,train\masks\hurricane-florence_00000370_post_disaster.png,0,0,12,10122,370,4 +2,1163,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000370_post_disaster.png,nepal-flooding_00000370_post_disaster,14,12110,tier3\masks\nepal-flooding_00000370_post_disaster.png,1,757,14,5118,370,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000370_post_disaster.png,portugal-wildfire_00000370_post_disaster,0,0,tier3\masks\portugal-wildfire_00000370_post_disaster.png,0,0,3,1614,370,3 +3,3369,socal-fire,post,train,train\images\socal-fire_00000370_post_disaster.png,socal-fire_00000370_post_disaster,0,0,train\masks\socal-fire_00000370_post_disaster.png,0,0,0,0,370,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000370_post_disaster.png,pinery-bushfire_00000370_post_disaster,0,0,tier3\masks\pinery-bushfire_00000370_post_disaster.png,0,0,0,0,370,0 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000370_post_disaster.png,hurricane-matthew_00000370_post_disaster,0,0,train\masks\hurricane-matthew_00000370_post_disaster.png,0,0,0,0,370,2 +12,24845,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000370_post_disaster.png,santa-rosa-wildfire_00000370_post_disaster,1,860,train\masks\santa-rosa-wildfire_00000370_post_disaster.png,0,0,13,27717,370,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000371_post_disaster.png,hurricane-florence_00000371_post_disaster,0,0,train\masks\hurricane-florence_00000371_post_disaster.png,0,0,11,52308,371,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000371_post_disaster.png,portugal-wildfire_00000371_post_disaster,0,0,tier3\masks\portugal-wildfire_00000371_post_disaster.png,0,0,7,6020,371,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000371_post_disaster.png,woolsey-fire_00000371_post_disaster,0,0,tier3\masks\woolsey-fire_00000371_post_disaster.png,0,0,0,0,371,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000371_post_disaster.png,socal-fire_00000371_post_disaster,0,0,train\masks\socal-fire_00000371_post_disaster.png,0,0,0,0,371,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000371_post_disaster.png,midwest-flooding_00000371_post_disaster,0,0,train\masks\midwest-flooding_00000371_post_disaster.png,0,0,5,475,371,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000371_post_disaster.png,hurricane-michael_00000371_post_disaster,1,1014,train\masks\hurricane-michael_00000371_post_disaster.png,0,0,10,6224,371,0 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000371_post_disaster.png,santa-rosa-wildfire_00000371_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000371_post_disaster.png,0,0,159,257556,371,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000371_post_disaster.png,pinery-bushfire_00000371_post_disaster,0,0,tier3\masks\pinery-bushfire_00000371_post_disaster.png,0,0,0,0,371,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000371_post_disaster.png,nepal-flooding_00000371_post_disaster,0,0,tier3\masks\nepal-flooding_00000371_post_disaster.png,0,0,63,67024,371,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000372_post_disaster.png,socal-fire_00000372_post_disaster,0,0,train\masks\socal-fire_00000372_post_disaster.png,0,0,0,0,372,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000372_post_disaster.png,woolsey-fire_00000372_post_disaster,0,0,tier3\masks\woolsey-fire_00000372_post_disaster.png,0,0,0,0,372,0 +1,570,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000372_post_disaster.png,nepal-flooding_00000372_post_disaster,1,526,tier3\masks\nepal-flooding_00000372_post_disaster.png,4,824,1,1544,372,2 +14,4087,hurricane-matthew,post,train,train\images\hurricane-matthew_00000372_post_disaster.png,hurricane-matthew_00000372_post_disaster,156,86062,train\masks\hurricane-matthew_00000372_post_disaster.png,29,23830,5,1367,372,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000372_post_disaster.png,portugal-wildfire_00000372_post_disaster,0,0,tier3\masks\portugal-wildfire_00000372_post_disaster.png,2,639,0,0,372,3 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000372_post_disaster.png,santa-rosa-wildfire_00000372_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000372_post_disaster.png,0,0,197,277796,372,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000372_post_disaster.png,hurricane-florence_00000372_post_disaster,0,0,train\masks\hurricane-florence_00000372_post_disaster.png,0,0,32,19056,372,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000372_post_disaster.png,pinery-bushfire_00000372_post_disaster,0,0,tier3\masks\pinery-bushfire_00000372_post_disaster.png,0,0,0,0,372,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000373_post_disaster.png,pinery-bushfire_00000373_post_disaster,0,0,tier3\masks\pinery-bushfire_00000373_post_disaster.png,0,0,0,0,373,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000373_post_disaster.png,woolsey-fire_00000373_post_disaster,0,0,tier3\masks\woolsey-fire_00000373_post_disaster.png,0,0,0,0,373,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000373_post_disaster.png,socal-fire_00000373_post_disaster,0,0,train\masks\socal-fire_00000373_post_disaster.png,0,0,0,0,373,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000373_post_disaster.png,hurricane-harvey_00000373_post_disaster,7,14681,train\masks\hurricane-harvey_00000373_post_disaster.png,8,14133,4,10029,373,2 +4,1329,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000373_post_disaster.png,nepal-flooding_00000373_post_disaster,17,14233,tier3\masks\nepal-flooding_00000373_post_disaster.png,9,4343,40,29398,373,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000373_post_disaster.png,portugal-wildfire_00000373_post_disaster,0,0,tier3\masks\portugal-wildfire_00000373_post_disaster.png,0,0,5,3732,373,0 +15,24491,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000373_post_disaster.png,santa-rosa-wildfire_00000373_post_disaster,1,1930,train\masks\santa-rosa-wildfire_00000373_post_disaster.png,0,0,8,11944,373,0 +1,319,hurricane-matthew,post,train,train\images\hurricane-matthew_00000373_post_disaster.png,hurricane-matthew_00000373_post_disaster,46,16269,train\masks\hurricane-matthew_00000373_post_disaster.png,13,5389,67,22499,373,1 +1,45,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000374_post_disaster.png,nepal-flooding_00000374_post_disaster,25,14481,tier3\masks\nepal-flooding_00000374_post_disaster.png,9,4949,110,111773,374,4 +1,8063,hurricane-florence,post,train,train\images\hurricane-florence_00000374_post_disaster.png,hurricane-florence_00000374_post_disaster,2,9418,train\masks\hurricane-florence_00000374_post_disaster.png,0,0,80,265573,374,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000374_post_disaster.png,portugal-wildfire_00000374_post_disaster,0,0,tier3\masks\portugal-wildfire_00000374_post_disaster.png,0,0,14,9338,374,4 +0,0,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000374_post_disaster.png,santa-rosa-wildfire_00000374_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000374_post_disaster.png,0,0,157,202737,374,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000374_post_disaster.png,hurricane-harvey_00000374_post_disaster,0,0,train\masks\hurricane-harvey_00000374_post_disaster.png,0,0,38,63759,374,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000374_post_disaster.png,midwest-flooding_00000374_post_disaster,1,1016,train\masks\midwest-flooding_00000374_post_disaster.png,0,0,5,6353,374,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000374_post_disaster.png,socal-fire_00000374_post_disaster,0,0,train\masks\socal-fire_00000374_post_disaster.png,0,0,0,0,374,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000374_post_disaster.png,pinery-bushfire_00000374_post_disaster,0,0,tier3\masks\pinery-bushfire_00000374_post_disaster.png,0,0,0,0,374,3 +3,2783,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000374_post_disaster.png,woolsey-fire_00000374_post_disaster,0,0,tier3\masks\woolsey-fire_00000374_post_disaster.png,0,0,14,36845,374,3 +1,2729,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000375_post_disaster.png,woolsey-fire_00000375_post_disaster,0,0,tier3\masks\woolsey-fire_00000375_post_disaster.png,0,0,4,7863,375,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000375_post_disaster.png,socal-fire_00000375_post_disaster,0,0,train\masks\socal-fire_00000375_post_disaster.png,0,0,29,36098,375,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000375_post_disaster.png,hurricane-matthew_00000375_post_disaster,0,0,train\masks\hurricane-matthew_00000375_post_disaster.png,0,0,1,151,375,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000375_post_disaster.png,pinery-bushfire_00000375_post_disaster,0,0,tier3\masks\pinery-bushfire_00000375_post_disaster.png,0,0,0,0,375,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000375_post_disaster.png,portugal-wildfire_00000375_post_disaster,0,0,tier3\masks\portugal-wildfire_00000375_post_disaster.png,0,0,31,17441,375,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000375_post_disaster.png,hurricane-harvey_00000375_post_disaster,2,34505,train\masks\hurricane-harvey_00000375_post_disaster.png,0,0,49,190274,375,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000375_post_disaster.png,nepal-flooding_00000375_post_disaster,1,723,tier3\masks\nepal-flooding_00000375_post_disaster.png,0,0,0,0,375,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000376_post_disaster.png,hurricane-florence_00000376_post_disaster,0,0,train\masks\hurricane-florence_00000376_post_disaster.png,0,0,20,17112,376,1 +9,13097,santa-rosa-wildfire,post,train,train\images\santa-rosa-wildfire_00000376_post_disaster.png,santa-rosa-wildfire_00000376_post_disaster,0,0,train\masks\santa-rosa-wildfire_00000376_post_disaster.png,2,654,29,46153,376,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000376_post_disaster.png,woolsey-fire_00000376_post_disaster,0,0,tier3\masks\woolsey-fire_00000376_post_disaster.png,0,0,0,0,376,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000376_post_disaster.png,portugal-wildfire_00000376_post_disaster,0,0,tier3\masks\portugal-wildfire_00000376_post_disaster.png,0,0,1,273,376,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000376_post_disaster.png,socal-fire_00000376_post_disaster,0,0,train\masks\socal-fire_00000376_post_disaster.png,0,0,0,0,376,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000376_post_disaster.png,midwest-flooding_00000376_post_disaster,0,0,train\masks\midwest-flooding_00000376_post_disaster.png,0,0,20,12808,376,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000376_post_disaster.png,pinery-bushfire_00000376_post_disaster,0,0,tier3\masks\pinery-bushfire_00000376_post_disaster.png,0,0,0,0,376,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000376_post_disaster.png,nepal-flooding_00000376_post_disaster,3,594,tier3\masks\nepal-flooding_00000376_post_disaster.png,2,679,30,18061,376,4 +21,3777,hurricane-matthew,post,train,train\images\hurricane-matthew_00000376_post_disaster.png,hurricane-matthew_00000376_post_disaster,1,286,train\masks\hurricane-matthew_00000376_post_disaster.png,6,1770,0,0,376,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000377_post_disaster.png,socal-fire_00000377_post_disaster,0,0,train\masks\socal-fire_00000377_post_disaster.png,0,0,0,0,377,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000377_post_disaster.png,nepal-flooding_00000377_post_disaster,15,11479,tier3\masks\nepal-flooding_00000377_post_disaster.png,1,154,134,108169,377,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000377_post_disaster.png,portugal-wildfire_00000377_post_disaster,1,138,tier3\masks\portugal-wildfire_00000377_post_disaster.png,0,0,2,442,377,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000377_post_disaster.png,hurricane-michael_00000377_post_disaster,17,17443,train\masks\hurricane-michael_00000377_post_disaster.png,3,3378,98,87841,377,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000377_post_disaster.png,midwest-flooding_00000377_post_disaster,0,0,train\masks\midwest-flooding_00000377_post_disaster.png,0,0,17,10036,377,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000377_post_disaster.png,woolsey-fire_00000377_post_disaster,0,0,tier3\masks\woolsey-fire_00000377_post_disaster.png,0,0,0,0,377,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000377_post_disaster.png,pinery-bushfire_00000377_post_disaster,0,0,tier3\masks\pinery-bushfire_00000377_post_disaster.png,0,0,1,1294,377,4 +5,2774,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000378_post_disaster.png,pinery-bushfire_00000378_post_disaster,0,0,tier3\masks\pinery-bushfire_00000378_post_disaster.png,0,0,0,0,378,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000378_post_disaster.png,nepal-flooding_00000378_post_disaster,0,0,tier3\masks\nepal-flooding_00000378_post_disaster.png,4,2833,19,35627,378,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000378_post_disaster.png,portugal-wildfire_00000378_post_disaster,0,0,tier3\masks\portugal-wildfire_00000378_post_disaster.png,0,0,0,0,378,0 +1,332,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000378_post_disaster.png,woolsey-fire_00000378_post_disaster,0,0,tier3\masks\woolsey-fire_00000378_post_disaster.png,0,0,1,109,378,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000378_post_disaster.png,midwest-flooding_00000378_post_disaster,0,0,train\masks\midwest-flooding_00000378_post_disaster.png,0,0,21,15958,378,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000378_post_disaster.png,socal-fire_00000378_post_disaster,0,0,train\masks\socal-fire_00000378_post_disaster.png,0,0,0,0,378,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000379_post_disaster.png,nepal-flooding_00000379_post_disaster,0,0,tier3\masks\nepal-flooding_00000379_post_disaster.png,0,0,0,0,379,1 +4,767,hurricane-matthew,post,train,train\images\hurricane-matthew_00000379_post_disaster.png,hurricane-matthew_00000379_post_disaster,0,0,train\masks\hurricane-matthew_00000379_post_disaster.png,3,1796,1,78,379,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000379_post_disaster.png,hurricane-michael_00000379_post_disaster,0,0,train\masks\hurricane-michael_00000379_post_disaster.png,0,0,0,0,379,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000379_post_disaster.png,portugal-wildfire_00000379_post_disaster,0,0,tier3\masks\portugal-wildfire_00000379_post_disaster.png,0,0,0,0,379,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000379_post_disaster.png,woolsey-fire_00000379_post_disaster,0,0,tier3\masks\woolsey-fire_00000379_post_disaster.png,0,0,0,0,379,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000379_post_disaster.png,hurricane-florence_00000379_post_disaster,0,0,train\masks\hurricane-florence_00000379_post_disaster.png,3,2864,1,1344,379,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000379_post_disaster.png,hurricane-harvey_00000379_post_disaster,0,0,train\masks\hurricane-harvey_00000379_post_disaster.png,0,0,132,233415,379,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000379_post_disaster.png,pinery-bushfire_00000379_post_disaster,0,0,tier3\masks\pinery-bushfire_00000379_post_disaster.png,0,0,0,0,379,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000379_post_disaster.png,midwest-flooding_00000379_post_disaster,0,0,train\masks\midwest-flooding_00000379_post_disaster.png,0,0,10,7978,379,1 +1,228,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000380_post_disaster.png,portugal-wildfire_00000380_post_disaster,0,0,tier3\masks\portugal-wildfire_00000380_post_disaster.png,0,0,2,1329,380,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000380_post_disaster.png,hurricane-harvey_00000380_post_disaster,0,0,train\masks\hurricane-harvey_00000380_post_disaster.png,0,0,42,201560,380,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000380_post_disaster.png,woolsey-fire_00000380_post_disaster,0,0,tier3\masks\woolsey-fire_00000380_post_disaster.png,0,0,0,0,380,0 +2,3508,hurricane-florence,post,train,train\images\hurricane-florence_00000380_post_disaster.png,hurricane-florence_00000380_post_disaster,5,4462,train\masks\hurricane-florence_00000380_post_disaster.png,0,0,19,12976,380,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000380_post_disaster.png,pinery-bushfire_00000380_post_disaster,0,0,tier3\masks\pinery-bushfire_00000380_post_disaster.png,0,0,0,0,380,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000380_post_disaster.png,hurricane-michael_00000380_post_disaster,0,0,train\masks\hurricane-michael_00000380_post_disaster.png,0,0,0,0,380,3 +46,15091,hurricane-matthew,post,train,train\images\hurricane-matthew_00000380_post_disaster.png,hurricane-matthew_00000380_post_disaster,0,0,train\masks\hurricane-matthew_00000380_post_disaster.png,10,4160,0,0,380,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000380_post_disaster.png,midwest-flooding_00000380_post_disaster,0,0,train\masks\midwest-flooding_00000380_post_disaster.png,0,0,3,6398,380,3 +1,210,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000380_post_disaster.png,nepal-flooding_00000380_post_disaster,8,2945,tier3\masks\nepal-flooding_00000380_post_disaster.png,2,1034,20,10780,380,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000381_post_disaster.png,hurricane-matthew_00000381_post_disaster,0,0,train\masks\hurricane-matthew_00000381_post_disaster.png,0,0,0,0,381,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000381_post_disaster.png,nepal-flooding_00000381_post_disaster,17,15607,tier3\masks\nepal-flooding_00000381_post_disaster.png,2,1181,121,134262,381,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000381_post_disaster.png,woolsey-fire_00000381_post_disaster,0,0,tier3\masks\woolsey-fire_00000381_post_disaster.png,0,0,0,0,381,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000381_post_disaster.png,midwest-flooding_00000381_post_disaster,1,1210,train\masks\midwest-flooding_00000381_post_disaster.png,0,0,10,8063,381,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000381_post_disaster.png,hurricane-florence_00000381_post_disaster,1,156,train\masks\hurricane-florence_00000381_post_disaster.png,6,4865,0,0,381,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000381_post_disaster.png,portugal-wildfire_00000381_post_disaster,0,0,tier3\masks\portugal-wildfire_00000381_post_disaster.png,0,0,0,0,381,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000381_post_disaster.png,pinery-bushfire_00000381_post_disaster,0,0,tier3\masks\pinery-bushfire_00000381_post_disaster.png,0,0,0,0,381,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000381_post_disaster.png,hurricane-harvey_00000381_post_disaster,2,5273,train\masks\hurricane-harvey_00000381_post_disaster.png,0,0,110,223871,381,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000382_post_disaster.png,nepal-flooding_00000382_post_disaster,6,6598,tier3\masks\nepal-flooding_00000382_post_disaster.png,0,0,86,65150,382,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000382_post_disaster.png,woolsey-fire_00000382_post_disaster,0,0,tier3\masks\woolsey-fire_00000382_post_disaster.png,0,0,0,0,382,2 +1,705,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000382_post_disaster.png,pinery-bushfire_00000382_post_disaster,1,381,tier3\masks\pinery-bushfire_00000382_post_disaster.png,0,0,26,16873,382,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000382_post_disaster.png,hurricane-harvey_00000382_post_disaster,0,0,train\masks\hurricane-harvey_00000382_post_disaster.png,0,0,118,310215,382,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000382_post_disaster.png,portugal-wildfire_00000382_post_disaster,0,0,tier3\masks\portugal-wildfire_00000382_post_disaster.png,0,0,18,20949,382,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000382_post_disaster.png,hurricane-florence_00000382_post_disaster,0,0,train\masks\hurricane-florence_00000382_post_disaster.png,18,17951,0,0,382,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000383_post_disaster.png,woolsey-fire_00000383_post_disaster,0,0,tier3\masks\woolsey-fire_00000383_post_disaster.png,0,0,0,0,383,0 +8,2216,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000383_post_disaster.png,pinery-bushfire_00000383_post_disaster,0,0,tier3\masks\pinery-bushfire_00000383_post_disaster.png,2,442,12,5062,383,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000383_post_disaster.png,portugal-wildfire_00000383_post_disaster,0,0,tier3\masks\portugal-wildfire_00000383_post_disaster.png,0,0,22,19469,383,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000383_post_disaster.png,nepal-flooding_00000383_post_disaster,24,24074,tier3\masks\nepal-flooding_00000383_post_disaster.png,0,0,68,69272,383,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000383_post_disaster.png,socal-fire_00000383_post_disaster,0,0,train\masks\socal-fire_00000383_post_disaster.png,0,0,0,0,383,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000384_post_disaster.png,pinery-bushfire_00000384_post_disaster,0,0,tier3\masks\pinery-bushfire_00000384_post_disaster.png,0,0,0,0,384,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000384_post_disaster.png,woolsey-fire_00000384_post_disaster,0,0,tier3\masks\woolsey-fire_00000384_post_disaster.png,0,0,0,0,384,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000384_post_disaster.png,hurricane-harvey_00000384_post_disaster,0,0,train\masks\hurricane-harvey_00000384_post_disaster.png,0,0,254,375716,384,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000384_post_disaster.png,portugal-wildfire_00000384_post_disaster,0,0,tier3\masks\portugal-wildfire_00000384_post_disaster.png,2,306,4,2254,384,2 +11,2689,hurricane-matthew,post,train,train\images\hurricane-matthew_00000384_post_disaster.png,hurricane-matthew_00000384_post_disaster,0,0,train\masks\hurricane-matthew_00000384_post_disaster.png,1,344,0,0,384,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000384_post_disaster.png,socal-fire_00000384_post_disaster,0,0,train\masks\socal-fire_00000384_post_disaster.png,0,0,0,0,384,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000384_post_disaster.png,nepal-flooding_00000384_post_disaster,4,2955,tier3\masks\nepal-flooding_00000384_post_disaster.png,0,0,0,0,384,3 +76,42417,hurricane-matthew,post,train,train\images\hurricane-matthew_00000385_post_disaster.png,hurricane-matthew_00000385_post_disaster,2,889,train\masks\hurricane-matthew_00000385_post_disaster.png,14,9917,0,0,385,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000385_post_disaster.png,portugal-wildfire_00000385_post_disaster,0,0,tier3\masks\portugal-wildfire_00000385_post_disaster.png,0,0,0,0,385,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000385_post_disaster.png,pinery-bushfire_00000385_post_disaster,0,0,tier3\masks\pinery-bushfire_00000385_post_disaster.png,0,0,0,0,385,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000385_post_disaster.png,socal-fire_00000385_post_disaster,0,0,train\masks\socal-fire_00000385_post_disaster.png,0,0,0,0,385,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000385_post_disaster.png,nepal-flooding_00000385_post_disaster,1,148,tier3\masks\nepal-flooding_00000385_post_disaster.png,0,0,84,64593,385,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000385_post_disaster.png,midwest-flooding_00000385_post_disaster,0,0,train\masks\midwest-flooding_00000385_post_disaster.png,0,0,5,2297,385,0 +1,1400,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000385_post_disaster.png,woolsey-fire_00000385_post_disaster,0,0,tier3\masks\woolsey-fire_00000385_post_disaster.png,0,0,2,678,385,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000386_post_disaster.png,socal-fire_00000386_post_disaster,0,0,train\masks\socal-fire_00000386_post_disaster.png,0,0,0,0,386,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000386_post_disaster.png,hurricane-michael_00000386_post_disaster,15,18411,train\masks\hurricane-michael_00000386_post_disaster.png,6,7273,75,80971,386,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000386_post_disaster.png,woolsey-fire_00000386_post_disaster,0,0,tier3\masks\woolsey-fire_00000386_post_disaster.png,0,0,0,0,386,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000386_post_disaster.png,pinery-bushfire_00000386_post_disaster,0,0,tier3\masks\pinery-bushfire_00000386_post_disaster.png,0,0,0,0,386,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000386_post_disaster.png,nepal-flooding_00000386_post_disaster,12,24783,tier3\masks\nepal-flooding_00000386_post_disaster.png,4,4813,23,54924,386,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000386_post_disaster.png,portugal-wildfire_00000386_post_disaster,0,0,tier3\masks\portugal-wildfire_00000386_post_disaster.png,0,0,3,1227,386,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000386_post_disaster.png,midwest-flooding_00000386_post_disaster,0,0,train\masks\midwest-flooding_00000386_post_disaster.png,0,0,8,5259,386,2 +2,399,hurricane-michael,post,train,train\images\hurricane-michael_00000387_post_disaster.png,hurricane-michael_00000387_post_disaster,4,2983,train\masks\hurricane-michael_00000387_post_disaster.png,4,2735,22,12309,387,0 +1,69,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000387_post_disaster.png,nepal-flooding_00000387_post_disaster,10,9117,tier3\masks\nepal-flooding_00000387_post_disaster.png,16,13541,8,9101,387,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000387_post_disaster.png,woolsey-fire_00000387_post_disaster,0,0,tier3\masks\woolsey-fire_00000387_post_disaster.png,0,0,0,0,387,2 +19,9669,socal-fire,post,train,train\images\socal-fire_00000387_post_disaster.png,socal-fire_00000387_post_disaster,0,0,train\masks\socal-fire_00000387_post_disaster.png,1,5627,0,0,387,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000387_post_disaster.png,hurricane-florence_00000387_post_disaster,0,0,train\masks\hurricane-florence_00000387_post_disaster.png,0,0,57,61200,387,0 +37,9626,hurricane-matthew,post,train,train\images\hurricane-matthew_00000387_post_disaster.png,hurricane-matthew_00000387_post_disaster,0,0,train\masks\hurricane-matthew_00000387_post_disaster.png,5,1805,2,831,387,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000387_post_disaster.png,pinery-bushfire_00000387_post_disaster,0,0,tier3\masks\pinery-bushfire_00000387_post_disaster.png,0,0,0,0,387,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000387_post_disaster.png,portugal-wildfire_00000387_post_disaster,0,0,tier3\masks\portugal-wildfire_00000387_post_disaster.png,0,0,7,4372,387,0 +2,3408,hurricane-harvey,post,train,train\images\hurricane-harvey_00000387_post_disaster.png,hurricane-harvey_00000387_post_disaster,23,33122,train\masks\hurricane-harvey_00000387_post_disaster.png,100,153115,11,14167,387,1 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000388_post_disaster.png,hurricane-matthew_00000388_post_disaster,0,0,train\masks\hurricane-matthew_00000388_post_disaster.png,0,0,0,0,388,4 +5,8342,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000388_post_disaster.png,woolsey-fire_00000388_post_disaster,0,0,tier3\masks\woolsey-fire_00000388_post_disaster.png,2,3163,20,24690,388,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000388_post_disaster.png,nepal-flooding_00000388_post_disaster,3,816,tier3\masks\nepal-flooding_00000388_post_disaster.png,0,0,86,65086,388,3 +1,462,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000388_post_disaster.png,pinery-bushfire_00000388_post_disaster,0,0,tier3\masks\pinery-bushfire_00000388_post_disaster.png,0,0,25,39457,388,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000388_post_disaster.png,midwest-flooding_00000388_post_disaster,0,0,train\masks\midwest-flooding_00000388_post_disaster.png,0,0,18,11846,388,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000388_post_disaster.png,hurricane-michael_00000388_post_disaster,24,48081,train\masks\hurricane-michael_00000388_post_disaster.png,2,3945,54,81328,388,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000388_post_disaster.png,hurricane-harvey_00000388_post_disaster,3,2132,train\masks\hurricane-harvey_00000388_post_disaster.png,4,55119,0,0,388,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000388_post_disaster.png,hurricane-florence_00000388_post_disaster,0,0,train\masks\hurricane-florence_00000388_post_disaster.png,4,21621,0,0,388,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000388_post_disaster.png,portugal-wildfire_00000388_post_disaster,0,0,tier3\masks\portugal-wildfire_00000388_post_disaster.png,0,0,0,0,388,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000388_post_disaster.png,socal-fire_00000388_post_disaster,0,0,train\masks\socal-fire_00000388_post_disaster.png,0,0,0,0,388,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000389_post_disaster.png,hurricane-harvey_00000389_post_disaster,0,0,train\masks\hurricane-harvey_00000389_post_disaster.png,0,0,54,227060,389,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000389_post_disaster.png,hurricane-florence_00000389_post_disaster,0,0,train\masks\hurricane-florence_00000389_post_disaster.png,26,17203,14,10927,389,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000389_post_disaster.png,nepal-flooding_00000389_post_disaster,0,0,tier3\masks\nepal-flooding_00000389_post_disaster.png,1,1039,0,0,389,1 +4,5080,socal-fire,post,train,train\images\socal-fire_00000389_post_disaster.png,socal-fire_00000389_post_disaster,0,0,train\masks\socal-fire_00000389_post_disaster.png,0,0,12,8322,389,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000389_post_disaster.png,hurricane-michael_00000389_post_disaster,3,4589,train\masks\hurricane-michael_00000389_post_disaster.png,1,1881,4,8716,389,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000389_post_disaster.png,portugal-wildfire_00000389_post_disaster,0,0,tier3\masks\portugal-wildfire_00000389_post_disaster.png,0,0,0,0,389,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000389_post_disaster.png,midwest-flooding_00000389_post_disaster,0,0,train\masks\midwest-flooding_00000389_post_disaster.png,0,0,5,2813,389,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000389_post_disaster.png,pinery-bushfire_00000389_post_disaster,0,0,tier3\masks\pinery-bushfire_00000389_post_disaster.png,0,0,0,0,389,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000389_post_disaster.png,woolsey-fire_00000389_post_disaster,0,0,tier3\masks\woolsey-fire_00000389_post_disaster.png,0,0,0,0,389,4 +24,5395,hurricane-matthew,post,train,train\images\hurricane-matthew_00000390_post_disaster.png,hurricane-matthew_00000390_post_disaster,0,0,train\masks\hurricane-matthew_00000390_post_disaster.png,1,346,0,0,390,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000390_post_disaster.png,nepal-flooding_00000390_post_disaster,5,3845,tier3\masks\nepal-flooding_00000390_post_disaster.png,7,3006,50,40780,390,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000390_post_disaster.png,woolsey-fire_00000390_post_disaster,0,0,tier3\masks\woolsey-fire_00000390_post_disaster.png,0,0,4,3286,390,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000390_post_disaster.png,pinery-bushfire_00000390_post_disaster,0,0,tier3\masks\pinery-bushfire_00000390_post_disaster.png,0,0,0,0,390,2 +1,137,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000390_post_disaster.png,portugal-wildfire_00000390_post_disaster,0,0,tier3\masks\portugal-wildfire_00000390_post_disaster.png,0,0,59,67795,390,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000390_post_disaster.png,hurricane-florence_00000390_post_disaster,1,810,train\masks\hurricane-florence_00000390_post_disaster.png,5,1165,0,0,390,1 +10,3610,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000391_post_disaster.png,nepal-flooding_00000391_post_disaster,3,965,tier3\masks\nepal-flooding_00000391_post_disaster.png,2,284,2,310,391,3 +23,13081,hurricane-harvey,post,train,train\images\hurricane-harvey_00000391_post_disaster.png,hurricane-harvey_00000391_post_disaster,26,13302,train\masks\hurricane-harvey_00000391_post_disaster.png,82,112321,7,4191,391,0 +1,146,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000391_post_disaster.png,woolsey-fire_00000391_post_disaster,0,0,tier3\masks\woolsey-fire_00000391_post_disaster.png,0,0,5,1987,391,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000391_post_disaster.png,socal-fire_00000391_post_disaster,0,0,train\masks\socal-fire_00000391_post_disaster.png,0,0,4,5100,391,2 +3,2999,hurricane-michael,post,train,train\images\hurricane-michael_00000391_post_disaster.png,hurricane-michael_00000391_post_disaster,2,2895,train\masks\hurricane-michael_00000391_post_disaster.png,2,4709,6,4804,391,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000391_post_disaster.png,midwest-flooding_00000391_post_disaster,2,756,train\masks\midwest-flooding_00000391_post_disaster.png,0,0,0,0,391,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000391_post_disaster.png,portugal-wildfire_00000391_post_disaster,0,0,tier3\masks\portugal-wildfire_00000391_post_disaster.png,0,0,0,0,391,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000391_post_disaster.png,pinery-bushfire_00000391_post_disaster,0,0,tier3\masks\pinery-bushfire_00000391_post_disaster.png,0,0,0,0,391,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000392_post_disaster.png,woolsey-fire_00000392_post_disaster,0,0,tier3\masks\woolsey-fire_00000392_post_disaster.png,0,0,0,0,392,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000392_post_disaster.png,socal-fire_00000392_post_disaster,0,0,train\masks\socal-fire_00000392_post_disaster.png,0,0,1,186,392,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000392_post_disaster.png,hurricane-florence_00000392_post_disaster,0,0,train\masks\hurricane-florence_00000392_post_disaster.png,0,0,7,8590,392,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000392_post_disaster.png,portugal-wildfire_00000392_post_disaster,0,0,tier3\masks\portugal-wildfire_00000392_post_disaster.png,0,0,0,0,392,1 +1,343,hurricane-harvey,post,train,train\images\hurricane-harvey_00000392_post_disaster.png,hurricane-harvey_00000392_post_disaster,0,0,train\masks\hurricane-harvey_00000392_post_disaster.png,36,136570,0,0,392,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000392_post_disaster.png,hurricane-michael_00000392_post_disaster,3,5274,train\masks\hurricane-michael_00000392_post_disaster.png,0,0,3,2969,392,0 +35,10837,hurricane-matthew,post,train,train\images\hurricane-matthew_00000392_post_disaster.png,hurricane-matthew_00000392_post_disaster,1,262,train\masks\hurricane-matthew_00000392_post_disaster.png,6,1226,0,0,392,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000392_post_disaster.png,pinery-bushfire_00000392_post_disaster,0,0,tier3\masks\pinery-bushfire_00000392_post_disaster.png,0,0,4,2722,392,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000392_post_disaster.png,nepal-flooding_00000392_post_disaster,0,0,tier3\masks\nepal-flooding_00000392_post_disaster.png,0,0,47,67882,392,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000392_post_disaster.png,midwest-flooding_00000392_post_disaster,0,0,train\masks\midwest-flooding_00000392_post_disaster.png,0,0,5,3221,392,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000393_post_disaster.png,pinery-bushfire_00000393_post_disaster,0,0,tier3\masks\pinery-bushfire_00000393_post_disaster.png,0,0,0,0,393,3 +1,425,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000393_post_disaster.png,woolsey-fire_00000393_post_disaster,0,0,tier3\masks\woolsey-fire_00000393_post_disaster.png,0,0,0,0,393,3 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000393_post_disaster.png,hurricane-matthew_00000393_post_disaster,0,0,train\masks\hurricane-matthew_00000393_post_disaster.png,0,0,0,0,393,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000393_post_disaster.png,hurricane-florence_00000393_post_disaster,0,0,train\masks\hurricane-florence_00000393_post_disaster.png,0,0,8,4427,393,0 +1,390,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000393_post_disaster.png,nepal-flooding_00000393_post_disaster,4,4378,tier3\masks\nepal-flooding_00000393_post_disaster.png,5,2186,8,4035,393,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000393_post_disaster.png,hurricane-michael_00000393_post_disaster,0,0,train\masks\hurricane-michael_00000393_post_disaster.png,1,544,0,0,393,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000393_post_disaster.png,midwest-flooding_00000393_post_disaster,4,528,train\masks\midwest-flooding_00000393_post_disaster.png,2,3485,14,12207,393,0 +1,232,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000393_post_disaster.png,portugal-wildfire_00000393_post_disaster,0,0,tier3\masks\portugal-wildfire_00000393_post_disaster.png,0,0,7,3380,393,3 +9,6140,hurricane-harvey,post,train,train\images\hurricane-harvey_00000393_post_disaster.png,hurricane-harvey_00000393_post_disaster,0,0,train\masks\hurricane-harvey_00000393_post_disaster.png,2,1561,0,0,393,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000394_post_disaster.png,portugal-wildfire_00000394_post_disaster,0,0,tier3\masks\portugal-wildfire_00000394_post_disaster.png,0,0,0,0,394,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000394_post_disaster.png,hurricane-florence_00000394_post_disaster,0,0,train\masks\hurricane-florence_00000394_post_disaster.png,5,1575,0,0,394,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000394_post_disaster.png,pinery-bushfire_00000394_post_disaster,0,0,tier3\masks\pinery-bushfire_00000394_post_disaster.png,0,0,0,0,394,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000394_post_disaster.png,woolsey-fire_00000394_post_disaster,0,0,tier3\masks\woolsey-fire_00000394_post_disaster.png,0,0,0,0,394,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000394_post_disaster.png,nepal-flooding_00000394_post_disaster,0,0,tier3\masks\nepal-flooding_00000394_post_disaster.png,11,5469,0,0,394,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000394_post_disaster.png,midwest-flooding_00000394_post_disaster,0,0,train\masks\midwest-flooding_00000394_post_disaster.png,0,0,14,6681,394,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000395_post_disaster.png,hurricane-florence_00000395_post_disaster,0,0,train\masks\hurricane-florence_00000395_post_disaster.png,19,17479,0,0,395,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000395_post_disaster.png,nepal-flooding_00000395_post_disaster,0,0,tier3\masks\nepal-flooding_00000395_post_disaster.png,8,5228,0,0,395,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000395_post_disaster.png,portugal-wildfire_00000395_post_disaster,0,0,tier3\masks\portugal-wildfire_00000395_post_disaster.png,0,0,0,0,395,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000395_post_disaster.png,pinery-bushfire_00000395_post_disaster,0,0,tier3\masks\pinery-bushfire_00000395_post_disaster.png,0,0,0,0,395,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000395_post_disaster.png,woolsey-fire_00000395_post_disaster,0,0,tier3\masks\woolsey-fire_00000395_post_disaster.png,0,0,0,0,395,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000395_post_disaster.png,midwest-flooding_00000395_post_disaster,1,1207,train\masks\midwest-flooding_00000395_post_disaster.png,1,682,1,1475,395,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000396_post_disaster.png,hurricane-harvey_00000396_post_disaster,0,0,train\masks\hurricane-harvey_00000396_post_disaster.png,0,0,59,169739,396,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000396_post_disaster.png,portugal-wildfire_00000396_post_disaster,0,0,tier3\masks\portugal-wildfire_00000396_post_disaster.png,0,0,0,0,396,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000396_post_disaster.png,woolsey-fire_00000396_post_disaster,0,0,tier3\masks\woolsey-fire_00000396_post_disaster.png,0,0,0,0,396,0 +3,714,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000396_post_disaster.png,pinery-bushfire_00000396_post_disaster,0,0,tier3\masks\pinery-bushfire_00000396_post_disaster.png,0,0,1,285,396,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000396_post_disaster.png,nepal-flooding_00000396_post_disaster,0,0,tier3\masks\nepal-flooding_00000396_post_disaster.png,2,1383,1,79,396,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000397_post_disaster.png,portugal-wildfire_00000397_post_disaster,0,0,tier3\masks\portugal-wildfire_00000397_post_disaster.png,0,0,0,0,397,0 +2,904,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000397_post_disaster.png,nepal-flooding_00000397_post_disaster,0,0,tier3\masks\nepal-flooding_00000397_post_disaster.png,6,4365,0,0,397,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000397_post_disaster.png,woolsey-fire_00000397_post_disaster,0,0,tier3\masks\woolsey-fire_00000397_post_disaster.png,0,0,0,0,397,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000397_post_disaster.png,socal-fire_00000397_post_disaster,0,0,train\masks\socal-fire_00000397_post_disaster.png,0,0,0,0,397,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000397_post_disaster.png,hurricane-harvey_00000397_post_disaster,0,0,train\masks\hurricane-harvey_00000397_post_disaster.png,0,0,80,289204,397,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000397_post_disaster.png,midwest-flooding_00000397_post_disaster,0,0,train\masks\midwest-flooding_00000397_post_disaster.png,0,0,1,966,397,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000397_post_disaster.png,hurricane-florence_00000397_post_disaster,0,0,train\masks\hurricane-florence_00000397_post_disaster.png,0,0,27,46751,397,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000397_post_disaster.png,pinery-bushfire_00000397_post_disaster,0,0,tier3\masks\pinery-bushfire_00000397_post_disaster.png,0,0,19,12565,397,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000398_post_disaster.png,midwest-flooding_00000398_post_disaster,1,615,train\masks\midwest-flooding_00000398_post_disaster.png,0,0,1,571,398,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000398_post_disaster.png,socal-fire_00000398_post_disaster,0,0,train\masks\socal-fire_00000398_post_disaster.png,0,0,0,0,398,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000398_post_disaster.png,woolsey-fire_00000398_post_disaster,0,0,tier3\masks\woolsey-fire_00000398_post_disaster.png,0,0,0,0,398,0 +4,1346,hurricane-harvey,post,train,train\images\hurricane-harvey_00000398_post_disaster.png,hurricane-harvey_00000398_post_disaster,1,652,train\masks\hurricane-harvey_00000398_post_disaster.png,36,93214,0,0,398,2 +1,250,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000398_post_disaster.png,nepal-flooding_00000398_post_disaster,16,8378,tier3\masks\nepal-flooding_00000398_post_disaster.png,5,3049,68,35043,398,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000398_post_disaster.png,portugal-wildfire_00000398_post_disaster,0,0,tier3\masks\portugal-wildfire_00000398_post_disaster.png,0,0,5,1673,398,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000398_post_disaster.png,hurricane-florence_00000398_post_disaster,0,0,train\masks\hurricane-florence_00000398_post_disaster.png,0,0,25,36813,398,1 +18,5253,hurricane-matthew,post,train,train\images\hurricane-matthew_00000398_post_disaster.png,hurricane-matthew_00000398_post_disaster,5,2152,train\masks\hurricane-matthew_00000398_post_disaster.png,14,4833,0,0,398,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000398_post_disaster.png,pinery-bushfire_00000398_post_disaster,0,0,tier3\masks\pinery-bushfire_00000398_post_disaster.png,0,0,0,0,398,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000399_post_disaster.png,portugal-wildfire_00000399_post_disaster,0,0,tier3\masks\portugal-wildfire_00000399_post_disaster.png,0,0,4,2566,399,4 +51,19195,hurricane-matthew,post,train,train\images\hurricane-matthew_00000399_post_disaster.png,hurricane-matthew_00000399_post_disaster,2,330,train\masks\hurricane-matthew_00000399_post_disaster.png,6,3527,3,544,399,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000399_post_disaster.png,hurricane-florence_00000399_post_disaster,0,0,train\masks\hurricane-florence_00000399_post_disaster.png,0,0,32,41758,399,4 +2,603,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000399_post_disaster.png,woolsey-fire_00000399_post_disaster,0,0,tier3\masks\woolsey-fire_00000399_post_disaster.png,1,550,4,6232,399,3 +4,567,socal-fire,post,train,train\images\socal-fire_00000399_post_disaster.png,socal-fire_00000399_post_disaster,0,0,train\masks\socal-fire_00000399_post_disaster.png,2,1301,0,0,399,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000399_post_disaster.png,nepal-flooding_00000399_post_disaster,0,0,tier3\masks\nepal-flooding_00000399_post_disaster.png,0,0,0,0,399,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000399_post_disaster.png,midwest-flooding_00000399_post_disaster,0,0,train\masks\midwest-flooding_00000399_post_disaster.png,2,1716,0,0,399,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000399_post_disaster.png,pinery-bushfire_00000399_post_disaster,0,0,tier3\masks\pinery-bushfire_00000399_post_disaster.png,0,0,0,0,399,0 +1,234,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000400_post_disaster.png,portugal-wildfire_00000400_post_disaster,0,0,tier3\masks\portugal-wildfire_00000400_post_disaster.png,1,964,47,35090,400,0 +45,16398,hurricane-matthew,post,train,train\images\hurricane-matthew_00000400_post_disaster.png,hurricane-matthew_00000400_post_disaster,0,0,train\masks\hurricane-matthew_00000400_post_disaster.png,14,5480,1,376,400,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000400_post_disaster.png,woolsey-fire_00000400_post_disaster,0,0,tier3\masks\woolsey-fire_00000400_post_disaster.png,0,0,0,0,400,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000400_post_disaster.png,midwest-flooding_00000400_post_disaster,3,2136,train\masks\midwest-flooding_00000400_post_disaster.png,2,1026,7,8100,400,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000400_post_disaster.png,hurricane-harvey_00000400_post_disaster,0,0,train\masks\hurricane-harvey_00000400_post_disaster.png,0,0,48,263786,400,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000400_post_disaster.png,socal-fire_00000400_post_disaster,0,0,train\masks\socal-fire_00000400_post_disaster.png,0,0,0,0,400,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000400_post_disaster.png,nepal-flooding_00000400_post_disaster,11,3463,tier3\masks\nepal-flooding_00000400_post_disaster.png,1,255,108,86099,400,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000400_post_disaster.png,pinery-bushfire_00000400_post_disaster,0,0,tier3\masks\pinery-bushfire_00000400_post_disaster.png,0,0,0,0,400,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000401_post_disaster.png,socal-fire_00000401_post_disaster,0,0,train\masks\socal-fire_00000401_post_disaster.png,0,0,0,0,401,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000401_post_disaster.png,pinery-bushfire_00000401_post_disaster,0,0,tier3\masks\pinery-bushfire_00000401_post_disaster.png,0,0,0,0,401,0 +68,20413,hurricane-matthew,post,train,train\images\hurricane-matthew_00000401_post_disaster.png,hurricane-matthew_00000401_post_disaster,0,0,train\masks\hurricane-matthew_00000401_post_disaster.png,7,2075,0,0,401,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000401_post_disaster.png,portugal-wildfire_00000401_post_disaster,0,0,tier3\masks\portugal-wildfire_00000401_post_disaster.png,0,0,0,0,401,1 +1,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000401_post_disaster.png,nepal-flooding_00000401_post_disaster,2,869,tier3\masks\nepal-flooding_00000401_post_disaster.png,0,0,20,26247,401,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000401_post_disaster.png,midwest-flooding_00000401_post_disaster,0,0,train\masks\midwest-flooding_00000401_post_disaster.png,0,0,7,8613,401,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000401_post_disaster.png,woolsey-fire_00000401_post_disaster,0,0,tier3\masks\woolsey-fire_00000401_post_disaster.png,0,0,0,0,401,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000401_post_disaster.png,hurricane-florence_00000401_post_disaster,0,0,train\masks\hurricane-florence_00000401_post_disaster.png,6,3351,0,0,401,4 +0,0,hurricane-matthew,post,train,train\images\hurricane-matthew_00000402_post_disaster.png,hurricane-matthew_00000402_post_disaster,0,0,train\masks\hurricane-matthew_00000402_post_disaster.png,0,0,0,0,402,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000402_post_disaster.png,nepal-flooding_00000402_post_disaster,3,3053,tier3\masks\nepal-flooding_00000402_post_disaster.png,0,0,20,16539,402,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000402_post_disaster.png,woolsey-fire_00000402_post_disaster,0,0,tier3\masks\woolsey-fire_00000402_post_disaster.png,0,0,0,0,402,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000402_post_disaster.png,pinery-bushfire_00000402_post_disaster,0,0,tier3\masks\pinery-bushfire_00000402_post_disaster.png,3,910,5,2941,402,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000402_post_disaster.png,portugal-wildfire_00000402_post_disaster,0,0,tier3\masks\portugal-wildfire_00000402_post_disaster.png,0,0,0,0,402,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000402_post_disaster.png,hurricane-harvey_00000402_post_disaster,0,0,train\masks\hurricane-harvey_00000402_post_disaster.png,0,0,107,395643,402,3 +1,2585,hurricane-michael,post,train,train\images\hurricane-michael_00000402_post_disaster.png,hurricane-michael_00000402_post_disaster,9,21648,train\masks\hurricane-michael_00000402_post_disaster.png,3,7506,50,61628,402,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000402_post_disaster.png,socal-fire_00000402_post_disaster,1,384,train\masks\socal-fire_00000402_post_disaster.png,0,0,2,4934,402,0 +2,229,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000403_post_disaster.png,portugal-wildfire_00000403_post_disaster,2,921,tier3\masks\portugal-wildfire_00000403_post_disaster.png,1,311,7,3627,403,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000403_post_disaster.png,nepal-flooding_00000403_post_disaster,13,13497,tier3\masks\nepal-flooding_00000403_post_disaster.png,10,6792,29,20768,403,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000403_post_disaster.png,socal-fire_00000403_post_disaster,0,0,train\masks\socal-fire_00000403_post_disaster.png,0,0,0,0,403,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000403_post_disaster.png,midwest-flooding_00000403_post_disaster,0,0,train\masks\midwest-flooding_00000403_post_disaster.png,0,0,10,4855,403,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000403_post_disaster.png,pinery-bushfire_00000403_post_disaster,0,0,tier3\masks\pinery-bushfire_00000403_post_disaster.png,0,0,0,0,403,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000403_post_disaster.png,hurricane-florence_00000403_post_disaster,0,0,train\masks\hurricane-florence_00000403_post_disaster.png,0,0,3,1906,403,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000403_post_disaster.png,hurricane-michael_00000403_post_disaster,10,44280,train\masks\hurricane-michael_00000403_post_disaster.png,0,0,12,36265,403,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000403_post_disaster.png,woolsey-fire_00000403_post_disaster,0,0,tier3\masks\woolsey-fire_00000403_post_disaster.png,0,0,0,0,403,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000404_post_disaster.png,woolsey-fire_00000404_post_disaster,0,0,tier3\masks\woolsey-fire_00000404_post_disaster.png,0,0,0,0,404,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000404_post_disaster.png,portugal-wildfire_00000404_post_disaster,0,0,tier3\masks\portugal-wildfire_00000404_post_disaster.png,0,0,5,3245,404,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000404_post_disaster.png,hurricane-michael_00000404_post_disaster,7,19208,train\masks\hurricane-michael_00000404_post_disaster.png,8,147799,30,57249,404,2 +1,438,midwest-flooding,post,train,train\images\midwest-flooding_00000404_post_disaster.png,midwest-flooding_00000404_post_disaster,0,0,train\masks\midwest-flooding_00000404_post_disaster.png,0,0,7,4598,404,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000404_post_disaster.png,pinery-bushfire_00000404_post_disaster,0,0,tier3\masks\pinery-bushfire_00000404_post_disaster.png,0,0,0,0,404,3 +3,396,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000404_post_disaster.png,nepal-flooding_00000404_post_disaster,3,3020,tier3\masks\nepal-flooding_00000404_post_disaster.png,9,2557,11,5539,404,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000404_post_disaster.png,hurricane-florence_00000404_post_disaster,2,485,train\masks\hurricane-florence_00000404_post_disaster.png,0,0,15,62037,404,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000405_post_disaster.png,hurricane-michael_00000405_post_disaster,17,46760,train\masks\hurricane-michael_00000405_post_disaster.png,18,34538,33,47029,405,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000405_post_disaster.png,pinery-bushfire_00000405_post_disaster,0,0,tier3\masks\pinery-bushfire_00000405_post_disaster.png,0,0,0,0,405,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000405_post_disaster.png,woolsey-fire_00000405_post_disaster,0,0,tier3\masks\woolsey-fire_00000405_post_disaster.png,0,0,0,0,405,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000405_post_disaster.png,hurricane-florence_00000405_post_disaster,0,0,train\masks\hurricane-florence_00000405_post_disaster.png,0,0,31,54797,405,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000405_post_disaster.png,socal-fire_00000405_post_disaster,0,0,train\masks\socal-fire_00000405_post_disaster.png,0,0,7,4599,405,4 +3,320,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000405_post_disaster.png,nepal-flooding_00000405_post_disaster,0,0,tier3\masks\nepal-flooding_00000405_post_disaster.png,0,0,0,0,405,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000405_post_disaster.png,midwest-flooding_00000405_post_disaster,2,2969,train\masks\midwest-flooding_00000405_post_disaster.png,0,0,1,108,405,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000405_post_disaster.png,portugal-wildfire_00000405_post_disaster,0,0,tier3\masks\portugal-wildfire_00000405_post_disaster.png,0,0,0,0,405,3 +2,439,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000406_post_disaster.png,portugal-wildfire_00000406_post_disaster,0,0,tier3\masks\portugal-wildfire_00000406_post_disaster.png,3,1492,83,54441,406,0 +36,37043,hurricane-harvey,post,train,train\images\hurricane-harvey_00000406_post_disaster.png,hurricane-harvey_00000406_post_disaster,0,0,train\masks\hurricane-harvey_00000406_post_disaster.png,34,54931,9,8675,406,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000406_post_disaster.png,pinery-bushfire_00000406_post_disaster,0,0,tier3\masks\pinery-bushfire_00000406_post_disaster.png,0,0,1,106,406,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000406_post_disaster.png,woolsey-fire_00000406_post_disaster,0,0,tier3\masks\woolsey-fire_00000406_post_disaster.png,0,0,0,0,406,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000406_post_disaster.png,hurricane-florence_00000406_post_disaster,0,0,train\masks\hurricane-florence_00000406_post_disaster.png,0,0,30,21913,406,2 +1,1871,hurricane-michael,post,train,train\images\hurricane-michael_00000406_post_disaster.png,hurricane-michael_00000406_post_disaster,32,59866,train\masks\hurricane-michael_00000406_post_disaster.png,20,38403,59,115097,406,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000406_post_disaster.png,midwest-flooding_00000406_post_disaster,1,175,train\masks\midwest-flooding_00000406_post_disaster.png,0,0,0,0,406,3 +1,109,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000406_post_disaster.png,nepal-flooding_00000406_post_disaster,1,183,tier3\masks\nepal-flooding_00000406_post_disaster.png,0,0,0,0,406,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000407_post_disaster.png,pinery-bushfire_00000407_post_disaster,0,0,tier3\masks\pinery-bushfire_00000407_post_disaster.png,0,0,3,2753,407,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000407_post_disaster.png,hurricane-florence_00000407_post_disaster,5,24849,train\masks\hurricane-florence_00000407_post_disaster.png,10,15572,0,0,407,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000407_post_disaster.png,woolsey-fire_00000407_post_disaster,0,0,tier3\masks\woolsey-fire_00000407_post_disaster.png,0,0,0,0,407,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000407_post_disaster.png,nepal-flooding_00000407_post_disaster,2,495,tier3\masks\nepal-flooding_00000407_post_disaster.png,3,666,117,111925,407,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000407_post_disaster.png,midwest-flooding_00000407_post_disaster,0,0,train\masks\midwest-flooding_00000407_post_disaster.png,0,0,13,19632,407,1 +1,136,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000407_post_disaster.png,portugal-wildfire_00000407_post_disaster,0,0,tier3\masks\portugal-wildfire_00000407_post_disaster.png,0,0,70,41247,407,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000408_post_disaster.png,midwest-flooding_00000408_post_disaster,0,0,train\masks\midwest-flooding_00000408_post_disaster.png,0,0,144,126447,408,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000408_post_disaster.png,woolsey-fire_00000408_post_disaster,0,0,tier3\masks\woolsey-fire_00000408_post_disaster.png,0,0,0,0,408,3 +10,2073,socal-fire,post,train,train\images\socal-fire_00000408_post_disaster.png,socal-fire_00000408_post_disaster,0,0,train\masks\socal-fire_00000408_post_disaster.png,1,49,12,4968,408,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000408_post_disaster.png,hurricane-florence_00000408_post_disaster,1,2455,train\masks\hurricane-florence_00000408_post_disaster.png,8,7142,56,44652,408,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000408_post_disaster.png,pinery-bushfire_00000408_post_disaster,0,0,tier3\masks\pinery-bushfire_00000408_post_disaster.png,0,0,0,0,408,0 +1,1272,hurricane-harvey,post,train,train\images\hurricane-harvey_00000408_post_disaster.png,hurricane-harvey_00000408_post_disaster,14,15842,train\masks\hurricane-harvey_00000408_post_disaster.png,24,64863,0,0,408,1 +3,576,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000408_post_disaster.png,portugal-wildfire_00000408_post_disaster,0,0,tier3\masks\portugal-wildfire_00000408_post_disaster.png,1,202,23,11530,408,2 +7,4256,hurricane-michael,post,train,train\images\hurricane-michael_00000408_post_disaster.png,hurricane-michael_00000408_post_disaster,5,4386,train\masks\hurricane-michael_00000408_post_disaster.png,6,10071,18,11617,408,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000408_post_disaster.png,nepal-flooding_00000408_post_disaster,15,8653,tier3\masks\nepal-flooding_00000408_post_disaster.png,60,63932,7,2670,408,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000409_post_disaster.png,nepal-flooding_00000409_post_disaster,0,0,tier3\masks\nepal-flooding_00000409_post_disaster.png,4,1986,0,0,409,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000409_post_disaster.png,pinery-bushfire_00000409_post_disaster,0,0,tier3\masks\pinery-bushfire_00000409_post_disaster.png,0,0,0,0,409,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000409_post_disaster.png,hurricane-florence_00000409_post_disaster,3,6992,train\masks\hurricane-florence_00000409_post_disaster.png,20,39099,8,11437,409,0 +2,3744,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000409_post_disaster.png,woolsey-fire_00000409_post_disaster,1,203,tier3\masks\woolsey-fire_00000409_post_disaster.png,1,135,0,0,409,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000409_post_disaster.png,socal-fire_00000409_post_disaster,0,0,train\masks\socal-fire_00000409_post_disaster.png,0,0,4,561,409,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000409_post_disaster.png,hurricane-michael_00000409_post_disaster,8,14594,train\masks\hurricane-michael_00000409_post_disaster.png,7,15710,68,70366,409,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000409_post_disaster.png,portugal-wildfire_00000409_post_disaster,0,0,tier3\masks\portugal-wildfire_00000409_post_disaster.png,0,0,0,0,409,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000410_post_disaster.png,pinery-bushfire_00000410_post_disaster,0,0,tier3\masks\pinery-bushfire_00000410_post_disaster.png,0,0,0,0,410,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000410_post_disaster.png,nepal-flooding_00000410_post_disaster,3,5456,tier3\masks\nepal-flooding_00000410_post_disaster.png,0,0,103,172395,410,1 +2,2023,hurricane-michael,post,train,train\images\hurricane-michael_00000410_post_disaster.png,hurricane-michael_00000410_post_disaster,0,0,train\masks\hurricane-michael_00000410_post_disaster.png,1,2424,1,9692,410,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000410_post_disaster.png,socal-fire_00000410_post_disaster,0,0,train\masks\socal-fire_00000410_post_disaster.png,0,0,0,0,410,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000410_post_disaster.png,hurricane-harvey_00000410_post_disaster,23,77891,train\masks\hurricane-harvey_00000410_post_disaster.png,26,74581,17,64410,410,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000410_post_disaster.png,midwest-flooding_00000410_post_disaster,1,2501,train\masks\midwest-flooding_00000410_post_disaster.png,0,0,21,30648,410,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000410_post_disaster.png,woolsey-fire_00000410_post_disaster,0,0,tier3\masks\woolsey-fire_00000410_post_disaster.png,0,0,0,0,410,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000410_post_disaster.png,hurricane-florence_00000410_post_disaster,0,0,train\masks\hurricane-florence_00000410_post_disaster.png,19,37080,0,0,410,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000410_post_disaster.png,portugal-wildfire_00000410_post_disaster,0,0,tier3\masks\portugal-wildfire_00000410_post_disaster.png,0,0,5,2212,410,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000411_post_disaster.png,portugal-wildfire_00000411_post_disaster,0,0,tier3\masks\portugal-wildfire_00000411_post_disaster.png,0,0,0,0,411,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000411_post_disaster.png,midwest-flooding_00000411_post_disaster,0,0,train\masks\midwest-flooding_00000411_post_disaster.png,0,0,52,131636,411,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000411_post_disaster.png,nepal-flooding_00000411_post_disaster,1,896,tier3\masks\nepal-flooding_00000411_post_disaster.png,0,0,72,58992,411,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000411_post_disaster.png,hurricane-florence_00000411_post_disaster,0,0,train\masks\hurricane-florence_00000411_post_disaster.png,19,11207,13,8043,411,3 +2,4453,hurricane-harvey,post,train,train\images\hurricane-harvey_00000411_post_disaster.png,hurricane-harvey_00000411_post_disaster,0,0,train\masks\hurricane-harvey_00000411_post_disaster.png,4,30726,0,0,411,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000411_post_disaster.png,hurricane-michael_00000411_post_disaster,12,9451,train\masks\hurricane-michael_00000411_post_disaster.png,3,5079,34,39839,411,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000411_post_disaster.png,socal-fire_00000411_post_disaster,0,0,train\masks\socal-fire_00000411_post_disaster.png,0,0,0,0,411,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000411_post_disaster.png,pinery-bushfire_00000411_post_disaster,0,0,tier3\masks\pinery-bushfire_00000411_post_disaster.png,0,0,0,0,411,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000411_post_disaster.png,woolsey-fire_00000411_post_disaster,0,0,tier3\masks\woolsey-fire_00000411_post_disaster.png,0,0,0,0,411,2 +6,1961,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000412_post_disaster.png,portugal-wildfire_00000412_post_disaster,0,0,tier3\masks\portugal-wildfire_00000412_post_disaster.png,0,0,12,7254,412,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000412_post_disaster.png,pinery-bushfire_00000412_post_disaster,0,0,tier3\masks\pinery-bushfire_00000412_post_disaster.png,0,0,0,0,412,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000412_post_disaster.png,woolsey-fire_00000412_post_disaster,0,0,tier3\masks\woolsey-fire_00000412_post_disaster.png,0,0,0,0,412,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000412_post_disaster.png,hurricane-michael_00000412_post_disaster,7,9252,train\masks\hurricane-michael_00000412_post_disaster.png,1,1141,14,11371,412,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000412_post_disaster.png,socal-fire_00000412_post_disaster,0,0,train\masks\socal-fire_00000412_post_disaster.png,0,0,0,0,412,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000412_post_disaster.png,hurricane-harvey_00000412_post_disaster,0,0,train\masks\hurricane-harvey_00000412_post_disaster.png,0,0,54,264401,412,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000412_post_disaster.png,nepal-flooding_00000412_post_disaster,3,2718,tier3\masks\nepal-flooding_00000412_post_disaster.png,0,0,190,203367,412,1 +13,3794,hurricane-michael,post,train,train\images\hurricane-michael_00000413_post_disaster.png,hurricane-michael_00000413_post_disaster,38,42974,train\masks\hurricane-michael_00000413_post_disaster.png,22,24604,63,49592,413,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000413_post_disaster.png,nepal-flooding_00000413_post_disaster,13,9871,tier3\masks\nepal-flooding_00000413_post_disaster.png,6,6444,15,12835,413,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000413_post_disaster.png,hurricane-harvey_00000413_post_disaster,0,0,train\masks\hurricane-harvey_00000413_post_disaster.png,0,0,94,298062,413,3 +7,6929,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000413_post_disaster.png,woolsey-fire_00000413_post_disaster,0,0,tier3\masks\woolsey-fire_00000413_post_disaster.png,1,817,19,32094,413,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000413_post_disaster.png,pinery-bushfire_00000413_post_disaster,0,0,tier3\masks\pinery-bushfire_00000413_post_disaster.png,0,0,0,0,413,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000413_post_disaster.png,portugal-wildfire_00000413_post_disaster,0,0,tier3\masks\portugal-wildfire_00000413_post_disaster.png,0,0,23,18608,413,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000414_post_disaster.png,hurricane-florence_00000414_post_disaster,0,0,train\masks\hurricane-florence_00000414_post_disaster.png,3,3801,0,0,414,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000414_post_disaster.png,nepal-flooding_00000414_post_disaster,0,0,tier3\masks\nepal-flooding_00000414_post_disaster.png,0,0,111,106007,414,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000414_post_disaster.png,woolsey-fire_00000414_post_disaster,0,0,tier3\masks\woolsey-fire_00000414_post_disaster.png,0,0,0,0,414,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000414_post_disaster.png,pinery-bushfire_00000414_post_disaster,0,0,tier3\masks\pinery-bushfire_00000414_post_disaster.png,0,0,0,0,414,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000414_post_disaster.png,portugal-wildfire_00000414_post_disaster,0,0,tier3\masks\portugal-wildfire_00000414_post_disaster.png,0,0,0,0,414,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000415_post_disaster.png,socal-fire_00000415_post_disaster,0,0,train\masks\socal-fire_00000415_post_disaster.png,0,0,0,0,415,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000415_post_disaster.png,portugal-wildfire_00000415_post_disaster,0,0,tier3\masks\portugal-wildfire_00000415_post_disaster.png,0,0,0,0,415,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000415_post_disaster.png,woolsey-fire_00000415_post_disaster,0,0,tier3\masks\woolsey-fire_00000415_post_disaster.png,0,0,0,0,415,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000415_post_disaster.png,pinery-bushfire_00000415_post_disaster,0,0,tier3\masks\pinery-bushfire_00000415_post_disaster.png,0,0,0,0,415,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000415_post_disaster.png,nepal-flooding_00000415_post_disaster,0,0,tier3\masks\nepal-flooding_00000415_post_disaster.png,12,2797,0,0,415,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000415_post_disaster.png,hurricane-michael_00000415_post_disaster,6,9799,train\masks\hurricane-michael_00000415_post_disaster.png,6,8341,19,24095,415,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000415_post_disaster.png,midwest-flooding_00000415_post_disaster,2,1484,train\masks\midwest-flooding_00000415_post_disaster.png,0,0,4,5755,415,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000416_post_disaster.png,pinery-bushfire_00000416_post_disaster,0,0,tier3\masks\pinery-bushfire_00000416_post_disaster.png,0,0,0,0,416,4 +1,3968,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000416_post_disaster.png,woolsey-fire_00000416_post_disaster,0,0,tier3\masks\woolsey-fire_00000416_post_disaster.png,0,0,15,9126,416,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000416_post_disaster.png,hurricane-florence_00000416_post_disaster,1,1882,train\masks\hurricane-florence_00000416_post_disaster.png,0,0,53,38052,416,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000416_post_disaster.png,midwest-flooding_00000416_post_disaster,2,736,train\masks\midwest-flooding_00000416_post_disaster.png,1,84,14,10816,416,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000416_post_disaster.png,nepal-flooding_00000416_post_disaster,9,8549,tier3\masks\nepal-flooding_00000416_post_disaster.png,5,7886,30,31657,416,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000416_post_disaster.png,portugal-wildfire_00000416_post_disaster,0,0,tier3\masks\portugal-wildfire_00000416_post_disaster.png,0,0,0,0,416,4 +1,968,hurricane-michael,post,train,train\images\hurricane-michael_00000416_post_disaster.png,hurricane-michael_00000416_post_disaster,9,11282,train\masks\hurricane-michael_00000416_post_disaster.png,1,1049,85,80294,416,0 +2,1607,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000417_post_disaster.png,woolsey-fire_00000417_post_disaster,0,0,tier3\masks\woolsey-fire_00000417_post_disaster.png,0,0,21,24222,417,2 +6,6948,socal-fire,post,train,train\images\socal-fire_00000417_post_disaster.png,socal-fire_00000417_post_disaster,0,0,train\masks\socal-fire_00000417_post_disaster.png,1,198,12,7238,417,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000417_post_disaster.png,portugal-wildfire_00000417_post_disaster,0,0,tier3\masks\portugal-wildfire_00000417_post_disaster.png,0,0,0,0,417,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000417_post_disaster.png,pinery-bushfire_00000417_post_disaster,0,0,tier3\masks\pinery-bushfire_00000417_post_disaster.png,0,0,0,0,417,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000417_post_disaster.png,hurricane-michael_00000417_post_disaster,17,20166,train\masks\hurricane-michael_00000417_post_disaster.png,1,21023,116,96693,417,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000417_post_disaster.png,midwest-flooding_00000417_post_disaster,2,1316,train\masks\midwest-flooding_00000417_post_disaster.png,0,0,12,5865,417,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000417_post_disaster.png,nepal-flooding_00000417_post_disaster,0,0,tier3\masks\nepal-flooding_00000417_post_disaster.png,1,128,0,0,417,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000418_post_disaster.png,pinery-bushfire_00000418_post_disaster,0,0,tier3\masks\pinery-bushfire_00000418_post_disaster.png,0,0,0,0,418,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000418_post_disaster.png,nepal-flooding_00000418_post_disaster,14,16110,tier3\masks\nepal-flooding_00000418_post_disaster.png,0,0,127,222846,418,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000418_post_disaster.png,hurricane-harvey_00000418_post_disaster,0,0,train\masks\hurricane-harvey_00000418_post_disaster.png,0,0,80,359998,418,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000418_post_disaster.png,portugal-wildfire_00000418_post_disaster,0,0,tier3\masks\portugal-wildfire_00000418_post_disaster.png,0,0,13,6158,418,4 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000418_post_disaster.png,midwest-flooding_00000418_post_disaster,1,80,train\masks\midwest-flooding_00000418_post_disaster.png,0,0,2,1788,418,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000418_post_disaster.png,hurricane-florence_00000418_post_disaster,0,0,train\masks\hurricane-florence_00000418_post_disaster.png,0,0,103,91294,418,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000418_post_disaster.png,woolsey-fire_00000418_post_disaster,0,0,tier3\masks\woolsey-fire_00000418_post_disaster.png,0,0,0,0,418,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000419_post_disaster.png,portugal-wildfire_00000419_post_disaster,0,0,tier3\masks\portugal-wildfire_00000419_post_disaster.png,0,0,11,11609,419,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000419_post_disaster.png,hurricane-florence_00000419_post_disaster,0,0,train\masks\hurricane-florence_00000419_post_disaster.png,6,3326,0,0,419,4 +1,205,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000419_post_disaster.png,woolsey-fire_00000419_post_disaster,0,0,tier3\masks\woolsey-fire_00000419_post_disaster.png,0,0,10,2869,419,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000419_post_disaster.png,hurricane-harvey_00000419_post_disaster,6,7727,train\masks\hurricane-harvey_00000419_post_disaster.png,197,281547,1,298,419,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000419_post_disaster.png,nepal-flooding_00000419_post_disaster,0,0,tier3\masks\nepal-flooding_00000419_post_disaster.png,4,827,0,0,419,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000419_post_disaster.png,hurricane-michael_00000419_post_disaster,8,10911,train\masks\hurricane-michael_00000419_post_disaster.png,4,6743,14,21392,419,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000419_post_disaster.png,pinery-bushfire_00000419_post_disaster,0,0,tier3\masks\pinery-bushfire_00000419_post_disaster.png,0,0,0,0,419,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000420_post_disaster.png,woolsey-fire_00000420_post_disaster,0,0,tier3\masks\woolsey-fire_00000420_post_disaster.png,0,0,0,0,420,1 +4,699,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000420_post_disaster.png,portugal-wildfire_00000420_post_disaster,0,0,tier3\masks\portugal-wildfire_00000420_post_disaster.png,2,1948,49,35610,420,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000420_post_disaster.png,pinery-bushfire_00000420_post_disaster,0,0,tier3\masks\pinery-bushfire_00000420_post_disaster.png,0,0,0,0,420,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000420_post_disaster.png,hurricane-florence_00000420_post_disaster,0,0,train\masks\hurricane-florence_00000420_post_disaster.png,2,3855,6,3810,420,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000420_post_disaster.png,nepal-flooding_00000420_post_disaster,0,0,tier3\masks\nepal-flooding_00000420_post_disaster.png,0,0,0,0,420,4 +2,83,socal-fire,post,train,train\images\socal-fire_00000420_post_disaster.png,socal-fire_00000420_post_disaster,0,0,train\masks\socal-fire_00000420_post_disaster.png,0,0,1,75,420,2 +1,327,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000421_post_disaster.png,nepal-flooding_00000421_post_disaster,56,88889,tier3\masks\nepal-flooding_00000421_post_disaster.png,18,14378,0,0,421,0 +1,1824,hurricane-michael,post,train,train\images\hurricane-michael_00000421_post_disaster.png,hurricane-michael_00000421_post_disaster,30,36900,train\masks\hurricane-michael_00000421_post_disaster.png,13,22526,92,90847,421,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000421_post_disaster.png,portugal-wildfire_00000421_post_disaster,0,0,tier3\masks\portugal-wildfire_00000421_post_disaster.png,0,0,52,54159,421,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000421_post_disaster.png,pinery-bushfire_00000421_post_disaster,0,0,tier3\masks\pinery-bushfire_00000421_post_disaster.png,0,0,0,0,421,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000421_post_disaster.png,woolsey-fire_00000421_post_disaster,0,0,tier3\masks\woolsey-fire_00000421_post_disaster.png,0,0,0,0,421,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000421_post_disaster.png,socal-fire_00000421_post_disaster,0,0,train\masks\socal-fire_00000421_post_disaster.png,0,0,0,0,421,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000422_post_disaster.png,woolsey-fire_00000422_post_disaster,0,0,tier3\masks\woolsey-fire_00000422_post_disaster.png,0,0,5,3394,422,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000422_post_disaster.png,hurricane-michael_00000422_post_disaster,10,12964,train\masks\hurricane-michael_00000422_post_disaster.png,2,1436,96,119671,422,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000422_post_disaster.png,portugal-wildfire_00000422_post_disaster,0,0,tier3\masks\portugal-wildfire_00000422_post_disaster.png,0,0,1,187,422,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000422_post_disaster.png,socal-fire_00000422_post_disaster,0,0,train\masks\socal-fire_00000422_post_disaster.png,0,0,33,39690,422,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000422_post_disaster.png,midwest-flooding_00000422_post_disaster,0,0,train\masks\midwest-flooding_00000422_post_disaster.png,0,0,8,4638,422,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000422_post_disaster.png,pinery-bushfire_00000422_post_disaster,0,0,tier3\masks\pinery-bushfire_00000422_post_disaster.png,0,0,0,0,422,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000422_post_disaster.png,hurricane-harvey_00000422_post_disaster,21,32124,train\masks\hurricane-harvey_00000422_post_disaster.png,0,0,155,318413,422,3 +1,360,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000422_post_disaster.png,nepal-flooding_00000422_post_disaster,0,0,tier3\masks\nepal-flooding_00000422_post_disaster.png,11,6310,0,0,422,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000423_post_disaster.png,pinery-bushfire_00000423_post_disaster,0,0,tier3\masks\pinery-bushfire_00000423_post_disaster.png,0,0,0,0,423,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000423_post_disaster.png,midwest-flooding_00000423_post_disaster,0,0,train\masks\midwest-flooding_00000423_post_disaster.png,0,0,5,4050,423,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000423_post_disaster.png,portugal-wildfire_00000423_post_disaster,0,0,tier3\masks\portugal-wildfire_00000423_post_disaster.png,0,0,0,0,423,4 +5,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000423_post_disaster.png,nepal-flooding_00000423_post_disaster,0,0,tier3\masks\nepal-flooding_00000423_post_disaster.png,12,6934,2,489,423,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000423_post_disaster.png,hurricane-florence_00000423_post_disaster,0,0,train\masks\hurricane-florence_00000423_post_disaster.png,2,420,0,0,423,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000423_post_disaster.png,woolsey-fire_00000423_post_disaster,0,0,tier3\masks\woolsey-fire_00000423_post_disaster.png,0,0,0,0,423,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000423_post_disaster.png,socal-fire_00000423_post_disaster,0,0,train\masks\socal-fire_00000423_post_disaster.png,0,0,0,0,423,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000423_post_disaster.png,hurricane-harvey_00000423_post_disaster,0,0,train\masks\hurricane-harvey_00000423_post_disaster.png,0,0,51,244219,423,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000424_post_disaster.png,woolsey-fire_00000424_post_disaster,0,0,tier3\masks\woolsey-fire_00000424_post_disaster.png,0,0,0,0,424,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000424_post_disaster.png,hurricane-florence_00000424_post_disaster,0,0,train\masks\hurricane-florence_00000424_post_disaster.png,0,0,5,1797,424,3 +1,5334,hurricane-michael,post,train,train\images\hurricane-michael_00000424_post_disaster.png,hurricane-michael_00000424_post_disaster,7,9791,train\masks\hurricane-michael_00000424_post_disaster.png,4,5966,100,169792,424,4 +1,183,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000424_post_disaster.png,portugal-wildfire_00000424_post_disaster,0,0,tier3\masks\portugal-wildfire_00000424_post_disaster.png,0,0,44,33910,424,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000424_post_disaster.png,midwest-flooding_00000424_post_disaster,1,233,train\masks\midwest-flooding_00000424_post_disaster.png,0,0,3,3926,424,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000424_post_disaster.png,nepal-flooding_00000424_post_disaster,0,0,tier3\masks\nepal-flooding_00000424_post_disaster.png,0,0,26,27240,424,0 +1,1408,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000424_post_disaster.png,pinery-bushfire_00000424_post_disaster,0,0,tier3\masks\pinery-bushfire_00000424_post_disaster.png,0,0,6,5903,424,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000425_post_disaster.png,portugal-wildfire_00000425_post_disaster,0,0,tier3\masks\portugal-wildfire_00000425_post_disaster.png,0,0,0,0,425,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000425_post_disaster.png,pinery-bushfire_00000425_post_disaster,0,0,tier3\masks\pinery-bushfire_00000425_post_disaster.png,0,0,0,0,425,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000425_post_disaster.png,woolsey-fire_00000425_post_disaster,0,0,tier3\masks\woolsey-fire_00000425_post_disaster.png,0,0,0,0,425,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000425_post_disaster.png,hurricane-florence_00000425_post_disaster,0,0,train\masks\hurricane-florence_00000425_post_disaster.png,2,7441,15,9744,425,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000425_post_disaster.png,nepal-flooding_00000425_post_disaster,8,6544,tier3\masks\nepal-flooding_00000425_post_disaster.png,9,7628,56,40228,425,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000425_post_disaster.png,hurricane-harvey_00000425_post_disaster,0,0,train\masks\hurricane-harvey_00000425_post_disaster.png,0,0,119,134443,425,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000426_post_disaster.png,hurricane-harvey_00000426_post_disaster,1,4596,train\masks\hurricane-harvey_00000426_post_disaster.png,124,333332,0,0,426,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000426_post_disaster.png,nepal-flooding_00000426_post_disaster,0,0,tier3\masks\nepal-flooding_00000426_post_disaster.png,21,22201,0,0,426,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000426_post_disaster.png,pinery-bushfire_00000426_post_disaster,0,0,tier3\masks\pinery-bushfire_00000426_post_disaster.png,0,0,9,17675,426,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000426_post_disaster.png,portugal-wildfire_00000426_post_disaster,0,0,tier3\masks\portugal-wildfire_00000426_post_disaster.png,0,0,2,910,426,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000426_post_disaster.png,hurricane-florence_00000426_post_disaster,0,0,train\masks\hurricane-florence_00000426_post_disaster.png,0,0,80,102059,426,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000426_post_disaster.png,woolsey-fire_00000426_post_disaster,0,0,tier3\masks\woolsey-fire_00000426_post_disaster.png,0,0,0,0,426,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000426_post_disaster.png,midwest-flooding_00000426_post_disaster,1,90,train\masks\midwest-flooding_00000426_post_disaster.png,0,0,4,674,426,4 +13,11630,socal-fire,post,train,train\images\socal-fire_00000427_post_disaster.png,socal-fire_00000427_post_disaster,2,1058,train\masks\socal-fire_00000427_post_disaster.png,0,0,1,240,427,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000427_post_disaster.png,portugal-wildfire_00000427_post_disaster,0,0,tier3\masks\portugal-wildfire_00000427_post_disaster.png,0,0,0,0,427,1 +1,498,hurricane-michael,post,train,train\images\hurricane-michael_00000427_post_disaster.png,hurricane-michael_00000427_post_disaster,12,24574,train\masks\hurricane-michael_00000427_post_disaster.png,8,21644,24,40164,427,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000427_post_disaster.png,pinery-bushfire_00000427_post_disaster,0,0,tier3\masks\pinery-bushfire_00000427_post_disaster.png,0,0,0,0,427,3 +9,13324,hurricane-harvey,post,train,train\images\hurricane-harvey_00000427_post_disaster.png,hurricane-harvey_00000427_post_disaster,0,0,train\masks\hurricane-harvey_00000427_post_disaster.png,30,73699,1,1030,427,3 +1,116,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000427_post_disaster.png,woolsey-fire_00000427_post_disaster,0,0,tier3\masks\woolsey-fire_00000427_post_disaster.png,0,0,110,156339,427,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000427_post_disaster.png,midwest-flooding_00000427_post_disaster,0,0,train\masks\midwest-flooding_00000427_post_disaster.png,0,0,4,2449,427,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000427_post_disaster.png,hurricane-florence_00000427_post_disaster,0,0,train\masks\hurricane-florence_00000427_post_disaster.png,1,1860,0,0,427,4 +2,555,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000427_post_disaster.png,nepal-flooding_00000427_post_disaster,61,49003,tier3\masks\nepal-flooding_00000427_post_disaster.png,4,2144,60,68469,427,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000428_post_disaster.png,hurricane-florence_00000428_post_disaster,0,0,train\masks\hurricane-florence_00000428_post_disaster.png,37,38602,0,0,428,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000428_post_disaster.png,portugal-wildfire_00000428_post_disaster,0,0,tier3\masks\portugal-wildfire_00000428_post_disaster.png,0,0,3,1452,428,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000428_post_disaster.png,woolsey-fire_00000428_post_disaster,0,0,tier3\masks\woolsey-fire_00000428_post_disaster.png,0,0,1,6341,428,2 +4,705,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000428_post_disaster.png,nepal-flooding_00000428_post_disaster,0,0,tier3\masks\nepal-flooding_00000428_post_disaster.png,7,1099,23,6340,428,0 +1,749,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000428_post_disaster.png,pinery-bushfire_00000428_post_disaster,1,176,tier3\masks\pinery-bushfire_00000428_post_disaster.png,0,0,0,0,428,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000429_post_disaster.png,midwest-flooding_00000429_post_disaster,1,1191,train\masks\midwest-flooding_00000429_post_disaster.png,0,0,10,7218,429,4 +2,481,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000429_post_disaster.png,nepal-flooding_00000429_post_disaster,0,0,tier3\masks\nepal-flooding_00000429_post_disaster.png,38,47111,3,1481,429,0 +5,2707,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000429_post_disaster.png,woolsey-fire_00000429_post_disaster,0,0,tier3\masks\woolsey-fire_00000429_post_disaster.png,0,0,39,40638,429,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000429_post_disaster.png,portugal-wildfire_00000429_post_disaster,0,0,tier3\masks\portugal-wildfire_00000429_post_disaster.png,0,0,0,0,429,4 +1,65,socal-fire,post,train,train\images\socal-fire_00000429_post_disaster.png,socal-fire_00000429_post_disaster,0,0,train\masks\socal-fire_00000429_post_disaster.png,0,0,0,0,429,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000429_post_disaster.png,hurricane-harvey_00000429_post_disaster,9,15258,train\masks\hurricane-harvey_00000429_post_disaster.png,153,261303,1,1552,429,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000429_post_disaster.png,pinery-bushfire_00000429_post_disaster,0,0,tier3\masks\pinery-bushfire_00000429_post_disaster.png,0,0,0,0,429,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000430_post_disaster.png,hurricane-harvey_00000430_post_disaster,0,0,train\masks\hurricane-harvey_00000430_post_disaster.png,0,0,78,204257,430,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000430_post_disaster.png,portugal-wildfire_00000430_post_disaster,0,0,tier3\masks\portugal-wildfire_00000430_post_disaster.png,0,0,0,0,430,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000430_post_disaster.png,hurricane-michael_00000430_post_disaster,1,3771,train\masks\hurricane-michael_00000430_post_disaster.png,3,55621,4,8347,430,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000430_post_disaster.png,pinery-bushfire_00000430_post_disaster,0,0,tier3\masks\pinery-bushfire_00000430_post_disaster.png,0,0,0,0,430,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000430_post_disaster.png,woolsey-fire_00000430_post_disaster,0,0,tier3\masks\woolsey-fire_00000430_post_disaster.png,0,0,0,0,430,0 +1,135,socal-fire,post,train,train\images\socal-fire_00000430_post_disaster.png,socal-fire_00000430_post_disaster,0,0,train\masks\socal-fire_00000430_post_disaster.png,0,0,0,0,430,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000430_post_disaster.png,nepal-flooding_00000430_post_disaster,0,0,tier3\masks\nepal-flooding_00000430_post_disaster.png,0,0,0,0,430,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000430_post_disaster.png,midwest-flooding_00000430_post_disaster,0,0,train\masks\midwest-flooding_00000430_post_disaster.png,0,0,18,18664,430,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000431_post_disaster.png,portugal-wildfire_00000431_post_disaster,0,0,tier3\masks\portugal-wildfire_00000431_post_disaster.png,0,0,0,0,431,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000431_post_disaster.png,hurricane-harvey_00000431_post_disaster,0,0,train\masks\hurricane-harvey_00000431_post_disaster.png,0,0,180,303126,431,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000431_post_disaster.png,midwest-flooding_00000431_post_disaster,0,0,train\masks\midwest-flooding_00000431_post_disaster.png,0,0,24,16995,431,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000431_post_disaster.png,hurricane-florence_00000431_post_disaster,0,0,train\masks\hurricane-florence_00000431_post_disaster.png,1,197,0,0,431,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000431_post_disaster.png,woolsey-fire_00000431_post_disaster,0,0,tier3\masks\woolsey-fire_00000431_post_disaster.png,0,0,5,6507,431,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000431_post_disaster.png,pinery-bushfire_00000431_post_disaster,0,0,tier3\masks\pinery-bushfire_00000431_post_disaster.png,0,0,19,7844,431,1 +1,173,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000431_post_disaster.png,nepal-flooding_00000431_post_disaster,14,8396,tier3\masks\nepal-flooding_00000431_post_disaster.png,5,3569,36,17824,431,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000432_post_disaster.png,nepal-flooding_00000432_post_disaster,0,0,tier3\masks\nepal-flooding_00000432_post_disaster.png,0,0,0,0,432,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000432_post_disaster.png,portugal-wildfire_00000432_post_disaster,0,0,tier3\masks\portugal-wildfire_00000432_post_disaster.png,0,0,0,0,432,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000432_post_disaster.png,pinery-bushfire_00000432_post_disaster,0,0,tier3\masks\pinery-bushfire_00000432_post_disaster.png,0,0,0,0,432,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000432_post_disaster.png,woolsey-fire_00000432_post_disaster,0,0,tier3\masks\woolsey-fire_00000432_post_disaster.png,0,0,0,0,432,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000432_post_disaster.png,hurricane-harvey_00000432_post_disaster,0,0,train\masks\hurricane-harvey_00000432_post_disaster.png,0,0,159,229759,432,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000432_post_disaster.png,socal-fire_00000432_post_disaster,0,0,train\masks\socal-fire_00000432_post_disaster.png,0,0,0,0,432,2 +1,1159,socal-fire,post,train,train\images\socal-fire_00000433_post_disaster.png,socal-fire_00000433_post_disaster,0,0,train\masks\socal-fire_00000433_post_disaster.png,0,0,0,0,433,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000433_post_disaster.png,pinery-bushfire_00000433_post_disaster,0,0,tier3\masks\pinery-bushfire_00000433_post_disaster.png,0,0,0,0,433,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000433_post_disaster.png,nepal-flooding_00000433_post_disaster,0,0,tier3\masks\nepal-flooding_00000433_post_disaster.png,0,0,121,124187,433,4 +16,12604,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000433_post_disaster.png,woolsey-fire_00000433_post_disaster,0,0,tier3\masks\woolsey-fire_00000433_post_disaster.png,0,0,5,2000,433,3 +3,605,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000433_post_disaster.png,portugal-wildfire_00000433_post_disaster,0,0,tier3\masks\portugal-wildfire_00000433_post_disaster.png,4,1146,16,19584,433,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000433_post_disaster.png,hurricane-florence_00000433_post_disaster,0,0,train\masks\hurricane-florence_00000433_post_disaster.png,54,34454,0,0,433,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000433_post_disaster.png,hurricane-harvey_00000433_post_disaster,108,247712,train\masks\hurricane-harvey_00000433_post_disaster.png,1,306,8,12005,433,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000433_post_disaster.png,midwest-flooding_00000433_post_disaster,1,613,train\masks\midwest-flooding_00000433_post_disaster.png,0,0,6,4303,433,2 +3,9946,hurricane-harvey,post,train,train\images\hurricane-harvey_00000434_post_disaster.png,hurricane-harvey_00000434_post_disaster,0,0,train\masks\hurricane-harvey_00000434_post_disaster.png,101,338228,2,4725,434,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000434_post_disaster.png,woolsey-fire_00000434_post_disaster,0,0,tier3\masks\woolsey-fire_00000434_post_disaster.png,0,0,0,0,434,3 +1,47,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000434_post_disaster.png,pinery-bushfire_00000434_post_disaster,0,0,tier3\masks\pinery-bushfire_00000434_post_disaster.png,0,0,37,23658,434,0 +1,175,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000434_post_disaster.png,nepal-flooding_00000434_post_disaster,6,4095,tier3\masks\nepal-flooding_00000434_post_disaster.png,0,0,34,24501,434,1 +1,140,socal-fire,post,train,train\images\socal-fire_00000434_post_disaster.png,socal-fire_00000434_post_disaster,0,0,train\masks\socal-fire_00000434_post_disaster.png,0,0,0,0,434,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000434_post_disaster.png,portugal-wildfire_00000434_post_disaster,0,0,tier3\masks\portugal-wildfire_00000434_post_disaster.png,0,0,0,0,434,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000435_post_disaster.png,portugal-wildfire_00000435_post_disaster,0,0,tier3\masks\portugal-wildfire_00000435_post_disaster.png,0,0,0,0,435,4 +7,2885,midwest-flooding,post,train,train\images\midwest-flooding_00000435_post_disaster.png,midwest-flooding_00000435_post_disaster,0,0,train\masks\midwest-flooding_00000435_post_disaster.png,0,0,60,90717,435,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000435_post_disaster.png,hurricane-florence_00000435_post_disaster,1,1047,train\masks\hurricane-florence_00000435_post_disaster.png,0,0,9,4530,435,0 +3,2545,hurricane-michael,post,train,train\images\hurricane-michael_00000435_post_disaster.png,hurricane-michael_00000435_post_disaster,5,56259,train\masks\hurricane-michael_00000435_post_disaster.png,5,80626,20,40993,435,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000435_post_disaster.png,hurricane-harvey_00000435_post_disaster,12,60317,train\masks\hurricane-harvey_00000435_post_disaster.png,116,222971,0,0,435,1 +4,576,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000435_post_disaster.png,woolsey-fire_00000435_post_disaster,0,0,tier3\masks\woolsey-fire_00000435_post_disaster.png,0,0,0,0,435,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000435_post_disaster.png,nepal-flooding_00000435_post_disaster,0,0,tier3\masks\nepal-flooding_00000435_post_disaster.png,0,0,0,0,435,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000435_post_disaster.png,socal-fire_00000435_post_disaster,0,0,train\masks\socal-fire_00000435_post_disaster.png,0,0,0,0,435,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000435_post_disaster.png,pinery-bushfire_00000435_post_disaster,1,355,tier3\masks\pinery-bushfire_00000435_post_disaster.png,0,0,3,981,435,4 +2,226,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000436_post_disaster.png,nepal-flooding_00000436_post_disaster,29,19734,tier3\masks\nepal-flooding_00000436_post_disaster.png,47,24170,53,38499,436,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000436_post_disaster.png,hurricane-harvey_00000436_post_disaster,0,0,train\masks\hurricane-harvey_00000436_post_disaster.png,0,0,88,233550,436,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000436_post_disaster.png,portugal-wildfire_00000436_post_disaster,0,0,tier3\masks\portugal-wildfire_00000436_post_disaster.png,0,0,15,10680,436,4 +12,6163,socal-fire,post,train,train\images\socal-fire_00000436_post_disaster.png,socal-fire_00000436_post_disaster,0,0,train\masks\socal-fire_00000436_post_disaster.png,0,0,5,3944,436,4 +2,1484,midwest-flooding,post,train,train\images\midwest-flooding_00000436_post_disaster.png,midwest-flooding_00000436_post_disaster,0,0,train\masks\midwest-flooding_00000436_post_disaster.png,0,0,0,0,436,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000436_post_disaster.png,pinery-bushfire_00000436_post_disaster,0,0,tier3\masks\pinery-bushfire_00000436_post_disaster.png,0,0,0,0,436,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000436_post_disaster.png,woolsey-fire_00000436_post_disaster,0,0,tier3\masks\woolsey-fire_00000436_post_disaster.png,0,0,0,0,436,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000436_post_disaster.png,hurricane-florence_00000436_post_disaster,0,0,train\masks\hurricane-florence_00000436_post_disaster.png,11,47167,0,0,436,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000437_post_disaster.png,hurricane-florence_00000437_post_disaster,0,0,train\masks\hurricane-florence_00000437_post_disaster.png,11,4952,0,0,437,0 +1,93,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000437_post_disaster.png,nepal-flooding_00000437_post_disaster,12,6431,tier3\masks\nepal-flooding_00000437_post_disaster.png,1,534,10,9300,437,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000437_post_disaster.png,woolsey-fire_00000437_post_disaster,1,101,tier3\masks\woolsey-fire_00000437_post_disaster.png,0,0,0,0,437,2 +7,9289,hurricane-harvey,post,train,train\images\hurricane-harvey_00000437_post_disaster.png,hurricane-harvey_00000437_post_disaster,0,0,train\masks\hurricane-harvey_00000437_post_disaster.png,195,272531,0,0,437,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000437_post_disaster.png,portugal-wildfire_00000437_post_disaster,0,0,tier3\masks\portugal-wildfire_00000437_post_disaster.png,0,0,1,1749,437,4 +1,134,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000437_post_disaster.png,pinery-bushfire_00000437_post_disaster,0,0,tier3\masks\pinery-bushfire_00000437_post_disaster.png,1,106,10,6271,437,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000438_post_disaster.png,hurricane-florence_00000438_post_disaster,0,0,train\masks\hurricane-florence_00000438_post_disaster.png,7,45438,0,0,438,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000438_post_disaster.png,pinery-bushfire_00000438_post_disaster,0,0,tier3\masks\pinery-bushfire_00000438_post_disaster.png,0,0,0,0,438,1 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000438_post_disaster.png,midwest-flooding_00000438_post_disaster,0,0,train\masks\midwest-flooding_00000438_post_disaster.png,0,0,15,10216,438,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000438_post_disaster.png,woolsey-fire_00000438_post_disaster,0,0,tier3\masks\woolsey-fire_00000438_post_disaster.png,0,0,0,0,438,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000438_post_disaster.png,socal-fire_00000438_post_disaster,0,0,train\masks\socal-fire_00000438_post_disaster.png,0,0,0,0,438,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000438_post_disaster.png,nepal-flooding_00000438_post_disaster,2,516,tier3\masks\nepal-flooding_00000438_post_disaster.png,0,0,54,93660,438,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000438_post_disaster.png,portugal-wildfire_00000438_post_disaster,0,0,tier3\masks\portugal-wildfire_00000438_post_disaster.png,0,0,1,1278,438,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000438_post_disaster.png,hurricane-harvey_00000438_post_disaster,16,47081,train\masks\hurricane-harvey_00000438_post_disaster.png,29,127358,9,56451,438,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000439_post_disaster.png,woolsey-fire_00000439_post_disaster,0,0,tier3\masks\woolsey-fire_00000439_post_disaster.png,0,0,4,538,439,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000439_post_disaster.png,pinery-bushfire_00000439_post_disaster,0,0,tier3\masks\pinery-bushfire_00000439_post_disaster.png,0,0,0,0,439,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000439_post_disaster.png,portugal-wildfire_00000439_post_disaster,0,0,tier3\masks\portugal-wildfire_00000439_post_disaster.png,0,0,0,0,439,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000439_post_disaster.png,hurricane-harvey_00000439_post_disaster,41,88533,train\masks\hurricane-harvey_00000439_post_disaster.png,140,217836,4,7201,439,3 +2,1597,hurricane-michael,post,train,train\images\hurricane-michael_00000439_post_disaster.png,hurricane-michael_00000439_post_disaster,6,13878,train\masks\hurricane-michael_00000439_post_disaster.png,9,15294,26,71929,439,0 +1,262,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000439_post_disaster.png,nepal-flooding_00000439_post_disaster,5,979,tier3\masks\nepal-flooding_00000439_post_disaster.png,30,16671,15,3910,439,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000440_post_disaster.png,pinery-bushfire_00000440_post_disaster,0,0,tier3\masks\pinery-bushfire_00000440_post_disaster.png,0,0,2,4718,440,3 +1,605,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000440_post_disaster.png,woolsey-fire_00000440_post_disaster,1,335,tier3\masks\woolsey-fire_00000440_post_disaster.png,0,0,1,1071,440,4 +9,3796,hurricane-michael,post,train,train\images\hurricane-michael_00000440_post_disaster.png,hurricane-michael_00000440_post_disaster,48,46387,train\masks\hurricane-michael_00000440_post_disaster.png,33,39119,75,61639,440,0 +1,99,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000440_post_disaster.png,nepal-flooding_00000440_post_disaster,0,0,tier3\masks\nepal-flooding_00000440_post_disaster.png,0,0,0,0,440,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000440_post_disaster.png,hurricane-harvey_00000440_post_disaster,15,24893,train\masks\hurricane-harvey_00000440_post_disaster.png,38,96943,28,70947,440,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000440_post_disaster.png,portugal-wildfire_00000440_post_disaster,0,0,tier3\masks\portugal-wildfire_00000440_post_disaster.png,1,823,20,18239,440,0 +1,277,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000441_post_disaster.png,woolsey-fire_00000441_post_disaster,0,0,tier3\masks\woolsey-fire_00000441_post_disaster.png,0,0,61,82660,441,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000441_post_disaster.png,nepal-flooding_00000441_post_disaster,0,0,tier3\masks\nepal-flooding_00000441_post_disaster.png,1,172,15,16697,441,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000441_post_disaster.png,pinery-bushfire_00000441_post_disaster,0,0,tier3\masks\pinery-bushfire_00000441_post_disaster.png,0,0,0,0,441,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000441_post_disaster.png,portugal-wildfire_00000441_post_disaster,0,0,tier3\masks\portugal-wildfire_00000441_post_disaster.png,0,0,0,0,441,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000441_post_disaster.png,hurricane-florence_00000441_post_disaster,1,1036,train\masks\hurricane-florence_00000441_post_disaster.png,0,0,10,5111,441,0 +1,314,hurricane-michael,post,train,train\images\hurricane-michael_00000441_post_disaster.png,hurricane-michael_00000441_post_disaster,15,13348,train\masks\hurricane-michael_00000441_post_disaster.png,4,6305,56,69676,441,2 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000441_post_disaster.png,midwest-flooding_00000441_post_disaster,0,0,train\masks\midwest-flooding_00000441_post_disaster.png,0,0,9,2712,441,3 +2,535,hurricane-michael,post,train,train\images\hurricane-michael_00000442_post_disaster.png,hurricane-michael_00000442_post_disaster,1,549,train\masks\hurricane-michael_00000442_post_disaster.png,2,10061,19,11802,442,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000442_post_disaster.png,pinery-bushfire_00000442_post_disaster,0,0,tier3\masks\pinery-bushfire_00000442_post_disaster.png,0,0,0,0,442,1 +22,3513,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000442_post_disaster.png,nepal-flooding_00000442_post_disaster,0,0,tier3\masks\nepal-flooding_00000442_post_disaster.png,1,292,0,0,442,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000442_post_disaster.png,woolsey-fire_00000442_post_disaster,0,0,tier3\masks\woolsey-fire_00000442_post_disaster.png,0,0,0,0,442,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000442_post_disaster.png,hurricane-florence_00000442_post_disaster,2,1939,train\masks\hurricane-florence_00000442_post_disaster.png,57,37285,0,0,442,1 +4,6829,socal-fire,post,train,train\images\socal-fire_00000442_post_disaster.png,socal-fire_00000442_post_disaster,0,0,train\masks\socal-fire_00000442_post_disaster.png,0,0,18,28845,442,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000442_post_disaster.png,hurricane-harvey_00000442_post_disaster,48,65551,train\masks\hurricane-harvey_00000442_post_disaster.png,51,65534,71,76484,442,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000442_post_disaster.png,portugal-wildfire_00000442_post_disaster,0,0,tier3\masks\portugal-wildfire_00000442_post_disaster.png,0,0,2,710,442,3 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000442_post_disaster.png,midwest-flooding_00000442_post_disaster,0,0,train\masks\midwest-flooding_00000442_post_disaster.png,0,0,8,9459,442,1 +1,534,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000443_post_disaster.png,woolsey-fire_00000443_post_disaster,0,0,tier3\masks\woolsey-fire_00000443_post_disaster.png,1,557,0,0,443,2 +1,640,hurricane-michael,post,train,train\images\hurricane-michael_00000443_post_disaster.png,hurricane-michael_00000443_post_disaster,29,34401,train\masks\hurricane-michael_00000443_post_disaster.png,5,6006,99,115793,443,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000443_post_disaster.png,hurricane-florence_00000443_post_disaster,10,13338,train\masks\hurricane-florence_00000443_post_disaster.png,0,0,1,1462,443,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000443_post_disaster.png,portugal-wildfire_00000443_post_disaster,0,0,tier3\masks\portugal-wildfire_00000443_post_disaster.png,0,0,0,0,443,2 +6,559,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000443_post_disaster.png,nepal-flooding_00000443_post_disaster,18,9721,tier3\masks\nepal-flooding_00000443_post_disaster.png,34,14307,42,26404,443,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000443_post_disaster.png,pinery-bushfire_00000443_post_disaster,0,0,tier3\masks\pinery-bushfire_00000443_post_disaster.png,0,0,0,0,443,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000443_post_disaster.png,hurricane-harvey_00000443_post_disaster,2,116021,train\masks\hurricane-harvey_00000443_post_disaster.png,0,0,75,251702,443,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000444_post_disaster.png,portugal-wildfire_00000444_post_disaster,0,0,tier3\masks\portugal-wildfire_00000444_post_disaster.png,0,0,0,0,444,0 +0,0,midwest-flooding,post,train,train\images\midwest-flooding_00000444_post_disaster.png,midwest-flooding_00000444_post_disaster,0,0,train\masks\midwest-flooding_00000444_post_disaster.png,1,158,6,7768,444,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000444_post_disaster.png,nepal-flooding_00000444_post_disaster,0,0,tier3\masks\nepal-flooding_00000444_post_disaster.png,8,1421,0,0,444,1 +2,4186,hurricane-michael,post,train,train\images\hurricane-michael_00000444_post_disaster.png,hurricane-michael_00000444_post_disaster,28,53551,train\masks\hurricane-michael_00000444_post_disaster.png,9,31870,30,37000,444,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000444_post_disaster.png,woolsey-fire_00000444_post_disaster,0,0,tier3\masks\woolsey-fire_00000444_post_disaster.png,0,0,0,0,444,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000444_post_disaster.png,hurricane-florence_00000444_post_disaster,0,0,train\masks\hurricane-florence_00000444_post_disaster.png,1,418,14,16990,444,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000444_post_disaster.png,hurricane-harvey_00000444_post_disaster,2,114281,train\masks\hurricane-harvey_00000444_post_disaster.png,0,0,32,245137,444,0 +1,526,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000444_post_disaster.png,pinery-bushfire_00000444_post_disaster,1,732,tier3\masks\pinery-bushfire_00000444_post_disaster.png,1,364,4,2078,444,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000445_post_disaster.png,hurricane-florence_00000445_post_disaster,0,0,train\masks\hurricane-florence_00000445_post_disaster.png,8,5609,0,0,445,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000445_post_disaster.png,nepal-flooding_00000445_post_disaster,8,3597,tier3\masks\nepal-flooding_00000445_post_disaster.png,4,1660,5,1079,445,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000445_post_disaster.png,pinery-bushfire_00000445_post_disaster,0,0,tier3\masks\pinery-bushfire_00000445_post_disaster.png,0,0,0,0,445,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000445_post_disaster.png,portugal-wildfire_00000445_post_disaster,0,0,tier3\masks\portugal-wildfire_00000445_post_disaster.png,0,0,0,0,445,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000445_post_disaster.png,socal-fire_00000445_post_disaster,0,0,train\masks\socal-fire_00000445_post_disaster.png,0,0,0,0,445,2 +2,664,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000445_post_disaster.png,woolsey-fire_00000445_post_disaster,0,0,tier3\masks\woolsey-fire_00000445_post_disaster.png,0,0,4,686,445,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000446_post_disaster.png,nepal-flooding_00000446_post_disaster,0,0,tier3\masks\nepal-flooding_00000446_post_disaster.png,1,383,0,0,446,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000446_post_disaster.png,socal-fire_00000446_post_disaster,0,0,train\masks\socal-fire_00000446_post_disaster.png,0,0,0,0,446,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000446_post_disaster.png,hurricane-harvey_00000446_post_disaster,0,0,train\masks\hurricane-harvey_00000446_post_disaster.png,0,0,141,257024,446,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000446_post_disaster.png,hurricane-michael_00000446_post_disaster,11,18388,train\masks\hurricane-michael_00000446_post_disaster.png,7,19682,70,70063,446,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000446_post_disaster.png,hurricane-florence_00000446_post_disaster,1,978,train\masks\hurricane-florence_00000446_post_disaster.png,5,2535,2,2267,446,3 +15,7619,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000446_post_disaster.png,woolsey-fire_00000446_post_disaster,0,0,tier3\masks\woolsey-fire_00000446_post_disaster.png,0,0,6,13815,446,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000446_post_disaster.png,portugal-wildfire_00000446_post_disaster,0,0,tier3\masks\portugal-wildfire_00000446_post_disaster.png,0,0,0,0,446,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000446_post_disaster.png,pinery-bushfire_00000446_post_disaster,1,101,tier3\masks\pinery-bushfire_00000446_post_disaster.png,0,0,18,5270,446,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000447_post_disaster.png,portugal-wildfire_00000447_post_disaster,0,0,tier3\masks\portugal-wildfire_00000447_post_disaster.png,0,0,30,35609,447,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000447_post_disaster.png,pinery-bushfire_00000447_post_disaster,0,0,tier3\masks\pinery-bushfire_00000447_post_disaster.png,0,0,2,140,447,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000447_post_disaster.png,nepal-flooding_00000447_post_disaster,3,2585,tier3\masks\nepal-flooding_00000447_post_disaster.png,0,0,16,16925,447,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000447_post_disaster.png,socal-fire_00000447_post_disaster,0,0,train\masks\socal-fire_00000447_post_disaster.png,0,0,0,0,447,2 +1,160,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000447_post_disaster.png,woolsey-fire_00000447_post_disaster,0,0,tier3\masks\woolsey-fire_00000447_post_disaster.png,0,0,0,0,447,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000448_post_disaster.png,pinery-bushfire_00000448_post_disaster,0,0,tier3\masks\pinery-bushfire_00000448_post_disaster.png,0,0,2,5133,448,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000448_post_disaster.png,woolsey-fire_00000448_post_disaster,0,0,tier3\masks\woolsey-fire_00000448_post_disaster.png,0,0,66,101184,448,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000448_post_disaster.png,nepal-flooding_00000448_post_disaster,5,3556,tier3\masks\nepal-flooding_00000448_post_disaster.png,2,200,38,67270,448,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000448_post_disaster.png,portugal-wildfire_00000448_post_disaster,1,226,tier3\masks\portugal-wildfire_00000448_post_disaster.png,0,0,0,0,448,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000448_post_disaster.png,hurricane-harvey_00000448_post_disaster,0,0,train\masks\hurricane-harvey_00000448_post_disaster.png,0,0,5,661415,448,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000449_post_disaster.png,hurricane-florence_00000449_post_disaster,4,6062,train\masks\hurricane-florence_00000449_post_disaster.png,16,11341,4,2436,449,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000449_post_disaster.png,pinery-bushfire_00000449_post_disaster,0,0,tier3\masks\pinery-bushfire_00000449_post_disaster.png,0,0,0,0,449,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000449_post_disaster.png,woolsey-fire_00000449_post_disaster,0,0,tier3\masks\woolsey-fire_00000449_post_disaster.png,0,0,0,0,449,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000449_post_disaster.png,portugal-wildfire_00000449_post_disaster,0,0,tier3\masks\portugal-wildfire_00000449_post_disaster.png,0,0,0,0,449,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000449_post_disaster.png,nepal-flooding_00000449_post_disaster,1,1330,tier3\masks\nepal-flooding_00000449_post_disaster.png,0,0,1,110,449,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000450_post_disaster.png,woolsey-fire_00000450_post_disaster,0,0,tier3\masks\woolsey-fire_00000450_post_disaster.png,0,0,0,0,450,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000450_post_disaster.png,pinery-bushfire_00000450_post_disaster,0,0,tier3\masks\pinery-bushfire_00000450_post_disaster.png,0,0,0,0,450,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000450_post_disaster.png,hurricane-florence_00000450_post_disaster,0,0,train\masks\hurricane-florence_00000450_post_disaster.png,23,12572,0,0,450,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000450_post_disaster.png,portugal-wildfire_00000450_post_disaster,0,0,tier3\masks\portugal-wildfire_00000450_post_disaster.png,0,0,0,0,450,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000450_post_disaster.png,socal-fire_00000450_post_disaster,0,0,train\masks\socal-fire_00000450_post_disaster.png,0,0,0,0,450,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000450_post_disaster.png,nepal-flooding_00000450_post_disaster,0,0,tier3\masks\nepal-flooding_00000450_post_disaster.png,5,1059,0,0,450,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000451_post_disaster.png,pinery-bushfire_00000451_post_disaster,0,0,tier3\masks\pinery-bushfire_00000451_post_disaster.png,0,0,0,0,451,3 +5,2369,hurricane-michael,post,train,train\images\hurricane-michael_00000451_post_disaster.png,hurricane-michael_00000451_post_disaster,45,48753,train\masks\hurricane-michael_00000451_post_disaster.png,20,23294,87,77509,451,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000451_post_disaster.png,portugal-wildfire_00000451_post_disaster,0,0,tier3\masks\portugal-wildfire_00000451_post_disaster.png,0,0,18,18187,451,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000451_post_disaster.png,hurricane-harvey_00000451_post_disaster,38,64135,train\masks\hurricane-harvey_00000451_post_disaster.png,125,188040,24,43344,451,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000451_post_disaster.png,hurricane-florence_00000451_post_disaster,2,1553,train\masks\hurricane-florence_00000451_post_disaster.png,7,3745,8,10081,451,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000451_post_disaster.png,nepal-flooding_00000451_post_disaster,2,1881,tier3\masks\nepal-flooding_00000451_post_disaster.png,1,194,67,100986,451,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000451_post_disaster.png,woolsey-fire_00000451_post_disaster,0,0,tier3\masks\woolsey-fire_00000451_post_disaster.png,0,0,0,0,451,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000451_post_disaster.png,socal-fire_00000451_post_disaster,0,0,train\masks\socal-fire_00000451_post_disaster.png,0,0,0,0,451,3 +1,828,hurricane-michael,post,train,train\images\hurricane-michael_00000452_post_disaster.png,hurricane-michael_00000452_post_disaster,14,24809,train\masks\hurricane-michael_00000452_post_disaster.png,3,3981,33,48193,452,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000452_post_disaster.png,pinery-bushfire_00000452_post_disaster,0,0,tier3\masks\pinery-bushfire_00000452_post_disaster.png,0,0,0,0,452,2 +5,2262,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000452_post_disaster.png,woolsey-fire_00000452_post_disaster,3,216,tier3\masks\woolsey-fire_00000452_post_disaster.png,0,0,5,2593,452,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000452_post_disaster.png,portugal-wildfire_00000452_post_disaster,0,0,tier3\masks\portugal-wildfire_00000452_post_disaster.png,0,0,0,0,452,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000452_post_disaster.png,nepal-flooding_00000452_post_disaster,1,137,tier3\masks\nepal-flooding_00000452_post_disaster.png,0,0,79,57535,452,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000452_post_disaster.png,hurricane-florence_00000452_post_disaster,0,0,train\masks\hurricane-florence_00000452_post_disaster.png,15,8071,2,940,452,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000452_post_disaster.png,hurricane-harvey_00000452_post_disaster,0,0,train\masks\hurricane-harvey_00000452_post_disaster.png,0,0,132,304368,452,2 +2,197,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000453_post_disaster.png,nepal-flooding_00000453_post_disaster,0,0,tier3\masks\nepal-flooding_00000453_post_disaster.png,3,5219,5,1637,453,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000453_post_disaster.png,pinery-bushfire_00000453_post_disaster,0,0,tier3\masks\pinery-bushfire_00000453_post_disaster.png,0,0,3,321,453,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000453_post_disaster.png,portugal-wildfire_00000453_post_disaster,0,0,tier3\masks\portugal-wildfire_00000453_post_disaster.png,0,0,0,0,453,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000453_post_disaster.png,hurricane-florence_00000453_post_disaster,0,0,train\masks\hurricane-florence_00000453_post_disaster.png,8,3853,0,0,453,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000453_post_disaster.png,woolsey-fire_00000453_post_disaster,0,0,tier3\masks\woolsey-fire_00000453_post_disaster.png,0,0,0,0,453,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000454_post_disaster.png,hurricane-harvey_00000454_post_disaster,0,0,train\masks\hurricane-harvey_00000454_post_disaster.png,0,0,148,379501,454,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000454_post_disaster.png,socal-fire_00000454_post_disaster,0,0,train\masks\socal-fire_00000454_post_disaster.png,0,0,0,0,454,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000454_post_disaster.png,nepal-flooding_00000454_post_disaster,0,0,tier3\masks\nepal-flooding_00000454_post_disaster.png,2,298,0,0,454,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000454_post_disaster.png,hurricane-florence_00000454_post_disaster,2,2496,train\masks\hurricane-florence_00000454_post_disaster.png,17,9800,0,0,454,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000454_post_disaster.png,pinery-bushfire_00000454_post_disaster,0,0,tier3\masks\pinery-bushfire_00000454_post_disaster.png,0,0,0,0,454,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000454_post_disaster.png,woolsey-fire_00000454_post_disaster,0,0,tier3\masks\woolsey-fire_00000454_post_disaster.png,0,0,0,0,454,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000454_post_disaster.png,portugal-wildfire_00000454_post_disaster,0,0,tier3\masks\portugal-wildfire_00000454_post_disaster.png,0,0,0,0,454,3 +1,225,hurricane-michael,post,train,train\images\hurricane-michael_00000454_post_disaster.png,hurricane-michael_00000454_post_disaster,11,19374,train\masks\hurricane-michael_00000454_post_disaster.png,2,2700,35,49948,454,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000455_post_disaster.png,portugal-wildfire_00000455_post_disaster,0,0,tier3\masks\portugal-wildfire_00000455_post_disaster.png,0,0,2,1758,455,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000455_post_disaster.png,socal-fire_00000455_post_disaster,0,0,train\masks\socal-fire_00000455_post_disaster.png,0,0,1,3914,455,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000455_post_disaster.png,pinery-bushfire_00000455_post_disaster,0,0,tier3\masks\pinery-bushfire_00000455_post_disaster.png,0,0,0,0,455,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000455_post_disaster.png,hurricane-michael_00000455_post_disaster,22,43795,train\masks\hurricane-michael_00000455_post_disaster.png,0,0,45,71806,455,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000455_post_disaster.png,hurricane-harvey_00000455_post_disaster,7,28949,train\masks\hurricane-harvey_00000455_post_disaster.png,11,81141,28,73858,455,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000455_post_disaster.png,woolsey-fire_00000455_post_disaster,0,0,tier3\masks\woolsey-fire_00000455_post_disaster.png,0,0,0,0,455,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000455_post_disaster.png,nepal-flooding_00000455_post_disaster,3,2388,tier3\masks\nepal-flooding_00000455_post_disaster.png,0,0,81,93157,455,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000455_post_disaster.png,hurricane-florence_00000455_post_disaster,0,0,train\masks\hurricane-florence_00000455_post_disaster.png,0,0,21,16182,455,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000456_post_disaster.png,portugal-wildfire_00000456_post_disaster,0,0,tier3\masks\portugal-wildfire_00000456_post_disaster.png,0,0,0,0,456,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000456_post_disaster.png,pinery-bushfire_00000456_post_disaster,0,0,tier3\masks\pinery-bushfire_00000456_post_disaster.png,0,0,0,0,456,1 +12,12141,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000456_post_disaster.png,woolsey-fire_00000456_post_disaster,1,253,tier3\masks\woolsey-fire_00000456_post_disaster.png,1,1375,6,3615,456,4 +2,311,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000456_post_disaster.png,nepal-flooding_00000456_post_disaster,10,5981,tier3\masks\nepal-flooding_00000456_post_disaster.png,7,3015,18,14772,456,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000457_post_disaster.png,socal-fire_00000457_post_disaster,0,0,train\masks\socal-fire_00000457_post_disaster.png,0,0,0,0,457,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000457_post_disaster.png,hurricane-florence_00000457_post_disaster,0,0,train\masks\hurricane-florence_00000457_post_disaster.png,4,10293,0,0,457,4 +2,613,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000457_post_disaster.png,portugal-wildfire_00000457_post_disaster,0,0,tier3\masks\portugal-wildfire_00000457_post_disaster.png,0,0,1,118,457,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000457_post_disaster.png,nepal-flooding_00000457_post_disaster,0,0,tier3\masks\nepal-flooding_00000457_post_disaster.png,0,0,177,95719,457,3 +7,1856,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000457_post_disaster.png,woolsey-fire_00000457_post_disaster,0,0,tier3\masks\woolsey-fire_00000457_post_disaster.png,0,0,0,0,457,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000457_post_disaster.png,pinery-bushfire_00000457_post_disaster,0,0,tier3\masks\pinery-bushfire_00000457_post_disaster.png,0,0,0,0,457,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000458_post_disaster.png,woolsey-fire_00000458_post_disaster,0,0,tier3\masks\woolsey-fire_00000458_post_disaster.png,0,0,0,0,458,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000458_post_disaster.png,portugal-wildfire_00000458_post_disaster,0,0,tier3\masks\portugal-wildfire_00000458_post_disaster.png,0,0,0,0,458,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000458_post_disaster.png,pinery-bushfire_00000458_post_disaster,0,0,tier3\masks\pinery-bushfire_00000458_post_disaster.png,0,0,0,0,458,0 +1,65,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000458_post_disaster.png,nepal-flooding_00000458_post_disaster,0,0,tier3\masks\nepal-flooding_00000458_post_disaster.png,6,933,0,0,458,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000458_post_disaster.png,hurricane-michael_00000458_post_disaster,12,13955,train\masks\hurricane-michael_00000458_post_disaster.png,0,0,58,78564,458,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000459_post_disaster.png,hurricane-florence_00000459_post_disaster,3,3589,train\masks\hurricane-florence_00000459_post_disaster.png,52,73097,1,219,459,3 +1,245,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000459_post_disaster.png,pinery-bushfire_00000459_post_disaster,0,0,tier3\masks\pinery-bushfire_00000459_post_disaster.png,0,0,10,4186,459,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000459_post_disaster.png,nepal-flooding_00000459_post_disaster,0,0,tier3\masks\nepal-flooding_00000459_post_disaster.png,0,0,0,0,459,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000459_post_disaster.png,portugal-wildfire_00000459_post_disaster,0,0,tier3\masks\portugal-wildfire_00000459_post_disaster.png,0,0,1,207,459,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000459_post_disaster.png,woolsey-fire_00000459_post_disaster,0,0,tier3\masks\woolsey-fire_00000459_post_disaster.png,0,0,0,0,459,3 +19,22363,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000460_post_disaster.png,woolsey-fire_00000460_post_disaster,0,0,tier3\masks\woolsey-fire_00000460_post_disaster.png,1,1284,12,10642,460,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000460_post_disaster.png,portugal-wildfire_00000460_post_disaster,0,0,tier3\masks\portugal-wildfire_00000460_post_disaster.png,0,0,0,0,460,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000460_post_disaster.png,hurricane-michael_00000460_post_disaster,5,13702,train\masks\hurricane-michael_00000460_post_disaster.png,0,0,188,169572,460,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000460_post_disaster.png,hurricane-florence_00000460_post_disaster,0,0,train\masks\hurricane-florence_00000460_post_disaster.png,6,11549,3,3915,460,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000460_post_disaster.png,pinery-bushfire_00000460_post_disaster,0,0,tier3\masks\pinery-bushfire_00000460_post_disaster.png,0,0,0,0,460,3 +1,73,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000460_post_disaster.png,nepal-flooding_00000460_post_disaster,4,1860,tier3\masks\nepal-flooding_00000460_post_disaster.png,0,0,85,78852,460,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000461_post_disaster.png,portugal-wildfire_00000461_post_disaster,0,0,tier3\masks\portugal-wildfire_00000461_post_disaster.png,0,0,1,211,461,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000461_post_disaster.png,hurricane-harvey_00000461_post_disaster,40,83133,train\masks\hurricane-harvey_00000461_post_disaster.png,0,0,97,163695,461,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000461_post_disaster.png,nepal-flooding_00000461_post_disaster,0,0,tier3\masks\nepal-flooding_00000461_post_disaster.png,0,0,0,0,461,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000461_post_disaster.png,socal-fire_00000461_post_disaster,0,0,train\masks\socal-fire_00000461_post_disaster.png,0,0,0,0,461,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000461_post_disaster.png,pinery-bushfire_00000461_post_disaster,0,0,tier3\masks\pinery-bushfire_00000461_post_disaster.png,0,0,0,0,461,3 +3,3605,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000461_post_disaster.png,woolsey-fire_00000461_post_disaster,0,0,tier3\masks\woolsey-fire_00000461_post_disaster.png,0,0,24,46115,461,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000461_post_disaster.png,hurricane-florence_00000461_post_disaster,0,0,train\masks\hurricane-florence_00000461_post_disaster.png,12,13577,0,0,461,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000461_post_disaster.png,hurricane-michael_00000461_post_disaster,14,15586,train\masks\hurricane-michael_00000461_post_disaster.png,9,16773,53,57894,461,2 +1,466,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000462_post_disaster.png,pinery-bushfire_00000462_post_disaster,0,0,tier3\masks\pinery-bushfire_00000462_post_disaster.png,0,0,2,612,462,1 +1,81,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000462_post_disaster.png,nepal-flooding_00000462_post_disaster,0,0,tier3\masks\nepal-flooding_00000462_post_disaster.png,13,5083,0,0,462,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000462_post_disaster.png,hurricane-michael_00000462_post_disaster,24,25382,train\masks\hurricane-michael_00000462_post_disaster.png,1,500,152,128378,462,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000462_post_disaster.png,hurricane-florence_00000462_post_disaster,0,0,train\masks\hurricane-florence_00000462_post_disaster.png,26,44917,0,0,462,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000462_post_disaster.png,portugal-wildfire_00000462_post_disaster,0,0,tier3\masks\portugal-wildfire_00000462_post_disaster.png,0,0,0,0,462,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000462_post_disaster.png,woolsey-fire_00000462_post_disaster,0,0,tier3\masks\woolsey-fire_00000462_post_disaster.png,0,0,0,0,462,0 +2,1412,socal-fire,post,train,train\images\socal-fire_00000462_post_disaster.png,socal-fire_00000462_post_disaster,0,0,train\masks\socal-fire_00000462_post_disaster.png,0,0,0,0,462,1 +8,9746,hurricane-harvey,post,train,train\images\hurricane-harvey_00000462_post_disaster.png,hurricane-harvey_00000462_post_disaster,0,0,train\masks\hurricane-harvey_00000462_post_disaster.png,46,85183,0,0,462,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000463_post_disaster.png,pinery-bushfire_00000463_post_disaster,0,0,tier3\masks\pinery-bushfire_00000463_post_disaster.png,0,0,0,0,463,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000463_post_disaster.png,hurricane-michael_00000463_post_disaster,1,3527,train\masks\hurricane-michael_00000463_post_disaster.png,0,0,136,176069,463,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000463_post_disaster.png,portugal-wildfire_00000463_post_disaster,0,0,tier3\masks\portugal-wildfire_00000463_post_disaster.png,0,0,0,0,463,0 +2,316,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000463_post_disaster.png,nepal-flooding_00000463_post_disaster,4,4128,tier3\masks\nepal-flooding_00000463_post_disaster.png,0,0,12,18807,463,3 +1,1427,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000463_post_disaster.png,woolsey-fire_00000463_post_disaster,0,0,tier3\masks\woolsey-fire_00000463_post_disaster.png,0,0,0,0,463,0 +4,2354,hurricane-harvey,post,train,train\images\hurricane-harvey_00000463_post_disaster.png,hurricane-harvey_00000463_post_disaster,0,0,train\masks\hurricane-harvey_00000463_post_disaster.png,92,124473,0,0,463,1 +6,2710,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000464_post_disaster.png,woolsey-fire_00000464_post_disaster,2,1803,tier3\masks\woolsey-fire_00000464_post_disaster.png,0,0,1,1703,464,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000464_post_disaster.png,portugal-wildfire_00000464_post_disaster,0,0,tier3\masks\portugal-wildfire_00000464_post_disaster.png,0,0,0,0,464,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000464_post_disaster.png,hurricane-florence_00000464_post_disaster,0,0,train\masks\hurricane-florence_00000464_post_disaster.png,8,6466,0,0,464,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000464_post_disaster.png,nepal-flooding_00000464_post_disaster,0,0,tier3\masks\nepal-flooding_00000464_post_disaster.png,0,0,3,998,464,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000464_post_disaster.png,socal-fire_00000464_post_disaster,0,0,train\masks\socal-fire_00000464_post_disaster.png,0,0,0,0,464,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000464_post_disaster.png,pinery-bushfire_00000464_post_disaster,0,0,tier3\masks\pinery-bushfire_00000464_post_disaster.png,0,0,1,1996,464,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000465_post_disaster.png,socal-fire_00000465_post_disaster,0,0,train\masks\socal-fire_00000465_post_disaster.png,0,0,0,0,465,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000465_post_disaster.png,hurricane-michael_00000465_post_disaster,33,22705,train\masks\hurricane-michael_00000465_post_disaster.png,6,5874,126,105236,465,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000465_post_disaster.png,woolsey-fire_00000465_post_disaster,0,0,tier3\masks\woolsey-fire_00000465_post_disaster.png,0,0,0,0,465,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000465_post_disaster.png,portugal-wildfire_00000465_post_disaster,0,0,tier3\masks\portugal-wildfire_00000465_post_disaster.png,0,0,0,0,465,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000465_post_disaster.png,nepal-flooding_00000465_post_disaster,29,30984,tier3\masks\nepal-flooding_00000465_post_disaster.png,7,9284,95,105645,465,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000465_post_disaster.png,pinery-bushfire_00000465_post_disaster,0,0,tier3\masks\pinery-bushfire_00000465_post_disaster.png,0,0,0,0,465,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000466_post_disaster.png,portugal-wildfire_00000466_post_disaster,0,0,tier3\masks\portugal-wildfire_00000466_post_disaster.png,0,0,0,0,466,4 +9,3129,socal-fire,post,train,train\images\socal-fire_00000466_post_disaster.png,socal-fire_00000466_post_disaster,0,0,train\masks\socal-fire_00000466_post_disaster.png,0,0,0,0,466,3 +4,2946,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000466_post_disaster.png,woolsey-fire_00000466_post_disaster,1,2026,tier3\masks\woolsey-fire_00000466_post_disaster.png,0,0,14,10642,466,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000466_post_disaster.png,nepal-flooding_00000466_post_disaster,1,2064,tier3\masks\nepal-flooding_00000466_post_disaster.png,0,0,107,88633,466,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000466_post_disaster.png,pinery-bushfire_00000466_post_disaster,0,0,tier3\masks\pinery-bushfire_00000466_post_disaster.png,0,0,0,0,466,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000466_post_disaster.png,hurricane-michael_00000466_post_disaster,7,5847,train\masks\hurricane-michael_00000466_post_disaster.png,1,1130,25,20904,466,0 +2,187,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000467_post_disaster.png,nepal-flooding_00000467_post_disaster,14,18435,tier3\masks\nepal-flooding_00000467_post_disaster.png,10,10785,58,53185,467,4 +1,503,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000467_post_disaster.png,woolsey-fire_00000467_post_disaster,0,0,tier3\masks\woolsey-fire_00000467_post_disaster.png,0,0,0,0,467,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000467_post_disaster.png,portugal-wildfire_00000467_post_disaster,0,0,tier3\masks\portugal-wildfire_00000467_post_disaster.png,0,0,0,0,467,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000467_post_disaster.png,pinery-bushfire_00000467_post_disaster,0,0,tier3\masks\pinery-bushfire_00000467_post_disaster.png,0,0,0,0,467,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000467_post_disaster.png,socal-fire_00000467_post_disaster,0,0,train\masks\socal-fire_00000467_post_disaster.png,0,0,0,0,467,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000467_post_disaster.png,hurricane-harvey_00000467_post_disaster,79,102015,train\masks\hurricane-harvey_00000467_post_disaster.png,74,102972,45,93407,467,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000467_post_disaster.png,hurricane-michael_00000467_post_disaster,13,19172,train\masks\hurricane-michael_00000467_post_disaster.png,0,0,159,221350,467,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000467_post_disaster.png,hurricane-florence_00000467_post_disaster,0,0,train\masks\hurricane-florence_00000467_post_disaster.png,0,0,65,33559,467,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000468_post_disaster.png,nepal-flooding_00000468_post_disaster,0,0,tier3\masks\nepal-flooding_00000468_post_disaster.png,3,668,1,39,468,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000468_post_disaster.png,woolsey-fire_00000468_post_disaster,0,0,tier3\masks\woolsey-fire_00000468_post_disaster.png,0,0,0,0,468,0 +5,4179,socal-fire,post,train,train\images\socal-fire_00000468_post_disaster.png,socal-fire_00000468_post_disaster,0,0,train\masks\socal-fire_00000468_post_disaster.png,0,0,31,26281,468,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000468_post_disaster.png,pinery-bushfire_00000468_post_disaster,0,0,tier3\masks\pinery-bushfire_00000468_post_disaster.png,0,0,0,0,468,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000468_post_disaster.png,portugal-wildfire_00000468_post_disaster,0,0,tier3\masks\portugal-wildfire_00000468_post_disaster.png,0,0,2,406,468,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000469_post_disaster.png,portugal-wildfire_00000469_post_disaster,0,0,tier3\masks\portugal-wildfire_00000469_post_disaster.png,0,0,0,0,469,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000469_post_disaster.png,hurricane-florence_00000469_post_disaster,0,0,train\masks\hurricane-florence_00000469_post_disaster.png,1,2561,0,0,469,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000469_post_disaster.png,woolsey-fire_00000469_post_disaster,0,0,tier3\masks\woolsey-fire_00000469_post_disaster.png,0,0,9,3297,469,3 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000469_post_disaster.png,hurricane-harvey_00000469_post_disaster,0,0,train\masks\hurricane-harvey_00000469_post_disaster.png,0,0,19,103365,469,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000469_post_disaster.png,nepal-flooding_00000469_post_disaster,0,0,tier3\masks\nepal-flooding_00000469_post_disaster.png,0,0,10,3569,469,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000469_post_disaster.png,pinery-bushfire_00000469_post_disaster,0,0,tier3\masks\pinery-bushfire_00000469_post_disaster.png,0,0,0,0,469,0 +3,1230,socal-fire,post,train,train\images\socal-fire_00000469_post_disaster.png,socal-fire_00000469_post_disaster,0,0,train\masks\socal-fire_00000469_post_disaster.png,0,0,3,3351,469,1 +3,3591,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000470_post_disaster.png,woolsey-fire_00000470_post_disaster,2,356,tier3\masks\woolsey-fire_00000470_post_disaster.png,3,796,2,1590,470,4 +1,913,hurricane-harvey,post,train,train\images\hurricane-harvey_00000470_post_disaster.png,hurricane-harvey_00000470_post_disaster,3,6194,train\masks\hurricane-harvey_00000470_post_disaster.png,23,245591,0,0,470,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000470_post_disaster.png,portugal-wildfire_00000470_post_disaster,0,0,tier3\masks\portugal-wildfire_00000470_post_disaster.png,0,0,0,0,470,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000470_post_disaster.png,hurricane-florence_00000470_post_disaster,0,0,train\masks\hurricane-florence_00000470_post_disaster.png,18,14090,0,0,470,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000470_post_disaster.png,nepal-flooding_00000470_post_disaster,6,8970,tier3\masks\nepal-flooding_00000470_post_disaster.png,0,0,58,89020,470,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000470_post_disaster.png,pinery-bushfire_00000470_post_disaster,0,0,tier3\masks\pinery-bushfire_00000470_post_disaster.png,0,0,0,0,470,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000471_post_disaster.png,nepal-flooding_00000471_post_disaster,2,770,tier3\masks\nepal-flooding_00000471_post_disaster.png,0,0,65,53508,471,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000471_post_disaster.png,pinery-bushfire_00000471_post_disaster,0,0,tier3\masks\pinery-bushfire_00000471_post_disaster.png,0,0,0,0,471,1 +1,261,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000471_post_disaster.png,portugal-wildfire_00000471_post_disaster,1,207,tier3\masks\portugal-wildfire_00000471_post_disaster.png,4,3374,25,17322,471,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000471_post_disaster.png,socal-fire_00000471_post_disaster,0,0,train\masks\socal-fire_00000471_post_disaster.png,0,0,0,0,471,1 +7,1739,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000471_post_disaster.png,woolsey-fire_00000471_post_disaster,4,725,tier3\masks\woolsey-fire_00000471_post_disaster.png,1,342,9,2251,471,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000471_post_disaster.png,hurricane-harvey_00000471_post_disaster,6,15045,train\masks\hurricane-harvey_00000471_post_disaster.png,87,182858,0,0,471,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000472_post_disaster.png,pinery-bushfire_00000472_post_disaster,0,0,tier3\masks\pinery-bushfire_00000472_post_disaster.png,0,0,2,187,472,2 +5,9197,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000472_post_disaster.png,woolsey-fire_00000472_post_disaster,3,4148,tier3\masks\woolsey-fire_00000472_post_disaster.png,1,1612,98,152945,472,4 +1,272,socal-fire,post,train,train\images\socal-fire_00000472_post_disaster.png,socal-fire_00000472_post_disaster,0,0,train\masks\socal-fire_00000472_post_disaster.png,0,0,26,14250,472,0 +1,144,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000472_post_disaster.png,nepal-flooding_00000472_post_disaster,0,0,tier3\masks\nepal-flooding_00000472_post_disaster.png,4,2975,6,1733,472,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000472_post_disaster.png,hurricane-florence_00000472_post_disaster,5,10316,train\masks\hurricane-florence_00000472_post_disaster.png,6,12463,19,35208,472,2 +14,14369,hurricane-harvey,post,train,train\images\hurricane-harvey_00000472_post_disaster.png,hurricane-harvey_00000472_post_disaster,0,0,train\masks\hurricane-harvey_00000472_post_disaster.png,84,109775,0,0,472,0 +1,1631,hurricane-michael,post,train,train\images\hurricane-michael_00000472_post_disaster.png,hurricane-michael_00000472_post_disaster,7,9859,train\masks\hurricane-michael_00000472_post_disaster.png,2,1072,8,6397,472,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000472_post_disaster.png,portugal-wildfire_00000472_post_disaster,0,0,tier3\masks\portugal-wildfire_00000472_post_disaster.png,0,0,15,11196,472,1 +1,181,hurricane-michael,post,train,train\images\hurricane-michael_00000473_post_disaster.png,hurricane-michael_00000473_post_disaster,12,17969,train\masks\hurricane-michael_00000473_post_disaster.png,4,25359,74,96877,473,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000473_post_disaster.png,pinery-bushfire_00000473_post_disaster,0,0,tier3\masks\pinery-bushfire_00000473_post_disaster.png,0,0,0,0,473,3 +2,1798,socal-fire,post,train,train\images\socal-fire_00000473_post_disaster.png,socal-fire_00000473_post_disaster,0,0,train\masks\socal-fire_00000473_post_disaster.png,0,0,12,10459,473,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000473_post_disaster.png,nepal-flooding_00000473_post_disaster,7,2552,tier3\masks\nepal-flooding_00000473_post_disaster.png,13,7394,32,14191,473,0 +4,1358,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000473_post_disaster.png,woolsey-fire_00000473_post_disaster,0,0,tier3\masks\woolsey-fire_00000473_post_disaster.png,0,0,7,1882,473,2 +5,928,hurricane-harvey,post,train,train\images\hurricane-harvey_00000473_post_disaster.png,hurricane-harvey_00000473_post_disaster,0,0,train\masks\hurricane-harvey_00000473_post_disaster.png,114,129271,0,0,473,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000473_post_disaster.png,hurricane-florence_00000473_post_disaster,1,1279,train\masks\hurricane-florence_00000473_post_disaster.png,5,2503,26,21904,473,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000473_post_disaster.png,portugal-wildfire_00000473_post_disaster,0,0,tier3\masks\portugal-wildfire_00000473_post_disaster.png,0,0,0,0,473,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000474_post_disaster.png,nepal-flooding_00000474_post_disaster,3,1793,tier3\masks\nepal-flooding_00000474_post_disaster.png,0,0,114,76477,474,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000474_post_disaster.png,portugal-wildfire_00000474_post_disaster,0,0,tier3\masks\portugal-wildfire_00000474_post_disaster.png,0,0,8,3510,474,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000474_post_disaster.png,pinery-bushfire_00000474_post_disaster,0,0,tier3\masks\pinery-bushfire_00000474_post_disaster.png,0,0,0,0,474,1 +2,2134,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000474_post_disaster.png,woolsey-fire_00000474_post_disaster,0,0,tier3\masks\woolsey-fire_00000474_post_disaster.png,0,0,3,282,474,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000474_post_disaster.png,hurricane-florence_00000474_post_disaster,0,0,train\masks\hurricane-florence_00000474_post_disaster.png,0,0,6,3391,474,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000474_post_disaster.png,hurricane-michael_00000474_post_disaster,23,22029,train\masks\hurricane-michael_00000474_post_disaster.png,4,2906,117,125784,474,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000474_post_disaster.png,socal-fire_00000474_post_disaster,0,0,train\masks\socal-fire_00000474_post_disaster.png,0,0,0,0,474,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000474_post_disaster.png,hurricane-harvey_00000474_post_disaster,7,14406,train\masks\hurricane-harvey_00000474_post_disaster.png,86,169571,4,8229,474,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000475_post_disaster.png,hurricane-michael_00000475_post_disaster,12,21557,train\masks\hurricane-michael_00000475_post_disaster.png,4,26529,59,98604,475,1 +28,20464,hurricane-florence,post,train,train\images\hurricane-florence_00000475_post_disaster.png,hurricane-florence_00000475_post_disaster,0,0,train\masks\hurricane-florence_00000475_post_disaster.png,0,0,5,4778,475,2 +11,13638,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000475_post_disaster.png,woolsey-fire_00000475_post_disaster,2,377,tier3\masks\woolsey-fire_00000475_post_disaster.png,2,2339,21,15077,475,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000475_post_disaster.png,pinery-bushfire_00000475_post_disaster,0,0,tier3\masks\pinery-bushfire_00000475_post_disaster.png,0,0,0,0,475,0 +4,1660,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000475_post_disaster.png,nepal-flooding_00000475_post_disaster,0,0,tier3\masks\nepal-flooding_00000475_post_disaster.png,0,0,28,19727,475,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000475_post_disaster.png,portugal-wildfire_00000475_post_disaster,0,0,tier3\masks\portugal-wildfire_00000475_post_disaster.png,0,0,0,0,475,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000476_post_disaster.png,pinery-bushfire_00000476_post_disaster,0,0,tier3\masks\pinery-bushfire_00000476_post_disaster.png,0,0,0,0,476,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000476_post_disaster.png,nepal-flooding_00000476_post_disaster,53,38392,tier3\masks\nepal-flooding_00000476_post_disaster.png,6,3206,104,76328,476,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000476_post_disaster.png,hurricane-michael_00000476_post_disaster,2,2383,train\masks\hurricane-michael_00000476_post_disaster.png,0,0,125,118026,476,3 +2,386,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000476_post_disaster.png,woolsey-fire_00000476_post_disaster,6,2519,tier3\masks\woolsey-fire_00000476_post_disaster.png,0,0,14,7779,476,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000476_post_disaster.png,portugal-wildfire_00000476_post_disaster,0,0,tier3\masks\portugal-wildfire_00000476_post_disaster.png,0,0,2,1561,476,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000476_post_disaster.png,hurricane-florence_00000476_post_disaster,0,0,train\masks\hurricane-florence_00000476_post_disaster.png,8,12906,0,0,476,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000477_post_disaster.png,socal-fire_00000477_post_disaster,0,0,train\masks\socal-fire_00000477_post_disaster.png,0,0,0,0,477,4 +3,366,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000477_post_disaster.png,nepal-flooding_00000477_post_disaster,0,0,tier3\masks\nepal-flooding_00000477_post_disaster.png,12,5955,1,393,477,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000477_post_disaster.png,hurricane-florence_00000477_post_disaster,1,1300,train\masks\hurricane-florence_00000477_post_disaster.png,0,0,11,7195,477,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000477_post_disaster.png,pinery-bushfire_00000477_post_disaster,0,0,tier3\masks\pinery-bushfire_00000477_post_disaster.png,0,0,0,0,477,1 +2,1299,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000477_post_disaster.png,woolsey-fire_00000477_post_disaster,0,0,tier3\masks\woolsey-fire_00000477_post_disaster.png,2,3171,2,511,477,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000477_post_disaster.png,portugal-wildfire_00000477_post_disaster,0,0,tier3\masks\portugal-wildfire_00000477_post_disaster.png,0,0,0,0,477,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000477_post_disaster.png,hurricane-harvey_00000477_post_disaster,49,83097,train\masks\hurricane-harvey_00000477_post_disaster.png,115,214875,22,32214,477,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000478_post_disaster.png,hurricane-florence_00000478_post_disaster,0,0,train\masks\hurricane-florence_00000478_post_disaster.png,2,1174,29,15620,478,0 +4,1820,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000478_post_disaster.png,portugal-wildfire_00000478_post_disaster,0,0,tier3\masks\portugal-wildfire_00000478_post_disaster.png,0,0,5,2462,478,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000478_post_disaster.png,socal-fire_00000478_post_disaster,0,0,train\masks\socal-fire_00000478_post_disaster.png,0,0,0,0,478,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000478_post_disaster.png,woolsey-fire_00000478_post_disaster,0,0,tier3\masks\woolsey-fire_00000478_post_disaster.png,0,0,1,164,478,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000478_post_disaster.png,nepal-flooding_00000478_post_disaster,0,0,tier3\masks\nepal-flooding_00000478_post_disaster.png,0,0,24,27047,478,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000478_post_disaster.png,hurricane-harvey_00000478_post_disaster,16,27011,train\masks\hurricane-harvey_00000478_post_disaster.png,0,0,3,31926,478,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000478_post_disaster.png,pinery-bushfire_00000478_post_disaster,0,0,tier3\masks\pinery-bushfire_00000478_post_disaster.png,0,0,18,10034,478,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000479_post_disaster.png,portugal-wildfire_00000479_post_disaster,0,0,tier3\masks\portugal-wildfire_00000479_post_disaster.png,0,0,5,2967,479,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000479_post_disaster.png,pinery-bushfire_00000479_post_disaster,0,0,tier3\masks\pinery-bushfire_00000479_post_disaster.png,0,0,0,0,479,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000479_post_disaster.png,nepal-flooding_00000479_post_disaster,0,0,tier3\masks\nepal-flooding_00000479_post_disaster.png,0,0,212,146350,479,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000479_post_disaster.png,hurricane-michael_00000479_post_disaster,5,5472,train\masks\hurricane-michael_00000479_post_disaster.png,0,0,94,116544,479,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000479_post_disaster.png,woolsey-fire_00000479_post_disaster,0,0,tier3\masks\woolsey-fire_00000479_post_disaster.png,0,0,0,0,479,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000480_post_disaster.png,portugal-wildfire_00000480_post_disaster,0,0,tier3\masks\portugal-wildfire_00000480_post_disaster.png,0,0,0,0,480,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000480_post_disaster.png,hurricane-harvey_00000480_post_disaster,34,88057,train\masks\hurricane-harvey_00000480_post_disaster.png,49,106973,1,402,480,4 +10,3193,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000480_post_disaster.png,woolsey-fire_00000480_post_disaster,1,123,tier3\masks\woolsey-fire_00000480_post_disaster.png,1,1649,0,0,480,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000480_post_disaster.png,pinery-bushfire_00000480_post_disaster,0,0,tier3\masks\pinery-bushfire_00000480_post_disaster.png,0,0,12,9065,480,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000480_post_disaster.png,nepal-flooding_00000480_post_disaster,22,18405,tier3\masks\nepal-flooding_00000480_post_disaster.png,5,8610,186,139526,480,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000480_post_disaster.png,socal-fire_00000480_post_disaster,0,0,train\masks\socal-fire_00000480_post_disaster.png,0,0,4,9872,480,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000480_post_disaster.png,hurricane-michael_00000480_post_disaster,12,15272,train\masks\hurricane-michael_00000480_post_disaster.png,1,129,79,110193,480,4 +8,4488,hurricane-harvey,post,train,train\images\hurricane-harvey_00000481_post_disaster.png,hurricane-harvey_00000481_post_disaster,0,0,train\masks\hurricane-harvey_00000481_post_disaster.png,0,0,0,0,481,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000481_post_disaster.png,nepal-flooding_00000481_post_disaster,1,1102,tier3\masks\nepal-flooding_00000481_post_disaster.png,0,0,23,8650,481,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000481_post_disaster.png,woolsey-fire_00000481_post_disaster,0,0,tier3\masks\woolsey-fire_00000481_post_disaster.png,0,0,0,0,481,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000481_post_disaster.png,pinery-bushfire_00000481_post_disaster,0,0,tier3\masks\pinery-bushfire_00000481_post_disaster.png,0,0,0,0,481,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000481_post_disaster.png,hurricane-florence_00000481_post_disaster,0,0,train\masks\hurricane-florence_00000481_post_disaster.png,15,10785,0,0,481,0 +8,4488,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000481_post_disaster.png,portugal-wildfire_00000481_post_disaster,0,0,tier3\masks\portugal-wildfire_00000481_post_disaster.png,2,1256,17,10406,481,2 +2,242,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000482_post_disaster.png,nepal-flooding_00000482_post_disaster,0,0,tier3\masks\nepal-flooding_00000482_post_disaster.png,11,5017,1,71,482,3 +2,1648,hurricane-michael,post,train,train\images\hurricane-michael_00000482_post_disaster.png,hurricane-michael_00000482_post_disaster,14,20069,train\masks\hurricane-michael_00000482_post_disaster.png,2,1540,89,107892,482,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000482_post_disaster.png,pinery-bushfire_00000482_post_disaster,0,0,tier3\masks\pinery-bushfire_00000482_post_disaster.png,0,0,0,0,482,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000482_post_disaster.png,portugal-wildfire_00000482_post_disaster,0,0,tier3\masks\portugal-wildfire_00000482_post_disaster.png,0,0,0,0,482,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000482_post_disaster.png,woolsey-fire_00000482_post_disaster,0,0,tier3\masks\woolsey-fire_00000482_post_disaster.png,0,0,22,21222,482,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000482_post_disaster.png,hurricane-florence_00000482_post_disaster,0,0,train\masks\hurricane-florence_00000482_post_disaster.png,4,855,1,122,482,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000482_post_disaster.png,hurricane-harvey_00000482_post_disaster,29,88503,train\masks\hurricane-harvey_00000482_post_disaster.png,23,59011,0,0,482,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000483_post_disaster.png,nepal-flooding_00000483_post_disaster,0,0,tier3\masks\nepal-flooding_00000483_post_disaster.png,0,0,0,0,483,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000483_post_disaster.png,woolsey-fire_00000483_post_disaster,0,0,tier3\masks\woolsey-fire_00000483_post_disaster.png,0,0,0,0,483,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000483_post_disaster.png,portugal-wildfire_00000483_post_disaster,4,1435,tier3\masks\portugal-wildfire_00000483_post_disaster.png,0,0,34,27887,483,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000483_post_disaster.png,pinery-bushfire_00000483_post_disaster,0,0,tier3\masks\pinery-bushfire_00000483_post_disaster.png,0,0,8,4519,483,3 +3,1063,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000484_post_disaster.png,woolsey-fire_00000484_post_disaster,5,1850,tier3\masks\woolsey-fire_00000484_post_disaster.png,1,105,25,12020,484,1 +4,10573,hurricane-harvey,post,train,train\images\hurricane-harvey_00000484_post_disaster.png,hurricane-harvey_00000484_post_disaster,21,43862,train\masks\hurricane-harvey_00000484_post_disaster.png,66,141894,9,7866,484,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000484_post_disaster.png,portugal-wildfire_00000484_post_disaster,0,0,tier3\masks\portugal-wildfire_00000484_post_disaster.png,0,0,0,0,484,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000484_post_disaster.png,nepal-flooding_00000484_post_disaster,11,9347,tier3\masks\nepal-flooding_00000484_post_disaster.png,0,0,46,50227,484,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000484_post_disaster.png,hurricane-michael_00000484_post_disaster,9,15570,train\masks\hurricane-michael_00000484_post_disaster.png,3,9425,62,133899,484,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000484_post_disaster.png,socal-fire_00000484_post_disaster,0,0,train\masks\socal-fire_00000484_post_disaster.png,0,0,162,275361,484,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000484_post_disaster.png,hurricane-florence_00000484_post_disaster,0,0,train\masks\hurricane-florence_00000484_post_disaster.png,8,3978,0,0,484,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000484_post_disaster.png,pinery-bushfire_00000484_post_disaster,1,1106,tier3\masks\pinery-bushfire_00000484_post_disaster.png,0,0,1,206,484,1 +1,581,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000485_post_disaster.png,woolsey-fire_00000485_post_disaster,0,0,tier3\masks\woolsey-fire_00000485_post_disaster.png,0,0,0,0,485,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000485_post_disaster.png,portugal-wildfire_00000485_post_disaster,0,0,tier3\masks\portugal-wildfire_00000485_post_disaster.png,0,0,0,0,485,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000485_post_disaster.png,pinery-bushfire_00000485_post_disaster,0,0,tier3\masks\pinery-bushfire_00000485_post_disaster.png,0,0,0,0,485,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000485_post_disaster.png,nepal-flooding_00000485_post_disaster,0,0,tier3\masks\nepal-flooding_00000485_post_disaster.png,0,0,96,97476,485,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000485_post_disaster.png,hurricane-florence_00000485_post_disaster,0,0,train\masks\hurricane-florence_00000485_post_disaster.png,59,57561,0,0,485,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000485_post_disaster.png,hurricane-michael_00000485_post_disaster,2,3445,train\masks\hurricane-michael_00000485_post_disaster.png,0,0,38,75547,485,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000486_post_disaster.png,hurricane-florence_00000486_post_disaster,1,2830,train\masks\hurricane-florence_00000486_post_disaster.png,0,0,0,0,486,0 +1,1994,hurricane-michael,post,train,train\images\hurricane-michael_00000486_post_disaster.png,hurricane-michael_00000486_post_disaster,3,5211,train\masks\hurricane-michael_00000486_post_disaster.png,3,6648,7,5531,486,1 +2,597,hurricane-harvey,post,train,train\images\hurricane-harvey_00000486_post_disaster.png,hurricane-harvey_00000486_post_disaster,7,15987,train\masks\hurricane-harvey_00000486_post_disaster.png,24,48349,8,21674,486,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000486_post_disaster.png,nepal-flooding_00000486_post_disaster,0,0,tier3\masks\nepal-flooding_00000486_post_disaster.png,0,0,36,19744,486,0 +1,301,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000486_post_disaster.png,portugal-wildfire_00000486_post_disaster,1,226,tier3\masks\portugal-wildfire_00000486_post_disaster.png,0,0,29,34662,486,2 +4,3030,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000486_post_disaster.png,woolsey-fire_00000486_post_disaster,0,0,tier3\masks\woolsey-fire_00000486_post_disaster.png,1,2500,11,15858,486,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000486_post_disaster.png,pinery-bushfire_00000486_post_disaster,0,0,tier3\masks\pinery-bushfire_00000486_post_disaster.png,0,0,0,0,486,0 +2,743,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000487_post_disaster.png,nepal-flooding_00000487_post_disaster,16,17936,tier3\masks\nepal-flooding_00000487_post_disaster.png,1,1635,46,38038,487,2 +29,18012,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000487_post_disaster.png,woolsey-fire_00000487_post_disaster,0,0,tier3\masks\woolsey-fire_00000487_post_disaster.png,0,0,5,3670,487,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000487_post_disaster.png,portugal-wildfire_00000487_post_disaster,0,0,tier3\masks\portugal-wildfire_00000487_post_disaster.png,0,0,0,0,487,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000487_post_disaster.png,hurricane-michael_00000487_post_disaster,5,34631,train\masks\hurricane-michael_00000487_post_disaster.png,1,598,38,110128,487,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000487_post_disaster.png,pinery-bushfire_00000487_post_disaster,0,0,tier3\masks\pinery-bushfire_00000487_post_disaster.png,0,0,0,0,487,0 +5,6745,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000488_post_disaster.png,woolsey-fire_00000488_post_disaster,1,96,tier3\masks\woolsey-fire_00000488_post_disaster.png,0,0,14,10141,488,1 +6,2947,socal-fire,post,train,train\images\socal-fire_00000488_post_disaster.png,socal-fire_00000488_post_disaster,2,124,train\masks\socal-fire_00000488_post_disaster.png,0,0,13,17286,488,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000488_post_disaster.png,nepal-flooding_00000488_post_disaster,0,0,tier3\masks\nepal-flooding_00000488_post_disaster.png,3,738,15,5963,488,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000488_post_disaster.png,pinery-bushfire_00000488_post_disaster,1,1189,tier3\masks\pinery-bushfire_00000488_post_disaster.png,0,0,0,0,488,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000488_post_disaster.png,portugal-wildfire_00000488_post_disaster,0,0,tier3\masks\portugal-wildfire_00000488_post_disaster.png,0,0,12,7425,488,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000488_post_disaster.png,hurricane-harvey_00000488_post_disaster,18,74458,train\masks\hurricane-harvey_00000488_post_disaster.png,6,21840,84,153034,488,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000489_post_disaster.png,nepal-flooding_00000489_post_disaster,24,13555,tier3\masks\nepal-flooding_00000489_post_disaster.png,16,9206,85,58606,489,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000489_post_disaster.png,hurricane-harvey_00000489_post_disaster,10,28354,train\masks\hurricane-harvey_00000489_post_disaster.png,26,52074,9,18395,489,1 +1,647,socal-fire,post,train,train\images\socal-fire_00000489_post_disaster.png,socal-fire_00000489_post_disaster,0,0,train\masks\socal-fire_00000489_post_disaster.png,0,0,8,5228,489,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000489_post_disaster.png,hurricane-michael_00000489_post_disaster,7,11130,train\masks\hurricane-michael_00000489_post_disaster.png,1,2793,28,38747,489,4 +2,546,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000489_post_disaster.png,woolsey-fire_00000489_post_disaster,0,0,tier3\masks\woolsey-fire_00000489_post_disaster.png,0,0,1,127,489,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000489_post_disaster.png,portugal-wildfire_00000489_post_disaster,0,0,tier3\masks\portugal-wildfire_00000489_post_disaster.png,0,0,0,0,489,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000489_post_disaster.png,pinery-bushfire_00000489_post_disaster,0,0,tier3\masks\pinery-bushfire_00000489_post_disaster.png,0,0,3,3770,489,0 +4,995,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000490_post_disaster.png,woolsey-fire_00000490_post_disaster,0,0,tier3\masks\woolsey-fire_00000490_post_disaster.png,1,2193,1,76,490,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000490_post_disaster.png,portugal-wildfire_00000490_post_disaster,0,0,tier3\masks\portugal-wildfire_00000490_post_disaster.png,0,0,0,0,490,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000490_post_disaster.png,hurricane-florence_00000490_post_disaster,0,0,train\masks\hurricane-florence_00000490_post_disaster.png,6,11735,15,31249,490,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000490_post_disaster.png,hurricane-michael_00000490_post_disaster,4,31008,train\masks\hurricane-michael_00000490_post_disaster.png,3,15522,31,82157,490,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000490_post_disaster.png,nepal-flooding_00000490_post_disaster,0,0,tier3\masks\nepal-flooding_00000490_post_disaster.png,1,36,47,38139,490,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000490_post_disaster.png,pinery-bushfire_00000490_post_disaster,0,0,tier3\masks\pinery-bushfire_00000490_post_disaster.png,0,0,0,0,490,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000491_post_disaster.png,nepal-flooding_00000491_post_disaster,3,3214,tier3\masks\nepal-flooding_00000491_post_disaster.png,8,2147,90,77758,491,3 +1,214,hurricane-harvey,post,train,train\images\hurricane-harvey_00000491_post_disaster.png,hurricane-harvey_00000491_post_disaster,22,86038,train\masks\hurricane-harvey_00000491_post_disaster.png,61,185141,1,6243,491,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000491_post_disaster.png,pinery-bushfire_00000491_post_disaster,0,0,tier3\masks\pinery-bushfire_00000491_post_disaster.png,0,0,0,0,491,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000491_post_disaster.png,portugal-wildfire_00000491_post_disaster,0,0,tier3\masks\portugal-wildfire_00000491_post_disaster.png,0,0,0,0,491,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000491_post_disaster.png,woolsey-fire_00000491_post_disaster,0,0,tier3\masks\woolsey-fire_00000491_post_disaster.png,0,0,0,0,491,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000492_post_disaster.png,hurricane-michael_00000492_post_disaster,13,14442,train\masks\hurricane-michael_00000492_post_disaster.png,0,0,39,49989,492,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000492_post_disaster.png,hurricane-harvey_00000492_post_disaster,5,55323,train\masks\hurricane-harvey_00000492_post_disaster.png,5,28462,80,191054,492,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000492_post_disaster.png,portugal-wildfire_00000492_post_disaster,0,0,tier3\masks\portugal-wildfire_00000492_post_disaster.png,0,0,36,22820,492,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000492_post_disaster.png,woolsey-fire_00000492_post_disaster,0,0,tier3\masks\woolsey-fire_00000492_post_disaster.png,0,0,0,0,492,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000492_post_disaster.png,pinery-bushfire_00000492_post_disaster,0,0,tier3\masks\pinery-bushfire_00000492_post_disaster.png,0,0,0,0,492,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000492_post_disaster.png,nepal-flooding_00000492_post_disaster,36,32348,tier3\masks\nepal-flooding_00000492_post_disaster.png,1,332,67,35678,492,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000492_post_disaster.png,socal-fire_00000492_post_disaster,0,0,train\masks\socal-fire_00000492_post_disaster.png,0,0,0,0,492,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000492_post_disaster.png,hurricane-florence_00000492_post_disaster,0,0,train\masks\hurricane-florence_00000492_post_disaster.png,4,8600,0,0,492,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000493_post_disaster.png,pinery-bushfire_00000493_post_disaster,0,0,tier3\masks\pinery-bushfire_00000493_post_disaster.png,0,0,0,0,493,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000493_post_disaster.png,hurricane-florence_00000493_post_disaster,0,0,train\masks\hurricane-florence_00000493_post_disaster.png,3,530,0,0,493,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000493_post_disaster.png,portugal-wildfire_00000493_post_disaster,0,0,tier3\masks\portugal-wildfire_00000493_post_disaster.png,0,0,0,0,493,2 +29,13288,hurricane-harvey,post,train,train\images\hurricane-harvey_00000493_post_disaster.png,hurricane-harvey_00000493_post_disaster,0,0,train\masks\hurricane-harvey_00000493_post_disaster.png,7,11915,0,0,493,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000493_post_disaster.png,nepal-flooding_00000493_post_disaster,9,5123,tier3\masks\nepal-flooding_00000493_post_disaster.png,4,3055,67,78087,493,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000493_post_disaster.png,woolsey-fire_00000493_post_disaster,0,0,tier3\masks\woolsey-fire_00000493_post_disaster.png,0,0,49,28193,493,0 +2,3109,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000494_post_disaster.png,woolsey-fire_00000494_post_disaster,0,0,tier3\masks\woolsey-fire_00000494_post_disaster.png,0,0,0,0,494,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000494_post_disaster.png,portugal-wildfire_00000494_post_disaster,0,0,tier3\masks\portugal-wildfire_00000494_post_disaster.png,1,743,8,3216,494,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000494_post_disaster.png,hurricane-harvey_00000494_post_disaster,0,0,train\masks\hurricane-harvey_00000494_post_disaster.png,0,0,45,184159,494,2 +1,42,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000494_post_disaster.png,pinery-bushfire_00000494_post_disaster,1,6223,tier3\masks\pinery-bushfire_00000494_post_disaster.png,0,0,0,0,494,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000494_post_disaster.png,hurricane-florence_00000494_post_disaster,5,9960,train\masks\hurricane-florence_00000494_post_disaster.png,12,21764,1,1530,494,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000494_post_disaster.png,nepal-flooding_00000494_post_disaster,0,0,tier3\masks\nepal-flooding_00000494_post_disaster.png,2,1127,15,7223,494,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000494_post_disaster.png,hurricane-michael_00000494_post_disaster,40,34327,train\masks\hurricane-michael_00000494_post_disaster.png,8,7354,61,74583,494,1 +8,8954,socal-fire,post,train,train\images\socal-fire_00000494_post_disaster.png,socal-fire_00000494_post_disaster,0,0,train\masks\socal-fire_00000494_post_disaster.png,1,1528,5,17085,494,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000495_post_disaster.png,woolsey-fire_00000495_post_disaster,0,0,tier3\masks\woolsey-fire_00000495_post_disaster.png,0,0,0,0,495,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000495_post_disaster.png,socal-fire_00000495_post_disaster,0,0,train\masks\socal-fire_00000495_post_disaster.png,0,0,50,75845,495,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000495_post_disaster.png,hurricane-harvey_00000495_post_disaster,5,13286,train\masks\hurricane-harvey_00000495_post_disaster.png,2,1344,51,351505,495,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000495_post_disaster.png,portugal-wildfire_00000495_post_disaster,0,0,tier3\masks\portugal-wildfire_00000495_post_disaster.png,0,0,0,0,495,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000495_post_disaster.png,pinery-bushfire_00000495_post_disaster,0,0,tier3\masks\pinery-bushfire_00000495_post_disaster.png,0,0,0,0,495,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000495_post_disaster.png,nepal-flooding_00000495_post_disaster,0,0,tier3\masks\nepal-flooding_00000495_post_disaster.png,0,0,25,10898,495,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000496_post_disaster.png,pinery-bushfire_00000496_post_disaster,0,0,tier3\masks\pinery-bushfire_00000496_post_disaster.png,0,0,0,0,496,3 +2,238,hurricane-harvey,post,train,train\images\hurricane-harvey_00000496_post_disaster.png,hurricane-harvey_00000496_post_disaster,3,2140,train\masks\hurricane-harvey_00000496_post_disaster.png,16,10967,0,0,496,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000496_post_disaster.png,hurricane-michael_00000496_post_disaster,12,21341,train\masks\hurricane-michael_00000496_post_disaster.png,1,1490,110,143231,496,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000496_post_disaster.png,woolsey-fire_00000496_post_disaster,0,0,tier3\masks\woolsey-fire_00000496_post_disaster.png,0,0,0,0,496,0 +2,616,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000496_post_disaster.png,portugal-wildfire_00000496_post_disaster,0,0,tier3\masks\portugal-wildfire_00000496_post_disaster.png,0,0,8,2060,496,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000496_post_disaster.png,nepal-flooding_00000496_post_disaster,6,5854,tier3\masks\nepal-flooding_00000496_post_disaster.png,0,0,9,5023,496,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000496_post_disaster.png,socal-fire_00000496_post_disaster,0,0,train\masks\socal-fire_00000496_post_disaster.png,0,0,53,76846,496,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000496_post_disaster.png,hurricane-florence_00000496_post_disaster,0,0,train\masks\hurricane-florence_00000496_post_disaster.png,1,773,0,0,496,4 +6,4462,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000497_post_disaster.png,woolsey-fire_00000497_post_disaster,4,2126,tier3\masks\woolsey-fire_00000497_post_disaster.png,4,6265,43,37137,497,2 +4,2826,hurricane-florence,post,train,train\images\hurricane-florence_00000497_post_disaster.png,hurricane-florence_00000497_post_disaster,0,0,train\masks\hurricane-florence_00000497_post_disaster.png,0,0,0,0,497,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000497_post_disaster.png,pinery-bushfire_00000497_post_disaster,0,0,tier3\masks\pinery-bushfire_00000497_post_disaster.png,0,0,0,0,497,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000497_post_disaster.png,nepal-flooding_00000497_post_disaster,5,1414,tier3\masks\nepal-flooding_00000497_post_disaster.png,15,12725,5,2376,497,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000497_post_disaster.png,hurricane-michael_00000497_post_disaster,2,5149,train\masks\hurricane-michael_00000497_post_disaster.png,0,0,26,65055,497,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000497_post_disaster.png,portugal-wildfire_00000497_post_disaster,0,0,tier3\masks\portugal-wildfire_00000497_post_disaster.png,0,0,21,18053,497,0 +6,7631,socal-fire,post,train,train\images\socal-fire_00000497_post_disaster.png,socal-fire_00000497_post_disaster,1,147,train\masks\socal-fire_00000497_post_disaster.png,2,1086,19,10320,497,3 +3,2532,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000498_post_disaster.png,woolsey-fire_00000498_post_disaster,1,610,tier3\masks\woolsey-fire_00000498_post_disaster.png,3,3600,24,13211,498,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000498_post_disaster.png,portugal-wildfire_00000498_post_disaster,0,0,tier3\masks\portugal-wildfire_00000498_post_disaster.png,0,0,0,0,498,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000498_post_disaster.png,hurricane-michael_00000498_post_disaster,1,1681,train\masks\hurricane-michael_00000498_post_disaster.png,0,0,17,24005,498,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000498_post_disaster.png,pinery-bushfire_00000498_post_disaster,0,0,tier3\masks\pinery-bushfire_00000498_post_disaster.png,0,0,1,119,498,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000498_post_disaster.png,nepal-flooding_00000498_post_disaster,11,3560,tier3\masks\nepal-flooding_00000498_post_disaster.png,1,398,38,29148,498,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000498_post_disaster.png,hurricane-florence_00000498_post_disaster,0,0,train\masks\hurricane-florence_00000498_post_disaster.png,19,8171,1,450,498,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000499_post_disaster.png,hurricane-michael_00000499_post_disaster,19,24765,train\masks\hurricane-michael_00000499_post_disaster.png,8,10113,84,113906,499,2 +5,3785,hurricane-harvey,post,train,train\images\hurricane-harvey_00000499_post_disaster.png,hurricane-harvey_00000499_post_disaster,3,3495,train\masks\hurricane-harvey_00000499_post_disaster.png,41,76519,0,0,499,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000499_post_disaster.png,pinery-bushfire_00000499_post_disaster,0,0,tier3\masks\pinery-bushfire_00000499_post_disaster.png,0,0,0,0,499,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000499_post_disaster.png,portugal-wildfire_00000499_post_disaster,0,0,tier3\masks\portugal-wildfire_00000499_post_disaster.png,0,0,1,640,499,2 +3,452,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000499_post_disaster.png,nepal-flooding_00000499_post_disaster,1,112,tier3\masks\nepal-flooding_00000499_post_disaster.png,12,4403,6,2328,499,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000499_post_disaster.png,woolsey-fire_00000499_post_disaster,0,0,tier3\masks\woolsey-fire_00000499_post_disaster.png,0,0,0,0,499,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000500_post_disaster.png,nepal-flooding_00000500_post_disaster,0,0,tier3\masks\nepal-flooding_00000500_post_disaster.png,5,1238,2,2288,500,3 +1,167,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000500_post_disaster.png,portugal-wildfire_00000500_post_disaster,0,0,tier3\masks\portugal-wildfire_00000500_post_disaster.png,0,0,0,0,500,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000500_post_disaster.png,socal-fire_00000500_post_disaster,0,0,train\masks\socal-fire_00000500_post_disaster.png,0,0,0,0,500,0 +1,392,hurricane-harvey,post,train,train\images\hurricane-harvey_00000500_post_disaster.png,hurricane-harvey_00000500_post_disaster,8,20778,train\masks\hurricane-harvey_00000500_post_disaster.png,77,164418,0,0,500,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000500_post_disaster.png,pinery-bushfire_00000500_post_disaster,0,0,tier3\masks\pinery-bushfire_00000500_post_disaster.png,0,0,0,0,500,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000500_post_disaster.png,woolsey-fire_00000500_post_disaster,0,0,tier3\masks\woolsey-fire_00000500_post_disaster.png,0,0,1,429,500,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000500_post_disaster.png,hurricane-michael_00000500_post_disaster,9,8040,train\masks\hurricane-michael_00000500_post_disaster.png,5,3674,51,36870,500,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000500_post_disaster.png,hurricane-florence_00000500_post_disaster,0,0,train\masks\hurricane-florence_00000500_post_disaster.png,7,8710,1,170,500,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000501_post_disaster.png,hurricane-harvey_00000501_post_disaster,15,84915,train\masks\hurricane-harvey_00000501_post_disaster.png,19,51583,0,0,501,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000501_post_disaster.png,hurricane-florence_00000501_post_disaster,0,0,train\masks\hurricane-florence_00000501_post_disaster.png,3,1616,0,0,501,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000501_post_disaster.png,woolsey-fire_00000501_post_disaster,0,0,tier3\masks\woolsey-fire_00000501_post_disaster.png,0,0,6,2142,501,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000501_post_disaster.png,hurricane-michael_00000501_post_disaster,61,34100,train\masks\hurricane-michael_00000501_post_disaster.png,0,0,38,29397,501,1 +12,11372,socal-fire,post,train,train\images\socal-fire_00000501_post_disaster.png,socal-fire_00000501_post_disaster,0,0,train\masks\socal-fire_00000501_post_disaster.png,3,1848,7,9300,501,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000501_post_disaster.png,nepal-flooding_00000501_post_disaster,0,0,tier3\masks\nepal-flooding_00000501_post_disaster.png,1,1378,29,27795,501,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000501_post_disaster.png,pinery-bushfire_00000501_post_disaster,0,0,tier3\masks\pinery-bushfire_00000501_post_disaster.png,0,0,3,1223,501,3 +1,143,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000501_post_disaster.png,portugal-wildfire_00000501_post_disaster,1,192,tier3\masks\portugal-wildfire_00000501_post_disaster.png,0,0,5,1670,501,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000502_post_disaster.png,nepal-flooding_00000502_post_disaster,0,0,tier3\masks\nepal-flooding_00000502_post_disaster.png,0,0,0,0,502,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000502_post_disaster.png,portugal-wildfire_00000502_post_disaster,0,0,tier3\masks\portugal-wildfire_00000502_post_disaster.png,0,0,0,0,502,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000502_post_disaster.png,hurricane-michael_00000502_post_disaster,0,0,train\masks\hurricane-michael_00000502_post_disaster.png,2,95099,6,79821,502,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000502_post_disaster.png,hurricane-harvey_00000502_post_disaster,0,0,train\masks\hurricane-harvey_00000502_post_disaster.png,189,221970,0,0,502,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000502_post_disaster.png,woolsey-fire_00000502_post_disaster,0,0,tier3\masks\woolsey-fire_00000502_post_disaster.png,0,0,0,0,502,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000502_post_disaster.png,socal-fire_00000502_post_disaster,0,0,train\masks\socal-fire_00000502_post_disaster.png,0,0,0,0,502,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000502_post_disaster.png,pinery-bushfire_00000502_post_disaster,0,0,tier3\masks\pinery-bushfire_00000502_post_disaster.png,0,0,0,0,502,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000503_post_disaster.png,portugal-wildfire_00000503_post_disaster,0,0,tier3\masks\portugal-wildfire_00000503_post_disaster.png,0,0,0,0,503,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000503_post_disaster.png,hurricane-florence_00000503_post_disaster,0,0,train\masks\hurricane-florence_00000503_post_disaster.png,1,1592,0,0,503,1 +1,49,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000503_post_disaster.png,nepal-flooding_00000503_post_disaster,1,723,tier3\masks\nepal-flooding_00000503_post_disaster.png,0,0,19,11063,503,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000503_post_disaster.png,pinery-bushfire_00000503_post_disaster,0,0,tier3\masks\pinery-bushfire_00000503_post_disaster.png,0,0,0,0,503,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000503_post_disaster.png,woolsey-fire_00000503_post_disaster,0,0,tier3\masks\woolsey-fire_00000503_post_disaster.png,0,0,0,0,503,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000503_post_disaster.png,socal-fire_00000503_post_disaster,0,0,train\masks\socal-fire_00000503_post_disaster.png,0,0,3,2729,503,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000504_post_disaster.png,hurricane-michael_00000504_post_disaster,3,20681,train\masks\hurricane-michael_00000504_post_disaster.png,2,38045,10,54041,504,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000504_post_disaster.png,hurricane-florence_00000504_post_disaster,0,0,train\masks\hurricane-florence_00000504_post_disaster.png,1,1781,0,0,504,0 +1,192,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000504_post_disaster.png,woolsey-fire_00000504_post_disaster,1,564,tier3\masks\woolsey-fire_00000504_post_disaster.png,0,0,2,4051,504,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000504_post_disaster.png,pinery-bushfire_00000504_post_disaster,0,0,tier3\masks\pinery-bushfire_00000504_post_disaster.png,0,0,0,0,504,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000504_post_disaster.png,nepal-flooding_00000504_post_disaster,0,0,tier3\masks\nepal-flooding_00000504_post_disaster.png,0,0,85,106436,504,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000504_post_disaster.png,portugal-wildfire_00000504_post_disaster,0,0,tier3\masks\portugal-wildfire_00000504_post_disaster.png,0,0,7,5327,504,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000505_post_disaster.png,hurricane-michael_00000505_post_disaster,12,19308,train\masks\hurricane-michael_00000505_post_disaster.png,8,51209,47,80978,505,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000505_post_disaster.png,socal-fire_00000505_post_disaster,0,0,train\masks\socal-fire_00000505_post_disaster.png,0,0,11,3510,505,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000505_post_disaster.png,nepal-flooding_00000505_post_disaster,3,2719,tier3\masks\nepal-flooding_00000505_post_disaster.png,2,649,7,4342,505,1 +1,2124,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000505_post_disaster.png,woolsey-fire_00000505_post_disaster,0,0,tier3\masks\woolsey-fire_00000505_post_disaster.png,0,0,6,10210,505,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000505_post_disaster.png,hurricane-harvey_00000505_post_disaster,33,64846,train\masks\hurricane-harvey_00000505_post_disaster.png,4,9591,15,28438,505,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000505_post_disaster.png,pinery-bushfire_00000505_post_disaster,0,0,tier3\masks\pinery-bushfire_00000505_post_disaster.png,0,0,0,0,505,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000505_post_disaster.png,portugal-wildfire_00000505_post_disaster,0,0,tier3\masks\portugal-wildfire_00000505_post_disaster.png,0,0,0,0,505,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000506_post_disaster.png,hurricane-harvey_00000506_post_disaster,0,0,train\masks\hurricane-harvey_00000506_post_disaster.png,81,102723,0,0,506,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000506_post_disaster.png,pinery-bushfire_00000506_post_disaster,0,0,tier3\masks\pinery-bushfire_00000506_post_disaster.png,0,0,0,0,506,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000506_post_disaster.png,hurricane-florence_00000506_post_disaster,0,0,train\masks\hurricane-florence_00000506_post_disaster.png,7,10970,1,140,506,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000506_post_disaster.png,portugal-wildfire_00000506_post_disaster,0,0,tier3\masks\portugal-wildfire_00000506_post_disaster.png,0,0,0,0,506,0 +3,824,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000506_post_disaster.png,nepal-flooding_00000506_post_disaster,0,0,tier3\masks\nepal-flooding_00000506_post_disaster.png,0,0,0,0,506,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000506_post_disaster.png,woolsey-fire_00000506_post_disaster,0,0,tier3\masks\woolsey-fire_00000506_post_disaster.png,0,0,0,0,506,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000507_post_disaster.png,pinery-bushfire_00000507_post_disaster,0,0,tier3\masks\pinery-bushfire_00000507_post_disaster.png,0,0,0,0,507,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000507_post_disaster.png,socal-fire_00000507_post_disaster,0,0,train\masks\socal-fire_00000507_post_disaster.png,0,0,45,100097,507,2 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000507_post_disaster.png,hurricane-harvey_00000507_post_disaster,52,115119,train\masks\hurricane-harvey_00000507_post_disaster.png,67,138907,0,0,507,0 +3,547,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000507_post_disaster.png,nepal-flooding_00000507_post_disaster,1,842,tier3\masks\nepal-flooding_00000507_post_disaster.png,0,0,23,9707,507,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000507_post_disaster.png,woolsey-fire_00000507_post_disaster,0,0,tier3\masks\woolsey-fire_00000507_post_disaster.png,0,0,0,0,507,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000507_post_disaster.png,portugal-wildfire_00000507_post_disaster,0,0,tier3\masks\portugal-wildfire_00000507_post_disaster.png,0,0,15,14678,507,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000508_post_disaster.png,portugal-wildfire_00000508_post_disaster,0,0,tier3\masks\portugal-wildfire_00000508_post_disaster.png,0,0,0,0,508,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000508_post_disaster.png,pinery-bushfire_00000508_post_disaster,0,0,tier3\masks\pinery-bushfire_00000508_post_disaster.png,0,0,0,0,508,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000508_post_disaster.png,socal-fire_00000508_post_disaster,0,0,train\masks\socal-fire_00000508_post_disaster.png,0,0,0,0,508,0 +1,277,hurricane-florence,post,train,train\images\hurricane-florence_00000508_post_disaster.png,hurricane-florence_00000508_post_disaster,0,0,train\masks\hurricane-florence_00000508_post_disaster.png,10,66560,1,373,508,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000508_post_disaster.png,woolsey-fire_00000508_post_disaster,0,0,tier3\masks\woolsey-fire_00000508_post_disaster.png,0,0,0,0,508,0 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000508_post_disaster.png,hurricane-harvey_00000508_post_disaster,57,79540,train\masks\hurricane-harvey_00000508_post_disaster.png,88,105307,37,60614,508,0 +3,355,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000508_post_disaster.png,nepal-flooding_00000508_post_disaster,15,10620,tier3\masks\nepal-flooding_00000508_post_disaster.png,1,167,35,23439,508,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000509_post_disaster.png,portugal-wildfire_00000509_post_disaster,0,0,tier3\masks\portugal-wildfire_00000509_post_disaster.png,0,0,0,0,509,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000509_post_disaster.png,nepal-flooding_00000509_post_disaster,35,32654,tier3\masks\nepal-flooding_00000509_post_disaster.png,17,18556,0,0,509,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000509_post_disaster.png,pinery-bushfire_00000509_post_disaster,0,0,tier3\masks\pinery-bushfire_00000509_post_disaster.png,0,0,0,0,509,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000509_post_disaster.png,hurricane-michael_00000509_post_disaster,6,4973,train\masks\hurricane-michael_00000509_post_disaster.png,6,4420,109,71424,509,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000509_post_disaster.png,woolsey-fire_00000509_post_disaster,0,0,tier3\masks\woolsey-fire_00000509_post_disaster.png,0,0,0,0,509,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000509_post_disaster.png,hurricane-harvey_00000509_post_disaster,130,216577,train\masks\hurricane-harvey_00000509_post_disaster.png,0,0,15,16711,509,2 +7,3121,socal-fire,post,train,train\images\socal-fire_00000510_post_disaster.png,socal-fire_00000510_post_disaster,0,0,train\masks\socal-fire_00000510_post_disaster.png,0,0,1,244,510,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000510_post_disaster.png,nepal-flooding_00000510_post_disaster,0,0,tier3\masks\nepal-flooding_00000510_post_disaster.png,0,0,30,23593,510,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000510_post_disaster.png,woolsey-fire_00000510_post_disaster,0,0,tier3\masks\woolsey-fire_00000510_post_disaster.png,0,0,0,0,510,3 +1,193,hurricane-florence,post,train,train\images\hurricane-florence_00000510_post_disaster.png,hurricane-florence_00000510_post_disaster,0,0,train\masks\hurricane-florence_00000510_post_disaster.png,0,0,27,19286,510,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000510_post_disaster.png,pinery-bushfire_00000510_post_disaster,0,0,tier3\masks\pinery-bushfire_00000510_post_disaster.png,0,0,0,0,510,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000510_post_disaster.png,portugal-wildfire_00000510_post_disaster,0,0,tier3\masks\portugal-wildfire_00000510_post_disaster.png,0,0,0,0,510,4 +8,4482,hurricane-harvey,post,train,train\images\hurricane-harvey_00000511_post_disaster.png,hurricane-harvey_00000511_post_disaster,0,0,train\masks\hurricane-harvey_00000511_post_disaster.png,5,4005,1,156,511,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000511_post_disaster.png,hurricane-michael_00000511_post_disaster,20,24054,train\masks\hurricane-michael_00000511_post_disaster.png,4,10825,134,101948,511,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000511_post_disaster.png,woolsey-fire_00000511_post_disaster,0,0,tier3\masks\woolsey-fire_00000511_post_disaster.png,0,0,0,0,511,4 +10,3722,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000511_post_disaster.png,portugal-wildfire_00000511_post_disaster,1,1111,tier3\masks\portugal-wildfire_00000511_post_disaster.png,0,0,12,6270,511,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000511_post_disaster.png,socal-fire_00000511_post_disaster,0,0,train\masks\socal-fire_00000511_post_disaster.png,0,0,0,0,511,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000511_post_disaster.png,nepal-flooding_00000511_post_disaster,16,12354,tier3\masks\nepal-flooding_00000511_post_disaster.png,2,986,29,17709,511,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000511_post_disaster.png,pinery-bushfire_00000511_post_disaster,0,0,tier3\masks\pinery-bushfire_00000511_post_disaster.png,0,0,0,0,511,3 +2,1598,hurricane-harvey,post,train,train\images\hurricane-harvey_00000512_post_disaster.png,hurricane-harvey_00000512_post_disaster,6,5126,train\masks\hurricane-harvey_00000512_post_disaster.png,1,2241,1,74411,512,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000512_post_disaster.png,hurricane-michael_00000512_post_disaster,4,4677,train\masks\hurricane-michael_00000512_post_disaster.png,0,0,123,109208,512,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000512_post_disaster.png,hurricane-florence_00000512_post_disaster,0,0,train\masks\hurricane-florence_00000512_post_disaster.png,0,0,6,4326,512,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000512_post_disaster.png,woolsey-fire_00000512_post_disaster,0,0,tier3\masks\woolsey-fire_00000512_post_disaster.png,0,0,0,0,512,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000512_post_disaster.png,nepal-flooding_00000512_post_disaster,10,4517,tier3\masks\nepal-flooding_00000512_post_disaster.png,7,3162,3,863,512,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000512_post_disaster.png,pinery-bushfire_00000512_post_disaster,0,0,tier3\masks\pinery-bushfire_00000512_post_disaster.png,0,0,0,0,512,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000512_post_disaster.png,portugal-wildfire_00000512_post_disaster,0,0,tier3\masks\portugal-wildfire_00000512_post_disaster.png,0,0,0,0,512,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000513_post_disaster.png,portugal-wildfire_00000513_post_disaster,0,0,tier3\masks\portugal-wildfire_00000513_post_disaster.png,0,0,6,4351,513,4 +1,147,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000513_post_disaster.png,nepal-flooding_00000513_post_disaster,1,473,tier3\masks\nepal-flooding_00000513_post_disaster.png,1,1235,38,23517,513,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000513_post_disaster.png,pinery-bushfire_00000513_post_disaster,0,0,tier3\masks\pinery-bushfire_00000513_post_disaster.png,0,0,0,0,513,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000513_post_disaster.png,hurricane-florence_00000513_post_disaster,0,0,train\masks\hurricane-florence_00000513_post_disaster.png,4,4304,0,0,513,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000513_post_disaster.png,woolsey-fire_00000513_post_disaster,0,0,tier3\masks\woolsey-fire_00000513_post_disaster.png,0,0,0,0,513,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000514_post_disaster.png,portugal-wildfire_00000514_post_disaster,1,134,tier3\masks\portugal-wildfire_00000514_post_disaster.png,0,0,18,15976,514,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000514_post_disaster.png,nepal-flooding_00000514_post_disaster,9,6552,tier3\masks\nepal-flooding_00000514_post_disaster.png,1,285,93,94152,514,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000514_post_disaster.png,hurricane-harvey_00000514_post_disaster,0,0,train\masks\hurricane-harvey_00000514_post_disaster.png,0,0,29,84541,514,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000514_post_disaster.png,woolsey-fire_00000514_post_disaster,0,0,tier3\masks\woolsey-fire_00000514_post_disaster.png,0,0,2,1288,514,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000514_post_disaster.png,hurricane-michael_00000514_post_disaster,1,1280,train\masks\hurricane-michael_00000514_post_disaster.png,1,3842,27,30213,514,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000514_post_disaster.png,hurricane-florence_00000514_post_disaster,0,0,train\masks\hurricane-florence_00000514_post_disaster.png,3,1903,0,0,514,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000514_post_disaster.png,pinery-bushfire_00000514_post_disaster,0,0,tier3\masks\pinery-bushfire_00000514_post_disaster.png,0,0,0,0,514,4 +3,14332,socal-fire,post,train,train\images\socal-fire_00000514_post_disaster.png,socal-fire_00000514_post_disaster,2,1013,train\masks\socal-fire_00000514_post_disaster.png,0,0,36,44345,514,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000515_post_disaster.png,woolsey-fire_00000515_post_disaster,0,0,tier3\masks\woolsey-fire_00000515_post_disaster.png,0,0,0,0,515,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000515_post_disaster.png,portugal-wildfire_00000515_post_disaster,0,0,tier3\masks\portugal-wildfire_00000515_post_disaster.png,0,0,0,0,515,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000515_post_disaster.png,pinery-bushfire_00000515_post_disaster,0,0,tier3\masks\pinery-bushfire_00000515_post_disaster.png,0,0,7,8736,515,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000515_post_disaster.png,hurricane-harvey_00000515_post_disaster,0,0,train\masks\hurricane-harvey_00000515_post_disaster.png,0,0,29,70553,515,3 +3,319,hurricane-michael,post,train,train\images\hurricane-michael_00000515_post_disaster.png,hurricane-michael_00000515_post_disaster,29,23928,train\masks\hurricane-michael_00000515_post_disaster.png,15,8890,109,123418,515,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000515_post_disaster.png,socal-fire_00000515_post_disaster,0,0,train\masks\socal-fire_00000515_post_disaster.png,0,0,3,30067,515,0 +1,167,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000515_post_disaster.png,nepal-flooding_00000515_post_disaster,4,4269,tier3\masks\nepal-flooding_00000515_post_disaster.png,4,1228,7,6772,515,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000515_post_disaster.png,hurricane-florence_00000515_post_disaster,0,0,train\masks\hurricane-florence_00000515_post_disaster.png,0,0,10,19662,515,3 +8,2048,socal-fire,post,train,train\images\socal-fire_00000516_post_disaster.png,socal-fire_00000516_post_disaster,0,0,train\masks\socal-fire_00000516_post_disaster.png,0,0,1,150,516,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000516_post_disaster.png,pinery-bushfire_00000516_post_disaster,0,0,tier3\masks\pinery-bushfire_00000516_post_disaster.png,0,0,0,0,516,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000516_post_disaster.png,nepal-flooding_00000516_post_disaster,38,31699,tier3\masks\nepal-flooding_00000516_post_disaster.png,13,18609,72,68520,516,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000516_post_disaster.png,hurricane-florence_00000516_post_disaster,0,0,train\masks\hurricane-florence_00000516_post_disaster.png,0,0,20,7247,516,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000516_post_disaster.png,woolsey-fire_00000516_post_disaster,0,0,tier3\masks\woolsey-fire_00000516_post_disaster.png,0,0,0,0,516,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000516_post_disaster.png,portugal-wildfire_00000516_post_disaster,0,0,tier3\masks\portugal-wildfire_00000516_post_disaster.png,0,0,52,42247,516,0 +3,1942,hurricane-michael,post,train,train\images\hurricane-michael_00000516_post_disaster.png,hurricane-michael_00000516_post_disaster,13,17754,train\masks\hurricane-michael_00000516_post_disaster.png,1,4761,64,118130,516,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000517_post_disaster.png,pinery-bushfire_00000517_post_disaster,0,0,tier3\masks\pinery-bushfire_00000517_post_disaster.png,0,0,5,1708,517,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000517_post_disaster.png,portugal-wildfire_00000517_post_disaster,0,0,tier3\masks\portugal-wildfire_00000517_post_disaster.png,0,0,0,0,517,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000517_post_disaster.png,hurricane-michael_00000517_post_disaster,4,6012,train\masks\hurricane-michael_00000517_post_disaster.png,0,0,153,171418,517,1 +3,299,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000517_post_disaster.png,nepal-flooding_00000517_post_disaster,0,0,tier3\masks\nepal-flooding_00000517_post_disaster.png,7,6963,0,0,517,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000517_post_disaster.png,hurricane-florence_00000517_post_disaster,0,0,train\masks\hurricane-florence_00000517_post_disaster.png,2,6963,15,18311,517,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000517_post_disaster.png,hurricane-harvey_00000517_post_disaster,0,0,train\masks\hurricane-harvey_00000517_post_disaster.png,6,13805,0,0,517,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000517_post_disaster.png,woolsey-fire_00000517_post_disaster,0,0,tier3\masks\woolsey-fire_00000517_post_disaster.png,0,0,4,3445,517,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000517_post_disaster.png,socal-fire_00000517_post_disaster,0,0,train\masks\socal-fire_00000517_post_disaster.png,0,0,2,178,517,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000518_post_disaster.png,portugal-wildfire_00000518_post_disaster,0,0,tier3\masks\portugal-wildfire_00000518_post_disaster.png,0,0,31,48026,518,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000518_post_disaster.png,nepal-flooding_00000518_post_disaster,0,0,tier3\masks\nepal-flooding_00000518_post_disaster.png,0,0,3,1350,518,0 +7,4992,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000518_post_disaster.png,woolsey-fire_00000518_post_disaster,0,0,tier3\masks\woolsey-fire_00000518_post_disaster.png,0,0,15,8116,518,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000518_post_disaster.png,pinery-bushfire_00000518_post_disaster,0,0,tier3\masks\pinery-bushfire_00000518_post_disaster.png,0,0,0,0,518,4 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000519_post_disaster.png,hurricane-harvey_00000519_post_disaster,1,3547,train\masks\hurricane-harvey_00000519_post_disaster.png,1,871,8,155139,519,2 +4,3582,hurricane-michael,post,train,train\images\hurricane-michael_00000519_post_disaster.png,hurricane-michael_00000519_post_disaster,21,19118,train\masks\hurricane-michael_00000519_post_disaster.png,9,10388,128,115235,519,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000519_post_disaster.png,nepal-flooding_00000519_post_disaster,0,0,tier3\masks\nepal-flooding_00000519_post_disaster.png,3,2206,26,13306,519,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000519_post_disaster.png,socal-fire_00000519_post_disaster,0,0,train\masks\socal-fire_00000519_post_disaster.png,0,0,0,0,519,1 +1,1071,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000519_post_disaster.png,pinery-bushfire_00000519_post_disaster,0,0,tier3\masks\pinery-bushfire_00000519_post_disaster.png,0,0,2,3586,519,1 +1,498,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000519_post_disaster.png,portugal-wildfire_00000519_post_disaster,0,0,tier3\masks\portugal-wildfire_00000519_post_disaster.png,0,0,19,15004,519,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000519_post_disaster.png,woolsey-fire_00000519_post_disaster,0,0,tier3\masks\woolsey-fire_00000519_post_disaster.png,0,0,0,0,519,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000520_post_disaster.png,woolsey-fire_00000520_post_disaster,0,0,tier3\masks\woolsey-fire_00000520_post_disaster.png,0,0,0,0,520,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000520_post_disaster.png,nepal-flooding_00000520_post_disaster,1,667,tier3\masks\nepal-flooding_00000520_post_disaster.png,6,3822,0,0,520,1 +0,0,hurricane-harvey,post,train,train\images\hurricane-harvey_00000520_post_disaster.png,hurricane-harvey_00000520_post_disaster,0,0,train\masks\hurricane-harvey_00000520_post_disaster.png,1,1395,0,0,520,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000520_post_disaster.png,socal-fire_00000520_post_disaster,0,0,train\masks\socal-fire_00000520_post_disaster.png,0,0,0,0,520,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000520_post_disaster.png,portugal-wildfire_00000520_post_disaster,0,0,tier3\masks\portugal-wildfire_00000520_post_disaster.png,0,0,0,0,520,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000520_post_disaster.png,pinery-bushfire_00000520_post_disaster,0,0,tier3\masks\pinery-bushfire_00000520_post_disaster.png,0,0,0,0,520,4 +7,1032,socal-fire,post,train,train\images\socal-fire_00000521_post_disaster.png,socal-fire_00000521_post_disaster,2,148,train\masks\socal-fire_00000521_post_disaster.png,0,0,0,0,521,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000521_post_disaster.png,pinery-bushfire_00000521_post_disaster,0,0,tier3\masks\pinery-bushfire_00000521_post_disaster.png,0,0,0,0,521,4 +1,641,hurricane-harvey,post,train,train\images\hurricane-harvey_00000521_post_disaster.png,hurricane-harvey_00000521_post_disaster,5,11822,train\masks\hurricane-harvey_00000521_post_disaster.png,16,8992,0,0,521,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000521_post_disaster.png,woolsey-fire_00000521_post_disaster,0,0,tier3\masks\woolsey-fire_00000521_post_disaster.png,0,0,0,0,521,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000521_post_disaster.png,nepal-flooding_00000521_post_disaster,0,0,tier3\masks\nepal-flooding_00000521_post_disaster.png,2,479,0,0,521,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000521_post_disaster.png,hurricane-michael_00000521_post_disaster,15,14764,train\masks\hurricane-michael_00000521_post_disaster.png,6,4225,175,236925,521,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000521_post_disaster.png,portugal-wildfire_00000521_post_disaster,0,0,tier3\masks\portugal-wildfire_00000521_post_disaster.png,0,0,11,9305,521,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000522_post_disaster.png,pinery-bushfire_00000522_post_disaster,0,0,tier3\masks\pinery-bushfire_00000522_post_disaster.png,0,0,0,0,522,4 +2,382,socal-fire,post,train,train\images\socal-fire_00000522_post_disaster.png,socal-fire_00000522_post_disaster,0,0,train\masks\socal-fire_00000522_post_disaster.png,0,0,0,0,522,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000522_post_disaster.png,hurricane-michael_00000522_post_disaster,2,5862,train\masks\hurricane-michael_00000522_post_disaster.png,0,0,10,20944,522,4 +6,1813,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000522_post_disaster.png,woolsey-fire_00000522_post_disaster,0,0,tier3\masks\woolsey-fire_00000522_post_disaster.png,0,0,1,92,522,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000522_post_disaster.png,portugal-wildfire_00000522_post_disaster,0,0,tier3\masks\portugal-wildfire_00000522_post_disaster.png,0,0,40,19264,522,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000522_post_disaster.png,nepal-flooding_00000522_post_disaster,19,14146,tier3\masks\nepal-flooding_00000522_post_disaster.png,1,767,12,3954,522,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000522_post_disaster.png,hurricane-florence_00000522_post_disaster,0,0,train\masks\hurricane-florence_00000522_post_disaster.png,2,4703,16,21332,522,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000523_post_disaster.png,pinery-bushfire_00000523_post_disaster,0,0,tier3\masks\pinery-bushfire_00000523_post_disaster.png,0,0,6,1830,523,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000523_post_disaster.png,woolsey-fire_00000523_post_disaster,0,0,tier3\masks\woolsey-fire_00000523_post_disaster.png,0,0,0,0,523,4 +5,1830,hurricane-michael,post,train,train\images\hurricane-michael_00000523_post_disaster.png,hurricane-michael_00000523_post_disaster,32,27519,train\masks\hurricane-michael_00000523_post_disaster.png,21,16389,140,103228,523,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000523_post_disaster.png,portugal-wildfire_00000523_post_disaster,0,0,tier3\masks\portugal-wildfire_00000523_post_disaster.png,0,0,0,0,523,3 +3,1732,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000523_post_disaster.png,nepal-flooding_00000523_post_disaster,0,0,tier3\masks\nepal-flooding_00000523_post_disaster.png,7,3877,0,0,523,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000523_post_disaster.png,hurricane-florence_00000523_post_disaster,1,10604,train\masks\hurricane-florence_00000523_post_disaster.png,0,0,0,0,523,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000524_post_disaster.png,portugal-wildfire_00000524_post_disaster,0,0,tier3\masks\portugal-wildfire_00000524_post_disaster.png,0,0,0,0,524,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000524_post_disaster.png,woolsey-fire_00000524_post_disaster,0,0,tier3\masks\woolsey-fire_00000524_post_disaster.png,0,0,0,0,524,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000524_post_disaster.png,pinery-bushfire_00000524_post_disaster,0,0,tier3\masks\pinery-bushfire_00000524_post_disaster.png,0,0,0,0,524,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000524_post_disaster.png,hurricane-michael_00000524_post_disaster,1,1252,train\masks\hurricane-michael_00000524_post_disaster.png,0,0,160,166103,524,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000524_post_disaster.png,nepal-flooding_00000524_post_disaster,0,0,tier3\masks\nepal-flooding_00000524_post_disaster.png,0,0,0,0,524,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000525_post_disaster.png,pinery-bushfire_00000525_post_disaster,0,0,tier3\masks\pinery-bushfire_00000525_post_disaster.png,0,0,0,0,525,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000525_post_disaster.png,nepal-flooding_00000525_post_disaster,12,7104,tier3\masks\nepal-flooding_00000525_post_disaster.png,0,0,161,172305,525,0 +17,30984,socal-fire,post,train,train\images\socal-fire_00000525_post_disaster.png,socal-fire_00000525_post_disaster,1,2101,train\masks\socal-fire_00000525_post_disaster.png,0,0,20,64095,525,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000525_post_disaster.png,portugal-wildfire_00000525_post_disaster,0,0,tier3\masks\portugal-wildfire_00000525_post_disaster.png,0,0,0,0,525,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000525_post_disaster.png,woolsey-fire_00000525_post_disaster,0,0,tier3\masks\woolsey-fire_00000525_post_disaster.png,0,0,0,0,525,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000526_post_disaster.png,woolsey-fire_00000526_post_disaster,0,0,tier3\masks\woolsey-fire_00000526_post_disaster.png,0,0,3,1943,526,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000526_post_disaster.png,pinery-bushfire_00000526_post_disaster,0,0,tier3\masks\pinery-bushfire_00000526_post_disaster.png,0,0,0,0,526,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000526_post_disaster.png,nepal-flooding_00000526_post_disaster,11,4629,tier3\masks\nepal-flooding_00000526_post_disaster.png,1,1450,19,20212,526,2 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000526_post_disaster.png,hurricane-florence_00000526_post_disaster,1,2170,train\masks\hurricane-florence_00000526_post_disaster.png,0,0,0,0,526,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000526_post_disaster.png,portugal-wildfire_00000526_post_disaster,0,0,tier3\masks\portugal-wildfire_00000526_post_disaster.png,0,0,3,6219,526,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000527_post_disaster.png,woolsey-fire_00000527_post_disaster,0,0,tier3\masks\woolsey-fire_00000527_post_disaster.png,0,0,0,0,527,2 +2,254,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000527_post_disaster.png,nepal-flooding_00000527_post_disaster,4,3093,tier3\masks\nepal-flooding_00000527_post_disaster.png,0,0,87,125735,527,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000527_post_disaster.png,pinery-bushfire_00000527_post_disaster,0,0,tier3\masks\pinery-bushfire_00000527_post_disaster.png,0,0,0,0,527,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000527_post_disaster.png,portugal-wildfire_00000527_post_disaster,0,0,tier3\masks\portugal-wildfire_00000527_post_disaster.png,0,0,0,0,527,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000527_post_disaster.png,hurricane-michael_00000527_post_disaster,0,0,train\masks\hurricane-michael_00000527_post_disaster.png,0,0,155,228755,527,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000527_post_disaster.png,hurricane-florence_00000527_post_disaster,0,0,train\masks\hurricane-florence_00000527_post_disaster.png,1,1313,12,13315,527,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000528_post_disaster.png,nepal-flooding_00000528_post_disaster,1,1794,tier3\masks\nepal-flooding_00000528_post_disaster.png,0,0,3,1410,528,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000528_post_disaster.png,hurricane-michael_00000528_post_disaster,11,16999,train\masks\hurricane-michael_00000528_post_disaster.png,2,2888,106,156443,528,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000528_post_disaster.png,socal-fire_00000528_post_disaster,0,0,train\masks\socal-fire_00000528_post_disaster.png,0,0,0,0,528,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000528_post_disaster.png,portugal-wildfire_00000528_post_disaster,0,0,tier3\masks\portugal-wildfire_00000528_post_disaster.png,0,0,2,448,528,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000528_post_disaster.png,woolsey-fire_00000528_post_disaster,0,0,tier3\masks\woolsey-fire_00000528_post_disaster.png,0,0,0,0,528,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000528_post_disaster.png,pinery-bushfire_00000528_post_disaster,0,0,tier3\masks\pinery-bushfire_00000528_post_disaster.png,0,0,0,0,528,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000529_post_disaster.png,hurricane-florence_00000529_post_disaster,0,0,train\masks\hurricane-florence_00000529_post_disaster.png,1,3646,18,14058,529,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000529_post_disaster.png,portugal-wildfire_00000529_post_disaster,0,0,tier3\masks\portugal-wildfire_00000529_post_disaster.png,0,0,0,0,529,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000529_post_disaster.png,hurricane-michael_00000529_post_disaster,0,0,train\masks\hurricane-michael_00000529_post_disaster.png,0,0,45,66230,529,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000529_post_disaster.png,nepal-flooding_00000529_post_disaster,0,0,tier3\masks\nepal-flooding_00000529_post_disaster.png,1,524,0,0,529,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000529_post_disaster.png,socal-fire_00000529_post_disaster,0,0,train\masks\socal-fire_00000529_post_disaster.png,0,0,0,0,529,3 +5,1404,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000529_post_disaster.png,woolsey-fire_00000529_post_disaster,0,0,tier3\masks\woolsey-fire_00000529_post_disaster.png,0,0,2,353,529,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000529_post_disaster.png,pinery-bushfire_00000529_post_disaster,0,0,tier3\masks\pinery-bushfire_00000529_post_disaster.png,0,0,0,0,529,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000530_post_disaster.png,hurricane-michael_00000530_post_disaster,0,0,train\masks\hurricane-michael_00000530_post_disaster.png,1,16423,0,0,530,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000530_post_disaster.png,woolsey-fire_00000530_post_disaster,0,0,tier3\masks\woolsey-fire_00000530_post_disaster.png,0,0,0,0,530,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000530_post_disaster.png,pinery-bushfire_00000530_post_disaster,0,0,tier3\masks\pinery-bushfire_00000530_post_disaster.png,0,0,0,0,530,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000530_post_disaster.png,socal-fire_00000530_post_disaster,0,0,train\masks\socal-fire_00000530_post_disaster.png,0,0,172,250010,530,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000530_post_disaster.png,nepal-flooding_00000530_post_disaster,3,3944,tier3\masks\nepal-flooding_00000530_post_disaster.png,3,2820,56,57990,530,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000530_post_disaster.png,portugal-wildfire_00000530_post_disaster,0,0,tier3\masks\portugal-wildfire_00000530_post_disaster.png,0,0,0,0,530,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000531_post_disaster.png,pinery-bushfire_00000531_post_disaster,0,0,tier3\masks\pinery-bushfire_00000531_post_disaster.png,0,0,0,0,531,2 +12,3314,socal-fire,post,train,train\images\socal-fire_00000531_post_disaster.png,socal-fire_00000531_post_disaster,1,758,train\masks\socal-fire_00000531_post_disaster.png,0,0,3,659,531,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000531_post_disaster.png,woolsey-fire_00000531_post_disaster,0,0,tier3\masks\woolsey-fire_00000531_post_disaster.png,0,0,0,0,531,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000531_post_disaster.png,hurricane-florence_00000531_post_disaster,0,0,train\masks\hurricane-florence_00000531_post_disaster.png,1,1062,1,3137,531,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000531_post_disaster.png,portugal-wildfire_00000531_post_disaster,0,0,tier3\masks\portugal-wildfire_00000531_post_disaster.png,0,0,17,6267,531,3 +4,566,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000531_post_disaster.png,nepal-flooding_00000531_post_disaster,35,28762,tier3\masks\nepal-flooding_00000531_post_disaster.png,5,6415,210,179578,531,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000532_post_disaster.png,nepal-flooding_00000532_post_disaster,0,0,tier3\masks\nepal-flooding_00000532_post_disaster.png,0,0,1,43,532,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000532_post_disaster.png,pinery-bushfire_00000532_post_disaster,0,0,tier3\masks\pinery-bushfire_00000532_post_disaster.png,0,0,0,0,532,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000532_post_disaster.png,portugal-wildfire_00000532_post_disaster,0,0,tier3\masks\portugal-wildfire_00000532_post_disaster.png,0,0,1,167,532,1 +5,908,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000532_post_disaster.png,woolsey-fire_00000532_post_disaster,3,649,tier3\masks\woolsey-fire_00000532_post_disaster.png,0,0,2,795,532,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000533_post_disaster.png,nepal-flooding_00000533_post_disaster,8,6624,tier3\masks\nepal-flooding_00000533_post_disaster.png,0,0,37,27438,533,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000533_post_disaster.png,hurricane-florence_00000533_post_disaster,0,0,train\masks\hurricane-florence_00000533_post_disaster.png,0,0,2,1327,533,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000533_post_disaster.png,woolsey-fire_00000533_post_disaster,0,0,tier3\masks\woolsey-fire_00000533_post_disaster.png,0,0,0,0,533,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000533_post_disaster.png,socal-fire_00000533_post_disaster,0,0,train\masks\socal-fire_00000533_post_disaster.png,0,0,0,0,533,1 +1,538,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000533_post_disaster.png,portugal-wildfire_00000533_post_disaster,0,0,tier3\masks\portugal-wildfire_00000533_post_disaster.png,0,0,36,24854,533,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000533_post_disaster.png,pinery-bushfire_00000533_post_disaster,0,0,tier3\masks\pinery-bushfire_00000533_post_disaster.png,0,0,0,0,533,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000534_post_disaster.png,pinery-bushfire_00000534_post_disaster,0,0,tier3\masks\pinery-bushfire_00000534_post_disaster.png,0,0,0,0,534,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000534_post_disaster.png,portugal-wildfire_00000534_post_disaster,0,0,tier3\masks\portugal-wildfire_00000534_post_disaster.png,0,0,1,369,534,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000534_post_disaster.png,woolsey-fire_00000534_post_disaster,0,0,tier3\masks\woolsey-fire_00000534_post_disaster.png,0,0,0,0,534,0 +2,543,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000534_post_disaster.png,nepal-flooding_00000534_post_disaster,2,1292,tier3\masks\nepal-flooding_00000534_post_disaster.png,4,3178,10,3149,534,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000534_post_disaster.png,socal-fire_00000534_post_disaster,0,0,train\masks\socal-fire_00000534_post_disaster.png,0,0,0,0,534,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000535_post_disaster.png,woolsey-fire_00000535_post_disaster,0,0,tier3\masks\woolsey-fire_00000535_post_disaster.png,0,0,1,9013,535,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000535_post_disaster.png,portugal-wildfire_00000535_post_disaster,0,0,tier3\masks\portugal-wildfire_00000535_post_disaster.png,0,0,67,62826,535,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000535_post_disaster.png,hurricane-michael_00000535_post_disaster,3,4159,train\masks\hurricane-michael_00000535_post_disaster.png,2,2267,26,94656,535,3 +3,6957,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000535_post_disaster.png,pinery-bushfire_00000535_post_disaster,3,1024,tier3\masks\pinery-bushfire_00000535_post_disaster.png,3,443,10,4808,535,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000535_post_disaster.png,nepal-flooding_00000535_post_disaster,11,18283,tier3\masks\nepal-flooding_00000535_post_disaster.png,4,2431,18,11756,535,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000535_post_disaster.png,socal-fire_00000535_post_disaster,0,0,train\masks\socal-fire_00000535_post_disaster.png,0,0,0,0,535,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000536_post_disaster.png,portugal-wildfire_00000536_post_disaster,0,0,tier3\masks\portugal-wildfire_00000536_post_disaster.png,0,0,0,0,536,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000536_post_disaster.png,socal-fire_00000536_post_disaster,0,0,train\masks\socal-fire_00000536_post_disaster.png,0,0,0,0,536,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000536_post_disaster.png,pinery-bushfire_00000536_post_disaster,0,0,tier3\masks\pinery-bushfire_00000536_post_disaster.png,0,0,0,0,536,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000536_post_disaster.png,hurricane-florence_00000536_post_disaster,4,11853,train\masks\hurricane-florence_00000536_post_disaster.png,0,0,0,0,536,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000536_post_disaster.png,woolsey-fire_00000536_post_disaster,0,0,tier3\masks\woolsey-fire_00000536_post_disaster.png,0,0,0,0,536,2 +2,157,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000536_post_disaster.png,nepal-flooding_00000536_post_disaster,2,755,tier3\masks\nepal-flooding_00000536_post_disaster.png,9,9002,2,3751,536,3 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000536_post_disaster.png,hurricane-michael_00000536_post_disaster,1,1054,train\masks\hurricane-michael_00000536_post_disaster.png,0,0,72,183556,536,2 +1,2997,hurricane-florence,post,train,train\images\hurricane-florence_00000537_post_disaster.png,hurricane-florence_00000537_post_disaster,0,0,train\masks\hurricane-florence_00000537_post_disaster.png,0,0,19,14160,537,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000537_post_disaster.png,nepal-flooding_00000537_post_disaster,3,1949,tier3\masks\nepal-flooding_00000537_post_disaster.png,2,1388,40,53889,537,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000537_post_disaster.png,hurricane-michael_00000537_post_disaster,0,0,train\masks\hurricane-michael_00000537_post_disaster.png,0,0,62,58399,537,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000537_post_disaster.png,portugal-wildfire_00000537_post_disaster,0,0,tier3\masks\portugal-wildfire_00000537_post_disaster.png,0,0,69,77472,537,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000537_post_disaster.png,woolsey-fire_00000537_post_disaster,0,0,tier3\masks\woolsey-fire_00000537_post_disaster.png,0,0,0,0,537,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000537_post_disaster.png,socal-fire_00000537_post_disaster,0,0,train\masks\socal-fire_00000537_post_disaster.png,0,0,0,0,537,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000537_post_disaster.png,pinery-bushfire_00000537_post_disaster,0,0,tier3\masks\pinery-bushfire_00000537_post_disaster.png,0,0,0,0,537,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000538_post_disaster.png,portugal-wildfire_00000538_post_disaster,0,0,tier3\masks\portugal-wildfire_00000538_post_disaster.png,0,0,4,4278,538,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000538_post_disaster.png,woolsey-fire_00000538_post_disaster,0,0,tier3\masks\woolsey-fire_00000538_post_disaster.png,0,0,1,355,538,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000538_post_disaster.png,socal-fire_00000538_post_disaster,0,0,train\masks\socal-fire_00000538_post_disaster.png,0,0,0,0,538,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000538_post_disaster.png,hurricane-michael_00000538_post_disaster,1,7270,train\masks\hurricane-michael_00000538_post_disaster.png,0,0,2,3533,538,4 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000538_post_disaster.png,hurricane-florence_00000538_post_disaster,1,83,train\masks\hurricane-florence_00000538_post_disaster.png,0,0,2,233,538,3 +2,251,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000538_post_disaster.png,nepal-flooding_00000538_post_disaster,0,0,tier3\masks\nepal-flooding_00000538_post_disaster.png,5,3644,1,27,538,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000538_post_disaster.png,pinery-bushfire_00000538_post_disaster,0,0,tier3\masks\pinery-bushfire_00000538_post_disaster.png,0,0,0,0,538,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000539_post_disaster.png,nepal-flooding_00000539_post_disaster,0,0,tier3\masks\nepal-flooding_00000539_post_disaster.png,0,0,0,0,539,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000539_post_disaster.png,pinery-bushfire_00000539_post_disaster,0,0,tier3\masks\pinery-bushfire_00000539_post_disaster.png,0,0,1,105,539,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000539_post_disaster.png,hurricane-michael_00000539_post_disaster,0,0,train\masks\hurricane-michael_00000539_post_disaster.png,1,2657,29,73375,539,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000539_post_disaster.png,portugal-wildfire_00000539_post_disaster,0,0,tier3\masks\portugal-wildfire_00000539_post_disaster.png,0,0,31,40162,539,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000539_post_disaster.png,woolsey-fire_00000539_post_disaster,0,0,tier3\masks\woolsey-fire_00000539_post_disaster.png,0,0,0,0,539,2 +1,247,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000540_post_disaster.png,nepal-flooding_00000540_post_disaster,0,0,tier3\masks\nepal-flooding_00000540_post_disaster.png,8,6786,0,0,540,0 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000540_post_disaster.png,hurricane-florence_00000540_post_disaster,0,0,train\masks\hurricane-florence_00000540_post_disaster.png,0,0,1,1046,540,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000540_post_disaster.png,portugal-wildfire_00000540_post_disaster,0,0,tier3\masks\portugal-wildfire_00000540_post_disaster.png,0,0,0,0,540,0 +2,219,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000540_post_disaster.png,woolsey-fire_00000540_post_disaster,0,0,tier3\masks\woolsey-fire_00000540_post_disaster.png,0,0,3,3900,540,4 +1,730,hurricane-michael,post,train,train\images\hurricane-michael_00000540_post_disaster.png,hurricane-michael_00000540_post_disaster,6,6305,train\masks\hurricane-michael_00000540_post_disaster.png,0,0,61,74557,540,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000540_post_disaster.png,pinery-bushfire_00000540_post_disaster,0,0,tier3\masks\pinery-bushfire_00000540_post_disaster.png,0,0,0,0,540,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000540_post_disaster.png,socal-fire_00000540_post_disaster,0,0,train\masks\socal-fire_00000540_post_disaster.png,0,0,0,0,540,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000541_post_disaster.png,portugal-wildfire_00000541_post_disaster,0,0,tier3\masks\portugal-wildfire_00000541_post_disaster.png,0,0,0,0,541,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000541_post_disaster.png,hurricane-michael_00000541_post_disaster,1,3047,train\masks\hurricane-michael_00000541_post_disaster.png,1,3460,5,10826,541,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000541_post_disaster.png,socal-fire_00000541_post_disaster,0,0,train\masks\socal-fire_00000541_post_disaster.png,0,0,22,31877,541,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000541_post_disaster.png,pinery-bushfire_00000541_post_disaster,0,0,tier3\masks\pinery-bushfire_00000541_post_disaster.png,1,558,7,4430,541,3 +7,1699,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000541_post_disaster.png,woolsey-fire_00000541_post_disaster,2,164,tier3\masks\woolsey-fire_00000541_post_disaster.png,1,784,6,982,541,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000541_post_disaster.png,nepal-flooding_00000541_post_disaster,24,12146,tier3\masks\nepal-flooding_00000541_post_disaster.png,2,1572,0,0,541,4 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000542_post_disaster.png,hurricane-michael_00000542_post_disaster,0,0,train\masks\hurricane-michael_00000542_post_disaster.png,0,0,39,35753,542,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000542_post_disaster.png,pinery-bushfire_00000542_post_disaster,1,356,tier3\masks\pinery-bushfire_00000542_post_disaster.png,0,0,4,2365,542,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000542_post_disaster.png,portugal-wildfire_00000542_post_disaster,0,0,tier3\masks\portugal-wildfire_00000542_post_disaster.png,0,0,0,0,542,1 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000542_post_disaster.png,hurricane-florence_00000542_post_disaster,0,0,train\masks\hurricane-florence_00000542_post_disaster.png,0,0,0,0,542,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000542_post_disaster.png,nepal-flooding_00000542_post_disaster,0,0,tier3\masks\nepal-flooding_00000542_post_disaster.png,0,0,0,0,542,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000542_post_disaster.png,woolsey-fire_00000542_post_disaster,0,0,tier3\masks\woolsey-fire_00000542_post_disaster.png,0,0,0,0,542,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000543_post_disaster.png,woolsey-fire_00000543_post_disaster,0,0,tier3\masks\woolsey-fire_00000543_post_disaster.png,0,0,0,0,543,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000543_post_disaster.png,hurricane-michael_00000543_post_disaster,2,2477,train\masks\hurricane-michael_00000543_post_disaster.png,0,0,60,72836,543,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000543_post_disaster.png,nepal-flooding_00000543_post_disaster,5,5932,tier3\masks\nepal-flooding_00000543_post_disaster.png,0,0,24,32449,543,2 +2,846,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000543_post_disaster.png,portugal-wildfire_00000543_post_disaster,0,0,tier3\masks\portugal-wildfire_00000543_post_disaster.png,0,0,3,3882,543,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000543_post_disaster.png,socal-fire_00000543_post_disaster,0,0,train\masks\socal-fire_00000543_post_disaster.png,0,0,0,0,543,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000543_post_disaster.png,pinery-bushfire_00000543_post_disaster,0,0,tier3\masks\pinery-bushfire_00000543_post_disaster.png,0,0,0,0,543,1 +5,4523,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000544_post_disaster.png,woolsey-fire_00000544_post_disaster,0,0,tier3\masks\woolsey-fire_00000544_post_disaster.png,4,1504,6,1255,544,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000544_post_disaster.png,nepal-flooding_00000544_post_disaster,7,7253,tier3\masks\nepal-flooding_00000544_post_disaster.png,7,6606,9,3039,544,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000544_post_disaster.png,pinery-bushfire_00000544_post_disaster,0,0,tier3\masks\pinery-bushfire_00000544_post_disaster.png,0,0,0,0,544,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000544_post_disaster.png,portugal-wildfire_00000544_post_disaster,0,0,tier3\masks\portugal-wildfire_00000544_post_disaster.png,0,0,0,0,544,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000545_post_disaster.png,woolsey-fire_00000545_post_disaster,0,0,tier3\masks\woolsey-fire_00000545_post_disaster.png,0,0,0,0,545,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000545_post_disaster.png,socal-fire_00000545_post_disaster,0,0,train\masks\socal-fire_00000545_post_disaster.png,0,0,0,0,545,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000545_post_disaster.png,pinery-bushfire_00000545_post_disaster,0,0,tier3\masks\pinery-bushfire_00000545_post_disaster.png,0,0,0,0,545,3 +0,0,hurricane-florence,post,train,train\images\hurricane-florence_00000545_post_disaster.png,hurricane-florence_00000545_post_disaster,0,0,train\masks\hurricane-florence_00000545_post_disaster.png,0,0,22,17869,545,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000545_post_disaster.png,nepal-flooding_00000545_post_disaster,0,0,tier3\masks\nepal-flooding_00000545_post_disaster.png,3,631,0,0,545,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000545_post_disaster.png,portugal-wildfire_00000545_post_disaster,0,0,tier3\masks\portugal-wildfire_00000545_post_disaster.png,0,0,0,0,545,0 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000546_post_disaster.png,hurricane-michael_00000546_post_disaster,2,1749,train\masks\hurricane-michael_00000546_post_disaster.png,0,0,71,111823,546,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000546_post_disaster.png,portugal-wildfire_00000546_post_disaster,0,0,tier3\masks\portugal-wildfire_00000546_post_disaster.png,0,0,7,3995,546,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000546_post_disaster.png,woolsey-fire_00000546_post_disaster,0,0,tier3\masks\woolsey-fire_00000546_post_disaster.png,0,0,0,0,546,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000546_post_disaster.png,nepal-flooding_00000546_post_disaster,0,0,tier3\masks\nepal-flooding_00000546_post_disaster.png,0,0,53,53980,546,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000546_post_disaster.png,pinery-bushfire_00000546_post_disaster,0,0,tier3\masks\pinery-bushfire_00000546_post_disaster.png,0,0,0,0,546,1 +4,1300,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000547_post_disaster.png,woolsey-fire_00000547_post_disaster,0,0,tier3\masks\woolsey-fire_00000547_post_disaster.png,0,0,4,8229,547,0 +2,333,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000547_post_disaster.png,nepal-flooding_00000547_post_disaster,0,0,tier3\masks\nepal-flooding_00000547_post_disaster.png,3,1857,0,0,547,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000547_post_disaster.png,portugal-wildfire_00000547_post_disaster,0,0,tier3\masks\portugal-wildfire_00000547_post_disaster.png,0,0,8,2045,547,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000547_post_disaster.png,pinery-bushfire_00000547_post_disaster,0,0,tier3\masks\pinery-bushfire_00000547_post_disaster.png,0,0,0,0,547,1 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000547_post_disaster.png,hurricane-michael_00000547_post_disaster,5,5367,train\masks\hurricane-michael_00000547_post_disaster.png,1,138,14,12671,547,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000547_post_disaster.png,socal-fire_00000547_post_disaster,0,0,train\masks\socal-fire_00000547_post_disaster.png,0,0,0,0,547,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000548_post_disaster.png,woolsey-fire_00000548_post_disaster,0,0,tier3\masks\woolsey-fire_00000548_post_disaster.png,0,0,30,43463,548,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000548_post_disaster.png,pinery-bushfire_00000548_post_disaster,0,0,tier3\masks\pinery-bushfire_00000548_post_disaster.png,0,0,0,0,548,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000548_post_disaster.png,portugal-wildfire_00000548_post_disaster,0,0,tier3\masks\portugal-wildfire_00000548_post_disaster.png,0,0,0,0,548,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000548_post_disaster.png,hurricane-michael_00000548_post_disaster,3,14259,train\masks\hurricane-michael_00000548_post_disaster.png,1,99133,9,68481,548,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000548_post_disaster.png,nepal-flooding_00000548_post_disaster,8,3545,tier3\masks\nepal-flooding_00000548_post_disaster.png,0,0,77,56918,548,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000549_post_disaster.png,woolsey-fire_00000549_post_disaster,0,0,tier3\masks\woolsey-fire_00000549_post_disaster.png,0,0,0,0,549,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000549_post_disaster.png,nepal-flooding_00000549_post_disaster,0,0,tier3\masks\nepal-flooding_00000549_post_disaster.png,1,457,0,0,549,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000549_post_disaster.png,portugal-wildfire_00000549_post_disaster,0,0,tier3\masks\portugal-wildfire_00000549_post_disaster.png,0,0,0,0,549,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000549_post_disaster.png,pinery-bushfire_00000549_post_disaster,0,0,tier3\masks\pinery-bushfire_00000549_post_disaster.png,0,0,0,0,549,2 +0,0,hurricane-michael,post,train,train\images\hurricane-michael_00000549_post_disaster.png,hurricane-michael_00000549_post_disaster,4,6603,train\masks\hurricane-michael_00000549_post_disaster.png,3,9200,31,67006,549,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000549_post_disaster.png,socal-fire_00000549_post_disaster,0,0,train\masks\socal-fire_00000549_post_disaster.png,0,0,27,30906,549,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000550_post_disaster.png,pinery-bushfire_00000550_post_disaster,0,0,tier3\masks\pinery-bushfire_00000550_post_disaster.png,0,0,0,0,550,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000550_post_disaster.png,portugal-wildfire_00000550_post_disaster,0,0,tier3\masks\portugal-wildfire_00000550_post_disaster.png,0,0,0,0,550,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000550_post_disaster.png,nepal-flooding_00000550_post_disaster,10,6174,tier3\masks\nepal-flooding_00000550_post_disaster.png,0,0,87,67942,550,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000550_post_disaster.png,socal-fire_00000550_post_disaster,0,0,train\masks\socal-fire_00000550_post_disaster.png,0,0,0,0,550,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000550_post_disaster.png,woolsey-fire_00000550_post_disaster,0,0,tier3\masks\woolsey-fire_00000550_post_disaster.png,0,0,4,50546,550,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000551_post_disaster.png,woolsey-fire_00000551_post_disaster,0,0,tier3\masks\woolsey-fire_00000551_post_disaster.png,0,0,0,0,551,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000551_post_disaster.png,portugal-wildfire_00000551_post_disaster,0,0,tier3\masks\portugal-wildfire_00000551_post_disaster.png,0,0,0,0,551,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000551_post_disaster.png,nepal-flooding_00000551_post_disaster,16,20162,tier3\masks\nepal-flooding_00000551_post_disaster.png,8,5812,28,21923,551,0 +3,2358,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000551_post_disaster.png,pinery-bushfire_00000551_post_disaster,1,4235,tier3\masks\pinery-bushfire_00000551_post_disaster.png,1,522,10,6138,551,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000552_post_disaster.png,pinery-bushfire_00000552_post_disaster,0,0,tier3\masks\pinery-bushfire_00000552_post_disaster.png,0,0,0,0,552,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000552_post_disaster.png,portugal-wildfire_00000552_post_disaster,0,0,tier3\masks\portugal-wildfire_00000552_post_disaster.png,0,0,11,10062,552,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000552_post_disaster.png,nepal-flooding_00000552_post_disaster,9,3965,tier3\masks\nepal-flooding_00000552_post_disaster.png,7,6273,3,1927,552,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000552_post_disaster.png,socal-fire_00000552_post_disaster,0,0,train\masks\socal-fire_00000552_post_disaster.png,0,0,1,111,552,3 +1,612,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000552_post_disaster.png,woolsey-fire_00000552_post_disaster,4,1148,tier3\masks\woolsey-fire_00000552_post_disaster.png,0,0,0,0,552,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000553_post_disaster.png,pinery-bushfire_00000553_post_disaster,0,0,tier3\masks\pinery-bushfire_00000553_post_disaster.png,0,0,0,0,553,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000553_post_disaster.png,nepal-flooding_00000553_post_disaster,3,2899,tier3\masks\nepal-flooding_00000553_post_disaster.png,0,0,76,85567,553,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000553_post_disaster.png,portugal-wildfire_00000553_post_disaster,0,0,tier3\masks\portugal-wildfire_00000553_post_disaster.png,0,0,7,3609,553,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000553_post_disaster.png,socal-fire_00000553_post_disaster,0,0,train\masks\socal-fire_00000553_post_disaster.png,0,0,2,11724,553,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000553_post_disaster.png,woolsey-fire_00000553_post_disaster,0,0,tier3\masks\woolsey-fire_00000553_post_disaster.png,0,0,0,0,553,0 +1,2045,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000554_post_disaster.png,woolsey-fire_00000554_post_disaster,1,1581,tier3\masks\woolsey-fire_00000554_post_disaster.png,2,2986,24,32150,554,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000554_post_disaster.png,socal-fire_00000554_post_disaster,0,0,train\masks\socal-fire_00000554_post_disaster.png,0,0,0,0,554,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000554_post_disaster.png,nepal-flooding_00000554_post_disaster,10,10514,tier3\masks\nepal-flooding_00000554_post_disaster.png,2,2546,119,110368,554,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000554_post_disaster.png,portugal-wildfire_00000554_post_disaster,0,0,tier3\masks\portugal-wildfire_00000554_post_disaster.png,0,0,23,24738,554,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000554_post_disaster.png,pinery-bushfire_00000554_post_disaster,0,0,tier3\masks\pinery-bushfire_00000554_post_disaster.png,0,0,0,0,554,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000555_post_disaster.png,pinery-bushfire_00000555_post_disaster,0,0,tier3\masks\pinery-bushfire_00000555_post_disaster.png,0,0,0,0,555,3 +2,659,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000555_post_disaster.png,nepal-flooding_00000555_post_disaster,6,8118,tier3\masks\nepal-flooding_00000555_post_disaster.png,4,4421,9,9316,555,4 +10,5842,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000555_post_disaster.png,woolsey-fire_00000555_post_disaster,0,0,tier3\masks\woolsey-fire_00000555_post_disaster.png,2,532,9,3058,555,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000555_post_disaster.png,portugal-wildfire_00000555_post_disaster,0,0,tier3\masks\portugal-wildfire_00000555_post_disaster.png,0,0,0,0,555,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000556_post_disaster.png,portugal-wildfire_00000556_post_disaster,0,0,tier3\masks\portugal-wildfire_00000556_post_disaster.png,0,0,5,3334,556,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000556_post_disaster.png,woolsey-fire_00000556_post_disaster,0,0,tier3\masks\woolsey-fire_00000556_post_disaster.png,0,0,0,0,556,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000556_post_disaster.png,pinery-bushfire_00000556_post_disaster,0,0,tier3\masks\pinery-bushfire_00000556_post_disaster.png,0,0,0,0,556,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000556_post_disaster.png,socal-fire_00000556_post_disaster,0,0,train\masks\socal-fire_00000556_post_disaster.png,0,0,4,6054,556,3 +1,74,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000556_post_disaster.png,nepal-flooding_00000556_post_disaster,9,4582,tier3\masks\nepal-flooding_00000556_post_disaster.png,3,897,10,6823,556,3 +1,672,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000557_post_disaster.png,nepal-flooding_00000557_post_disaster,5,1945,tier3\masks\nepal-flooding_00000557_post_disaster.png,3,1461,9,9400,557,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000557_post_disaster.png,pinery-bushfire_00000557_post_disaster,0,0,tier3\masks\pinery-bushfire_00000557_post_disaster.png,0,0,0,0,557,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000557_post_disaster.png,portugal-wildfire_00000557_post_disaster,0,0,tier3\masks\portugal-wildfire_00000557_post_disaster.png,0,0,29,17133,557,1 +5,6868,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000557_post_disaster.png,woolsey-fire_00000557_post_disaster,0,0,tier3\masks\woolsey-fire_00000557_post_disaster.png,0,0,17,22965,557,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000558_post_disaster.png,nepal-flooding_00000558_post_disaster,1,482,tier3\masks\nepal-flooding_00000558_post_disaster.png,0,0,1,182,558,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000558_post_disaster.png,portugal-wildfire_00000558_post_disaster,0,0,tier3\masks\portugal-wildfire_00000558_post_disaster.png,0,0,0,0,558,1 +3,2149,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000558_post_disaster.png,woolsey-fire_00000558_post_disaster,0,0,tier3\masks\woolsey-fire_00000558_post_disaster.png,0,0,4,3666,558,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000558_post_disaster.png,pinery-bushfire_00000558_post_disaster,0,0,tier3\masks\pinery-bushfire_00000558_post_disaster.png,0,0,3,3887,558,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000559_post_disaster.png,nepal-flooding_00000559_post_disaster,0,0,tier3\masks\nepal-flooding_00000559_post_disaster.png,0,0,1,744,559,4 +3,180,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000559_post_disaster.png,pinery-bushfire_00000559_post_disaster,3,141,tier3\masks\pinery-bushfire_00000559_post_disaster.png,0,0,11,18276,559,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000559_post_disaster.png,portugal-wildfire_00000559_post_disaster,0,0,tier3\masks\portugal-wildfire_00000559_post_disaster.png,0,0,0,0,559,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000559_post_disaster.png,woolsey-fire_00000559_post_disaster,0,0,tier3\masks\woolsey-fire_00000559_post_disaster.png,0,0,0,0,559,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000560_post_disaster.png,portugal-wildfire_00000560_post_disaster,0,0,tier3\masks\portugal-wildfire_00000560_post_disaster.png,0,0,0,0,560,4 +3,959,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000560_post_disaster.png,woolsey-fire_00000560_post_disaster,0,0,tier3\masks\woolsey-fire_00000560_post_disaster.png,0,0,19,5684,560,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000560_post_disaster.png,pinery-bushfire_00000560_post_disaster,0,0,tier3\masks\pinery-bushfire_00000560_post_disaster.png,0,0,0,0,560,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000560_post_disaster.png,socal-fire_00000560_post_disaster,0,0,train\masks\socal-fire_00000560_post_disaster.png,0,0,0,0,560,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000560_post_disaster.png,nepal-flooding_00000560_post_disaster,14,16844,tier3\masks\nepal-flooding_00000560_post_disaster.png,0,0,56,57637,560,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000561_post_disaster.png,portugal-wildfire_00000561_post_disaster,0,0,tier3\masks\portugal-wildfire_00000561_post_disaster.png,0,0,67,60280,561,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000561_post_disaster.png,pinery-bushfire_00000561_post_disaster,0,0,tier3\masks\pinery-bushfire_00000561_post_disaster.png,0,0,2,2930,561,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000561_post_disaster.png,woolsey-fire_00000561_post_disaster,0,0,tier3\masks\woolsey-fire_00000561_post_disaster.png,0,0,0,0,561,2 +1,135,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000561_post_disaster.png,nepal-flooding_00000561_post_disaster,0,0,tier3\masks\nepal-flooding_00000561_post_disaster.png,4,1447,0,0,561,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000562_post_disaster.png,pinery-bushfire_00000562_post_disaster,0,0,tier3\masks\pinery-bushfire_00000562_post_disaster.png,0,0,20,11827,562,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000562_post_disaster.png,portugal-wildfire_00000562_post_disaster,0,0,tier3\masks\portugal-wildfire_00000562_post_disaster.png,0,0,0,0,562,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000562_post_disaster.png,nepal-flooding_00000562_post_disaster,0,0,tier3\masks\nepal-flooding_00000562_post_disaster.png,0,0,0,0,562,1 +12,4363,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000562_post_disaster.png,woolsey-fire_00000562_post_disaster,0,0,tier3\masks\woolsey-fire_00000562_post_disaster.png,0,0,4,797,562,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000563_post_disaster.png,socal-fire_00000563_post_disaster,0,0,train\masks\socal-fire_00000563_post_disaster.png,0,0,0,0,563,2 +2,1354,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000563_post_disaster.png,portugal-wildfire_00000563_post_disaster,0,0,tier3\masks\portugal-wildfire_00000563_post_disaster.png,0,0,38,28317,563,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000563_post_disaster.png,pinery-bushfire_00000563_post_disaster,0,0,tier3\masks\pinery-bushfire_00000563_post_disaster.png,0,0,0,0,563,1 +19,10931,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000563_post_disaster.png,woolsey-fire_00000563_post_disaster,0,0,tier3\masks\woolsey-fire_00000563_post_disaster.png,0,0,7,1501,563,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000563_post_disaster.png,nepal-flooding_00000563_post_disaster,54,51508,tier3\masks\nepal-flooding_00000563_post_disaster.png,11,10135,28,32516,563,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000564_post_disaster.png,woolsey-fire_00000564_post_disaster,0,0,tier3\masks\woolsey-fire_00000564_post_disaster.png,0,0,0,0,564,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000564_post_disaster.png,nepal-flooding_00000564_post_disaster,28,27001,tier3\masks\nepal-flooding_00000564_post_disaster.png,3,1656,141,202203,564,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000564_post_disaster.png,pinery-bushfire_00000564_post_disaster,0,0,tier3\masks\pinery-bushfire_00000564_post_disaster.png,0,0,0,0,564,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000564_post_disaster.png,portugal-wildfire_00000564_post_disaster,0,0,tier3\masks\portugal-wildfire_00000564_post_disaster.png,0,0,0,0,564,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000564_post_disaster.png,socal-fire_00000564_post_disaster,0,0,train\masks\socal-fire_00000564_post_disaster.png,0,0,0,0,564,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000565_post_disaster.png,woolsey-fire_00000565_post_disaster,0,0,tier3\masks\woolsey-fire_00000565_post_disaster.png,0,0,0,0,565,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000565_post_disaster.png,nepal-flooding_00000565_post_disaster,6,3490,tier3\masks\nepal-flooding_00000565_post_disaster.png,2,420,1,883,565,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000565_post_disaster.png,socal-fire_00000565_post_disaster,0,0,train\masks\socal-fire_00000565_post_disaster.png,0,0,0,0,565,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000565_post_disaster.png,portugal-wildfire_00000565_post_disaster,0,0,tier3\masks\portugal-wildfire_00000565_post_disaster.png,0,0,0,0,565,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000565_post_disaster.png,pinery-bushfire_00000565_post_disaster,0,0,tier3\masks\pinery-bushfire_00000565_post_disaster.png,0,0,0,0,565,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000566_post_disaster.png,pinery-bushfire_00000566_post_disaster,0,0,tier3\masks\pinery-bushfire_00000566_post_disaster.png,0,0,0,0,566,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000566_post_disaster.png,socal-fire_00000566_post_disaster,0,0,train\masks\socal-fire_00000566_post_disaster.png,0,0,5,11916,566,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000566_post_disaster.png,portugal-wildfire_00000566_post_disaster,0,0,tier3\masks\portugal-wildfire_00000566_post_disaster.png,0,0,0,0,566,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000566_post_disaster.png,woolsey-fire_00000566_post_disaster,0,0,tier3\masks\woolsey-fire_00000566_post_disaster.png,0,0,0,0,566,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000566_post_disaster.png,nepal-flooding_00000566_post_disaster,10,8330,tier3\masks\nepal-flooding_00000566_post_disaster.png,0,0,59,47224,566,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000567_post_disaster.png,nepal-flooding_00000567_post_disaster,27,24682,tier3\masks\nepal-flooding_00000567_post_disaster.png,11,2996,79,55514,567,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000567_post_disaster.png,portugal-wildfire_00000567_post_disaster,0,0,tier3\masks\portugal-wildfire_00000567_post_disaster.png,0,0,0,0,567,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000567_post_disaster.png,woolsey-fire_00000567_post_disaster,0,0,tier3\masks\woolsey-fire_00000567_post_disaster.png,1,244,0,0,567,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000567_post_disaster.png,pinery-bushfire_00000567_post_disaster,0,0,tier3\masks\pinery-bushfire_00000567_post_disaster.png,0,0,0,0,567,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000568_post_disaster.png,portugal-wildfire_00000568_post_disaster,0,0,tier3\masks\portugal-wildfire_00000568_post_disaster.png,0,0,29,21059,568,0 +1,2276,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000568_post_disaster.png,woolsey-fire_00000568_post_disaster,0,0,tier3\masks\woolsey-fire_00000568_post_disaster.png,0,0,49,65705,568,4 +2,386,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000568_post_disaster.png,nepal-flooding_00000568_post_disaster,2,1433,tier3\masks\nepal-flooding_00000568_post_disaster.png,2,1533,9,5944,568,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000568_post_disaster.png,pinery-bushfire_00000568_post_disaster,0,0,tier3\masks\pinery-bushfire_00000568_post_disaster.png,0,0,0,0,568,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000569_post_disaster.png,pinery-bushfire_00000569_post_disaster,0,0,tier3\masks\pinery-bushfire_00000569_post_disaster.png,0,0,0,0,569,2 +4,991,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000569_post_disaster.png,portugal-wildfire_00000569_post_disaster,0,0,tier3\masks\portugal-wildfire_00000569_post_disaster.png,0,0,3,1446,569,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000569_post_disaster.png,nepal-flooding_00000569_post_disaster,0,0,tier3\masks\nepal-flooding_00000569_post_disaster.png,0,0,31,19582,569,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000569_post_disaster.png,woolsey-fire_00000569_post_disaster,0,0,tier3\masks\woolsey-fire_00000569_post_disaster.png,0,0,0,0,569,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000569_post_disaster.png,socal-fire_00000569_post_disaster,0,0,train\masks\socal-fire_00000569_post_disaster.png,0,0,0,0,569,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000570_post_disaster.png,woolsey-fire_00000570_post_disaster,0,0,tier3\masks\woolsey-fire_00000570_post_disaster.png,0,0,0,0,570,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000570_post_disaster.png,portugal-wildfire_00000570_post_disaster,0,0,tier3\masks\portugal-wildfire_00000570_post_disaster.png,0,0,7,6182,570,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000570_post_disaster.png,pinery-bushfire_00000570_post_disaster,0,0,tier3\masks\pinery-bushfire_00000570_post_disaster.png,0,0,0,0,570,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000570_post_disaster.png,nepal-flooding_00000570_post_disaster,3,2266,tier3\masks\nepal-flooding_00000570_post_disaster.png,3,1289,0,0,570,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000571_post_disaster.png,nepal-flooding_00000571_post_disaster,3,1695,tier3\masks\nepal-flooding_00000571_post_disaster.png,0,0,67,94361,571,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000571_post_disaster.png,portugal-wildfire_00000571_post_disaster,0,0,tier3\masks\portugal-wildfire_00000571_post_disaster.png,0,0,0,0,571,4 +5,5448,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000571_post_disaster.png,woolsey-fire_00000571_post_disaster,0,0,tier3\masks\woolsey-fire_00000571_post_disaster.png,0,0,38,37189,571,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000571_post_disaster.png,pinery-bushfire_00000571_post_disaster,0,0,tier3\masks\pinery-bushfire_00000571_post_disaster.png,0,0,0,0,571,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000572_post_disaster.png,pinery-bushfire_00000572_post_disaster,0,0,tier3\masks\pinery-bushfire_00000572_post_disaster.png,0,0,5,15165,572,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000572_post_disaster.png,socal-fire_00000572_post_disaster,0,0,train\masks\socal-fire_00000572_post_disaster.png,0,0,0,0,572,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000572_post_disaster.png,portugal-wildfire_00000572_post_disaster,0,0,tier3\masks\portugal-wildfire_00000572_post_disaster.png,0,0,16,10686,572,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000572_post_disaster.png,nepal-flooding_00000572_post_disaster,9,12230,tier3\masks\nepal-flooding_00000572_post_disaster.png,15,11843,9,13869,572,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000572_post_disaster.png,woolsey-fire_00000572_post_disaster,0,0,tier3\masks\woolsey-fire_00000572_post_disaster.png,0,0,0,0,572,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000573_post_disaster.png,portugal-wildfire_00000573_post_disaster,0,0,tier3\masks\portugal-wildfire_00000573_post_disaster.png,0,0,0,0,573,1 +10,6135,socal-fire,post,train,train\images\socal-fire_00000573_post_disaster.png,socal-fire_00000573_post_disaster,0,0,train\masks\socal-fire_00000573_post_disaster.png,0,0,31,39479,573,1 +5,6461,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000573_post_disaster.png,woolsey-fire_00000573_post_disaster,1,606,tier3\masks\woolsey-fire_00000573_post_disaster.png,0,0,9,7909,573,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000573_post_disaster.png,pinery-bushfire_00000573_post_disaster,0,0,tier3\masks\pinery-bushfire_00000573_post_disaster.png,0,0,0,0,573,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000573_post_disaster.png,nepal-flooding_00000573_post_disaster,0,0,tier3\masks\nepal-flooding_00000573_post_disaster.png,0,0,1,40,573,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000574_post_disaster.png,portugal-wildfire_00000574_post_disaster,0,0,tier3\masks\portugal-wildfire_00000574_post_disaster.png,0,0,0,0,574,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000574_post_disaster.png,nepal-flooding_00000574_post_disaster,3,4403,tier3\masks\nepal-flooding_00000574_post_disaster.png,1,1182,18,21404,574,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000574_post_disaster.png,pinery-bushfire_00000574_post_disaster,0,0,tier3\masks\pinery-bushfire_00000574_post_disaster.png,0,0,0,0,574,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000574_post_disaster.png,woolsey-fire_00000574_post_disaster,0,0,tier3\masks\woolsey-fire_00000574_post_disaster.png,0,0,0,0,574,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000575_post_disaster.png,portugal-wildfire_00000575_post_disaster,0,0,tier3\masks\portugal-wildfire_00000575_post_disaster.png,0,0,1,74,575,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000575_post_disaster.png,woolsey-fire_00000575_post_disaster,0,0,tier3\masks\woolsey-fire_00000575_post_disaster.png,0,0,0,0,575,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000575_post_disaster.png,pinery-bushfire_00000575_post_disaster,0,0,tier3\masks\pinery-bushfire_00000575_post_disaster.png,0,0,0,0,575,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000575_post_disaster.png,nepal-flooding_00000575_post_disaster,29,31411,tier3\masks\nepal-flooding_00000575_post_disaster.png,6,1833,0,0,575,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000576_post_disaster.png,socal-fire_00000576_post_disaster,0,0,train\masks\socal-fire_00000576_post_disaster.png,0,0,129,160864,576,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000576_post_disaster.png,portugal-wildfire_00000576_post_disaster,0,0,tier3\masks\portugal-wildfire_00000576_post_disaster.png,0,0,7,5206,576,1 +9,5727,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000576_post_disaster.png,woolsey-fire_00000576_post_disaster,0,0,tier3\masks\woolsey-fire_00000576_post_disaster.png,0,0,25,30158,576,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000576_post_disaster.png,nepal-flooding_00000576_post_disaster,13,9821,tier3\masks\nepal-flooding_00000576_post_disaster.png,8,7221,59,51682,576,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000576_post_disaster.png,pinery-bushfire_00000576_post_disaster,0,0,tier3\masks\pinery-bushfire_00000576_post_disaster.png,0,0,0,0,576,3 +1,149,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000577_post_disaster.png,nepal-flooding_00000577_post_disaster,0,0,tier3\masks\nepal-flooding_00000577_post_disaster.png,6,1843,0,0,577,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000577_post_disaster.png,portugal-wildfire_00000577_post_disaster,0,0,tier3\masks\portugal-wildfire_00000577_post_disaster.png,0,0,14,6973,577,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000577_post_disaster.png,socal-fire_00000577_post_disaster,0,0,train\masks\socal-fire_00000577_post_disaster.png,0,0,15,12191,577,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000577_post_disaster.png,woolsey-fire_00000577_post_disaster,0,0,tier3\masks\woolsey-fire_00000577_post_disaster.png,0,0,0,0,577,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000577_post_disaster.png,pinery-bushfire_00000577_post_disaster,0,0,tier3\masks\pinery-bushfire_00000577_post_disaster.png,0,0,0,0,577,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000578_post_disaster.png,pinery-bushfire_00000578_post_disaster,0,0,tier3\masks\pinery-bushfire_00000578_post_disaster.png,0,0,0,0,578,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000578_post_disaster.png,woolsey-fire_00000578_post_disaster,0,0,tier3\masks\woolsey-fire_00000578_post_disaster.png,0,0,0,0,578,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000578_post_disaster.png,nepal-flooding_00000578_post_disaster,1,846,tier3\masks\nepal-flooding_00000578_post_disaster.png,0,0,27,24057,578,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000578_post_disaster.png,portugal-wildfire_00000578_post_disaster,0,0,tier3\masks\portugal-wildfire_00000578_post_disaster.png,0,0,0,0,578,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000578_post_disaster.png,socal-fire_00000578_post_disaster,0,0,train\masks\socal-fire_00000578_post_disaster.png,0,0,0,0,578,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000579_post_disaster.png,woolsey-fire_00000579_post_disaster,0,0,tier3\masks\woolsey-fire_00000579_post_disaster.png,0,0,0,0,579,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000579_post_disaster.png,portugal-wildfire_00000579_post_disaster,0,0,tier3\masks\portugal-wildfire_00000579_post_disaster.png,0,0,1,560,579,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000579_post_disaster.png,pinery-bushfire_00000579_post_disaster,0,0,tier3\masks\pinery-bushfire_00000579_post_disaster.png,0,0,0,0,579,1 +1,225,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000579_post_disaster.png,nepal-flooding_00000579_post_disaster,7,7898,tier3\masks\nepal-flooding_00000579_post_disaster.png,1,1180,6,7984,579,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000579_post_disaster.png,socal-fire_00000579_post_disaster,0,0,train\masks\socal-fire_00000579_post_disaster.png,0,0,2,1088,579,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000580_post_disaster.png,socal-fire_00000580_post_disaster,0,0,train\masks\socal-fire_00000580_post_disaster.png,0,0,0,0,580,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000580_post_disaster.png,portugal-wildfire_00000580_post_disaster,0,0,tier3\masks\portugal-wildfire_00000580_post_disaster.png,0,0,0,0,580,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000580_post_disaster.png,nepal-flooding_00000580_post_disaster,0,0,tier3\masks\nepal-flooding_00000580_post_disaster.png,0,0,0,0,580,4 +2,822,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000580_post_disaster.png,woolsey-fire_00000580_post_disaster,0,0,tier3\masks\woolsey-fire_00000580_post_disaster.png,0,0,12,6478,580,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000580_post_disaster.png,pinery-bushfire_00000580_post_disaster,0,0,tier3\masks\pinery-bushfire_00000580_post_disaster.png,0,0,3,1775,580,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000581_post_disaster.png,portugal-wildfire_00000581_post_disaster,0,0,tier3\masks\portugal-wildfire_00000581_post_disaster.png,0,0,0,0,581,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000581_post_disaster.png,nepal-flooding_00000581_post_disaster,0,0,tier3\masks\nepal-flooding_00000581_post_disaster.png,1,407,0,0,581,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000581_post_disaster.png,woolsey-fire_00000581_post_disaster,0,0,tier3\masks\woolsey-fire_00000581_post_disaster.png,0,0,0,0,581,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000581_post_disaster.png,pinery-bushfire_00000581_post_disaster,0,0,tier3\masks\pinery-bushfire_00000581_post_disaster.png,0,0,0,0,581,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000581_post_disaster.png,socal-fire_00000581_post_disaster,0,0,train\masks\socal-fire_00000581_post_disaster.png,0,0,0,0,581,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000582_post_disaster.png,portugal-wildfire_00000582_post_disaster,0,0,tier3\masks\portugal-wildfire_00000582_post_disaster.png,0,0,0,0,582,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000582_post_disaster.png,woolsey-fire_00000582_post_disaster,0,0,tier3\masks\woolsey-fire_00000582_post_disaster.png,0,0,0,0,582,3 +4,3357,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000582_post_disaster.png,pinery-bushfire_00000582_post_disaster,4,1723,tier3\masks\pinery-bushfire_00000582_post_disaster.png,2,1697,6,2620,582,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000582_post_disaster.png,nepal-flooding_00000582_post_disaster,0,0,tier3\masks\nepal-flooding_00000582_post_disaster.png,4,1878,1,47,582,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000583_post_disaster.png,portugal-wildfire_00000583_post_disaster,0,0,tier3\masks\portugal-wildfire_00000583_post_disaster.png,0,0,0,0,583,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000583_post_disaster.png,pinery-bushfire_00000583_post_disaster,0,0,tier3\masks\pinery-bushfire_00000583_post_disaster.png,0,0,0,0,583,4 +6,4473,socal-fire,post,train,train\images\socal-fire_00000583_post_disaster.png,socal-fire_00000583_post_disaster,1,3241,train\masks\socal-fire_00000583_post_disaster.png,2,3725,36,30446,583,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000583_post_disaster.png,nepal-flooding_00000583_post_disaster,1,998,tier3\masks\nepal-flooding_00000583_post_disaster.png,2,979,2,518,583,0 +4,1043,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000583_post_disaster.png,woolsey-fire_00000583_post_disaster,0,0,tier3\masks\woolsey-fire_00000583_post_disaster.png,0,0,0,0,583,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000584_post_disaster.png,portugal-wildfire_00000584_post_disaster,0,0,tier3\masks\portugal-wildfire_00000584_post_disaster.png,0,0,0,0,584,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000584_post_disaster.png,woolsey-fire_00000584_post_disaster,0,0,tier3\masks\woolsey-fire_00000584_post_disaster.png,0,0,0,0,584,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000584_post_disaster.png,nepal-flooding_00000584_post_disaster,0,0,tier3\masks\nepal-flooding_00000584_post_disaster.png,0,0,272,200804,584,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000584_post_disaster.png,socal-fire_00000584_post_disaster,0,0,train\masks\socal-fire_00000584_post_disaster.png,0,0,0,0,584,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000584_post_disaster.png,pinery-bushfire_00000584_post_disaster,0,0,tier3\masks\pinery-bushfire_00000584_post_disaster.png,0,0,0,0,584,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000585_post_disaster.png,nepal-flooding_00000585_post_disaster,8,4995,tier3\masks\nepal-flooding_00000585_post_disaster.png,0,0,62,40784,585,0 +3,566,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000585_post_disaster.png,pinery-bushfire_00000585_post_disaster,0,0,tier3\masks\pinery-bushfire_00000585_post_disaster.png,0,0,0,0,585,3 +35,37478,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000585_post_disaster.png,woolsey-fire_00000585_post_disaster,0,0,tier3\masks\woolsey-fire_00000585_post_disaster.png,4,3189,12,9597,585,3 +3,513,socal-fire,post,train,train\images\socal-fire_00000585_post_disaster.png,socal-fire_00000585_post_disaster,0,0,train\masks\socal-fire_00000585_post_disaster.png,0,0,0,0,585,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000585_post_disaster.png,portugal-wildfire_00000585_post_disaster,0,0,tier3\masks\portugal-wildfire_00000585_post_disaster.png,0,0,6,1951,585,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000586_post_disaster.png,socal-fire_00000586_post_disaster,0,0,train\masks\socal-fire_00000586_post_disaster.png,0,0,4,4726,586,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000586_post_disaster.png,portugal-wildfire_00000586_post_disaster,0,0,tier3\masks\portugal-wildfire_00000586_post_disaster.png,0,0,0,0,586,2 +3,3469,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000586_post_disaster.png,woolsey-fire_00000586_post_disaster,0,0,tier3\masks\woolsey-fire_00000586_post_disaster.png,0,0,20,22993,586,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000586_post_disaster.png,nepal-flooding_00000586_post_disaster,2,599,tier3\masks\nepal-flooding_00000586_post_disaster.png,1,2438,1,325,586,2 +1,165,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000586_post_disaster.png,pinery-bushfire_00000586_post_disaster,0,0,tier3\masks\pinery-bushfire_00000586_post_disaster.png,0,0,3,1973,586,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000587_post_disaster.png,socal-fire_00000587_post_disaster,0,0,train\masks\socal-fire_00000587_post_disaster.png,0,0,0,0,587,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000587_post_disaster.png,portugal-wildfire_00000587_post_disaster,0,0,tier3\masks\portugal-wildfire_00000587_post_disaster.png,0,0,53,44030,587,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000587_post_disaster.png,pinery-bushfire_00000587_post_disaster,0,0,tier3\masks\pinery-bushfire_00000587_post_disaster.png,0,0,0,0,587,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000587_post_disaster.png,woolsey-fire_00000587_post_disaster,0,0,tier3\masks\woolsey-fire_00000587_post_disaster.png,0,0,0,0,587,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000587_post_disaster.png,nepal-flooding_00000587_post_disaster,9,9607,tier3\masks\nepal-flooding_00000587_post_disaster.png,1,899,70,75056,587,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000588_post_disaster.png,pinery-bushfire_00000588_post_disaster,0,0,tier3\masks\pinery-bushfire_00000588_post_disaster.png,0,0,0,0,588,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000588_post_disaster.png,woolsey-fire_00000588_post_disaster,0,0,tier3\masks\woolsey-fire_00000588_post_disaster.png,0,0,6,4414,588,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000588_post_disaster.png,nepal-flooding_00000588_post_disaster,2,1038,tier3\masks\nepal-flooding_00000588_post_disaster.png,0,0,12,4272,588,1 +2,969,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000588_post_disaster.png,portugal-wildfire_00000588_post_disaster,1,280,tier3\masks\portugal-wildfire_00000588_post_disaster.png,3,1505,96,68186,588,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000589_post_disaster.png,portugal-wildfire_00000589_post_disaster,0,0,tier3\masks\portugal-wildfire_00000589_post_disaster.png,0,0,9,3262,589,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000589_post_disaster.png,pinery-bushfire_00000589_post_disaster,0,0,tier3\masks\pinery-bushfire_00000589_post_disaster.png,0,0,0,0,589,4 +2,345,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000589_post_disaster.png,woolsey-fire_00000589_post_disaster,0,0,tier3\masks\woolsey-fire_00000589_post_disaster.png,1,253,9,3994,589,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000589_post_disaster.png,socal-fire_00000589_post_disaster,0,0,train\masks\socal-fire_00000589_post_disaster.png,0,0,0,0,589,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000589_post_disaster.png,nepal-flooding_00000589_post_disaster,6,3302,tier3\masks\nepal-flooding_00000589_post_disaster.png,1,670,9,10503,589,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000590_post_disaster.png,woolsey-fire_00000590_post_disaster,0,0,tier3\masks\woolsey-fire_00000590_post_disaster.png,0,0,0,0,590,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000590_post_disaster.png,pinery-bushfire_00000590_post_disaster,0,0,tier3\masks\pinery-bushfire_00000590_post_disaster.png,0,0,0,0,590,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000590_post_disaster.png,portugal-wildfire_00000590_post_disaster,0,0,tier3\masks\portugal-wildfire_00000590_post_disaster.png,0,0,0,0,590,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000590_post_disaster.png,nepal-flooding_00000590_post_disaster,5,6262,tier3\masks\nepal-flooding_00000590_post_disaster.png,1,670,1,102,590,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000591_post_disaster.png,socal-fire_00000591_post_disaster,0,0,train\masks\socal-fire_00000591_post_disaster.png,0,0,3,678,591,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000591_post_disaster.png,pinery-bushfire_00000591_post_disaster,0,0,tier3\masks\pinery-bushfire_00000591_post_disaster.png,0,0,0,0,591,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000591_post_disaster.png,nepal-flooding_00000591_post_disaster,0,0,tier3\masks\nepal-flooding_00000591_post_disaster.png,1,213,1,86,591,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000591_post_disaster.png,portugal-wildfire_00000591_post_disaster,0,0,tier3\masks\portugal-wildfire_00000591_post_disaster.png,0,0,0,0,591,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000591_post_disaster.png,woolsey-fire_00000591_post_disaster,0,0,tier3\masks\woolsey-fire_00000591_post_disaster.png,0,0,0,0,591,3 +8,7211,socal-fire,post,train,train\images\socal-fire_00000592_post_disaster.png,socal-fire_00000592_post_disaster,2,2906,train\masks\socal-fire_00000592_post_disaster.png,1,1053,2,839,592,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000592_post_disaster.png,portugal-wildfire_00000592_post_disaster,0,0,tier3\masks\portugal-wildfire_00000592_post_disaster.png,0,0,67,70738,592,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000592_post_disaster.png,nepal-flooding_00000592_post_disaster,3,844,tier3\masks\nepal-flooding_00000592_post_disaster.png,0,0,8,3258,592,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000592_post_disaster.png,pinery-bushfire_00000592_post_disaster,0,0,tier3\masks\pinery-bushfire_00000592_post_disaster.png,0,0,1,316,592,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000592_post_disaster.png,woolsey-fire_00000592_post_disaster,0,0,tier3\masks\woolsey-fire_00000592_post_disaster.png,0,0,0,0,592,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000593_post_disaster.png,portugal-wildfire_00000593_post_disaster,0,0,tier3\masks\portugal-wildfire_00000593_post_disaster.png,0,0,0,0,593,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000593_post_disaster.png,nepal-flooding_00000593_post_disaster,0,0,tier3\masks\nepal-flooding_00000593_post_disaster.png,3,1995,0,0,593,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000593_post_disaster.png,woolsey-fire_00000593_post_disaster,2,742,tier3\masks\woolsey-fire_00000593_post_disaster.png,0,0,0,0,593,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000593_post_disaster.png,pinery-bushfire_00000593_post_disaster,0,0,tier3\masks\pinery-bushfire_00000593_post_disaster.png,0,0,0,0,593,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000593_post_disaster.png,socal-fire_00000593_post_disaster,0,0,train\masks\socal-fire_00000593_post_disaster.png,0,0,0,0,593,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000594_post_disaster.png,portugal-wildfire_00000594_post_disaster,0,0,tier3\masks\portugal-wildfire_00000594_post_disaster.png,1,371,8,3752,594,1 +9,10444,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000594_post_disaster.png,woolsey-fire_00000594_post_disaster,0,0,tier3\masks\woolsey-fire_00000594_post_disaster.png,0,0,17,9782,594,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000594_post_disaster.png,pinery-bushfire_00000594_post_disaster,0,0,tier3\masks\pinery-bushfire_00000594_post_disaster.png,0,0,0,0,594,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000594_post_disaster.png,nepal-flooding_00000594_post_disaster,19,15984,tier3\masks\nepal-flooding_00000594_post_disaster.png,6,8620,55,49499,594,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000594_post_disaster.png,socal-fire_00000594_post_disaster,0,0,train\masks\socal-fire_00000594_post_disaster.png,0,0,8,11153,594,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000595_post_disaster.png,nepal-flooding_00000595_post_disaster,7,5028,tier3\masks\nepal-flooding_00000595_post_disaster.png,14,16965,12,6184,595,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000595_post_disaster.png,woolsey-fire_00000595_post_disaster,0,0,tier3\masks\woolsey-fire_00000595_post_disaster.png,0,0,0,0,595,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000595_post_disaster.png,pinery-bushfire_00000595_post_disaster,0,0,tier3\masks\pinery-bushfire_00000595_post_disaster.png,0,0,4,5836,595,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000595_post_disaster.png,portugal-wildfire_00000595_post_disaster,0,0,tier3\masks\portugal-wildfire_00000595_post_disaster.png,0,0,0,0,595,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000596_post_disaster.png,nepal-flooding_00000596_post_disaster,3,1212,tier3\masks\nepal-flooding_00000596_post_disaster.png,0,0,0,0,596,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000596_post_disaster.png,portugal-wildfire_00000596_post_disaster,0,0,tier3\masks\portugal-wildfire_00000596_post_disaster.png,0,0,0,0,596,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000596_post_disaster.png,woolsey-fire_00000596_post_disaster,0,0,tier3\masks\woolsey-fire_00000596_post_disaster.png,0,0,0,0,596,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000596_post_disaster.png,pinery-bushfire_00000596_post_disaster,0,0,tier3\masks\pinery-bushfire_00000596_post_disaster.png,0,0,0,0,596,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000596_post_disaster.png,socal-fire_00000596_post_disaster,0,0,train\masks\socal-fire_00000596_post_disaster.png,0,0,2,1033,596,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000597_post_disaster.png,nepal-flooding_00000597_post_disaster,3,7714,tier3\masks\nepal-flooding_00000597_post_disaster.png,2,583,44,62762,597,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000597_post_disaster.png,portugal-wildfire_00000597_post_disaster,0,0,tier3\masks\portugal-wildfire_00000597_post_disaster.png,0,0,41,20223,597,0 +3,1455,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000597_post_disaster.png,woolsey-fire_00000597_post_disaster,0,0,tier3\masks\woolsey-fire_00000597_post_disaster.png,0,0,20,9903,597,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000597_post_disaster.png,pinery-bushfire_00000597_post_disaster,0,0,tier3\masks\pinery-bushfire_00000597_post_disaster.png,0,0,2,1324,597,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000598_post_disaster.png,nepal-flooding_00000598_post_disaster,4,5682,tier3\masks\nepal-flooding_00000598_post_disaster.png,1,361,3,327,598,3 +56,53853,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000598_post_disaster.png,woolsey-fire_00000598_post_disaster,3,901,tier3\masks\woolsey-fire_00000598_post_disaster.png,1,196,21,35356,598,1 +1,3264,socal-fire,post,train,train\images\socal-fire_00000598_post_disaster.png,socal-fire_00000598_post_disaster,0,0,train\masks\socal-fire_00000598_post_disaster.png,0,0,31,23162,598,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000598_post_disaster.png,portugal-wildfire_00000598_post_disaster,0,0,tier3\masks\portugal-wildfire_00000598_post_disaster.png,0,0,0,0,598,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000598_post_disaster.png,pinery-bushfire_00000598_post_disaster,0,0,tier3\masks\pinery-bushfire_00000598_post_disaster.png,0,0,0,0,598,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000599_post_disaster.png,portugal-wildfire_00000599_post_disaster,0,0,tier3\masks\portugal-wildfire_00000599_post_disaster.png,0,0,4,2416,599,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000599_post_disaster.png,nepal-flooding_00000599_post_disaster,0,0,tier3\masks\nepal-flooding_00000599_post_disaster.png,0,0,18,7750,599,1 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000599_post_disaster.png,pinery-bushfire_00000599_post_disaster,1,77,tier3\masks\pinery-bushfire_00000599_post_disaster.png,1,87,2,206,599,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000599_post_disaster.png,socal-fire_00000599_post_disaster,0,0,train\masks\socal-fire_00000599_post_disaster.png,0,0,0,0,599,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000599_post_disaster.png,woolsey-fire_00000599_post_disaster,0,0,tier3\masks\woolsey-fire_00000599_post_disaster.png,0,0,0,0,599,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000600_post_disaster.png,socal-fire_00000600_post_disaster,0,0,train\masks\socal-fire_00000600_post_disaster.png,0,0,1,644,600,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000600_post_disaster.png,pinery-bushfire_00000600_post_disaster,0,0,tier3\masks\pinery-bushfire_00000600_post_disaster.png,0,0,0,0,600,0 +1,796,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000600_post_disaster.png,nepal-flooding_00000600_post_disaster,4,4117,tier3\masks\nepal-flooding_00000600_post_disaster.png,9,12109,5,5487,600,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000600_post_disaster.png,portugal-wildfire_00000600_post_disaster,0,0,tier3\masks\portugal-wildfire_00000600_post_disaster.png,0,0,0,0,600,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000600_post_disaster.png,woolsey-fire_00000600_post_disaster,0,0,tier3\masks\woolsey-fire_00000600_post_disaster.png,0,0,0,0,600,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000601_post_disaster.png,socal-fire_00000601_post_disaster,0,0,train\masks\socal-fire_00000601_post_disaster.png,0,0,0,0,601,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000601_post_disaster.png,nepal-flooding_00000601_post_disaster,14,13085,tier3\masks\nepal-flooding_00000601_post_disaster.png,2,1335,91,101331,601,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000601_post_disaster.png,woolsey-fire_00000601_post_disaster,0,0,tier3\masks\woolsey-fire_00000601_post_disaster.png,0,0,0,0,601,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000601_post_disaster.png,pinery-bushfire_00000601_post_disaster,0,0,tier3\masks\pinery-bushfire_00000601_post_disaster.png,1,691,0,0,601,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000601_post_disaster.png,portugal-wildfire_00000601_post_disaster,0,0,tier3\masks\portugal-wildfire_00000601_post_disaster.png,0,0,0,0,601,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000602_post_disaster.png,socal-fire_00000602_post_disaster,0,0,train\masks\socal-fire_00000602_post_disaster.png,0,0,0,0,602,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000602_post_disaster.png,pinery-bushfire_00000602_post_disaster,0,0,tier3\masks\pinery-bushfire_00000602_post_disaster.png,0,0,0,0,602,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000602_post_disaster.png,woolsey-fire_00000602_post_disaster,0,0,tier3\masks\woolsey-fire_00000602_post_disaster.png,0,0,0,0,602,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000602_post_disaster.png,nepal-flooding_00000602_post_disaster,14,8890,tier3\masks\nepal-flooding_00000602_post_disaster.png,8,4880,27,16630,602,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000602_post_disaster.png,portugal-wildfire_00000602_post_disaster,0,0,tier3\masks\portugal-wildfire_00000602_post_disaster.png,0,0,0,0,602,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000603_post_disaster.png,pinery-bushfire_00000603_post_disaster,0,0,tier3\masks\pinery-bushfire_00000603_post_disaster.png,0,0,0,0,603,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000603_post_disaster.png,woolsey-fire_00000603_post_disaster,0,0,tier3\masks\woolsey-fire_00000603_post_disaster.png,0,0,0,0,603,0 +1,560,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000603_post_disaster.png,nepal-flooding_00000603_post_disaster,8,2015,tier3\masks\nepal-flooding_00000603_post_disaster.png,2,689,14,4893,603,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000603_post_disaster.png,portugal-wildfire_00000603_post_disaster,0,0,tier3\masks\portugal-wildfire_00000603_post_disaster.png,0,0,0,0,603,4 +1,2973,socal-fire,post,train,train\images\socal-fire_00000603_post_disaster.png,socal-fire_00000603_post_disaster,0,0,train\masks\socal-fire_00000603_post_disaster.png,0,0,11,5176,603,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000604_post_disaster.png,nepal-flooding_00000604_post_disaster,0,0,tier3\masks\nepal-flooding_00000604_post_disaster.png,0,0,12,25383,604,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000604_post_disaster.png,woolsey-fire_00000604_post_disaster,0,0,tier3\masks\woolsey-fire_00000604_post_disaster.png,0,0,20,24299,604,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000604_post_disaster.png,pinery-bushfire_00000604_post_disaster,0,0,tier3\masks\pinery-bushfire_00000604_post_disaster.png,0,0,18,14156,604,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000604_post_disaster.png,portugal-wildfire_00000604_post_disaster,0,0,tier3\masks\portugal-wildfire_00000604_post_disaster.png,0,0,3,1238,604,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000605_post_disaster.png,nepal-flooding_00000605_post_disaster,4,3281,tier3\masks\nepal-flooding_00000605_post_disaster.png,0,0,101,111963,605,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000605_post_disaster.png,pinery-bushfire_00000605_post_disaster,0,0,tier3\masks\pinery-bushfire_00000605_post_disaster.png,0,0,0,0,605,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000605_post_disaster.png,portugal-wildfire_00000605_post_disaster,0,0,tier3\masks\portugal-wildfire_00000605_post_disaster.png,0,0,0,0,605,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000605_post_disaster.png,woolsey-fire_00000605_post_disaster,0,0,tier3\masks\woolsey-fire_00000605_post_disaster.png,0,0,0,0,605,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000606_post_disaster.png,pinery-bushfire_00000606_post_disaster,0,0,tier3\masks\pinery-bushfire_00000606_post_disaster.png,0,0,5,4699,606,2 +1,1562,socal-fire,post,train,train\images\socal-fire_00000606_post_disaster.png,socal-fire_00000606_post_disaster,0,0,train\masks\socal-fire_00000606_post_disaster.png,0,0,1,849,606,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000606_post_disaster.png,nepal-flooding_00000606_post_disaster,10,10160,tier3\masks\nepal-flooding_00000606_post_disaster.png,10,18858,13,7891,606,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000606_post_disaster.png,portugal-wildfire_00000606_post_disaster,0,0,tier3\masks\portugal-wildfire_00000606_post_disaster.png,0,0,0,0,606,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000606_post_disaster.png,woolsey-fire_00000606_post_disaster,0,0,tier3\masks\woolsey-fire_00000606_post_disaster.png,0,0,0,0,606,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000607_post_disaster.png,portugal-wildfire_00000607_post_disaster,0,0,tier3\masks\portugal-wildfire_00000607_post_disaster.png,0,0,0,0,607,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000607_post_disaster.png,nepal-flooding_00000607_post_disaster,0,0,tier3\masks\nepal-flooding_00000607_post_disaster.png,0,0,28,20391,607,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000607_post_disaster.png,pinery-bushfire_00000607_post_disaster,0,0,tier3\masks\pinery-bushfire_00000607_post_disaster.png,0,0,0,0,607,3 +5,2150,socal-fire,post,train,train\images\socal-fire_00000607_post_disaster.png,socal-fire_00000607_post_disaster,0,0,train\masks\socal-fire_00000607_post_disaster.png,0,0,2,1509,607,2 +1,4156,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000607_post_disaster.png,woolsey-fire_00000607_post_disaster,0,0,tier3\masks\woolsey-fire_00000607_post_disaster.png,0,0,9,3640,607,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000608_post_disaster.png,woolsey-fire_00000608_post_disaster,0,0,tier3\masks\woolsey-fire_00000608_post_disaster.png,0,0,0,0,608,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000608_post_disaster.png,socal-fire_00000608_post_disaster,0,0,train\masks\socal-fire_00000608_post_disaster.png,0,0,112,173181,608,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000608_post_disaster.png,pinery-bushfire_00000608_post_disaster,0,0,tier3\masks\pinery-bushfire_00000608_post_disaster.png,0,0,0,0,608,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000608_post_disaster.png,portugal-wildfire_00000608_post_disaster,0,0,tier3\masks\portugal-wildfire_00000608_post_disaster.png,0,0,6,3846,608,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000608_post_disaster.png,nepal-flooding_00000608_post_disaster,7,5575,tier3\masks\nepal-flooding_00000608_post_disaster.png,0,0,330,334948,608,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000609_post_disaster.png,pinery-bushfire_00000609_post_disaster,0,0,tier3\masks\pinery-bushfire_00000609_post_disaster.png,0,0,0,0,609,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000609_post_disaster.png,socal-fire_00000609_post_disaster,0,0,train\masks\socal-fire_00000609_post_disaster.png,0,0,0,0,609,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000609_post_disaster.png,nepal-flooding_00000609_post_disaster,19,16657,tier3\masks\nepal-flooding_00000609_post_disaster.png,5,2051,44,38364,609,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000609_post_disaster.png,portugal-wildfire_00000609_post_disaster,0,0,tier3\masks\portugal-wildfire_00000609_post_disaster.png,0,0,0,0,609,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000609_post_disaster.png,woolsey-fire_00000609_post_disaster,0,0,tier3\masks\woolsey-fire_00000609_post_disaster.png,0,0,0,0,609,0 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000610_post_disaster.png,nepal-flooding_00000610_post_disaster,0,0,tier3\masks\nepal-flooding_00000610_post_disaster.png,0,0,152,155491,610,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000610_post_disaster.png,portugal-wildfire_00000610_post_disaster,0,0,tier3\masks\portugal-wildfire_00000610_post_disaster.png,0,0,0,0,610,4 +2,1060,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000610_post_disaster.png,woolsey-fire_00000610_post_disaster,0,0,tier3\masks\woolsey-fire_00000610_post_disaster.png,0,0,8,6055,610,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000610_post_disaster.png,pinery-bushfire_00000610_post_disaster,0,0,tier3\masks\pinery-bushfire_00000610_post_disaster.png,0,0,0,0,610,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000611_post_disaster.png,pinery-bushfire_00000611_post_disaster,0,0,tier3\masks\pinery-bushfire_00000611_post_disaster.png,0,0,0,0,611,2 +2,673,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000611_post_disaster.png,nepal-flooding_00000611_post_disaster,2,1458,tier3\masks\nepal-flooding_00000611_post_disaster.png,5,3563,5,1828,611,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000611_post_disaster.png,woolsey-fire_00000611_post_disaster,0,0,tier3\masks\woolsey-fire_00000611_post_disaster.png,0,0,5,6931,611,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000611_post_disaster.png,portugal-wildfire_00000611_post_disaster,0,0,tier3\masks\portugal-wildfire_00000611_post_disaster.png,0,0,4,2371,611,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000611_post_disaster.png,socal-fire_00000611_post_disaster,0,0,train\masks\socal-fire_00000611_post_disaster.png,0,0,0,0,611,3 +11,18278,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000612_post_disaster.png,woolsey-fire_00000612_post_disaster,1,546,tier3\masks\woolsey-fire_00000612_post_disaster.png,1,2207,25,27690,612,1 +6,1782,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000612_post_disaster.png,portugal-wildfire_00000612_post_disaster,0,0,tier3\masks\portugal-wildfire_00000612_post_disaster.png,1,1019,12,3580,612,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000612_post_disaster.png,nepal-flooding_00000612_post_disaster,7,6723,tier3\masks\nepal-flooding_00000612_post_disaster.png,5,3419,36,42942,612,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000612_post_disaster.png,pinery-bushfire_00000612_post_disaster,0,0,tier3\masks\pinery-bushfire_00000612_post_disaster.png,0,0,0,0,612,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000613_post_disaster.png,pinery-bushfire_00000613_post_disaster,0,0,tier3\masks\pinery-bushfire_00000613_post_disaster.png,0,0,17,10243,613,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000613_post_disaster.png,portugal-wildfire_00000613_post_disaster,0,0,tier3\masks\portugal-wildfire_00000613_post_disaster.png,0,0,5,4179,613,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000613_post_disaster.png,woolsey-fire_00000613_post_disaster,0,0,tier3\masks\woolsey-fire_00000613_post_disaster.png,0,0,0,0,613,2 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000613_post_disaster.png,nepal-flooding_00000613_post_disaster,3,1729,tier3\masks\nepal-flooding_00000613_post_disaster.png,6,7160,24,19591,613,3 +1,99,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000614_post_disaster.png,pinery-bushfire_00000614_post_disaster,0,0,tier3\masks\pinery-bushfire_00000614_post_disaster.png,0,0,6,5930,614,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000614_post_disaster.png,woolsey-fire_00000614_post_disaster,0,0,tier3\masks\woolsey-fire_00000614_post_disaster.png,0,0,0,0,614,4 +1,445,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000614_post_disaster.png,nepal-flooding_00000614_post_disaster,4,2767,tier3\masks\nepal-flooding_00000614_post_disaster.png,2,1865,4,2529,614,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000614_post_disaster.png,portugal-wildfire_00000614_post_disaster,0,0,tier3\masks\portugal-wildfire_00000614_post_disaster.png,0,0,11,17175,614,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000615_post_disaster.png,nepal-flooding_00000615_post_disaster,0,0,tier3\masks\nepal-flooding_00000615_post_disaster.png,0,0,1,177,615,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000615_post_disaster.png,woolsey-fire_00000615_post_disaster,0,0,tier3\masks\woolsey-fire_00000615_post_disaster.png,0,0,0,0,615,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000615_post_disaster.png,portugal-wildfire_00000615_post_disaster,0,0,tier3\masks\portugal-wildfire_00000615_post_disaster.png,0,0,8,4046,615,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000615_post_disaster.png,pinery-bushfire_00000615_post_disaster,0,0,tier3\masks\pinery-bushfire_00000615_post_disaster.png,0,0,0,0,615,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000616_post_disaster.png,woolsey-fire_00000616_post_disaster,0,0,tier3\masks\woolsey-fire_00000616_post_disaster.png,0,0,61,128603,616,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000616_post_disaster.png,portugal-wildfire_00000616_post_disaster,0,0,tier3\masks\portugal-wildfire_00000616_post_disaster.png,0,0,0,0,616,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000616_post_disaster.png,pinery-bushfire_00000616_post_disaster,0,0,tier3\masks\pinery-bushfire_00000616_post_disaster.png,0,0,0,0,616,3 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000616_post_disaster.png,nepal-flooding_00000616_post_disaster,0,0,tier3\masks\nepal-flooding_00000616_post_disaster.png,0,0,0,0,616,4 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000617_post_disaster.png,nepal-flooding_00000617_post_disaster,9,4290,tier3\masks\nepal-flooding_00000617_post_disaster.png,1,2479,1,212,617,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000617_post_disaster.png,pinery-bushfire_00000617_post_disaster,0,0,tier3\masks\pinery-bushfire_00000617_post_disaster.png,0,0,0,0,617,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000617_post_disaster.png,portugal-wildfire_00000617_post_disaster,0,0,tier3\masks\portugal-wildfire_00000617_post_disaster.png,0,0,0,0,617,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000617_post_disaster.png,woolsey-fire_00000617_post_disaster,0,0,tier3\masks\woolsey-fire_00000617_post_disaster.png,0,0,0,0,617,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000618_post_disaster.png,pinery-bushfire_00000618_post_disaster,0,0,tier3\masks\pinery-bushfire_00000618_post_disaster.png,0,0,0,0,618,1 +2,673,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000618_post_disaster.png,portugal-wildfire_00000618_post_disaster,0,0,tier3\masks\portugal-wildfire_00000618_post_disaster.png,0,0,10,9995,618,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000618_post_disaster.png,socal-fire_00000618_post_disaster,0,0,train\masks\socal-fire_00000618_post_disaster.png,0,0,20,91065,618,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000618_post_disaster.png,woolsey-fire_00000618_post_disaster,0,0,tier3\masks\woolsey-fire_00000618_post_disaster.png,0,0,0,0,618,1 +0,0,nepal-flooding,post,tier3,tier3\images\nepal-flooding_00000618_post_disaster.png,nepal-flooding_00000618_post_disaster,46,30369,tier3\masks\nepal-flooding_00000618_post_disaster.png,12,5528,148,135378,618,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000619_post_disaster.png,woolsey-fire_00000619_post_disaster,0,0,tier3\masks\woolsey-fire_00000619_post_disaster.png,0,0,0,0,619,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000619_post_disaster.png,socal-fire_00000619_post_disaster,0,0,train\masks\socal-fire_00000619_post_disaster.png,0,0,0,0,619,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000619_post_disaster.png,pinery-bushfire_00000619_post_disaster,0,0,tier3\masks\pinery-bushfire_00000619_post_disaster.png,0,0,0,0,619,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000619_post_disaster.png,portugal-wildfire_00000619_post_disaster,0,0,tier3\masks\portugal-wildfire_00000619_post_disaster.png,0,0,31,22345,619,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000620_post_disaster.png,portugal-wildfire_00000620_post_disaster,0,0,tier3\masks\portugal-wildfire_00000620_post_disaster.png,0,0,0,0,620,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000620_post_disaster.png,pinery-bushfire_00000620_post_disaster,0,0,tier3\masks\pinery-bushfire_00000620_post_disaster.png,0,0,0,0,620,3 +4,4129,socal-fire,post,train,train\images\socal-fire_00000620_post_disaster.png,socal-fire_00000620_post_disaster,0,0,train\masks\socal-fire_00000620_post_disaster.png,1,3443,11,13254,620,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000620_post_disaster.png,woolsey-fire_00000620_post_disaster,0,0,tier3\masks\woolsey-fire_00000620_post_disaster.png,0,0,0,0,620,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000621_post_disaster.png,woolsey-fire_00000621_post_disaster,0,0,tier3\masks\woolsey-fire_00000621_post_disaster.png,0,0,0,0,621,1 +3,868,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000621_post_disaster.png,portugal-wildfire_00000621_post_disaster,0,0,tier3\masks\portugal-wildfire_00000621_post_disaster.png,0,0,31,18191,621,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000621_post_disaster.png,pinery-bushfire_00000621_post_disaster,0,0,tier3\masks\pinery-bushfire_00000621_post_disaster.png,0,0,0,0,621,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000622_post_disaster.png,pinery-bushfire_00000622_post_disaster,0,0,tier3\masks\pinery-bushfire_00000622_post_disaster.png,0,0,0,0,622,2 +3,9708,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000622_post_disaster.png,woolsey-fire_00000622_post_disaster,0,0,tier3\masks\woolsey-fire_00000622_post_disaster.png,0,0,22,12267,622,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000622_post_disaster.png,portugal-wildfire_00000622_post_disaster,0,0,tier3\masks\portugal-wildfire_00000622_post_disaster.png,0,0,0,0,622,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000623_post_disaster.png,pinery-bushfire_00000623_post_disaster,0,0,tier3\masks\pinery-bushfire_00000623_post_disaster.png,0,0,0,0,623,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000623_post_disaster.png,woolsey-fire_00000623_post_disaster,1,42,tier3\masks\woolsey-fire_00000623_post_disaster.png,0,0,4,1103,623,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000623_post_disaster.png,socal-fire_00000623_post_disaster,0,0,train\masks\socal-fire_00000623_post_disaster.png,0,0,61,76987,623,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000623_post_disaster.png,portugal-wildfire_00000623_post_disaster,0,0,tier3\masks\portugal-wildfire_00000623_post_disaster.png,1,323,20,12139,623,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000624_post_disaster.png,woolsey-fire_00000624_post_disaster,0,0,tier3\masks\woolsey-fire_00000624_post_disaster.png,0,0,0,0,624,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000624_post_disaster.png,socal-fire_00000624_post_disaster,0,0,train\masks\socal-fire_00000624_post_disaster.png,0,0,0,0,624,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000624_post_disaster.png,portugal-wildfire_00000624_post_disaster,0,0,tier3\masks\portugal-wildfire_00000624_post_disaster.png,0,0,0,0,624,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000624_post_disaster.png,pinery-bushfire_00000624_post_disaster,0,0,tier3\masks\pinery-bushfire_00000624_post_disaster.png,0,0,0,0,624,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000625_post_disaster.png,portugal-wildfire_00000625_post_disaster,0,0,tier3\masks\portugal-wildfire_00000625_post_disaster.png,0,0,0,0,625,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000625_post_disaster.png,pinery-bushfire_00000625_post_disaster,0,0,tier3\masks\pinery-bushfire_00000625_post_disaster.png,0,0,0,0,625,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000625_post_disaster.png,woolsey-fire_00000625_post_disaster,0,0,tier3\masks\woolsey-fire_00000625_post_disaster.png,0,0,0,0,625,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000626_post_disaster.png,woolsey-fire_00000626_post_disaster,0,0,tier3\masks\woolsey-fire_00000626_post_disaster.png,0,0,0,0,626,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000626_post_disaster.png,portugal-wildfire_00000626_post_disaster,0,0,tier3\masks\portugal-wildfire_00000626_post_disaster.png,0,0,0,0,626,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000626_post_disaster.png,pinery-bushfire_00000626_post_disaster,0,0,tier3\masks\pinery-bushfire_00000626_post_disaster.png,0,0,0,0,626,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000626_post_disaster.png,socal-fire_00000626_post_disaster,0,0,train\masks\socal-fire_00000626_post_disaster.png,0,0,0,0,626,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000627_post_disaster.png,portugal-wildfire_00000627_post_disaster,0,0,tier3\masks\portugal-wildfire_00000627_post_disaster.png,0,0,17,7318,627,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000627_post_disaster.png,pinery-bushfire_00000627_post_disaster,0,0,tier3\masks\pinery-bushfire_00000627_post_disaster.png,0,0,1,213,627,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000627_post_disaster.png,woolsey-fire_00000627_post_disaster,0,0,tier3\masks\woolsey-fire_00000627_post_disaster.png,0,0,10,11191,627,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000628_post_disaster.png,socal-fire_00000628_post_disaster,0,0,train\masks\socal-fire_00000628_post_disaster.png,0,0,32,39470,628,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000628_post_disaster.png,portugal-wildfire_00000628_post_disaster,0,0,tier3\masks\portugal-wildfire_00000628_post_disaster.png,0,0,3,3453,628,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000628_post_disaster.png,pinery-bushfire_00000628_post_disaster,0,0,tier3\masks\pinery-bushfire_00000628_post_disaster.png,0,0,0,0,628,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000628_post_disaster.png,woolsey-fire_00000628_post_disaster,0,0,tier3\masks\woolsey-fire_00000628_post_disaster.png,0,0,0,0,628,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000629_post_disaster.png,portugal-wildfire_00000629_post_disaster,0,0,tier3\masks\portugal-wildfire_00000629_post_disaster.png,0,0,0,0,629,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000629_post_disaster.png,socal-fire_00000629_post_disaster,0,0,train\masks\socal-fire_00000629_post_disaster.png,0,0,81,122191,629,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000629_post_disaster.png,pinery-bushfire_00000629_post_disaster,0,0,tier3\masks\pinery-bushfire_00000629_post_disaster.png,0,0,0,0,629,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000629_post_disaster.png,woolsey-fire_00000629_post_disaster,0,0,tier3\masks\woolsey-fire_00000629_post_disaster.png,0,0,0,0,629,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000630_post_disaster.png,woolsey-fire_00000630_post_disaster,0,0,tier3\masks\woolsey-fire_00000630_post_disaster.png,0,0,0,0,630,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000630_post_disaster.png,pinery-bushfire_00000630_post_disaster,0,0,tier3\masks\pinery-bushfire_00000630_post_disaster.png,0,0,6,3574,630,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000630_post_disaster.png,portugal-wildfire_00000630_post_disaster,0,0,tier3\masks\portugal-wildfire_00000630_post_disaster.png,0,0,0,0,630,2 +11,17721,socal-fire,post,train,train\images\socal-fire_00000631_post_disaster.png,socal-fire_00000631_post_disaster,0,0,train\masks\socal-fire_00000631_post_disaster.png,0,0,14,21365,631,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000631_post_disaster.png,pinery-bushfire_00000631_post_disaster,0,0,tier3\masks\pinery-bushfire_00000631_post_disaster.png,0,0,0,0,631,1 +11,11075,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000631_post_disaster.png,woolsey-fire_00000631_post_disaster,0,0,tier3\masks\woolsey-fire_00000631_post_disaster.png,0,0,6,16253,631,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000631_post_disaster.png,portugal-wildfire_00000631_post_disaster,0,0,tier3\masks\portugal-wildfire_00000631_post_disaster.png,0,0,9,10809,631,4 +3,2776,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000632_post_disaster.png,woolsey-fire_00000632_post_disaster,0,0,tier3\masks\woolsey-fire_00000632_post_disaster.png,0,0,4,6389,632,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000632_post_disaster.png,pinery-bushfire_00000632_post_disaster,0,0,tier3\masks\pinery-bushfire_00000632_post_disaster.png,0,0,0,0,632,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000632_post_disaster.png,socal-fire_00000632_post_disaster,0,0,train\masks\socal-fire_00000632_post_disaster.png,0,0,0,0,632,2 +3,721,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000632_post_disaster.png,portugal-wildfire_00000632_post_disaster,1,211,tier3\masks\portugal-wildfire_00000632_post_disaster.png,1,524,16,7623,632,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000633_post_disaster.png,pinery-bushfire_00000633_post_disaster,0,0,tier3\masks\pinery-bushfire_00000633_post_disaster.png,0,0,0,0,633,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000633_post_disaster.png,socal-fire_00000633_post_disaster,0,0,train\masks\socal-fire_00000633_post_disaster.png,0,0,0,0,633,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000633_post_disaster.png,woolsey-fire_00000633_post_disaster,0,0,tier3\masks\woolsey-fire_00000633_post_disaster.png,0,0,0,0,633,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000633_post_disaster.png,portugal-wildfire_00000633_post_disaster,0,0,tier3\masks\portugal-wildfire_00000633_post_disaster.png,0,0,0,0,633,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000634_post_disaster.png,socal-fire_00000634_post_disaster,0,0,train\masks\socal-fire_00000634_post_disaster.png,0,0,101,230297,634,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000634_post_disaster.png,woolsey-fire_00000634_post_disaster,0,0,tier3\masks\woolsey-fire_00000634_post_disaster.png,0,0,7,12696,634,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000634_post_disaster.png,pinery-bushfire_00000634_post_disaster,0,0,tier3\masks\pinery-bushfire_00000634_post_disaster.png,0,0,2,287,634,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000634_post_disaster.png,portugal-wildfire_00000634_post_disaster,0,0,tier3\masks\portugal-wildfire_00000634_post_disaster.png,0,0,0,0,634,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000635_post_disaster.png,pinery-bushfire_00000635_post_disaster,0,0,tier3\masks\pinery-bushfire_00000635_post_disaster.png,0,0,0,0,635,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000635_post_disaster.png,socal-fire_00000635_post_disaster,0,0,train\masks\socal-fire_00000635_post_disaster.png,0,0,0,0,635,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000635_post_disaster.png,portugal-wildfire_00000635_post_disaster,0,0,tier3\masks\portugal-wildfire_00000635_post_disaster.png,0,0,0,0,635,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000635_post_disaster.png,woolsey-fire_00000635_post_disaster,0,0,tier3\masks\woolsey-fire_00000635_post_disaster.png,0,0,3,399,635,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000636_post_disaster.png,socal-fire_00000636_post_disaster,0,0,train\masks\socal-fire_00000636_post_disaster.png,0,0,0,0,636,2 +1,533,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000636_post_disaster.png,pinery-bushfire_00000636_post_disaster,0,0,tier3\masks\pinery-bushfire_00000636_post_disaster.png,0,0,1,201,636,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000636_post_disaster.png,portugal-wildfire_00000636_post_disaster,0,0,tier3\masks\portugal-wildfire_00000636_post_disaster.png,0,0,0,0,636,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000636_post_disaster.png,woolsey-fire_00000636_post_disaster,0,0,tier3\masks\woolsey-fire_00000636_post_disaster.png,0,0,0,0,636,2 +2,1160,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000637_post_disaster.png,portugal-wildfire_00000637_post_disaster,4,3474,tier3\masks\portugal-wildfire_00000637_post_disaster.png,4,2653,29,20721,637,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000637_post_disaster.png,pinery-bushfire_00000637_post_disaster,0,0,tier3\masks\pinery-bushfire_00000637_post_disaster.png,0,0,1,2594,637,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000637_post_disaster.png,woolsey-fire_00000637_post_disaster,0,0,tier3\masks\woolsey-fire_00000637_post_disaster.png,0,0,0,0,637,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000638_post_disaster.png,woolsey-fire_00000638_post_disaster,0,0,tier3\masks\woolsey-fire_00000638_post_disaster.png,0,0,0,0,638,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000638_post_disaster.png,pinery-bushfire_00000638_post_disaster,0,0,tier3\masks\pinery-bushfire_00000638_post_disaster.png,0,0,0,0,638,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000638_post_disaster.png,portugal-wildfire_00000638_post_disaster,0,0,tier3\masks\portugal-wildfire_00000638_post_disaster.png,0,0,0,0,638,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000639_post_disaster.png,woolsey-fire_00000639_post_disaster,0,0,tier3\masks\woolsey-fire_00000639_post_disaster.png,0,0,0,0,639,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000639_post_disaster.png,portugal-wildfire_00000639_post_disaster,0,0,tier3\masks\portugal-wildfire_00000639_post_disaster.png,0,0,29,24771,639,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000639_post_disaster.png,pinery-bushfire_00000639_post_disaster,0,0,tier3\masks\pinery-bushfire_00000639_post_disaster.png,0,0,3,1307,639,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000639_post_disaster.png,socal-fire_00000639_post_disaster,0,0,train\masks\socal-fire_00000639_post_disaster.png,0,0,3,1802,639,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000640_post_disaster.png,portugal-wildfire_00000640_post_disaster,0,0,tier3\masks\portugal-wildfire_00000640_post_disaster.png,0,0,0,0,640,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000640_post_disaster.png,woolsey-fire_00000640_post_disaster,0,0,tier3\masks\woolsey-fire_00000640_post_disaster.png,0,0,0,0,640,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000640_post_disaster.png,socal-fire_00000640_post_disaster,0,0,train\masks\socal-fire_00000640_post_disaster.png,0,0,0,0,640,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000640_post_disaster.png,pinery-bushfire_00000640_post_disaster,1,47,tier3\masks\pinery-bushfire_00000640_post_disaster.png,1,649,17,8682,640,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000641_post_disaster.png,portugal-wildfire_00000641_post_disaster,0,0,tier3\masks\portugal-wildfire_00000641_post_disaster.png,0,0,0,0,641,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000641_post_disaster.png,pinery-bushfire_00000641_post_disaster,0,0,tier3\masks\pinery-bushfire_00000641_post_disaster.png,0,0,0,0,641,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000641_post_disaster.png,woolsey-fire_00000641_post_disaster,0,0,tier3\masks\woolsey-fire_00000641_post_disaster.png,0,0,0,0,641,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000642_post_disaster.png,woolsey-fire_00000642_post_disaster,0,0,tier3\masks\woolsey-fire_00000642_post_disaster.png,0,0,0,0,642,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000642_post_disaster.png,portugal-wildfire_00000642_post_disaster,0,0,tier3\masks\portugal-wildfire_00000642_post_disaster.png,0,0,0,0,642,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000642_post_disaster.png,socal-fire_00000642_post_disaster,0,0,train\masks\socal-fire_00000642_post_disaster.png,1,1748,19,29128,642,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000642_post_disaster.png,pinery-bushfire_00000642_post_disaster,0,0,tier3\masks\pinery-bushfire_00000642_post_disaster.png,0,0,0,0,642,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000643_post_disaster.png,portugal-wildfire_00000643_post_disaster,0,0,tier3\masks\portugal-wildfire_00000643_post_disaster.png,0,0,42,33811,643,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000643_post_disaster.png,woolsey-fire_00000643_post_disaster,0,0,tier3\masks\woolsey-fire_00000643_post_disaster.png,0,0,5,1172,643,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000643_post_disaster.png,pinery-bushfire_00000643_post_disaster,0,0,tier3\masks\pinery-bushfire_00000643_post_disaster.png,0,0,0,0,643,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000643_post_disaster.png,socal-fire_00000643_post_disaster,0,0,train\masks\socal-fire_00000643_post_disaster.png,0,0,121,153373,643,3 +11,11793,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000644_post_disaster.png,woolsey-fire_00000644_post_disaster,2,1217,tier3\masks\woolsey-fire_00000644_post_disaster.png,1,3782,12,7609,644,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000644_post_disaster.png,pinery-bushfire_00000644_post_disaster,0,0,tier3\masks\pinery-bushfire_00000644_post_disaster.png,0,0,0,0,644,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000644_post_disaster.png,socal-fire_00000644_post_disaster,0,0,train\masks\socal-fire_00000644_post_disaster.png,0,0,3,2302,644,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000644_post_disaster.png,portugal-wildfire_00000644_post_disaster,0,0,tier3\masks\portugal-wildfire_00000644_post_disaster.png,0,0,0,0,644,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000645_post_disaster.png,portugal-wildfire_00000645_post_disaster,0,0,tier3\masks\portugal-wildfire_00000645_post_disaster.png,0,0,3,1518,645,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000645_post_disaster.png,pinery-bushfire_00000645_post_disaster,0,0,tier3\masks\pinery-bushfire_00000645_post_disaster.png,0,0,0,0,645,0 +10,12342,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000645_post_disaster.png,woolsey-fire_00000645_post_disaster,1,231,tier3\masks\woolsey-fire_00000645_post_disaster.png,1,972,28,37360,645,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000646_post_disaster.png,pinery-bushfire_00000646_post_disaster,0,0,tier3\masks\pinery-bushfire_00000646_post_disaster.png,0,0,0,0,646,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000646_post_disaster.png,portugal-wildfire_00000646_post_disaster,0,0,tier3\masks\portugal-wildfire_00000646_post_disaster.png,0,0,37,28206,646,2 +6,2883,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000646_post_disaster.png,woolsey-fire_00000646_post_disaster,1,324,tier3\masks\woolsey-fire_00000646_post_disaster.png,1,370,1,105,646,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000647_post_disaster.png,socal-fire_00000647_post_disaster,0,0,train\masks\socal-fire_00000647_post_disaster.png,0,0,0,0,647,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000647_post_disaster.png,portugal-wildfire_00000647_post_disaster,0,0,tier3\masks\portugal-wildfire_00000647_post_disaster.png,0,0,5,3292,647,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000647_post_disaster.png,woolsey-fire_00000647_post_disaster,0,0,tier3\masks\woolsey-fire_00000647_post_disaster.png,0,0,0,0,647,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000647_post_disaster.png,pinery-bushfire_00000647_post_disaster,0,0,tier3\masks\pinery-bushfire_00000647_post_disaster.png,0,0,0,0,647,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000648_post_disaster.png,portugal-wildfire_00000648_post_disaster,0,0,tier3\masks\portugal-wildfire_00000648_post_disaster.png,0,0,0,0,648,4 +1,704,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000648_post_disaster.png,woolsey-fire_00000648_post_disaster,0,0,tier3\masks\woolsey-fire_00000648_post_disaster.png,0,0,0,0,648,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000648_post_disaster.png,pinery-bushfire_00000648_post_disaster,0,0,tier3\masks\pinery-bushfire_00000648_post_disaster.png,0,0,3,2123,648,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000649_post_disaster.png,pinery-bushfire_00000649_post_disaster,0,0,tier3\masks\pinery-bushfire_00000649_post_disaster.png,0,0,0,0,649,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000649_post_disaster.png,woolsey-fire_00000649_post_disaster,0,0,tier3\masks\woolsey-fire_00000649_post_disaster.png,0,0,0,0,649,0 +10,2977,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000649_post_disaster.png,portugal-wildfire_00000649_post_disaster,0,0,tier3\masks\portugal-wildfire_00000649_post_disaster.png,0,0,10,4604,649,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000650_post_disaster.png,portugal-wildfire_00000650_post_disaster,0,0,tier3\masks\portugal-wildfire_00000650_post_disaster.png,1,314,8,5198,650,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000650_post_disaster.png,woolsey-fire_00000650_post_disaster,0,0,tier3\masks\woolsey-fire_00000650_post_disaster.png,0,0,0,0,650,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000650_post_disaster.png,pinery-bushfire_00000650_post_disaster,0,0,tier3\masks\pinery-bushfire_00000650_post_disaster.png,0,0,0,0,650,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000651_post_disaster.png,woolsey-fire_00000651_post_disaster,0,0,tier3\masks\woolsey-fire_00000651_post_disaster.png,0,0,0,0,651,4 +1,735,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000651_post_disaster.png,portugal-wildfire_00000651_post_disaster,0,0,tier3\masks\portugal-wildfire_00000651_post_disaster.png,1,549,30,10541,651,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000651_post_disaster.png,pinery-bushfire_00000651_post_disaster,0,0,tier3\masks\pinery-bushfire_00000651_post_disaster.png,0,0,0,0,651,3 +5,1659,socal-fire,post,train,train\images\socal-fire_00000651_post_disaster.png,socal-fire_00000651_post_disaster,0,0,train\masks\socal-fire_00000651_post_disaster.png,0,0,11,24293,651,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000652_post_disaster.png,woolsey-fire_00000652_post_disaster,0,0,tier3\masks\woolsey-fire_00000652_post_disaster.png,0,0,0,0,652,0 +5,1471,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000652_post_disaster.png,pinery-bushfire_00000652_post_disaster,2,596,tier3\masks\pinery-bushfire_00000652_post_disaster.png,1,1245,3,1335,652,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000652_post_disaster.png,portugal-wildfire_00000652_post_disaster,0,0,tier3\masks\portugal-wildfire_00000652_post_disaster.png,0,0,3,589,652,4 +1,568,socal-fire,post,train,train\images\socal-fire_00000652_post_disaster.png,socal-fire_00000652_post_disaster,0,0,train\masks\socal-fire_00000652_post_disaster.png,0,0,2,421,652,0 +10,15113,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000653_post_disaster.png,woolsey-fire_00000653_post_disaster,0,0,tier3\masks\woolsey-fire_00000653_post_disaster.png,0,0,30,43917,653,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000653_post_disaster.png,portugal-wildfire_00000653_post_disaster,0,0,tier3\masks\portugal-wildfire_00000653_post_disaster.png,0,0,0,0,653,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000653_post_disaster.png,socal-fire_00000653_post_disaster,0,0,train\masks\socal-fire_00000653_post_disaster.png,0,0,12,20606,653,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000653_post_disaster.png,pinery-bushfire_00000653_post_disaster,0,0,tier3\masks\pinery-bushfire_00000653_post_disaster.png,0,0,0,0,653,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000654_post_disaster.png,woolsey-fire_00000654_post_disaster,0,0,tier3\masks\woolsey-fire_00000654_post_disaster.png,0,0,0,0,654,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000654_post_disaster.png,portugal-wildfire_00000654_post_disaster,0,0,tier3\masks\portugal-wildfire_00000654_post_disaster.png,0,0,0,0,654,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000654_post_disaster.png,pinery-bushfire_00000654_post_disaster,0,0,tier3\masks\pinery-bushfire_00000654_post_disaster.png,0,0,0,0,654,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000655_post_disaster.png,socal-fire_00000655_post_disaster,0,0,train\masks\socal-fire_00000655_post_disaster.png,0,0,55,79069,655,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000655_post_disaster.png,portugal-wildfire_00000655_post_disaster,0,0,tier3\masks\portugal-wildfire_00000655_post_disaster.png,0,0,0,0,655,2 +2,1430,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000655_post_disaster.png,pinery-bushfire_00000655_post_disaster,0,0,tier3\masks\pinery-bushfire_00000655_post_disaster.png,2,1046,19,8722,655,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000655_post_disaster.png,woolsey-fire_00000655_post_disaster,0,0,tier3\masks\woolsey-fire_00000655_post_disaster.png,0,0,0,0,655,0 +1,82,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000656_post_disaster.png,woolsey-fire_00000656_post_disaster,0,0,tier3\masks\woolsey-fire_00000656_post_disaster.png,0,0,1,196,656,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000656_post_disaster.png,pinery-bushfire_00000656_post_disaster,0,0,tier3\masks\pinery-bushfire_00000656_post_disaster.png,0,0,1,91,656,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000656_post_disaster.png,portugal-wildfire_00000656_post_disaster,0,0,tier3\masks\portugal-wildfire_00000656_post_disaster.png,0,0,0,0,656,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000657_post_disaster.png,woolsey-fire_00000657_post_disaster,0,0,tier3\masks\woolsey-fire_00000657_post_disaster.png,0,0,0,0,657,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000657_post_disaster.png,portugal-wildfire_00000657_post_disaster,0,0,tier3\masks\portugal-wildfire_00000657_post_disaster.png,0,0,0,0,657,3 +17,21870,socal-fire,post,train,train\images\socal-fire_00000657_post_disaster.png,socal-fire_00000657_post_disaster,0,0,train\masks\socal-fire_00000657_post_disaster.png,0,0,1,2138,657,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000657_post_disaster.png,pinery-bushfire_00000657_post_disaster,0,0,tier3\masks\pinery-bushfire_00000657_post_disaster.png,0,0,0,0,657,3 +14,7814,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000658_post_disaster.png,woolsey-fire_00000658_post_disaster,1,276,tier3\masks\woolsey-fire_00000658_post_disaster.png,1,400,7,3703,658,3 +3,397,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000658_post_disaster.png,portugal-wildfire_00000658_post_disaster,0,0,tier3\masks\portugal-wildfire_00000658_post_disaster.png,0,0,0,0,658,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000658_post_disaster.png,pinery-bushfire_00000658_post_disaster,0,0,tier3\masks\pinery-bushfire_00000658_post_disaster.png,0,0,0,0,658,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000659_post_disaster.png,woolsey-fire_00000659_post_disaster,0,0,tier3\masks\woolsey-fire_00000659_post_disaster.png,0,0,0,0,659,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000659_post_disaster.png,portugal-wildfire_00000659_post_disaster,0,0,tier3\masks\portugal-wildfire_00000659_post_disaster.png,0,0,0,0,659,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000659_post_disaster.png,pinery-bushfire_00000659_post_disaster,0,0,tier3\masks\pinery-bushfire_00000659_post_disaster.png,0,0,0,0,659,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000660_post_disaster.png,socal-fire_00000660_post_disaster,0,0,train\masks\socal-fire_00000660_post_disaster.png,0,0,2,726,660,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000660_post_disaster.png,pinery-bushfire_00000660_post_disaster,0,0,tier3\masks\pinery-bushfire_00000660_post_disaster.png,0,0,0,0,660,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000660_post_disaster.png,woolsey-fire_00000660_post_disaster,0,0,tier3\masks\woolsey-fire_00000660_post_disaster.png,0,0,2,720,660,3 +1,209,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000660_post_disaster.png,portugal-wildfire_00000660_post_disaster,0,0,tier3\masks\portugal-wildfire_00000660_post_disaster.png,0,0,0,0,660,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000661_post_disaster.png,portugal-wildfire_00000661_post_disaster,0,0,tier3\masks\portugal-wildfire_00000661_post_disaster.png,0,0,0,0,661,2 +3,1781,socal-fire,post,train,train\images\socal-fire_00000661_post_disaster.png,socal-fire_00000661_post_disaster,0,0,train\masks\socal-fire_00000661_post_disaster.png,0,0,25,25336,661,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000661_post_disaster.png,pinery-bushfire_00000661_post_disaster,0,0,tier3\masks\pinery-bushfire_00000661_post_disaster.png,0,0,0,0,661,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000661_post_disaster.png,woolsey-fire_00000661_post_disaster,0,0,tier3\masks\woolsey-fire_00000661_post_disaster.png,0,0,0,0,661,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000662_post_disaster.png,portugal-wildfire_00000662_post_disaster,0,0,tier3\masks\portugal-wildfire_00000662_post_disaster.png,0,0,0,0,662,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000662_post_disaster.png,pinery-bushfire_00000662_post_disaster,0,0,tier3\masks\pinery-bushfire_00000662_post_disaster.png,0,0,0,0,662,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000662_post_disaster.png,woolsey-fire_00000662_post_disaster,0,0,tier3\masks\woolsey-fire_00000662_post_disaster.png,0,0,0,0,662,1 +17,12803,socal-fire,post,train,train\images\socal-fire_00000662_post_disaster.png,socal-fire_00000662_post_disaster,1,300,train\masks\socal-fire_00000662_post_disaster.png,0,0,3,1052,662,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000663_post_disaster.png,woolsey-fire_00000663_post_disaster,0,0,tier3\masks\woolsey-fire_00000663_post_disaster.png,0,0,0,0,663,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000663_post_disaster.png,pinery-bushfire_00000663_post_disaster,0,0,tier3\masks\pinery-bushfire_00000663_post_disaster.png,0,0,11,11091,663,3 +24,25016,socal-fire,post,train,train\images\socal-fire_00000663_post_disaster.png,socal-fire_00000663_post_disaster,0,0,train\masks\socal-fire_00000663_post_disaster.png,1,1972,11,11974,663,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000663_post_disaster.png,portugal-wildfire_00000663_post_disaster,0,0,tier3\masks\portugal-wildfire_00000663_post_disaster.png,0,0,1,337,663,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000664_post_disaster.png,portugal-wildfire_00000664_post_disaster,0,0,tier3\masks\portugal-wildfire_00000664_post_disaster.png,0,0,14,12654,664,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000664_post_disaster.png,pinery-bushfire_00000664_post_disaster,0,0,tier3\masks\pinery-bushfire_00000664_post_disaster.png,0,0,3,198,664,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000664_post_disaster.png,woolsey-fire_00000664_post_disaster,0,0,tier3\masks\woolsey-fire_00000664_post_disaster.png,0,0,0,0,664,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000665_post_disaster.png,pinery-bushfire_00000665_post_disaster,0,0,tier3\masks\pinery-bushfire_00000665_post_disaster.png,0,0,2,1212,665,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000665_post_disaster.png,woolsey-fire_00000665_post_disaster,0,0,tier3\masks\woolsey-fire_00000665_post_disaster.png,0,0,0,0,665,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000665_post_disaster.png,socal-fire_00000665_post_disaster,0,0,train\masks\socal-fire_00000665_post_disaster.png,0,0,0,0,665,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000665_post_disaster.png,portugal-wildfire_00000665_post_disaster,0,0,tier3\masks\portugal-wildfire_00000665_post_disaster.png,0,0,0,0,665,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000666_post_disaster.png,pinery-bushfire_00000666_post_disaster,0,0,tier3\masks\pinery-bushfire_00000666_post_disaster.png,0,0,2,325,666,2 +2,3802,socal-fire,post,train,train\images\socal-fire_00000666_post_disaster.png,socal-fire_00000666_post_disaster,0,0,train\masks\socal-fire_00000666_post_disaster.png,0,0,1,323,666,2 +9,2763,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000666_post_disaster.png,portugal-wildfire_00000666_post_disaster,1,763,tier3\masks\portugal-wildfire_00000666_post_disaster.png,1,775,48,34763,666,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000666_post_disaster.png,woolsey-fire_00000666_post_disaster,0,0,tier3\masks\woolsey-fire_00000666_post_disaster.png,0,0,0,0,666,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000667_post_disaster.png,pinery-bushfire_00000667_post_disaster,4,797,tier3\masks\pinery-bushfire_00000667_post_disaster.png,0,0,2,2740,667,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000667_post_disaster.png,portugal-wildfire_00000667_post_disaster,0,0,tier3\masks\portugal-wildfire_00000667_post_disaster.png,0,0,0,0,667,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000667_post_disaster.png,woolsey-fire_00000667_post_disaster,0,0,tier3\masks\woolsey-fire_00000667_post_disaster.png,0,0,0,0,667,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000668_post_disaster.png,pinery-bushfire_00000668_post_disaster,0,0,tier3\masks\pinery-bushfire_00000668_post_disaster.png,0,0,1,211,668,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000668_post_disaster.png,portugal-wildfire_00000668_post_disaster,0,0,tier3\masks\portugal-wildfire_00000668_post_disaster.png,0,0,0,0,668,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000668_post_disaster.png,socal-fire_00000668_post_disaster,0,0,train\masks\socal-fire_00000668_post_disaster.png,0,0,65,147375,668,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000668_post_disaster.png,woolsey-fire_00000668_post_disaster,0,0,tier3\masks\woolsey-fire_00000668_post_disaster.png,0,0,0,0,668,1 +1,500,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000669_post_disaster.png,woolsey-fire_00000669_post_disaster,0,0,tier3\masks\woolsey-fire_00000669_post_disaster.png,0,0,0,0,669,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000669_post_disaster.png,pinery-bushfire_00000669_post_disaster,0,0,tier3\masks\pinery-bushfire_00000669_post_disaster.png,0,0,4,3783,669,2 +3,1233,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000669_post_disaster.png,portugal-wildfire_00000669_post_disaster,0,0,tier3\masks\portugal-wildfire_00000669_post_disaster.png,0,0,8,5016,669,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000669_post_disaster.png,socal-fire_00000669_post_disaster,0,0,train\masks\socal-fire_00000669_post_disaster.png,0,0,12,15860,669,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000670_post_disaster.png,portugal-wildfire_00000670_post_disaster,0,0,tier3\masks\portugal-wildfire_00000670_post_disaster.png,0,0,0,0,670,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000670_post_disaster.png,pinery-bushfire_00000670_post_disaster,0,0,tier3\masks\pinery-bushfire_00000670_post_disaster.png,0,0,10,4642,670,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000670_post_disaster.png,woolsey-fire_00000670_post_disaster,0,0,tier3\masks\woolsey-fire_00000670_post_disaster.png,0,0,0,0,670,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000671_post_disaster.png,pinery-bushfire_00000671_post_disaster,0,0,tier3\masks\pinery-bushfire_00000671_post_disaster.png,0,0,0,0,671,3 +2,1244,socal-fire,post,train,train\images\socal-fire_00000671_post_disaster.png,socal-fire_00000671_post_disaster,0,0,train\masks\socal-fire_00000671_post_disaster.png,0,0,0,0,671,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000671_post_disaster.png,woolsey-fire_00000671_post_disaster,0,0,tier3\masks\woolsey-fire_00000671_post_disaster.png,0,0,0,0,671,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000671_post_disaster.png,portugal-wildfire_00000671_post_disaster,0,0,tier3\masks\portugal-wildfire_00000671_post_disaster.png,0,0,3,815,671,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000672_post_disaster.png,pinery-bushfire_00000672_post_disaster,0,0,tier3\masks\pinery-bushfire_00000672_post_disaster.png,0,0,0,0,672,4 +1,882,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000672_post_disaster.png,portugal-wildfire_00000672_post_disaster,0,0,tier3\masks\portugal-wildfire_00000672_post_disaster.png,0,0,40,30917,672,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000672_post_disaster.png,socal-fire_00000672_post_disaster,0,0,train\masks\socal-fire_00000672_post_disaster.png,0,0,0,0,672,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000672_post_disaster.png,woolsey-fire_00000672_post_disaster,0,0,tier3\masks\woolsey-fire_00000672_post_disaster.png,0,0,0,0,672,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000673_post_disaster.png,portugal-wildfire_00000673_post_disaster,0,0,tier3\masks\portugal-wildfire_00000673_post_disaster.png,0,0,1,567,673,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000673_post_disaster.png,pinery-bushfire_00000673_post_disaster,0,0,tier3\masks\pinery-bushfire_00000673_post_disaster.png,0,0,0,0,673,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000673_post_disaster.png,woolsey-fire_00000673_post_disaster,0,0,tier3\masks\woolsey-fire_00000673_post_disaster.png,0,0,0,0,673,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000674_post_disaster.png,portugal-wildfire_00000674_post_disaster,0,0,tier3\masks\portugal-wildfire_00000674_post_disaster.png,0,0,0,0,674,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000674_post_disaster.png,pinery-bushfire_00000674_post_disaster,0,0,tier3\masks\pinery-bushfire_00000674_post_disaster.png,0,0,1,714,674,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000674_post_disaster.png,woolsey-fire_00000674_post_disaster,0,0,tier3\masks\woolsey-fire_00000674_post_disaster.png,2,2187,6,2947,674,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000675_post_disaster.png,woolsey-fire_00000675_post_disaster,0,0,tier3\masks\woolsey-fire_00000675_post_disaster.png,0,0,0,0,675,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000675_post_disaster.png,pinery-bushfire_00000675_post_disaster,0,0,tier3\masks\pinery-bushfire_00000675_post_disaster.png,0,0,11,3066,675,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000675_post_disaster.png,portugal-wildfire_00000675_post_disaster,0,0,tier3\masks\portugal-wildfire_00000675_post_disaster.png,0,0,0,0,675,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000675_post_disaster.png,socal-fire_00000675_post_disaster,0,0,train\masks\socal-fire_00000675_post_disaster.png,0,0,73,150986,675,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000676_post_disaster.png,pinery-bushfire_00000676_post_disaster,0,0,tier3\masks\pinery-bushfire_00000676_post_disaster.png,0,0,0,0,676,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000676_post_disaster.png,woolsey-fire_00000676_post_disaster,0,0,tier3\masks\woolsey-fire_00000676_post_disaster.png,0,0,0,0,676,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000676_post_disaster.png,socal-fire_00000676_post_disaster,0,0,train\masks\socal-fire_00000676_post_disaster.png,0,0,22,24475,676,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000676_post_disaster.png,portugal-wildfire_00000676_post_disaster,0,0,tier3\masks\portugal-wildfire_00000676_post_disaster.png,0,0,0,0,676,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000677_post_disaster.png,socal-fire_00000677_post_disaster,0,0,train\masks\socal-fire_00000677_post_disaster.png,0,0,0,0,677,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000677_post_disaster.png,pinery-bushfire_00000677_post_disaster,0,0,tier3\masks\pinery-bushfire_00000677_post_disaster.png,0,0,0,0,677,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000677_post_disaster.png,portugal-wildfire_00000677_post_disaster,0,0,tier3\masks\portugal-wildfire_00000677_post_disaster.png,0,0,0,0,677,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000677_post_disaster.png,woolsey-fire_00000677_post_disaster,0,0,tier3\masks\woolsey-fire_00000677_post_disaster.png,0,0,0,0,677,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000678_post_disaster.png,woolsey-fire_00000678_post_disaster,0,0,tier3\masks\woolsey-fire_00000678_post_disaster.png,0,0,0,0,678,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000678_post_disaster.png,pinery-bushfire_00000678_post_disaster,0,0,tier3\masks\pinery-bushfire_00000678_post_disaster.png,0,0,0,0,678,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000678_post_disaster.png,portugal-wildfire_00000678_post_disaster,0,0,tier3\masks\portugal-wildfire_00000678_post_disaster.png,0,0,0,0,678,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000679_post_disaster.png,pinery-bushfire_00000679_post_disaster,0,0,tier3\masks\pinery-bushfire_00000679_post_disaster.png,0,0,0,0,679,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000679_post_disaster.png,portugal-wildfire_00000679_post_disaster,0,0,tier3\masks\portugal-wildfire_00000679_post_disaster.png,0,0,60,60317,679,0 +11,5321,socal-fire,post,train,train\images\socal-fire_00000679_post_disaster.png,socal-fire_00000679_post_disaster,2,1052,train\masks\socal-fire_00000679_post_disaster.png,3,2408,5,1553,679,3 +7,5145,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000679_post_disaster.png,woolsey-fire_00000679_post_disaster,1,899,tier3\masks\woolsey-fire_00000679_post_disaster.png,1,85,3,1302,679,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000680_post_disaster.png,socal-fire_00000680_post_disaster,0,0,train\masks\socal-fire_00000680_post_disaster.png,0,0,1,1406,680,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000680_post_disaster.png,woolsey-fire_00000680_post_disaster,0,0,tier3\masks\woolsey-fire_00000680_post_disaster.png,0,0,0,0,680,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000680_post_disaster.png,portugal-wildfire_00000680_post_disaster,0,0,tier3\masks\portugal-wildfire_00000680_post_disaster.png,0,0,0,0,680,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000680_post_disaster.png,pinery-bushfire_00000680_post_disaster,0,0,tier3\masks\pinery-bushfire_00000680_post_disaster.png,0,0,0,0,680,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000681_post_disaster.png,portugal-wildfire_00000681_post_disaster,0,0,tier3\masks\portugal-wildfire_00000681_post_disaster.png,0,0,0,0,681,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000681_post_disaster.png,woolsey-fire_00000681_post_disaster,0,0,tier3\masks\woolsey-fire_00000681_post_disaster.png,0,0,0,0,681,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000681_post_disaster.png,socal-fire_00000681_post_disaster,0,0,train\masks\socal-fire_00000681_post_disaster.png,0,0,1,77,681,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000681_post_disaster.png,pinery-bushfire_00000681_post_disaster,0,0,tier3\masks\pinery-bushfire_00000681_post_disaster.png,0,0,0,0,681,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000682_post_disaster.png,portugal-wildfire_00000682_post_disaster,0,0,tier3\masks\portugal-wildfire_00000682_post_disaster.png,0,0,0,0,682,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000682_post_disaster.png,woolsey-fire_00000682_post_disaster,0,0,tier3\masks\woolsey-fire_00000682_post_disaster.png,0,0,10,1537,682,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000682_post_disaster.png,pinery-bushfire_00000682_post_disaster,0,0,tier3\masks\pinery-bushfire_00000682_post_disaster.png,0,0,0,0,682,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000683_post_disaster.png,pinery-bushfire_00000683_post_disaster,0,0,tier3\masks\pinery-bushfire_00000683_post_disaster.png,0,0,1,381,683,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000683_post_disaster.png,portugal-wildfire_00000683_post_disaster,0,0,tier3\masks\portugal-wildfire_00000683_post_disaster.png,0,0,0,0,683,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000683_post_disaster.png,woolsey-fire_00000683_post_disaster,0,0,tier3\masks\woolsey-fire_00000683_post_disaster.png,0,0,0,0,683,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000684_post_disaster.png,portugal-wildfire_00000684_post_disaster,0,0,tier3\masks\portugal-wildfire_00000684_post_disaster.png,0,0,2,748,684,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000684_post_disaster.png,pinery-bushfire_00000684_post_disaster,0,0,tier3\masks\pinery-bushfire_00000684_post_disaster.png,0,0,1,1259,684,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000684_post_disaster.png,woolsey-fire_00000684_post_disaster,0,0,tier3\masks\woolsey-fire_00000684_post_disaster.png,0,0,39,74335,684,2 +7,718,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000685_post_disaster.png,woolsey-fire_00000685_post_disaster,0,0,tier3\masks\woolsey-fire_00000685_post_disaster.png,0,0,4,380,685,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000685_post_disaster.png,portugal-wildfire_00000685_post_disaster,0,0,tier3\masks\portugal-wildfire_00000685_post_disaster.png,0,0,5,2959,685,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000685_post_disaster.png,pinery-bushfire_00000685_post_disaster,0,0,tier3\masks\pinery-bushfire_00000685_post_disaster.png,0,0,0,0,685,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000686_post_disaster.png,woolsey-fire_00000686_post_disaster,0,0,tier3\masks\woolsey-fire_00000686_post_disaster.png,0,0,0,0,686,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000686_post_disaster.png,portugal-wildfire_00000686_post_disaster,0,0,tier3\masks\portugal-wildfire_00000686_post_disaster.png,0,0,0,0,686,1 +2,1551,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000686_post_disaster.png,pinery-bushfire_00000686_post_disaster,0,0,tier3\masks\pinery-bushfire_00000686_post_disaster.png,2,950,8,3452,686,2 +12,4218,socal-fire,post,train,train\images\socal-fire_00000686_post_disaster.png,socal-fire_00000686_post_disaster,0,0,train\masks\socal-fire_00000686_post_disaster.png,0,0,0,0,686,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000687_post_disaster.png,portugal-wildfire_00000687_post_disaster,0,0,tier3\masks\portugal-wildfire_00000687_post_disaster.png,0,0,0,0,687,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000687_post_disaster.png,pinery-bushfire_00000687_post_disaster,0,0,tier3\masks\pinery-bushfire_00000687_post_disaster.png,0,0,0,0,687,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000687_post_disaster.png,woolsey-fire_00000687_post_disaster,0,0,tier3\masks\woolsey-fire_00000687_post_disaster.png,0,0,0,0,687,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000688_post_disaster.png,woolsey-fire_00000688_post_disaster,0,0,tier3\masks\woolsey-fire_00000688_post_disaster.png,0,0,6,3067,688,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000688_post_disaster.png,portugal-wildfire_00000688_post_disaster,0,0,tier3\masks\portugal-wildfire_00000688_post_disaster.png,0,0,0,0,688,3 +3,3524,socal-fire,post,train,train\images\socal-fire_00000688_post_disaster.png,socal-fire_00000688_post_disaster,0,0,train\masks\socal-fire_00000688_post_disaster.png,0,0,4,3989,688,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000688_post_disaster.png,pinery-bushfire_00000688_post_disaster,0,0,tier3\masks\pinery-bushfire_00000688_post_disaster.png,0,0,0,0,688,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000689_post_disaster.png,pinery-bushfire_00000689_post_disaster,0,0,tier3\masks\pinery-bushfire_00000689_post_disaster.png,0,0,0,0,689,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000689_post_disaster.png,portugal-wildfire_00000689_post_disaster,0,0,tier3\masks\portugal-wildfire_00000689_post_disaster.png,0,0,0,0,689,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000689_post_disaster.png,socal-fire_00000689_post_disaster,0,0,train\masks\socal-fire_00000689_post_disaster.png,0,0,0,0,689,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000689_post_disaster.png,woolsey-fire_00000689_post_disaster,0,0,tier3\masks\woolsey-fire_00000689_post_disaster.png,0,0,0,0,689,3 +3,1651,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000690_post_disaster.png,pinery-bushfire_00000690_post_disaster,0,0,tier3\masks\pinery-bushfire_00000690_post_disaster.png,0,0,5,2955,690,1 +1,277,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000690_post_disaster.png,portugal-wildfire_00000690_post_disaster,0,0,tier3\masks\portugal-wildfire_00000690_post_disaster.png,0,0,2,2077,690,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000690_post_disaster.png,woolsey-fire_00000690_post_disaster,0,0,tier3\masks\woolsey-fire_00000690_post_disaster.png,0,0,0,0,690,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000691_post_disaster.png,socal-fire_00000691_post_disaster,0,0,train\masks\socal-fire_00000691_post_disaster.png,0,0,2,1774,691,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000691_post_disaster.png,woolsey-fire_00000691_post_disaster,0,0,tier3\masks\woolsey-fire_00000691_post_disaster.png,0,0,0,0,691,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000691_post_disaster.png,portugal-wildfire_00000691_post_disaster,0,0,tier3\masks\portugal-wildfire_00000691_post_disaster.png,0,0,6,2720,691,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000691_post_disaster.png,pinery-bushfire_00000691_post_disaster,0,0,tier3\masks\pinery-bushfire_00000691_post_disaster.png,0,0,0,0,691,3 +10,13664,socal-fire,post,train,train\images\socal-fire_00000692_post_disaster.png,socal-fire_00000692_post_disaster,0,0,train\masks\socal-fire_00000692_post_disaster.png,0,0,36,46967,692,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000692_post_disaster.png,portugal-wildfire_00000692_post_disaster,0,0,tier3\masks\portugal-wildfire_00000692_post_disaster.png,0,0,2,523,692,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000692_post_disaster.png,pinery-bushfire_00000692_post_disaster,0,0,tier3\masks\pinery-bushfire_00000692_post_disaster.png,0,0,0,0,692,0 +1,755,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000692_post_disaster.png,woolsey-fire_00000692_post_disaster,0,0,tier3\masks\woolsey-fire_00000692_post_disaster.png,0,0,33,8437,692,2 +4,621,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000693_post_disaster.png,woolsey-fire_00000693_post_disaster,0,0,tier3\masks\woolsey-fire_00000693_post_disaster.png,0,0,9,6303,693,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000693_post_disaster.png,socal-fire_00000693_post_disaster,0,0,train\masks\socal-fire_00000693_post_disaster.png,0,0,0,0,693,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000693_post_disaster.png,portugal-wildfire_00000693_post_disaster,0,0,tier3\masks\portugal-wildfire_00000693_post_disaster.png,0,0,1,125,693,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000693_post_disaster.png,pinery-bushfire_00000693_post_disaster,0,0,tier3\masks\pinery-bushfire_00000693_post_disaster.png,0,0,0,0,693,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000694_post_disaster.png,woolsey-fire_00000694_post_disaster,0,0,tier3\masks\woolsey-fire_00000694_post_disaster.png,0,0,0,0,694,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000694_post_disaster.png,portugal-wildfire_00000694_post_disaster,0,0,tier3\masks\portugal-wildfire_00000694_post_disaster.png,0,0,0,0,694,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000694_post_disaster.png,pinery-bushfire_00000694_post_disaster,0,0,tier3\masks\pinery-bushfire_00000694_post_disaster.png,0,0,0,0,694,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000695_post_disaster.png,pinery-bushfire_00000695_post_disaster,0,0,tier3\masks\pinery-bushfire_00000695_post_disaster.png,0,0,0,0,695,0 +2,2553,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000695_post_disaster.png,woolsey-fire_00000695_post_disaster,1,1723,tier3\masks\woolsey-fire_00000695_post_disaster.png,0,0,90,140008,695,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000695_post_disaster.png,socal-fire_00000695_post_disaster,0,0,train\masks\socal-fire_00000695_post_disaster.png,0,0,1,213,695,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000695_post_disaster.png,portugal-wildfire_00000695_post_disaster,0,0,tier3\masks\portugal-wildfire_00000695_post_disaster.png,0,0,0,0,695,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000696_post_disaster.png,pinery-bushfire_00000696_post_disaster,0,0,tier3\masks\pinery-bushfire_00000696_post_disaster.png,0,0,0,0,696,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000696_post_disaster.png,woolsey-fire_00000696_post_disaster,0,0,tier3\masks\woolsey-fire_00000696_post_disaster.png,0,0,0,0,696,2 +1,622,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000696_post_disaster.png,portugal-wildfire_00000696_post_disaster,0,0,tier3\masks\portugal-wildfire_00000696_post_disaster.png,0,0,4,3514,696,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000697_post_disaster.png,pinery-bushfire_00000697_post_disaster,0,0,tier3\masks\pinery-bushfire_00000697_post_disaster.png,0,0,0,0,697,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000697_post_disaster.png,socal-fire_00000697_post_disaster,0,0,train\masks\socal-fire_00000697_post_disaster.png,0,0,1,117,697,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000697_post_disaster.png,woolsey-fire_00000697_post_disaster,0,0,tier3\masks\woolsey-fire_00000697_post_disaster.png,0,0,0,0,697,1 +2,1140,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000697_post_disaster.png,portugal-wildfire_00000697_post_disaster,0,0,tier3\masks\portugal-wildfire_00000697_post_disaster.png,0,0,29,19604,697,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000698_post_disaster.png,portugal-wildfire_00000698_post_disaster,0,0,tier3\masks\portugal-wildfire_00000698_post_disaster.png,1,471,10,6657,698,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000698_post_disaster.png,pinery-bushfire_00000698_post_disaster,0,0,tier3\masks\pinery-bushfire_00000698_post_disaster.png,0,0,0,0,698,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000698_post_disaster.png,woolsey-fire_00000698_post_disaster,0,0,tier3\masks\woolsey-fire_00000698_post_disaster.png,0,0,0,0,698,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000698_post_disaster.png,socal-fire_00000698_post_disaster,0,0,train\masks\socal-fire_00000698_post_disaster.png,0,0,0,0,698,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000699_post_disaster.png,pinery-bushfire_00000699_post_disaster,0,0,tier3\masks\pinery-bushfire_00000699_post_disaster.png,0,0,0,0,699,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000699_post_disaster.png,portugal-wildfire_00000699_post_disaster,0,0,tier3\masks\portugal-wildfire_00000699_post_disaster.png,0,0,8,4032,699,1 +2,528,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000699_post_disaster.png,woolsey-fire_00000699_post_disaster,0,0,tier3\masks\woolsey-fire_00000699_post_disaster.png,0,0,3,581,699,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000700_post_disaster.png,portugal-wildfire_00000700_post_disaster,0,0,tier3\masks\portugal-wildfire_00000700_post_disaster.png,0,0,1,409,700,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000700_post_disaster.png,pinery-bushfire_00000700_post_disaster,0,0,tier3\masks\pinery-bushfire_00000700_post_disaster.png,0,0,0,0,700,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000700_post_disaster.png,woolsey-fire_00000700_post_disaster,0,0,tier3\masks\woolsey-fire_00000700_post_disaster.png,0,0,0,0,700,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000701_post_disaster.png,portugal-wildfire_00000701_post_disaster,0,0,tier3\masks\portugal-wildfire_00000701_post_disaster.png,0,0,0,0,701,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000701_post_disaster.png,pinery-bushfire_00000701_post_disaster,0,0,tier3\masks\pinery-bushfire_00000701_post_disaster.png,0,0,0,0,701,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000701_post_disaster.png,woolsey-fire_00000701_post_disaster,0,0,tier3\masks\woolsey-fire_00000701_post_disaster.png,0,0,0,0,701,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000701_post_disaster.png,socal-fire_00000701_post_disaster,0,0,train\masks\socal-fire_00000701_post_disaster.png,0,0,0,0,701,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000702_post_disaster.png,pinery-bushfire_00000702_post_disaster,0,0,tier3\masks\pinery-bushfire_00000702_post_disaster.png,0,0,0,0,702,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000702_post_disaster.png,portugal-wildfire_00000702_post_disaster,0,0,tier3\masks\portugal-wildfire_00000702_post_disaster.png,0,0,15,10577,702,4 +3,5354,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000702_post_disaster.png,woolsey-fire_00000702_post_disaster,0,0,tier3\masks\woolsey-fire_00000702_post_disaster.png,0,0,2,3897,702,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000703_post_disaster.png,portugal-wildfire_00000703_post_disaster,0,0,tier3\masks\portugal-wildfire_00000703_post_disaster.png,0,0,0,0,703,4 +2,4608,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000703_post_disaster.png,woolsey-fire_00000703_post_disaster,0,0,tier3\masks\woolsey-fire_00000703_post_disaster.png,0,0,29,36103,703,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000703_post_disaster.png,pinery-bushfire_00000703_post_disaster,0,0,tier3\masks\pinery-bushfire_00000703_post_disaster.png,0,0,2,1630,703,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000704_post_disaster.png,woolsey-fire_00000704_post_disaster,1,551,tier3\masks\woolsey-fire_00000704_post_disaster.png,0,0,8,4764,704,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000704_post_disaster.png,portugal-wildfire_00000704_post_disaster,1,396,tier3\masks\portugal-wildfire_00000704_post_disaster.png,0,0,0,0,704,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000704_post_disaster.png,socal-fire_00000704_post_disaster,0,0,train\masks\socal-fire_00000704_post_disaster.png,0,0,0,0,704,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000704_post_disaster.png,pinery-bushfire_00000704_post_disaster,0,0,tier3\masks\pinery-bushfire_00000704_post_disaster.png,0,0,0,0,704,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000705_post_disaster.png,pinery-bushfire_00000705_post_disaster,0,0,tier3\masks\pinery-bushfire_00000705_post_disaster.png,0,0,0,0,705,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000705_post_disaster.png,woolsey-fire_00000705_post_disaster,0,0,tier3\masks\woolsey-fire_00000705_post_disaster.png,0,0,0,0,705,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000705_post_disaster.png,socal-fire_00000705_post_disaster,0,0,train\masks\socal-fire_00000705_post_disaster.png,0,0,0,0,705,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000705_post_disaster.png,portugal-wildfire_00000705_post_disaster,0,0,tier3\masks\portugal-wildfire_00000705_post_disaster.png,0,0,0,0,705,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000706_post_disaster.png,socal-fire_00000706_post_disaster,0,0,train\masks\socal-fire_00000706_post_disaster.png,0,0,0,0,706,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000706_post_disaster.png,pinery-bushfire_00000706_post_disaster,0,0,tier3\masks\pinery-bushfire_00000706_post_disaster.png,0,0,0,0,706,2 +3,14237,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000706_post_disaster.png,woolsey-fire_00000706_post_disaster,0,0,tier3\masks\woolsey-fire_00000706_post_disaster.png,0,0,24,52556,706,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000706_post_disaster.png,portugal-wildfire_00000706_post_disaster,0,0,tier3\masks\portugal-wildfire_00000706_post_disaster.png,0,0,0,0,706,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000707_post_disaster.png,woolsey-fire_00000707_post_disaster,0,0,tier3\masks\woolsey-fire_00000707_post_disaster.png,0,0,0,0,707,1 +2,871,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000707_post_disaster.png,portugal-wildfire_00000707_post_disaster,1,306,tier3\masks\portugal-wildfire_00000707_post_disaster.png,0,0,4,3043,707,1 +1,147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000707_post_disaster.png,pinery-bushfire_00000707_post_disaster,0,0,tier3\masks\pinery-bushfire_00000707_post_disaster.png,3,3272,5,916,707,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000708_post_disaster.png,woolsey-fire_00000708_post_disaster,0,0,tier3\masks\woolsey-fire_00000708_post_disaster.png,0,0,0,0,708,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000708_post_disaster.png,pinery-bushfire_00000708_post_disaster,0,0,tier3\masks\pinery-bushfire_00000708_post_disaster.png,0,0,1,38,708,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000708_post_disaster.png,portugal-wildfire_00000708_post_disaster,0,0,tier3\masks\portugal-wildfire_00000708_post_disaster.png,0,0,0,0,708,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000709_post_disaster.png,portugal-wildfire_00000709_post_disaster,0,0,tier3\masks\portugal-wildfire_00000709_post_disaster.png,0,0,0,0,709,2 +7,699,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000709_post_disaster.png,pinery-bushfire_00000709_post_disaster,0,0,tier3\masks\pinery-bushfire_00000709_post_disaster.png,1,252,14,7215,709,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000709_post_disaster.png,socal-fire_00000709_post_disaster,0,0,train\masks\socal-fire_00000709_post_disaster.png,0,0,0,0,709,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000709_post_disaster.png,woolsey-fire_00000709_post_disaster,0,0,tier3\masks\woolsey-fire_00000709_post_disaster.png,0,0,0,0,709,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000710_post_disaster.png,portugal-wildfire_00000710_post_disaster,0,0,tier3\masks\portugal-wildfire_00000710_post_disaster.png,0,0,0,0,710,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000710_post_disaster.png,pinery-bushfire_00000710_post_disaster,0,0,tier3\masks\pinery-bushfire_00000710_post_disaster.png,0,0,0,0,710,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000710_post_disaster.png,socal-fire_00000710_post_disaster,0,0,train\masks\socal-fire_00000710_post_disaster.png,0,0,0,0,710,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000710_post_disaster.png,woolsey-fire_00000710_post_disaster,0,0,tier3\masks\woolsey-fire_00000710_post_disaster.png,0,0,0,0,710,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000711_post_disaster.png,pinery-bushfire_00000711_post_disaster,0,0,tier3\masks\pinery-bushfire_00000711_post_disaster.png,0,0,0,0,711,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000711_post_disaster.png,woolsey-fire_00000711_post_disaster,0,0,tier3\masks\woolsey-fire_00000711_post_disaster.png,0,0,0,0,711,1 +2,816,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000711_post_disaster.png,portugal-wildfire_00000711_post_disaster,1,45,tier3\masks\portugal-wildfire_00000711_post_disaster.png,0,0,21,15375,711,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000712_post_disaster.png,portugal-wildfire_00000712_post_disaster,0,0,tier3\masks\portugal-wildfire_00000712_post_disaster.png,0,0,0,0,712,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000712_post_disaster.png,pinery-bushfire_00000712_post_disaster,0,0,tier3\masks\pinery-bushfire_00000712_post_disaster.png,0,0,0,0,712,4 +12,7873,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000712_post_disaster.png,woolsey-fire_00000712_post_disaster,0,0,tier3\masks\woolsey-fire_00000712_post_disaster.png,1,119,23,17845,712,0 +3,1359,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000713_post_disaster.png,pinery-bushfire_00000713_post_disaster,1,76,tier3\masks\pinery-bushfire_00000713_post_disaster.png,0,0,4,1209,713,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000713_post_disaster.png,portugal-wildfire_00000713_post_disaster,0,0,tier3\masks\portugal-wildfire_00000713_post_disaster.png,0,0,9,3573,713,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000713_post_disaster.png,woolsey-fire_00000713_post_disaster,1,118,tier3\masks\woolsey-fire_00000713_post_disaster.png,0,0,4,1404,713,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000714_post_disaster.png,woolsey-fire_00000714_post_disaster,0,0,tier3\masks\woolsey-fire_00000714_post_disaster.png,0,0,1,523,714,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000714_post_disaster.png,pinery-bushfire_00000714_post_disaster,0,0,tier3\masks\pinery-bushfire_00000714_post_disaster.png,0,0,4,2849,714,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000714_post_disaster.png,portugal-wildfire_00000714_post_disaster,0,0,tier3\masks\portugal-wildfire_00000714_post_disaster.png,0,0,14,7777,714,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000714_post_disaster.png,socal-fire_00000714_post_disaster,0,0,train\masks\socal-fire_00000714_post_disaster.png,0,0,0,0,714,0 +2,684,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000715_post_disaster.png,portugal-wildfire_00000715_post_disaster,0,0,tier3\masks\portugal-wildfire_00000715_post_disaster.png,0,0,4,1311,715,3 +20,30863,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000715_post_disaster.png,woolsey-fire_00000715_post_disaster,0,0,tier3\masks\woolsey-fire_00000715_post_disaster.png,0,0,22,44139,715,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000715_post_disaster.png,pinery-bushfire_00000715_post_disaster,0,0,tier3\masks\pinery-bushfire_00000715_post_disaster.png,0,0,0,0,715,3 +2,4936,socal-fire,post,train,train\images\socal-fire_00000715_post_disaster.png,socal-fire_00000715_post_disaster,0,0,train\masks\socal-fire_00000715_post_disaster.png,0,0,7,2534,715,0 +1,400,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000716_post_disaster.png,portugal-wildfire_00000716_post_disaster,0,0,tier3\masks\portugal-wildfire_00000716_post_disaster.png,0,0,20,34852,716,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000716_post_disaster.png,pinery-bushfire_00000716_post_disaster,0,0,tier3\masks\pinery-bushfire_00000716_post_disaster.png,0,0,0,0,716,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000716_post_disaster.png,woolsey-fire_00000716_post_disaster,0,0,tier3\masks\woolsey-fire_00000716_post_disaster.png,0,0,0,0,716,3 +1,473,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000717_post_disaster.png,pinery-bushfire_00000717_post_disaster,0,0,tier3\masks\pinery-bushfire_00000717_post_disaster.png,0,0,0,0,717,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000717_post_disaster.png,portugal-wildfire_00000717_post_disaster,0,0,tier3\masks\portugal-wildfire_00000717_post_disaster.png,0,0,0,0,717,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000717_post_disaster.png,woolsey-fire_00000717_post_disaster,0,0,tier3\masks\woolsey-fire_00000717_post_disaster.png,0,0,0,0,717,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000718_post_disaster.png,woolsey-fire_00000718_post_disaster,0,0,tier3\masks\woolsey-fire_00000718_post_disaster.png,0,0,0,0,718,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000718_post_disaster.png,socal-fire_00000718_post_disaster,0,0,train\masks\socal-fire_00000718_post_disaster.png,0,0,0,0,718,0 +3,1318,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000718_post_disaster.png,portugal-wildfire_00000718_post_disaster,0,0,tier3\masks\portugal-wildfire_00000718_post_disaster.png,2,1045,4,1358,718,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000718_post_disaster.png,pinery-bushfire_00000718_post_disaster,0,0,tier3\masks\pinery-bushfire_00000718_post_disaster.png,0,0,0,0,718,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000719_post_disaster.png,pinery-bushfire_00000719_post_disaster,0,0,tier3\masks\pinery-bushfire_00000719_post_disaster.png,0,0,0,0,719,2 +1,205,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000719_post_disaster.png,portugal-wildfire_00000719_post_disaster,0,0,tier3\masks\portugal-wildfire_00000719_post_disaster.png,0,0,37,45042,719,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000719_post_disaster.png,woolsey-fire_00000719_post_disaster,0,0,tier3\masks\woolsey-fire_00000719_post_disaster.png,0,0,0,0,719,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000720_post_disaster.png,woolsey-fire_00000720_post_disaster,0,0,tier3\masks\woolsey-fire_00000720_post_disaster.png,0,0,0,0,720,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000720_post_disaster.png,pinery-bushfire_00000720_post_disaster,0,0,tier3\masks\pinery-bushfire_00000720_post_disaster.png,0,0,0,0,720,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000720_post_disaster.png,portugal-wildfire_00000720_post_disaster,0,0,tier3\masks\portugal-wildfire_00000720_post_disaster.png,0,0,36,32749,720,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000721_post_disaster.png,pinery-bushfire_00000721_post_disaster,0,0,tier3\masks\pinery-bushfire_00000721_post_disaster.png,0,0,0,0,721,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000721_post_disaster.png,woolsey-fire_00000721_post_disaster,1,55,tier3\masks\woolsey-fire_00000721_post_disaster.png,0,0,11,1703,721,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000721_post_disaster.png,portugal-wildfire_00000721_post_disaster,0,0,tier3\masks\portugal-wildfire_00000721_post_disaster.png,0,0,0,0,721,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000722_post_disaster.png,portugal-wildfire_00000722_post_disaster,0,0,tier3\masks\portugal-wildfire_00000722_post_disaster.png,0,0,2,195,722,0 +8,5226,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000722_post_disaster.png,woolsey-fire_00000722_post_disaster,1,2259,tier3\masks\woolsey-fire_00000722_post_disaster.png,0,0,19,5323,722,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000722_post_disaster.png,pinery-bushfire_00000722_post_disaster,0,0,tier3\masks\pinery-bushfire_00000722_post_disaster.png,0,0,0,0,722,1 +21,25577,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000723_post_disaster.png,woolsey-fire_00000723_post_disaster,1,462,tier3\masks\woolsey-fire_00000723_post_disaster.png,2,1067,8,10915,723,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000723_post_disaster.png,portugal-wildfire_00000723_post_disaster,0,0,tier3\masks\portugal-wildfire_00000723_post_disaster.png,0,0,0,0,723,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000723_post_disaster.png,pinery-bushfire_00000723_post_disaster,0,0,tier3\masks\pinery-bushfire_00000723_post_disaster.png,0,0,0,0,723,4 +1,1469,socal-fire,post,train,train\images\socal-fire_00000723_post_disaster.png,socal-fire_00000723_post_disaster,0,0,train\masks\socal-fire_00000723_post_disaster.png,1,179,3,3161,723,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000724_post_disaster.png,portugal-wildfire_00000724_post_disaster,0,0,tier3\masks\portugal-wildfire_00000724_post_disaster.png,0,0,0,0,724,0 +8,2104,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000724_post_disaster.png,woolsey-fire_00000724_post_disaster,0,0,tier3\masks\woolsey-fire_00000724_post_disaster.png,0,0,16,5048,724,0 +2,695,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000724_post_disaster.png,pinery-bushfire_00000724_post_disaster,1,180,tier3\masks\pinery-bushfire_00000724_post_disaster.png,2,705,6,4648,724,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000725_post_disaster.png,socal-fire_00000725_post_disaster,0,0,train\masks\socal-fire_00000725_post_disaster.png,0,0,0,0,725,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000725_post_disaster.png,woolsey-fire_00000725_post_disaster,0,0,tier3\masks\woolsey-fire_00000725_post_disaster.png,0,0,0,0,725,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000725_post_disaster.png,pinery-bushfire_00000725_post_disaster,0,0,tier3\masks\pinery-bushfire_00000725_post_disaster.png,0,0,1,158,725,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000725_post_disaster.png,portugal-wildfire_00000725_post_disaster,0,0,tier3\masks\portugal-wildfire_00000725_post_disaster.png,0,0,2,2594,725,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000726_post_disaster.png,woolsey-fire_00000726_post_disaster,0,0,tier3\masks\woolsey-fire_00000726_post_disaster.png,0,0,0,0,726,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000726_post_disaster.png,pinery-bushfire_00000726_post_disaster,0,0,tier3\masks\pinery-bushfire_00000726_post_disaster.png,0,0,0,0,726,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000726_post_disaster.png,portugal-wildfire_00000726_post_disaster,0,0,tier3\masks\portugal-wildfire_00000726_post_disaster.png,0,0,0,0,726,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000727_post_disaster.png,socal-fire_00000727_post_disaster,0,0,train\masks\socal-fire_00000727_post_disaster.png,0,0,0,0,727,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000727_post_disaster.png,woolsey-fire_00000727_post_disaster,0,0,tier3\masks\woolsey-fire_00000727_post_disaster.png,0,0,2,224,727,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000727_post_disaster.png,pinery-bushfire_00000727_post_disaster,0,0,tier3\masks\pinery-bushfire_00000727_post_disaster.png,0,0,12,23346,727,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000727_post_disaster.png,portugal-wildfire_00000727_post_disaster,0,0,tier3\masks\portugal-wildfire_00000727_post_disaster.png,0,0,0,0,727,1 +25,5383,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000728_post_disaster.png,woolsey-fire_00000728_post_disaster,0,0,tier3\masks\woolsey-fire_00000728_post_disaster.png,0,0,0,0,728,4 +1,379,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000728_post_disaster.png,portugal-wildfire_00000728_post_disaster,0,0,tier3\masks\portugal-wildfire_00000728_post_disaster.png,0,0,49,42406,728,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000728_post_disaster.png,pinery-bushfire_00000728_post_disaster,0,0,tier3\masks\pinery-bushfire_00000728_post_disaster.png,0,0,0,0,728,4 +10,7461,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000729_post_disaster.png,woolsey-fire_00000729_post_disaster,1,196,tier3\masks\woolsey-fire_00000729_post_disaster.png,0,0,24,22059,729,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000729_post_disaster.png,portugal-wildfire_00000729_post_disaster,0,0,tier3\masks\portugal-wildfire_00000729_post_disaster.png,0,0,2,1440,729,3 +1,98,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000729_post_disaster.png,pinery-bushfire_00000729_post_disaster,0,0,tier3\masks\pinery-bushfire_00000729_post_disaster.png,0,0,0,0,729,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000730_post_disaster.png,pinery-bushfire_00000730_post_disaster,0,0,tier3\masks\pinery-bushfire_00000730_post_disaster.png,0,0,0,0,730,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000730_post_disaster.png,portugal-wildfire_00000730_post_disaster,0,0,tier3\masks\portugal-wildfire_00000730_post_disaster.png,0,0,13,12945,730,4 +1,180,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000730_post_disaster.png,woolsey-fire_00000730_post_disaster,0,0,tier3\masks\woolsey-fire_00000730_post_disaster.png,0,0,0,0,730,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000731_post_disaster.png,pinery-bushfire_00000731_post_disaster,0,0,tier3\masks\pinery-bushfire_00000731_post_disaster.png,0,0,0,0,731,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000731_post_disaster.png,woolsey-fire_00000731_post_disaster,0,0,tier3\masks\woolsey-fire_00000731_post_disaster.png,0,0,0,0,731,2 +1,1493,socal-fire,post,train,train\images\socal-fire_00000731_post_disaster.png,socal-fire_00000731_post_disaster,0,0,train\masks\socal-fire_00000731_post_disaster.png,0,0,12,13934,731,4 +1,2869,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000731_post_disaster.png,portugal-wildfire_00000731_post_disaster,0,0,tier3\masks\portugal-wildfire_00000731_post_disaster.png,0,0,28,49196,731,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000732_post_disaster.png,portugal-wildfire_00000732_post_disaster,0,0,tier3\masks\portugal-wildfire_00000732_post_disaster.png,0,0,9,4308,732,0 +8,2395,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000732_post_disaster.png,woolsey-fire_00000732_post_disaster,0,0,tier3\masks\woolsey-fire_00000732_post_disaster.png,0,0,3,643,732,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000732_post_disaster.png,pinery-bushfire_00000732_post_disaster,0,0,tier3\masks\pinery-bushfire_00000732_post_disaster.png,0,0,0,0,732,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000733_post_disaster.png,woolsey-fire_00000733_post_disaster,0,0,tier3\masks\woolsey-fire_00000733_post_disaster.png,0,0,0,0,733,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000733_post_disaster.png,portugal-wildfire_00000733_post_disaster,0,0,tier3\masks\portugal-wildfire_00000733_post_disaster.png,0,0,0,0,733,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000733_post_disaster.png,pinery-bushfire_00000733_post_disaster,0,0,tier3\masks\pinery-bushfire_00000733_post_disaster.png,0,0,5,7945,733,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000734_post_disaster.png,socal-fire_00000734_post_disaster,0,0,train\masks\socal-fire_00000734_post_disaster.png,0,0,0,0,734,4 +2,361,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000734_post_disaster.png,portugal-wildfire_00000734_post_disaster,0,0,tier3\masks\portugal-wildfire_00000734_post_disaster.png,0,0,31,18653,734,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000734_post_disaster.png,pinery-bushfire_00000734_post_disaster,0,0,tier3\masks\pinery-bushfire_00000734_post_disaster.png,0,0,1,311,734,2 +5,754,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000734_post_disaster.png,woolsey-fire_00000734_post_disaster,0,0,tier3\masks\woolsey-fire_00000734_post_disaster.png,2,363,0,0,734,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000735_post_disaster.png,woolsey-fire_00000735_post_disaster,0,0,tier3\masks\woolsey-fire_00000735_post_disaster.png,0,0,0,0,735,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000735_post_disaster.png,pinery-bushfire_00000735_post_disaster,0,0,tier3\masks\pinery-bushfire_00000735_post_disaster.png,0,0,0,0,735,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000735_post_disaster.png,portugal-wildfire_00000735_post_disaster,0,0,tier3\masks\portugal-wildfire_00000735_post_disaster.png,0,0,0,0,735,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000736_post_disaster.png,pinery-bushfire_00000736_post_disaster,0,0,tier3\masks\pinery-bushfire_00000736_post_disaster.png,0,0,0,0,736,2 +8,9074,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000736_post_disaster.png,woolsey-fire_00000736_post_disaster,3,4023,tier3\masks\woolsey-fire_00000736_post_disaster.png,0,0,24,28274,736,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000736_post_disaster.png,portugal-wildfire_00000736_post_disaster,0,0,tier3\masks\portugal-wildfire_00000736_post_disaster.png,0,0,0,0,736,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000737_post_disaster.png,woolsey-fire_00000737_post_disaster,0,0,tier3\masks\woolsey-fire_00000737_post_disaster.png,0,0,0,0,737,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000737_post_disaster.png,portugal-wildfire_00000737_post_disaster,0,0,tier3\masks\portugal-wildfire_00000737_post_disaster.png,0,0,1,204,737,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000737_post_disaster.png,pinery-bushfire_00000737_post_disaster,0,0,tier3\masks\pinery-bushfire_00000737_post_disaster.png,0,0,0,0,737,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000738_post_disaster.png,pinery-bushfire_00000738_post_disaster,0,0,tier3\masks\pinery-bushfire_00000738_post_disaster.png,0,0,0,0,738,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000738_post_disaster.png,woolsey-fire_00000738_post_disaster,0,0,tier3\masks\woolsey-fire_00000738_post_disaster.png,0,0,0,0,738,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000738_post_disaster.png,portugal-wildfire_00000738_post_disaster,0,0,tier3\masks\portugal-wildfire_00000738_post_disaster.png,1,1447,8,4434,738,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000739_post_disaster.png,pinery-bushfire_00000739_post_disaster,0,0,tier3\masks\pinery-bushfire_00000739_post_disaster.png,0,0,5,4536,739,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000739_post_disaster.png,portugal-wildfire_00000739_post_disaster,0,0,tier3\masks\portugal-wildfire_00000739_post_disaster.png,0,0,0,0,739,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000739_post_disaster.png,socal-fire_00000739_post_disaster,0,0,train\masks\socal-fire_00000739_post_disaster.png,0,0,28,164234,739,3 +7,3404,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000739_post_disaster.png,woolsey-fire_00000739_post_disaster,0,0,tier3\masks\woolsey-fire_00000739_post_disaster.png,0,0,6,1868,739,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000740_post_disaster.png,socal-fire_00000740_post_disaster,0,0,train\masks\socal-fire_00000740_post_disaster.png,0,0,0,0,740,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000740_post_disaster.png,woolsey-fire_00000740_post_disaster,0,0,tier3\masks\woolsey-fire_00000740_post_disaster.png,0,0,4,2362,740,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000740_post_disaster.png,portugal-wildfire_00000740_post_disaster,0,0,tier3\masks\portugal-wildfire_00000740_post_disaster.png,0,0,44,37354,740,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000740_post_disaster.png,pinery-bushfire_00000740_post_disaster,0,0,tier3\masks\pinery-bushfire_00000740_post_disaster.png,0,0,0,0,740,3 +1,316,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000741_post_disaster.png,portugal-wildfire_00000741_post_disaster,0,0,tier3\masks\portugal-wildfire_00000741_post_disaster.png,0,0,18,11739,741,0 +1,63,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000741_post_disaster.png,pinery-bushfire_00000741_post_disaster,0,0,tier3\masks\pinery-bushfire_00000741_post_disaster.png,2,1908,20,22830,741,0 +2,2854,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000741_post_disaster.png,woolsey-fire_00000741_post_disaster,1,60,tier3\masks\woolsey-fire_00000741_post_disaster.png,0,0,34,25140,741,4 +4,2188,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000742_post_disaster.png,woolsey-fire_00000742_post_disaster,0,0,tier3\masks\woolsey-fire_00000742_post_disaster.png,0,0,3,479,742,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000742_post_disaster.png,portugal-wildfire_00000742_post_disaster,0,0,tier3\masks\portugal-wildfire_00000742_post_disaster.png,0,0,15,12483,742,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000742_post_disaster.png,pinery-bushfire_00000742_post_disaster,0,0,tier3\masks\pinery-bushfire_00000742_post_disaster.png,0,0,0,0,742,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000743_post_disaster.png,pinery-bushfire_00000743_post_disaster,0,0,tier3\masks\pinery-bushfire_00000743_post_disaster.png,0,0,0,0,743,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000743_post_disaster.png,portugal-wildfire_00000743_post_disaster,0,0,tier3\masks\portugal-wildfire_00000743_post_disaster.png,0,0,20,18598,743,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000743_post_disaster.png,woolsey-fire_00000743_post_disaster,0,0,tier3\masks\woolsey-fire_00000743_post_disaster.png,0,0,0,0,743,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000744_post_disaster.png,portugal-wildfire_00000744_post_disaster,0,0,tier3\masks\portugal-wildfire_00000744_post_disaster.png,0,0,0,0,744,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000744_post_disaster.png,pinery-bushfire_00000744_post_disaster,0,0,tier3\masks\pinery-bushfire_00000744_post_disaster.png,0,0,0,0,744,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000744_post_disaster.png,woolsey-fire_00000744_post_disaster,0,0,tier3\masks\woolsey-fire_00000744_post_disaster.png,0,0,0,0,744,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000744_post_disaster.png,socal-fire_00000744_post_disaster,0,0,train\masks\socal-fire_00000744_post_disaster.png,0,0,0,0,744,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000745_post_disaster.png,portugal-wildfire_00000745_post_disaster,0,0,tier3\masks\portugal-wildfire_00000745_post_disaster.png,0,0,0,0,745,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000745_post_disaster.png,woolsey-fire_00000745_post_disaster,0,0,tier3\masks\woolsey-fire_00000745_post_disaster.png,0,0,28,41394,745,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000745_post_disaster.png,pinery-bushfire_00000745_post_disaster,0,0,tier3\masks\pinery-bushfire_00000745_post_disaster.png,0,0,0,0,745,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000746_post_disaster.png,pinery-bushfire_00000746_post_disaster,0,0,tier3\masks\pinery-bushfire_00000746_post_disaster.png,0,0,0,0,746,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000746_post_disaster.png,portugal-wildfire_00000746_post_disaster,0,0,tier3\masks\portugal-wildfire_00000746_post_disaster.png,0,0,20,25675,746,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000746_post_disaster.png,woolsey-fire_00000746_post_disaster,0,0,tier3\masks\woolsey-fire_00000746_post_disaster.png,0,0,0,0,746,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000747_post_disaster.png,portugal-wildfire_00000747_post_disaster,0,0,tier3\masks\portugal-wildfire_00000747_post_disaster.png,0,0,61,86717,747,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000747_post_disaster.png,pinery-bushfire_00000747_post_disaster,0,0,tier3\masks\pinery-bushfire_00000747_post_disaster.png,0,0,0,0,747,4 +4,2232,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000747_post_disaster.png,woolsey-fire_00000747_post_disaster,0,0,tier3\masks\woolsey-fire_00000747_post_disaster.png,0,0,10,7427,747,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000747_post_disaster.png,socal-fire_00000747_post_disaster,0,0,train\masks\socal-fire_00000747_post_disaster.png,0,0,0,0,747,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000748_post_disaster.png,portugal-wildfire_00000748_post_disaster,0,0,tier3\masks\portugal-wildfire_00000748_post_disaster.png,0,0,0,0,748,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000748_post_disaster.png,socal-fire_00000748_post_disaster,0,0,train\masks\socal-fire_00000748_post_disaster.png,0,0,0,0,748,4 +3,278,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000748_post_disaster.png,woolsey-fire_00000748_post_disaster,0,0,tier3\masks\woolsey-fire_00000748_post_disaster.png,0,0,6,2596,748,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000748_post_disaster.png,pinery-bushfire_00000748_post_disaster,0,0,tier3\masks\pinery-bushfire_00000748_post_disaster.png,0,0,0,0,748,2 +9,5237,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000749_post_disaster.png,woolsey-fire_00000749_post_disaster,0,0,tier3\masks\woolsey-fire_00000749_post_disaster.png,0,0,16,11564,749,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000749_post_disaster.png,pinery-bushfire_00000749_post_disaster,0,0,tier3\masks\pinery-bushfire_00000749_post_disaster.png,0,0,3,1475,749,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000749_post_disaster.png,portugal-wildfire_00000749_post_disaster,0,0,tier3\masks\portugal-wildfire_00000749_post_disaster.png,0,0,58,57551,749,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000750_post_disaster.png,woolsey-fire_00000750_post_disaster,0,0,tier3\masks\woolsey-fire_00000750_post_disaster.png,0,0,0,0,750,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000750_post_disaster.png,pinery-bushfire_00000750_post_disaster,0,0,tier3\masks\pinery-bushfire_00000750_post_disaster.png,0,0,0,0,750,4 +1,161,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000750_post_disaster.png,portugal-wildfire_00000750_post_disaster,0,0,tier3\masks\portugal-wildfire_00000750_post_disaster.png,0,0,7,4052,750,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000751_post_disaster.png,woolsey-fire_00000751_post_disaster,0,0,tier3\masks\woolsey-fire_00000751_post_disaster.png,0,0,0,0,751,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000751_post_disaster.png,pinery-bushfire_00000751_post_disaster,0,0,tier3\masks\pinery-bushfire_00000751_post_disaster.png,0,0,0,0,751,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000751_post_disaster.png,socal-fire_00000751_post_disaster,0,0,train\masks\socal-fire_00000751_post_disaster.png,0,0,0,0,751,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000751_post_disaster.png,portugal-wildfire_00000751_post_disaster,0,0,tier3\masks\portugal-wildfire_00000751_post_disaster.png,0,0,3,1250,751,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000752_post_disaster.png,pinery-bushfire_00000752_post_disaster,0,0,tier3\masks\pinery-bushfire_00000752_post_disaster.png,0,0,0,0,752,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000752_post_disaster.png,portugal-wildfire_00000752_post_disaster,0,0,tier3\masks\portugal-wildfire_00000752_post_disaster.png,0,0,1,108,752,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000752_post_disaster.png,socal-fire_00000752_post_disaster,0,0,train\masks\socal-fire_00000752_post_disaster.png,0,0,20,139652,752,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000752_post_disaster.png,woolsey-fire_00000752_post_disaster,0,0,tier3\masks\woolsey-fire_00000752_post_disaster.png,0,0,89,110632,752,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000753_post_disaster.png,portugal-wildfire_00000753_post_disaster,0,0,tier3\masks\portugal-wildfire_00000753_post_disaster.png,0,0,0,0,753,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000753_post_disaster.png,woolsey-fire_00000753_post_disaster,0,0,tier3\masks\woolsey-fire_00000753_post_disaster.png,0,0,0,0,753,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000753_post_disaster.png,pinery-bushfire_00000753_post_disaster,0,0,tier3\masks\pinery-bushfire_00000753_post_disaster.png,0,0,0,0,753,3 +4,10177,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000754_post_disaster.png,woolsey-fire_00000754_post_disaster,0,0,tier3\masks\woolsey-fire_00000754_post_disaster.png,0,0,11,12930,754,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000754_post_disaster.png,portugal-wildfire_00000754_post_disaster,0,0,tier3\masks\portugal-wildfire_00000754_post_disaster.png,0,0,8,3706,754,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000754_post_disaster.png,pinery-bushfire_00000754_post_disaster,0,0,tier3\masks\pinery-bushfire_00000754_post_disaster.png,0,0,2,430,754,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000755_post_disaster.png,portugal-wildfire_00000755_post_disaster,0,0,tier3\masks\portugal-wildfire_00000755_post_disaster.png,0,0,0,0,755,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000755_post_disaster.png,pinery-bushfire_00000755_post_disaster,0,0,tier3\masks\pinery-bushfire_00000755_post_disaster.png,0,0,0,0,755,3 +25,19269,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000755_post_disaster.png,woolsey-fire_00000755_post_disaster,0,0,tier3\masks\woolsey-fire_00000755_post_disaster.png,0,0,29,21771,755,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000756_post_disaster.png,portugal-wildfire_00000756_post_disaster,0,0,tier3\masks\portugal-wildfire_00000756_post_disaster.png,0,0,0,0,756,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000756_post_disaster.png,pinery-bushfire_00000756_post_disaster,0,0,tier3\masks\pinery-bushfire_00000756_post_disaster.png,0,0,0,0,756,2 +1,650,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000756_post_disaster.png,woolsey-fire_00000756_post_disaster,0,0,tier3\masks\woolsey-fire_00000756_post_disaster.png,0,0,0,0,756,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000757_post_disaster.png,pinery-bushfire_00000757_post_disaster,0,0,tier3\masks\pinery-bushfire_00000757_post_disaster.png,0,0,14,7987,757,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000757_post_disaster.png,socal-fire_00000757_post_disaster,0,0,train\masks\socal-fire_00000757_post_disaster.png,0,0,0,0,757,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000757_post_disaster.png,woolsey-fire_00000757_post_disaster,0,0,tier3\masks\woolsey-fire_00000757_post_disaster.png,0,0,0,0,757,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000757_post_disaster.png,portugal-wildfire_00000757_post_disaster,0,0,tier3\masks\portugal-wildfire_00000757_post_disaster.png,0,0,67,45955,757,3 +5,1111,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000758_post_disaster.png,woolsey-fire_00000758_post_disaster,0,0,tier3\masks\woolsey-fire_00000758_post_disaster.png,0,0,2,5924,758,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000758_post_disaster.png,pinery-bushfire_00000758_post_disaster,0,0,tier3\masks\pinery-bushfire_00000758_post_disaster.png,0,0,0,0,758,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000758_post_disaster.png,portugal-wildfire_00000758_post_disaster,0,0,tier3\masks\portugal-wildfire_00000758_post_disaster.png,0,0,59,60476,758,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000759_post_disaster.png,portugal-wildfire_00000759_post_disaster,0,0,tier3\masks\portugal-wildfire_00000759_post_disaster.png,0,0,0,0,759,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000759_post_disaster.png,pinery-bushfire_00000759_post_disaster,0,0,tier3\masks\pinery-bushfire_00000759_post_disaster.png,0,0,0,0,759,3 +12,17910,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000759_post_disaster.png,woolsey-fire_00000759_post_disaster,1,2568,tier3\masks\woolsey-fire_00000759_post_disaster.png,1,217,12,17718,759,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000760_post_disaster.png,socal-fire_00000760_post_disaster,0,0,train\masks\socal-fire_00000760_post_disaster.png,0,0,0,0,760,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000760_post_disaster.png,woolsey-fire_00000760_post_disaster,0,0,tier3\masks\woolsey-fire_00000760_post_disaster.png,0,0,0,0,760,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000760_post_disaster.png,pinery-bushfire_00000760_post_disaster,0,0,tier3\masks\pinery-bushfire_00000760_post_disaster.png,0,0,0,0,760,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000760_post_disaster.png,portugal-wildfire_00000760_post_disaster,0,0,tier3\masks\portugal-wildfire_00000760_post_disaster.png,0,0,0,0,760,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000761_post_disaster.png,pinery-bushfire_00000761_post_disaster,0,0,tier3\masks\pinery-bushfire_00000761_post_disaster.png,0,0,0,0,761,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000761_post_disaster.png,woolsey-fire_00000761_post_disaster,0,0,tier3\masks\woolsey-fire_00000761_post_disaster.png,0,0,0,0,761,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000761_post_disaster.png,portugal-wildfire_00000761_post_disaster,0,0,tier3\masks\portugal-wildfire_00000761_post_disaster.png,0,0,1,185,761,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000762_post_disaster.png,woolsey-fire_00000762_post_disaster,0,0,tier3\masks\woolsey-fire_00000762_post_disaster.png,0,0,0,0,762,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000762_post_disaster.png,portugal-wildfire_00000762_post_disaster,0,0,tier3\masks\portugal-wildfire_00000762_post_disaster.png,0,0,0,0,762,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000762_post_disaster.png,pinery-bushfire_00000762_post_disaster,0,0,tier3\masks\pinery-bushfire_00000762_post_disaster.png,0,0,0,0,762,4 +3,1571,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000763_post_disaster.png,woolsey-fire_00000763_post_disaster,0,0,tier3\masks\woolsey-fire_00000763_post_disaster.png,1,1005,9,5561,763,2 +1,244,socal-fire,post,train,train\images\socal-fire_00000763_post_disaster.png,socal-fire_00000763_post_disaster,0,0,train\masks\socal-fire_00000763_post_disaster.png,0,0,3,709,763,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000763_post_disaster.png,portugal-wildfire_00000763_post_disaster,0,0,tier3\masks\portugal-wildfire_00000763_post_disaster.png,0,0,0,0,763,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000763_post_disaster.png,pinery-bushfire_00000763_post_disaster,0,0,tier3\masks\pinery-bushfire_00000763_post_disaster.png,0,0,0,0,763,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000764_post_disaster.png,portugal-wildfire_00000764_post_disaster,0,0,tier3\masks\portugal-wildfire_00000764_post_disaster.png,0,0,9,4704,764,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000764_post_disaster.png,woolsey-fire_00000764_post_disaster,0,0,tier3\masks\woolsey-fire_00000764_post_disaster.png,0,0,0,0,764,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000764_post_disaster.png,pinery-bushfire_00000764_post_disaster,0,0,tier3\masks\pinery-bushfire_00000764_post_disaster.png,0,0,0,0,764,4 +1,700,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000765_post_disaster.png,pinery-bushfire_00000765_post_disaster,0,0,tier3\masks\pinery-bushfire_00000765_post_disaster.png,0,0,0,0,765,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000765_post_disaster.png,portugal-wildfire_00000765_post_disaster,0,0,tier3\masks\portugal-wildfire_00000765_post_disaster.png,0,0,0,0,765,1 +11,4256,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000765_post_disaster.png,woolsey-fire_00000765_post_disaster,1,153,tier3\masks\woolsey-fire_00000765_post_disaster.png,1,280,3,1748,765,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000766_post_disaster.png,woolsey-fire_00000766_post_disaster,0,0,tier3\masks\woolsey-fire_00000766_post_disaster.png,0,0,0,0,766,2 +2,2220,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000766_post_disaster.png,portugal-wildfire_00000766_post_disaster,0,0,tier3\masks\portugal-wildfire_00000766_post_disaster.png,0,0,11,8054,766,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000766_post_disaster.png,socal-fire_00000766_post_disaster,0,0,train\masks\socal-fire_00000766_post_disaster.png,0,0,0,0,766,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000766_post_disaster.png,pinery-bushfire_00000766_post_disaster,0,0,tier3\masks\pinery-bushfire_00000766_post_disaster.png,0,0,0,0,766,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000767_post_disaster.png,portugal-wildfire_00000767_post_disaster,0,0,tier3\masks\portugal-wildfire_00000767_post_disaster.png,0,0,61,46280,767,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000767_post_disaster.png,socal-fire_00000767_post_disaster,0,0,train\masks\socal-fire_00000767_post_disaster.png,0,0,10,158115,767,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000767_post_disaster.png,pinery-bushfire_00000767_post_disaster,0,0,tier3\masks\pinery-bushfire_00000767_post_disaster.png,0,0,0,0,767,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000767_post_disaster.png,woolsey-fire_00000767_post_disaster,0,0,tier3\masks\woolsey-fire_00000767_post_disaster.png,0,0,0,0,767,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000768_post_disaster.png,woolsey-fire_00000768_post_disaster,0,0,tier3\masks\woolsey-fire_00000768_post_disaster.png,0,0,0,0,768,3 +1,197,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000768_post_disaster.png,portugal-wildfire_00000768_post_disaster,0,0,tier3\masks\portugal-wildfire_00000768_post_disaster.png,0,0,4,3058,768,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000768_post_disaster.png,pinery-bushfire_00000768_post_disaster,0,0,tier3\masks\pinery-bushfire_00000768_post_disaster.png,0,0,0,0,768,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000769_post_disaster.png,pinery-bushfire_00000769_post_disaster,0,0,tier3\masks\pinery-bushfire_00000769_post_disaster.png,0,0,6,5688,769,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000769_post_disaster.png,portugal-wildfire_00000769_post_disaster,0,0,tier3\masks\portugal-wildfire_00000769_post_disaster.png,0,0,0,0,769,0 +3,2967,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000769_post_disaster.png,woolsey-fire_00000769_post_disaster,0,0,tier3\masks\woolsey-fire_00000769_post_disaster.png,0,0,1,789,769,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000769_post_disaster.png,socal-fire_00000769_post_disaster,0,0,train\masks\socal-fire_00000769_post_disaster.png,0,0,0,0,769,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000770_post_disaster.png,pinery-bushfire_00000770_post_disaster,0,0,tier3\masks\pinery-bushfire_00000770_post_disaster.png,0,0,0,0,770,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000770_post_disaster.png,portugal-wildfire_00000770_post_disaster,0,0,tier3\masks\portugal-wildfire_00000770_post_disaster.png,0,0,31,25216,770,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000770_post_disaster.png,woolsey-fire_00000770_post_disaster,0,0,tier3\masks\woolsey-fire_00000770_post_disaster.png,0,0,0,0,770,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000770_post_disaster.png,socal-fire_00000770_post_disaster,0,0,train\masks\socal-fire_00000770_post_disaster.png,0,0,55,128119,770,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000771_post_disaster.png,portugal-wildfire_00000771_post_disaster,0,0,tier3\masks\portugal-wildfire_00000771_post_disaster.png,0,0,103,173927,771,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000771_post_disaster.png,woolsey-fire_00000771_post_disaster,0,0,tier3\masks\woolsey-fire_00000771_post_disaster.png,0,0,1,70,771,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000771_post_disaster.png,pinery-bushfire_00000771_post_disaster,0,0,tier3\masks\pinery-bushfire_00000771_post_disaster.png,0,0,0,0,771,4 +2,2678,socal-fire,post,train,train\images\socal-fire_00000771_post_disaster.png,socal-fire_00000771_post_disaster,0,0,train\masks\socal-fire_00000771_post_disaster.png,0,0,10,10423,771,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000772_post_disaster.png,pinery-bushfire_00000772_post_disaster,0,0,tier3\masks\pinery-bushfire_00000772_post_disaster.png,0,0,0,0,772,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000772_post_disaster.png,socal-fire_00000772_post_disaster,0,0,train\masks\socal-fire_00000772_post_disaster.png,0,0,0,0,772,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000772_post_disaster.png,portugal-wildfire_00000772_post_disaster,0,0,tier3\masks\portugal-wildfire_00000772_post_disaster.png,0,0,0,0,772,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000772_post_disaster.png,woolsey-fire_00000772_post_disaster,0,0,tier3\masks\woolsey-fire_00000772_post_disaster.png,0,0,0,0,772,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000773_post_disaster.png,portugal-wildfire_00000773_post_disaster,0,0,tier3\masks\portugal-wildfire_00000773_post_disaster.png,0,0,76,54178,773,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000773_post_disaster.png,pinery-bushfire_00000773_post_disaster,0,0,tier3\masks\pinery-bushfire_00000773_post_disaster.png,0,0,0,0,773,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000773_post_disaster.png,woolsey-fire_00000773_post_disaster,0,0,tier3\masks\woolsey-fire_00000773_post_disaster.png,0,0,0,0,773,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000774_post_disaster.png,socal-fire_00000774_post_disaster,0,0,train\masks\socal-fire_00000774_post_disaster.png,0,0,0,0,774,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000774_post_disaster.png,woolsey-fire_00000774_post_disaster,0,0,tier3\masks\woolsey-fire_00000774_post_disaster.png,0,0,1,536,774,0 +1,369,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000774_post_disaster.png,portugal-wildfire_00000774_post_disaster,0,0,tier3\masks\portugal-wildfire_00000774_post_disaster.png,0,0,6,1973,774,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000774_post_disaster.png,pinery-bushfire_00000774_post_disaster,0,0,tier3\masks\pinery-bushfire_00000774_post_disaster.png,0,0,0,0,774,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000775_post_disaster.png,portugal-wildfire_00000775_post_disaster,0,0,tier3\masks\portugal-wildfire_00000775_post_disaster.png,0,0,12,7285,775,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000775_post_disaster.png,socal-fire_00000775_post_disaster,0,0,train\masks\socal-fire_00000775_post_disaster.png,0,0,0,0,775,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000775_post_disaster.png,pinery-bushfire_00000775_post_disaster,0,0,tier3\masks\pinery-bushfire_00000775_post_disaster.png,0,0,0,0,775,3 +5,3171,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000775_post_disaster.png,woolsey-fire_00000775_post_disaster,0,0,tier3\masks\woolsey-fire_00000775_post_disaster.png,0,0,0,0,775,2 +1,137,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000776_post_disaster.png,pinery-bushfire_00000776_post_disaster,0,0,tier3\masks\pinery-bushfire_00000776_post_disaster.png,0,0,2,323,776,1 +10,5096,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000776_post_disaster.png,woolsey-fire_00000776_post_disaster,0,0,tier3\masks\woolsey-fire_00000776_post_disaster.png,0,0,6,5583,776,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000776_post_disaster.png,socal-fire_00000776_post_disaster,0,0,train\masks\socal-fire_00000776_post_disaster.png,0,0,6,6441,776,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000776_post_disaster.png,portugal-wildfire_00000776_post_disaster,0,0,tier3\masks\portugal-wildfire_00000776_post_disaster.png,0,0,0,0,776,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000777_post_disaster.png,portugal-wildfire_00000777_post_disaster,0,0,tier3\masks\portugal-wildfire_00000777_post_disaster.png,0,0,0,0,777,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000777_post_disaster.png,pinery-bushfire_00000777_post_disaster,0,0,tier3\masks\pinery-bushfire_00000777_post_disaster.png,0,0,0,0,777,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000777_post_disaster.png,woolsey-fire_00000777_post_disaster,0,0,tier3\masks\woolsey-fire_00000777_post_disaster.png,0,0,0,0,777,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000778_post_disaster.png,woolsey-fire_00000778_post_disaster,0,0,tier3\masks\woolsey-fire_00000778_post_disaster.png,0,0,0,0,778,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000778_post_disaster.png,portugal-wildfire_00000778_post_disaster,0,0,tier3\masks\portugal-wildfire_00000778_post_disaster.png,0,0,0,0,778,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000778_post_disaster.png,pinery-bushfire_00000778_post_disaster,0,0,tier3\masks\pinery-bushfire_00000778_post_disaster.png,0,0,0,0,778,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000779_post_disaster.png,portugal-wildfire_00000779_post_disaster,1,382,tier3\masks\portugal-wildfire_00000779_post_disaster.png,0,0,0,0,779,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000779_post_disaster.png,woolsey-fire_00000779_post_disaster,0,0,tier3\masks\woolsey-fire_00000779_post_disaster.png,0,0,0,0,779,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000779_post_disaster.png,pinery-bushfire_00000779_post_disaster,0,0,tier3\masks\pinery-bushfire_00000779_post_disaster.png,0,0,0,0,779,2 +2,540,socal-fire,post,train,train\images\socal-fire_00000779_post_disaster.png,socal-fire_00000779_post_disaster,0,0,train\masks\socal-fire_00000779_post_disaster.png,0,0,1,2839,779,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000780_post_disaster.png,portugal-wildfire_00000780_post_disaster,0,0,tier3\masks\portugal-wildfire_00000780_post_disaster.png,0,0,0,0,780,2 +1,285,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000780_post_disaster.png,woolsey-fire_00000780_post_disaster,0,0,tier3\masks\woolsey-fire_00000780_post_disaster.png,0,0,0,0,780,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000780_post_disaster.png,pinery-bushfire_00000780_post_disaster,0,0,tier3\masks\pinery-bushfire_00000780_post_disaster.png,0,0,0,0,780,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000781_post_disaster.png,woolsey-fire_00000781_post_disaster,0,0,tier3\masks\woolsey-fire_00000781_post_disaster.png,0,0,0,0,781,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000781_post_disaster.png,pinery-bushfire_00000781_post_disaster,0,0,tier3\masks\pinery-bushfire_00000781_post_disaster.png,0,0,0,0,781,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000781_post_disaster.png,socal-fire_00000781_post_disaster,0,0,train\masks\socal-fire_00000781_post_disaster.png,0,0,0,0,781,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000781_post_disaster.png,portugal-wildfire_00000781_post_disaster,0,0,tier3\masks\portugal-wildfire_00000781_post_disaster.png,0,0,6,23197,781,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000782_post_disaster.png,woolsey-fire_00000782_post_disaster,0,0,tier3\masks\woolsey-fire_00000782_post_disaster.png,0,0,0,0,782,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000782_post_disaster.png,portugal-wildfire_00000782_post_disaster,0,0,tier3\masks\portugal-wildfire_00000782_post_disaster.png,0,0,0,0,782,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000782_post_disaster.png,pinery-bushfire_00000782_post_disaster,0,0,tier3\masks\pinery-bushfire_00000782_post_disaster.png,0,0,22,13598,782,2 +3,677,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000783_post_disaster.png,portugal-wildfire_00000783_post_disaster,0,0,tier3\masks\portugal-wildfire_00000783_post_disaster.png,1,1740,27,20398,783,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000783_post_disaster.png,woolsey-fire_00000783_post_disaster,0,0,tier3\masks\woolsey-fire_00000783_post_disaster.png,0,0,18,32113,783,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000783_post_disaster.png,pinery-bushfire_00000783_post_disaster,0,0,tier3\masks\pinery-bushfire_00000783_post_disaster.png,0,0,0,0,783,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000784_post_disaster.png,woolsey-fire_00000784_post_disaster,0,0,tier3\masks\woolsey-fire_00000784_post_disaster.png,0,0,8,2749,784,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000784_post_disaster.png,pinery-bushfire_00000784_post_disaster,0,0,tier3\masks\pinery-bushfire_00000784_post_disaster.png,0,0,0,0,784,3 +3,1072,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000784_post_disaster.png,portugal-wildfire_00000784_post_disaster,0,0,tier3\masks\portugal-wildfire_00000784_post_disaster.png,0,0,33,30211,784,4 +7,12200,socal-fire,post,train,train\images\socal-fire_00000785_post_disaster.png,socal-fire_00000785_post_disaster,0,0,train\masks\socal-fire_00000785_post_disaster.png,0,0,5,3078,785,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000785_post_disaster.png,pinery-bushfire_00000785_post_disaster,0,0,tier3\masks\pinery-bushfire_00000785_post_disaster.png,0,0,0,0,785,3 +1,232,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000785_post_disaster.png,portugal-wildfire_00000785_post_disaster,0,0,tier3\masks\portugal-wildfire_00000785_post_disaster.png,1,629,15,7993,785,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000785_post_disaster.png,woolsey-fire_00000785_post_disaster,0,0,tier3\masks\woolsey-fire_00000785_post_disaster.png,0,0,0,0,785,3 +2,225,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000786_post_disaster.png,woolsey-fire_00000786_post_disaster,0,0,tier3\masks\woolsey-fire_00000786_post_disaster.png,1,729,0,0,786,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000786_post_disaster.png,pinery-bushfire_00000786_post_disaster,0,0,tier3\masks\pinery-bushfire_00000786_post_disaster.png,0,0,1,98,786,4 +1,500,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000786_post_disaster.png,portugal-wildfire_00000786_post_disaster,0,0,tier3\masks\portugal-wildfire_00000786_post_disaster.png,0,0,85,89528,786,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000787_post_disaster.png,portugal-wildfire_00000787_post_disaster,0,0,tier3\masks\portugal-wildfire_00000787_post_disaster.png,0,0,3,21320,787,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000787_post_disaster.png,socal-fire_00000787_post_disaster,0,0,train\masks\socal-fire_00000787_post_disaster.png,0,0,0,0,787,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000787_post_disaster.png,woolsey-fire_00000787_post_disaster,0,0,tier3\masks\woolsey-fire_00000787_post_disaster.png,0,0,0,0,787,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000787_post_disaster.png,pinery-bushfire_00000787_post_disaster,0,0,tier3\masks\pinery-bushfire_00000787_post_disaster.png,0,0,0,0,787,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000788_post_disaster.png,pinery-bushfire_00000788_post_disaster,0,0,tier3\masks\pinery-bushfire_00000788_post_disaster.png,0,0,0,0,788,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000788_post_disaster.png,woolsey-fire_00000788_post_disaster,0,0,tier3\masks\woolsey-fire_00000788_post_disaster.png,0,0,0,0,788,0 +1,166,socal-fire,post,train,train\images\socal-fire_00000788_post_disaster.png,socal-fire_00000788_post_disaster,0,0,train\masks\socal-fire_00000788_post_disaster.png,3,866,0,0,788,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000788_post_disaster.png,portugal-wildfire_00000788_post_disaster,0,0,tier3\masks\portugal-wildfire_00000788_post_disaster.png,0,0,39,31177,788,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000789_post_disaster.png,pinery-bushfire_00000789_post_disaster,0,0,tier3\masks\pinery-bushfire_00000789_post_disaster.png,0,0,19,16650,789,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000789_post_disaster.png,portugal-wildfire_00000789_post_disaster,0,0,tier3\masks\portugal-wildfire_00000789_post_disaster.png,0,0,61,77641,789,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000789_post_disaster.png,socal-fire_00000789_post_disaster,0,0,train\masks\socal-fire_00000789_post_disaster.png,0,0,0,0,789,0 +18,5664,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000789_post_disaster.png,woolsey-fire_00000789_post_disaster,1,272,tier3\masks\woolsey-fire_00000789_post_disaster.png,0,0,4,1971,789,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000790_post_disaster.png,portugal-wildfire_00000790_post_disaster,0,0,tier3\masks\portugal-wildfire_00000790_post_disaster.png,0,0,13,6512,790,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000790_post_disaster.png,pinery-bushfire_00000790_post_disaster,0,0,tier3\masks\pinery-bushfire_00000790_post_disaster.png,0,0,0,0,790,1 +2,137,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000790_post_disaster.png,woolsey-fire_00000790_post_disaster,0,0,tier3\masks\woolsey-fire_00000790_post_disaster.png,0,0,0,0,790,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000790_post_disaster.png,socal-fire_00000790_post_disaster,0,0,train\masks\socal-fire_00000790_post_disaster.png,0,0,33,20544,790,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000791_post_disaster.png,portugal-wildfire_00000791_post_disaster,0,0,tier3\masks\portugal-wildfire_00000791_post_disaster.png,0,0,10,7238,791,4 +3,1592,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000791_post_disaster.png,woolsey-fire_00000791_post_disaster,0,0,tier3\masks\woolsey-fire_00000791_post_disaster.png,0,0,11,23308,791,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000791_post_disaster.png,pinery-bushfire_00000791_post_disaster,0,0,tier3\masks\pinery-bushfire_00000791_post_disaster.png,0,0,0,0,791,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000791_post_disaster.png,socal-fire_00000791_post_disaster,0,0,train\masks\socal-fire_00000791_post_disaster.png,0,0,0,0,791,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000792_post_disaster.png,pinery-bushfire_00000792_post_disaster,0,0,tier3\masks\pinery-bushfire_00000792_post_disaster.png,0,0,0,0,792,3 +5,7059,socal-fire,post,train,train\images\socal-fire_00000792_post_disaster.png,socal-fire_00000792_post_disaster,0,0,train\masks\socal-fire_00000792_post_disaster.png,0,0,24,20529,792,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000792_post_disaster.png,woolsey-fire_00000792_post_disaster,0,0,tier3\masks\woolsey-fire_00000792_post_disaster.png,0,0,0,0,792,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000792_post_disaster.png,portugal-wildfire_00000792_post_disaster,0,0,tier3\masks\portugal-wildfire_00000792_post_disaster.png,0,0,0,0,792,2 +4,1153,socal-fire,post,train,train\images\socal-fire_00000793_post_disaster.png,socal-fire_00000793_post_disaster,1,693,train\masks\socal-fire_00000793_post_disaster.png,1,544,0,0,793,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000793_post_disaster.png,woolsey-fire_00000793_post_disaster,0,0,tier3\masks\woolsey-fire_00000793_post_disaster.png,0,0,15,27045,793,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000793_post_disaster.png,pinery-bushfire_00000793_post_disaster,0,0,tier3\masks\pinery-bushfire_00000793_post_disaster.png,0,0,0,0,793,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000793_post_disaster.png,portugal-wildfire_00000793_post_disaster,0,0,tier3\masks\portugal-wildfire_00000793_post_disaster.png,0,0,7,2111,793,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000794_post_disaster.png,portugal-wildfire_00000794_post_disaster,1,300,tier3\masks\portugal-wildfire_00000794_post_disaster.png,0,0,0,0,794,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000794_post_disaster.png,socal-fire_00000794_post_disaster,0,0,train\masks\socal-fire_00000794_post_disaster.png,0,0,0,0,794,3 +1,244,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000794_post_disaster.png,pinery-bushfire_00000794_post_disaster,0,0,tier3\masks\pinery-bushfire_00000794_post_disaster.png,0,0,0,0,794,1 +5,2089,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000794_post_disaster.png,woolsey-fire_00000794_post_disaster,0,0,tier3\masks\woolsey-fire_00000794_post_disaster.png,0,0,0,0,794,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000795_post_disaster.png,pinery-bushfire_00000795_post_disaster,0,0,tier3\masks\pinery-bushfire_00000795_post_disaster.png,0,0,0,0,795,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000795_post_disaster.png,socal-fire_00000795_post_disaster,0,0,train\masks\socal-fire_00000795_post_disaster.png,0,0,0,0,795,3 +7,4572,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000795_post_disaster.png,woolsey-fire_00000795_post_disaster,2,371,tier3\masks\woolsey-fire_00000795_post_disaster.png,0,0,12,6081,795,3 +2,642,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000795_post_disaster.png,portugal-wildfire_00000795_post_disaster,0,0,tier3\masks\portugal-wildfire_00000795_post_disaster.png,0,0,29,48094,795,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000796_post_disaster.png,portugal-wildfire_00000796_post_disaster,0,0,tier3\masks\portugal-wildfire_00000796_post_disaster.png,0,0,1,422,796,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000796_post_disaster.png,pinery-bushfire_00000796_post_disaster,0,0,tier3\masks\pinery-bushfire_00000796_post_disaster.png,0,0,3,365,796,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000796_post_disaster.png,woolsey-fire_00000796_post_disaster,0,0,tier3\masks\woolsey-fire_00000796_post_disaster.png,0,0,0,0,796,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000797_post_disaster.png,pinery-bushfire_00000797_post_disaster,0,0,tier3\masks\pinery-bushfire_00000797_post_disaster.png,0,0,3,2492,797,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000797_post_disaster.png,woolsey-fire_00000797_post_disaster,0,0,tier3\masks\woolsey-fire_00000797_post_disaster.png,0,0,0,0,797,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000797_post_disaster.png,portugal-wildfire_00000797_post_disaster,0,0,tier3\masks\portugal-wildfire_00000797_post_disaster.png,0,0,0,0,797,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000798_post_disaster.png,woolsey-fire_00000798_post_disaster,0,0,tier3\masks\woolsey-fire_00000798_post_disaster.png,0,0,0,0,798,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000798_post_disaster.png,portugal-wildfire_00000798_post_disaster,0,0,tier3\masks\portugal-wildfire_00000798_post_disaster.png,0,0,20,13235,798,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000798_post_disaster.png,pinery-bushfire_00000798_post_disaster,0,0,tier3\masks\pinery-bushfire_00000798_post_disaster.png,0,0,5,16750,798,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000798_post_disaster.png,socal-fire_00000798_post_disaster,0,0,train\masks\socal-fire_00000798_post_disaster.png,0,0,47,74406,798,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000799_post_disaster.png,woolsey-fire_00000799_post_disaster,0,0,tier3\masks\woolsey-fire_00000799_post_disaster.png,0,0,1,769,799,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000799_post_disaster.png,pinery-bushfire_00000799_post_disaster,0,0,tier3\masks\pinery-bushfire_00000799_post_disaster.png,0,0,0,0,799,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000799_post_disaster.png,portugal-wildfire_00000799_post_disaster,0,0,tier3\masks\portugal-wildfire_00000799_post_disaster.png,0,0,13,11774,799,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000800_post_disaster.png,portugal-wildfire_00000800_post_disaster,0,0,tier3\masks\portugal-wildfire_00000800_post_disaster.png,0,0,4,5987,800,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000800_post_disaster.png,pinery-bushfire_00000800_post_disaster,0,0,tier3\masks\pinery-bushfire_00000800_post_disaster.png,0,0,0,0,800,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000800_post_disaster.png,woolsey-fire_00000800_post_disaster,0,0,tier3\masks\woolsey-fire_00000800_post_disaster.png,0,0,15,22327,800,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000801_post_disaster.png,pinery-bushfire_00000801_post_disaster,0,0,tier3\masks\pinery-bushfire_00000801_post_disaster.png,0,0,3,362,801,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000801_post_disaster.png,portugal-wildfire_00000801_post_disaster,0,0,tier3\masks\portugal-wildfire_00000801_post_disaster.png,0,0,3,9302,801,3 +8,1455,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000801_post_disaster.png,woolsey-fire_00000801_post_disaster,0,0,tier3\masks\woolsey-fire_00000801_post_disaster.png,0,0,0,0,801,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000802_post_disaster.png,woolsey-fire_00000802_post_disaster,0,0,tier3\masks\woolsey-fire_00000802_post_disaster.png,0,0,0,0,802,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000802_post_disaster.png,pinery-bushfire_00000802_post_disaster,0,0,tier3\masks\pinery-bushfire_00000802_post_disaster.png,0,0,0,0,802,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000802_post_disaster.png,portugal-wildfire_00000802_post_disaster,0,0,tier3\masks\portugal-wildfire_00000802_post_disaster.png,0,0,2,1515,802,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000803_post_disaster.png,portugal-wildfire_00000803_post_disaster,0,0,tier3\masks\portugal-wildfire_00000803_post_disaster.png,0,0,0,0,803,4 +1,95,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000803_post_disaster.png,pinery-bushfire_00000803_post_disaster,0,0,tier3\masks\pinery-bushfire_00000803_post_disaster.png,0,0,5,6723,803,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000803_post_disaster.png,woolsey-fire_00000803_post_disaster,0,0,tier3\masks\woolsey-fire_00000803_post_disaster.png,0,0,3,298,803,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000804_post_disaster.png,portugal-wildfire_00000804_post_disaster,0,0,tier3\masks\portugal-wildfire_00000804_post_disaster.png,0,0,0,0,804,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000804_post_disaster.png,woolsey-fire_00000804_post_disaster,0,0,tier3\masks\woolsey-fire_00000804_post_disaster.png,0,0,1,111,804,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000804_post_disaster.png,pinery-bushfire_00000804_post_disaster,0,0,tier3\masks\pinery-bushfire_00000804_post_disaster.png,0,0,0,0,804,1 +4,2842,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000805_post_disaster.png,portugal-wildfire_00000805_post_disaster,0,0,tier3\masks\portugal-wildfire_00000805_post_disaster.png,0,0,18,16087,805,2 +19,9671,socal-fire,post,train,train\images\socal-fire_00000805_post_disaster.png,socal-fire_00000805_post_disaster,0,0,train\masks\socal-fire_00000805_post_disaster.png,0,0,6,2944,805,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000805_post_disaster.png,pinery-bushfire_00000805_post_disaster,0,0,tier3\masks\pinery-bushfire_00000805_post_disaster.png,0,0,0,0,805,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000805_post_disaster.png,woolsey-fire_00000805_post_disaster,0,0,tier3\masks\woolsey-fire_00000805_post_disaster.png,0,0,0,0,805,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000806_post_disaster.png,portugal-wildfire_00000806_post_disaster,0,0,tier3\masks\portugal-wildfire_00000806_post_disaster.png,0,0,1,256,806,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000806_post_disaster.png,woolsey-fire_00000806_post_disaster,0,0,tier3\masks\woolsey-fire_00000806_post_disaster.png,0,0,1,497,806,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000806_post_disaster.png,pinery-bushfire_00000806_post_disaster,0,0,tier3\masks\pinery-bushfire_00000806_post_disaster.png,0,0,0,0,806,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000807_post_disaster.png,socal-fire_00000807_post_disaster,0,0,train\masks\socal-fire_00000807_post_disaster.png,0,0,0,0,807,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000807_post_disaster.png,pinery-bushfire_00000807_post_disaster,0,0,tier3\masks\pinery-bushfire_00000807_post_disaster.png,0,0,0,0,807,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000807_post_disaster.png,portugal-wildfire_00000807_post_disaster,0,0,tier3\masks\portugal-wildfire_00000807_post_disaster.png,0,0,59,40700,807,1 +22,6859,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000807_post_disaster.png,woolsey-fire_00000807_post_disaster,5,3624,tier3\masks\woolsey-fire_00000807_post_disaster.png,0,0,9,1039,807,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000808_post_disaster.png,pinery-bushfire_00000808_post_disaster,0,0,tier3\masks\pinery-bushfire_00000808_post_disaster.png,4,2908,11,10834,808,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000808_post_disaster.png,portugal-wildfire_00000808_post_disaster,0,0,tier3\masks\portugal-wildfire_00000808_post_disaster.png,0,0,16,12207,808,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000808_post_disaster.png,woolsey-fire_00000808_post_disaster,0,0,tier3\masks\woolsey-fire_00000808_post_disaster.png,0,0,0,0,808,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000809_post_disaster.png,portugal-wildfire_00000809_post_disaster,0,0,tier3\masks\portugal-wildfire_00000809_post_disaster.png,0,0,0,0,809,4 +1,1736,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000809_post_disaster.png,woolsey-fire_00000809_post_disaster,1,252,tier3\masks\woolsey-fire_00000809_post_disaster.png,0,0,4,8307,809,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000809_post_disaster.png,pinery-bushfire_00000809_post_disaster,0,0,tier3\masks\pinery-bushfire_00000809_post_disaster.png,0,0,0,0,809,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000810_post_disaster.png,portugal-wildfire_00000810_post_disaster,0,0,tier3\masks\portugal-wildfire_00000810_post_disaster.png,0,0,0,0,810,0 +3,487,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000810_post_disaster.png,woolsey-fire_00000810_post_disaster,0,0,tier3\masks\woolsey-fire_00000810_post_disaster.png,0,0,0,0,810,3 +6,9940,socal-fire,post,train,train\images\socal-fire_00000810_post_disaster.png,socal-fire_00000810_post_disaster,0,0,train\masks\socal-fire_00000810_post_disaster.png,0,0,6,2331,810,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000810_post_disaster.png,pinery-bushfire_00000810_post_disaster,0,0,tier3\masks\pinery-bushfire_00000810_post_disaster.png,0,0,0,0,810,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000811_post_disaster.png,pinery-bushfire_00000811_post_disaster,0,0,tier3\masks\pinery-bushfire_00000811_post_disaster.png,0,0,0,0,811,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000811_post_disaster.png,woolsey-fire_00000811_post_disaster,0,0,tier3\masks\woolsey-fire_00000811_post_disaster.png,0,0,0,0,811,3 +1,1082,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000811_post_disaster.png,portugal-wildfire_00000811_post_disaster,0,0,tier3\masks\portugal-wildfire_00000811_post_disaster.png,0,0,24,25042,811,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000812_post_disaster.png,woolsey-fire_00000812_post_disaster,0,0,tier3\masks\woolsey-fire_00000812_post_disaster.png,0,0,0,0,812,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000812_post_disaster.png,pinery-bushfire_00000812_post_disaster,0,0,tier3\masks\pinery-bushfire_00000812_post_disaster.png,0,0,0,0,812,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000812_post_disaster.png,socal-fire_00000812_post_disaster,0,0,train\masks\socal-fire_00000812_post_disaster.png,0,0,0,0,812,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000812_post_disaster.png,portugal-wildfire_00000812_post_disaster,0,0,tier3\masks\portugal-wildfire_00000812_post_disaster.png,0,0,0,0,812,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000813_post_disaster.png,pinery-bushfire_00000813_post_disaster,0,0,tier3\masks\pinery-bushfire_00000813_post_disaster.png,0,0,0,0,813,3 +2,1584,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000813_post_disaster.png,woolsey-fire_00000813_post_disaster,0,0,tier3\masks\woolsey-fire_00000813_post_disaster.png,0,0,3,1428,813,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000813_post_disaster.png,portugal-wildfire_00000813_post_disaster,0,0,tier3\masks\portugal-wildfire_00000813_post_disaster.png,0,0,1,604,813,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000814_post_disaster.png,pinery-bushfire_00000814_post_disaster,0,0,tier3\masks\pinery-bushfire_00000814_post_disaster.png,0,0,0,0,814,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000814_post_disaster.png,woolsey-fire_00000814_post_disaster,0,0,tier3\masks\woolsey-fire_00000814_post_disaster.png,0,0,0,0,814,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000814_post_disaster.png,portugal-wildfire_00000814_post_disaster,1,1278,tier3\masks\portugal-wildfire_00000814_post_disaster.png,0,0,2,4071,814,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000815_post_disaster.png,pinery-bushfire_00000815_post_disaster,0,0,tier3\masks\pinery-bushfire_00000815_post_disaster.png,0,0,0,0,815,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000815_post_disaster.png,woolsey-fire_00000815_post_disaster,0,0,tier3\masks\woolsey-fire_00000815_post_disaster.png,0,0,0,0,815,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000815_post_disaster.png,portugal-wildfire_00000815_post_disaster,0,0,tier3\masks\portugal-wildfire_00000815_post_disaster.png,0,0,0,0,815,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000816_post_disaster.png,portugal-wildfire_00000816_post_disaster,0,0,tier3\masks\portugal-wildfire_00000816_post_disaster.png,0,0,0,0,816,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000816_post_disaster.png,woolsey-fire_00000816_post_disaster,0,0,tier3\masks\woolsey-fire_00000816_post_disaster.png,0,0,0,0,816,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000816_post_disaster.png,pinery-bushfire_00000816_post_disaster,0,0,tier3\masks\pinery-bushfire_00000816_post_disaster.png,0,0,2,2806,816,4 +3,1697,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000817_post_disaster.png,woolsey-fire_00000817_post_disaster,1,432,tier3\masks\woolsey-fire_00000817_post_disaster.png,2,1187,0,0,817,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000817_post_disaster.png,pinery-bushfire_00000817_post_disaster,0,0,tier3\masks\pinery-bushfire_00000817_post_disaster.png,0,0,0,0,817,2 +18,15183,socal-fire,post,train,train\images\socal-fire_00000817_post_disaster.png,socal-fire_00000817_post_disaster,0,0,train\masks\socal-fire_00000817_post_disaster.png,0,0,53,33351,817,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000817_post_disaster.png,portugal-wildfire_00000817_post_disaster,0,0,tier3\masks\portugal-wildfire_00000817_post_disaster.png,0,0,5,2984,817,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000818_post_disaster.png,pinery-bushfire_00000818_post_disaster,0,0,tier3\masks\pinery-bushfire_00000818_post_disaster.png,0,0,0,0,818,1 +1,397,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000818_post_disaster.png,portugal-wildfire_00000818_post_disaster,0,0,tier3\masks\portugal-wildfire_00000818_post_disaster.png,0,0,49,35032,818,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000818_post_disaster.png,woolsey-fire_00000818_post_disaster,0,0,tier3\masks\woolsey-fire_00000818_post_disaster.png,0,0,0,0,818,0 +3,3984,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000819_post_disaster.png,woolsey-fire_00000819_post_disaster,0,0,tier3\masks\woolsey-fire_00000819_post_disaster.png,0,0,2,379,819,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000819_post_disaster.png,pinery-bushfire_00000819_post_disaster,0,0,tier3\masks\pinery-bushfire_00000819_post_disaster.png,0,0,0,0,819,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000819_post_disaster.png,portugal-wildfire_00000819_post_disaster,0,0,tier3\masks\portugal-wildfire_00000819_post_disaster.png,0,0,0,0,819,3 +2,358,socal-fire,post,train,train\images\socal-fire_00000819_post_disaster.png,socal-fire_00000819_post_disaster,0,0,train\masks\socal-fire_00000819_post_disaster.png,0,0,9,4059,819,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000820_post_disaster.png,pinery-bushfire_00000820_post_disaster,0,0,tier3\masks\pinery-bushfire_00000820_post_disaster.png,0,0,0,0,820,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000820_post_disaster.png,woolsey-fire_00000820_post_disaster,0,0,tier3\masks\woolsey-fire_00000820_post_disaster.png,0,0,0,0,820,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000820_post_disaster.png,socal-fire_00000820_post_disaster,0,0,train\masks\socal-fire_00000820_post_disaster.png,0,0,0,0,820,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000820_post_disaster.png,portugal-wildfire_00000820_post_disaster,0,0,tier3\masks\portugal-wildfire_00000820_post_disaster.png,0,0,0,0,820,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000821_post_disaster.png,portugal-wildfire_00000821_post_disaster,0,0,tier3\masks\portugal-wildfire_00000821_post_disaster.png,0,0,0,0,821,0 +23,19393,socal-fire,post,train,train\images\socal-fire_00000821_post_disaster.png,socal-fire_00000821_post_disaster,0,0,train\masks\socal-fire_00000821_post_disaster.png,0,0,0,0,821,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000821_post_disaster.png,pinery-bushfire_00000821_post_disaster,0,0,tier3\masks\pinery-bushfire_00000821_post_disaster.png,0,0,0,0,821,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000821_post_disaster.png,woolsey-fire_00000821_post_disaster,0,0,tier3\masks\woolsey-fire_00000821_post_disaster.png,0,0,0,0,821,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000822_post_disaster.png,portugal-wildfire_00000822_post_disaster,0,0,tier3\masks\portugal-wildfire_00000822_post_disaster.png,0,0,0,0,822,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000822_post_disaster.png,pinery-bushfire_00000822_post_disaster,0,0,tier3\masks\pinery-bushfire_00000822_post_disaster.png,0,0,27,19761,822,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000822_post_disaster.png,socal-fire_00000822_post_disaster,0,0,train\masks\socal-fire_00000822_post_disaster.png,0,0,0,0,822,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000822_post_disaster.png,woolsey-fire_00000822_post_disaster,0,0,tier3\masks\woolsey-fire_00000822_post_disaster.png,0,0,9,4295,822,0 +1,68,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000823_post_disaster.png,portugal-wildfire_00000823_post_disaster,0,0,tier3\masks\portugal-wildfire_00000823_post_disaster.png,0,0,60,51682,823,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000823_post_disaster.png,woolsey-fire_00000823_post_disaster,0,0,tier3\masks\woolsey-fire_00000823_post_disaster.png,0,0,0,0,823,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000823_post_disaster.png,pinery-bushfire_00000823_post_disaster,0,0,tier3\masks\pinery-bushfire_00000823_post_disaster.png,0,0,0,0,823,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000824_post_disaster.png,portugal-wildfire_00000824_post_disaster,0,0,tier3\masks\portugal-wildfire_00000824_post_disaster.png,0,0,0,0,824,0 +1,341,socal-fire,post,train,train\images\socal-fire_00000824_post_disaster.png,socal-fire_00000824_post_disaster,0,0,train\masks\socal-fire_00000824_post_disaster.png,0,0,0,0,824,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000824_post_disaster.png,woolsey-fire_00000824_post_disaster,0,0,tier3\masks\woolsey-fire_00000824_post_disaster.png,0,0,0,0,824,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000824_post_disaster.png,pinery-bushfire_00000824_post_disaster,0,0,tier3\masks\pinery-bushfire_00000824_post_disaster.png,0,0,31,10489,824,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000825_post_disaster.png,pinery-bushfire_00000825_post_disaster,0,0,tier3\masks\pinery-bushfire_00000825_post_disaster.png,0,0,0,0,825,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000825_post_disaster.png,portugal-wildfire_00000825_post_disaster,0,0,tier3\masks\portugal-wildfire_00000825_post_disaster.png,0,0,0,0,825,3 +4,1785,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000825_post_disaster.png,woolsey-fire_00000825_post_disaster,0,0,tier3\masks\woolsey-fire_00000825_post_disaster.png,1,454,2,1132,825,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000826_post_disaster.png,pinery-bushfire_00000826_post_disaster,0,0,tier3\masks\pinery-bushfire_00000826_post_disaster.png,0,0,11,7024,826,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000826_post_disaster.png,portugal-wildfire_00000826_post_disaster,0,0,tier3\masks\portugal-wildfire_00000826_post_disaster.png,0,0,3,1641,826,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000826_post_disaster.png,woolsey-fire_00000826_post_disaster,0,0,tier3\masks\woolsey-fire_00000826_post_disaster.png,0,0,0,0,826,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000827_post_disaster.png,portugal-wildfire_00000827_post_disaster,0,0,tier3\masks\portugal-wildfire_00000827_post_disaster.png,2,2648,17,35629,827,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000827_post_disaster.png,socal-fire_00000827_post_disaster,0,0,train\masks\socal-fire_00000827_post_disaster.png,0,0,0,0,827,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000827_post_disaster.png,pinery-bushfire_00000827_post_disaster,0,0,tier3\masks\pinery-bushfire_00000827_post_disaster.png,0,0,0,0,827,1 +8,3409,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000827_post_disaster.png,woolsey-fire_00000827_post_disaster,0,0,tier3\masks\woolsey-fire_00000827_post_disaster.png,0,0,69,58412,827,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000828_post_disaster.png,pinery-bushfire_00000828_post_disaster,0,0,tier3\masks\pinery-bushfire_00000828_post_disaster.png,0,0,0,0,828,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000828_post_disaster.png,portugal-wildfire_00000828_post_disaster,0,0,tier3\masks\portugal-wildfire_00000828_post_disaster.png,0,0,0,0,828,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000828_post_disaster.png,socal-fire_00000828_post_disaster,0,0,train\masks\socal-fire_00000828_post_disaster.png,0,0,0,0,828,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000828_post_disaster.png,woolsey-fire_00000828_post_disaster,0,0,tier3\masks\woolsey-fire_00000828_post_disaster.png,0,0,0,0,828,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000829_post_disaster.png,portugal-wildfire_00000829_post_disaster,0,0,tier3\masks\portugal-wildfire_00000829_post_disaster.png,0,0,0,0,829,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000829_post_disaster.png,woolsey-fire_00000829_post_disaster,0,0,tier3\masks\woolsey-fire_00000829_post_disaster.png,0,0,0,0,829,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000829_post_disaster.png,pinery-bushfire_00000829_post_disaster,0,0,tier3\masks\pinery-bushfire_00000829_post_disaster.png,0,0,0,0,829,4 +1,882,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000830_post_disaster.png,pinery-bushfire_00000830_post_disaster,0,0,tier3\masks\pinery-bushfire_00000830_post_disaster.png,1,1020,4,5977,830,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000830_post_disaster.png,socal-fire_00000830_post_disaster,0,0,train\masks\socal-fire_00000830_post_disaster.png,0,0,0,0,830,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000830_post_disaster.png,woolsey-fire_00000830_post_disaster,0,0,tier3\masks\woolsey-fire_00000830_post_disaster.png,0,0,46,85905,830,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000830_post_disaster.png,portugal-wildfire_00000830_post_disaster,0,0,tier3\masks\portugal-wildfire_00000830_post_disaster.png,0,0,4,1623,830,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000831_post_disaster.png,portugal-wildfire_00000831_post_disaster,0,0,tier3\masks\portugal-wildfire_00000831_post_disaster.png,0,0,14,9364,831,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000831_post_disaster.png,pinery-bushfire_00000831_post_disaster,0,0,tier3\masks\pinery-bushfire_00000831_post_disaster.png,0,0,0,0,831,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000831_post_disaster.png,woolsey-fire_00000831_post_disaster,0,0,tier3\masks\woolsey-fire_00000831_post_disaster.png,0,0,0,0,831,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000832_post_disaster.png,woolsey-fire_00000832_post_disaster,0,0,tier3\masks\woolsey-fire_00000832_post_disaster.png,0,0,0,0,832,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000832_post_disaster.png,portugal-wildfire_00000832_post_disaster,0,0,tier3\masks\portugal-wildfire_00000832_post_disaster.png,0,0,0,0,832,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000832_post_disaster.png,pinery-bushfire_00000832_post_disaster,0,0,tier3\masks\pinery-bushfire_00000832_post_disaster.png,0,0,14,11865,832,2 +7,7641,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000833_post_disaster.png,woolsey-fire_00000833_post_disaster,3,1975,tier3\masks\woolsey-fire_00000833_post_disaster.png,1,262,21,11418,833,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000833_post_disaster.png,pinery-bushfire_00000833_post_disaster,0,0,tier3\masks\pinery-bushfire_00000833_post_disaster.png,0,0,0,0,833,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000833_post_disaster.png,portugal-wildfire_00000833_post_disaster,0,0,tier3\masks\portugal-wildfire_00000833_post_disaster.png,0,0,0,0,833,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000833_post_disaster.png,socal-fire_00000833_post_disaster,0,0,train\masks\socal-fire_00000833_post_disaster.png,0,0,0,0,833,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000834_post_disaster.png,portugal-wildfire_00000834_post_disaster,0,0,tier3\masks\portugal-wildfire_00000834_post_disaster.png,0,0,23,55721,834,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000834_post_disaster.png,pinery-bushfire_00000834_post_disaster,0,0,tier3\masks\pinery-bushfire_00000834_post_disaster.png,0,0,0,0,834,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000834_post_disaster.png,socal-fire_00000834_post_disaster,0,0,train\masks\socal-fire_00000834_post_disaster.png,0,0,0,0,834,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000834_post_disaster.png,woolsey-fire_00000834_post_disaster,0,0,tier3\masks\woolsey-fire_00000834_post_disaster.png,0,0,0,0,834,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000835_post_disaster.png,socal-fire_00000835_post_disaster,0,0,train\masks\socal-fire_00000835_post_disaster.png,0,0,0,0,835,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000835_post_disaster.png,pinery-bushfire_00000835_post_disaster,0,0,tier3\masks\pinery-bushfire_00000835_post_disaster.png,0,0,0,0,835,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000835_post_disaster.png,woolsey-fire_00000835_post_disaster,0,0,tier3\masks\woolsey-fire_00000835_post_disaster.png,0,0,0,0,835,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000835_post_disaster.png,portugal-wildfire_00000835_post_disaster,0,0,tier3\masks\portugal-wildfire_00000835_post_disaster.png,0,0,5,9208,835,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000836_post_disaster.png,woolsey-fire_00000836_post_disaster,0,0,tier3\masks\woolsey-fire_00000836_post_disaster.png,0,0,0,0,836,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000836_post_disaster.png,pinery-bushfire_00000836_post_disaster,0,0,tier3\masks\pinery-bushfire_00000836_post_disaster.png,0,0,0,0,836,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000836_post_disaster.png,portugal-wildfire_00000836_post_disaster,0,0,tier3\masks\portugal-wildfire_00000836_post_disaster.png,0,0,0,0,836,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000837_post_disaster.png,woolsey-fire_00000837_post_disaster,0,0,tier3\masks\woolsey-fire_00000837_post_disaster.png,0,0,0,0,837,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000837_post_disaster.png,pinery-bushfire_00000837_post_disaster,0,0,tier3\masks\pinery-bushfire_00000837_post_disaster.png,0,0,11,5686,837,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000837_post_disaster.png,portugal-wildfire_00000837_post_disaster,0,0,tier3\masks\portugal-wildfire_00000837_post_disaster.png,0,0,0,0,837,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000838_post_disaster.png,pinery-bushfire_00000838_post_disaster,0,0,tier3\masks\pinery-bushfire_00000838_post_disaster.png,0,0,0,0,838,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000838_post_disaster.png,woolsey-fire_00000838_post_disaster,0,0,tier3\masks\woolsey-fire_00000838_post_disaster.png,0,0,57,99803,838,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000838_post_disaster.png,socal-fire_00000838_post_disaster,0,0,train\masks\socal-fire_00000838_post_disaster.png,0,0,0,0,838,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000838_post_disaster.png,portugal-wildfire_00000838_post_disaster,0,0,tier3\masks\portugal-wildfire_00000838_post_disaster.png,0,0,0,0,838,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000839_post_disaster.png,socal-fire_00000839_post_disaster,0,0,train\masks\socal-fire_00000839_post_disaster.png,0,0,0,0,839,0 +1,555,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000839_post_disaster.png,pinery-bushfire_00000839_post_disaster,0,0,tier3\masks\pinery-bushfire_00000839_post_disaster.png,0,0,4,1522,839,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000839_post_disaster.png,portugal-wildfire_00000839_post_disaster,0,0,tier3\masks\portugal-wildfire_00000839_post_disaster.png,0,0,18,16898,839,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000839_post_disaster.png,woolsey-fire_00000839_post_disaster,0,0,tier3\masks\woolsey-fire_00000839_post_disaster.png,0,0,0,0,839,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000840_post_disaster.png,socal-fire_00000840_post_disaster,0,0,train\masks\socal-fire_00000840_post_disaster.png,0,0,32,181751,840,2 +8,1529,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000840_post_disaster.png,woolsey-fire_00000840_post_disaster,0,0,tier3\masks\woolsey-fire_00000840_post_disaster.png,0,0,1,1179,840,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000840_post_disaster.png,pinery-bushfire_00000840_post_disaster,0,0,tier3\masks\pinery-bushfire_00000840_post_disaster.png,0,0,0,0,840,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000840_post_disaster.png,portugal-wildfire_00000840_post_disaster,0,0,tier3\masks\portugal-wildfire_00000840_post_disaster.png,0,0,0,0,840,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000841_post_disaster.png,portugal-wildfire_00000841_post_disaster,0,0,tier3\masks\portugal-wildfire_00000841_post_disaster.png,0,0,0,0,841,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000841_post_disaster.png,pinery-bushfire_00000841_post_disaster,0,0,tier3\masks\pinery-bushfire_00000841_post_disaster.png,0,0,0,0,841,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000841_post_disaster.png,woolsey-fire_00000841_post_disaster,0,0,tier3\masks\woolsey-fire_00000841_post_disaster.png,0,0,18,13155,841,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000842_post_disaster.png,portugal-wildfire_00000842_post_disaster,0,0,tier3\masks\portugal-wildfire_00000842_post_disaster.png,0,0,29,18152,842,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000842_post_disaster.png,socal-fire_00000842_post_disaster,0,0,train\masks\socal-fire_00000842_post_disaster.png,0,0,0,0,842,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000842_post_disaster.png,pinery-bushfire_00000842_post_disaster,0,0,tier3\masks\pinery-bushfire_00000842_post_disaster.png,0,0,1,145,842,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000842_post_disaster.png,woolsey-fire_00000842_post_disaster,0,0,tier3\masks\woolsey-fire_00000842_post_disaster.png,0,0,0,0,842,4 +4,2129,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000843_post_disaster.png,portugal-wildfire_00000843_post_disaster,0,0,tier3\masks\portugal-wildfire_00000843_post_disaster.png,0,0,0,0,843,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000843_post_disaster.png,pinery-bushfire_00000843_post_disaster,0,0,tier3\masks\pinery-bushfire_00000843_post_disaster.png,0,0,0,0,843,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000843_post_disaster.png,socal-fire_00000843_post_disaster,0,0,train\masks\socal-fire_00000843_post_disaster.png,0,0,0,0,843,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000843_post_disaster.png,woolsey-fire_00000843_post_disaster,1,122,tier3\masks\woolsey-fire_00000843_post_disaster.png,0,0,18,36299,843,0 +5,7486,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000844_post_disaster.png,woolsey-fire_00000844_post_disaster,0,0,tier3\masks\woolsey-fire_00000844_post_disaster.png,0,0,4,4401,844,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000844_post_disaster.png,portugal-wildfire_00000844_post_disaster,0,0,tier3\masks\portugal-wildfire_00000844_post_disaster.png,0,0,0,0,844,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000844_post_disaster.png,pinery-bushfire_00000844_post_disaster,0,0,tier3\masks\pinery-bushfire_00000844_post_disaster.png,0,0,0,0,844,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000845_post_disaster.png,woolsey-fire_00000845_post_disaster,0,0,tier3\masks\woolsey-fire_00000845_post_disaster.png,0,0,2,2415,845,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000845_post_disaster.png,portugal-wildfire_00000845_post_disaster,0,0,tier3\masks\portugal-wildfire_00000845_post_disaster.png,0,0,11,12953,845,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000845_post_disaster.png,socal-fire_00000845_post_disaster,0,0,train\masks\socal-fire_00000845_post_disaster.png,0,0,0,0,845,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000845_post_disaster.png,pinery-bushfire_00000845_post_disaster,0,0,tier3\masks\pinery-bushfire_00000845_post_disaster.png,0,0,0,0,845,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000846_post_disaster.png,portugal-wildfire_00000846_post_disaster,0,0,tier3\masks\portugal-wildfire_00000846_post_disaster.png,0,0,4,1386,846,2 +1,1631,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000846_post_disaster.png,pinery-bushfire_00000846_post_disaster,0,0,tier3\masks\pinery-bushfire_00000846_post_disaster.png,0,0,11,5787,846,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000846_post_disaster.png,woolsey-fire_00000846_post_disaster,0,0,tier3\masks\woolsey-fire_00000846_post_disaster.png,0,0,8,6629,846,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000847_post_disaster.png,pinery-bushfire_00000847_post_disaster,0,0,tier3\masks\pinery-bushfire_00000847_post_disaster.png,0,0,1,98,847,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000847_post_disaster.png,woolsey-fire_00000847_post_disaster,0,0,tier3\masks\woolsey-fire_00000847_post_disaster.png,0,0,15,6806,847,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000847_post_disaster.png,portugal-wildfire_00000847_post_disaster,0,0,tier3\masks\portugal-wildfire_00000847_post_disaster.png,0,0,0,0,847,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000848_post_disaster.png,woolsey-fire_00000848_post_disaster,0,0,tier3\masks\woolsey-fire_00000848_post_disaster.png,0,0,0,0,848,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000848_post_disaster.png,pinery-bushfire_00000848_post_disaster,0,0,tier3\masks\pinery-bushfire_00000848_post_disaster.png,0,0,20,11889,848,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000848_post_disaster.png,portugal-wildfire_00000848_post_disaster,0,0,tier3\masks\portugal-wildfire_00000848_post_disaster.png,0,0,0,0,848,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000849_post_disaster.png,pinery-bushfire_00000849_post_disaster,0,0,tier3\masks\pinery-bushfire_00000849_post_disaster.png,0,0,0,0,849,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000849_post_disaster.png,woolsey-fire_00000849_post_disaster,0,0,tier3\masks\woolsey-fire_00000849_post_disaster.png,0,0,0,0,849,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000849_post_disaster.png,portugal-wildfire_00000849_post_disaster,0,0,tier3\masks\portugal-wildfire_00000849_post_disaster.png,0,0,69,65206,849,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000850_post_disaster.png,woolsey-fire_00000850_post_disaster,0,0,tier3\masks\woolsey-fire_00000850_post_disaster.png,0,0,1,279,850,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000850_post_disaster.png,socal-fire_00000850_post_disaster,0,0,train\masks\socal-fire_00000850_post_disaster.png,0,0,0,0,850,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000850_post_disaster.png,portugal-wildfire_00000850_post_disaster,0,0,tier3\masks\portugal-wildfire_00000850_post_disaster.png,0,0,0,0,850,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000850_post_disaster.png,pinery-bushfire_00000850_post_disaster,0,0,tier3\masks\pinery-bushfire_00000850_post_disaster.png,0,0,33,24434,850,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000851_post_disaster.png,pinery-bushfire_00000851_post_disaster,0,0,tier3\masks\pinery-bushfire_00000851_post_disaster.png,0,0,0,0,851,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000851_post_disaster.png,socal-fire_00000851_post_disaster,0,0,train\masks\socal-fire_00000851_post_disaster.png,0,0,0,0,851,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000851_post_disaster.png,portugal-wildfire_00000851_post_disaster,0,0,tier3\masks\portugal-wildfire_00000851_post_disaster.png,0,0,0,0,851,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000851_post_disaster.png,woolsey-fire_00000851_post_disaster,0,0,tier3\masks\woolsey-fire_00000851_post_disaster.png,0,0,0,0,851,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000852_post_disaster.png,pinery-bushfire_00000852_post_disaster,0,0,tier3\masks\pinery-bushfire_00000852_post_disaster.png,0,0,4,2655,852,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000852_post_disaster.png,socal-fire_00000852_post_disaster,0,0,train\masks\socal-fire_00000852_post_disaster.png,0,0,0,0,852,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000852_post_disaster.png,woolsey-fire_00000852_post_disaster,0,0,tier3\masks\woolsey-fire_00000852_post_disaster.png,0,0,0,0,852,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000852_post_disaster.png,portugal-wildfire_00000852_post_disaster,0,0,tier3\masks\portugal-wildfire_00000852_post_disaster.png,0,0,0,0,852,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000853_post_disaster.png,pinery-bushfire_00000853_post_disaster,0,0,tier3\masks\pinery-bushfire_00000853_post_disaster.png,0,0,9,1843,853,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000853_post_disaster.png,portugal-wildfire_00000853_post_disaster,0,0,tier3\masks\portugal-wildfire_00000853_post_disaster.png,0,0,10,2762,853,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000853_post_disaster.png,woolsey-fire_00000853_post_disaster,0,0,tier3\masks\woolsey-fire_00000853_post_disaster.png,0,0,0,0,853,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000854_post_disaster.png,pinery-bushfire_00000854_post_disaster,0,0,tier3\masks\pinery-bushfire_00000854_post_disaster.png,0,0,0,0,854,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000854_post_disaster.png,portugal-wildfire_00000854_post_disaster,1,456,tier3\masks\portugal-wildfire_00000854_post_disaster.png,0,0,2,1952,854,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000854_post_disaster.png,woolsey-fire_00000854_post_disaster,0,0,tier3\masks\woolsey-fire_00000854_post_disaster.png,0,0,0,0,854,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000855_post_disaster.png,woolsey-fire_00000855_post_disaster,0,0,tier3\masks\woolsey-fire_00000855_post_disaster.png,0,0,0,0,855,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000855_post_disaster.png,portugal-wildfire_00000855_post_disaster,0,0,tier3\masks\portugal-wildfire_00000855_post_disaster.png,0,0,16,10776,855,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000855_post_disaster.png,pinery-bushfire_00000855_post_disaster,0,0,tier3\masks\pinery-bushfire_00000855_post_disaster.png,0,0,0,0,855,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000856_post_disaster.png,pinery-bushfire_00000856_post_disaster,0,0,tier3\masks\pinery-bushfire_00000856_post_disaster.png,0,0,9,5157,856,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000856_post_disaster.png,portugal-wildfire_00000856_post_disaster,0,0,tier3\masks\portugal-wildfire_00000856_post_disaster.png,0,0,0,0,856,2 +11,3948,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000856_post_disaster.png,woolsey-fire_00000856_post_disaster,0,0,tier3\masks\woolsey-fire_00000856_post_disaster.png,1,342,0,0,856,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000857_post_disaster.png,portugal-wildfire_00000857_post_disaster,0,0,tier3\masks\portugal-wildfire_00000857_post_disaster.png,0,0,0,0,857,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000857_post_disaster.png,woolsey-fire_00000857_post_disaster,0,0,tier3\masks\woolsey-fire_00000857_post_disaster.png,0,0,0,0,857,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000857_post_disaster.png,socal-fire_00000857_post_disaster,0,0,train\masks\socal-fire_00000857_post_disaster.png,0,0,0,0,857,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000857_post_disaster.png,pinery-bushfire_00000857_post_disaster,0,0,tier3\masks\pinery-bushfire_00000857_post_disaster.png,0,0,0,0,857,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000858_post_disaster.png,portugal-wildfire_00000858_post_disaster,0,0,tier3\masks\portugal-wildfire_00000858_post_disaster.png,0,0,3,1249,858,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000858_post_disaster.png,socal-fire_00000858_post_disaster,0,0,train\masks\socal-fire_00000858_post_disaster.png,0,0,0,0,858,4 +2,1263,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000858_post_disaster.png,pinery-bushfire_00000858_post_disaster,0,0,tier3\masks\pinery-bushfire_00000858_post_disaster.png,0,0,15,9668,858,2 +1,80,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000858_post_disaster.png,woolsey-fire_00000858_post_disaster,0,0,tier3\masks\woolsey-fire_00000858_post_disaster.png,0,0,9,3258,858,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000859_post_disaster.png,woolsey-fire_00000859_post_disaster,0,0,tier3\masks\woolsey-fire_00000859_post_disaster.png,0,0,0,0,859,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000859_post_disaster.png,pinery-bushfire_00000859_post_disaster,0,0,tier3\masks\pinery-bushfire_00000859_post_disaster.png,0,0,10,8982,859,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000859_post_disaster.png,portugal-wildfire_00000859_post_disaster,0,0,tier3\masks\portugal-wildfire_00000859_post_disaster.png,0,0,0,0,859,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000859_post_disaster.png,socal-fire_00000859_post_disaster,0,0,train\masks\socal-fire_00000859_post_disaster.png,0,0,0,0,859,2 +2,2410,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000860_post_disaster.png,woolsey-fire_00000860_post_disaster,0,0,tier3\masks\woolsey-fire_00000860_post_disaster.png,0,0,22,19519,860,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000860_post_disaster.png,portugal-wildfire_00000860_post_disaster,0,0,tier3\masks\portugal-wildfire_00000860_post_disaster.png,0,0,0,0,860,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000860_post_disaster.png,pinery-bushfire_00000860_post_disaster,0,0,tier3\masks\pinery-bushfire_00000860_post_disaster.png,0,0,0,0,860,2 +3,2334,socal-fire,post,train,train\images\socal-fire_00000861_post_disaster.png,socal-fire_00000861_post_disaster,1,133,train\masks\socal-fire_00000861_post_disaster.png,1,332,17,7308,861,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000861_post_disaster.png,woolsey-fire_00000861_post_disaster,0,0,tier3\masks\woolsey-fire_00000861_post_disaster.png,0,0,0,0,861,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000861_post_disaster.png,pinery-bushfire_00000861_post_disaster,0,0,tier3\masks\pinery-bushfire_00000861_post_disaster.png,0,0,0,0,861,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000861_post_disaster.png,portugal-wildfire_00000861_post_disaster,0,0,tier3\masks\portugal-wildfire_00000861_post_disaster.png,0,0,107,56653,861,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000862_post_disaster.png,portugal-wildfire_00000862_post_disaster,0,0,tier3\masks\portugal-wildfire_00000862_post_disaster.png,0,0,6,4281,862,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000862_post_disaster.png,pinery-bushfire_00000862_post_disaster,0,0,tier3\masks\pinery-bushfire_00000862_post_disaster.png,0,0,0,0,862,2 +19,9760,socal-fire,post,train,train\images\socal-fire_00000862_post_disaster.png,socal-fire_00000862_post_disaster,0,0,train\masks\socal-fire_00000862_post_disaster.png,0,0,7,4720,862,4 +7,3917,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000862_post_disaster.png,woolsey-fire_00000862_post_disaster,3,2526,tier3\masks\woolsey-fire_00000862_post_disaster.png,1,1224,14,14533,862,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000863_post_disaster.png,pinery-bushfire_00000863_post_disaster,0,0,tier3\masks\pinery-bushfire_00000863_post_disaster.png,0,0,0,0,863,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000863_post_disaster.png,portugal-wildfire_00000863_post_disaster,0,0,tier3\masks\portugal-wildfire_00000863_post_disaster.png,0,0,26,34022,863,2 +6,1370,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000863_post_disaster.png,woolsey-fire_00000863_post_disaster,0,0,tier3\masks\woolsey-fire_00000863_post_disaster.png,0,0,3,899,863,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000864_post_disaster.png,portugal-wildfire_00000864_post_disaster,0,0,tier3\masks\portugal-wildfire_00000864_post_disaster.png,0,0,8,5530,864,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000864_post_disaster.png,socal-fire_00000864_post_disaster,0,0,train\masks\socal-fire_00000864_post_disaster.png,0,0,66,138611,864,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000864_post_disaster.png,pinery-bushfire_00000864_post_disaster,0,0,tier3\masks\pinery-bushfire_00000864_post_disaster.png,0,0,0,0,864,0 +8,10672,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000864_post_disaster.png,woolsey-fire_00000864_post_disaster,0,0,tier3\masks\woolsey-fire_00000864_post_disaster.png,0,0,6,10529,864,3 +1,120,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000865_post_disaster.png,woolsey-fire_00000865_post_disaster,1,456,tier3\masks\woolsey-fire_00000865_post_disaster.png,0,0,8,12152,865,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000865_post_disaster.png,portugal-wildfire_00000865_post_disaster,0,0,tier3\masks\portugal-wildfire_00000865_post_disaster.png,0,0,0,0,865,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000865_post_disaster.png,socal-fire_00000865_post_disaster,0,0,train\masks\socal-fire_00000865_post_disaster.png,0,0,0,0,865,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000865_post_disaster.png,pinery-bushfire_00000865_post_disaster,0,0,tier3\masks\pinery-bushfire_00000865_post_disaster.png,0,0,0,0,865,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000866_post_disaster.png,woolsey-fire_00000866_post_disaster,0,0,tier3\masks\woolsey-fire_00000866_post_disaster.png,0,0,6,11153,866,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000866_post_disaster.png,socal-fire_00000866_post_disaster,0,0,train\masks\socal-fire_00000866_post_disaster.png,0,0,19,45050,866,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000866_post_disaster.png,portugal-wildfire_00000866_post_disaster,0,0,tier3\masks\portugal-wildfire_00000866_post_disaster.png,0,0,14,16078,866,2 +3,1475,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000866_post_disaster.png,pinery-bushfire_00000866_post_disaster,1,37,tier3\masks\pinery-bushfire_00000866_post_disaster.png,2,141,105,88498,866,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000867_post_disaster.png,portugal-wildfire_00000867_post_disaster,0,0,tier3\masks\portugal-wildfire_00000867_post_disaster.png,0,0,0,0,867,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000867_post_disaster.png,socal-fire_00000867_post_disaster,0,0,train\masks\socal-fire_00000867_post_disaster.png,0,0,0,0,867,0 +3,2733,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000867_post_disaster.png,woolsey-fire_00000867_post_disaster,1,1213,tier3\masks\woolsey-fire_00000867_post_disaster.png,0,0,8,6569,867,3 +3,2948,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000867_post_disaster.png,pinery-bushfire_00000867_post_disaster,1,423,tier3\masks\pinery-bushfire_00000867_post_disaster.png,0,0,15,19104,867,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000868_post_disaster.png,pinery-bushfire_00000868_post_disaster,0,0,tier3\masks\pinery-bushfire_00000868_post_disaster.png,0,0,0,0,868,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000868_post_disaster.png,portugal-wildfire_00000868_post_disaster,0,0,tier3\masks\portugal-wildfire_00000868_post_disaster.png,0,0,0,0,868,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000868_post_disaster.png,woolsey-fire_00000868_post_disaster,0,0,tier3\masks\woolsey-fire_00000868_post_disaster.png,0,0,0,0,868,4 +1,3168,socal-fire,post,train,train\images\socal-fire_00000868_post_disaster.png,socal-fire_00000868_post_disaster,0,0,train\masks\socal-fire_00000868_post_disaster.png,0,0,5,11862,868,1 +1,437,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000869_post_disaster.png,portugal-wildfire_00000869_post_disaster,1,216,tier3\masks\portugal-wildfire_00000869_post_disaster.png,0,0,24,11558,869,3 +5,609,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000869_post_disaster.png,woolsey-fire_00000869_post_disaster,0,0,tier3\masks\woolsey-fire_00000869_post_disaster.png,0,0,0,0,869,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000869_post_disaster.png,pinery-bushfire_00000869_post_disaster,0,0,tier3\masks\pinery-bushfire_00000869_post_disaster.png,0,0,0,0,869,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000870_post_disaster.png,woolsey-fire_00000870_post_disaster,0,0,tier3\masks\woolsey-fire_00000870_post_disaster.png,0,0,0,0,870,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000870_post_disaster.png,portugal-wildfire_00000870_post_disaster,0,0,tier3\masks\portugal-wildfire_00000870_post_disaster.png,0,0,7,5635,870,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000870_post_disaster.png,pinery-bushfire_00000870_post_disaster,0,0,tier3\masks\pinery-bushfire_00000870_post_disaster.png,0,0,3,1357,870,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000871_post_disaster.png,pinery-bushfire_00000871_post_disaster,0,0,tier3\masks\pinery-bushfire_00000871_post_disaster.png,0,0,0,0,871,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000871_post_disaster.png,portugal-wildfire_00000871_post_disaster,0,0,tier3\masks\portugal-wildfire_00000871_post_disaster.png,0,0,46,112226,871,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000871_post_disaster.png,woolsey-fire_00000871_post_disaster,1,101,tier3\masks\woolsey-fire_00000871_post_disaster.png,0,0,4,635,871,0 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000872_post_disaster.png,woolsey-fire_00000872_post_disaster,0,0,tier3\masks\woolsey-fire_00000872_post_disaster.png,0,0,0,0,872,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000872_post_disaster.png,portugal-wildfire_00000872_post_disaster,0,0,tier3\masks\portugal-wildfire_00000872_post_disaster.png,0,0,7,3874,872,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000872_post_disaster.png,pinery-bushfire_00000872_post_disaster,0,0,tier3\masks\pinery-bushfire_00000872_post_disaster.png,0,0,0,0,872,3 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000873_post_disaster.png,woolsey-fire_00000873_post_disaster,0,0,tier3\masks\woolsey-fire_00000873_post_disaster.png,0,0,0,0,873,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000873_post_disaster.png,pinery-bushfire_00000873_post_disaster,0,0,tier3\masks\pinery-bushfire_00000873_post_disaster.png,0,0,0,0,873,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000873_post_disaster.png,portugal-wildfire_00000873_post_disaster,0,0,tier3\masks\portugal-wildfire_00000873_post_disaster.png,0,0,0,0,873,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000873_post_disaster.png,socal-fire_00000873_post_disaster,0,0,train\masks\socal-fire_00000873_post_disaster.png,0,0,0,0,873,2 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000874_post_disaster.png,woolsey-fire_00000874_post_disaster,0,0,tier3\masks\woolsey-fire_00000874_post_disaster.png,0,0,0,0,874,2 +2,3795,socal-fire,post,train,train\images\socal-fire_00000874_post_disaster.png,socal-fire_00000874_post_disaster,0,0,train\masks\socal-fire_00000874_post_disaster.png,0,0,35,37637,874,1 +1,1147,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000874_post_disaster.png,pinery-bushfire_00000874_post_disaster,0,0,tier3\masks\pinery-bushfire_00000874_post_disaster.png,0,0,15,13559,874,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000874_post_disaster.png,portugal-wildfire_00000874_post_disaster,0,0,tier3\masks\portugal-wildfire_00000874_post_disaster.png,0,0,2,1195,874,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000875_post_disaster.png,socal-fire_00000875_post_disaster,0,0,train\masks\socal-fire_00000875_post_disaster.png,0,0,0,0,875,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000875_post_disaster.png,pinery-bushfire_00000875_post_disaster,0,0,tier3\masks\pinery-bushfire_00000875_post_disaster.png,0,0,0,0,875,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000875_post_disaster.png,portugal-wildfire_00000875_post_disaster,0,0,tier3\masks\portugal-wildfire_00000875_post_disaster.png,0,0,0,0,875,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000875_post_disaster.png,woolsey-fire_00000875_post_disaster,0,0,tier3\masks\woolsey-fire_00000875_post_disaster.png,0,0,0,0,875,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000876_post_disaster.png,pinery-bushfire_00000876_post_disaster,0,0,tier3\masks\pinery-bushfire_00000876_post_disaster.png,0,0,0,0,876,4 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000876_post_disaster.png,woolsey-fire_00000876_post_disaster,0,0,tier3\masks\woolsey-fire_00000876_post_disaster.png,0,0,0,0,876,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000876_post_disaster.png,portugal-wildfire_00000876_post_disaster,0,0,tier3\masks\portugal-wildfire_00000876_post_disaster.png,0,0,0,0,876,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000876_post_disaster.png,socal-fire_00000876_post_disaster,0,0,train\masks\socal-fire_00000876_post_disaster.png,0,0,0,0,876,1 +0,0,woolsey-fire,post,tier3,tier3\images\woolsey-fire_00000877_post_disaster.png,woolsey-fire_00000877_post_disaster,0,0,tier3\masks\woolsey-fire_00000877_post_disaster.png,0,0,0,0,877,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000877_post_disaster.png,portugal-wildfire_00000877_post_disaster,0,0,tier3\masks\portugal-wildfire_00000877_post_disaster.png,0,0,3,1169,877,1 +1,197,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000877_post_disaster.png,pinery-bushfire_00000877_post_disaster,0,0,tier3\masks\pinery-bushfire_00000877_post_disaster.png,0,0,17,10375,877,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000878_post_disaster.png,portugal-wildfire_00000878_post_disaster,0,0,tier3\masks\portugal-wildfire_00000878_post_disaster.png,0,0,0,0,878,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000878_post_disaster.png,pinery-bushfire_00000878_post_disaster,0,0,tier3\masks\pinery-bushfire_00000878_post_disaster.png,0,0,0,0,878,0 +1,643,socal-fire,post,train,train\images\socal-fire_00000878_post_disaster.png,socal-fire_00000878_post_disaster,0,0,train\masks\socal-fire_00000878_post_disaster.png,0,0,0,0,878,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000879_post_disaster.png,pinery-bushfire_00000879_post_disaster,0,0,tier3\masks\pinery-bushfire_00000879_post_disaster.png,0,0,0,0,879,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000879_post_disaster.png,portugal-wildfire_00000879_post_disaster,0,0,tier3\masks\portugal-wildfire_00000879_post_disaster.png,0,0,0,0,879,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000880_post_disaster.png,pinery-bushfire_00000880_post_disaster,0,0,tier3\masks\pinery-bushfire_00000880_post_disaster.png,0,0,2,917,880,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000880_post_disaster.png,portugal-wildfire_00000880_post_disaster,0,0,tier3\masks\portugal-wildfire_00000880_post_disaster.png,0,0,49,41848,880,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000880_post_disaster.png,socal-fire_00000880_post_disaster,0,0,train\masks\socal-fire_00000880_post_disaster.png,0,0,58,118733,880,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000881_post_disaster.png,socal-fire_00000881_post_disaster,0,0,train\masks\socal-fire_00000881_post_disaster.png,0,0,0,0,881,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000881_post_disaster.png,portugal-wildfire_00000881_post_disaster,0,0,tier3\masks\portugal-wildfire_00000881_post_disaster.png,0,0,53,105969,881,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000881_post_disaster.png,pinery-bushfire_00000881_post_disaster,0,0,tier3\masks\pinery-bushfire_00000881_post_disaster.png,0,0,0,0,881,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000882_post_disaster.png,pinery-bushfire_00000882_post_disaster,0,0,tier3\masks\pinery-bushfire_00000882_post_disaster.png,0,0,11,41375,882,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000882_post_disaster.png,portugal-wildfire_00000882_post_disaster,0,0,tier3\masks\portugal-wildfire_00000882_post_disaster.png,0,0,0,0,882,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000883_post_disaster.png,pinery-bushfire_00000883_post_disaster,0,0,tier3\masks\pinery-bushfire_00000883_post_disaster.png,0,0,0,0,883,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000883_post_disaster.png,portugal-wildfire_00000883_post_disaster,0,0,tier3\masks\portugal-wildfire_00000883_post_disaster.png,0,0,0,0,883,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000884_post_disaster.png,pinery-bushfire_00000884_post_disaster,0,0,tier3\masks\pinery-bushfire_00000884_post_disaster.png,0,0,0,0,884,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000884_post_disaster.png,socal-fire_00000884_post_disaster,0,0,train\masks\socal-fire_00000884_post_disaster.png,0,0,0,0,884,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000884_post_disaster.png,portugal-wildfire_00000884_post_disaster,0,0,tier3\masks\portugal-wildfire_00000884_post_disaster.png,0,0,0,0,884,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000885_post_disaster.png,pinery-bushfire_00000885_post_disaster,0,0,tier3\masks\pinery-bushfire_00000885_post_disaster.png,0,0,0,0,885,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000885_post_disaster.png,portugal-wildfire_00000885_post_disaster,0,0,tier3\masks\portugal-wildfire_00000885_post_disaster.png,0,0,47,30982,885,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000886_post_disaster.png,pinery-bushfire_00000886_post_disaster,0,0,tier3\masks\pinery-bushfire_00000886_post_disaster.png,0,0,0,0,886,2 +1,263,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000886_post_disaster.png,portugal-wildfire_00000886_post_disaster,1,303,tier3\masks\portugal-wildfire_00000886_post_disaster.png,0,0,22,22307,886,4 +11,17224,socal-fire,post,train,train\images\socal-fire_00000886_post_disaster.png,socal-fire_00000886_post_disaster,0,0,train\masks\socal-fire_00000886_post_disaster.png,0,0,26,31211,886,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000887_post_disaster.png,socal-fire_00000887_post_disaster,0,0,train\masks\socal-fire_00000887_post_disaster.png,0,0,54,106061,887,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000887_post_disaster.png,pinery-bushfire_00000887_post_disaster,0,0,tier3\masks\pinery-bushfire_00000887_post_disaster.png,0,0,0,0,887,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000887_post_disaster.png,portugal-wildfire_00000887_post_disaster,0,0,tier3\masks\portugal-wildfire_00000887_post_disaster.png,0,0,7,4671,887,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000888_post_disaster.png,pinery-bushfire_00000888_post_disaster,0,0,tier3\masks\pinery-bushfire_00000888_post_disaster.png,0,0,0,0,888,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000888_post_disaster.png,socal-fire_00000888_post_disaster,0,0,train\masks\socal-fire_00000888_post_disaster.png,0,0,0,0,888,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000888_post_disaster.png,portugal-wildfire_00000888_post_disaster,0,0,tier3\masks\portugal-wildfire_00000888_post_disaster.png,0,0,21,12377,888,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000889_post_disaster.png,pinery-bushfire_00000889_post_disaster,0,0,tier3\masks\pinery-bushfire_00000889_post_disaster.png,0,0,0,0,889,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000889_post_disaster.png,portugal-wildfire_00000889_post_disaster,0,0,tier3\masks\portugal-wildfire_00000889_post_disaster.png,0,0,14,7948,889,0 +2,452,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000890_post_disaster.png,portugal-wildfire_00000890_post_disaster,0,0,tier3\masks\portugal-wildfire_00000890_post_disaster.png,0,0,31,19885,890,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000890_post_disaster.png,pinery-bushfire_00000890_post_disaster,0,0,tier3\masks\pinery-bushfire_00000890_post_disaster.png,0,0,0,0,890,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000891_post_disaster.png,portugal-wildfire_00000891_post_disaster,0,0,tier3\masks\portugal-wildfire_00000891_post_disaster.png,0,0,0,0,891,4 +2,418,socal-fire,post,train,train\images\socal-fire_00000891_post_disaster.png,socal-fire_00000891_post_disaster,0,0,train\masks\socal-fire_00000891_post_disaster.png,0,0,0,0,891,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000891_post_disaster.png,pinery-bushfire_00000891_post_disaster,0,0,tier3\masks\pinery-bushfire_00000891_post_disaster.png,0,0,0,0,891,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000892_post_disaster.png,portugal-wildfire_00000892_post_disaster,0,0,tier3\masks\portugal-wildfire_00000892_post_disaster.png,0,0,35,31162,892,4 +4,657,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000892_post_disaster.png,pinery-bushfire_00000892_post_disaster,0,0,tier3\masks\pinery-bushfire_00000892_post_disaster.png,1,211,109,104631,892,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000892_post_disaster.png,socal-fire_00000892_post_disaster,0,0,train\masks\socal-fire_00000892_post_disaster.png,0,0,0,0,892,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000893_post_disaster.png,portugal-wildfire_00000893_post_disaster,0,0,tier3\masks\portugal-wildfire_00000893_post_disaster.png,0,0,19,16755,893,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000893_post_disaster.png,pinery-bushfire_00000893_post_disaster,0,0,tier3\masks\pinery-bushfire_00000893_post_disaster.png,0,0,0,0,893,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000894_post_disaster.png,pinery-bushfire_00000894_post_disaster,0,0,tier3\masks\pinery-bushfire_00000894_post_disaster.png,0,0,0,0,894,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000894_post_disaster.png,portugal-wildfire_00000894_post_disaster,0,0,tier3\masks\portugal-wildfire_00000894_post_disaster.png,0,0,0,0,894,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000895_post_disaster.png,pinery-bushfire_00000895_post_disaster,0,0,tier3\masks\pinery-bushfire_00000895_post_disaster.png,0,0,0,0,895,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000895_post_disaster.png,socal-fire_00000895_post_disaster,0,0,train\masks\socal-fire_00000895_post_disaster.png,0,0,0,0,895,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000895_post_disaster.png,portugal-wildfire_00000895_post_disaster,0,0,tier3\masks\portugal-wildfire_00000895_post_disaster.png,0,0,1,393,895,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000896_post_disaster.png,pinery-bushfire_00000896_post_disaster,0,0,tier3\masks\pinery-bushfire_00000896_post_disaster.png,0,0,0,0,896,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000896_post_disaster.png,portugal-wildfire_00000896_post_disaster,0,0,tier3\masks\portugal-wildfire_00000896_post_disaster.png,0,0,0,0,896,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000897_post_disaster.png,portugal-wildfire_00000897_post_disaster,0,0,tier3\masks\portugal-wildfire_00000897_post_disaster.png,0,0,33,25857,897,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000897_post_disaster.png,socal-fire_00000897_post_disaster,0,0,train\masks\socal-fire_00000897_post_disaster.png,0,0,0,0,897,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000897_post_disaster.png,pinery-bushfire_00000897_post_disaster,0,0,tier3\masks\pinery-bushfire_00000897_post_disaster.png,0,0,15,20160,897,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000898_post_disaster.png,pinery-bushfire_00000898_post_disaster,0,0,tier3\masks\pinery-bushfire_00000898_post_disaster.png,0,0,0,0,898,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000898_post_disaster.png,portugal-wildfire_00000898_post_disaster,0,0,tier3\masks\portugal-wildfire_00000898_post_disaster.png,0,0,6,5076,898,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000899_post_disaster.png,portugal-wildfire_00000899_post_disaster,0,0,tier3\masks\portugal-wildfire_00000899_post_disaster.png,0,0,24,27833,899,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000899_post_disaster.png,pinery-bushfire_00000899_post_disaster,0,0,tier3\masks\pinery-bushfire_00000899_post_disaster.png,0,0,5,955,899,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000900_post_disaster.png,pinery-bushfire_00000900_post_disaster,0,0,tier3\masks\pinery-bushfire_00000900_post_disaster.png,0,0,0,0,900,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000900_post_disaster.png,portugal-wildfire_00000900_post_disaster,0,0,tier3\masks\portugal-wildfire_00000900_post_disaster.png,0,0,0,0,900,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000901_post_disaster.png,pinery-bushfire_00000901_post_disaster,0,0,tier3\masks\pinery-bushfire_00000901_post_disaster.png,1,108,0,0,901,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000901_post_disaster.png,socal-fire_00000901_post_disaster,0,0,train\masks\socal-fire_00000901_post_disaster.png,0,0,19,22428,901,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000901_post_disaster.png,portugal-wildfire_00000901_post_disaster,0,0,tier3\masks\portugal-wildfire_00000901_post_disaster.png,0,0,0,0,901,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000902_post_disaster.png,portugal-wildfire_00000902_post_disaster,0,0,tier3\masks\portugal-wildfire_00000902_post_disaster.png,0,0,11,7495,902,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000902_post_disaster.png,pinery-bushfire_00000902_post_disaster,0,0,tier3\masks\pinery-bushfire_00000902_post_disaster.png,0,0,0,0,902,0 +1,217,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000903_post_disaster.png,portugal-wildfire_00000903_post_disaster,0,0,tier3\masks\portugal-wildfire_00000903_post_disaster.png,0,0,23,10326,903,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000903_post_disaster.png,pinery-bushfire_00000903_post_disaster,0,0,tier3\masks\pinery-bushfire_00000903_post_disaster.png,0,0,0,0,903,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000903_post_disaster.png,socal-fire_00000903_post_disaster,0,0,train\masks\socal-fire_00000903_post_disaster.png,0,0,3,7880,903,1 +4,1562,socal-fire,post,train,train\images\socal-fire_00000904_post_disaster.png,socal-fire_00000904_post_disaster,0,0,train\masks\socal-fire_00000904_post_disaster.png,0,0,10,7411,904,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000904_post_disaster.png,portugal-wildfire_00000904_post_disaster,0,0,tier3\masks\portugal-wildfire_00000904_post_disaster.png,0,0,0,0,904,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000904_post_disaster.png,pinery-bushfire_00000904_post_disaster,0,0,tier3\masks\pinery-bushfire_00000904_post_disaster.png,0,0,0,0,904,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000905_post_disaster.png,socal-fire_00000905_post_disaster,0,0,train\masks\socal-fire_00000905_post_disaster.png,0,0,0,0,905,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000905_post_disaster.png,portugal-wildfire_00000905_post_disaster,0,0,tier3\masks\portugal-wildfire_00000905_post_disaster.png,0,0,0,0,905,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000905_post_disaster.png,pinery-bushfire_00000905_post_disaster,0,0,tier3\masks\pinery-bushfire_00000905_post_disaster.png,0,0,0,0,905,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000906_post_disaster.png,socal-fire_00000906_post_disaster,0,0,train\masks\socal-fire_00000906_post_disaster.png,0,0,3,348,906,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000906_post_disaster.png,pinery-bushfire_00000906_post_disaster,0,0,tier3\masks\pinery-bushfire_00000906_post_disaster.png,0,0,0,0,906,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000906_post_disaster.png,portugal-wildfire_00000906_post_disaster,0,0,tier3\masks\portugal-wildfire_00000906_post_disaster.png,0,0,14,9345,906,2 +2,2463,socal-fire,post,train,train\images\socal-fire_00000907_post_disaster.png,socal-fire_00000907_post_disaster,0,0,train\masks\socal-fire_00000907_post_disaster.png,0,0,3,4204,907,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000907_post_disaster.png,portugal-wildfire_00000907_post_disaster,0,0,tier3\masks\portugal-wildfire_00000907_post_disaster.png,0,0,104,110987,907,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000907_post_disaster.png,pinery-bushfire_00000907_post_disaster,0,0,tier3\masks\pinery-bushfire_00000907_post_disaster.png,0,0,0,0,907,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000908_post_disaster.png,pinery-bushfire_00000908_post_disaster,0,0,tier3\masks\pinery-bushfire_00000908_post_disaster.png,0,0,0,0,908,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000908_post_disaster.png,socal-fire_00000908_post_disaster,0,0,train\masks\socal-fire_00000908_post_disaster.png,0,0,178,262606,908,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000908_post_disaster.png,portugal-wildfire_00000908_post_disaster,0,0,tier3\masks\portugal-wildfire_00000908_post_disaster.png,0,0,0,0,908,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000909_post_disaster.png,pinery-bushfire_00000909_post_disaster,0,0,tier3\masks\pinery-bushfire_00000909_post_disaster.png,0,0,0,0,909,2 +6,6848,socal-fire,post,train,train\images\socal-fire_00000909_post_disaster.png,socal-fire_00000909_post_disaster,0,0,train\masks\socal-fire_00000909_post_disaster.png,0,0,14,15750,909,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000909_post_disaster.png,portugal-wildfire_00000909_post_disaster,0,0,tier3\masks\portugal-wildfire_00000909_post_disaster.png,0,0,33,57490,909,3 +1,1249,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000910_post_disaster.png,portugal-wildfire_00000910_post_disaster,0,0,tier3\masks\portugal-wildfire_00000910_post_disaster.png,0,0,3,488,910,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000910_post_disaster.png,socal-fire_00000910_post_disaster,0,0,train\masks\socal-fire_00000910_post_disaster.png,0,0,0,0,910,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000910_post_disaster.png,pinery-bushfire_00000910_post_disaster,0,0,tier3\masks\pinery-bushfire_00000910_post_disaster.png,0,0,0,0,910,3 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000911_post_disaster.png,pinery-bushfire_00000911_post_disaster,0,0,tier3\masks\pinery-bushfire_00000911_post_disaster.png,0,0,0,0,911,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000911_post_disaster.png,portugal-wildfire_00000911_post_disaster,0,0,tier3\masks\portugal-wildfire_00000911_post_disaster.png,0,0,0,0,911,4 +1,73,socal-fire,post,train,train\images\socal-fire_00000912_post_disaster.png,socal-fire_00000912_post_disaster,4,2660,train\masks\socal-fire_00000912_post_disaster.png,0,0,1,1596,912,0 +1,182,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000912_post_disaster.png,portugal-wildfire_00000912_post_disaster,0,0,tier3\masks\portugal-wildfire_00000912_post_disaster.png,0,0,2,940,912,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000912_post_disaster.png,pinery-bushfire_00000912_post_disaster,0,0,tier3\masks\pinery-bushfire_00000912_post_disaster.png,0,0,0,0,912,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000913_post_disaster.png,pinery-bushfire_00000913_post_disaster,0,0,tier3\masks\pinery-bushfire_00000913_post_disaster.png,0,0,1,105,913,4 +24,6140,socal-fire,post,train,train\images\socal-fire_00000913_post_disaster.png,socal-fire_00000913_post_disaster,0,0,train\masks\socal-fire_00000913_post_disaster.png,1,393,0,0,913,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000913_post_disaster.png,portugal-wildfire_00000913_post_disaster,0,0,tier3\masks\portugal-wildfire_00000913_post_disaster.png,0,0,0,0,913,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000914_post_disaster.png,portugal-wildfire_00000914_post_disaster,0,0,tier3\masks\portugal-wildfire_00000914_post_disaster.png,0,0,45,34701,914,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000914_post_disaster.png,pinery-bushfire_00000914_post_disaster,0,0,tier3\masks\pinery-bushfire_00000914_post_disaster.png,0,0,1,213,914,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000914_post_disaster.png,socal-fire_00000914_post_disaster,0,0,train\masks\socal-fire_00000914_post_disaster.png,0,0,67,138106,914,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000915_post_disaster.png,portugal-wildfire_00000915_post_disaster,0,0,tier3\masks\portugal-wildfire_00000915_post_disaster.png,0,0,0,0,915,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000915_post_disaster.png,socal-fire_00000915_post_disaster,0,0,train\masks\socal-fire_00000915_post_disaster.png,0,0,0,0,915,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000915_post_disaster.png,pinery-bushfire_00000915_post_disaster,0,0,tier3\masks\pinery-bushfire_00000915_post_disaster.png,0,0,0,0,915,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000916_post_disaster.png,pinery-bushfire_00000916_post_disaster,0,0,tier3\masks\pinery-bushfire_00000916_post_disaster.png,0,0,0,0,916,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000916_post_disaster.png,socal-fire_00000916_post_disaster,0,0,train\masks\socal-fire_00000916_post_disaster.png,0,0,3,438,916,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000916_post_disaster.png,portugal-wildfire_00000916_post_disaster,0,0,tier3\masks\portugal-wildfire_00000916_post_disaster.png,0,0,13,9167,916,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000917_post_disaster.png,socal-fire_00000917_post_disaster,0,0,train\masks\socal-fire_00000917_post_disaster.png,0,0,10,11752,917,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000917_post_disaster.png,portugal-wildfire_00000917_post_disaster,0,0,tier3\masks\portugal-wildfire_00000917_post_disaster.png,0,0,0,0,917,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000917_post_disaster.png,pinery-bushfire_00000917_post_disaster,0,0,tier3\masks\pinery-bushfire_00000917_post_disaster.png,0,0,0,0,917,3 +5,2159,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000918_post_disaster.png,portugal-wildfire_00000918_post_disaster,0,0,tier3\masks\portugal-wildfire_00000918_post_disaster.png,1,321,2,2866,918,4 +2,153,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000918_post_disaster.png,pinery-bushfire_00000918_post_disaster,0,0,tier3\masks\pinery-bushfire_00000918_post_disaster.png,0,0,3,592,918,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000919_post_disaster.png,pinery-bushfire_00000919_post_disaster,0,0,tier3\masks\pinery-bushfire_00000919_post_disaster.png,0,0,3,1694,919,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000919_post_disaster.png,portugal-wildfire_00000919_post_disaster,0,0,tier3\masks\portugal-wildfire_00000919_post_disaster.png,0,0,2,484,919,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000920_post_disaster.png,portugal-wildfire_00000920_post_disaster,0,0,tier3\masks\portugal-wildfire_00000920_post_disaster.png,0,0,0,0,920,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000920_post_disaster.png,pinery-bushfire_00000920_post_disaster,0,0,tier3\masks\pinery-bushfire_00000920_post_disaster.png,0,0,0,0,920,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000921_post_disaster.png,pinery-bushfire_00000921_post_disaster,0,0,tier3\masks\pinery-bushfire_00000921_post_disaster.png,0,0,1,509,921,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000921_post_disaster.png,socal-fire_00000921_post_disaster,0,0,train\masks\socal-fire_00000921_post_disaster.png,0,0,0,0,921,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000921_post_disaster.png,portugal-wildfire_00000921_post_disaster,0,0,tier3\masks\portugal-wildfire_00000921_post_disaster.png,0,0,7,3647,921,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000922_post_disaster.png,pinery-bushfire_00000922_post_disaster,0,0,tier3\masks\pinery-bushfire_00000922_post_disaster.png,0,0,0,0,922,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000922_post_disaster.png,portugal-wildfire_00000922_post_disaster,0,0,tier3\masks\portugal-wildfire_00000922_post_disaster.png,0,0,0,0,922,1 +1,1579,socal-fire,post,train,train\images\socal-fire_00000923_post_disaster.png,socal-fire_00000923_post_disaster,0,0,train\masks\socal-fire_00000923_post_disaster.png,0,0,2,780,923,0 +1,198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000923_post_disaster.png,portugal-wildfire_00000923_post_disaster,0,0,tier3\masks\portugal-wildfire_00000923_post_disaster.png,0,0,12,12225,923,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000923_post_disaster.png,pinery-bushfire_00000923_post_disaster,0,0,tier3\masks\pinery-bushfire_00000923_post_disaster.png,0,0,0,0,923,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000924_post_disaster.png,pinery-bushfire_00000924_post_disaster,0,0,tier3\masks\pinery-bushfire_00000924_post_disaster.png,0,0,0,0,924,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000924_post_disaster.png,portugal-wildfire_00000924_post_disaster,0,0,tier3\masks\portugal-wildfire_00000924_post_disaster.png,0,0,0,0,924,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000925_post_disaster.png,pinery-bushfire_00000925_post_disaster,0,0,tier3\masks\pinery-bushfire_00000925_post_disaster.png,0,0,0,0,925,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000925_post_disaster.png,portugal-wildfire_00000925_post_disaster,0,0,tier3\masks\portugal-wildfire_00000925_post_disaster.png,0,0,8,2006,925,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000926_post_disaster.png,socal-fire_00000926_post_disaster,0,0,train\masks\socal-fire_00000926_post_disaster.png,0,0,0,0,926,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000926_post_disaster.png,pinery-bushfire_00000926_post_disaster,0,0,tier3\masks\pinery-bushfire_00000926_post_disaster.png,0,0,0,0,926,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000926_post_disaster.png,portugal-wildfire_00000926_post_disaster,0,0,tier3\masks\portugal-wildfire_00000926_post_disaster.png,0,0,49,50031,926,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000927_post_disaster.png,portugal-wildfire_00000927_post_disaster,0,0,tier3\masks\portugal-wildfire_00000927_post_disaster.png,0,0,0,0,927,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000927_post_disaster.png,socal-fire_00000927_post_disaster,0,0,train\masks\socal-fire_00000927_post_disaster.png,0,0,0,0,927,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000927_post_disaster.png,pinery-bushfire_00000927_post_disaster,0,0,tier3\masks\pinery-bushfire_00000927_post_disaster.png,0,0,0,0,927,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000928_post_disaster.png,pinery-bushfire_00000928_post_disaster,0,0,tier3\masks\pinery-bushfire_00000928_post_disaster.png,0,0,0,0,928,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000928_post_disaster.png,socal-fire_00000928_post_disaster,0,0,train\masks\socal-fire_00000928_post_disaster.png,0,0,21,19483,928,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000928_post_disaster.png,portugal-wildfire_00000928_post_disaster,0,0,tier3\masks\portugal-wildfire_00000928_post_disaster.png,0,0,0,0,928,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000929_post_disaster.png,pinery-bushfire_00000929_post_disaster,0,0,tier3\masks\pinery-bushfire_00000929_post_disaster.png,0,0,0,0,929,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000929_post_disaster.png,portugal-wildfire_00000929_post_disaster,0,0,tier3\masks\portugal-wildfire_00000929_post_disaster.png,0,0,0,0,929,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000930_post_disaster.png,portugal-wildfire_00000930_post_disaster,0,0,tier3\masks\portugal-wildfire_00000930_post_disaster.png,0,0,0,0,930,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000930_post_disaster.png,pinery-bushfire_00000930_post_disaster,0,0,tier3\masks\pinery-bushfire_00000930_post_disaster.png,0,0,2,192,930,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000931_post_disaster.png,pinery-bushfire_00000931_post_disaster,0,0,tier3\masks\pinery-bushfire_00000931_post_disaster.png,0,0,1,133,931,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000931_post_disaster.png,portugal-wildfire_00000931_post_disaster,0,0,tier3\masks\portugal-wildfire_00000931_post_disaster.png,0,0,37,30859,931,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000931_post_disaster.png,socal-fire_00000931_post_disaster,0,0,train\masks\socal-fire_00000931_post_disaster.png,0,0,2,1355,931,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000932_post_disaster.png,portugal-wildfire_00000932_post_disaster,0,0,tier3\masks\portugal-wildfire_00000932_post_disaster.png,0,0,0,0,932,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000932_post_disaster.png,pinery-bushfire_00000932_post_disaster,0,0,tier3\masks\pinery-bushfire_00000932_post_disaster.png,0,0,0,0,932,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000932_post_disaster.png,socal-fire_00000932_post_disaster,0,0,train\masks\socal-fire_00000932_post_disaster.png,0,0,0,0,932,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000933_post_disaster.png,portugal-wildfire_00000933_post_disaster,0,0,tier3\masks\portugal-wildfire_00000933_post_disaster.png,0,0,0,0,933,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000933_post_disaster.png,pinery-bushfire_00000933_post_disaster,0,0,tier3\masks\pinery-bushfire_00000933_post_disaster.png,0,0,0,0,933,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000933_post_disaster.png,socal-fire_00000933_post_disaster,0,0,train\masks\socal-fire_00000933_post_disaster.png,0,0,0,0,933,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000934_post_disaster.png,pinery-bushfire_00000934_post_disaster,0,0,tier3\masks\pinery-bushfire_00000934_post_disaster.png,0,0,0,0,934,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000934_post_disaster.png,portugal-wildfire_00000934_post_disaster,0,0,tier3\masks\portugal-wildfire_00000934_post_disaster.png,0,0,0,0,934,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000935_post_disaster.png,portugal-wildfire_00000935_post_disaster,0,0,tier3\masks\portugal-wildfire_00000935_post_disaster.png,0,0,2,253,935,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000935_post_disaster.png,socal-fire_00000935_post_disaster,0,0,train\masks\socal-fire_00000935_post_disaster.png,0,0,113,151523,935,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000935_post_disaster.png,pinery-bushfire_00000935_post_disaster,0,0,tier3\masks\pinery-bushfire_00000935_post_disaster.png,0,0,0,0,935,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000936_post_disaster.png,pinery-bushfire_00000936_post_disaster,0,0,tier3\masks\pinery-bushfire_00000936_post_disaster.png,0,0,0,0,936,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000936_post_disaster.png,portugal-wildfire_00000936_post_disaster,0,0,tier3\masks\portugal-wildfire_00000936_post_disaster.png,0,0,3,1877,936,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000937_post_disaster.png,pinery-bushfire_00000937_post_disaster,0,0,tier3\masks\pinery-bushfire_00000937_post_disaster.png,0,0,0,0,937,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000937_post_disaster.png,portugal-wildfire_00000937_post_disaster,0,0,tier3\masks\portugal-wildfire_00000937_post_disaster.png,0,0,0,0,937,2 +3,958,socal-fire,post,train,train\images\socal-fire_00000938_post_disaster.png,socal-fire_00000938_post_disaster,0,0,train\masks\socal-fire_00000938_post_disaster.png,0,0,0,0,938,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000938_post_disaster.png,pinery-bushfire_00000938_post_disaster,0,0,tier3\masks\pinery-bushfire_00000938_post_disaster.png,0,0,0,0,938,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000938_post_disaster.png,portugal-wildfire_00000938_post_disaster,0,0,tier3\masks\portugal-wildfire_00000938_post_disaster.png,0,0,7,23531,938,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000939_post_disaster.png,portugal-wildfire_00000939_post_disaster,0,0,tier3\masks\portugal-wildfire_00000939_post_disaster.png,0,0,0,0,939,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000939_post_disaster.png,pinery-bushfire_00000939_post_disaster,0,0,tier3\masks\pinery-bushfire_00000939_post_disaster.png,0,0,1,72,939,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000939_post_disaster.png,socal-fire_00000939_post_disaster,0,0,train\masks\socal-fire_00000939_post_disaster.png,0,0,0,0,939,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000940_post_disaster.png,pinery-bushfire_00000940_post_disaster,0,0,tier3\masks\pinery-bushfire_00000940_post_disaster.png,0,0,0,0,940,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000940_post_disaster.png,portugal-wildfire_00000940_post_disaster,0,0,tier3\masks\portugal-wildfire_00000940_post_disaster.png,0,0,0,0,940,1 +5,1324,socal-fire,post,train,train\images\socal-fire_00000940_post_disaster.png,socal-fire_00000940_post_disaster,0,0,train\masks\socal-fire_00000940_post_disaster.png,1,1114,0,0,940,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000941_post_disaster.png,pinery-bushfire_00000941_post_disaster,0,0,tier3\masks\pinery-bushfire_00000941_post_disaster.png,0,0,5,3227,941,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000941_post_disaster.png,portugal-wildfire_00000941_post_disaster,0,0,tier3\masks\portugal-wildfire_00000941_post_disaster.png,0,0,12,4813,941,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000942_post_disaster.png,pinery-bushfire_00000942_post_disaster,0,0,tier3\masks\pinery-bushfire_00000942_post_disaster.png,0,0,0,0,942,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000942_post_disaster.png,portugal-wildfire_00000942_post_disaster,0,0,tier3\masks\portugal-wildfire_00000942_post_disaster.png,0,0,9,12205,942,3 +1,732,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000943_post_disaster.png,pinery-bushfire_00000943_post_disaster,0,0,tier3\masks\pinery-bushfire_00000943_post_disaster.png,0,0,20,8600,943,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000943_post_disaster.png,portugal-wildfire_00000943_post_disaster,0,0,tier3\masks\portugal-wildfire_00000943_post_disaster.png,0,0,30,14802,943,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000944_post_disaster.png,portugal-wildfire_00000944_post_disaster,0,0,tier3\masks\portugal-wildfire_00000944_post_disaster.png,0,0,0,0,944,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000944_post_disaster.png,socal-fire_00000944_post_disaster,0,0,train\masks\socal-fire_00000944_post_disaster.png,0,0,0,0,944,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000944_post_disaster.png,pinery-bushfire_00000944_post_disaster,0,0,tier3\masks\pinery-bushfire_00000944_post_disaster.png,0,0,0,0,944,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000945_post_disaster.png,portugal-wildfire_00000945_post_disaster,0,0,tier3\masks\portugal-wildfire_00000945_post_disaster.png,0,0,0,0,945,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000945_post_disaster.png,pinery-bushfire_00000945_post_disaster,0,0,tier3\masks\pinery-bushfire_00000945_post_disaster.png,0,0,0,0,945,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000945_post_disaster.png,socal-fire_00000945_post_disaster,5,4869,train\masks\socal-fire_00000945_post_disaster.png,0,0,4,2637,945,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000946_post_disaster.png,pinery-bushfire_00000946_post_disaster,0,0,tier3\masks\pinery-bushfire_00000946_post_disaster.png,0,0,1,362,946,1 +1,249,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000946_post_disaster.png,portugal-wildfire_00000946_post_disaster,0,0,tier3\masks\portugal-wildfire_00000946_post_disaster.png,0,0,2,837,946,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000947_post_disaster.png,socal-fire_00000947_post_disaster,0,0,train\masks\socal-fire_00000947_post_disaster.png,0,0,5,4808,947,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000947_post_disaster.png,portugal-wildfire_00000947_post_disaster,0,0,tier3\masks\portugal-wildfire_00000947_post_disaster.png,0,0,1,290,947,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000947_post_disaster.png,pinery-bushfire_00000947_post_disaster,0,0,tier3\masks\pinery-bushfire_00000947_post_disaster.png,0,0,2,764,947,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000948_post_disaster.png,pinery-bushfire_00000948_post_disaster,0,0,tier3\masks\pinery-bushfire_00000948_post_disaster.png,0,0,0,0,948,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000948_post_disaster.png,portugal-wildfire_00000948_post_disaster,0,0,tier3\masks\portugal-wildfire_00000948_post_disaster.png,0,0,0,0,948,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000949_post_disaster.png,pinery-bushfire_00000949_post_disaster,0,0,tier3\masks\pinery-bushfire_00000949_post_disaster.png,0,0,0,0,949,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000949_post_disaster.png,portugal-wildfire_00000949_post_disaster,0,0,tier3\masks\portugal-wildfire_00000949_post_disaster.png,0,0,0,0,949,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000949_post_disaster.png,socal-fire_00000949_post_disaster,0,0,train\masks\socal-fire_00000949_post_disaster.png,0,0,2,2936,949,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000950_post_disaster.png,pinery-bushfire_00000950_post_disaster,0,0,tier3\masks\pinery-bushfire_00000950_post_disaster.png,0,0,2,1817,950,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000950_post_disaster.png,portugal-wildfire_00000950_post_disaster,0,0,tier3\masks\portugal-wildfire_00000950_post_disaster.png,0,0,0,0,950,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000950_post_disaster.png,socal-fire_00000950_post_disaster,0,0,train\masks\socal-fire_00000950_post_disaster.png,0,0,45,99502,950,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000951_post_disaster.png,socal-fire_00000951_post_disaster,0,0,train\masks\socal-fire_00000951_post_disaster.png,0,0,0,0,951,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000951_post_disaster.png,portugal-wildfire_00000951_post_disaster,0,0,tier3\masks\portugal-wildfire_00000951_post_disaster.png,0,0,0,0,951,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000951_post_disaster.png,pinery-bushfire_00000951_post_disaster,0,0,tier3\masks\pinery-bushfire_00000951_post_disaster.png,0,0,0,0,951,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000952_post_disaster.png,pinery-bushfire_00000952_post_disaster,0,0,tier3\masks\pinery-bushfire_00000952_post_disaster.png,0,0,0,0,952,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000952_post_disaster.png,socal-fire_00000952_post_disaster,0,0,train\masks\socal-fire_00000952_post_disaster.png,0,0,0,0,952,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000952_post_disaster.png,portugal-wildfire_00000952_post_disaster,0,0,tier3\masks\portugal-wildfire_00000952_post_disaster.png,0,0,0,0,952,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000953_post_disaster.png,pinery-bushfire_00000953_post_disaster,0,0,tier3\masks\pinery-bushfire_00000953_post_disaster.png,0,0,22,66444,953,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000953_post_disaster.png,socal-fire_00000953_post_disaster,0,0,train\masks\socal-fire_00000953_post_disaster.png,0,0,70,96144,953,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000953_post_disaster.png,portugal-wildfire_00000953_post_disaster,0,0,tier3\masks\portugal-wildfire_00000953_post_disaster.png,0,0,0,0,953,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000954_post_disaster.png,portugal-wildfire_00000954_post_disaster,0,0,tier3\masks\portugal-wildfire_00000954_post_disaster.png,0,0,1,135,954,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000954_post_disaster.png,pinery-bushfire_00000954_post_disaster,0,0,tier3\masks\pinery-bushfire_00000954_post_disaster.png,0,0,0,0,954,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000955_post_disaster.png,pinery-bushfire_00000955_post_disaster,0,0,tier3\masks\pinery-bushfire_00000955_post_disaster.png,0,0,0,0,955,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000955_post_disaster.png,socal-fire_00000955_post_disaster,0,0,train\masks\socal-fire_00000955_post_disaster.png,0,0,0,0,955,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000955_post_disaster.png,portugal-wildfire_00000955_post_disaster,0,0,tier3\masks\portugal-wildfire_00000955_post_disaster.png,0,0,0,0,955,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000956_post_disaster.png,portugal-wildfire_00000956_post_disaster,0,0,tier3\masks\portugal-wildfire_00000956_post_disaster.png,0,0,1,207,956,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000956_post_disaster.png,pinery-bushfire_00000956_post_disaster,0,0,tier3\masks\pinery-bushfire_00000956_post_disaster.png,0,0,4,3102,956,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000957_post_disaster.png,pinery-bushfire_00000957_post_disaster,0,0,tier3\masks\pinery-bushfire_00000957_post_disaster.png,0,0,0,0,957,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000957_post_disaster.png,socal-fire_00000957_post_disaster,0,0,train\masks\socal-fire_00000957_post_disaster.png,0,0,0,0,957,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000957_post_disaster.png,portugal-wildfire_00000957_post_disaster,0,0,tier3\masks\portugal-wildfire_00000957_post_disaster.png,0,0,0,0,957,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000958_post_disaster.png,socal-fire_00000958_post_disaster,0,0,train\masks\socal-fire_00000958_post_disaster.png,0,0,0,0,958,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000958_post_disaster.png,portugal-wildfire_00000958_post_disaster,0,0,tier3\masks\portugal-wildfire_00000958_post_disaster.png,0,0,0,0,958,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000958_post_disaster.png,pinery-bushfire_00000958_post_disaster,0,0,tier3\masks\pinery-bushfire_00000958_post_disaster.png,0,0,0,0,958,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000959_post_disaster.png,socal-fire_00000959_post_disaster,0,0,train\masks\socal-fire_00000959_post_disaster.png,0,0,17,16481,959,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000959_post_disaster.png,portugal-wildfire_00000959_post_disaster,0,0,tier3\masks\portugal-wildfire_00000959_post_disaster.png,0,0,0,0,959,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000959_post_disaster.png,pinery-bushfire_00000959_post_disaster,0,0,tier3\masks\pinery-bushfire_00000959_post_disaster.png,0,0,12,56697,959,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000960_post_disaster.png,pinery-bushfire_00000960_post_disaster,0,0,tier3\masks\pinery-bushfire_00000960_post_disaster.png,0,0,0,0,960,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000960_post_disaster.png,socal-fire_00000960_post_disaster,0,0,train\masks\socal-fire_00000960_post_disaster.png,0,0,36,34821,960,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000960_post_disaster.png,portugal-wildfire_00000960_post_disaster,0,0,tier3\masks\portugal-wildfire_00000960_post_disaster.png,0,0,31,18267,960,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000961_post_disaster.png,pinery-bushfire_00000961_post_disaster,0,0,tier3\masks\pinery-bushfire_00000961_post_disaster.png,0,0,0,0,961,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000961_post_disaster.png,portugal-wildfire_00000961_post_disaster,0,0,tier3\masks\portugal-wildfire_00000961_post_disaster.png,0,0,0,0,961,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000962_post_disaster.png,portugal-wildfire_00000962_post_disaster,0,0,tier3\masks\portugal-wildfire_00000962_post_disaster.png,0,0,0,0,962,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000962_post_disaster.png,pinery-bushfire_00000962_post_disaster,0,0,tier3\masks\pinery-bushfire_00000962_post_disaster.png,0,0,0,0,962,4 +4,8763,socal-fire,post,train,train\images\socal-fire_00000962_post_disaster.png,socal-fire_00000962_post_disaster,0,0,train\masks\socal-fire_00000962_post_disaster.png,0,0,23,24779,962,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000963_post_disaster.png,portugal-wildfire_00000963_post_disaster,0,0,tier3\masks\portugal-wildfire_00000963_post_disaster.png,0,0,10,6572,963,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000963_post_disaster.png,pinery-bushfire_00000963_post_disaster,0,0,tier3\masks\pinery-bushfire_00000963_post_disaster.png,0,0,0,0,963,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000964_post_disaster.png,socal-fire_00000964_post_disaster,0,0,train\masks\socal-fire_00000964_post_disaster.png,0,0,0,0,964,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000964_post_disaster.png,portugal-wildfire_00000964_post_disaster,0,0,tier3\masks\portugal-wildfire_00000964_post_disaster.png,0,0,0,0,964,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000964_post_disaster.png,pinery-bushfire_00000964_post_disaster,0,0,tier3\masks\pinery-bushfire_00000964_post_disaster.png,0,0,1,29,964,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000965_post_disaster.png,portugal-wildfire_00000965_post_disaster,0,0,tier3\masks\portugal-wildfire_00000965_post_disaster.png,0,0,13,13281,965,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000965_post_disaster.png,socal-fire_00000965_post_disaster,0,0,train\masks\socal-fire_00000965_post_disaster.png,0,0,88,113536,965,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000965_post_disaster.png,pinery-bushfire_00000965_post_disaster,0,0,tier3\masks\pinery-bushfire_00000965_post_disaster.png,0,0,7,4681,965,2 +4,4834,socal-fire,post,train,train\images\socal-fire_00000966_post_disaster.png,socal-fire_00000966_post_disaster,0,0,train\masks\socal-fire_00000966_post_disaster.png,0,0,15,35997,966,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000966_post_disaster.png,pinery-bushfire_00000966_post_disaster,0,0,tier3\masks\pinery-bushfire_00000966_post_disaster.png,2,1915,4,1476,966,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000966_post_disaster.png,portugal-wildfire_00000966_post_disaster,0,0,tier3\masks\portugal-wildfire_00000966_post_disaster.png,0,0,7,3978,966,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000967_post_disaster.png,portugal-wildfire_00000967_post_disaster,0,0,tier3\masks\portugal-wildfire_00000967_post_disaster.png,0,0,0,0,967,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000967_post_disaster.png,pinery-bushfire_00000967_post_disaster,1,130,tier3\masks\pinery-bushfire_00000967_post_disaster.png,0,0,7,6026,967,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000968_post_disaster.png,socal-fire_00000968_post_disaster,0,0,train\masks\socal-fire_00000968_post_disaster.png,0,0,0,0,968,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000968_post_disaster.png,portugal-wildfire_00000968_post_disaster,0,0,tier3\masks\portugal-wildfire_00000968_post_disaster.png,0,0,0,0,968,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000968_post_disaster.png,pinery-bushfire_00000968_post_disaster,0,0,tier3\masks\pinery-bushfire_00000968_post_disaster.png,0,0,3,311,968,4 +2,325,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000969_post_disaster.png,pinery-bushfire_00000969_post_disaster,0,0,tier3\masks\pinery-bushfire_00000969_post_disaster.png,2,1954,13,5273,969,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000969_post_disaster.png,portugal-wildfire_00000969_post_disaster,0,0,tier3\masks\portugal-wildfire_00000969_post_disaster.png,0,0,0,0,969,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000969_post_disaster.png,socal-fire_00000969_post_disaster,0,0,train\masks\socal-fire_00000969_post_disaster.png,0,0,0,0,969,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000970_post_disaster.png,portugal-wildfire_00000970_post_disaster,0,0,tier3\masks\portugal-wildfire_00000970_post_disaster.png,0,0,0,0,970,1 +1,2569,socal-fire,post,train,train\images\socal-fire_00000970_post_disaster.png,socal-fire_00000970_post_disaster,0,0,train\masks\socal-fire_00000970_post_disaster.png,1,5303,40,27403,970,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000970_post_disaster.png,pinery-bushfire_00000970_post_disaster,0,0,tier3\masks\pinery-bushfire_00000970_post_disaster.png,0,0,0,0,970,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000971_post_disaster.png,socal-fire_00000971_post_disaster,0,0,train\masks\socal-fire_00000971_post_disaster.png,0,0,3,677,971,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000971_post_disaster.png,pinery-bushfire_00000971_post_disaster,0,0,tier3\masks\pinery-bushfire_00000971_post_disaster.png,0,0,0,0,971,2 +1,724,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000971_post_disaster.png,portugal-wildfire_00000971_post_disaster,1,1689,tier3\masks\portugal-wildfire_00000971_post_disaster.png,0,0,19,20734,971,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000972_post_disaster.png,pinery-bushfire_00000972_post_disaster,0,0,tier3\masks\pinery-bushfire_00000972_post_disaster.png,0,0,0,0,972,4 +2,5030,socal-fire,post,train,train\images\socal-fire_00000972_post_disaster.png,socal-fire_00000972_post_disaster,0,0,train\masks\socal-fire_00000972_post_disaster.png,2,233,2,2749,972,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000972_post_disaster.png,portugal-wildfire_00000972_post_disaster,0,0,tier3\masks\portugal-wildfire_00000972_post_disaster.png,0,0,0,0,972,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000973_post_disaster.png,pinery-bushfire_00000973_post_disaster,0,0,tier3\masks\pinery-bushfire_00000973_post_disaster.png,0,0,4,3094,973,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000973_post_disaster.png,portugal-wildfire_00000973_post_disaster,0,0,tier3\masks\portugal-wildfire_00000973_post_disaster.png,0,0,1,99,973,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000973_post_disaster.png,socal-fire_00000973_post_disaster,0,0,train\masks\socal-fire_00000973_post_disaster.png,0,0,0,0,973,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000974_post_disaster.png,portugal-wildfire_00000974_post_disaster,0,0,tier3\masks\portugal-wildfire_00000974_post_disaster.png,0,0,0,0,974,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000974_post_disaster.png,pinery-bushfire_00000974_post_disaster,0,0,tier3\masks\pinery-bushfire_00000974_post_disaster.png,0,0,4,3814,974,0 +3,863,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000975_post_disaster.png,pinery-bushfire_00000975_post_disaster,0,0,tier3\masks\pinery-bushfire_00000975_post_disaster.png,0,0,7,4774,975,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000975_post_disaster.png,portugal-wildfire_00000975_post_disaster,0,0,tier3\masks\portugal-wildfire_00000975_post_disaster.png,0,0,0,0,975,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000975_post_disaster.png,socal-fire_00000975_post_disaster,0,0,train\masks\socal-fire_00000975_post_disaster.png,0,0,0,0,975,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000976_post_disaster.png,pinery-bushfire_00000976_post_disaster,0,0,tier3\masks\pinery-bushfire_00000976_post_disaster.png,0,0,0,0,976,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000976_post_disaster.png,portugal-wildfire_00000976_post_disaster,0,0,tier3\masks\portugal-wildfire_00000976_post_disaster.png,0,0,2,462,976,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000977_post_disaster.png,pinery-bushfire_00000977_post_disaster,0,0,tier3\masks\pinery-bushfire_00000977_post_disaster.png,0,0,3,2635,977,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000977_post_disaster.png,portugal-wildfire_00000977_post_disaster,0,0,tier3\masks\portugal-wildfire_00000977_post_disaster.png,0,0,12,13184,977,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000978_post_disaster.png,portugal-wildfire_00000978_post_disaster,0,0,tier3\masks\portugal-wildfire_00000978_post_disaster.png,0,0,0,0,978,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000978_post_disaster.png,pinery-bushfire_00000978_post_disaster,0,0,tier3\masks\pinery-bushfire_00000978_post_disaster.png,0,0,0,0,978,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000978_post_disaster.png,socal-fire_00000978_post_disaster,0,0,train\masks\socal-fire_00000978_post_disaster.png,0,0,0,0,978,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000979_post_disaster.png,socal-fire_00000979_post_disaster,0,0,train\masks\socal-fire_00000979_post_disaster.png,0,0,0,0,979,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000979_post_disaster.png,pinery-bushfire_00000979_post_disaster,0,0,tier3\masks\pinery-bushfire_00000979_post_disaster.png,0,0,0,0,979,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000979_post_disaster.png,portugal-wildfire_00000979_post_disaster,0,0,tier3\masks\portugal-wildfire_00000979_post_disaster.png,0,0,0,0,979,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000980_post_disaster.png,portugal-wildfire_00000980_post_disaster,0,0,tier3\masks\portugal-wildfire_00000980_post_disaster.png,0,0,0,0,980,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000980_post_disaster.png,pinery-bushfire_00000980_post_disaster,0,0,tier3\masks\pinery-bushfire_00000980_post_disaster.png,0,0,3,887,980,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000980_post_disaster.png,socal-fire_00000980_post_disaster,0,0,train\masks\socal-fire_00000980_post_disaster.png,0,0,0,0,980,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000981_post_disaster.png,portugal-wildfire_00000981_post_disaster,0,0,tier3\masks\portugal-wildfire_00000981_post_disaster.png,0,0,53,59264,981,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000981_post_disaster.png,pinery-bushfire_00000981_post_disaster,0,0,tier3\masks\pinery-bushfire_00000981_post_disaster.png,0,0,6,5118,981,4 +4,1803,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000982_post_disaster.png,portugal-wildfire_00000982_post_disaster,0,0,tier3\masks\portugal-wildfire_00000982_post_disaster.png,0,0,62,58455,982,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000982_post_disaster.png,pinery-bushfire_00000982_post_disaster,0,0,tier3\masks\pinery-bushfire_00000982_post_disaster.png,0,0,1,121,982,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000983_post_disaster.png,portugal-wildfire_00000983_post_disaster,0,0,tier3\masks\portugal-wildfire_00000983_post_disaster.png,0,0,0,0,983,1 +1,502,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000983_post_disaster.png,pinery-bushfire_00000983_post_disaster,0,0,tier3\masks\pinery-bushfire_00000983_post_disaster.png,0,0,0,0,983,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000984_post_disaster.png,portugal-wildfire_00000984_post_disaster,0,0,tier3\masks\portugal-wildfire_00000984_post_disaster.png,0,0,0,0,984,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000984_post_disaster.png,socal-fire_00000984_post_disaster,0,0,train\masks\socal-fire_00000984_post_disaster.png,0,0,0,0,984,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000984_post_disaster.png,pinery-bushfire_00000984_post_disaster,0,0,tier3\masks\pinery-bushfire_00000984_post_disaster.png,0,0,0,0,984,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000985_post_disaster.png,pinery-bushfire_00000985_post_disaster,0,0,tier3\masks\pinery-bushfire_00000985_post_disaster.png,0,0,0,0,985,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000985_post_disaster.png,socal-fire_00000985_post_disaster,0,0,train\masks\socal-fire_00000985_post_disaster.png,0,0,0,0,985,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000985_post_disaster.png,portugal-wildfire_00000985_post_disaster,0,0,tier3\masks\portugal-wildfire_00000985_post_disaster.png,0,0,0,0,985,4 +0,0,socal-fire,post,train,train\images\socal-fire_00000986_post_disaster.png,socal-fire_00000986_post_disaster,0,0,train\masks\socal-fire_00000986_post_disaster.png,0,0,69,98347,986,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000986_post_disaster.png,pinery-bushfire_00000986_post_disaster,0,0,tier3\masks\pinery-bushfire_00000986_post_disaster.png,0,0,11,11071,986,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000986_post_disaster.png,portugal-wildfire_00000986_post_disaster,0,0,tier3\masks\portugal-wildfire_00000986_post_disaster.png,0,0,64,57736,986,0 +10,9462,socal-fire,post,train,train\images\socal-fire_00000987_post_disaster.png,socal-fire_00000987_post_disaster,0,0,train\masks\socal-fire_00000987_post_disaster.png,0,0,42,41443,987,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000987_post_disaster.png,portugal-wildfire_00000987_post_disaster,0,0,tier3\masks\portugal-wildfire_00000987_post_disaster.png,0,0,0,0,987,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000987_post_disaster.png,pinery-bushfire_00000987_post_disaster,0,0,tier3\masks\pinery-bushfire_00000987_post_disaster.png,0,0,0,0,987,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000988_post_disaster.png,socal-fire_00000988_post_disaster,0,0,train\masks\socal-fire_00000988_post_disaster.png,0,0,0,0,988,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000988_post_disaster.png,pinery-bushfire_00000988_post_disaster,0,0,tier3\masks\pinery-bushfire_00000988_post_disaster.png,0,0,0,0,988,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000988_post_disaster.png,portugal-wildfire_00000988_post_disaster,0,0,tier3\masks\portugal-wildfire_00000988_post_disaster.png,0,0,2,317,988,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000989_post_disaster.png,pinery-bushfire_00000989_post_disaster,0,0,tier3\masks\pinery-bushfire_00000989_post_disaster.png,0,0,0,0,989,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000989_post_disaster.png,socal-fire_00000989_post_disaster,0,0,train\masks\socal-fire_00000989_post_disaster.png,0,0,0,0,989,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000989_post_disaster.png,portugal-wildfire_00000989_post_disaster,0,0,tier3\masks\portugal-wildfire_00000989_post_disaster.png,0,0,1,1029,989,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000990_post_disaster.png,pinery-bushfire_00000990_post_disaster,0,0,tier3\masks\pinery-bushfire_00000990_post_disaster.png,0,0,0,0,990,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000990_post_disaster.png,portugal-wildfire_00000990_post_disaster,0,0,tier3\masks\portugal-wildfire_00000990_post_disaster.png,0,0,0,0,990,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000991_post_disaster.png,pinery-bushfire_00000991_post_disaster,0,0,tier3\masks\pinery-bushfire_00000991_post_disaster.png,0,0,0,0,991,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000991_post_disaster.png,portugal-wildfire_00000991_post_disaster,1,268,tier3\masks\portugal-wildfire_00000991_post_disaster.png,0,0,13,55184,991,0 +0,0,socal-fire,post,train,train\images\socal-fire_00000991_post_disaster.png,socal-fire_00000991_post_disaster,0,0,train\masks\socal-fire_00000991_post_disaster.png,0,0,0,0,991,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000992_post_disaster.png,pinery-bushfire_00000992_post_disaster,0,0,tier3\masks\pinery-bushfire_00000992_post_disaster.png,0,0,0,0,992,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000992_post_disaster.png,portugal-wildfire_00000992_post_disaster,0,0,tier3\masks\portugal-wildfire_00000992_post_disaster.png,0,0,0,0,992,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000992_post_disaster.png,socal-fire_00000992_post_disaster,0,0,train\masks\socal-fire_00000992_post_disaster.png,0,0,0,0,992,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000993_post_disaster.png,portugal-wildfire_00000993_post_disaster,0,0,tier3\masks\portugal-wildfire_00000993_post_disaster.png,0,0,0,0,993,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000993_post_disaster.png,pinery-bushfire_00000993_post_disaster,0,0,tier3\masks\pinery-bushfire_00000993_post_disaster.png,0,0,0,0,993,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000994_post_disaster.png,pinery-bushfire_00000994_post_disaster,0,0,tier3\masks\pinery-bushfire_00000994_post_disaster.png,0,0,0,0,994,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000994_post_disaster.png,socal-fire_00000994_post_disaster,0,0,train\masks\socal-fire_00000994_post_disaster.png,0,0,0,0,994,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000994_post_disaster.png,portugal-wildfire_00000994_post_disaster,0,0,tier3\masks\portugal-wildfire_00000994_post_disaster.png,0,0,0,0,994,1 +0,0,socal-fire,post,train,train\images\socal-fire_00000995_post_disaster.png,socal-fire_00000995_post_disaster,0,0,train\masks\socal-fire_00000995_post_disaster.png,0,0,0,0,995,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000995_post_disaster.png,pinery-bushfire_00000995_post_disaster,0,0,tier3\masks\pinery-bushfire_00000995_post_disaster.png,0,0,20,6822,995,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000995_post_disaster.png,portugal-wildfire_00000995_post_disaster,0,0,tier3\masks\portugal-wildfire_00000995_post_disaster.png,0,0,0,0,995,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000996_post_disaster.png,portugal-wildfire_00000996_post_disaster,0,0,tier3\masks\portugal-wildfire_00000996_post_disaster.png,0,0,0,0,996,0 +3,3639,socal-fire,post,train,train\images\socal-fire_00000996_post_disaster.png,socal-fire_00000996_post_disaster,0,0,train\masks\socal-fire_00000996_post_disaster.png,0,0,16,24074,996,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000996_post_disaster.png,pinery-bushfire_00000996_post_disaster,0,0,tier3\masks\pinery-bushfire_00000996_post_disaster.png,0,0,0,0,996,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000997_post_disaster.png,pinery-bushfire_00000997_post_disaster,0,0,tier3\masks\pinery-bushfire_00000997_post_disaster.png,0,0,0,0,997,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000997_post_disaster.png,portugal-wildfire_00000997_post_disaster,0,0,tier3\masks\portugal-wildfire_00000997_post_disaster.png,0,0,0,0,997,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000998_post_disaster.png,portugal-wildfire_00000998_post_disaster,0,0,tier3\masks\portugal-wildfire_00000998_post_disaster.png,0,0,0,0,998,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000998_post_disaster.png,pinery-bushfire_00000998_post_disaster,0,0,tier3\masks\pinery-bushfire_00000998_post_disaster.png,0,0,0,0,998,3 +0,0,socal-fire,post,train,train\images\socal-fire_00000998_post_disaster.png,socal-fire_00000998_post_disaster,0,0,train\masks\socal-fire_00000998_post_disaster.png,0,0,0,0,998,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00000999_post_disaster.png,portugal-wildfire_00000999_post_disaster,0,0,tier3\masks\portugal-wildfire_00000999_post_disaster.png,0,0,0,0,999,2 +0,0,socal-fire,post,train,train\images\socal-fire_00000999_post_disaster.png,socal-fire_00000999_post_disaster,0,0,train\masks\socal-fire_00000999_post_disaster.png,0,0,0,0,999,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00000999_post_disaster.png,pinery-bushfire_00000999_post_disaster,0,0,tier3\masks\pinery-bushfire_00000999_post_disaster.png,0,0,0,0,999,2 +4,2781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001000_post_disaster.png,portugal-wildfire_00001000_post_disaster,0,0,tier3\masks\portugal-wildfire_00001000_post_disaster.png,0,0,6,6108,1000,0 +9,8775,socal-fire,post,train,train\images\socal-fire_00001000_post_disaster.png,socal-fire_00001000_post_disaster,0,0,train\masks\socal-fire_00001000_post_disaster.png,0,0,48,65186,1000,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001000_post_disaster.png,pinery-bushfire_00001000_post_disaster,0,0,tier3\masks\pinery-bushfire_00001000_post_disaster.png,0,0,0,0,1000,4 +26,36683,socal-fire,post,train,train\images\socal-fire_00001001_post_disaster.png,socal-fire_00001001_post_disaster,6,7297,train\masks\socal-fire_00001001_post_disaster.png,0,0,3,3877,1001,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001001_post_disaster.png,pinery-bushfire_00001001_post_disaster,0,0,tier3\masks\pinery-bushfire_00001001_post_disaster.png,0,0,12,24581,1001,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001001_post_disaster.png,portugal-wildfire_00001001_post_disaster,0,0,tier3\masks\portugal-wildfire_00001001_post_disaster.png,0,0,26,25169,1001,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001002_post_disaster.png,portugal-wildfire_00001002_post_disaster,0,0,tier3\masks\portugal-wildfire_00001002_post_disaster.png,0,0,0,0,1002,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001002_post_disaster.png,pinery-bushfire_00001002_post_disaster,0,0,tier3\masks\pinery-bushfire_00001002_post_disaster.png,0,0,0,0,1002,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001003_post_disaster.png,socal-fire_00001003_post_disaster,0,0,train\masks\socal-fire_00001003_post_disaster.png,0,0,0,0,1003,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001003_post_disaster.png,pinery-bushfire_00001003_post_disaster,0,0,tier3\masks\pinery-bushfire_00001003_post_disaster.png,0,0,0,0,1003,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001003_post_disaster.png,portugal-wildfire_00001003_post_disaster,0,0,tier3\masks\portugal-wildfire_00001003_post_disaster.png,0,0,0,0,1003,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001004_post_disaster.png,socal-fire_00001004_post_disaster,0,0,train\masks\socal-fire_00001004_post_disaster.png,0,0,0,0,1004,1 +1,280,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001004_post_disaster.png,portugal-wildfire_00001004_post_disaster,0,0,tier3\masks\portugal-wildfire_00001004_post_disaster.png,0,0,4,4626,1004,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001004_post_disaster.png,pinery-bushfire_00001004_post_disaster,1,879,tier3\masks\pinery-bushfire_00001004_post_disaster.png,0,0,7,3969,1004,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001005_post_disaster.png,portugal-wildfire_00001005_post_disaster,0,0,tier3\masks\portugal-wildfire_00001005_post_disaster.png,0,0,0,0,1005,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001005_post_disaster.png,pinery-bushfire_00001005_post_disaster,0,0,tier3\masks\pinery-bushfire_00001005_post_disaster.png,0,0,0,0,1005,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001006_post_disaster.png,portugal-wildfire_00001006_post_disaster,0,0,tier3\masks\portugal-wildfire_00001006_post_disaster.png,0,0,0,0,1006,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001006_post_disaster.png,pinery-bushfire_00001006_post_disaster,0,0,tier3\masks\pinery-bushfire_00001006_post_disaster.png,0,0,0,0,1006,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001007_post_disaster.png,portugal-wildfire_00001007_post_disaster,0,0,tier3\masks\portugal-wildfire_00001007_post_disaster.png,0,0,0,0,1007,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001007_post_disaster.png,pinery-bushfire_00001007_post_disaster,0,0,tier3\masks\pinery-bushfire_00001007_post_disaster.png,0,0,0,0,1007,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001007_post_disaster.png,socal-fire_00001007_post_disaster,0,0,train\masks\socal-fire_00001007_post_disaster.png,0,0,1,154,1007,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001008_post_disaster.png,portugal-wildfire_00001008_post_disaster,0,0,tier3\masks\portugal-wildfire_00001008_post_disaster.png,0,0,0,0,1008,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001008_post_disaster.png,pinery-bushfire_00001008_post_disaster,0,0,tier3\masks\pinery-bushfire_00001008_post_disaster.png,0,0,0,0,1008,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001009_post_disaster.png,pinery-bushfire_00001009_post_disaster,0,0,tier3\masks\pinery-bushfire_00001009_post_disaster.png,0,0,0,0,1009,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001009_post_disaster.png,portugal-wildfire_00001009_post_disaster,0,0,tier3\masks\portugal-wildfire_00001009_post_disaster.png,0,0,5,1889,1009,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001010_post_disaster.png,pinery-bushfire_00001010_post_disaster,0,0,tier3\masks\pinery-bushfire_00001010_post_disaster.png,0,0,0,0,1010,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001010_post_disaster.png,portugal-wildfire_00001010_post_disaster,0,0,tier3\masks\portugal-wildfire_00001010_post_disaster.png,0,0,0,0,1010,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001011_post_disaster.png,pinery-bushfire_00001011_post_disaster,0,0,tier3\masks\pinery-bushfire_00001011_post_disaster.png,0,0,0,0,1011,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001011_post_disaster.png,portugal-wildfire_00001011_post_disaster,0,0,tier3\masks\portugal-wildfire_00001011_post_disaster.png,0,0,0,0,1011,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001012_post_disaster.png,pinery-bushfire_00001012_post_disaster,0,0,tier3\masks\pinery-bushfire_00001012_post_disaster.png,0,0,0,0,1012,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001012_post_disaster.png,socal-fire_00001012_post_disaster,0,0,train\masks\socal-fire_00001012_post_disaster.png,0,0,0,0,1012,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001012_post_disaster.png,portugal-wildfire_00001012_post_disaster,0,0,tier3\masks\portugal-wildfire_00001012_post_disaster.png,0,0,0,0,1012,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001013_post_disaster.png,pinery-bushfire_00001013_post_disaster,0,0,tier3\masks\pinery-bushfire_00001013_post_disaster.png,0,0,0,0,1013,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001013_post_disaster.png,portugal-wildfire_00001013_post_disaster,0,0,tier3\masks\portugal-wildfire_00001013_post_disaster.png,0,0,20,49533,1013,2 +2,6176,socal-fire,post,train,train\images\socal-fire_00001013_post_disaster.png,socal-fire_00001013_post_disaster,0,0,train\masks\socal-fire_00001013_post_disaster.png,0,0,15,14848,1013,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001014_post_disaster.png,pinery-bushfire_00001014_post_disaster,0,0,tier3\masks\pinery-bushfire_00001014_post_disaster.png,0,0,0,0,1014,1 +1,274,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001014_post_disaster.png,portugal-wildfire_00001014_post_disaster,0,0,tier3\masks\portugal-wildfire_00001014_post_disaster.png,0,0,19,17409,1014,3 +1,400,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001015_post_disaster.png,portugal-wildfire_00001015_post_disaster,0,0,tier3\masks\portugal-wildfire_00001015_post_disaster.png,0,0,4,3058,1015,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001015_post_disaster.png,pinery-bushfire_00001015_post_disaster,0,0,tier3\masks\pinery-bushfire_00001015_post_disaster.png,0,0,0,0,1015,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001016_post_disaster.png,socal-fire_00001016_post_disaster,0,0,train\masks\socal-fire_00001016_post_disaster.png,0,0,0,0,1016,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001016_post_disaster.png,pinery-bushfire_00001016_post_disaster,0,0,tier3\masks\pinery-bushfire_00001016_post_disaster.png,0,0,0,0,1016,3 +1,358,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001016_post_disaster.png,portugal-wildfire_00001016_post_disaster,1,922,tier3\masks\portugal-wildfire_00001016_post_disaster.png,0,0,16,10488,1016,4 +1,311,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001017_post_disaster.png,portugal-wildfire_00001017_post_disaster,1,300,tier3\masks\portugal-wildfire_00001017_post_disaster.png,0,0,15,8919,1017,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001017_post_disaster.png,socal-fire_00001017_post_disaster,0,0,train\masks\socal-fire_00001017_post_disaster.png,0,0,17,26608,1017,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001017_post_disaster.png,pinery-bushfire_00001017_post_disaster,0,0,tier3\masks\pinery-bushfire_00001017_post_disaster.png,0,0,0,0,1017,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001018_post_disaster.png,portugal-wildfire_00001018_post_disaster,1,1216,tier3\masks\portugal-wildfire_00001018_post_disaster.png,1,8678,24,33807,1018,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001018_post_disaster.png,pinery-bushfire_00001018_post_disaster,0,0,tier3\masks\pinery-bushfire_00001018_post_disaster.png,0,0,0,0,1018,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001019_post_disaster.png,pinery-bushfire_00001019_post_disaster,0,0,tier3\masks\pinery-bushfire_00001019_post_disaster.png,0,0,0,0,1019,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001019_post_disaster.png,portugal-wildfire_00001019_post_disaster,0,0,tier3\masks\portugal-wildfire_00001019_post_disaster.png,0,0,61,67610,1019,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001019_post_disaster.png,socal-fire_00001019_post_disaster,0,0,train\masks\socal-fire_00001019_post_disaster.png,0,0,24,13277,1019,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001020_post_disaster.png,pinery-bushfire_00001020_post_disaster,0,0,tier3\masks\pinery-bushfire_00001020_post_disaster.png,0,0,4,2388,1020,4 +4,4640,socal-fire,post,train,train\images\socal-fire_00001020_post_disaster.png,socal-fire_00001020_post_disaster,11,9073,train\masks\socal-fire_00001020_post_disaster.png,0,0,61,74729,1020,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001020_post_disaster.png,portugal-wildfire_00001020_post_disaster,0,0,tier3\masks\portugal-wildfire_00001020_post_disaster.png,0,0,0,0,1020,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001021_post_disaster.png,portugal-wildfire_00001021_post_disaster,0,0,tier3\masks\portugal-wildfire_00001021_post_disaster.png,0,0,0,0,1021,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001021_post_disaster.png,pinery-bushfire_00001021_post_disaster,0,0,tier3\masks\pinery-bushfire_00001021_post_disaster.png,0,0,0,0,1021,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001021_post_disaster.png,socal-fire_00001021_post_disaster,0,0,train\masks\socal-fire_00001021_post_disaster.png,0,0,0,0,1021,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001022_post_disaster.png,pinery-bushfire_00001022_post_disaster,0,0,tier3\masks\pinery-bushfire_00001022_post_disaster.png,0,0,0,0,1022,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001022_post_disaster.png,portugal-wildfire_00001022_post_disaster,0,0,tier3\masks\portugal-wildfire_00001022_post_disaster.png,0,0,0,0,1022,4 +16,24717,socal-fire,post,train,train\images\socal-fire_00001023_post_disaster.png,socal-fire_00001023_post_disaster,8,10203,train\masks\socal-fire_00001023_post_disaster.png,0,0,10,20031,1023,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001023_post_disaster.png,portugal-wildfire_00001023_post_disaster,0,0,tier3\masks\portugal-wildfire_00001023_post_disaster.png,0,0,0,0,1023,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001023_post_disaster.png,pinery-bushfire_00001023_post_disaster,0,0,tier3\masks\pinery-bushfire_00001023_post_disaster.png,0,0,0,0,1023,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001024_post_disaster.png,pinery-bushfire_00001024_post_disaster,0,0,tier3\masks\pinery-bushfire_00001024_post_disaster.png,0,0,0,0,1024,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001024_post_disaster.png,portugal-wildfire_00001024_post_disaster,0,0,tier3\masks\portugal-wildfire_00001024_post_disaster.png,0,0,0,0,1024,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001025_post_disaster.png,pinery-bushfire_00001025_post_disaster,0,0,tier3\masks\pinery-bushfire_00001025_post_disaster.png,0,0,0,0,1025,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001025_post_disaster.png,portugal-wildfire_00001025_post_disaster,0,0,tier3\masks\portugal-wildfire_00001025_post_disaster.png,0,0,13,9021,1025,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001025_post_disaster.png,socal-fire_00001025_post_disaster,0,0,train\masks\socal-fire_00001025_post_disaster.png,0,0,0,0,1025,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001026_post_disaster.png,pinery-bushfire_00001026_post_disaster,0,0,tier3\masks\pinery-bushfire_00001026_post_disaster.png,0,0,0,0,1026,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001026_post_disaster.png,portugal-wildfire_00001026_post_disaster,0,0,tier3\masks\portugal-wildfire_00001026_post_disaster.png,0,0,27,51202,1026,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001027_post_disaster.png,socal-fire_00001027_post_disaster,0,0,train\masks\socal-fire_00001027_post_disaster.png,0,0,58,50181,1027,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001027_post_disaster.png,pinery-bushfire_00001027_post_disaster,0,0,tier3\masks\pinery-bushfire_00001027_post_disaster.png,0,0,0,0,1027,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001027_post_disaster.png,portugal-wildfire_00001027_post_disaster,0,0,tier3\masks\portugal-wildfire_00001027_post_disaster.png,0,0,0,0,1027,2 +3,1231,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001028_post_disaster.png,portugal-wildfire_00001028_post_disaster,1,307,tier3\masks\portugal-wildfire_00001028_post_disaster.png,0,0,2,862,1028,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001028_post_disaster.png,socal-fire_00001028_post_disaster,0,0,train\masks\socal-fire_00001028_post_disaster.png,0,0,0,0,1028,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001028_post_disaster.png,pinery-bushfire_00001028_post_disaster,0,0,tier3\masks\pinery-bushfire_00001028_post_disaster.png,0,0,0,0,1028,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001029_post_disaster.png,portugal-wildfire_00001029_post_disaster,0,0,tier3\masks\portugal-wildfire_00001029_post_disaster.png,0,0,13,9061,1029,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001029_post_disaster.png,pinery-bushfire_00001029_post_disaster,0,0,tier3\masks\pinery-bushfire_00001029_post_disaster.png,0,0,0,0,1029,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001030_post_disaster.png,portugal-wildfire_00001030_post_disaster,0,0,tier3\masks\portugal-wildfire_00001030_post_disaster.png,0,0,0,0,1030,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001030_post_disaster.png,pinery-bushfire_00001030_post_disaster,0,0,tier3\masks\pinery-bushfire_00001030_post_disaster.png,0,0,0,0,1030,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001031_post_disaster.png,portugal-wildfire_00001031_post_disaster,0,0,tier3\masks\portugal-wildfire_00001031_post_disaster.png,0,0,0,0,1031,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001031_post_disaster.png,pinery-bushfire_00001031_post_disaster,0,0,tier3\masks\pinery-bushfire_00001031_post_disaster.png,0,0,0,0,1031,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001032_post_disaster.png,portugal-wildfire_00001032_post_disaster,0,0,tier3\masks\portugal-wildfire_00001032_post_disaster.png,0,0,0,0,1032,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001032_post_disaster.png,pinery-bushfire_00001032_post_disaster,0,0,tier3\masks\pinery-bushfire_00001032_post_disaster.png,0,0,7,6339,1032,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001033_post_disaster.png,socal-fire_00001033_post_disaster,0,0,train\masks\socal-fire_00001033_post_disaster.png,0,0,0,0,1033,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001033_post_disaster.png,portugal-wildfire_00001033_post_disaster,0,0,tier3\masks\portugal-wildfire_00001033_post_disaster.png,0,0,119,150637,1033,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001033_post_disaster.png,pinery-bushfire_00001033_post_disaster,0,0,tier3\masks\pinery-bushfire_00001033_post_disaster.png,0,0,0,0,1033,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001034_post_disaster.png,pinery-bushfire_00001034_post_disaster,0,0,tier3\masks\pinery-bushfire_00001034_post_disaster.png,0,0,0,0,1034,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001034_post_disaster.png,portugal-wildfire_00001034_post_disaster,0,0,tier3\masks\portugal-wildfire_00001034_post_disaster.png,0,0,2,1750,1034,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001035_post_disaster.png,pinery-bushfire_00001035_post_disaster,0,0,tier3\masks\pinery-bushfire_00001035_post_disaster.png,0,0,1,1716,1035,2 +2,116,socal-fire,post,train,train\images\socal-fire_00001035_post_disaster.png,socal-fire_00001035_post_disaster,0,0,train\masks\socal-fire_00001035_post_disaster.png,0,0,4,1353,1035,4 +3,6122,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001035_post_disaster.png,portugal-wildfire_00001035_post_disaster,0,0,tier3\masks\portugal-wildfire_00001035_post_disaster.png,0,0,3,22053,1035,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001036_post_disaster.png,portugal-wildfire_00001036_post_disaster,0,0,tier3\masks\portugal-wildfire_00001036_post_disaster.png,0,0,0,0,1036,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001036_post_disaster.png,pinery-bushfire_00001036_post_disaster,0,0,tier3\masks\pinery-bushfire_00001036_post_disaster.png,0,0,0,0,1036,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001037_post_disaster.png,portugal-wildfire_00001037_post_disaster,0,0,tier3\masks\portugal-wildfire_00001037_post_disaster.png,0,0,0,0,1037,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001037_post_disaster.png,pinery-bushfire_00001037_post_disaster,0,0,tier3\masks\pinery-bushfire_00001037_post_disaster.png,0,0,0,0,1037,1 +6,2029,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001038_post_disaster.png,pinery-bushfire_00001038_post_disaster,0,0,tier3\masks\pinery-bushfire_00001038_post_disaster.png,2,3535,16,8354,1038,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001038_post_disaster.png,portugal-wildfire_00001038_post_disaster,0,0,tier3\masks\portugal-wildfire_00001038_post_disaster.png,0,0,0,0,1038,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001039_post_disaster.png,portugal-wildfire_00001039_post_disaster,0,0,tier3\masks\portugal-wildfire_00001039_post_disaster.png,0,0,7,2384,1039,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001039_post_disaster.png,pinery-bushfire_00001039_post_disaster,0,0,tier3\masks\pinery-bushfire_00001039_post_disaster.png,0,0,0,0,1039,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001039_post_disaster.png,socal-fire_00001039_post_disaster,0,0,train\masks\socal-fire_00001039_post_disaster.png,0,0,0,0,1039,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001040_post_disaster.png,portugal-wildfire_00001040_post_disaster,0,0,tier3\masks\portugal-wildfire_00001040_post_disaster.png,0,0,0,0,1040,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001040_post_disaster.png,pinery-bushfire_00001040_post_disaster,0,0,tier3\masks\pinery-bushfire_00001040_post_disaster.png,0,0,0,0,1040,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001040_post_disaster.png,socal-fire_00001040_post_disaster,0,0,train\masks\socal-fire_00001040_post_disaster.png,0,0,77,105007,1040,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001041_post_disaster.png,pinery-bushfire_00001041_post_disaster,0,0,tier3\masks\pinery-bushfire_00001041_post_disaster.png,0,0,0,0,1041,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001041_post_disaster.png,portugal-wildfire_00001041_post_disaster,0,0,tier3\masks\portugal-wildfire_00001041_post_disaster.png,0,0,1,118,1041,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001042_post_disaster.png,pinery-bushfire_00001042_post_disaster,0,0,tier3\masks\pinery-bushfire_00001042_post_disaster.png,0,0,3,395,1042,1 +2,588,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001042_post_disaster.png,portugal-wildfire_00001042_post_disaster,0,0,tier3\masks\portugal-wildfire_00001042_post_disaster.png,0,0,6,4108,1042,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001042_post_disaster.png,socal-fire_00001042_post_disaster,0,0,train\masks\socal-fire_00001042_post_disaster.png,0,0,0,0,1042,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001043_post_disaster.png,socal-fire_00001043_post_disaster,0,0,train\masks\socal-fire_00001043_post_disaster.png,0,0,0,0,1043,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001043_post_disaster.png,portugal-wildfire_00001043_post_disaster,0,0,tier3\masks\portugal-wildfire_00001043_post_disaster.png,0,0,0,0,1043,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001043_post_disaster.png,pinery-bushfire_00001043_post_disaster,0,0,tier3\masks\pinery-bushfire_00001043_post_disaster.png,0,0,0,0,1043,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001044_post_disaster.png,portugal-wildfire_00001044_post_disaster,0,0,tier3\masks\portugal-wildfire_00001044_post_disaster.png,0,0,15,8068,1044,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001044_post_disaster.png,pinery-bushfire_00001044_post_disaster,0,0,tier3\masks\pinery-bushfire_00001044_post_disaster.png,0,0,0,0,1044,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001045_post_disaster.png,socal-fire_00001045_post_disaster,0,0,train\masks\socal-fire_00001045_post_disaster.png,0,0,0,0,1045,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001045_post_disaster.png,portugal-wildfire_00001045_post_disaster,0,0,tier3\masks\portugal-wildfire_00001045_post_disaster.png,0,0,5,2103,1045,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001045_post_disaster.png,pinery-bushfire_00001045_post_disaster,0,0,tier3\masks\pinery-bushfire_00001045_post_disaster.png,0,0,0,0,1045,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001046_post_disaster.png,portugal-wildfire_00001046_post_disaster,0,0,tier3\masks\portugal-wildfire_00001046_post_disaster.png,0,0,1,464,1046,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001046_post_disaster.png,pinery-bushfire_00001046_post_disaster,0,0,tier3\masks\pinery-bushfire_00001046_post_disaster.png,0,0,0,0,1046,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001047_post_disaster.png,pinery-bushfire_00001047_post_disaster,0,0,tier3\masks\pinery-bushfire_00001047_post_disaster.png,0,0,0,0,1047,4 +2,2634,socal-fire,post,train,train\images\socal-fire_00001047_post_disaster.png,socal-fire_00001047_post_disaster,0,0,train\masks\socal-fire_00001047_post_disaster.png,0,0,6,5929,1047,1 +5,1263,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001047_post_disaster.png,portugal-wildfire_00001047_post_disaster,0,0,tier3\masks\portugal-wildfire_00001047_post_disaster.png,2,1853,47,40903,1047,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001048_post_disaster.png,pinery-bushfire_00001048_post_disaster,0,0,tier3\masks\pinery-bushfire_00001048_post_disaster.png,0,0,0,0,1048,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001048_post_disaster.png,portugal-wildfire_00001048_post_disaster,0,0,tier3\masks\portugal-wildfire_00001048_post_disaster.png,0,0,12,8064,1048,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001049_post_disaster.png,pinery-bushfire_00001049_post_disaster,0,0,tier3\masks\pinery-bushfire_00001049_post_disaster.png,0,0,0,0,1049,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001049_post_disaster.png,socal-fire_00001049_post_disaster,0,0,train\masks\socal-fire_00001049_post_disaster.png,0,0,0,0,1049,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001049_post_disaster.png,portugal-wildfire_00001049_post_disaster,0,0,tier3\masks\portugal-wildfire_00001049_post_disaster.png,0,0,8,12884,1049,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001050_post_disaster.png,socal-fire_00001050_post_disaster,0,0,train\masks\socal-fire_00001050_post_disaster.png,0,0,0,0,1050,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001050_post_disaster.png,portugal-wildfire_00001050_post_disaster,0,0,tier3\masks\portugal-wildfire_00001050_post_disaster.png,0,0,2,1029,1050,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001050_post_disaster.png,pinery-bushfire_00001050_post_disaster,0,0,tier3\masks\pinery-bushfire_00001050_post_disaster.png,0,0,19,33278,1050,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001051_post_disaster.png,pinery-bushfire_00001051_post_disaster,0,0,tier3\masks\pinery-bushfire_00001051_post_disaster.png,0,0,4,3337,1051,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001051_post_disaster.png,portugal-wildfire_00001051_post_disaster,0,0,tier3\masks\portugal-wildfire_00001051_post_disaster.png,0,0,0,0,1051,0 +1,515,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001052_post_disaster.png,pinery-bushfire_00001052_post_disaster,0,0,tier3\masks\pinery-bushfire_00001052_post_disaster.png,0,0,2,709,1052,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001052_post_disaster.png,portugal-wildfire_00001052_post_disaster,0,0,tier3\masks\portugal-wildfire_00001052_post_disaster.png,0,0,0,0,1052,4 +1,325,socal-fire,post,train,train\images\socal-fire_00001052_post_disaster.png,socal-fire_00001052_post_disaster,0,0,train\masks\socal-fire_00001052_post_disaster.png,0,0,27,20790,1052,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001053_post_disaster.png,pinery-bushfire_00001053_post_disaster,0,0,tier3\masks\pinery-bushfire_00001053_post_disaster.png,1,232,9,4795,1053,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001053_post_disaster.png,portugal-wildfire_00001053_post_disaster,0,0,tier3\masks\portugal-wildfire_00001053_post_disaster.png,0,0,11,5781,1053,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001054_post_disaster.png,socal-fire_00001054_post_disaster,0,0,train\masks\socal-fire_00001054_post_disaster.png,0,0,73,82705,1054,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001054_post_disaster.png,portugal-wildfire_00001054_post_disaster,0,0,tier3\masks\portugal-wildfire_00001054_post_disaster.png,0,0,0,0,1054,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001054_post_disaster.png,pinery-bushfire_00001054_post_disaster,0,0,tier3\masks\pinery-bushfire_00001054_post_disaster.png,0,0,0,0,1054,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001055_post_disaster.png,socal-fire_00001055_post_disaster,0,0,train\masks\socal-fire_00001055_post_disaster.png,0,0,0,0,1055,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001055_post_disaster.png,pinery-bushfire_00001055_post_disaster,0,0,tier3\masks\pinery-bushfire_00001055_post_disaster.png,0,0,0,0,1055,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001055_post_disaster.png,portugal-wildfire_00001055_post_disaster,1,171,tier3\masks\portugal-wildfire_00001055_post_disaster.png,0,0,0,0,1055,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001056_post_disaster.png,pinery-bushfire_00001056_post_disaster,0,0,tier3\masks\pinery-bushfire_00001056_post_disaster.png,0,0,0,0,1056,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001056_post_disaster.png,portugal-wildfire_00001056_post_disaster,0,0,tier3\masks\portugal-wildfire_00001056_post_disaster.png,0,0,0,0,1056,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001057_post_disaster.png,portugal-wildfire_00001057_post_disaster,0,0,tier3\masks\portugal-wildfire_00001057_post_disaster.png,0,0,26,19399,1057,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001057_post_disaster.png,pinery-bushfire_00001057_post_disaster,0,0,tier3\masks\pinery-bushfire_00001057_post_disaster.png,0,0,1,5704,1057,1 +9,12489,socal-fire,post,train,train\images\socal-fire_00001058_post_disaster.png,socal-fire_00001058_post_disaster,0,0,train\masks\socal-fire_00001058_post_disaster.png,0,0,31,48042,1058,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001058_post_disaster.png,portugal-wildfire_00001058_post_disaster,0,0,tier3\masks\portugal-wildfire_00001058_post_disaster.png,0,0,20,12417,1058,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001058_post_disaster.png,pinery-bushfire_00001058_post_disaster,0,0,tier3\masks\pinery-bushfire_00001058_post_disaster.png,0,0,0,0,1058,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001059_post_disaster.png,socal-fire_00001059_post_disaster,0,0,train\masks\socal-fire_00001059_post_disaster.png,0,0,2,466,1059,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001059_post_disaster.png,portugal-wildfire_00001059_post_disaster,0,0,tier3\masks\portugal-wildfire_00001059_post_disaster.png,0,0,3,2665,1059,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001059_post_disaster.png,pinery-bushfire_00001059_post_disaster,0,0,tier3\masks\pinery-bushfire_00001059_post_disaster.png,0,0,0,0,1059,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001060_post_disaster.png,portugal-wildfire_00001060_post_disaster,0,0,tier3\masks\portugal-wildfire_00001060_post_disaster.png,0,0,26,20198,1060,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001060_post_disaster.png,pinery-bushfire_00001060_post_disaster,0,0,tier3\masks\pinery-bushfire_00001060_post_disaster.png,0,0,3,11612,1060,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001061_post_disaster.png,pinery-bushfire_00001061_post_disaster,0,0,tier3\masks\pinery-bushfire_00001061_post_disaster.png,0,0,1,106,1061,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001061_post_disaster.png,portugal-wildfire_00001061_post_disaster,0,0,tier3\masks\portugal-wildfire_00001061_post_disaster.png,0,0,13,10922,1061,3 +3,2150,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001062_post_disaster.png,pinery-bushfire_00001062_post_disaster,1,809,tier3\masks\pinery-bushfire_00001062_post_disaster.png,1,3876,1,957,1062,4 +3,1591,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001062_post_disaster.png,portugal-wildfire_00001062_post_disaster,1,448,tier3\masks\portugal-wildfire_00001062_post_disaster.png,1,270,9,3568,1062,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001063_post_disaster.png,pinery-bushfire_00001063_post_disaster,0,0,tier3\masks\pinery-bushfire_00001063_post_disaster.png,0,0,0,0,1063,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001063_post_disaster.png,portugal-wildfire_00001063_post_disaster,0,0,tier3\masks\portugal-wildfire_00001063_post_disaster.png,0,0,0,0,1063,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001063_post_disaster.png,socal-fire_00001063_post_disaster,0,0,train\masks\socal-fire_00001063_post_disaster.png,0,0,3,501,1063,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001064_post_disaster.png,pinery-bushfire_00001064_post_disaster,0,0,tier3\masks\pinery-bushfire_00001064_post_disaster.png,0,0,0,0,1064,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001064_post_disaster.png,portugal-wildfire_00001064_post_disaster,0,0,tier3\masks\portugal-wildfire_00001064_post_disaster.png,0,0,0,0,1064,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001065_post_disaster.png,portugal-wildfire_00001065_post_disaster,0,0,tier3\masks\portugal-wildfire_00001065_post_disaster.png,1,987,11,7165,1065,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001065_post_disaster.png,pinery-bushfire_00001065_post_disaster,0,0,tier3\masks\pinery-bushfire_00001065_post_disaster.png,0,0,0,0,1065,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001066_post_disaster.png,portugal-wildfire_00001066_post_disaster,0,0,tier3\masks\portugal-wildfire_00001066_post_disaster.png,0,0,0,0,1066,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001066_post_disaster.png,socal-fire_00001066_post_disaster,0,0,train\masks\socal-fire_00001066_post_disaster.png,0,0,56,71951,1066,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001066_post_disaster.png,pinery-bushfire_00001066_post_disaster,0,0,tier3\masks\pinery-bushfire_00001066_post_disaster.png,0,0,0,0,1066,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001067_post_disaster.png,pinery-bushfire_00001067_post_disaster,0,0,tier3\masks\pinery-bushfire_00001067_post_disaster.png,0,0,0,0,1067,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001067_post_disaster.png,socal-fire_00001067_post_disaster,0,0,train\masks\socal-fire_00001067_post_disaster.png,0,0,0,0,1067,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001067_post_disaster.png,portugal-wildfire_00001067_post_disaster,0,0,tier3\masks\portugal-wildfire_00001067_post_disaster.png,0,0,1,418,1067,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001068_post_disaster.png,pinery-bushfire_00001068_post_disaster,0,0,tier3\masks\pinery-bushfire_00001068_post_disaster.png,0,0,9,3193,1068,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001068_post_disaster.png,portugal-wildfire_00001068_post_disaster,0,0,tier3\masks\portugal-wildfire_00001068_post_disaster.png,0,0,1,1151,1068,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001069_post_disaster.png,pinery-bushfire_00001069_post_disaster,0,0,tier3\masks\pinery-bushfire_00001069_post_disaster.png,0,0,7,4692,1069,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001069_post_disaster.png,portugal-wildfire_00001069_post_disaster,0,0,tier3\masks\portugal-wildfire_00001069_post_disaster.png,0,0,11,9445,1069,2 +3,1393,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001070_post_disaster.png,portugal-wildfire_00001070_post_disaster,0,0,tier3\masks\portugal-wildfire_00001070_post_disaster.png,0,0,7,6083,1070,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001070_post_disaster.png,pinery-bushfire_00001070_post_disaster,0,0,tier3\masks\pinery-bushfire_00001070_post_disaster.png,0,0,0,0,1070,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001070_post_disaster.png,socal-fire_00001070_post_disaster,0,0,train\masks\socal-fire_00001070_post_disaster.png,0,0,0,0,1070,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001071_post_disaster.png,socal-fire_00001071_post_disaster,0,0,train\masks\socal-fire_00001071_post_disaster.png,0,0,1,241,1071,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001071_post_disaster.png,portugal-wildfire_00001071_post_disaster,0,0,tier3\masks\portugal-wildfire_00001071_post_disaster.png,0,0,32,27504,1071,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001071_post_disaster.png,pinery-bushfire_00001071_post_disaster,0,0,tier3\masks\pinery-bushfire_00001071_post_disaster.png,0,0,0,0,1071,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001072_post_disaster.png,socal-fire_00001072_post_disaster,0,0,train\masks\socal-fire_00001072_post_disaster.png,0,0,98,212629,1072,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001072_post_disaster.png,pinery-bushfire_00001072_post_disaster,0,0,tier3\masks\pinery-bushfire_00001072_post_disaster.png,0,0,0,0,1072,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001072_post_disaster.png,portugal-wildfire_00001072_post_disaster,0,0,tier3\masks\portugal-wildfire_00001072_post_disaster.png,0,0,0,0,1072,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001073_post_disaster.png,pinery-bushfire_00001073_post_disaster,0,0,tier3\masks\pinery-bushfire_00001073_post_disaster.png,0,0,0,0,1073,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001073_post_disaster.png,socal-fire_00001073_post_disaster,0,0,train\masks\socal-fire_00001073_post_disaster.png,0,0,0,0,1073,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001073_post_disaster.png,portugal-wildfire_00001073_post_disaster,0,0,tier3\masks\portugal-wildfire_00001073_post_disaster.png,0,0,119,156932,1073,0 +2,1762,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001074_post_disaster.png,portugal-wildfire_00001074_post_disaster,0,0,tier3\masks\portugal-wildfire_00001074_post_disaster.png,0,0,0,0,1074,1 +1,652,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001074_post_disaster.png,pinery-bushfire_00001074_post_disaster,0,0,tier3\masks\pinery-bushfire_00001074_post_disaster.png,0,0,0,0,1074,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001075_post_disaster.png,pinery-bushfire_00001075_post_disaster,0,0,tier3\masks\pinery-bushfire_00001075_post_disaster.png,0,0,0,0,1075,4 +46,39713,socal-fire,post,train,train\images\socal-fire_00001075_post_disaster.png,socal-fire_00001075_post_disaster,2,2307,train\masks\socal-fire_00001075_post_disaster.png,0,0,8,9208,1075,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001075_post_disaster.png,portugal-wildfire_00001075_post_disaster,0,0,tier3\masks\portugal-wildfire_00001075_post_disaster.png,0,0,36,25057,1075,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001076_post_disaster.png,pinery-bushfire_00001076_post_disaster,0,0,tier3\masks\pinery-bushfire_00001076_post_disaster.png,0,0,0,0,1076,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001076_post_disaster.png,portugal-wildfire_00001076_post_disaster,0,0,tier3\masks\portugal-wildfire_00001076_post_disaster.png,0,0,0,0,1076,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001077_post_disaster.png,pinery-bushfire_00001077_post_disaster,0,0,tier3\masks\pinery-bushfire_00001077_post_disaster.png,0,0,0,0,1077,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001077_post_disaster.png,socal-fire_00001077_post_disaster,0,0,train\masks\socal-fire_00001077_post_disaster.png,0,0,0,0,1077,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001077_post_disaster.png,portugal-wildfire_00001077_post_disaster,0,0,tier3\masks\portugal-wildfire_00001077_post_disaster.png,0,0,0,0,1077,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001078_post_disaster.png,pinery-bushfire_00001078_post_disaster,0,0,tier3\masks\pinery-bushfire_00001078_post_disaster.png,0,0,0,0,1078,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001078_post_disaster.png,portugal-wildfire_00001078_post_disaster,0,0,tier3\masks\portugal-wildfire_00001078_post_disaster.png,0,0,0,0,1078,3 +2,288,socal-fire,post,train,train\images\socal-fire_00001078_post_disaster.png,socal-fire_00001078_post_disaster,0,0,train\masks\socal-fire_00001078_post_disaster.png,0,0,10,4556,1078,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001079_post_disaster.png,socal-fire_00001079_post_disaster,0,0,train\masks\socal-fire_00001079_post_disaster.png,0,0,0,0,1079,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001079_post_disaster.png,pinery-bushfire_00001079_post_disaster,0,0,tier3\masks\pinery-bushfire_00001079_post_disaster.png,0,0,0,0,1079,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001079_post_disaster.png,portugal-wildfire_00001079_post_disaster,1,311,tier3\masks\portugal-wildfire_00001079_post_disaster.png,0,0,13,6929,1079,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001080_post_disaster.png,socal-fire_00001080_post_disaster,0,0,train\masks\socal-fire_00001080_post_disaster.png,0,0,1,811,1080,2 +1,161,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001080_post_disaster.png,portugal-wildfire_00001080_post_disaster,0,0,tier3\masks\portugal-wildfire_00001080_post_disaster.png,0,0,11,4579,1080,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001080_post_disaster.png,pinery-bushfire_00001080_post_disaster,0,0,tier3\masks\pinery-bushfire_00001080_post_disaster.png,0,0,1,1805,1080,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001081_post_disaster.png,socal-fire_00001081_post_disaster,0,0,train\masks\socal-fire_00001081_post_disaster.png,0,0,16,35889,1081,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001081_post_disaster.png,pinery-bushfire_00001081_post_disaster,0,0,tier3\masks\pinery-bushfire_00001081_post_disaster.png,0,0,0,0,1081,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001081_post_disaster.png,portugal-wildfire_00001081_post_disaster,0,0,tier3\masks\portugal-wildfire_00001081_post_disaster.png,0,0,14,8791,1081,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001082_post_disaster.png,pinery-bushfire_00001082_post_disaster,0,0,tier3\masks\pinery-bushfire_00001082_post_disaster.png,0,0,0,0,1082,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001082_post_disaster.png,socal-fire_00001082_post_disaster,0,0,train\masks\socal-fire_00001082_post_disaster.png,0,0,0,0,1082,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001082_post_disaster.png,portugal-wildfire_00001082_post_disaster,0,0,tier3\masks\portugal-wildfire_00001082_post_disaster.png,0,0,0,0,1082,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001083_post_disaster.png,socal-fire_00001083_post_disaster,0,0,train\masks\socal-fire_00001083_post_disaster.png,0,0,0,0,1083,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001083_post_disaster.png,portugal-wildfire_00001083_post_disaster,0,0,tier3\masks\portugal-wildfire_00001083_post_disaster.png,0,0,20,20364,1083,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001083_post_disaster.png,pinery-bushfire_00001083_post_disaster,0,0,tier3\masks\pinery-bushfire_00001083_post_disaster.png,0,0,0,0,1083,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001084_post_disaster.png,portugal-wildfire_00001084_post_disaster,0,0,tier3\masks\portugal-wildfire_00001084_post_disaster.png,0,0,2,1391,1084,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001084_post_disaster.png,pinery-bushfire_00001084_post_disaster,0,0,tier3\masks\pinery-bushfire_00001084_post_disaster.png,0,0,0,0,1084,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001085_post_disaster.png,portugal-wildfire_00001085_post_disaster,0,0,tier3\masks\portugal-wildfire_00001085_post_disaster.png,0,0,3,1864,1085,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001085_post_disaster.png,pinery-bushfire_00001085_post_disaster,0,0,tier3\masks\pinery-bushfire_00001085_post_disaster.png,0,0,1,12928,1085,3 +4,3101,socal-fire,post,train,train\images\socal-fire_00001085_post_disaster.png,socal-fire_00001085_post_disaster,0,0,train\masks\socal-fire_00001085_post_disaster.png,0,0,9,5863,1085,3 +5,2932,socal-fire,post,train,train\images\socal-fire_00001086_post_disaster.png,socal-fire_00001086_post_disaster,0,0,train\masks\socal-fire_00001086_post_disaster.png,0,0,1,480,1086,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001086_post_disaster.png,portugal-wildfire_00001086_post_disaster,0,0,tier3\masks\portugal-wildfire_00001086_post_disaster.png,0,0,0,0,1086,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001086_post_disaster.png,pinery-bushfire_00001086_post_disaster,0,0,tier3\masks\pinery-bushfire_00001086_post_disaster.png,0,0,0,0,1086,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001087_post_disaster.png,portugal-wildfire_00001087_post_disaster,0,0,tier3\masks\portugal-wildfire_00001087_post_disaster.png,0,0,22,14394,1087,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001087_post_disaster.png,pinery-bushfire_00001087_post_disaster,0,0,tier3\masks\pinery-bushfire_00001087_post_disaster.png,0,0,1,107,1087,1 +9,11881,socal-fire,post,train,train\images\socal-fire_00001088_post_disaster.png,socal-fire_00001088_post_disaster,0,0,train\masks\socal-fire_00001088_post_disaster.png,0,0,32,25354,1088,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001088_post_disaster.png,pinery-bushfire_00001088_post_disaster,0,0,tier3\masks\pinery-bushfire_00001088_post_disaster.png,0,0,0,0,1088,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001088_post_disaster.png,portugal-wildfire_00001088_post_disaster,0,0,tier3\masks\portugal-wildfire_00001088_post_disaster.png,0,0,0,0,1088,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001089_post_disaster.png,portugal-wildfire_00001089_post_disaster,0,0,tier3\masks\portugal-wildfire_00001089_post_disaster.png,0,0,37,26862,1089,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001089_post_disaster.png,socal-fire_00001089_post_disaster,0,0,train\masks\socal-fire_00001089_post_disaster.png,0,0,0,0,1089,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001089_post_disaster.png,pinery-bushfire_00001089_post_disaster,0,0,tier3\masks\pinery-bushfire_00001089_post_disaster.png,0,0,0,0,1089,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001090_post_disaster.png,pinery-bushfire_00001090_post_disaster,0,0,tier3\masks\pinery-bushfire_00001090_post_disaster.png,0,0,7,4672,1090,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001090_post_disaster.png,portugal-wildfire_00001090_post_disaster,0,0,tier3\masks\portugal-wildfire_00001090_post_disaster.png,0,0,0,0,1090,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001091_post_disaster.png,pinery-bushfire_00001091_post_disaster,0,0,tier3\masks\pinery-bushfire_00001091_post_disaster.png,0,0,1,141,1091,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001091_post_disaster.png,portugal-wildfire_00001091_post_disaster,0,0,tier3\masks\portugal-wildfire_00001091_post_disaster.png,0,0,0,0,1091,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001092_post_disaster.png,portugal-wildfire_00001092_post_disaster,0,0,tier3\masks\portugal-wildfire_00001092_post_disaster.png,0,0,0,0,1092,3 +1,655,socal-fire,post,train,train\images\socal-fire_00001092_post_disaster.png,socal-fire_00001092_post_disaster,0,0,train\masks\socal-fire_00001092_post_disaster.png,0,0,52,54973,1092,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001092_post_disaster.png,pinery-bushfire_00001092_post_disaster,0,0,tier3\masks\pinery-bushfire_00001092_post_disaster.png,0,0,0,0,1092,4 +2,1242,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001093_post_disaster.png,portugal-wildfire_00001093_post_disaster,0,0,tier3\masks\portugal-wildfire_00001093_post_disaster.png,0,0,116,136214,1093,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001093_post_disaster.png,socal-fire_00001093_post_disaster,0,0,train\masks\socal-fire_00001093_post_disaster.png,0,0,57,79355,1093,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001093_post_disaster.png,pinery-bushfire_00001093_post_disaster,0,0,tier3\masks\pinery-bushfire_00001093_post_disaster.png,0,0,0,0,1093,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001094_post_disaster.png,pinery-bushfire_00001094_post_disaster,0,0,tier3\masks\pinery-bushfire_00001094_post_disaster.png,0,0,0,0,1094,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001094_post_disaster.png,portugal-wildfire_00001094_post_disaster,0,0,tier3\masks\portugal-wildfire_00001094_post_disaster.png,0,0,0,0,1094,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001095_post_disaster.png,portugal-wildfire_00001095_post_disaster,0,0,tier3\masks\portugal-wildfire_00001095_post_disaster.png,0,0,0,0,1095,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001095_post_disaster.png,pinery-bushfire_00001095_post_disaster,0,0,tier3\masks\pinery-bushfire_00001095_post_disaster.png,0,0,0,0,1095,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001096_post_disaster.png,portugal-wildfire_00001096_post_disaster,0,0,tier3\masks\portugal-wildfire_00001096_post_disaster.png,0,0,0,0,1096,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001096_post_disaster.png,pinery-bushfire_00001096_post_disaster,0,0,tier3\masks\pinery-bushfire_00001096_post_disaster.png,0,0,0,0,1096,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001097_post_disaster.png,pinery-bushfire_00001097_post_disaster,0,0,tier3\masks\pinery-bushfire_00001097_post_disaster.png,0,0,7,5198,1097,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001097_post_disaster.png,portugal-wildfire_00001097_post_disaster,0,0,tier3\masks\portugal-wildfire_00001097_post_disaster.png,0,0,0,0,1097,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001098_post_disaster.png,pinery-bushfire_00001098_post_disaster,0,0,tier3\masks\pinery-bushfire_00001098_post_disaster.png,0,0,21,24942,1098,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001098_post_disaster.png,portugal-wildfire_00001098_post_disaster,0,0,tier3\masks\portugal-wildfire_00001098_post_disaster.png,0,0,92,70981,1098,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001099_post_disaster.png,portugal-wildfire_00001099_post_disaster,0,0,tier3\masks\portugal-wildfire_00001099_post_disaster.png,0,0,0,0,1099,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001099_post_disaster.png,pinery-bushfire_00001099_post_disaster,0,0,tier3\masks\pinery-bushfire_00001099_post_disaster.png,0,0,0,0,1099,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001100_post_disaster.png,portugal-wildfire_00001100_post_disaster,0,0,tier3\masks\portugal-wildfire_00001100_post_disaster.png,0,0,11,24805,1100,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001100_post_disaster.png,pinery-bushfire_00001100_post_disaster,0,0,tier3\masks\pinery-bushfire_00001100_post_disaster.png,0,0,0,0,1100,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001101_post_disaster.png,portugal-wildfire_00001101_post_disaster,0,0,tier3\masks\portugal-wildfire_00001101_post_disaster.png,0,0,4,1249,1101,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001101_post_disaster.png,pinery-bushfire_00001101_post_disaster,0,0,tier3\masks\pinery-bushfire_00001101_post_disaster.png,0,0,1,104,1101,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001101_post_disaster.png,socal-fire_00001101_post_disaster,0,0,train\masks\socal-fire_00001101_post_disaster.png,0,0,0,0,1101,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001102_post_disaster.png,socal-fire_00001102_post_disaster,0,0,train\masks\socal-fire_00001102_post_disaster.png,0,0,0,0,1102,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001102_post_disaster.png,pinery-bushfire_00001102_post_disaster,0,0,tier3\masks\pinery-bushfire_00001102_post_disaster.png,0,0,1,125,1102,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001102_post_disaster.png,portugal-wildfire_00001102_post_disaster,0,0,tier3\masks\portugal-wildfire_00001102_post_disaster.png,0,0,28,16473,1102,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001103_post_disaster.png,portugal-wildfire_00001103_post_disaster,0,0,tier3\masks\portugal-wildfire_00001103_post_disaster.png,0,0,20,12982,1103,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001103_post_disaster.png,socal-fire_00001103_post_disaster,0,0,train\masks\socal-fire_00001103_post_disaster.png,0,0,0,0,1103,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001103_post_disaster.png,pinery-bushfire_00001103_post_disaster,0,0,tier3\masks\pinery-bushfire_00001103_post_disaster.png,0,0,0,0,1103,2 +5,4531,socal-fire,post,train,train\images\socal-fire_00001104_post_disaster.png,socal-fire_00001104_post_disaster,0,0,train\masks\socal-fire_00001104_post_disaster.png,2,3542,20,14116,1104,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001104_post_disaster.png,portugal-wildfire_00001104_post_disaster,0,0,tier3\masks\portugal-wildfire_00001104_post_disaster.png,0,0,1,77,1104,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001104_post_disaster.png,pinery-bushfire_00001104_post_disaster,0,0,tier3\masks\pinery-bushfire_00001104_post_disaster.png,0,0,0,0,1104,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001105_post_disaster.png,socal-fire_00001105_post_disaster,1,3111,train\masks\socal-fire_00001105_post_disaster.png,1,2984,13,22613,1105,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001105_post_disaster.png,pinery-bushfire_00001105_post_disaster,0,0,tier3\masks\pinery-bushfire_00001105_post_disaster.png,0,0,0,0,1105,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001105_post_disaster.png,portugal-wildfire_00001105_post_disaster,0,0,tier3\masks\portugal-wildfire_00001105_post_disaster.png,0,0,0,0,1105,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001106_post_disaster.png,pinery-bushfire_00001106_post_disaster,0,0,tier3\masks\pinery-bushfire_00001106_post_disaster.png,0,0,0,0,1106,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001106_post_disaster.png,socal-fire_00001106_post_disaster,0,0,train\masks\socal-fire_00001106_post_disaster.png,0,0,0,0,1106,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001106_post_disaster.png,portugal-wildfire_00001106_post_disaster,0,0,tier3\masks\portugal-wildfire_00001106_post_disaster.png,0,0,0,0,1106,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001107_post_disaster.png,socal-fire_00001107_post_disaster,0,0,train\masks\socal-fire_00001107_post_disaster.png,0,0,0,0,1107,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001107_post_disaster.png,portugal-wildfire_00001107_post_disaster,0,0,tier3\masks\portugal-wildfire_00001107_post_disaster.png,0,0,0,0,1107,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001107_post_disaster.png,pinery-bushfire_00001107_post_disaster,0,0,tier3\masks\pinery-bushfire_00001107_post_disaster.png,0,0,12,3780,1107,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001108_post_disaster.png,socal-fire_00001108_post_disaster,0,0,train\masks\socal-fire_00001108_post_disaster.png,0,0,0,0,1108,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001108_post_disaster.png,portugal-wildfire_00001108_post_disaster,0,0,tier3\masks\portugal-wildfire_00001108_post_disaster.png,0,0,0,0,1108,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001108_post_disaster.png,pinery-bushfire_00001108_post_disaster,0,0,tier3\masks\pinery-bushfire_00001108_post_disaster.png,0,0,0,0,1108,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001109_post_disaster.png,portugal-wildfire_00001109_post_disaster,0,0,tier3\masks\portugal-wildfire_00001109_post_disaster.png,0,0,0,0,1109,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001109_post_disaster.png,pinery-bushfire_00001109_post_disaster,0,0,tier3\masks\pinery-bushfire_00001109_post_disaster.png,0,0,0,0,1109,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001110_post_disaster.png,socal-fire_00001110_post_disaster,0,0,train\masks\socal-fire_00001110_post_disaster.png,0,0,0,0,1110,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001110_post_disaster.png,portugal-wildfire_00001110_post_disaster,1,330,tier3\masks\portugal-wildfire_00001110_post_disaster.png,0,0,8,4384,1110,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001110_post_disaster.png,pinery-bushfire_00001110_post_disaster,0,0,tier3\masks\pinery-bushfire_00001110_post_disaster.png,0,0,0,0,1110,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001111_post_disaster.png,pinery-bushfire_00001111_post_disaster,0,0,tier3\masks\pinery-bushfire_00001111_post_disaster.png,0,0,0,0,1111,4 +8,5785,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001111_post_disaster.png,portugal-wildfire_00001111_post_disaster,0,0,tier3\masks\portugal-wildfire_00001111_post_disaster.png,2,3817,11,6863,1111,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001112_post_disaster.png,socal-fire_00001112_post_disaster,0,0,train\masks\socal-fire_00001112_post_disaster.png,0,0,0,0,1112,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001112_post_disaster.png,pinery-bushfire_00001112_post_disaster,0,0,tier3\masks\pinery-bushfire_00001112_post_disaster.png,0,0,0,0,1112,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001112_post_disaster.png,portugal-wildfire_00001112_post_disaster,0,0,tier3\masks\portugal-wildfire_00001112_post_disaster.png,0,0,1,144,1112,3 +1,213,socal-fire,post,train,train\images\socal-fire_00001113_post_disaster.png,socal-fire_00001113_post_disaster,0,0,train\masks\socal-fire_00001113_post_disaster.png,0,0,0,0,1113,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001113_post_disaster.png,portugal-wildfire_00001113_post_disaster,0,0,tier3\masks\portugal-wildfire_00001113_post_disaster.png,0,0,0,0,1113,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001113_post_disaster.png,pinery-bushfire_00001113_post_disaster,0,0,tier3\masks\pinery-bushfire_00001113_post_disaster.png,0,0,0,0,1113,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001114_post_disaster.png,portugal-wildfire_00001114_post_disaster,0,0,tier3\masks\portugal-wildfire_00001114_post_disaster.png,0,0,0,0,1114,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001114_post_disaster.png,pinery-bushfire_00001114_post_disaster,0,0,tier3\masks\pinery-bushfire_00001114_post_disaster.png,0,0,0,0,1114,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001115_post_disaster.png,pinery-bushfire_00001115_post_disaster,0,0,tier3\masks\pinery-bushfire_00001115_post_disaster.png,0,0,5,2558,1115,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001115_post_disaster.png,portugal-wildfire_00001115_post_disaster,0,0,tier3\masks\portugal-wildfire_00001115_post_disaster.png,0,0,0,0,1115,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001115_post_disaster.png,socal-fire_00001115_post_disaster,0,0,train\masks\socal-fire_00001115_post_disaster.png,0,0,0,0,1115,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001116_post_disaster.png,portugal-wildfire_00001116_post_disaster,0,0,tier3\masks\portugal-wildfire_00001116_post_disaster.png,0,0,0,0,1116,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001116_post_disaster.png,socal-fire_00001116_post_disaster,0,0,train\masks\socal-fire_00001116_post_disaster.png,0,0,0,0,1116,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001116_post_disaster.png,pinery-bushfire_00001116_post_disaster,0,0,tier3\masks\pinery-bushfire_00001116_post_disaster.png,0,0,0,0,1116,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001117_post_disaster.png,portugal-wildfire_00001117_post_disaster,0,0,tier3\masks\portugal-wildfire_00001117_post_disaster.png,0,0,0,0,1117,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001117_post_disaster.png,pinery-bushfire_00001117_post_disaster,0,0,tier3\masks\pinery-bushfire_00001117_post_disaster.png,0,0,0,0,1117,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001117_post_disaster.png,socal-fire_00001117_post_disaster,0,0,train\masks\socal-fire_00001117_post_disaster.png,0,0,0,0,1117,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001118_post_disaster.png,portugal-wildfire_00001118_post_disaster,0,0,tier3\masks\portugal-wildfire_00001118_post_disaster.png,0,0,44,41260,1118,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001118_post_disaster.png,pinery-bushfire_00001118_post_disaster,0,0,tier3\masks\pinery-bushfire_00001118_post_disaster.png,0,0,0,0,1118,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001118_post_disaster.png,socal-fire_00001118_post_disaster,0,0,train\masks\socal-fire_00001118_post_disaster.png,0,0,1,297,1118,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001119_post_disaster.png,portugal-wildfire_00001119_post_disaster,0,0,tier3\masks\portugal-wildfire_00001119_post_disaster.png,0,0,6,3902,1119,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001119_post_disaster.png,pinery-bushfire_00001119_post_disaster,0,0,tier3\masks\pinery-bushfire_00001119_post_disaster.png,0,0,0,0,1119,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001120_post_disaster.png,portugal-wildfire_00001120_post_disaster,0,0,tier3\masks\portugal-wildfire_00001120_post_disaster.png,0,0,0,0,1120,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001120_post_disaster.png,pinery-bushfire_00001120_post_disaster,0,0,tier3\masks\pinery-bushfire_00001120_post_disaster.png,0,0,0,0,1120,0 +2,896,socal-fire,post,train,train\images\socal-fire_00001120_post_disaster.png,socal-fire_00001120_post_disaster,0,0,train\masks\socal-fire_00001120_post_disaster.png,0,0,0,0,1120,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001121_post_disaster.png,portugal-wildfire_00001121_post_disaster,0,0,tier3\masks\portugal-wildfire_00001121_post_disaster.png,0,0,0,0,1121,0 +1,433,socal-fire,post,train,train\images\socal-fire_00001121_post_disaster.png,socal-fire_00001121_post_disaster,0,0,train\masks\socal-fire_00001121_post_disaster.png,0,0,11,17467,1121,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001121_post_disaster.png,pinery-bushfire_00001121_post_disaster,0,0,tier3\masks\pinery-bushfire_00001121_post_disaster.png,0,0,0,0,1121,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001122_post_disaster.png,socal-fire_00001122_post_disaster,0,0,train\masks\socal-fire_00001122_post_disaster.png,0,0,0,0,1122,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001122_post_disaster.png,portugal-wildfire_00001122_post_disaster,1,868,tier3\masks\portugal-wildfire_00001122_post_disaster.png,0,0,16,12822,1122,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001122_post_disaster.png,pinery-bushfire_00001122_post_disaster,1,2398,tier3\masks\pinery-bushfire_00001122_post_disaster.png,0,0,26,19060,1122,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001123_post_disaster.png,portugal-wildfire_00001123_post_disaster,0,0,tier3\masks\portugal-wildfire_00001123_post_disaster.png,0,0,3,4146,1123,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001123_post_disaster.png,socal-fire_00001123_post_disaster,0,0,train\masks\socal-fire_00001123_post_disaster.png,0,0,0,0,1123,4 +2,3202,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001123_post_disaster.png,pinery-bushfire_00001123_post_disaster,0,0,tier3\masks\pinery-bushfire_00001123_post_disaster.png,0,0,0,0,1123,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001124_post_disaster.png,socal-fire_00001124_post_disaster,0,0,train\masks\socal-fire_00001124_post_disaster.png,0,0,1,1415,1124,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001124_post_disaster.png,pinery-bushfire_00001124_post_disaster,0,0,tier3\masks\pinery-bushfire_00001124_post_disaster.png,0,0,0,0,1124,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001124_post_disaster.png,portugal-wildfire_00001124_post_disaster,0,0,tier3\masks\portugal-wildfire_00001124_post_disaster.png,0,0,2,2104,1124,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001125_post_disaster.png,pinery-bushfire_00001125_post_disaster,0,0,tier3\masks\pinery-bushfire_00001125_post_disaster.png,0,0,0,0,1125,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001125_post_disaster.png,socal-fire_00001125_post_disaster,0,0,train\masks\socal-fire_00001125_post_disaster.png,0,0,10,56583,1125,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001125_post_disaster.png,portugal-wildfire_00001125_post_disaster,0,0,tier3\masks\portugal-wildfire_00001125_post_disaster.png,0,0,0,0,1125,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001126_post_disaster.png,pinery-bushfire_00001126_post_disaster,0,0,tier3\masks\pinery-bushfire_00001126_post_disaster.png,0,0,0,0,1126,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001126_post_disaster.png,portugal-wildfire_00001126_post_disaster,0,0,tier3\masks\portugal-wildfire_00001126_post_disaster.png,0,0,38,24878,1126,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001127_post_disaster.png,pinery-bushfire_00001127_post_disaster,0,0,tier3\masks\pinery-bushfire_00001127_post_disaster.png,0,0,0,0,1127,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001127_post_disaster.png,portugal-wildfire_00001127_post_disaster,0,0,tier3\masks\portugal-wildfire_00001127_post_disaster.png,0,0,0,0,1127,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001127_post_disaster.png,socal-fire_00001127_post_disaster,0,0,train\masks\socal-fire_00001127_post_disaster.png,0,0,18,18099,1127,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001128_post_disaster.png,portugal-wildfire_00001128_post_disaster,0,0,tier3\masks\portugal-wildfire_00001128_post_disaster.png,0,0,0,0,1128,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001128_post_disaster.png,pinery-bushfire_00001128_post_disaster,0,0,tier3\masks\pinery-bushfire_00001128_post_disaster.png,0,0,0,0,1128,3 +1,1118,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001129_post_disaster.png,pinery-bushfire_00001129_post_disaster,1,1071,tier3\masks\pinery-bushfire_00001129_post_disaster.png,0,0,7,5554,1129,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001129_post_disaster.png,socal-fire_00001129_post_disaster,0,0,train\masks\socal-fire_00001129_post_disaster.png,0,0,0,0,1129,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001129_post_disaster.png,portugal-wildfire_00001129_post_disaster,0,0,tier3\masks\portugal-wildfire_00001129_post_disaster.png,0,0,1,286,1129,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001130_post_disaster.png,portugal-wildfire_00001130_post_disaster,0,0,tier3\masks\portugal-wildfire_00001130_post_disaster.png,0,0,31,19283,1130,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001130_post_disaster.png,pinery-bushfire_00001130_post_disaster,0,0,tier3\masks\pinery-bushfire_00001130_post_disaster.png,0,0,0,0,1130,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001130_post_disaster.png,socal-fire_00001130_post_disaster,0,0,train\masks\socal-fire_00001130_post_disaster.png,0,0,0,0,1130,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001131_post_disaster.png,portugal-wildfire_00001131_post_disaster,0,0,tier3\masks\portugal-wildfire_00001131_post_disaster.png,0,0,0,0,1131,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001131_post_disaster.png,pinery-bushfire_00001131_post_disaster,0,0,tier3\masks\pinery-bushfire_00001131_post_disaster.png,0,0,0,0,1131,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001132_post_disaster.png,portugal-wildfire_00001132_post_disaster,0,0,tier3\masks\portugal-wildfire_00001132_post_disaster.png,0,0,6,6982,1132,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001132_post_disaster.png,pinery-bushfire_00001132_post_disaster,0,0,tier3\masks\pinery-bushfire_00001132_post_disaster.png,0,0,2,1563,1132,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001133_post_disaster.png,portugal-wildfire_00001133_post_disaster,0,0,tier3\masks\portugal-wildfire_00001133_post_disaster.png,0,0,7,4470,1133,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001133_post_disaster.png,socal-fire_00001133_post_disaster,0,0,train\masks\socal-fire_00001133_post_disaster.png,0,0,1,2552,1133,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001133_post_disaster.png,pinery-bushfire_00001133_post_disaster,0,0,tier3\masks\pinery-bushfire_00001133_post_disaster.png,0,0,0,0,1133,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001134_post_disaster.png,pinery-bushfire_00001134_post_disaster,0,0,tier3\masks\pinery-bushfire_00001134_post_disaster.png,0,0,2,2716,1134,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001134_post_disaster.png,socal-fire_00001134_post_disaster,0,0,train\masks\socal-fire_00001134_post_disaster.png,0,0,20,36588,1134,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001134_post_disaster.png,portugal-wildfire_00001134_post_disaster,0,0,tier3\masks\portugal-wildfire_00001134_post_disaster.png,0,0,0,0,1134,4 +15,5087,socal-fire,post,train,train\images\socal-fire_00001135_post_disaster.png,socal-fire_00001135_post_disaster,0,0,train\masks\socal-fire_00001135_post_disaster.png,0,0,3,1760,1135,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001135_post_disaster.png,pinery-bushfire_00001135_post_disaster,0,0,tier3\masks\pinery-bushfire_00001135_post_disaster.png,0,0,2,956,1135,4 +2,894,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001135_post_disaster.png,portugal-wildfire_00001135_post_disaster,0,0,tier3\masks\portugal-wildfire_00001135_post_disaster.png,1,266,6,3882,1135,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001136_post_disaster.png,portugal-wildfire_00001136_post_disaster,0,0,tier3\masks\portugal-wildfire_00001136_post_disaster.png,0,0,22,21112,1136,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001136_post_disaster.png,pinery-bushfire_00001136_post_disaster,0,0,tier3\masks\pinery-bushfire_00001136_post_disaster.png,0,0,0,0,1136,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001136_post_disaster.png,socal-fire_00001136_post_disaster,0,0,train\masks\socal-fire_00001136_post_disaster.png,0,0,0,0,1136,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001137_post_disaster.png,portugal-wildfire_00001137_post_disaster,0,0,tier3\masks\portugal-wildfire_00001137_post_disaster.png,0,0,0,0,1137,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001137_post_disaster.png,pinery-bushfire_00001137_post_disaster,0,0,tier3\masks\pinery-bushfire_00001137_post_disaster.png,0,0,0,0,1137,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001138_post_disaster.png,pinery-bushfire_00001138_post_disaster,0,0,tier3\masks\pinery-bushfire_00001138_post_disaster.png,0,0,0,0,1138,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001138_post_disaster.png,portugal-wildfire_00001138_post_disaster,0,0,tier3\masks\portugal-wildfire_00001138_post_disaster.png,0,0,0,0,1138,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001139_post_disaster.png,pinery-bushfire_00001139_post_disaster,0,0,tier3\masks\pinery-bushfire_00001139_post_disaster.png,0,0,0,0,1139,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001139_post_disaster.png,portugal-wildfire_00001139_post_disaster,0,0,tier3\masks\portugal-wildfire_00001139_post_disaster.png,0,0,7,3606,1139,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001140_post_disaster.png,portugal-wildfire_00001140_post_disaster,0,0,tier3\masks\portugal-wildfire_00001140_post_disaster.png,0,0,0,0,1140,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001140_post_disaster.png,pinery-bushfire_00001140_post_disaster,0,0,tier3\masks\pinery-bushfire_00001140_post_disaster.png,0,0,1,102,1140,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001140_post_disaster.png,socal-fire_00001140_post_disaster,0,0,train\masks\socal-fire_00001140_post_disaster.png,0,0,0,0,1140,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001141_post_disaster.png,portugal-wildfire_00001141_post_disaster,0,0,tier3\masks\portugal-wildfire_00001141_post_disaster.png,0,0,36,32194,1141,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001141_post_disaster.png,pinery-bushfire_00001141_post_disaster,0,0,tier3\masks\pinery-bushfire_00001141_post_disaster.png,0,0,0,0,1141,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001142_post_disaster.png,pinery-bushfire_00001142_post_disaster,0,0,tier3\masks\pinery-bushfire_00001142_post_disaster.png,0,0,0,0,1142,2 +1,208,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001142_post_disaster.png,portugal-wildfire_00001142_post_disaster,0,0,tier3\masks\portugal-wildfire_00001142_post_disaster.png,0,0,19,11567,1142,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001142_post_disaster.png,socal-fire_00001142_post_disaster,0,0,train\masks\socal-fire_00001142_post_disaster.png,0,0,0,0,1142,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001143_post_disaster.png,pinery-bushfire_00001143_post_disaster,0,0,tier3\masks\pinery-bushfire_00001143_post_disaster.png,0,0,7,10395,1143,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001143_post_disaster.png,socal-fire_00001143_post_disaster,0,0,train\masks\socal-fire_00001143_post_disaster.png,0,0,1,1942,1143,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001143_post_disaster.png,portugal-wildfire_00001143_post_disaster,0,0,tier3\masks\portugal-wildfire_00001143_post_disaster.png,0,0,0,0,1143,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001144_post_disaster.png,portugal-wildfire_00001144_post_disaster,0,0,tier3\masks\portugal-wildfire_00001144_post_disaster.png,0,0,0,0,1144,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001144_post_disaster.png,pinery-bushfire_00001144_post_disaster,0,0,tier3\masks\pinery-bushfire_00001144_post_disaster.png,0,0,0,0,1144,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001145_post_disaster.png,pinery-bushfire_00001145_post_disaster,0,0,tier3\masks\pinery-bushfire_00001145_post_disaster.png,0,0,0,0,1145,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001145_post_disaster.png,portugal-wildfire_00001145_post_disaster,0,0,tier3\masks\portugal-wildfire_00001145_post_disaster.png,0,0,0,0,1145,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001146_post_disaster.png,socal-fire_00001146_post_disaster,0,0,train\masks\socal-fire_00001146_post_disaster.png,0,0,0,0,1146,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001146_post_disaster.png,pinery-bushfire_00001146_post_disaster,0,0,tier3\masks\pinery-bushfire_00001146_post_disaster.png,0,0,11,6409,1146,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001146_post_disaster.png,portugal-wildfire_00001146_post_disaster,0,0,tier3\masks\portugal-wildfire_00001146_post_disaster.png,0,0,1,108,1146,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001147_post_disaster.png,pinery-bushfire_00001147_post_disaster,0,0,tier3\masks\pinery-bushfire_00001147_post_disaster.png,0,0,0,0,1147,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001147_post_disaster.png,portugal-wildfire_00001147_post_disaster,0,0,tier3\masks\portugal-wildfire_00001147_post_disaster.png,0,0,0,0,1147,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001148_post_disaster.png,pinery-bushfire_00001148_post_disaster,0,0,tier3\masks\pinery-bushfire_00001148_post_disaster.png,0,0,0,0,1148,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001148_post_disaster.png,portugal-wildfire_00001148_post_disaster,0,0,tier3\masks\portugal-wildfire_00001148_post_disaster.png,0,0,0,0,1148,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001149_post_disaster.png,portugal-wildfire_00001149_post_disaster,0,0,tier3\masks\portugal-wildfire_00001149_post_disaster.png,0,0,45,34222,1149,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001149_post_disaster.png,socal-fire_00001149_post_disaster,0,0,train\masks\socal-fire_00001149_post_disaster.png,0,0,0,0,1149,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001149_post_disaster.png,pinery-bushfire_00001149_post_disaster,0,0,tier3\masks\pinery-bushfire_00001149_post_disaster.png,0,0,0,0,1149,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001150_post_disaster.png,portugal-wildfire_00001150_post_disaster,0,0,tier3\masks\portugal-wildfire_00001150_post_disaster.png,0,0,0,0,1150,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001150_post_disaster.png,socal-fire_00001150_post_disaster,0,0,train\masks\socal-fire_00001150_post_disaster.png,0,0,0,0,1150,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001150_post_disaster.png,pinery-bushfire_00001150_post_disaster,0,0,tier3\masks\pinery-bushfire_00001150_post_disaster.png,0,0,0,0,1150,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001151_post_disaster.png,portugal-wildfire_00001151_post_disaster,0,0,tier3\masks\portugal-wildfire_00001151_post_disaster.png,1,189,10,4664,1151,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001151_post_disaster.png,pinery-bushfire_00001151_post_disaster,0,0,tier3\masks\pinery-bushfire_00001151_post_disaster.png,0,0,0,0,1151,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001152_post_disaster.png,pinery-bushfire_00001152_post_disaster,0,0,tier3\masks\pinery-bushfire_00001152_post_disaster.png,0,0,0,0,1152,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001152_post_disaster.png,socal-fire_00001152_post_disaster,0,0,train\masks\socal-fire_00001152_post_disaster.png,0,0,13,7156,1152,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001152_post_disaster.png,portugal-wildfire_00001152_post_disaster,0,0,tier3\masks\portugal-wildfire_00001152_post_disaster.png,0,0,0,0,1152,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001153_post_disaster.png,portugal-wildfire_00001153_post_disaster,0,0,tier3\masks\portugal-wildfire_00001153_post_disaster.png,0,0,46,54899,1153,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001153_post_disaster.png,pinery-bushfire_00001153_post_disaster,0,0,tier3\masks\pinery-bushfire_00001153_post_disaster.png,0,0,0,0,1153,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001154_post_disaster.png,portugal-wildfire_00001154_post_disaster,0,0,tier3\masks\portugal-wildfire_00001154_post_disaster.png,0,0,0,0,1154,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001154_post_disaster.png,socal-fire_00001154_post_disaster,0,0,train\masks\socal-fire_00001154_post_disaster.png,0,0,0,0,1154,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001154_post_disaster.png,pinery-bushfire_00001154_post_disaster,0,0,tier3\masks\pinery-bushfire_00001154_post_disaster.png,0,0,0,0,1154,2 +2,217,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001155_post_disaster.png,pinery-bushfire_00001155_post_disaster,0,0,tier3\masks\pinery-bushfire_00001155_post_disaster.png,0,0,2,602,1155,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001155_post_disaster.png,portugal-wildfire_00001155_post_disaster,0,0,tier3\masks\portugal-wildfire_00001155_post_disaster.png,0,0,0,0,1155,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001156_post_disaster.png,pinery-bushfire_00001156_post_disaster,0,0,tier3\masks\pinery-bushfire_00001156_post_disaster.png,0,0,0,0,1156,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001156_post_disaster.png,socal-fire_00001156_post_disaster,0,0,train\masks\socal-fire_00001156_post_disaster.png,0,0,0,0,1156,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001156_post_disaster.png,portugal-wildfire_00001156_post_disaster,0,0,tier3\masks\portugal-wildfire_00001156_post_disaster.png,0,0,0,0,1156,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001157_post_disaster.png,portugal-wildfire_00001157_post_disaster,0,0,tier3\masks\portugal-wildfire_00001157_post_disaster.png,0,0,31,20550,1157,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001157_post_disaster.png,pinery-bushfire_00001157_post_disaster,0,0,tier3\masks\pinery-bushfire_00001157_post_disaster.png,0,0,0,0,1157,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001158_post_disaster.png,portugal-wildfire_00001158_post_disaster,0,0,tier3\masks\portugal-wildfire_00001158_post_disaster.png,0,0,0,0,1158,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001158_post_disaster.png,pinery-bushfire_00001158_post_disaster,0,0,tier3\masks\pinery-bushfire_00001158_post_disaster.png,0,0,0,0,1158,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001158_post_disaster.png,socal-fire_00001158_post_disaster,0,0,train\masks\socal-fire_00001158_post_disaster.png,0,0,0,0,1158,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001159_post_disaster.png,pinery-bushfire_00001159_post_disaster,0,0,tier3\masks\pinery-bushfire_00001159_post_disaster.png,0,0,0,0,1159,4 +1,3455,socal-fire,post,train,train\images\socal-fire_00001159_post_disaster.png,socal-fire_00001159_post_disaster,0,0,train\masks\socal-fire_00001159_post_disaster.png,0,0,16,26954,1159,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001159_post_disaster.png,portugal-wildfire_00001159_post_disaster,0,0,tier3\masks\portugal-wildfire_00001159_post_disaster.png,0,0,0,0,1159,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001160_post_disaster.png,pinery-bushfire_00001160_post_disaster,0,0,tier3\masks\pinery-bushfire_00001160_post_disaster.png,0,0,0,0,1160,3 +1,494,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001160_post_disaster.png,portugal-wildfire_00001160_post_disaster,0,0,tier3\masks\portugal-wildfire_00001160_post_disaster.png,0,0,0,0,1160,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001161_post_disaster.png,pinery-bushfire_00001161_post_disaster,0,0,tier3\masks\pinery-bushfire_00001161_post_disaster.png,0,0,23,11059,1161,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001161_post_disaster.png,portugal-wildfire_00001161_post_disaster,0,0,tier3\masks\portugal-wildfire_00001161_post_disaster.png,0,0,0,0,1161,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001162_post_disaster.png,socal-fire_00001162_post_disaster,0,0,train\masks\socal-fire_00001162_post_disaster.png,0,0,11,8600,1162,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001162_post_disaster.png,portugal-wildfire_00001162_post_disaster,0,0,tier3\masks\portugal-wildfire_00001162_post_disaster.png,0,0,0,0,1162,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001162_post_disaster.png,pinery-bushfire_00001162_post_disaster,0,0,tier3\masks\pinery-bushfire_00001162_post_disaster.png,0,0,0,0,1162,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001163_post_disaster.png,pinery-bushfire_00001163_post_disaster,0,0,tier3\masks\pinery-bushfire_00001163_post_disaster.png,0,0,0,0,1163,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001163_post_disaster.png,portugal-wildfire_00001163_post_disaster,0,0,tier3\masks\portugal-wildfire_00001163_post_disaster.png,0,0,0,0,1163,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001164_post_disaster.png,pinery-bushfire_00001164_post_disaster,0,0,tier3\masks\pinery-bushfire_00001164_post_disaster.png,0,0,0,0,1164,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001164_post_disaster.png,portugal-wildfire_00001164_post_disaster,0,0,tier3\masks\portugal-wildfire_00001164_post_disaster.png,0,0,2,728,1164,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001165_post_disaster.png,portugal-wildfire_00001165_post_disaster,0,0,tier3\masks\portugal-wildfire_00001165_post_disaster.png,0,0,0,0,1165,3 +1,1502,socal-fire,post,train,train\images\socal-fire_00001165_post_disaster.png,socal-fire_00001165_post_disaster,0,0,train\masks\socal-fire_00001165_post_disaster.png,0,0,4,1724,1165,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001165_post_disaster.png,pinery-bushfire_00001165_post_disaster,0,0,tier3\masks\pinery-bushfire_00001165_post_disaster.png,0,0,0,0,1165,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001166_post_disaster.png,pinery-bushfire_00001166_post_disaster,0,0,tier3\masks\pinery-bushfire_00001166_post_disaster.png,0,0,16,26460,1166,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001166_post_disaster.png,portugal-wildfire_00001166_post_disaster,0,0,tier3\masks\portugal-wildfire_00001166_post_disaster.png,0,0,19,21265,1166,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001166_post_disaster.png,socal-fire_00001166_post_disaster,0,0,train\masks\socal-fire_00001166_post_disaster.png,0,0,4,4467,1166,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001167_post_disaster.png,portugal-wildfire_00001167_post_disaster,0,0,tier3\masks\portugal-wildfire_00001167_post_disaster.png,0,0,92,155412,1167,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001167_post_disaster.png,socal-fire_00001167_post_disaster,0,0,train\masks\socal-fire_00001167_post_disaster.png,0,0,0,0,1167,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001167_post_disaster.png,pinery-bushfire_00001167_post_disaster,1,1247,tier3\masks\pinery-bushfire_00001167_post_disaster.png,2,224,109,102944,1167,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001168_post_disaster.png,portugal-wildfire_00001168_post_disaster,0,0,tier3\masks\portugal-wildfire_00001168_post_disaster.png,0,0,48,38755,1168,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001168_post_disaster.png,pinery-bushfire_00001168_post_disaster,0,0,tier3\masks\pinery-bushfire_00001168_post_disaster.png,0,0,0,0,1168,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001169_post_disaster.png,portugal-wildfire_00001169_post_disaster,0,0,tier3\masks\portugal-wildfire_00001169_post_disaster.png,0,0,0,0,1169,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001169_post_disaster.png,socal-fire_00001169_post_disaster,0,0,train\masks\socal-fire_00001169_post_disaster.png,0,0,0,0,1169,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001169_post_disaster.png,pinery-bushfire_00001169_post_disaster,0,0,tier3\masks\pinery-bushfire_00001169_post_disaster.png,0,0,0,0,1169,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001170_post_disaster.png,portugal-wildfire_00001170_post_disaster,0,0,tier3\masks\portugal-wildfire_00001170_post_disaster.png,0,0,0,0,1170,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001170_post_disaster.png,socal-fire_00001170_post_disaster,0,0,train\masks\socal-fire_00001170_post_disaster.png,0,0,0,0,1170,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001170_post_disaster.png,pinery-bushfire_00001170_post_disaster,0,0,tier3\masks\pinery-bushfire_00001170_post_disaster.png,0,0,0,0,1170,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001171_post_disaster.png,socal-fire_00001171_post_disaster,0,0,train\masks\socal-fire_00001171_post_disaster.png,0,0,19,32736,1171,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001171_post_disaster.png,portugal-wildfire_00001171_post_disaster,0,0,tier3\masks\portugal-wildfire_00001171_post_disaster.png,0,0,0,0,1171,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001171_post_disaster.png,pinery-bushfire_00001171_post_disaster,0,0,tier3\masks\pinery-bushfire_00001171_post_disaster.png,0,0,0,0,1171,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001172_post_disaster.png,portugal-wildfire_00001172_post_disaster,0,0,tier3\masks\portugal-wildfire_00001172_post_disaster.png,0,0,0,0,1172,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001172_post_disaster.png,pinery-bushfire_00001172_post_disaster,0,0,tier3\masks\pinery-bushfire_00001172_post_disaster.png,0,0,0,0,1172,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001173_post_disaster.png,portugal-wildfire_00001173_post_disaster,0,0,tier3\masks\portugal-wildfire_00001173_post_disaster.png,0,0,0,0,1173,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001173_post_disaster.png,pinery-bushfire_00001173_post_disaster,0,0,tier3\masks\pinery-bushfire_00001173_post_disaster.png,0,0,0,0,1173,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001174_post_disaster.png,portugal-wildfire_00001174_post_disaster,0,0,tier3\masks\portugal-wildfire_00001174_post_disaster.png,0,0,11,4175,1174,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001174_post_disaster.png,pinery-bushfire_00001174_post_disaster,0,0,tier3\masks\pinery-bushfire_00001174_post_disaster.png,0,0,0,0,1174,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001175_post_disaster.png,socal-fire_00001175_post_disaster,0,0,train\masks\socal-fire_00001175_post_disaster.png,0,0,0,0,1175,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001175_post_disaster.png,pinery-bushfire_00001175_post_disaster,0,0,tier3\masks\pinery-bushfire_00001175_post_disaster.png,0,0,0,0,1175,3 +1,448,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001175_post_disaster.png,portugal-wildfire_00001175_post_disaster,0,0,tier3\masks\portugal-wildfire_00001175_post_disaster.png,0,0,0,0,1175,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001176_post_disaster.png,portugal-wildfire_00001176_post_disaster,0,0,tier3\masks\portugal-wildfire_00001176_post_disaster.png,0,0,4,2340,1176,3 +14,15945,socal-fire,post,train,train\images\socal-fire_00001176_post_disaster.png,socal-fire_00001176_post_disaster,0,0,train\masks\socal-fire_00001176_post_disaster.png,0,0,21,20020,1176,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001176_post_disaster.png,pinery-bushfire_00001176_post_disaster,0,0,tier3\masks\pinery-bushfire_00001176_post_disaster.png,1,1125,13,9022,1176,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001177_post_disaster.png,socal-fire_00001177_post_disaster,0,0,train\masks\socal-fire_00001177_post_disaster.png,0,0,1,1336,1177,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001177_post_disaster.png,pinery-bushfire_00001177_post_disaster,0,0,tier3\masks\pinery-bushfire_00001177_post_disaster.png,0,0,0,0,1177,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001177_post_disaster.png,portugal-wildfire_00001177_post_disaster,0,0,tier3\masks\portugal-wildfire_00001177_post_disaster.png,0,0,0,0,1177,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001178_post_disaster.png,portugal-wildfire_00001178_post_disaster,0,0,tier3\masks\portugal-wildfire_00001178_post_disaster.png,0,0,0,0,1178,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001178_post_disaster.png,socal-fire_00001178_post_disaster,0,0,train\masks\socal-fire_00001178_post_disaster.png,0,0,1,145,1178,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001178_post_disaster.png,pinery-bushfire_00001178_post_disaster,0,0,tier3\masks\pinery-bushfire_00001178_post_disaster.png,0,0,2,2315,1178,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001179_post_disaster.png,portugal-wildfire_00001179_post_disaster,0,0,tier3\masks\portugal-wildfire_00001179_post_disaster.png,0,0,0,0,1179,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001179_post_disaster.png,socal-fire_00001179_post_disaster,0,0,train\masks\socal-fire_00001179_post_disaster.png,0,0,0,0,1179,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001179_post_disaster.png,pinery-bushfire_00001179_post_disaster,0,0,tier3\masks\pinery-bushfire_00001179_post_disaster.png,0,0,0,0,1179,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001180_post_disaster.png,socal-fire_00001180_post_disaster,0,0,train\masks\socal-fire_00001180_post_disaster.png,0,0,0,0,1180,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001180_post_disaster.png,portugal-wildfire_00001180_post_disaster,0,0,tier3\masks\portugal-wildfire_00001180_post_disaster.png,0,0,0,0,1180,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001180_post_disaster.png,pinery-bushfire_00001180_post_disaster,0,0,tier3\masks\pinery-bushfire_00001180_post_disaster.png,0,0,0,0,1180,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001181_post_disaster.png,pinery-bushfire_00001181_post_disaster,0,0,tier3\masks\pinery-bushfire_00001181_post_disaster.png,0,0,0,0,1181,1 +1,163,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001181_post_disaster.png,portugal-wildfire_00001181_post_disaster,0,0,tier3\masks\portugal-wildfire_00001181_post_disaster.png,0,0,0,0,1181,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001182_post_disaster.png,portugal-wildfire_00001182_post_disaster,0,0,tier3\masks\portugal-wildfire_00001182_post_disaster.png,0,0,52,53545,1182,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001182_post_disaster.png,pinery-bushfire_00001182_post_disaster,0,0,tier3\masks\pinery-bushfire_00001182_post_disaster.png,0,0,0,0,1182,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001182_post_disaster.png,socal-fire_00001182_post_disaster,0,0,train\masks\socal-fire_00001182_post_disaster.png,0,0,20,17582,1182,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001183_post_disaster.png,portugal-wildfire_00001183_post_disaster,0,0,tier3\masks\portugal-wildfire_00001183_post_disaster.png,0,0,5,2591,1183,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001183_post_disaster.png,pinery-bushfire_00001183_post_disaster,0,0,tier3\masks\pinery-bushfire_00001183_post_disaster.png,0,0,0,0,1183,0 +3,8207,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001184_post_disaster.png,pinery-bushfire_00001184_post_disaster,1,3154,tier3\masks\pinery-bushfire_00001184_post_disaster.png,1,51,5,4821,1184,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001184_post_disaster.png,portugal-wildfire_00001184_post_disaster,0,0,tier3\masks\portugal-wildfire_00001184_post_disaster.png,0,0,1,684,1184,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001184_post_disaster.png,socal-fire_00001184_post_disaster,0,0,train\masks\socal-fire_00001184_post_disaster.png,0,0,27,35644,1184,3 +1,262,socal-fire,post,train,train\images\socal-fire_00001185_post_disaster.png,socal-fire_00001185_post_disaster,0,0,train\masks\socal-fire_00001185_post_disaster.png,0,0,10,8122,1185,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001185_post_disaster.png,portugal-wildfire_00001185_post_disaster,0,0,tier3\masks\portugal-wildfire_00001185_post_disaster.png,0,0,0,0,1185,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001185_post_disaster.png,pinery-bushfire_00001185_post_disaster,0,0,tier3\masks\pinery-bushfire_00001185_post_disaster.png,0,0,8,117196,1185,4 +3,1152,socal-fire,post,train,train\images\socal-fire_00001186_post_disaster.png,socal-fire_00001186_post_disaster,3,3106,train\masks\socal-fire_00001186_post_disaster.png,0,0,15,18832,1186,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001186_post_disaster.png,pinery-bushfire_00001186_post_disaster,0,0,tier3\masks\pinery-bushfire_00001186_post_disaster.png,0,0,282,216651,1186,3 +2,1339,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001186_post_disaster.png,portugal-wildfire_00001186_post_disaster,1,306,tier3\masks\portugal-wildfire_00001186_post_disaster.png,1,449,12,8698,1186,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001187_post_disaster.png,pinery-bushfire_00001187_post_disaster,0,0,tier3\masks\pinery-bushfire_00001187_post_disaster.png,0,0,0,0,1187,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001187_post_disaster.png,portugal-wildfire_00001187_post_disaster,0,0,tier3\masks\portugal-wildfire_00001187_post_disaster.png,0,0,17,12151,1187,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001188_post_disaster.png,pinery-bushfire_00001188_post_disaster,0,0,tier3\masks\pinery-bushfire_00001188_post_disaster.png,0,0,0,0,1188,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001188_post_disaster.png,portugal-wildfire_00001188_post_disaster,0,0,tier3\masks\portugal-wildfire_00001188_post_disaster.png,0,0,0,0,1188,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001189_post_disaster.png,pinery-bushfire_00001189_post_disaster,0,0,tier3\masks\pinery-bushfire_00001189_post_disaster.png,0,0,0,0,1189,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001189_post_disaster.png,portugal-wildfire_00001189_post_disaster,0,0,tier3\masks\portugal-wildfire_00001189_post_disaster.png,0,0,3,2502,1189,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001190_post_disaster.png,pinery-bushfire_00001190_post_disaster,0,0,tier3\masks\pinery-bushfire_00001190_post_disaster.png,0,0,0,0,1190,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001190_post_disaster.png,portugal-wildfire_00001190_post_disaster,0,0,tier3\masks\portugal-wildfire_00001190_post_disaster.png,0,0,27,30091,1190,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001191_post_disaster.png,pinery-bushfire_00001191_post_disaster,0,0,tier3\masks\pinery-bushfire_00001191_post_disaster.png,0,0,0,0,1191,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001191_post_disaster.png,portugal-wildfire_00001191_post_disaster,0,0,tier3\masks\portugal-wildfire_00001191_post_disaster.png,0,0,0,0,1191,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001192_post_disaster.png,portugal-wildfire_00001192_post_disaster,0,0,tier3\masks\portugal-wildfire_00001192_post_disaster.png,0,0,0,0,1192,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001192_post_disaster.png,pinery-bushfire_00001192_post_disaster,0,0,tier3\masks\pinery-bushfire_00001192_post_disaster.png,0,0,0,0,1192,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001192_post_disaster.png,socal-fire_00001192_post_disaster,0,0,train\masks\socal-fire_00001192_post_disaster.png,0,0,0,0,1192,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001193_post_disaster.png,portugal-wildfire_00001193_post_disaster,0,0,tier3\masks\portugal-wildfire_00001193_post_disaster.png,0,0,0,0,1193,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001193_post_disaster.png,pinery-bushfire_00001193_post_disaster,0,0,tier3\masks\pinery-bushfire_00001193_post_disaster.png,0,0,0,0,1193,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001194_post_disaster.png,pinery-bushfire_00001194_post_disaster,0,0,tier3\masks\pinery-bushfire_00001194_post_disaster.png,0,0,0,0,1194,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001194_post_disaster.png,portugal-wildfire_00001194_post_disaster,0,0,tier3\masks\portugal-wildfire_00001194_post_disaster.png,0,0,2,332,1194,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001195_post_disaster.png,portugal-wildfire_00001195_post_disaster,0,0,tier3\masks\portugal-wildfire_00001195_post_disaster.png,0,0,0,0,1195,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001195_post_disaster.png,pinery-bushfire_00001195_post_disaster,0,0,tier3\masks\pinery-bushfire_00001195_post_disaster.png,0,0,0,0,1195,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001195_post_disaster.png,socal-fire_00001195_post_disaster,0,0,train\masks\socal-fire_00001195_post_disaster.png,0,0,0,0,1195,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001196_post_disaster.png,pinery-bushfire_00001196_post_disaster,0,0,tier3\masks\pinery-bushfire_00001196_post_disaster.png,0,0,0,0,1196,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001196_post_disaster.png,portugal-wildfire_00001196_post_disaster,0,0,tier3\masks\portugal-wildfire_00001196_post_disaster.png,0,0,0,0,1196,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001196_post_disaster.png,socal-fire_00001196_post_disaster,0,0,train\masks\socal-fire_00001196_post_disaster.png,0,0,7,1532,1196,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001197_post_disaster.png,socal-fire_00001197_post_disaster,0,0,train\masks\socal-fire_00001197_post_disaster.png,0,0,1,114,1197,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001197_post_disaster.png,pinery-bushfire_00001197_post_disaster,0,0,tier3\masks\pinery-bushfire_00001197_post_disaster.png,0,0,0,0,1197,2 +2,666,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001197_post_disaster.png,portugal-wildfire_00001197_post_disaster,0,0,tier3\masks\portugal-wildfire_00001197_post_disaster.png,3,5180,73,54134,1197,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001198_post_disaster.png,socal-fire_00001198_post_disaster,0,0,train\masks\socal-fire_00001198_post_disaster.png,0,0,0,0,1198,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001198_post_disaster.png,pinery-bushfire_00001198_post_disaster,0,0,tier3\masks\pinery-bushfire_00001198_post_disaster.png,0,0,0,0,1198,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001198_post_disaster.png,portugal-wildfire_00001198_post_disaster,0,0,tier3\masks\portugal-wildfire_00001198_post_disaster.png,0,0,0,0,1198,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001199_post_disaster.png,pinery-bushfire_00001199_post_disaster,0,0,tier3\masks\pinery-bushfire_00001199_post_disaster.png,0,0,14,14018,1199,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001199_post_disaster.png,portugal-wildfire_00001199_post_disaster,0,0,tier3\masks\portugal-wildfire_00001199_post_disaster.png,0,0,3,2056,1199,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001200_post_disaster.png,pinery-bushfire_00001200_post_disaster,0,0,tier3\masks\pinery-bushfire_00001200_post_disaster.png,0,0,9,3636,1200,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001200_post_disaster.png,portugal-wildfire_00001200_post_disaster,0,0,tier3\masks\portugal-wildfire_00001200_post_disaster.png,0,0,0,0,1200,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001201_post_disaster.png,portugal-wildfire_00001201_post_disaster,0,0,tier3\masks\portugal-wildfire_00001201_post_disaster.png,0,0,0,0,1201,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001201_post_disaster.png,pinery-bushfire_00001201_post_disaster,0,0,tier3\masks\pinery-bushfire_00001201_post_disaster.png,0,0,0,0,1201,4 +3,1233,socal-fire,post,train,train\images\socal-fire_00001202_post_disaster.png,socal-fire_00001202_post_disaster,0,0,train\masks\socal-fire_00001202_post_disaster.png,0,0,1,194,1202,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001202_post_disaster.png,portugal-wildfire_00001202_post_disaster,0,0,tier3\masks\portugal-wildfire_00001202_post_disaster.png,0,0,0,0,1202,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001202_post_disaster.png,pinery-bushfire_00001202_post_disaster,0,0,tier3\masks\pinery-bushfire_00001202_post_disaster.png,0,0,0,0,1202,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001203_post_disaster.png,pinery-bushfire_00001203_post_disaster,0,0,tier3\masks\pinery-bushfire_00001203_post_disaster.png,0,0,33,33632,1203,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001203_post_disaster.png,socal-fire_00001203_post_disaster,0,0,train\masks\socal-fire_00001203_post_disaster.png,0,0,0,0,1203,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001203_post_disaster.png,portugal-wildfire_00001203_post_disaster,0,0,tier3\masks\portugal-wildfire_00001203_post_disaster.png,0,0,2,581,1203,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001204_post_disaster.png,socal-fire_00001204_post_disaster,0,0,train\masks\socal-fire_00001204_post_disaster.png,0,0,34,61407,1204,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001204_post_disaster.png,pinery-bushfire_00001204_post_disaster,0,0,tier3\masks\pinery-bushfire_00001204_post_disaster.png,0,0,0,0,1204,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001204_post_disaster.png,portugal-wildfire_00001204_post_disaster,0,0,tier3\masks\portugal-wildfire_00001204_post_disaster.png,0,0,0,0,1204,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001205_post_disaster.png,pinery-bushfire_00001205_post_disaster,0,0,tier3\masks\pinery-bushfire_00001205_post_disaster.png,0,0,0,0,1205,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001205_post_disaster.png,portugal-wildfire_00001205_post_disaster,0,0,tier3\masks\portugal-wildfire_00001205_post_disaster.png,0,0,0,0,1205,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001206_post_disaster.png,pinery-bushfire_00001206_post_disaster,0,0,tier3\masks\pinery-bushfire_00001206_post_disaster.png,0,0,207,227764,1206,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001206_post_disaster.png,portugal-wildfire_00001206_post_disaster,0,0,tier3\masks\portugal-wildfire_00001206_post_disaster.png,0,0,0,0,1206,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001206_post_disaster.png,socal-fire_00001206_post_disaster,0,0,train\masks\socal-fire_00001206_post_disaster.png,0,0,0,0,1206,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001207_post_disaster.png,pinery-bushfire_00001207_post_disaster,0,0,tier3\masks\pinery-bushfire_00001207_post_disaster.png,0,0,0,0,1207,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001207_post_disaster.png,portugal-wildfire_00001207_post_disaster,0,0,tier3\masks\portugal-wildfire_00001207_post_disaster.png,0,0,0,0,1207,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001207_post_disaster.png,socal-fire_00001207_post_disaster,0,0,train\masks\socal-fire_00001207_post_disaster.png,0,0,54,93252,1207,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001208_post_disaster.png,portugal-wildfire_00001208_post_disaster,6,1837,tier3\masks\portugal-wildfire_00001208_post_disaster.png,4,1515,8,5229,1208,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001208_post_disaster.png,socal-fire_00001208_post_disaster,0,0,train\masks\socal-fire_00001208_post_disaster.png,0,0,0,0,1208,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001208_post_disaster.png,pinery-bushfire_00001208_post_disaster,0,0,tier3\masks\pinery-bushfire_00001208_post_disaster.png,0,0,0,0,1208,2 +2,470,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001209_post_disaster.png,portugal-wildfire_00001209_post_disaster,0,0,tier3\masks\portugal-wildfire_00001209_post_disaster.png,1,294,11,6165,1209,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001209_post_disaster.png,pinery-bushfire_00001209_post_disaster,0,0,tier3\masks\pinery-bushfire_00001209_post_disaster.png,0,0,2,405,1209,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001210_post_disaster.png,portugal-wildfire_00001210_post_disaster,0,0,tier3\masks\portugal-wildfire_00001210_post_disaster.png,0,0,9,8883,1210,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001210_post_disaster.png,pinery-bushfire_00001210_post_disaster,0,0,tier3\masks\pinery-bushfire_00001210_post_disaster.png,0,0,0,0,1210,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001211_post_disaster.png,socal-fire_00001211_post_disaster,0,0,train\masks\socal-fire_00001211_post_disaster.png,0,0,0,0,1211,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001211_post_disaster.png,portugal-wildfire_00001211_post_disaster,0,0,tier3\masks\portugal-wildfire_00001211_post_disaster.png,0,0,2,310,1211,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001211_post_disaster.png,pinery-bushfire_00001211_post_disaster,0,0,tier3\masks\pinery-bushfire_00001211_post_disaster.png,0,0,0,0,1211,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001212_post_disaster.png,pinery-bushfire_00001212_post_disaster,0,0,tier3\masks\pinery-bushfire_00001212_post_disaster.png,0,0,0,0,1212,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001212_post_disaster.png,portugal-wildfire_00001212_post_disaster,0,0,tier3\masks\portugal-wildfire_00001212_post_disaster.png,0,0,0,0,1212,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001213_post_disaster.png,pinery-bushfire_00001213_post_disaster,0,0,tier3\masks\pinery-bushfire_00001213_post_disaster.png,0,0,0,0,1213,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001213_post_disaster.png,portugal-wildfire_00001213_post_disaster,0,0,tier3\masks\portugal-wildfire_00001213_post_disaster.png,0,0,0,0,1213,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001214_post_disaster.png,pinery-bushfire_00001214_post_disaster,0,0,tier3\masks\pinery-bushfire_00001214_post_disaster.png,0,0,0,0,1214,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001214_post_disaster.png,portugal-wildfire_00001214_post_disaster,0,0,tier3\masks\portugal-wildfire_00001214_post_disaster.png,0,0,1,375,1214,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001215_post_disaster.png,portugal-wildfire_00001215_post_disaster,0,0,tier3\masks\portugal-wildfire_00001215_post_disaster.png,0,0,8,7406,1215,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001215_post_disaster.png,socal-fire_00001215_post_disaster,0,0,train\masks\socal-fire_00001215_post_disaster.png,0,0,0,0,1215,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001215_post_disaster.png,pinery-bushfire_00001215_post_disaster,0,0,tier3\masks\pinery-bushfire_00001215_post_disaster.png,0,0,0,0,1215,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001216_post_disaster.png,socal-fire_00001216_post_disaster,0,0,train\masks\socal-fire_00001216_post_disaster.png,0,0,0,0,1216,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001216_post_disaster.png,portugal-wildfire_00001216_post_disaster,0,0,tier3\masks\portugal-wildfire_00001216_post_disaster.png,0,0,70,75727,1216,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001216_post_disaster.png,pinery-bushfire_00001216_post_disaster,0,0,tier3\masks\pinery-bushfire_00001216_post_disaster.png,0,0,0,0,1216,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001217_post_disaster.png,pinery-bushfire_00001217_post_disaster,0,0,tier3\masks\pinery-bushfire_00001217_post_disaster.png,0,0,0,0,1217,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001217_post_disaster.png,portugal-wildfire_00001217_post_disaster,0,0,tier3\masks\portugal-wildfire_00001217_post_disaster.png,0,0,0,0,1217,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001218_post_disaster.png,portugal-wildfire_00001218_post_disaster,0,0,tier3\masks\portugal-wildfire_00001218_post_disaster.png,0,0,0,0,1218,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001218_post_disaster.png,pinery-bushfire_00001218_post_disaster,0,0,tier3\masks\pinery-bushfire_00001218_post_disaster.png,0,0,0,0,1218,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001218_post_disaster.png,socal-fire_00001218_post_disaster,0,0,train\masks\socal-fire_00001218_post_disaster.png,0,0,0,0,1218,3 +2,8484,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001219_post_disaster.png,pinery-bushfire_00001219_post_disaster,0,0,tier3\masks\pinery-bushfire_00001219_post_disaster.png,0,0,3,4348,1219,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001219_post_disaster.png,portugal-wildfire_00001219_post_disaster,0,0,tier3\masks\portugal-wildfire_00001219_post_disaster.png,0,0,0,0,1219,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001220_post_disaster.png,portugal-wildfire_00001220_post_disaster,0,0,tier3\masks\portugal-wildfire_00001220_post_disaster.png,0,0,0,0,1220,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001220_post_disaster.png,pinery-bushfire_00001220_post_disaster,0,0,tier3\masks\pinery-bushfire_00001220_post_disaster.png,0,0,0,0,1220,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001221_post_disaster.png,portugal-wildfire_00001221_post_disaster,0,0,tier3\masks\portugal-wildfire_00001221_post_disaster.png,0,0,0,0,1221,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001221_post_disaster.png,pinery-bushfire_00001221_post_disaster,0,0,tier3\masks\pinery-bushfire_00001221_post_disaster.png,0,0,0,0,1221,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001221_post_disaster.png,socal-fire_00001221_post_disaster,0,0,train\masks\socal-fire_00001221_post_disaster.png,0,0,24,66269,1221,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001222_post_disaster.png,pinery-bushfire_00001222_post_disaster,0,0,tier3\masks\pinery-bushfire_00001222_post_disaster.png,0,0,0,0,1222,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001222_post_disaster.png,portugal-wildfire_00001222_post_disaster,0,0,tier3\masks\portugal-wildfire_00001222_post_disaster.png,0,0,0,0,1222,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001223_post_disaster.png,pinery-bushfire_00001223_post_disaster,0,0,tier3\masks\pinery-bushfire_00001223_post_disaster.png,0,0,0,0,1223,0 +1,340,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001223_post_disaster.png,portugal-wildfire_00001223_post_disaster,0,0,tier3\masks\portugal-wildfire_00001223_post_disaster.png,0,0,7,2762,1223,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001223_post_disaster.png,socal-fire_00001223_post_disaster,0,0,train\masks\socal-fire_00001223_post_disaster.png,0,0,0,0,1223,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001224_post_disaster.png,portugal-wildfire_00001224_post_disaster,0,0,tier3\masks\portugal-wildfire_00001224_post_disaster.png,1,536,22,28805,1224,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001224_post_disaster.png,pinery-bushfire_00001224_post_disaster,0,0,tier3\masks\pinery-bushfire_00001224_post_disaster.png,0,0,0,0,1224,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001225_post_disaster.png,socal-fire_00001225_post_disaster,0,0,train\masks\socal-fire_00001225_post_disaster.png,0,0,3,3477,1225,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001225_post_disaster.png,pinery-bushfire_00001225_post_disaster,0,0,tier3\masks\pinery-bushfire_00001225_post_disaster.png,0,0,13,11482,1225,1 +1,346,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001225_post_disaster.png,portugal-wildfire_00001225_post_disaster,0,0,tier3\masks\portugal-wildfire_00001225_post_disaster.png,0,0,2,1356,1225,3 +3,724,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001226_post_disaster.png,portugal-wildfire_00001226_post_disaster,0,0,tier3\masks\portugal-wildfire_00001226_post_disaster.png,1,291,0,0,1226,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001226_post_disaster.png,pinery-bushfire_00001226_post_disaster,0,0,tier3\masks\pinery-bushfire_00001226_post_disaster.png,0,0,0,0,1226,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001227_post_disaster.png,portugal-wildfire_00001227_post_disaster,0,0,tier3\masks\portugal-wildfire_00001227_post_disaster.png,0,0,6,2780,1227,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001227_post_disaster.png,pinery-bushfire_00001227_post_disaster,0,0,tier3\masks\pinery-bushfire_00001227_post_disaster.png,0,0,0,0,1227,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001227_post_disaster.png,socal-fire_00001227_post_disaster,0,0,train\masks\socal-fire_00001227_post_disaster.png,0,0,1,52,1227,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001228_post_disaster.png,pinery-bushfire_00001228_post_disaster,0,0,tier3\masks\pinery-bushfire_00001228_post_disaster.png,0,0,0,0,1228,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001228_post_disaster.png,portugal-wildfire_00001228_post_disaster,2,255,tier3\masks\portugal-wildfire_00001228_post_disaster.png,0,0,0,0,1228,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001228_post_disaster.png,socal-fire_00001228_post_disaster,0,0,train\masks\socal-fire_00001228_post_disaster.png,0,0,47,83079,1228,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001229_post_disaster.png,socal-fire_00001229_post_disaster,0,0,train\masks\socal-fire_00001229_post_disaster.png,0,0,0,0,1229,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001229_post_disaster.png,pinery-bushfire_00001229_post_disaster,0,0,tier3\masks\pinery-bushfire_00001229_post_disaster.png,0,0,1,198,1229,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001229_post_disaster.png,portugal-wildfire_00001229_post_disaster,0,0,tier3\masks\portugal-wildfire_00001229_post_disaster.png,0,0,0,0,1229,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001230_post_disaster.png,pinery-bushfire_00001230_post_disaster,0,0,tier3\masks\pinery-bushfire_00001230_post_disaster.png,0,0,0,0,1230,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001230_post_disaster.png,portugal-wildfire_00001230_post_disaster,0,0,tier3\masks\portugal-wildfire_00001230_post_disaster.png,0,0,5,1298,1230,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001231_post_disaster.png,portugal-wildfire_00001231_post_disaster,0,0,tier3\masks\portugal-wildfire_00001231_post_disaster.png,0,0,8,6332,1231,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001231_post_disaster.png,pinery-bushfire_00001231_post_disaster,0,0,tier3\masks\pinery-bushfire_00001231_post_disaster.png,0,0,0,0,1231,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001232_post_disaster.png,portugal-wildfire_00001232_post_disaster,0,0,tier3\masks\portugal-wildfire_00001232_post_disaster.png,0,0,1,160,1232,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001232_post_disaster.png,socal-fire_00001232_post_disaster,0,0,train\masks\socal-fire_00001232_post_disaster.png,0,0,0,0,1232,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001232_post_disaster.png,pinery-bushfire_00001232_post_disaster,0,0,tier3\masks\pinery-bushfire_00001232_post_disaster.png,0,0,0,0,1232,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001233_post_disaster.png,pinery-bushfire_00001233_post_disaster,0,0,tier3\masks\pinery-bushfire_00001233_post_disaster.png,0,0,0,0,1233,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001233_post_disaster.png,socal-fire_00001233_post_disaster,0,0,train\masks\socal-fire_00001233_post_disaster.png,0,0,8,43862,1233,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001233_post_disaster.png,portugal-wildfire_00001233_post_disaster,0,0,tier3\masks\portugal-wildfire_00001233_post_disaster.png,0,0,0,0,1233,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001234_post_disaster.png,portugal-wildfire_00001234_post_disaster,0,0,tier3\masks\portugal-wildfire_00001234_post_disaster.png,0,0,0,0,1234,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001234_post_disaster.png,pinery-bushfire_00001234_post_disaster,0,0,tier3\masks\pinery-bushfire_00001234_post_disaster.png,0,0,0,0,1234,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001234_post_disaster.png,socal-fire_00001234_post_disaster,0,0,train\masks\socal-fire_00001234_post_disaster.png,0,0,0,0,1234,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001235_post_disaster.png,portugal-wildfire_00001235_post_disaster,0,0,tier3\masks\portugal-wildfire_00001235_post_disaster.png,0,0,0,0,1235,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001235_post_disaster.png,pinery-bushfire_00001235_post_disaster,0,0,tier3\masks\pinery-bushfire_00001235_post_disaster.png,0,0,0,0,1235,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001235_post_disaster.png,socal-fire_00001235_post_disaster,0,0,train\masks\socal-fire_00001235_post_disaster.png,0,0,0,0,1235,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001236_post_disaster.png,pinery-bushfire_00001236_post_disaster,0,0,tier3\masks\pinery-bushfire_00001236_post_disaster.png,0,0,0,0,1236,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001236_post_disaster.png,portugal-wildfire_00001236_post_disaster,0,0,tier3\masks\portugal-wildfire_00001236_post_disaster.png,0,0,0,0,1236,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001237_post_disaster.png,pinery-bushfire_00001237_post_disaster,0,0,tier3\masks\pinery-bushfire_00001237_post_disaster.png,0,0,0,0,1237,0 +1,343,socal-fire,post,train,train\images\socal-fire_00001237_post_disaster.png,socal-fire_00001237_post_disaster,0,0,train\masks\socal-fire_00001237_post_disaster.png,0,0,0,0,1237,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001237_post_disaster.png,portugal-wildfire_00001237_post_disaster,0,0,tier3\masks\portugal-wildfire_00001237_post_disaster.png,0,0,0,0,1237,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001238_post_disaster.png,pinery-bushfire_00001238_post_disaster,0,0,tier3\masks\pinery-bushfire_00001238_post_disaster.png,0,0,0,0,1238,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001238_post_disaster.png,socal-fire_00001238_post_disaster,0,0,train\masks\socal-fire_00001238_post_disaster.png,0,0,0,0,1238,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001238_post_disaster.png,portugal-wildfire_00001238_post_disaster,0,0,tier3\masks\portugal-wildfire_00001238_post_disaster.png,2,549,2,721,1238,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001239_post_disaster.png,portugal-wildfire_00001239_post_disaster,0,0,tier3\masks\portugal-wildfire_00001239_post_disaster.png,0,0,2,391,1239,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001239_post_disaster.png,pinery-bushfire_00001239_post_disaster,0,0,tier3\masks\pinery-bushfire_00001239_post_disaster.png,0,0,0,0,1239,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001240_post_disaster.png,pinery-bushfire_00001240_post_disaster,0,0,tier3\masks\pinery-bushfire_00001240_post_disaster.png,0,0,0,0,1240,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001240_post_disaster.png,portugal-wildfire_00001240_post_disaster,0,0,tier3\masks\portugal-wildfire_00001240_post_disaster.png,0,0,0,0,1240,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001241_post_disaster.png,pinery-bushfire_00001241_post_disaster,0,0,tier3\masks\pinery-bushfire_00001241_post_disaster.png,0,0,0,0,1241,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001241_post_disaster.png,socal-fire_00001241_post_disaster,0,0,train\masks\socal-fire_00001241_post_disaster.png,0,0,51,90650,1241,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001241_post_disaster.png,portugal-wildfire_00001241_post_disaster,1,240,tier3\masks\portugal-wildfire_00001241_post_disaster.png,1,310,68,74566,1241,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001242_post_disaster.png,socal-fire_00001242_post_disaster,0,0,train\masks\socal-fire_00001242_post_disaster.png,0,0,0,0,1242,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001242_post_disaster.png,portugal-wildfire_00001242_post_disaster,0,0,tier3\masks\portugal-wildfire_00001242_post_disaster.png,0,0,0,0,1242,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001242_post_disaster.png,pinery-bushfire_00001242_post_disaster,0,0,tier3\masks\pinery-bushfire_00001242_post_disaster.png,0,0,0,0,1242,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001243_post_disaster.png,portugal-wildfire_00001243_post_disaster,0,0,tier3\masks\portugal-wildfire_00001243_post_disaster.png,0,0,19,7788,1243,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001243_post_disaster.png,socal-fire_00001243_post_disaster,0,0,train\masks\socal-fire_00001243_post_disaster.png,0,0,11,9230,1243,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001243_post_disaster.png,pinery-bushfire_00001243_post_disaster,0,0,tier3\masks\pinery-bushfire_00001243_post_disaster.png,0,0,0,0,1243,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001244_post_disaster.png,portugal-wildfire_00001244_post_disaster,0,0,tier3\masks\portugal-wildfire_00001244_post_disaster.png,0,0,0,0,1244,2 +3,5076,socal-fire,post,train,train\images\socal-fire_00001244_post_disaster.png,socal-fire_00001244_post_disaster,0,0,train\masks\socal-fire_00001244_post_disaster.png,0,0,42,71679,1244,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001244_post_disaster.png,pinery-bushfire_00001244_post_disaster,0,0,tier3\masks\pinery-bushfire_00001244_post_disaster.png,0,0,0,0,1244,1 +22,45316,socal-fire,post,train,train\images\socal-fire_00001245_post_disaster.png,socal-fire_00001245_post_disaster,0,0,train\masks\socal-fire_00001245_post_disaster.png,0,0,30,37858,1245,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001245_post_disaster.png,pinery-bushfire_00001245_post_disaster,0,0,tier3\masks\pinery-bushfire_00001245_post_disaster.png,0,0,0,0,1245,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001245_post_disaster.png,portugal-wildfire_00001245_post_disaster,0,0,tier3\masks\portugal-wildfire_00001245_post_disaster.png,0,0,0,0,1245,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001246_post_disaster.png,pinery-bushfire_00001246_post_disaster,0,0,tier3\masks\pinery-bushfire_00001246_post_disaster.png,0,0,0,0,1246,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001246_post_disaster.png,portugal-wildfire_00001246_post_disaster,0,0,tier3\masks\portugal-wildfire_00001246_post_disaster.png,0,0,0,0,1246,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001247_post_disaster.png,portugal-wildfire_00001247_post_disaster,0,0,tier3\masks\portugal-wildfire_00001247_post_disaster.png,0,0,0,0,1247,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001247_post_disaster.png,pinery-bushfire_00001247_post_disaster,0,0,tier3\masks\pinery-bushfire_00001247_post_disaster.png,0,0,0,0,1247,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001248_post_disaster.png,pinery-bushfire_00001248_post_disaster,0,0,tier3\masks\pinery-bushfire_00001248_post_disaster.png,0,0,6,2475,1248,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001248_post_disaster.png,portugal-wildfire_00001248_post_disaster,0,0,tier3\masks\portugal-wildfire_00001248_post_disaster.png,0,0,0,0,1248,0 +2,633,socal-fire,post,train,train\images\socal-fire_00001248_post_disaster.png,socal-fire_00001248_post_disaster,0,0,train\masks\socal-fire_00001248_post_disaster.png,0,0,0,0,1248,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001249_post_disaster.png,portugal-wildfire_00001249_post_disaster,0,0,tier3\masks\portugal-wildfire_00001249_post_disaster.png,0,0,0,0,1249,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001249_post_disaster.png,pinery-bushfire_00001249_post_disaster,0,0,tier3\masks\pinery-bushfire_00001249_post_disaster.png,0,0,0,0,1249,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001250_post_disaster.png,pinery-bushfire_00001250_post_disaster,0,0,tier3\masks\pinery-bushfire_00001250_post_disaster.png,0,0,0,0,1250,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001250_post_disaster.png,portugal-wildfire_00001250_post_disaster,0,0,tier3\masks\portugal-wildfire_00001250_post_disaster.png,0,0,0,0,1250,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001251_post_disaster.png,socal-fire_00001251_post_disaster,0,0,train\masks\socal-fire_00001251_post_disaster.png,0,0,105,152300,1251,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001251_post_disaster.png,pinery-bushfire_00001251_post_disaster,0,0,tier3\masks\pinery-bushfire_00001251_post_disaster.png,0,0,0,0,1251,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001251_post_disaster.png,portugal-wildfire_00001251_post_disaster,0,0,tier3\masks\portugal-wildfire_00001251_post_disaster.png,0,0,0,0,1251,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001252_post_disaster.png,portugal-wildfire_00001252_post_disaster,0,0,tier3\masks\portugal-wildfire_00001252_post_disaster.png,0,0,0,0,1252,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001252_post_disaster.png,pinery-bushfire_00001252_post_disaster,0,0,tier3\masks\pinery-bushfire_00001252_post_disaster.png,0,0,0,0,1252,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001253_post_disaster.png,socal-fire_00001253_post_disaster,0,0,train\masks\socal-fire_00001253_post_disaster.png,0,0,0,0,1253,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001253_post_disaster.png,portugal-wildfire_00001253_post_disaster,0,0,tier3\masks\portugal-wildfire_00001253_post_disaster.png,0,0,33,24017,1253,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001253_post_disaster.png,pinery-bushfire_00001253_post_disaster,0,0,tier3\masks\pinery-bushfire_00001253_post_disaster.png,0,0,0,0,1253,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001254_post_disaster.png,portugal-wildfire_00001254_post_disaster,0,0,tier3\masks\portugal-wildfire_00001254_post_disaster.png,0,0,0,0,1254,0 +14,18150,socal-fire,post,train,train\images\socal-fire_00001254_post_disaster.png,socal-fire_00001254_post_disaster,1,1835,train\masks\socal-fire_00001254_post_disaster.png,1,9282,27,29379,1254,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001254_post_disaster.png,pinery-bushfire_00001254_post_disaster,0,0,tier3\masks\pinery-bushfire_00001254_post_disaster.png,0,0,0,0,1254,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001255_post_disaster.png,socal-fire_00001255_post_disaster,0,0,train\masks\socal-fire_00001255_post_disaster.png,0,0,26,17587,1255,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001255_post_disaster.png,portugal-wildfire_00001255_post_disaster,0,0,tier3\masks\portugal-wildfire_00001255_post_disaster.png,0,0,0,0,1255,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001255_post_disaster.png,pinery-bushfire_00001255_post_disaster,0,0,tier3\masks\pinery-bushfire_00001255_post_disaster.png,0,0,0,0,1255,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001256_post_disaster.png,pinery-bushfire_00001256_post_disaster,0,0,tier3\masks\pinery-bushfire_00001256_post_disaster.png,0,0,5,18577,1256,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001256_post_disaster.png,portugal-wildfire_00001256_post_disaster,1,449,tier3\masks\portugal-wildfire_00001256_post_disaster.png,0,0,1,417,1256,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001256_post_disaster.png,socal-fire_00001256_post_disaster,0,0,train\masks\socal-fire_00001256_post_disaster.png,0,0,0,0,1256,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001257_post_disaster.png,socal-fire_00001257_post_disaster,0,0,train\masks\socal-fire_00001257_post_disaster.png,0,0,56,79686,1257,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001257_post_disaster.png,pinery-bushfire_00001257_post_disaster,0,0,tier3\masks\pinery-bushfire_00001257_post_disaster.png,0,0,0,0,1257,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001257_post_disaster.png,portugal-wildfire_00001257_post_disaster,0,0,tier3\masks\portugal-wildfire_00001257_post_disaster.png,0,0,14,9365,1257,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001258_post_disaster.png,socal-fire_00001258_post_disaster,0,0,train\masks\socal-fire_00001258_post_disaster.png,0,0,1,2565,1258,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001258_post_disaster.png,portugal-wildfire_00001258_post_disaster,0,0,tier3\masks\portugal-wildfire_00001258_post_disaster.png,0,0,25,12158,1258,0 +1,447,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001258_post_disaster.png,pinery-bushfire_00001258_post_disaster,5,1655,tier3\masks\pinery-bushfire_00001258_post_disaster.png,0,0,10,3062,1258,4 +11,4605,socal-fire,post,train,train\images\socal-fire_00001259_post_disaster.png,socal-fire_00001259_post_disaster,0,0,train\masks\socal-fire_00001259_post_disaster.png,1,135,2,1668,1259,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001259_post_disaster.png,portugal-wildfire_00001259_post_disaster,0,0,tier3\masks\portugal-wildfire_00001259_post_disaster.png,0,0,45,54036,1259,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001259_post_disaster.png,pinery-bushfire_00001259_post_disaster,0,0,tier3\masks\pinery-bushfire_00001259_post_disaster.png,0,0,0,0,1259,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001260_post_disaster.png,pinery-bushfire_00001260_post_disaster,0,0,tier3\masks\pinery-bushfire_00001260_post_disaster.png,0,0,2,2695,1260,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001260_post_disaster.png,portugal-wildfire_00001260_post_disaster,0,0,tier3\masks\portugal-wildfire_00001260_post_disaster.png,0,0,0,0,1260,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001260_post_disaster.png,socal-fire_00001260_post_disaster,0,0,train\masks\socal-fire_00001260_post_disaster.png,0,0,70,154065,1260,0 +6,9594,socal-fire,post,train,train\images\socal-fire_00001261_post_disaster.png,socal-fire_00001261_post_disaster,0,0,train\masks\socal-fire_00001261_post_disaster.png,0,0,42,50945,1261,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001261_post_disaster.png,portugal-wildfire_00001261_post_disaster,0,0,tier3\masks\portugal-wildfire_00001261_post_disaster.png,0,0,0,0,1261,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001261_post_disaster.png,pinery-bushfire_00001261_post_disaster,0,0,tier3\masks\pinery-bushfire_00001261_post_disaster.png,0,0,0,0,1261,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001262_post_disaster.png,portugal-wildfire_00001262_post_disaster,0,0,tier3\masks\portugal-wildfire_00001262_post_disaster.png,0,0,11,4991,1262,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001262_post_disaster.png,pinery-bushfire_00001262_post_disaster,0,0,tier3\masks\pinery-bushfire_00001262_post_disaster.png,0,0,0,0,1262,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001263_post_disaster.png,portugal-wildfire_00001263_post_disaster,0,0,tier3\masks\portugal-wildfire_00001263_post_disaster.png,0,0,18,15278,1263,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001263_post_disaster.png,socal-fire_00001263_post_disaster,0,0,train\masks\socal-fire_00001263_post_disaster.png,0,0,1,1409,1263,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001263_post_disaster.png,pinery-bushfire_00001263_post_disaster,0,0,tier3\masks\pinery-bushfire_00001263_post_disaster.png,0,0,0,0,1263,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001264_post_disaster.png,portugal-wildfire_00001264_post_disaster,0,0,tier3\masks\portugal-wildfire_00001264_post_disaster.png,0,0,16,14425,1264,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001264_post_disaster.png,pinery-bushfire_00001264_post_disaster,0,0,tier3\masks\pinery-bushfire_00001264_post_disaster.png,0,0,0,0,1264,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001264_post_disaster.png,socal-fire_00001264_post_disaster,0,0,train\masks\socal-fire_00001264_post_disaster.png,0,0,34,44929,1264,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001265_post_disaster.png,pinery-bushfire_00001265_post_disaster,0,0,tier3\masks\pinery-bushfire_00001265_post_disaster.png,0,0,0,0,1265,4 +5,1024,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001265_post_disaster.png,portugal-wildfire_00001265_post_disaster,0,0,tier3\masks\portugal-wildfire_00001265_post_disaster.png,2,451,59,34931,1265,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001266_post_disaster.png,pinery-bushfire_00001266_post_disaster,0,0,tier3\masks\pinery-bushfire_00001266_post_disaster.png,0,0,0,0,1266,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001266_post_disaster.png,portugal-wildfire_00001266_post_disaster,0,0,tier3\masks\portugal-wildfire_00001266_post_disaster.png,0,0,0,0,1266,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001267_post_disaster.png,portugal-wildfire_00001267_post_disaster,0,0,tier3\masks\portugal-wildfire_00001267_post_disaster.png,0,0,0,0,1267,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001267_post_disaster.png,pinery-bushfire_00001267_post_disaster,0,0,tier3\masks\pinery-bushfire_00001267_post_disaster.png,0,0,0,0,1267,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001268_post_disaster.png,pinery-bushfire_00001268_post_disaster,0,0,tier3\masks\pinery-bushfire_00001268_post_disaster.png,0,0,0,0,1268,1 +13,15064,socal-fire,post,train,train\images\socal-fire_00001268_post_disaster.png,socal-fire_00001268_post_disaster,0,0,train\masks\socal-fire_00001268_post_disaster.png,0,0,50,62568,1268,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001268_post_disaster.png,portugal-wildfire_00001268_post_disaster,1,408,tier3\masks\portugal-wildfire_00001268_post_disaster.png,0,0,1,697,1268,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001269_post_disaster.png,pinery-bushfire_00001269_post_disaster,0,0,tier3\masks\pinery-bushfire_00001269_post_disaster.png,0,0,0,0,1269,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001269_post_disaster.png,portugal-wildfire_00001269_post_disaster,0,0,tier3\masks\portugal-wildfire_00001269_post_disaster.png,0,0,0,0,1269,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001269_post_disaster.png,socal-fire_00001269_post_disaster,0,0,train\masks\socal-fire_00001269_post_disaster.png,0,0,1,112,1269,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001270_post_disaster.png,portugal-wildfire_00001270_post_disaster,0,0,tier3\masks\portugal-wildfire_00001270_post_disaster.png,0,0,32,21645,1270,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001270_post_disaster.png,pinery-bushfire_00001270_post_disaster,0,0,tier3\masks\pinery-bushfire_00001270_post_disaster.png,0,0,0,0,1270,4 +6,6300,socal-fire,post,train,train\images\socal-fire_00001270_post_disaster.png,socal-fire_00001270_post_disaster,0,0,train\masks\socal-fire_00001270_post_disaster.png,0,0,6,6465,1270,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001271_post_disaster.png,portugal-wildfire_00001271_post_disaster,0,0,tier3\masks\portugal-wildfire_00001271_post_disaster.png,0,0,67,56259,1271,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001271_post_disaster.png,socal-fire_00001271_post_disaster,0,0,train\masks\socal-fire_00001271_post_disaster.png,0,0,1,791,1271,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001271_post_disaster.png,pinery-bushfire_00001271_post_disaster,0,0,tier3\masks\pinery-bushfire_00001271_post_disaster.png,0,0,6,7042,1271,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001272_post_disaster.png,portugal-wildfire_00001272_post_disaster,0,0,tier3\masks\portugal-wildfire_00001272_post_disaster.png,0,0,0,0,1272,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001272_post_disaster.png,pinery-bushfire_00001272_post_disaster,0,0,tier3\masks\pinery-bushfire_00001272_post_disaster.png,0,0,0,0,1272,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001272_post_disaster.png,socal-fire_00001272_post_disaster,0,0,train\masks\socal-fire_00001272_post_disaster.png,0,0,61,83013,1272,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001273_post_disaster.png,portugal-wildfire_00001273_post_disaster,0,0,tier3\masks\portugal-wildfire_00001273_post_disaster.png,0,0,3,9379,1273,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001273_post_disaster.png,pinery-bushfire_00001273_post_disaster,0,0,tier3\masks\pinery-bushfire_00001273_post_disaster.png,0,0,0,0,1273,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001274_post_disaster.png,socal-fire_00001274_post_disaster,0,0,train\masks\socal-fire_00001274_post_disaster.png,0,0,13,2735,1274,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001274_post_disaster.png,portugal-wildfire_00001274_post_disaster,0,0,tier3\masks\portugal-wildfire_00001274_post_disaster.png,0,0,6,2448,1274,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001274_post_disaster.png,pinery-bushfire_00001274_post_disaster,0,0,tier3\masks\pinery-bushfire_00001274_post_disaster.png,0,0,0,0,1274,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001275_post_disaster.png,socal-fire_00001275_post_disaster,0,0,train\masks\socal-fire_00001275_post_disaster.png,0,0,0,0,1275,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001275_post_disaster.png,portugal-wildfire_00001275_post_disaster,0,0,tier3\masks\portugal-wildfire_00001275_post_disaster.png,0,0,65,60381,1275,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001275_post_disaster.png,pinery-bushfire_00001275_post_disaster,0,0,tier3\masks\pinery-bushfire_00001275_post_disaster.png,0,0,0,0,1275,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001276_post_disaster.png,pinery-bushfire_00001276_post_disaster,0,0,tier3\masks\pinery-bushfire_00001276_post_disaster.png,0,0,0,0,1276,1 +4,1984,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001276_post_disaster.png,portugal-wildfire_00001276_post_disaster,0,0,tier3\masks\portugal-wildfire_00001276_post_disaster.png,0,0,0,0,1276,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001277_post_disaster.png,portugal-wildfire_00001277_post_disaster,0,0,tier3\masks\portugal-wildfire_00001277_post_disaster.png,0,0,0,0,1277,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001277_post_disaster.png,pinery-bushfire_00001277_post_disaster,0,0,tier3\masks\pinery-bushfire_00001277_post_disaster.png,0,0,0,0,1277,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001278_post_disaster.png,pinery-bushfire_00001278_post_disaster,0,0,tier3\masks\pinery-bushfire_00001278_post_disaster.png,0,0,0,0,1278,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001278_post_disaster.png,portugal-wildfire_00001278_post_disaster,0,0,tier3\masks\portugal-wildfire_00001278_post_disaster.png,0,0,0,0,1278,1 +6,1400,socal-fire,post,train,train\images\socal-fire_00001278_post_disaster.png,socal-fire_00001278_post_disaster,0,0,train\masks\socal-fire_00001278_post_disaster.png,0,0,2,366,1278,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001279_post_disaster.png,portugal-wildfire_00001279_post_disaster,0,0,tier3\masks\portugal-wildfire_00001279_post_disaster.png,0,0,0,0,1279,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001279_post_disaster.png,pinery-bushfire_00001279_post_disaster,0,0,tier3\masks\pinery-bushfire_00001279_post_disaster.png,0,0,0,0,1279,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001280_post_disaster.png,portugal-wildfire_00001280_post_disaster,0,0,tier3\masks\portugal-wildfire_00001280_post_disaster.png,0,0,0,0,1280,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001280_post_disaster.png,pinery-bushfire_00001280_post_disaster,0,0,tier3\masks\pinery-bushfire_00001280_post_disaster.png,0,0,0,0,1280,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001281_post_disaster.png,portugal-wildfire_00001281_post_disaster,0,0,tier3\masks\portugal-wildfire_00001281_post_disaster.png,0,0,0,0,1281,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001281_post_disaster.png,pinery-bushfire_00001281_post_disaster,0,0,tier3\masks\pinery-bushfire_00001281_post_disaster.png,0,0,0,0,1281,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001282_post_disaster.png,socal-fire_00001282_post_disaster,0,0,train\masks\socal-fire_00001282_post_disaster.png,0,0,0,0,1282,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001282_post_disaster.png,portugal-wildfire_00001282_post_disaster,0,0,tier3\masks\portugal-wildfire_00001282_post_disaster.png,0,0,2,399,1282,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001282_post_disaster.png,pinery-bushfire_00001282_post_disaster,0,0,tier3\masks\pinery-bushfire_00001282_post_disaster.png,0,0,10,7468,1282,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001283_post_disaster.png,pinery-bushfire_00001283_post_disaster,0,0,tier3\masks\pinery-bushfire_00001283_post_disaster.png,0,0,0,0,1283,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001283_post_disaster.png,portugal-wildfire_00001283_post_disaster,0,0,tier3\masks\portugal-wildfire_00001283_post_disaster.png,0,0,5,2645,1283,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001283_post_disaster.png,socal-fire_00001283_post_disaster,0,0,train\masks\socal-fire_00001283_post_disaster.png,0,0,0,0,1283,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001284_post_disaster.png,portugal-wildfire_00001284_post_disaster,0,0,tier3\masks\portugal-wildfire_00001284_post_disaster.png,0,0,4,2145,1284,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001284_post_disaster.png,pinery-bushfire_00001284_post_disaster,0,0,tier3\masks\pinery-bushfire_00001284_post_disaster.png,0,0,0,0,1284,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001285_post_disaster.png,pinery-bushfire_00001285_post_disaster,0,0,tier3\masks\pinery-bushfire_00001285_post_disaster.png,0,0,0,0,1285,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001285_post_disaster.png,portugal-wildfire_00001285_post_disaster,0,0,tier3\masks\portugal-wildfire_00001285_post_disaster.png,0,0,0,0,1285,0 +8,8373,socal-fire,post,train,train\images\socal-fire_00001285_post_disaster.png,socal-fire_00001285_post_disaster,0,0,train\masks\socal-fire_00001285_post_disaster.png,0,0,34,39691,1285,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001286_post_disaster.png,portugal-wildfire_00001286_post_disaster,0,0,tier3\masks\portugal-wildfire_00001286_post_disaster.png,0,0,0,0,1286,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001286_post_disaster.png,pinery-bushfire_00001286_post_disaster,0,0,tier3\masks\pinery-bushfire_00001286_post_disaster.png,0,0,2,2278,1286,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001286_post_disaster.png,socal-fire_00001286_post_disaster,0,0,train\masks\socal-fire_00001286_post_disaster.png,0,0,0,0,1286,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001287_post_disaster.png,socal-fire_00001287_post_disaster,0,0,train\masks\socal-fire_00001287_post_disaster.png,0,0,0,0,1287,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001287_post_disaster.png,pinery-bushfire_00001287_post_disaster,0,0,tier3\masks\pinery-bushfire_00001287_post_disaster.png,0,0,0,0,1287,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001287_post_disaster.png,portugal-wildfire_00001287_post_disaster,0,0,tier3\masks\portugal-wildfire_00001287_post_disaster.png,0,0,5,1489,1287,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001288_post_disaster.png,socal-fire_00001288_post_disaster,2,356,train\masks\socal-fire_00001288_post_disaster.png,1,309,1,752,1288,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001288_post_disaster.png,portugal-wildfire_00001288_post_disaster,0,0,tier3\masks\portugal-wildfire_00001288_post_disaster.png,0,0,0,0,1288,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001288_post_disaster.png,pinery-bushfire_00001288_post_disaster,0,0,tier3\masks\pinery-bushfire_00001288_post_disaster.png,0,0,0,0,1288,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001289_post_disaster.png,socal-fire_00001289_post_disaster,0,0,train\masks\socal-fire_00001289_post_disaster.png,0,0,0,0,1289,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001289_post_disaster.png,pinery-bushfire_00001289_post_disaster,0,0,tier3\masks\pinery-bushfire_00001289_post_disaster.png,0,0,6,6770,1289,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001289_post_disaster.png,portugal-wildfire_00001289_post_disaster,0,0,tier3\masks\portugal-wildfire_00001289_post_disaster.png,0,0,5,1730,1289,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001290_post_disaster.png,pinery-bushfire_00001290_post_disaster,0,0,tier3\masks\pinery-bushfire_00001290_post_disaster.png,0,0,4,2653,1290,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001290_post_disaster.png,portugal-wildfire_00001290_post_disaster,0,0,tier3\masks\portugal-wildfire_00001290_post_disaster.png,0,0,0,0,1290,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001291_post_disaster.png,portugal-wildfire_00001291_post_disaster,0,0,tier3\masks\portugal-wildfire_00001291_post_disaster.png,0,0,0,0,1291,0 +1,1666,socal-fire,post,train,train\images\socal-fire_00001291_post_disaster.png,socal-fire_00001291_post_disaster,0,0,train\masks\socal-fire_00001291_post_disaster.png,0,0,2,1155,1291,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001291_post_disaster.png,pinery-bushfire_00001291_post_disaster,0,0,tier3\masks\pinery-bushfire_00001291_post_disaster.png,0,0,0,0,1291,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001292_post_disaster.png,portugal-wildfire_00001292_post_disaster,0,0,tier3\masks\portugal-wildfire_00001292_post_disaster.png,0,0,0,0,1292,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001292_post_disaster.png,pinery-bushfire_00001292_post_disaster,0,0,tier3\masks\pinery-bushfire_00001292_post_disaster.png,0,0,0,0,1292,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001292_post_disaster.png,socal-fire_00001292_post_disaster,0,0,train\masks\socal-fire_00001292_post_disaster.png,0,0,14,3534,1292,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001293_post_disaster.png,portugal-wildfire_00001293_post_disaster,0,0,tier3\masks\portugal-wildfire_00001293_post_disaster.png,0,0,0,0,1293,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001293_post_disaster.png,socal-fire_00001293_post_disaster,0,0,train\masks\socal-fire_00001293_post_disaster.png,0,0,0,0,1293,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001293_post_disaster.png,pinery-bushfire_00001293_post_disaster,0,0,tier3\masks\pinery-bushfire_00001293_post_disaster.png,0,0,0,0,1293,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001294_post_disaster.png,pinery-bushfire_00001294_post_disaster,0,0,tier3\masks\pinery-bushfire_00001294_post_disaster.png,0,0,0,0,1294,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001294_post_disaster.png,portugal-wildfire_00001294_post_disaster,0,0,tier3\masks\portugal-wildfire_00001294_post_disaster.png,0,0,0,0,1294,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001295_post_disaster.png,pinery-bushfire_00001295_post_disaster,0,0,tier3\masks\pinery-bushfire_00001295_post_disaster.png,0,0,0,0,1295,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001295_post_disaster.png,portugal-wildfire_00001295_post_disaster,0,0,tier3\masks\portugal-wildfire_00001295_post_disaster.png,0,0,5,2597,1295,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001296_post_disaster.png,pinery-bushfire_00001296_post_disaster,0,0,tier3\masks\pinery-bushfire_00001296_post_disaster.png,0,0,0,0,1296,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001296_post_disaster.png,socal-fire_00001296_post_disaster,0,0,train\masks\socal-fire_00001296_post_disaster.png,0,0,0,0,1296,4 +3,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001296_post_disaster.png,portugal-wildfire_00001296_post_disaster,0,0,tier3\masks\portugal-wildfire_00001296_post_disaster.png,0,0,0,0,1296,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001297_post_disaster.png,socal-fire_00001297_post_disaster,0,0,train\masks\socal-fire_00001297_post_disaster.png,0,0,0,0,1297,3 +1,645,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001297_post_disaster.png,portugal-wildfire_00001297_post_disaster,0,0,tier3\masks\portugal-wildfire_00001297_post_disaster.png,0,0,0,0,1297,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001297_post_disaster.png,pinery-bushfire_00001297_post_disaster,0,0,tier3\masks\pinery-bushfire_00001297_post_disaster.png,0,0,0,0,1297,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001298_post_disaster.png,portugal-wildfire_00001298_post_disaster,0,0,tier3\masks\portugal-wildfire_00001298_post_disaster.png,0,0,0,0,1298,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001298_post_disaster.png,pinery-bushfire_00001298_post_disaster,0,0,tier3\masks\pinery-bushfire_00001298_post_disaster.png,0,0,1,131,1298,0 +2,5010,socal-fire,post,train,train\images\socal-fire_00001298_post_disaster.png,socal-fire_00001298_post_disaster,0,0,train\masks\socal-fire_00001298_post_disaster.png,0,0,25,29494,1298,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001299_post_disaster.png,portugal-wildfire_00001299_post_disaster,0,0,tier3\masks\portugal-wildfire_00001299_post_disaster.png,0,0,0,0,1299,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001299_post_disaster.png,pinery-bushfire_00001299_post_disaster,0,0,tier3\masks\pinery-bushfire_00001299_post_disaster.png,0,0,0,0,1299,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001300_post_disaster.png,socal-fire_00001300_post_disaster,0,0,train\masks\socal-fire_00001300_post_disaster.png,0,0,0,0,1300,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001300_post_disaster.png,pinery-bushfire_00001300_post_disaster,0,0,tier3\masks\pinery-bushfire_00001300_post_disaster.png,0,0,0,0,1300,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001300_post_disaster.png,portugal-wildfire_00001300_post_disaster,0,0,tier3\masks\portugal-wildfire_00001300_post_disaster.png,0,0,0,0,1300,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001301_post_disaster.png,socal-fire_00001301_post_disaster,0,0,train\masks\socal-fire_00001301_post_disaster.png,0,0,0,0,1301,1 +1,141,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001301_post_disaster.png,portugal-wildfire_00001301_post_disaster,1,942,tier3\masks\portugal-wildfire_00001301_post_disaster.png,0,0,14,10905,1301,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001301_post_disaster.png,pinery-bushfire_00001301_post_disaster,0,0,tier3\masks\pinery-bushfire_00001301_post_disaster.png,0,0,0,0,1301,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001302_post_disaster.png,socal-fire_00001302_post_disaster,0,0,train\masks\socal-fire_00001302_post_disaster.png,0,0,0,0,1302,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001302_post_disaster.png,pinery-bushfire_00001302_post_disaster,0,0,tier3\masks\pinery-bushfire_00001302_post_disaster.png,0,0,6,1730,1302,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001302_post_disaster.png,portugal-wildfire_00001302_post_disaster,0,0,tier3\masks\portugal-wildfire_00001302_post_disaster.png,0,0,0,0,1302,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001303_post_disaster.png,pinery-bushfire_00001303_post_disaster,0,0,tier3\masks\pinery-bushfire_00001303_post_disaster.png,0,0,5,911,1303,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001303_post_disaster.png,socal-fire_00001303_post_disaster,0,0,train\masks\socal-fire_00001303_post_disaster.png,0,0,8,2862,1303,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001303_post_disaster.png,portugal-wildfire_00001303_post_disaster,0,0,tier3\masks\portugal-wildfire_00001303_post_disaster.png,0,0,1,1841,1303,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001304_post_disaster.png,socal-fire_00001304_post_disaster,0,0,train\masks\socal-fire_00001304_post_disaster.png,0,0,0,0,1304,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001304_post_disaster.png,pinery-bushfire_00001304_post_disaster,0,0,tier3\masks\pinery-bushfire_00001304_post_disaster.png,0,0,0,0,1304,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001304_post_disaster.png,portugal-wildfire_00001304_post_disaster,0,0,tier3\masks\portugal-wildfire_00001304_post_disaster.png,0,0,0,0,1304,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001305_post_disaster.png,pinery-bushfire_00001305_post_disaster,0,0,tier3\masks\pinery-bushfire_00001305_post_disaster.png,0,0,0,0,1305,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001305_post_disaster.png,portugal-wildfire_00001305_post_disaster,0,0,tier3\masks\portugal-wildfire_00001305_post_disaster.png,1,332,1,342,1305,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001306_post_disaster.png,pinery-bushfire_00001306_post_disaster,0,0,tier3\masks\pinery-bushfire_00001306_post_disaster.png,0,0,0,0,1306,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001306_post_disaster.png,portugal-wildfire_00001306_post_disaster,0,0,tier3\masks\portugal-wildfire_00001306_post_disaster.png,0,0,0,0,1306,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001307_post_disaster.png,pinery-bushfire_00001307_post_disaster,0,0,tier3\masks\pinery-bushfire_00001307_post_disaster.png,0,0,0,0,1307,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001307_post_disaster.png,portugal-wildfire_00001307_post_disaster,0,0,tier3\masks\portugal-wildfire_00001307_post_disaster.png,0,0,0,0,1307,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001307_post_disaster.png,socal-fire_00001307_post_disaster,0,0,train\masks\socal-fire_00001307_post_disaster.png,0,0,0,0,1307,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001308_post_disaster.png,socal-fire_00001308_post_disaster,0,0,train\masks\socal-fire_00001308_post_disaster.png,0,0,0,0,1308,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001308_post_disaster.png,pinery-bushfire_00001308_post_disaster,0,0,tier3\masks\pinery-bushfire_00001308_post_disaster.png,0,0,0,0,1308,2 +1,536,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001308_post_disaster.png,portugal-wildfire_00001308_post_disaster,0,0,tier3\masks\portugal-wildfire_00001308_post_disaster.png,1,543,0,0,1308,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001309_post_disaster.png,portugal-wildfire_00001309_post_disaster,0,0,tier3\masks\portugal-wildfire_00001309_post_disaster.png,0,0,2,3042,1309,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001309_post_disaster.png,pinery-bushfire_00001309_post_disaster,0,0,tier3\masks\pinery-bushfire_00001309_post_disaster.png,0,0,0,0,1309,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001310_post_disaster.png,portugal-wildfire_00001310_post_disaster,0,0,tier3\masks\portugal-wildfire_00001310_post_disaster.png,0,0,0,0,1310,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001310_post_disaster.png,pinery-bushfire_00001310_post_disaster,0,0,tier3\masks\pinery-bushfire_00001310_post_disaster.png,0,0,0,0,1310,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001311_post_disaster.png,pinery-bushfire_00001311_post_disaster,0,0,tier3\masks\pinery-bushfire_00001311_post_disaster.png,0,0,0,0,1311,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001311_post_disaster.png,portugal-wildfire_00001311_post_disaster,0,0,tier3\masks\portugal-wildfire_00001311_post_disaster.png,0,0,0,0,1311,1 +3,496,socal-fire,post,train,train\images\socal-fire_00001312_post_disaster.png,socal-fire_00001312_post_disaster,0,0,train\masks\socal-fire_00001312_post_disaster.png,0,0,8,3124,1312,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001312_post_disaster.png,pinery-bushfire_00001312_post_disaster,0,0,tier3\masks\pinery-bushfire_00001312_post_disaster.png,0,0,0,0,1312,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001312_post_disaster.png,portugal-wildfire_00001312_post_disaster,0,0,tier3\masks\portugal-wildfire_00001312_post_disaster.png,0,0,6,3052,1312,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001313_post_disaster.png,pinery-bushfire_00001313_post_disaster,0,0,tier3\masks\pinery-bushfire_00001313_post_disaster.png,0,0,0,0,1313,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001313_post_disaster.png,socal-fire_00001313_post_disaster,0,0,train\masks\socal-fire_00001313_post_disaster.png,0,0,2,1055,1313,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001313_post_disaster.png,portugal-wildfire_00001313_post_disaster,2,425,tier3\masks\portugal-wildfire_00001313_post_disaster.png,0,0,36,23481,1313,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001314_post_disaster.png,pinery-bushfire_00001314_post_disaster,0,0,tier3\masks\pinery-bushfire_00001314_post_disaster.png,0,0,0,0,1314,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001314_post_disaster.png,portugal-wildfire_00001314_post_disaster,0,0,tier3\masks\portugal-wildfire_00001314_post_disaster.png,0,0,0,0,1314,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001315_post_disaster.png,socal-fire_00001315_post_disaster,0,0,train\masks\socal-fire_00001315_post_disaster.png,0,0,0,0,1315,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001315_post_disaster.png,pinery-bushfire_00001315_post_disaster,0,0,tier3\masks\pinery-bushfire_00001315_post_disaster.png,0,0,3,1888,1315,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001315_post_disaster.png,portugal-wildfire_00001315_post_disaster,0,0,tier3\masks\portugal-wildfire_00001315_post_disaster.png,0,0,0,0,1315,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001316_post_disaster.png,pinery-bushfire_00001316_post_disaster,0,0,tier3\masks\pinery-bushfire_00001316_post_disaster.png,0,0,12,8647,1316,0 +1,133,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001316_post_disaster.png,portugal-wildfire_00001316_post_disaster,0,0,tier3\masks\portugal-wildfire_00001316_post_disaster.png,0,0,0,0,1316,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001317_post_disaster.png,socal-fire_00001317_post_disaster,0,0,train\masks\socal-fire_00001317_post_disaster.png,0,0,1,564,1317,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001317_post_disaster.png,portugal-wildfire_00001317_post_disaster,0,0,tier3\masks\portugal-wildfire_00001317_post_disaster.png,0,0,25,18493,1317,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001317_post_disaster.png,pinery-bushfire_00001317_post_disaster,0,0,tier3\masks\pinery-bushfire_00001317_post_disaster.png,0,0,0,0,1317,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001318_post_disaster.png,portugal-wildfire_00001318_post_disaster,0,0,tier3\masks\portugal-wildfire_00001318_post_disaster.png,0,0,0,0,1318,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001318_post_disaster.png,pinery-bushfire_00001318_post_disaster,0,0,tier3\masks\pinery-bushfire_00001318_post_disaster.png,1,288,8,5725,1318,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001318_post_disaster.png,socal-fire_00001318_post_disaster,0,0,train\masks\socal-fire_00001318_post_disaster.png,0,0,1,186,1318,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001319_post_disaster.png,pinery-bushfire_00001319_post_disaster,2,833,tier3\masks\pinery-bushfire_00001319_post_disaster.png,1,1122,3,1079,1319,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001319_post_disaster.png,socal-fire_00001319_post_disaster,0,0,train\masks\socal-fire_00001319_post_disaster.png,0,0,0,0,1319,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001319_post_disaster.png,portugal-wildfire_00001319_post_disaster,0,0,tier3\masks\portugal-wildfire_00001319_post_disaster.png,0,0,14,8524,1319,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001320_post_disaster.png,socal-fire_00001320_post_disaster,0,0,train\masks\socal-fire_00001320_post_disaster.png,0,0,0,0,1320,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001320_post_disaster.png,portugal-wildfire_00001320_post_disaster,0,0,tier3\masks\portugal-wildfire_00001320_post_disaster.png,0,0,0,0,1320,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001320_post_disaster.png,pinery-bushfire_00001320_post_disaster,0,0,tier3\masks\pinery-bushfire_00001320_post_disaster.png,0,0,0,0,1320,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001321_post_disaster.png,pinery-bushfire_00001321_post_disaster,0,0,tier3\masks\pinery-bushfire_00001321_post_disaster.png,0,0,0,0,1321,1 +3,418,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001321_post_disaster.png,portugal-wildfire_00001321_post_disaster,0,0,tier3\masks\portugal-wildfire_00001321_post_disaster.png,0,0,16,7795,1321,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001322_post_disaster.png,pinery-bushfire_00001322_post_disaster,0,0,tier3\masks\pinery-bushfire_00001322_post_disaster.png,0,0,0,0,1322,4 +2,2708,socal-fire,post,train,train\images\socal-fire_00001322_post_disaster.png,socal-fire_00001322_post_disaster,0,0,train\masks\socal-fire_00001322_post_disaster.png,0,0,33,56248,1322,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001322_post_disaster.png,portugal-wildfire_00001322_post_disaster,0,0,tier3\masks\portugal-wildfire_00001322_post_disaster.png,0,0,0,0,1322,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001323_post_disaster.png,pinery-bushfire_00001323_post_disaster,0,0,tier3\masks\pinery-bushfire_00001323_post_disaster.png,0,0,0,0,1323,4 +4,3345,socal-fire,post,train,train\images\socal-fire_00001323_post_disaster.png,socal-fire_00001323_post_disaster,2,881,train\masks\socal-fire_00001323_post_disaster.png,1,3301,22,22819,1323,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001323_post_disaster.png,portugal-wildfire_00001323_post_disaster,0,0,tier3\masks\portugal-wildfire_00001323_post_disaster.png,0,0,31,43568,1323,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001324_post_disaster.png,pinery-bushfire_00001324_post_disaster,0,0,tier3\masks\pinery-bushfire_00001324_post_disaster.png,0,0,0,0,1324,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001324_post_disaster.png,socal-fire_00001324_post_disaster,0,0,train\masks\socal-fire_00001324_post_disaster.png,0,0,0,0,1324,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001324_post_disaster.png,portugal-wildfire_00001324_post_disaster,0,0,tier3\masks\portugal-wildfire_00001324_post_disaster.png,0,0,0,0,1324,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001325_post_disaster.png,socal-fire_00001325_post_disaster,0,0,train\masks\socal-fire_00001325_post_disaster.png,0,0,5,4360,1325,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001325_post_disaster.png,pinery-bushfire_00001325_post_disaster,0,0,tier3\masks\pinery-bushfire_00001325_post_disaster.png,0,0,0,0,1325,2 +1,322,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001325_post_disaster.png,portugal-wildfire_00001325_post_disaster,0,0,tier3\masks\portugal-wildfire_00001325_post_disaster.png,0,0,0,0,1325,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001326_post_disaster.png,portugal-wildfire_00001326_post_disaster,0,0,tier3\masks\portugal-wildfire_00001326_post_disaster.png,0,0,0,0,1326,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001326_post_disaster.png,pinery-bushfire_00001326_post_disaster,0,0,tier3\masks\pinery-bushfire_00001326_post_disaster.png,0,0,2,1442,1326,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001327_post_disaster.png,portugal-wildfire_00001327_post_disaster,0,0,tier3\masks\portugal-wildfire_00001327_post_disaster.png,0,0,0,0,1327,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001327_post_disaster.png,pinery-bushfire_00001327_post_disaster,0,0,tier3\masks\pinery-bushfire_00001327_post_disaster.png,0,0,6,3688,1327,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001328_post_disaster.png,portugal-wildfire_00001328_post_disaster,0,0,tier3\masks\portugal-wildfire_00001328_post_disaster.png,0,0,4,12878,1328,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001328_post_disaster.png,pinery-bushfire_00001328_post_disaster,0,0,tier3\masks\pinery-bushfire_00001328_post_disaster.png,0,0,0,0,1328,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001329_post_disaster.png,pinery-bushfire_00001329_post_disaster,0,0,tier3\masks\pinery-bushfire_00001329_post_disaster.png,0,0,4,379,1329,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001329_post_disaster.png,portugal-wildfire_00001329_post_disaster,0,0,tier3\masks\portugal-wildfire_00001329_post_disaster.png,0,0,3,1147,1329,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001330_post_disaster.png,portugal-wildfire_00001330_post_disaster,0,0,tier3\masks\portugal-wildfire_00001330_post_disaster.png,0,0,1,307,1330,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001330_post_disaster.png,socal-fire_00001330_post_disaster,0,0,train\masks\socal-fire_00001330_post_disaster.png,0,0,44,84341,1330,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001330_post_disaster.png,pinery-bushfire_00001330_post_disaster,0,0,tier3\masks\pinery-bushfire_00001330_post_disaster.png,0,0,0,0,1330,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001331_post_disaster.png,socal-fire_00001331_post_disaster,0,0,train\masks\socal-fire_00001331_post_disaster.png,0,0,0,0,1331,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001331_post_disaster.png,pinery-bushfire_00001331_post_disaster,0,0,tier3\masks\pinery-bushfire_00001331_post_disaster.png,0,0,31,20165,1331,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001331_post_disaster.png,portugal-wildfire_00001331_post_disaster,0,0,tier3\masks\portugal-wildfire_00001331_post_disaster.png,0,0,0,0,1331,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001332_post_disaster.png,pinery-bushfire_00001332_post_disaster,0,0,tier3\masks\pinery-bushfire_00001332_post_disaster.png,0,0,0,0,1332,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001332_post_disaster.png,portugal-wildfire_00001332_post_disaster,0,0,tier3\masks\portugal-wildfire_00001332_post_disaster.png,0,0,4,1732,1332,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001333_post_disaster.png,pinery-bushfire_00001333_post_disaster,0,0,tier3\masks\pinery-bushfire_00001333_post_disaster.png,0,0,0,0,1333,1 +1,653,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001333_post_disaster.png,portugal-wildfire_00001333_post_disaster,0,0,tier3\masks\portugal-wildfire_00001333_post_disaster.png,0,0,8,13535,1333,4 +6,5509,socal-fire,post,train,train\images\socal-fire_00001333_post_disaster.png,socal-fire_00001333_post_disaster,0,0,train\masks\socal-fire_00001333_post_disaster.png,0,0,15,22822,1333,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001334_post_disaster.png,pinery-bushfire_00001334_post_disaster,0,0,tier3\masks\pinery-bushfire_00001334_post_disaster.png,0,0,5,6501,1334,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001334_post_disaster.png,socal-fire_00001334_post_disaster,0,0,train\masks\socal-fire_00001334_post_disaster.png,0,0,0,0,1334,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001334_post_disaster.png,portugal-wildfire_00001334_post_disaster,0,0,tier3\masks\portugal-wildfire_00001334_post_disaster.png,0,0,6,5092,1334,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001335_post_disaster.png,portugal-wildfire_00001335_post_disaster,0,0,tier3\masks\portugal-wildfire_00001335_post_disaster.png,0,0,11,5161,1335,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001335_post_disaster.png,pinery-bushfire_00001335_post_disaster,0,0,tier3\masks\pinery-bushfire_00001335_post_disaster.png,0,0,0,0,1335,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001336_post_disaster.png,portugal-wildfire_00001336_post_disaster,0,0,tier3\masks\portugal-wildfire_00001336_post_disaster.png,0,0,0,0,1336,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001336_post_disaster.png,pinery-bushfire_00001336_post_disaster,0,0,tier3\masks\pinery-bushfire_00001336_post_disaster.png,0,0,0,0,1336,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001337_post_disaster.png,portugal-wildfire_00001337_post_disaster,0,0,tier3\masks\portugal-wildfire_00001337_post_disaster.png,0,0,0,0,1337,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001337_post_disaster.png,pinery-bushfire_00001337_post_disaster,1,279,tier3\masks\pinery-bushfire_00001337_post_disaster.png,0,0,14,6733,1337,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001337_post_disaster.png,socal-fire_00001337_post_disaster,0,0,train\masks\socal-fire_00001337_post_disaster.png,0,0,0,0,1337,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001338_post_disaster.png,socal-fire_00001338_post_disaster,0,0,train\masks\socal-fire_00001338_post_disaster.png,0,0,0,0,1338,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001338_post_disaster.png,portugal-wildfire_00001338_post_disaster,0,0,tier3\masks\portugal-wildfire_00001338_post_disaster.png,0,0,0,0,1338,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001338_post_disaster.png,pinery-bushfire_00001338_post_disaster,0,0,tier3\masks\pinery-bushfire_00001338_post_disaster.png,0,0,0,0,1338,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001339_post_disaster.png,socal-fire_00001339_post_disaster,0,0,train\masks\socal-fire_00001339_post_disaster.png,0,0,0,0,1339,4 +1,590,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001339_post_disaster.png,portugal-wildfire_00001339_post_disaster,0,0,tier3\masks\portugal-wildfire_00001339_post_disaster.png,0,0,24,23235,1339,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001339_post_disaster.png,pinery-bushfire_00001339_post_disaster,0,0,tier3\masks\pinery-bushfire_00001339_post_disaster.png,0,0,0,0,1339,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001340_post_disaster.png,socal-fire_00001340_post_disaster,0,0,train\masks\socal-fire_00001340_post_disaster.png,0,0,8,2918,1340,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001340_post_disaster.png,pinery-bushfire_00001340_post_disaster,0,0,tier3\masks\pinery-bushfire_00001340_post_disaster.png,0,0,0,0,1340,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001340_post_disaster.png,portugal-wildfire_00001340_post_disaster,0,0,tier3\masks\portugal-wildfire_00001340_post_disaster.png,0,0,0,0,1340,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001341_post_disaster.png,socal-fire_00001341_post_disaster,0,0,train\masks\socal-fire_00001341_post_disaster.png,0,0,70,84443,1341,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001341_post_disaster.png,portugal-wildfire_00001341_post_disaster,0,0,tier3\masks\portugal-wildfire_00001341_post_disaster.png,0,0,39,90021,1341,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001341_post_disaster.png,pinery-bushfire_00001341_post_disaster,0,0,tier3\masks\pinery-bushfire_00001341_post_disaster.png,0,0,0,0,1341,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001342_post_disaster.png,portugal-wildfire_00001342_post_disaster,0,0,tier3\masks\portugal-wildfire_00001342_post_disaster.png,0,0,0,0,1342,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001342_post_disaster.png,pinery-bushfire_00001342_post_disaster,0,0,tier3\masks\pinery-bushfire_00001342_post_disaster.png,0,0,0,0,1342,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001343_post_disaster.png,socal-fire_00001343_post_disaster,0,0,train\masks\socal-fire_00001343_post_disaster.png,0,0,0,0,1343,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001343_post_disaster.png,portugal-wildfire_00001343_post_disaster,0,0,tier3\masks\portugal-wildfire_00001343_post_disaster.png,0,0,0,0,1343,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001343_post_disaster.png,pinery-bushfire_00001343_post_disaster,0,0,tier3\masks\pinery-bushfire_00001343_post_disaster.png,0,0,0,0,1343,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001344_post_disaster.png,portugal-wildfire_00001344_post_disaster,0,0,tier3\masks\portugal-wildfire_00001344_post_disaster.png,0,0,24,23789,1344,2 +7,10581,socal-fire,post,train,train\images\socal-fire_00001344_post_disaster.png,socal-fire_00001344_post_disaster,1,3058,train\masks\socal-fire_00001344_post_disaster.png,0,0,5,8040,1344,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001344_post_disaster.png,pinery-bushfire_00001344_post_disaster,0,0,tier3\masks\pinery-bushfire_00001344_post_disaster.png,0,0,0,0,1344,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001345_post_disaster.png,portugal-wildfire_00001345_post_disaster,0,0,tier3\masks\portugal-wildfire_00001345_post_disaster.png,0,0,0,0,1345,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001345_post_disaster.png,pinery-bushfire_00001345_post_disaster,0,0,tier3\masks\pinery-bushfire_00001345_post_disaster.png,0,0,0,0,1345,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001346_post_disaster.png,pinery-bushfire_00001346_post_disaster,0,0,tier3\masks\pinery-bushfire_00001346_post_disaster.png,0,0,0,0,1346,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001346_post_disaster.png,portugal-wildfire_00001346_post_disaster,1,145,tier3\masks\portugal-wildfire_00001346_post_disaster.png,0,0,15,7679,1346,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001346_post_disaster.png,socal-fire_00001346_post_disaster,0,0,train\masks\socal-fire_00001346_post_disaster.png,0,0,0,0,1346,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001347_post_disaster.png,pinery-bushfire_00001347_post_disaster,0,0,tier3\masks\pinery-bushfire_00001347_post_disaster.png,0,0,1,1977,1347,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001347_post_disaster.png,socal-fire_00001347_post_disaster,0,0,train\masks\socal-fire_00001347_post_disaster.png,0,0,0,0,1347,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001347_post_disaster.png,portugal-wildfire_00001347_post_disaster,0,0,tier3\masks\portugal-wildfire_00001347_post_disaster.png,0,0,0,0,1347,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001348_post_disaster.png,pinery-bushfire_00001348_post_disaster,0,0,tier3\masks\pinery-bushfire_00001348_post_disaster.png,0,0,0,0,1348,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001348_post_disaster.png,socal-fire_00001348_post_disaster,0,0,train\masks\socal-fire_00001348_post_disaster.png,0,0,0,0,1348,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001348_post_disaster.png,portugal-wildfire_00001348_post_disaster,0,0,tier3\masks\portugal-wildfire_00001348_post_disaster.png,0,0,0,0,1348,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001349_post_disaster.png,socal-fire_00001349_post_disaster,0,0,train\masks\socal-fire_00001349_post_disaster.png,0,0,0,0,1349,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001349_post_disaster.png,pinery-bushfire_00001349_post_disaster,0,0,tier3\masks\pinery-bushfire_00001349_post_disaster.png,0,0,0,0,1349,2 +1,158,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001349_post_disaster.png,portugal-wildfire_00001349_post_disaster,0,0,tier3\masks\portugal-wildfire_00001349_post_disaster.png,0,0,0,0,1349,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001350_post_disaster.png,pinery-bushfire_00001350_post_disaster,0,0,tier3\masks\pinery-bushfire_00001350_post_disaster.png,0,0,0,0,1350,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001350_post_disaster.png,socal-fire_00001350_post_disaster,0,0,train\masks\socal-fire_00001350_post_disaster.png,0,0,0,0,1350,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001350_post_disaster.png,portugal-wildfire_00001350_post_disaster,0,0,tier3\masks\portugal-wildfire_00001350_post_disaster.png,0,0,0,0,1350,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001351_post_disaster.png,pinery-bushfire_00001351_post_disaster,0,0,tier3\masks\pinery-bushfire_00001351_post_disaster.png,0,0,4,8117,1351,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001351_post_disaster.png,socal-fire_00001351_post_disaster,0,0,train\masks\socal-fire_00001351_post_disaster.png,0,0,0,0,1351,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001351_post_disaster.png,portugal-wildfire_00001351_post_disaster,0,0,tier3\masks\portugal-wildfire_00001351_post_disaster.png,0,0,0,0,1351,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001352_post_disaster.png,pinery-bushfire_00001352_post_disaster,0,0,tier3\masks\pinery-bushfire_00001352_post_disaster.png,0,0,0,0,1352,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001352_post_disaster.png,socal-fire_00001352_post_disaster,0,0,train\masks\socal-fire_00001352_post_disaster.png,0,0,77,123275,1352,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001352_post_disaster.png,portugal-wildfire_00001352_post_disaster,0,0,tier3\masks\portugal-wildfire_00001352_post_disaster.png,0,0,0,0,1352,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001353_post_disaster.png,portugal-wildfire_00001353_post_disaster,0,0,tier3\masks\portugal-wildfire_00001353_post_disaster.png,0,0,0,0,1353,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001353_post_disaster.png,pinery-bushfire_00001353_post_disaster,0,0,tier3\masks\pinery-bushfire_00001353_post_disaster.png,0,0,0,0,1353,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001353_post_disaster.png,socal-fire_00001353_post_disaster,0,0,train\masks\socal-fire_00001353_post_disaster.png,0,0,6,14089,1353,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001354_post_disaster.png,pinery-bushfire_00001354_post_disaster,0,0,tier3\masks\pinery-bushfire_00001354_post_disaster.png,0,0,0,0,1354,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001354_post_disaster.png,socal-fire_00001354_post_disaster,0,0,train\masks\socal-fire_00001354_post_disaster.png,0,0,2,3261,1354,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001354_post_disaster.png,portugal-wildfire_00001354_post_disaster,0,0,tier3\masks\portugal-wildfire_00001354_post_disaster.png,0,0,74,232769,1354,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001355_post_disaster.png,socal-fire_00001355_post_disaster,0,0,train\masks\socal-fire_00001355_post_disaster.png,0,0,0,0,1355,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001355_post_disaster.png,pinery-bushfire_00001355_post_disaster,0,0,tier3\masks\pinery-bushfire_00001355_post_disaster.png,0,0,0,0,1355,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001355_post_disaster.png,portugal-wildfire_00001355_post_disaster,0,0,tier3\masks\portugal-wildfire_00001355_post_disaster.png,0,0,8,4401,1355,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001356_post_disaster.png,portugal-wildfire_00001356_post_disaster,0,0,tier3\masks\portugal-wildfire_00001356_post_disaster.png,0,0,0,0,1356,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001356_post_disaster.png,pinery-bushfire_00001356_post_disaster,0,0,tier3\masks\pinery-bushfire_00001356_post_disaster.png,0,0,0,0,1356,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001356_post_disaster.png,socal-fire_00001356_post_disaster,0,0,train\masks\socal-fire_00001356_post_disaster.png,0,0,0,0,1356,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001357_post_disaster.png,socal-fire_00001357_post_disaster,0,0,train\masks\socal-fire_00001357_post_disaster.png,0,0,0,0,1357,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001357_post_disaster.png,pinery-bushfire_00001357_post_disaster,0,0,tier3\masks\pinery-bushfire_00001357_post_disaster.png,0,0,0,0,1357,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001357_post_disaster.png,portugal-wildfire_00001357_post_disaster,0,0,tier3\masks\portugal-wildfire_00001357_post_disaster.png,0,0,1,401,1357,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001358_post_disaster.png,pinery-bushfire_00001358_post_disaster,0,0,tier3\masks\pinery-bushfire_00001358_post_disaster.png,0,0,0,0,1358,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001358_post_disaster.png,portugal-wildfire_00001358_post_disaster,0,0,tier3\masks\portugal-wildfire_00001358_post_disaster.png,0,0,2,964,1358,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001359_post_disaster.png,socal-fire_00001359_post_disaster,0,0,train\masks\socal-fire_00001359_post_disaster.png,0,0,80,114778,1359,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001359_post_disaster.png,pinery-bushfire_00001359_post_disaster,0,0,tier3\masks\pinery-bushfire_00001359_post_disaster.png,0,0,4,2033,1359,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001359_post_disaster.png,portugal-wildfire_00001359_post_disaster,0,0,tier3\masks\portugal-wildfire_00001359_post_disaster.png,0,0,0,0,1359,2 +1,75,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001360_post_disaster.png,pinery-bushfire_00001360_post_disaster,0,0,tier3\masks\pinery-bushfire_00001360_post_disaster.png,0,0,11,4225,1360,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001360_post_disaster.png,portugal-wildfire_00001360_post_disaster,0,0,tier3\masks\portugal-wildfire_00001360_post_disaster.png,0,0,1,149,1360,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001361_post_disaster.png,portugal-wildfire_00001361_post_disaster,0,0,tier3\masks\portugal-wildfire_00001361_post_disaster.png,0,0,0,0,1361,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001361_post_disaster.png,socal-fire_00001361_post_disaster,0,0,train\masks\socal-fire_00001361_post_disaster.png,0,0,0,0,1361,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001361_post_disaster.png,pinery-bushfire_00001361_post_disaster,0,0,tier3\masks\pinery-bushfire_00001361_post_disaster.png,0,0,0,0,1361,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001362_post_disaster.png,pinery-bushfire_00001362_post_disaster,0,0,tier3\masks\pinery-bushfire_00001362_post_disaster.png,0,0,0,0,1362,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001362_post_disaster.png,portugal-wildfire_00001362_post_disaster,0,0,tier3\masks\portugal-wildfire_00001362_post_disaster.png,0,0,0,0,1362,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001363_post_disaster.png,pinery-bushfire_00001363_post_disaster,0,0,tier3\masks\pinery-bushfire_00001363_post_disaster.png,0,0,0,0,1363,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001363_post_disaster.png,portugal-wildfire_00001363_post_disaster,0,0,tier3\masks\portugal-wildfire_00001363_post_disaster.png,0,0,0,0,1363,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001363_post_disaster.png,socal-fire_00001363_post_disaster,0,0,train\masks\socal-fire_00001363_post_disaster.png,0,0,0,0,1363,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001364_post_disaster.png,portugal-wildfire_00001364_post_disaster,0,0,tier3\masks\portugal-wildfire_00001364_post_disaster.png,0,0,18,11434,1364,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001364_post_disaster.png,socal-fire_00001364_post_disaster,0,0,train\masks\socal-fire_00001364_post_disaster.png,0,0,0,0,1364,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001364_post_disaster.png,pinery-bushfire_00001364_post_disaster,0,0,tier3\masks\pinery-bushfire_00001364_post_disaster.png,0,0,18,8415,1364,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001365_post_disaster.png,portugal-wildfire_00001365_post_disaster,0,0,tier3\masks\portugal-wildfire_00001365_post_disaster.png,0,0,0,0,1365,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001365_post_disaster.png,pinery-bushfire_00001365_post_disaster,0,0,tier3\masks\pinery-bushfire_00001365_post_disaster.png,0,0,0,0,1365,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001365_post_disaster.png,socal-fire_00001365_post_disaster,0,0,train\masks\socal-fire_00001365_post_disaster.png,0,0,18,26961,1365,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001366_post_disaster.png,pinery-bushfire_00001366_post_disaster,0,0,tier3\masks\pinery-bushfire_00001366_post_disaster.png,0,0,2,915,1366,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001366_post_disaster.png,socal-fire_00001366_post_disaster,0,0,train\masks\socal-fire_00001366_post_disaster.png,0,0,165,248472,1366,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001366_post_disaster.png,portugal-wildfire_00001366_post_disaster,0,0,tier3\masks\portugal-wildfire_00001366_post_disaster.png,0,0,0,0,1366,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001367_post_disaster.png,pinery-bushfire_00001367_post_disaster,0,0,tier3\masks\pinery-bushfire_00001367_post_disaster.png,0,0,17,13432,1367,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001367_post_disaster.png,portugal-wildfire_00001367_post_disaster,0,0,tier3\masks\portugal-wildfire_00001367_post_disaster.png,0,0,0,0,1367,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001367_post_disaster.png,socal-fire_00001367_post_disaster,0,0,train\masks\socal-fire_00001367_post_disaster.png,0,0,3,1147,1367,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001368_post_disaster.png,portugal-wildfire_00001368_post_disaster,0,0,tier3\masks\portugal-wildfire_00001368_post_disaster.png,0,0,0,0,1368,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001368_post_disaster.png,pinery-bushfire_00001368_post_disaster,0,0,tier3\masks\pinery-bushfire_00001368_post_disaster.png,0,0,0,0,1368,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001368_post_disaster.png,socal-fire_00001368_post_disaster,0,0,train\masks\socal-fire_00001368_post_disaster.png,0,0,62,127109,1368,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001369_post_disaster.png,socal-fire_00001369_post_disaster,0,0,train\masks\socal-fire_00001369_post_disaster.png,0,0,0,0,1369,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001369_post_disaster.png,portugal-wildfire_00001369_post_disaster,0,0,tier3\masks\portugal-wildfire_00001369_post_disaster.png,0,0,0,0,1369,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001369_post_disaster.png,pinery-bushfire_00001369_post_disaster,0,0,tier3\masks\pinery-bushfire_00001369_post_disaster.png,0,0,0,0,1369,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001370_post_disaster.png,portugal-wildfire_00001370_post_disaster,0,0,tier3\masks\portugal-wildfire_00001370_post_disaster.png,0,0,39,31508,1370,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001370_post_disaster.png,pinery-bushfire_00001370_post_disaster,0,0,tier3\masks\pinery-bushfire_00001370_post_disaster.png,0,0,0,0,1370,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001371_post_disaster.png,portugal-wildfire_00001371_post_disaster,0,0,tier3\masks\portugal-wildfire_00001371_post_disaster.png,0,0,0,0,1371,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001371_post_disaster.png,pinery-bushfire_00001371_post_disaster,0,0,tier3\masks\pinery-bushfire_00001371_post_disaster.png,0,0,0,0,1371,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001372_post_disaster.png,pinery-bushfire_00001372_post_disaster,0,0,tier3\masks\pinery-bushfire_00001372_post_disaster.png,0,0,0,0,1372,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001372_post_disaster.png,portugal-wildfire_00001372_post_disaster,0,0,tier3\masks\portugal-wildfire_00001372_post_disaster.png,0,0,0,0,1372,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001373_post_disaster.png,socal-fire_00001373_post_disaster,0,0,train\masks\socal-fire_00001373_post_disaster.png,0,0,0,0,1373,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001373_post_disaster.png,portugal-wildfire_00001373_post_disaster,0,0,tier3\masks\portugal-wildfire_00001373_post_disaster.png,0,0,0,0,1373,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001373_post_disaster.png,pinery-bushfire_00001373_post_disaster,0,0,tier3\masks\pinery-bushfire_00001373_post_disaster.png,0,0,2,2579,1373,3 +3,741,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001374_post_disaster.png,portugal-wildfire_00001374_post_disaster,0,0,tier3\masks\portugal-wildfire_00001374_post_disaster.png,0,0,1,250,1374,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001374_post_disaster.png,pinery-bushfire_00001374_post_disaster,0,0,tier3\masks\pinery-bushfire_00001374_post_disaster.png,0,0,2,3615,1374,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001374_post_disaster.png,socal-fire_00001374_post_disaster,0,0,train\masks\socal-fire_00001374_post_disaster.png,0,0,40,59986,1374,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001375_post_disaster.png,portugal-wildfire_00001375_post_disaster,0,0,tier3\masks\portugal-wildfire_00001375_post_disaster.png,0,0,0,0,1375,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001375_post_disaster.png,socal-fire_00001375_post_disaster,0,0,train\masks\socal-fire_00001375_post_disaster.png,0,0,2,641,1375,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001375_post_disaster.png,pinery-bushfire_00001375_post_disaster,0,0,tier3\masks\pinery-bushfire_00001375_post_disaster.png,0,0,0,0,1375,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001376_post_disaster.png,socal-fire_00001376_post_disaster,0,0,train\masks\socal-fire_00001376_post_disaster.png,0,0,0,0,1376,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001376_post_disaster.png,portugal-wildfire_00001376_post_disaster,0,0,tier3\masks\portugal-wildfire_00001376_post_disaster.png,0,0,0,0,1376,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001376_post_disaster.png,pinery-bushfire_00001376_post_disaster,0,0,tier3\masks\pinery-bushfire_00001376_post_disaster.png,0,0,0,0,1376,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001377_post_disaster.png,portugal-wildfire_00001377_post_disaster,0,0,tier3\masks\portugal-wildfire_00001377_post_disaster.png,0,0,0,0,1377,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001377_post_disaster.png,pinery-bushfire_00001377_post_disaster,0,0,tier3\masks\pinery-bushfire_00001377_post_disaster.png,0,0,0,0,1377,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001377_post_disaster.png,socal-fire_00001377_post_disaster,0,0,train\masks\socal-fire_00001377_post_disaster.png,0,0,0,0,1377,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001378_post_disaster.png,pinery-bushfire_00001378_post_disaster,0,0,tier3\masks\pinery-bushfire_00001378_post_disaster.png,0,0,0,0,1378,0 +3,1327,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001378_post_disaster.png,portugal-wildfire_00001378_post_disaster,1,360,tier3\masks\portugal-wildfire_00001378_post_disaster.png,0,0,3,1472,1378,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001379_post_disaster.png,socal-fire_00001379_post_disaster,0,0,train\masks\socal-fire_00001379_post_disaster.png,0,0,0,0,1379,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001379_post_disaster.png,pinery-bushfire_00001379_post_disaster,0,0,tier3\masks\pinery-bushfire_00001379_post_disaster.png,0,0,18,10158,1379,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001379_post_disaster.png,portugal-wildfire_00001379_post_disaster,0,0,tier3\masks\portugal-wildfire_00001379_post_disaster.png,0,0,0,0,1379,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001380_post_disaster.png,pinery-bushfire_00001380_post_disaster,1,419,tier3\masks\pinery-bushfire_00001380_post_disaster.png,0,0,0,0,1380,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001380_post_disaster.png,socal-fire_00001380_post_disaster,0,0,train\masks\socal-fire_00001380_post_disaster.png,0,0,0,0,1380,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001380_post_disaster.png,portugal-wildfire_00001380_post_disaster,1,982,tier3\masks\portugal-wildfire_00001380_post_disaster.png,0,0,13,6568,1380,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001381_post_disaster.png,portugal-wildfire_00001381_post_disaster,0,0,tier3\masks\portugal-wildfire_00001381_post_disaster.png,0,0,1,51,1381,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001381_post_disaster.png,pinery-bushfire_00001381_post_disaster,0,0,tier3\masks\pinery-bushfire_00001381_post_disaster.png,0,0,0,0,1381,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001381_post_disaster.png,socal-fire_00001381_post_disaster,0,0,train\masks\socal-fire_00001381_post_disaster.png,0,0,0,0,1381,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001382_post_disaster.png,portugal-wildfire_00001382_post_disaster,0,0,tier3\masks\portugal-wildfire_00001382_post_disaster.png,0,0,0,0,1382,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001382_post_disaster.png,socal-fire_00001382_post_disaster,0,0,train\masks\socal-fire_00001382_post_disaster.png,0,0,46,44078,1382,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001382_post_disaster.png,pinery-bushfire_00001382_post_disaster,0,0,tier3\masks\pinery-bushfire_00001382_post_disaster.png,0,0,0,0,1382,1 +0,0,socal-fire,post,train,train\images\socal-fire_00001383_post_disaster.png,socal-fire_00001383_post_disaster,0,0,train\masks\socal-fire_00001383_post_disaster.png,0,0,0,0,1383,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001383_post_disaster.png,portugal-wildfire_00001383_post_disaster,0,0,tier3\masks\portugal-wildfire_00001383_post_disaster.png,0,0,0,0,1383,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001383_post_disaster.png,pinery-bushfire_00001383_post_disaster,0,0,tier3\masks\pinery-bushfire_00001383_post_disaster.png,0,0,0,0,1383,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001384_post_disaster.png,portugal-wildfire_00001384_post_disaster,0,0,tier3\masks\portugal-wildfire_00001384_post_disaster.png,0,0,1,173,1384,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001384_post_disaster.png,pinery-bushfire_00001384_post_disaster,0,0,tier3\masks\pinery-bushfire_00001384_post_disaster.png,0,0,1,35,1384,3 +5,2377,socal-fire,post,train,train\images\socal-fire_00001385_post_disaster.png,socal-fire_00001385_post_disaster,0,0,train\masks\socal-fire_00001385_post_disaster.png,0,0,5,12213,1385,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001385_post_disaster.png,pinery-bushfire_00001385_post_disaster,0,0,tier3\masks\pinery-bushfire_00001385_post_disaster.png,0,0,0,0,1385,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001385_post_disaster.png,portugal-wildfire_00001385_post_disaster,0,0,tier3\masks\portugal-wildfire_00001385_post_disaster.png,0,0,0,0,1385,3 +1,1960,socal-fire,post,train,train\images\socal-fire_00001386_post_disaster.png,socal-fire_00001386_post_disaster,0,0,train\masks\socal-fire_00001386_post_disaster.png,0,0,0,0,1386,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001386_post_disaster.png,pinery-bushfire_00001386_post_disaster,0,0,tier3\masks\pinery-bushfire_00001386_post_disaster.png,0,0,1,99,1386,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001386_post_disaster.png,portugal-wildfire_00001386_post_disaster,0,0,tier3\masks\portugal-wildfire_00001386_post_disaster.png,0,0,0,0,1386,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001387_post_disaster.png,pinery-bushfire_00001387_post_disaster,0,0,tier3\masks\pinery-bushfire_00001387_post_disaster.png,0,0,0,0,1387,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001387_post_disaster.png,portugal-wildfire_00001387_post_disaster,0,0,tier3\masks\portugal-wildfire_00001387_post_disaster.png,0,0,0,0,1387,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001387_post_disaster.png,socal-fire_00001387_post_disaster,0,0,train\masks\socal-fire_00001387_post_disaster.png,0,0,24,41740,1387,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001388_post_disaster.png,pinery-bushfire_00001388_post_disaster,0,0,tier3\masks\pinery-bushfire_00001388_post_disaster.png,0,0,0,0,1388,3 +2,421,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001388_post_disaster.png,portugal-wildfire_00001388_post_disaster,0,0,tier3\masks\portugal-wildfire_00001388_post_disaster.png,0,0,0,0,1388,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001389_post_disaster.png,pinery-bushfire_00001389_post_disaster,0,0,tier3\masks\pinery-bushfire_00001389_post_disaster.png,0,0,4,764,1389,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001389_post_disaster.png,portugal-wildfire_00001389_post_disaster,0,0,tier3\masks\portugal-wildfire_00001389_post_disaster.png,0,0,0,0,1389,0 +1,902,socal-fire,post,train,train\images\socal-fire_00001389_post_disaster.png,socal-fire_00001389_post_disaster,0,0,train\masks\socal-fire_00001389_post_disaster.png,0,0,4,2020,1389,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001390_post_disaster.png,socal-fire_00001390_post_disaster,0,0,train\masks\socal-fire_00001390_post_disaster.png,0,0,0,0,1390,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001390_post_disaster.png,pinery-bushfire_00001390_post_disaster,0,0,tier3\masks\pinery-bushfire_00001390_post_disaster.png,0,0,0,0,1390,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001390_post_disaster.png,portugal-wildfire_00001390_post_disaster,0,0,tier3\masks\portugal-wildfire_00001390_post_disaster.png,1,1517,2,1226,1390,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001391_post_disaster.png,pinery-bushfire_00001391_post_disaster,0,0,tier3\masks\pinery-bushfire_00001391_post_disaster.png,0,0,0,0,1391,3 +2,705,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001391_post_disaster.png,portugal-wildfire_00001391_post_disaster,0,0,tier3\masks\portugal-wildfire_00001391_post_disaster.png,0,0,13,9716,1391,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001391_post_disaster.png,socal-fire_00001391_post_disaster,0,0,train\masks\socal-fire_00001391_post_disaster.png,0,0,0,0,1391,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001392_post_disaster.png,pinery-bushfire_00001392_post_disaster,0,0,tier3\masks\pinery-bushfire_00001392_post_disaster.png,0,0,0,0,1392,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001392_post_disaster.png,portugal-wildfire_00001392_post_disaster,0,0,tier3\masks\portugal-wildfire_00001392_post_disaster.png,0,0,12,12345,1392,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001393_post_disaster.png,pinery-bushfire_00001393_post_disaster,0,0,tier3\masks\pinery-bushfire_00001393_post_disaster.png,0,0,0,0,1393,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001393_post_disaster.png,portugal-wildfire_00001393_post_disaster,0,0,tier3\masks\portugal-wildfire_00001393_post_disaster.png,0,0,0,0,1393,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001394_post_disaster.png,pinery-bushfire_00001394_post_disaster,0,0,tier3\masks\pinery-bushfire_00001394_post_disaster.png,0,0,0,0,1394,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001394_post_disaster.png,socal-fire_00001394_post_disaster,0,0,train\masks\socal-fire_00001394_post_disaster.png,0,0,0,0,1394,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001394_post_disaster.png,portugal-wildfire_00001394_post_disaster,0,0,tier3\masks\portugal-wildfire_00001394_post_disaster.png,0,0,0,0,1394,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001395_post_disaster.png,portugal-wildfire_00001395_post_disaster,0,0,tier3\masks\portugal-wildfire_00001395_post_disaster.png,0,0,0,0,1395,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001395_post_disaster.png,pinery-bushfire_00001395_post_disaster,0,0,tier3\masks\pinery-bushfire_00001395_post_disaster.png,0,0,0,0,1395,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001396_post_disaster.png,pinery-bushfire_00001396_post_disaster,0,0,tier3\masks\pinery-bushfire_00001396_post_disaster.png,0,0,12,7240,1396,4 +0,0,socal-fire,post,train,train\images\socal-fire_00001396_post_disaster.png,socal-fire_00001396_post_disaster,0,0,train\masks\socal-fire_00001396_post_disaster.png,0,0,0,0,1396,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001396_post_disaster.png,portugal-wildfire_00001396_post_disaster,0,0,tier3\masks\portugal-wildfire_00001396_post_disaster.png,0,0,1,2811,1396,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001397_post_disaster.png,pinery-bushfire_00001397_post_disaster,0,0,tier3\masks\pinery-bushfire_00001397_post_disaster.png,0,0,0,0,1397,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001397_post_disaster.png,portugal-wildfire_00001397_post_disaster,0,0,tier3\masks\portugal-wildfire_00001397_post_disaster.png,0,0,2,299,1397,0 +1,301,socal-fire,post,train,train\images\socal-fire_00001397_post_disaster.png,socal-fire_00001397_post_disaster,0,0,train\masks\socal-fire_00001397_post_disaster.png,0,0,27,43056,1397,2 +0,0,socal-fire,post,train,train\images\socal-fire_00001398_post_disaster.png,socal-fire_00001398_post_disaster,0,0,train\masks\socal-fire_00001398_post_disaster.png,0,0,0,0,1398,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001398_post_disaster.png,pinery-bushfire_00001398_post_disaster,0,0,tier3\masks\pinery-bushfire_00001398_post_disaster.png,0,0,0,0,1398,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001398_post_disaster.png,portugal-wildfire_00001398_post_disaster,0,0,tier3\masks\portugal-wildfire_00001398_post_disaster.png,0,0,0,0,1398,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001399_post_disaster.png,pinery-bushfire_00001399_post_disaster,0,0,tier3\masks\pinery-bushfire_00001399_post_disaster.png,0,0,0,0,1399,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001399_post_disaster.png,portugal-wildfire_00001399_post_disaster,0,0,tier3\masks\portugal-wildfire_00001399_post_disaster.png,0,0,69,74688,1399,0 +0,0,socal-fire,post,train,train\images\socal-fire_00001399_post_disaster.png,socal-fire_00001399_post_disaster,0,0,train\masks\socal-fire_00001399_post_disaster.png,0,0,0,0,1399,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001400_post_disaster.png,portugal-wildfire_00001400_post_disaster,0,0,tier3\masks\portugal-wildfire_00001400_post_disaster.png,0,0,33,26405,1400,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001400_post_disaster.png,pinery-bushfire_00001400_post_disaster,1,401,tier3\masks\pinery-bushfire_00001400_post_disaster.png,0,0,1,495,1400,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001401_post_disaster.png,portugal-wildfire_00001401_post_disaster,0,0,tier3\masks\portugal-wildfire_00001401_post_disaster.png,0,0,0,0,1401,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001401_post_disaster.png,pinery-bushfire_00001401_post_disaster,0,0,tier3\masks\pinery-bushfire_00001401_post_disaster.png,0,0,0,0,1401,3 +0,0,socal-fire,post,train,train\images\socal-fire_00001402_post_disaster.png,socal-fire_00001402_post_disaster,0,0,train\masks\socal-fire_00001402_post_disaster.png,0,0,0,0,1402,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001402_post_disaster.png,portugal-wildfire_00001402_post_disaster,0,0,tier3\masks\portugal-wildfire_00001402_post_disaster.png,0,0,0,0,1402,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001402_post_disaster.png,pinery-bushfire_00001402_post_disaster,0,0,tier3\masks\pinery-bushfire_00001402_post_disaster.png,0,0,0,0,1402,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001403_post_disaster.png,portugal-wildfire_00001403_post_disaster,0,0,tier3\masks\portugal-wildfire_00001403_post_disaster.png,0,0,0,0,1403,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001403_post_disaster.png,pinery-bushfire_00001403_post_disaster,0,0,tier3\masks\pinery-bushfire_00001403_post_disaster.png,0,0,0,0,1403,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001404_post_disaster.png,pinery-bushfire_00001404_post_disaster,0,0,tier3\masks\pinery-bushfire_00001404_post_disaster.png,0,0,0,0,1404,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001404_post_disaster.png,portugal-wildfire_00001404_post_disaster,0,0,tier3\masks\portugal-wildfire_00001404_post_disaster.png,0,0,41,67496,1404,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001405_post_disaster.png,pinery-bushfire_00001405_post_disaster,0,0,tier3\masks\pinery-bushfire_00001405_post_disaster.png,0,0,0,0,1405,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001405_post_disaster.png,portugal-wildfire_00001405_post_disaster,0,0,tier3\masks\portugal-wildfire_00001405_post_disaster.png,0,0,0,0,1405,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001406_post_disaster.png,pinery-bushfire_00001406_post_disaster,0,0,tier3\masks\pinery-bushfire_00001406_post_disaster.png,0,0,0,0,1406,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001406_post_disaster.png,portugal-wildfire_00001406_post_disaster,0,0,tier3\masks\portugal-wildfire_00001406_post_disaster.png,0,0,60,51155,1406,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001407_post_disaster.png,pinery-bushfire_00001407_post_disaster,0,0,tier3\masks\pinery-bushfire_00001407_post_disaster.png,0,0,0,0,1407,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001407_post_disaster.png,portugal-wildfire_00001407_post_disaster,0,0,tier3\masks\portugal-wildfire_00001407_post_disaster.png,0,0,0,0,1407,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001408_post_disaster.png,portugal-wildfire_00001408_post_disaster,0,0,tier3\masks\portugal-wildfire_00001408_post_disaster.png,0,0,2,1190,1408,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001408_post_disaster.png,pinery-bushfire_00001408_post_disaster,0,0,tier3\masks\pinery-bushfire_00001408_post_disaster.png,0,0,0,0,1408,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001409_post_disaster.png,portugal-wildfire_00001409_post_disaster,0,0,tier3\masks\portugal-wildfire_00001409_post_disaster.png,0,0,0,0,1409,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001409_post_disaster.png,pinery-bushfire_00001409_post_disaster,0,0,tier3\masks\pinery-bushfire_00001409_post_disaster.png,0,0,11,7479,1409,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001410_post_disaster.png,pinery-bushfire_00001410_post_disaster,0,0,tier3\masks\pinery-bushfire_00001410_post_disaster.png,0,0,11,7709,1410,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001410_post_disaster.png,portugal-wildfire_00001410_post_disaster,0,0,tier3\masks\portugal-wildfire_00001410_post_disaster.png,0,0,0,0,1410,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001411_post_disaster.png,portugal-wildfire_00001411_post_disaster,0,0,tier3\masks\portugal-wildfire_00001411_post_disaster.png,0,0,1,270,1411,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001411_post_disaster.png,pinery-bushfire_00001411_post_disaster,0,0,tier3\masks\pinery-bushfire_00001411_post_disaster.png,0,0,0,0,1411,3 +1,1196,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001412_post_disaster.png,portugal-wildfire_00001412_post_disaster,0,0,tier3\masks\portugal-wildfire_00001412_post_disaster.png,2,3904,11,30111,1412,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001412_post_disaster.png,pinery-bushfire_00001412_post_disaster,0,0,tier3\masks\pinery-bushfire_00001412_post_disaster.png,0,0,0,0,1412,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001413_post_disaster.png,portugal-wildfire_00001413_post_disaster,0,0,tier3\masks\portugal-wildfire_00001413_post_disaster.png,0,0,1,176,1413,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001413_post_disaster.png,pinery-bushfire_00001413_post_disaster,0,0,tier3\masks\pinery-bushfire_00001413_post_disaster.png,0,0,0,0,1413,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001414_post_disaster.png,pinery-bushfire_00001414_post_disaster,0,0,tier3\masks\pinery-bushfire_00001414_post_disaster.png,0,0,4,5754,1414,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001414_post_disaster.png,portugal-wildfire_00001414_post_disaster,1,380,tier3\masks\portugal-wildfire_00001414_post_disaster.png,0,0,64,49894,1414,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001415_post_disaster.png,portugal-wildfire_00001415_post_disaster,2,283,tier3\masks\portugal-wildfire_00001415_post_disaster.png,0,0,2,1605,1415,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001415_post_disaster.png,pinery-bushfire_00001415_post_disaster,0,0,tier3\masks\pinery-bushfire_00001415_post_disaster.png,0,0,0,0,1415,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001416_post_disaster.png,pinery-bushfire_00001416_post_disaster,0,0,tier3\masks\pinery-bushfire_00001416_post_disaster.png,0,0,0,0,1416,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001416_post_disaster.png,portugal-wildfire_00001416_post_disaster,1,459,tier3\masks\portugal-wildfire_00001416_post_disaster.png,0,0,40,34334,1416,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001417_post_disaster.png,portugal-wildfire_00001417_post_disaster,0,0,tier3\masks\portugal-wildfire_00001417_post_disaster.png,0,0,2,319,1417,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001417_post_disaster.png,pinery-bushfire_00001417_post_disaster,0,0,tier3\masks\pinery-bushfire_00001417_post_disaster.png,0,0,0,0,1417,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001418_post_disaster.png,portugal-wildfire_00001418_post_disaster,0,0,tier3\masks\portugal-wildfire_00001418_post_disaster.png,0,0,1,675,1418,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001418_post_disaster.png,pinery-bushfire_00001418_post_disaster,0,0,tier3\masks\pinery-bushfire_00001418_post_disaster.png,0,0,0,0,1418,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001419_post_disaster.png,portugal-wildfire_00001419_post_disaster,0,0,tier3\masks\portugal-wildfire_00001419_post_disaster.png,0,0,27,29235,1419,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001419_post_disaster.png,pinery-bushfire_00001419_post_disaster,0,0,tier3\masks\pinery-bushfire_00001419_post_disaster.png,0,0,0,0,1419,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001420_post_disaster.png,portugal-wildfire_00001420_post_disaster,0,0,tier3\masks\portugal-wildfire_00001420_post_disaster.png,0,0,1,331,1420,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001420_post_disaster.png,pinery-bushfire_00001420_post_disaster,0,0,tier3\masks\pinery-bushfire_00001420_post_disaster.png,0,0,0,0,1420,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001421_post_disaster.png,portugal-wildfire_00001421_post_disaster,0,0,tier3\masks\portugal-wildfire_00001421_post_disaster.png,0,0,0,0,1421,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001421_post_disaster.png,pinery-bushfire_00001421_post_disaster,0,0,tier3\masks\pinery-bushfire_00001421_post_disaster.png,0,0,0,0,1421,1 +7,15382,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001422_post_disaster.png,portugal-wildfire_00001422_post_disaster,0,0,tier3\masks\portugal-wildfire_00001422_post_disaster.png,0,0,44,34620,1422,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001422_post_disaster.png,pinery-bushfire_00001422_post_disaster,0,0,tier3\masks\pinery-bushfire_00001422_post_disaster.png,0,0,0,0,1422,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001423_post_disaster.png,pinery-bushfire_00001423_post_disaster,0,0,tier3\masks\pinery-bushfire_00001423_post_disaster.png,0,0,0,0,1423,3 +1,238,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001423_post_disaster.png,portugal-wildfire_00001423_post_disaster,2,558,tier3\masks\portugal-wildfire_00001423_post_disaster.png,1,167,9,5437,1423,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001424_post_disaster.png,portugal-wildfire_00001424_post_disaster,0,0,tier3\masks\portugal-wildfire_00001424_post_disaster.png,0,0,1,222,1424,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001424_post_disaster.png,pinery-bushfire_00001424_post_disaster,0,0,tier3\masks\pinery-bushfire_00001424_post_disaster.png,0,0,0,0,1424,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001425_post_disaster.png,pinery-bushfire_00001425_post_disaster,0,0,tier3\masks\pinery-bushfire_00001425_post_disaster.png,0,0,0,0,1425,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001425_post_disaster.png,portugal-wildfire_00001425_post_disaster,0,0,tier3\masks\portugal-wildfire_00001425_post_disaster.png,0,0,1,154,1425,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001426_post_disaster.png,portugal-wildfire_00001426_post_disaster,0,0,tier3\masks\portugal-wildfire_00001426_post_disaster.png,0,0,175,214042,1426,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001426_post_disaster.png,pinery-bushfire_00001426_post_disaster,0,0,tier3\masks\pinery-bushfire_00001426_post_disaster.png,0,0,0,0,1426,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001427_post_disaster.png,pinery-bushfire_00001427_post_disaster,0,0,tier3\masks\pinery-bushfire_00001427_post_disaster.png,0,0,0,0,1427,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001427_post_disaster.png,portugal-wildfire_00001427_post_disaster,1,435,tier3\masks\portugal-wildfire_00001427_post_disaster.png,0,0,5,3503,1427,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001428_post_disaster.png,portugal-wildfire_00001428_post_disaster,0,0,tier3\masks\portugal-wildfire_00001428_post_disaster.png,0,0,0,0,1428,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001428_post_disaster.png,pinery-bushfire_00001428_post_disaster,0,0,tier3\masks\pinery-bushfire_00001428_post_disaster.png,0,0,0,0,1428,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001429_post_disaster.png,portugal-wildfire_00001429_post_disaster,0,0,tier3\masks\portugal-wildfire_00001429_post_disaster.png,0,0,37,17930,1429,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001429_post_disaster.png,pinery-bushfire_00001429_post_disaster,0,0,tier3\masks\pinery-bushfire_00001429_post_disaster.png,0,0,10,25104,1429,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001430_post_disaster.png,pinery-bushfire_00001430_post_disaster,0,0,tier3\masks\pinery-bushfire_00001430_post_disaster.png,0,0,0,0,1430,1 +1,460,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001430_post_disaster.png,portugal-wildfire_00001430_post_disaster,0,0,tier3\masks\portugal-wildfire_00001430_post_disaster.png,0,0,2,1735,1430,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001431_post_disaster.png,pinery-bushfire_00001431_post_disaster,0,0,tier3\masks\pinery-bushfire_00001431_post_disaster.png,0,0,0,0,1431,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001431_post_disaster.png,portugal-wildfire_00001431_post_disaster,0,0,tier3\masks\portugal-wildfire_00001431_post_disaster.png,0,0,0,0,1431,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001432_post_disaster.png,portugal-wildfire_00001432_post_disaster,0,0,tier3\masks\portugal-wildfire_00001432_post_disaster.png,0,0,0,0,1432,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001432_post_disaster.png,pinery-bushfire_00001432_post_disaster,0,0,tier3\masks\pinery-bushfire_00001432_post_disaster.png,0,0,0,0,1432,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001433_post_disaster.png,portugal-wildfire_00001433_post_disaster,0,0,tier3\masks\portugal-wildfire_00001433_post_disaster.png,0,0,2,949,1433,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001433_post_disaster.png,pinery-bushfire_00001433_post_disaster,0,0,tier3\masks\pinery-bushfire_00001433_post_disaster.png,0,0,0,0,1433,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001434_post_disaster.png,portugal-wildfire_00001434_post_disaster,0,0,tier3\masks\portugal-wildfire_00001434_post_disaster.png,0,0,6,6515,1434,2 +1,437,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001434_post_disaster.png,pinery-bushfire_00001434_post_disaster,0,0,tier3\masks\pinery-bushfire_00001434_post_disaster.png,1,609,17,13118,1434,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001435_post_disaster.png,portugal-wildfire_00001435_post_disaster,0,0,tier3\masks\portugal-wildfire_00001435_post_disaster.png,0,0,22,12345,1435,1 +1,1125,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001435_post_disaster.png,pinery-bushfire_00001435_post_disaster,0,0,tier3\masks\pinery-bushfire_00001435_post_disaster.png,1,835,5,2591,1435,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001436_post_disaster.png,portugal-wildfire_00001436_post_disaster,0,0,tier3\masks\portugal-wildfire_00001436_post_disaster.png,0,0,47,44302,1436,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001436_post_disaster.png,pinery-bushfire_00001436_post_disaster,0,0,tier3\masks\pinery-bushfire_00001436_post_disaster.png,0,0,0,0,1436,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001437_post_disaster.png,portugal-wildfire_00001437_post_disaster,0,0,tier3\masks\portugal-wildfire_00001437_post_disaster.png,0,0,3,411,1437,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001437_post_disaster.png,pinery-bushfire_00001437_post_disaster,0,0,tier3\masks\pinery-bushfire_00001437_post_disaster.png,0,0,0,0,1437,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001438_post_disaster.png,pinery-bushfire_00001438_post_disaster,0,0,tier3\masks\pinery-bushfire_00001438_post_disaster.png,0,0,4,5229,1438,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001438_post_disaster.png,portugal-wildfire_00001438_post_disaster,0,0,tier3\masks\portugal-wildfire_00001438_post_disaster.png,0,0,16,13091,1438,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001439_post_disaster.png,portugal-wildfire_00001439_post_disaster,0,0,tier3\masks\portugal-wildfire_00001439_post_disaster.png,0,0,0,0,1439,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001439_post_disaster.png,pinery-bushfire_00001439_post_disaster,0,0,tier3\masks\pinery-bushfire_00001439_post_disaster.png,0,0,0,0,1439,4 +1,239,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001440_post_disaster.png,portugal-wildfire_00001440_post_disaster,0,0,tier3\masks\portugal-wildfire_00001440_post_disaster.png,0,0,90,68003,1440,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001440_post_disaster.png,pinery-bushfire_00001440_post_disaster,0,0,tier3\masks\pinery-bushfire_00001440_post_disaster.png,0,0,13,9412,1440,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001441_post_disaster.png,portugal-wildfire_00001441_post_disaster,0,0,tier3\masks\portugal-wildfire_00001441_post_disaster.png,0,0,4,5816,1441,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001441_post_disaster.png,pinery-bushfire_00001441_post_disaster,0,0,tier3\masks\pinery-bushfire_00001441_post_disaster.png,0,0,0,0,1441,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001442_post_disaster.png,pinery-bushfire_00001442_post_disaster,0,0,tier3\masks\pinery-bushfire_00001442_post_disaster.png,0,0,0,0,1442,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001442_post_disaster.png,portugal-wildfire_00001442_post_disaster,0,0,tier3\masks\portugal-wildfire_00001442_post_disaster.png,0,0,5,2103,1442,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001443_post_disaster.png,portugal-wildfire_00001443_post_disaster,0,0,tier3\masks\portugal-wildfire_00001443_post_disaster.png,0,0,3,1432,1443,3 +1,1750,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001443_post_disaster.png,pinery-bushfire_00001443_post_disaster,0,0,tier3\masks\pinery-bushfire_00001443_post_disaster.png,0,0,23,24056,1443,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001444_post_disaster.png,portugal-wildfire_00001444_post_disaster,0,0,tier3\masks\portugal-wildfire_00001444_post_disaster.png,0,0,3,1217,1444,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001444_post_disaster.png,pinery-bushfire_00001444_post_disaster,0,0,tier3\masks\pinery-bushfire_00001444_post_disaster.png,0,0,1,32,1444,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001445_post_disaster.png,portugal-wildfire_00001445_post_disaster,0,0,tier3\masks\portugal-wildfire_00001445_post_disaster.png,0,0,14,21872,1445,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001445_post_disaster.png,pinery-bushfire_00001445_post_disaster,0,0,tier3\masks\pinery-bushfire_00001445_post_disaster.png,0,0,6,3972,1445,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001446_post_disaster.png,portugal-wildfire_00001446_post_disaster,0,0,tier3\masks\portugal-wildfire_00001446_post_disaster.png,0,0,0,0,1446,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001446_post_disaster.png,pinery-bushfire_00001446_post_disaster,0,0,tier3\masks\pinery-bushfire_00001446_post_disaster.png,0,0,0,0,1446,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001447_post_disaster.png,portugal-wildfire_00001447_post_disaster,1,368,tier3\masks\portugal-wildfire_00001447_post_disaster.png,0,0,58,54915,1447,0 +1,116,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001447_post_disaster.png,pinery-bushfire_00001447_post_disaster,1,70,tier3\masks\pinery-bushfire_00001447_post_disaster.png,0,0,2,597,1447,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001448_post_disaster.png,pinery-bushfire_00001448_post_disaster,0,0,tier3\masks\pinery-bushfire_00001448_post_disaster.png,0,0,0,0,1448,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001448_post_disaster.png,portugal-wildfire_00001448_post_disaster,1,354,tier3\masks\portugal-wildfire_00001448_post_disaster.png,0,0,3,1242,1448,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001449_post_disaster.png,portugal-wildfire_00001449_post_disaster,0,0,tier3\masks\portugal-wildfire_00001449_post_disaster.png,0,0,0,0,1449,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001449_post_disaster.png,pinery-bushfire_00001449_post_disaster,0,0,tier3\masks\pinery-bushfire_00001449_post_disaster.png,0,0,0,0,1449,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001450_post_disaster.png,pinery-bushfire_00001450_post_disaster,0,0,tier3\masks\pinery-bushfire_00001450_post_disaster.png,0,0,6,2973,1450,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001450_post_disaster.png,portugal-wildfire_00001450_post_disaster,0,0,tier3\masks\portugal-wildfire_00001450_post_disaster.png,0,0,1,980,1450,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001451_post_disaster.png,portugal-wildfire_00001451_post_disaster,0,0,tier3\masks\portugal-wildfire_00001451_post_disaster.png,0,0,0,0,1451,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001451_post_disaster.png,pinery-bushfire_00001451_post_disaster,0,0,tier3\masks\pinery-bushfire_00001451_post_disaster.png,0,0,0,0,1451,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001452_post_disaster.png,portugal-wildfire_00001452_post_disaster,0,0,tier3\masks\portugal-wildfire_00001452_post_disaster.png,0,0,40,29682,1452,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001452_post_disaster.png,pinery-bushfire_00001452_post_disaster,0,0,tier3\masks\pinery-bushfire_00001452_post_disaster.png,0,0,0,0,1452,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001453_post_disaster.png,portugal-wildfire_00001453_post_disaster,0,0,tier3\masks\portugal-wildfire_00001453_post_disaster.png,0,0,0,0,1453,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001453_post_disaster.png,pinery-bushfire_00001453_post_disaster,0,0,tier3\masks\pinery-bushfire_00001453_post_disaster.png,0,0,0,0,1453,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001454_post_disaster.png,pinery-bushfire_00001454_post_disaster,0,0,tier3\masks\pinery-bushfire_00001454_post_disaster.png,0,0,0,0,1454,3 +1,609,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001454_post_disaster.png,portugal-wildfire_00001454_post_disaster,0,0,tier3\masks\portugal-wildfire_00001454_post_disaster.png,0,0,6,4652,1454,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001455_post_disaster.png,portugal-wildfire_00001455_post_disaster,0,0,tier3\masks\portugal-wildfire_00001455_post_disaster.png,0,0,0,0,1455,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001455_post_disaster.png,pinery-bushfire_00001455_post_disaster,0,0,tier3\masks\pinery-bushfire_00001455_post_disaster.png,0,0,11,7451,1455,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001456_post_disaster.png,portugal-wildfire_00001456_post_disaster,0,0,tier3\masks\portugal-wildfire_00001456_post_disaster.png,0,0,0,0,1456,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001456_post_disaster.png,pinery-bushfire_00001456_post_disaster,0,0,tier3\masks\pinery-bushfire_00001456_post_disaster.png,0,0,0,0,1456,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001457_post_disaster.png,pinery-bushfire_00001457_post_disaster,0,0,tier3\masks\pinery-bushfire_00001457_post_disaster.png,0,0,2,885,1457,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001457_post_disaster.png,portugal-wildfire_00001457_post_disaster,0,0,tier3\masks\portugal-wildfire_00001457_post_disaster.png,0,0,0,0,1457,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001458_post_disaster.png,pinery-bushfire_00001458_post_disaster,0,0,tier3\masks\pinery-bushfire_00001458_post_disaster.png,0,0,0,0,1458,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001458_post_disaster.png,portugal-wildfire_00001458_post_disaster,0,0,tier3\masks\portugal-wildfire_00001458_post_disaster.png,0,0,0,0,1458,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001459_post_disaster.png,pinery-bushfire_00001459_post_disaster,0,0,tier3\masks\pinery-bushfire_00001459_post_disaster.png,0,0,0,0,1459,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001459_post_disaster.png,portugal-wildfire_00001459_post_disaster,0,0,tier3\masks\portugal-wildfire_00001459_post_disaster.png,0,0,10,10302,1459,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001460_post_disaster.png,portugal-wildfire_00001460_post_disaster,0,0,tier3\masks\portugal-wildfire_00001460_post_disaster.png,0,0,0,0,1460,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001460_post_disaster.png,pinery-bushfire_00001460_post_disaster,0,0,tier3\masks\pinery-bushfire_00001460_post_disaster.png,0,0,0,0,1460,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001461_post_disaster.png,portugal-wildfire_00001461_post_disaster,0,0,tier3\masks\portugal-wildfire_00001461_post_disaster.png,0,0,1,1449,1461,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001461_post_disaster.png,pinery-bushfire_00001461_post_disaster,0,0,tier3\masks\pinery-bushfire_00001461_post_disaster.png,0,0,0,0,1461,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001462_post_disaster.png,pinery-bushfire_00001462_post_disaster,0,0,tier3\masks\pinery-bushfire_00001462_post_disaster.png,0,0,7,5582,1462,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001462_post_disaster.png,portugal-wildfire_00001462_post_disaster,0,0,tier3\masks\portugal-wildfire_00001462_post_disaster.png,0,0,0,0,1462,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001463_post_disaster.png,portugal-wildfire_00001463_post_disaster,0,0,tier3\masks\portugal-wildfire_00001463_post_disaster.png,0,0,0,0,1463,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001463_post_disaster.png,pinery-bushfire_00001463_post_disaster,0,0,tier3\masks\pinery-bushfire_00001463_post_disaster.png,0,0,0,0,1463,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001464_post_disaster.png,portugal-wildfire_00001464_post_disaster,0,0,tier3\masks\portugal-wildfire_00001464_post_disaster.png,0,0,0,0,1464,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001464_post_disaster.png,pinery-bushfire_00001464_post_disaster,0,0,tier3\masks\pinery-bushfire_00001464_post_disaster.png,0,0,0,0,1464,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001465_post_disaster.png,portugal-wildfire_00001465_post_disaster,0,0,tier3\masks\portugal-wildfire_00001465_post_disaster.png,0,0,0,0,1465,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001465_post_disaster.png,pinery-bushfire_00001465_post_disaster,0,0,tier3\masks\pinery-bushfire_00001465_post_disaster.png,0,0,0,0,1465,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001466_post_disaster.png,pinery-bushfire_00001466_post_disaster,0,0,tier3\masks\pinery-bushfire_00001466_post_disaster.png,0,0,8,4276,1466,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001466_post_disaster.png,portugal-wildfire_00001466_post_disaster,0,0,tier3\masks\portugal-wildfire_00001466_post_disaster.png,0,0,19,14964,1466,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001467_post_disaster.png,pinery-bushfire_00001467_post_disaster,0,0,tier3\masks\pinery-bushfire_00001467_post_disaster.png,0,0,0,0,1467,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001467_post_disaster.png,portugal-wildfire_00001467_post_disaster,0,0,tier3\masks\portugal-wildfire_00001467_post_disaster.png,0,0,6,4729,1467,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001468_post_disaster.png,pinery-bushfire_00001468_post_disaster,0,0,tier3\masks\pinery-bushfire_00001468_post_disaster.png,0,0,1,690,1468,1 +2,406,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001468_post_disaster.png,portugal-wildfire_00001468_post_disaster,0,0,tier3\masks\portugal-wildfire_00001468_post_disaster.png,0,0,2,412,1468,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001469_post_disaster.png,portugal-wildfire_00001469_post_disaster,0,0,tier3\masks\portugal-wildfire_00001469_post_disaster.png,0,0,2,711,1469,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001469_post_disaster.png,pinery-bushfire_00001469_post_disaster,0,0,tier3\masks\pinery-bushfire_00001469_post_disaster.png,0,0,0,0,1469,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001470_post_disaster.png,portugal-wildfire_00001470_post_disaster,0,0,tier3\masks\portugal-wildfire_00001470_post_disaster.png,1,344,1,382,1470,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001470_post_disaster.png,pinery-bushfire_00001470_post_disaster,0,0,tier3\masks\pinery-bushfire_00001470_post_disaster.png,0,0,0,0,1470,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001471_post_disaster.png,pinery-bushfire_00001471_post_disaster,0,0,tier3\masks\pinery-bushfire_00001471_post_disaster.png,0,0,0,0,1471,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001471_post_disaster.png,portugal-wildfire_00001471_post_disaster,0,0,tier3\masks\portugal-wildfire_00001471_post_disaster.png,0,0,0,0,1471,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001472_post_disaster.png,pinery-bushfire_00001472_post_disaster,0,0,tier3\masks\pinery-bushfire_00001472_post_disaster.png,0,0,0,0,1472,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001472_post_disaster.png,portugal-wildfire_00001472_post_disaster,0,0,tier3\masks\portugal-wildfire_00001472_post_disaster.png,0,0,0,0,1472,2 +2,2645,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001473_post_disaster.png,pinery-bushfire_00001473_post_disaster,1,1618,tier3\masks\pinery-bushfire_00001473_post_disaster.png,0,0,4,1565,1473,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001473_post_disaster.png,portugal-wildfire_00001473_post_disaster,0,0,tier3\masks\portugal-wildfire_00001473_post_disaster.png,0,0,0,0,1473,2 +2,1067,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001474_post_disaster.png,pinery-bushfire_00001474_post_disaster,0,0,tier3\masks\pinery-bushfire_00001474_post_disaster.png,1,670,0,0,1474,0 +3,1058,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001474_post_disaster.png,portugal-wildfire_00001474_post_disaster,0,0,tier3\masks\portugal-wildfire_00001474_post_disaster.png,0,0,1,1272,1474,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001475_post_disaster.png,pinery-bushfire_00001475_post_disaster,0,0,tier3\masks\pinery-bushfire_00001475_post_disaster.png,0,0,11,9564,1475,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001475_post_disaster.png,portugal-wildfire_00001475_post_disaster,0,0,tier3\masks\portugal-wildfire_00001475_post_disaster.png,0,0,19,24900,1475,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001476_post_disaster.png,portugal-wildfire_00001476_post_disaster,0,0,tier3\masks\portugal-wildfire_00001476_post_disaster.png,0,0,0,0,1476,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001476_post_disaster.png,pinery-bushfire_00001476_post_disaster,0,0,tier3\masks\pinery-bushfire_00001476_post_disaster.png,0,0,0,0,1476,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001477_post_disaster.png,portugal-wildfire_00001477_post_disaster,0,0,tier3\masks\portugal-wildfire_00001477_post_disaster.png,0,0,6,8106,1477,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001477_post_disaster.png,pinery-bushfire_00001477_post_disaster,0,0,tier3\masks\pinery-bushfire_00001477_post_disaster.png,0,0,0,0,1477,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001478_post_disaster.png,portugal-wildfire_00001478_post_disaster,0,0,tier3\masks\portugal-wildfire_00001478_post_disaster.png,0,0,0,0,1478,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001478_post_disaster.png,pinery-bushfire_00001478_post_disaster,0,0,tier3\masks\pinery-bushfire_00001478_post_disaster.png,0,0,0,0,1478,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001479_post_disaster.png,pinery-bushfire_00001479_post_disaster,0,0,tier3\masks\pinery-bushfire_00001479_post_disaster.png,0,0,5,6157,1479,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001479_post_disaster.png,portugal-wildfire_00001479_post_disaster,0,0,tier3\masks\portugal-wildfire_00001479_post_disaster.png,0,0,0,0,1479,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001480_post_disaster.png,portugal-wildfire_00001480_post_disaster,0,0,tier3\masks\portugal-wildfire_00001480_post_disaster.png,0,0,10,10563,1480,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001480_post_disaster.png,pinery-bushfire_00001480_post_disaster,0,0,tier3\masks\pinery-bushfire_00001480_post_disaster.png,0,0,0,0,1480,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001481_post_disaster.png,pinery-bushfire_00001481_post_disaster,0,0,tier3\masks\pinery-bushfire_00001481_post_disaster.png,0,0,0,0,1481,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001481_post_disaster.png,portugal-wildfire_00001481_post_disaster,0,0,tier3\masks\portugal-wildfire_00001481_post_disaster.png,0,0,4,2645,1481,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001482_post_disaster.png,portugal-wildfire_00001482_post_disaster,0,0,tier3\masks\portugal-wildfire_00001482_post_disaster.png,0,0,34,19747,1482,0 +1,56,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001482_post_disaster.png,pinery-bushfire_00001482_post_disaster,0,0,tier3\masks\pinery-bushfire_00001482_post_disaster.png,2,177,15,6045,1482,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001483_post_disaster.png,portugal-wildfire_00001483_post_disaster,0,0,tier3\masks\portugal-wildfire_00001483_post_disaster.png,0,0,0,0,1483,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001483_post_disaster.png,pinery-bushfire_00001483_post_disaster,0,0,tier3\masks\pinery-bushfire_00001483_post_disaster.png,0,0,0,0,1483,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001484_post_disaster.png,pinery-bushfire_00001484_post_disaster,0,0,tier3\masks\pinery-bushfire_00001484_post_disaster.png,0,0,0,0,1484,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001484_post_disaster.png,portugal-wildfire_00001484_post_disaster,0,0,tier3\masks\portugal-wildfire_00001484_post_disaster.png,0,0,14,22735,1484,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001485_post_disaster.png,pinery-bushfire_00001485_post_disaster,0,0,tier3\masks\pinery-bushfire_00001485_post_disaster.png,0,0,0,0,1485,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001485_post_disaster.png,portugal-wildfire_00001485_post_disaster,0,0,tier3\masks\portugal-wildfire_00001485_post_disaster.png,0,0,0,0,1485,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001486_post_disaster.png,portugal-wildfire_00001486_post_disaster,0,0,tier3\masks\portugal-wildfire_00001486_post_disaster.png,0,0,0,0,1486,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001486_post_disaster.png,pinery-bushfire_00001486_post_disaster,1,33,tier3\masks\pinery-bushfire_00001486_post_disaster.png,0,0,0,0,1486,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001487_post_disaster.png,portugal-wildfire_00001487_post_disaster,0,0,tier3\masks\portugal-wildfire_00001487_post_disaster.png,0,0,9,11571,1487,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001487_post_disaster.png,pinery-bushfire_00001487_post_disaster,0,0,tier3\masks\pinery-bushfire_00001487_post_disaster.png,0,0,0,0,1487,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001488_post_disaster.png,portugal-wildfire_00001488_post_disaster,0,0,tier3\masks\portugal-wildfire_00001488_post_disaster.png,0,0,1,105,1488,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001488_post_disaster.png,pinery-bushfire_00001488_post_disaster,0,0,tier3\masks\pinery-bushfire_00001488_post_disaster.png,0,0,0,0,1488,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001489_post_disaster.png,pinery-bushfire_00001489_post_disaster,0,0,tier3\masks\pinery-bushfire_00001489_post_disaster.png,0,0,5,2041,1489,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001489_post_disaster.png,portugal-wildfire_00001489_post_disaster,0,0,tier3\masks\portugal-wildfire_00001489_post_disaster.png,0,0,2,677,1489,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001490_post_disaster.png,portugal-wildfire_00001490_post_disaster,0,0,tier3\masks\portugal-wildfire_00001490_post_disaster.png,0,0,0,0,1490,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001490_post_disaster.png,pinery-bushfire_00001490_post_disaster,0,0,tier3\masks\pinery-bushfire_00001490_post_disaster.png,0,0,0,0,1490,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001491_post_disaster.png,portugal-wildfire_00001491_post_disaster,0,0,tier3\masks\portugal-wildfire_00001491_post_disaster.png,0,0,2,455,1491,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001491_post_disaster.png,pinery-bushfire_00001491_post_disaster,0,0,tier3\masks\pinery-bushfire_00001491_post_disaster.png,0,0,0,0,1491,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001492_post_disaster.png,portugal-wildfire_00001492_post_disaster,0,0,tier3\masks\portugal-wildfire_00001492_post_disaster.png,0,0,23,20053,1492,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001492_post_disaster.png,pinery-bushfire_00001492_post_disaster,0,0,tier3\masks\pinery-bushfire_00001492_post_disaster.png,0,0,0,0,1492,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001493_post_disaster.png,pinery-bushfire_00001493_post_disaster,0,0,tier3\masks\pinery-bushfire_00001493_post_disaster.png,0,0,1,27,1493,3 +2,431,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001493_post_disaster.png,portugal-wildfire_00001493_post_disaster,0,0,tier3\masks\portugal-wildfire_00001493_post_disaster.png,0,0,0,0,1493,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001494_post_disaster.png,pinery-bushfire_00001494_post_disaster,0,0,tier3\masks\pinery-bushfire_00001494_post_disaster.png,0,0,0,0,1494,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001494_post_disaster.png,portugal-wildfire_00001494_post_disaster,0,0,tier3\masks\portugal-wildfire_00001494_post_disaster.png,0,0,0,0,1494,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001495_post_disaster.png,pinery-bushfire_00001495_post_disaster,0,0,tier3\masks\pinery-bushfire_00001495_post_disaster.png,0,0,0,0,1495,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001495_post_disaster.png,portugal-wildfire_00001495_post_disaster,0,0,tier3\masks\portugal-wildfire_00001495_post_disaster.png,0,0,0,0,1495,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001496_post_disaster.png,portugal-wildfire_00001496_post_disaster,0,0,tier3\masks\portugal-wildfire_00001496_post_disaster.png,0,0,0,0,1496,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001496_post_disaster.png,pinery-bushfire_00001496_post_disaster,0,0,tier3\masks\pinery-bushfire_00001496_post_disaster.png,0,0,0,0,1496,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001497_post_disaster.png,portugal-wildfire_00001497_post_disaster,0,0,tier3\masks\portugal-wildfire_00001497_post_disaster.png,0,0,0,0,1497,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001497_post_disaster.png,pinery-bushfire_00001497_post_disaster,0,0,tier3\masks\pinery-bushfire_00001497_post_disaster.png,0,0,0,0,1497,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001498_post_disaster.png,portugal-wildfire_00001498_post_disaster,0,0,tier3\masks\portugal-wildfire_00001498_post_disaster.png,0,0,0,0,1498,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001498_post_disaster.png,pinery-bushfire_00001498_post_disaster,0,0,tier3\masks\pinery-bushfire_00001498_post_disaster.png,0,0,0,0,1498,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001499_post_disaster.png,pinery-bushfire_00001499_post_disaster,0,0,tier3\masks\pinery-bushfire_00001499_post_disaster.png,0,0,1,460,1499,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001499_post_disaster.png,portugal-wildfire_00001499_post_disaster,0,0,tier3\masks\portugal-wildfire_00001499_post_disaster.png,0,0,20,9373,1499,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001500_post_disaster.png,pinery-bushfire_00001500_post_disaster,0,0,tier3\masks\pinery-bushfire_00001500_post_disaster.png,0,0,0,0,1500,4 +7,2528,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001500_post_disaster.png,portugal-wildfire_00001500_post_disaster,0,0,tier3\masks\portugal-wildfire_00001500_post_disaster.png,0,0,9,5653,1500,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001501_post_disaster.png,pinery-bushfire_00001501_post_disaster,0,0,tier3\masks\pinery-bushfire_00001501_post_disaster.png,0,0,0,0,1501,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001501_post_disaster.png,portugal-wildfire_00001501_post_disaster,0,0,tier3\masks\portugal-wildfire_00001501_post_disaster.png,0,0,0,0,1501,1 +2,409,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001502_post_disaster.png,portugal-wildfire_00001502_post_disaster,3,2095,tier3\masks\portugal-wildfire_00001502_post_disaster.png,0,0,10,5615,1502,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001502_post_disaster.png,pinery-bushfire_00001502_post_disaster,0,0,tier3\masks\pinery-bushfire_00001502_post_disaster.png,0,0,1,90,1502,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001503_post_disaster.png,pinery-bushfire_00001503_post_disaster,0,0,tier3\masks\pinery-bushfire_00001503_post_disaster.png,0,0,1,176,1503,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001503_post_disaster.png,portugal-wildfire_00001503_post_disaster,0,0,tier3\masks\portugal-wildfire_00001503_post_disaster.png,0,0,0,0,1503,1 +2,1046,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001504_post_disaster.png,portugal-wildfire_00001504_post_disaster,0,0,tier3\masks\portugal-wildfire_00001504_post_disaster.png,0,0,19,12584,1504,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001504_post_disaster.png,pinery-bushfire_00001504_post_disaster,0,0,tier3\masks\pinery-bushfire_00001504_post_disaster.png,0,0,0,0,1504,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001505_post_disaster.png,pinery-bushfire_00001505_post_disaster,0,0,tier3\masks\pinery-bushfire_00001505_post_disaster.png,0,0,0,0,1505,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001505_post_disaster.png,portugal-wildfire_00001505_post_disaster,0,0,tier3\masks\portugal-wildfire_00001505_post_disaster.png,0,0,15,12298,1505,2 +3,1544,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001506_post_disaster.png,portugal-wildfire_00001506_post_disaster,0,0,tier3\masks\portugal-wildfire_00001506_post_disaster.png,0,0,4,3067,1506,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001506_post_disaster.png,pinery-bushfire_00001506_post_disaster,0,0,tier3\masks\pinery-bushfire_00001506_post_disaster.png,0,0,0,0,1506,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001507_post_disaster.png,portugal-wildfire_00001507_post_disaster,0,0,tier3\masks\portugal-wildfire_00001507_post_disaster.png,0,0,0,0,1507,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001507_post_disaster.png,pinery-bushfire_00001507_post_disaster,1,563,tier3\masks\pinery-bushfire_00001507_post_disaster.png,1,1628,11,3866,1507,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001508_post_disaster.png,pinery-bushfire_00001508_post_disaster,0,0,tier3\masks\pinery-bushfire_00001508_post_disaster.png,0,0,0,0,1508,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001508_post_disaster.png,portugal-wildfire_00001508_post_disaster,0,0,tier3\masks\portugal-wildfire_00001508_post_disaster.png,0,0,0,0,1508,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001509_post_disaster.png,pinery-bushfire_00001509_post_disaster,0,0,tier3\masks\pinery-bushfire_00001509_post_disaster.png,0,0,0,0,1509,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001509_post_disaster.png,portugal-wildfire_00001509_post_disaster,0,0,tier3\masks\portugal-wildfire_00001509_post_disaster.png,0,0,5,3741,1509,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001510_post_disaster.png,pinery-bushfire_00001510_post_disaster,0,0,tier3\masks\pinery-bushfire_00001510_post_disaster.png,0,0,0,0,1510,3 +11,7847,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001510_post_disaster.png,portugal-wildfire_00001510_post_disaster,0,0,tier3\masks\portugal-wildfire_00001510_post_disaster.png,6,5297,77,60090,1510,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001511_post_disaster.png,portugal-wildfire_00001511_post_disaster,0,0,tier3\masks\portugal-wildfire_00001511_post_disaster.png,0,0,0,0,1511,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001511_post_disaster.png,pinery-bushfire_00001511_post_disaster,0,0,tier3\masks\pinery-bushfire_00001511_post_disaster.png,0,0,0,0,1511,1 +14,7668,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001512_post_disaster.png,portugal-wildfire_00001512_post_disaster,0,0,tier3\masks\portugal-wildfire_00001512_post_disaster.png,2,1065,95,88336,1512,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001512_post_disaster.png,pinery-bushfire_00001512_post_disaster,0,0,tier3\masks\pinery-bushfire_00001512_post_disaster.png,0,0,3,1085,1512,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001513_post_disaster.png,pinery-bushfire_00001513_post_disaster,0,0,tier3\masks\pinery-bushfire_00001513_post_disaster.png,0,0,0,0,1513,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001513_post_disaster.png,portugal-wildfire_00001513_post_disaster,0,0,tier3\masks\portugal-wildfire_00001513_post_disaster.png,0,0,0,0,1513,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001514_post_disaster.png,portugal-wildfire_00001514_post_disaster,0,0,tier3\masks\portugal-wildfire_00001514_post_disaster.png,0,0,0,0,1514,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001514_post_disaster.png,pinery-bushfire_00001514_post_disaster,0,0,tier3\masks\pinery-bushfire_00001514_post_disaster.png,0,0,0,0,1514,3 +1,243,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001515_post_disaster.png,portugal-wildfire_00001515_post_disaster,0,0,tier3\masks\portugal-wildfire_00001515_post_disaster.png,0,0,0,0,1515,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001515_post_disaster.png,pinery-bushfire_00001515_post_disaster,0,0,tier3\masks\pinery-bushfire_00001515_post_disaster.png,0,0,9,9649,1515,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001516_post_disaster.png,portugal-wildfire_00001516_post_disaster,0,0,tier3\masks\portugal-wildfire_00001516_post_disaster.png,0,0,0,0,1516,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001516_post_disaster.png,pinery-bushfire_00001516_post_disaster,0,0,tier3\masks\pinery-bushfire_00001516_post_disaster.png,0,0,0,0,1516,1 +10,3971,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001517_post_disaster.png,portugal-wildfire_00001517_post_disaster,1,382,tier3\masks\portugal-wildfire_00001517_post_disaster.png,1,703,22,13591,1517,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001517_post_disaster.png,pinery-bushfire_00001517_post_disaster,0,0,tier3\masks\pinery-bushfire_00001517_post_disaster.png,0,0,0,0,1517,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001518_post_disaster.png,pinery-bushfire_00001518_post_disaster,0,0,tier3\masks\pinery-bushfire_00001518_post_disaster.png,0,0,0,0,1518,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001518_post_disaster.png,portugal-wildfire_00001518_post_disaster,0,0,tier3\masks\portugal-wildfire_00001518_post_disaster.png,1,566,4,2218,1518,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001519_post_disaster.png,pinery-bushfire_00001519_post_disaster,0,0,tier3\masks\pinery-bushfire_00001519_post_disaster.png,0,0,86,119583,1519,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001519_post_disaster.png,portugal-wildfire_00001519_post_disaster,0,0,tier3\masks\portugal-wildfire_00001519_post_disaster.png,0,0,32,17653,1519,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001520_post_disaster.png,pinery-bushfire_00001520_post_disaster,0,0,tier3\masks\pinery-bushfire_00001520_post_disaster.png,0,0,0,0,1520,1 +7,3792,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001520_post_disaster.png,portugal-wildfire_00001520_post_disaster,0,0,tier3\masks\portugal-wildfire_00001520_post_disaster.png,2,511,8,4671,1520,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001521_post_disaster.png,portugal-wildfire_00001521_post_disaster,0,0,tier3\masks\portugal-wildfire_00001521_post_disaster.png,0,0,0,0,1521,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001521_post_disaster.png,pinery-bushfire_00001521_post_disaster,0,0,tier3\masks\pinery-bushfire_00001521_post_disaster.png,0,0,0,0,1521,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001522_post_disaster.png,pinery-bushfire_00001522_post_disaster,0,0,tier3\masks\pinery-bushfire_00001522_post_disaster.png,0,0,0,0,1522,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001522_post_disaster.png,portugal-wildfire_00001522_post_disaster,0,0,tier3\masks\portugal-wildfire_00001522_post_disaster.png,0,0,2,1320,1522,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001523_post_disaster.png,portugal-wildfire_00001523_post_disaster,0,0,tier3\masks\portugal-wildfire_00001523_post_disaster.png,0,0,0,0,1523,4 +2,540,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001523_post_disaster.png,pinery-bushfire_00001523_post_disaster,0,0,tier3\masks\pinery-bushfire_00001523_post_disaster.png,2,1084,4,5023,1523,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001524_post_disaster.png,portugal-wildfire_00001524_post_disaster,0,0,tier3\masks\portugal-wildfire_00001524_post_disaster.png,0,0,0,0,1524,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001524_post_disaster.png,pinery-bushfire_00001524_post_disaster,0,0,tier3\masks\pinery-bushfire_00001524_post_disaster.png,0,0,0,0,1524,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001525_post_disaster.png,portugal-wildfire_00001525_post_disaster,0,0,tier3\masks\portugal-wildfire_00001525_post_disaster.png,0,0,3,1528,1525,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001525_post_disaster.png,pinery-bushfire_00001525_post_disaster,0,0,tier3\masks\pinery-bushfire_00001525_post_disaster.png,0,0,4,5769,1525,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001526_post_disaster.png,pinery-bushfire_00001526_post_disaster,0,0,tier3\masks\pinery-bushfire_00001526_post_disaster.png,0,0,0,0,1526,2 +4,2525,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001526_post_disaster.png,portugal-wildfire_00001526_post_disaster,0,0,tier3\masks\portugal-wildfire_00001526_post_disaster.png,0,0,1,2931,1526,1 +1,291,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001527_post_disaster.png,portugal-wildfire_00001527_post_disaster,0,0,tier3\masks\portugal-wildfire_00001527_post_disaster.png,1,396,37,23641,1527,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001527_post_disaster.png,pinery-bushfire_00001527_post_disaster,0,0,tier3\masks\pinery-bushfire_00001527_post_disaster.png,0,0,0,0,1527,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001528_post_disaster.png,portugal-wildfire_00001528_post_disaster,0,0,tier3\masks\portugal-wildfire_00001528_post_disaster.png,0,0,0,0,1528,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001528_post_disaster.png,pinery-bushfire_00001528_post_disaster,0,0,tier3\masks\pinery-bushfire_00001528_post_disaster.png,0,0,1,1501,1528,2 +5,3580,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001529_post_disaster.png,portugal-wildfire_00001529_post_disaster,0,0,tier3\masks\portugal-wildfire_00001529_post_disaster.png,1,186,6,3667,1529,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001529_post_disaster.png,pinery-bushfire_00001529_post_disaster,0,0,tier3\masks\pinery-bushfire_00001529_post_disaster.png,0,0,68,53142,1529,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001530_post_disaster.png,portugal-wildfire_00001530_post_disaster,0,0,tier3\masks\portugal-wildfire_00001530_post_disaster.png,0,0,0,0,1530,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001530_post_disaster.png,pinery-bushfire_00001530_post_disaster,0,0,tier3\masks\pinery-bushfire_00001530_post_disaster.png,0,0,1,291,1530,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001531_post_disaster.png,portugal-wildfire_00001531_post_disaster,0,0,tier3\masks\portugal-wildfire_00001531_post_disaster.png,0,0,4,1882,1531,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001531_post_disaster.png,pinery-bushfire_00001531_post_disaster,0,0,tier3\masks\pinery-bushfire_00001531_post_disaster.png,0,0,0,0,1531,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001532_post_disaster.png,portugal-wildfire_00001532_post_disaster,0,0,tier3\masks\portugal-wildfire_00001532_post_disaster.png,0,0,0,0,1532,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001532_post_disaster.png,pinery-bushfire_00001532_post_disaster,0,0,tier3\masks\pinery-bushfire_00001532_post_disaster.png,0,0,0,0,1532,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001533_post_disaster.png,pinery-bushfire_00001533_post_disaster,0,0,tier3\masks\pinery-bushfire_00001533_post_disaster.png,0,0,0,0,1533,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001533_post_disaster.png,portugal-wildfire_00001533_post_disaster,0,0,tier3\masks\portugal-wildfire_00001533_post_disaster.png,0,0,0,0,1533,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001534_post_disaster.png,portugal-wildfire_00001534_post_disaster,0,0,tier3\masks\portugal-wildfire_00001534_post_disaster.png,0,0,0,0,1534,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001534_post_disaster.png,pinery-bushfire_00001534_post_disaster,0,0,tier3\masks\pinery-bushfire_00001534_post_disaster.png,0,0,1,274,1534,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001535_post_disaster.png,pinery-bushfire_00001535_post_disaster,0,0,tier3\masks\pinery-bushfire_00001535_post_disaster.png,0,0,0,0,1535,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001535_post_disaster.png,portugal-wildfire_00001535_post_disaster,0,0,tier3\masks\portugal-wildfire_00001535_post_disaster.png,0,0,1,60,1535,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001536_post_disaster.png,portugal-wildfire_00001536_post_disaster,0,0,tier3\masks\portugal-wildfire_00001536_post_disaster.png,0,0,11,10441,1536,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001536_post_disaster.png,pinery-bushfire_00001536_post_disaster,0,0,tier3\masks\pinery-bushfire_00001536_post_disaster.png,0,0,0,0,1536,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001537_post_disaster.png,pinery-bushfire_00001537_post_disaster,0,0,tier3\masks\pinery-bushfire_00001537_post_disaster.png,0,0,3,421,1537,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001537_post_disaster.png,portugal-wildfire_00001537_post_disaster,0,0,tier3\masks\portugal-wildfire_00001537_post_disaster.png,0,0,0,0,1537,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001538_post_disaster.png,pinery-bushfire_00001538_post_disaster,0,0,tier3\masks\pinery-bushfire_00001538_post_disaster.png,0,0,0,0,1538,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001538_post_disaster.png,portugal-wildfire_00001538_post_disaster,0,0,tier3\masks\portugal-wildfire_00001538_post_disaster.png,0,0,0,0,1538,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001539_post_disaster.png,portugal-wildfire_00001539_post_disaster,0,0,tier3\masks\portugal-wildfire_00001539_post_disaster.png,0,0,5,1127,1539,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001539_post_disaster.png,pinery-bushfire_00001539_post_disaster,0,0,tier3\masks\pinery-bushfire_00001539_post_disaster.png,0,0,0,0,1539,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001540_post_disaster.png,portugal-wildfire_00001540_post_disaster,0,0,tier3\masks\portugal-wildfire_00001540_post_disaster.png,0,0,0,0,1540,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001540_post_disaster.png,pinery-bushfire_00001540_post_disaster,0,0,tier3\masks\pinery-bushfire_00001540_post_disaster.png,0,0,0,0,1540,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001541_post_disaster.png,portugal-wildfire_00001541_post_disaster,0,0,tier3\masks\portugal-wildfire_00001541_post_disaster.png,0,0,2,590,1541,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001541_post_disaster.png,pinery-bushfire_00001541_post_disaster,0,0,tier3\masks\pinery-bushfire_00001541_post_disaster.png,0,0,0,0,1541,0 +1,278,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001542_post_disaster.png,pinery-bushfire_00001542_post_disaster,0,0,tier3\masks\pinery-bushfire_00001542_post_disaster.png,0,0,10,6134,1542,3 +2,490,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001542_post_disaster.png,portugal-wildfire_00001542_post_disaster,0,0,tier3\masks\portugal-wildfire_00001542_post_disaster.png,0,0,75,89489,1542,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001543_post_disaster.png,pinery-bushfire_00001543_post_disaster,0,0,tier3\masks\pinery-bushfire_00001543_post_disaster.png,0,0,3,2916,1543,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001543_post_disaster.png,portugal-wildfire_00001543_post_disaster,0,0,tier3\masks\portugal-wildfire_00001543_post_disaster.png,0,0,0,0,1543,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001544_post_disaster.png,pinery-bushfire_00001544_post_disaster,0,0,tier3\masks\pinery-bushfire_00001544_post_disaster.png,0,0,0,0,1544,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001544_post_disaster.png,portugal-wildfire_00001544_post_disaster,0,0,tier3\masks\portugal-wildfire_00001544_post_disaster.png,0,0,39,39640,1544,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001545_post_disaster.png,portugal-wildfire_00001545_post_disaster,0,0,tier3\masks\portugal-wildfire_00001545_post_disaster.png,0,0,0,0,1545,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001545_post_disaster.png,pinery-bushfire_00001545_post_disaster,0,0,tier3\masks\pinery-bushfire_00001545_post_disaster.png,0,0,0,0,1545,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001546_post_disaster.png,pinery-bushfire_00001546_post_disaster,0,0,tier3\masks\pinery-bushfire_00001546_post_disaster.png,0,0,0,0,1546,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001546_post_disaster.png,portugal-wildfire_00001546_post_disaster,0,0,tier3\masks\portugal-wildfire_00001546_post_disaster.png,1,505,11,6663,1546,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001547_post_disaster.png,pinery-bushfire_00001547_post_disaster,0,0,tier3\masks\pinery-bushfire_00001547_post_disaster.png,0,0,1,228,1547,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001547_post_disaster.png,portugal-wildfire_00001547_post_disaster,0,0,tier3\masks\portugal-wildfire_00001547_post_disaster.png,0,0,1,214,1547,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001548_post_disaster.png,pinery-bushfire_00001548_post_disaster,0,0,tier3\masks\pinery-bushfire_00001548_post_disaster.png,0,0,0,0,1548,3 +2,670,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001548_post_disaster.png,portugal-wildfire_00001548_post_disaster,3,576,tier3\masks\portugal-wildfire_00001548_post_disaster.png,2,680,10,7369,1548,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001549_post_disaster.png,portugal-wildfire_00001549_post_disaster,0,0,tier3\masks\portugal-wildfire_00001549_post_disaster.png,0,0,0,0,1549,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001549_post_disaster.png,pinery-bushfire_00001549_post_disaster,0,0,tier3\masks\pinery-bushfire_00001549_post_disaster.png,0,0,0,0,1549,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001550_post_disaster.png,pinery-bushfire_00001550_post_disaster,0,0,tier3\masks\pinery-bushfire_00001550_post_disaster.png,0,0,0,0,1550,0 +11,2468,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001550_post_disaster.png,portugal-wildfire_00001550_post_disaster,0,0,tier3\masks\portugal-wildfire_00001550_post_disaster.png,0,0,1,473,1550,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001551_post_disaster.png,portugal-wildfire_00001551_post_disaster,0,0,tier3\masks\portugal-wildfire_00001551_post_disaster.png,0,0,0,0,1551,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001551_post_disaster.png,pinery-bushfire_00001551_post_disaster,2,3059,tier3\masks\pinery-bushfire_00001551_post_disaster.png,1,362,8,4343,1551,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001552_post_disaster.png,portugal-wildfire_00001552_post_disaster,0,0,tier3\masks\portugal-wildfire_00001552_post_disaster.png,0,0,1,109,1552,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001552_post_disaster.png,pinery-bushfire_00001552_post_disaster,0,0,tier3\masks\pinery-bushfire_00001552_post_disaster.png,0,0,0,0,1552,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001553_post_disaster.png,portugal-wildfire_00001553_post_disaster,0,0,tier3\masks\portugal-wildfire_00001553_post_disaster.png,0,0,4,11026,1553,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001553_post_disaster.png,pinery-bushfire_00001553_post_disaster,0,0,tier3\masks\pinery-bushfire_00001553_post_disaster.png,0,0,0,0,1553,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001554_post_disaster.png,portugal-wildfire_00001554_post_disaster,0,0,tier3\masks\portugal-wildfire_00001554_post_disaster.png,0,0,0,0,1554,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001554_post_disaster.png,pinery-bushfire_00001554_post_disaster,0,0,tier3\masks\pinery-bushfire_00001554_post_disaster.png,0,0,0,0,1554,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001555_post_disaster.png,pinery-bushfire_00001555_post_disaster,0,0,tier3\masks\pinery-bushfire_00001555_post_disaster.png,0,0,14,7264,1555,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001555_post_disaster.png,portugal-wildfire_00001555_post_disaster,0,0,tier3\masks\portugal-wildfire_00001555_post_disaster.png,0,0,0,0,1555,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001556_post_disaster.png,pinery-bushfire_00001556_post_disaster,0,0,tier3\masks\pinery-bushfire_00001556_post_disaster.png,0,0,0,0,1556,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001556_post_disaster.png,portugal-wildfire_00001556_post_disaster,0,0,tier3\masks\portugal-wildfire_00001556_post_disaster.png,0,0,37,26314,1556,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001557_post_disaster.png,portugal-wildfire_00001557_post_disaster,0,0,tier3\masks\portugal-wildfire_00001557_post_disaster.png,0,0,0,0,1557,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001557_post_disaster.png,pinery-bushfire_00001557_post_disaster,0,0,tier3\masks\pinery-bushfire_00001557_post_disaster.png,0,0,0,0,1557,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001558_post_disaster.png,portugal-wildfire_00001558_post_disaster,0,0,tier3\masks\portugal-wildfire_00001558_post_disaster.png,0,0,4,531,1558,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001558_post_disaster.png,pinery-bushfire_00001558_post_disaster,0,0,tier3\masks\pinery-bushfire_00001558_post_disaster.png,0,0,0,0,1558,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001559_post_disaster.png,pinery-bushfire_00001559_post_disaster,0,0,tier3\masks\pinery-bushfire_00001559_post_disaster.png,0,0,1,1777,1559,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001559_post_disaster.png,portugal-wildfire_00001559_post_disaster,0,0,tier3\masks\portugal-wildfire_00001559_post_disaster.png,0,0,7,4617,1559,4 +4,2004,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001560_post_disaster.png,portugal-wildfire_00001560_post_disaster,0,0,tier3\masks\portugal-wildfire_00001560_post_disaster.png,0,0,0,0,1560,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001560_post_disaster.png,pinery-bushfire_00001560_post_disaster,0,0,tier3\masks\pinery-bushfire_00001560_post_disaster.png,0,0,0,0,1560,0 +1,474,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001561_post_disaster.png,portugal-wildfire_00001561_post_disaster,0,0,tier3\masks\portugal-wildfire_00001561_post_disaster.png,1,325,14,11049,1561,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001561_post_disaster.png,pinery-bushfire_00001561_post_disaster,0,0,tier3\masks\pinery-bushfire_00001561_post_disaster.png,0,0,0,0,1561,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001562_post_disaster.png,pinery-bushfire_00001562_post_disaster,0,0,tier3\masks\pinery-bushfire_00001562_post_disaster.png,0,0,4,2982,1562,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001562_post_disaster.png,portugal-wildfire_00001562_post_disaster,0,0,tier3\masks\portugal-wildfire_00001562_post_disaster.png,0,0,0,0,1562,0 +2,796,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001563_post_disaster.png,portugal-wildfire_00001563_post_disaster,0,0,tier3\masks\portugal-wildfire_00001563_post_disaster.png,0,0,5,15438,1563,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001563_post_disaster.png,pinery-bushfire_00001563_post_disaster,0,0,tier3\masks\pinery-bushfire_00001563_post_disaster.png,0,0,1,1118,1563,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001564_post_disaster.png,pinery-bushfire_00001564_post_disaster,0,0,tier3\masks\pinery-bushfire_00001564_post_disaster.png,0,0,0,0,1564,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001564_post_disaster.png,portugal-wildfire_00001564_post_disaster,0,0,tier3\masks\portugal-wildfire_00001564_post_disaster.png,0,0,0,0,1564,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001565_post_disaster.png,pinery-bushfire_00001565_post_disaster,0,0,tier3\masks\pinery-bushfire_00001565_post_disaster.png,0,0,0,0,1565,0 +11,4577,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001565_post_disaster.png,portugal-wildfire_00001565_post_disaster,0,0,tier3\masks\portugal-wildfire_00001565_post_disaster.png,0,0,8,6463,1565,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001566_post_disaster.png,portugal-wildfire_00001566_post_disaster,0,0,tier3\masks\portugal-wildfire_00001566_post_disaster.png,0,0,28,21549,1566,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001566_post_disaster.png,pinery-bushfire_00001566_post_disaster,0,0,tier3\masks\pinery-bushfire_00001566_post_disaster.png,0,0,13,9722,1566,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001567_post_disaster.png,pinery-bushfire_00001567_post_disaster,0,0,tier3\masks\pinery-bushfire_00001567_post_disaster.png,0,0,1,123,1567,4 +6,2737,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001567_post_disaster.png,portugal-wildfire_00001567_post_disaster,1,2074,tier3\masks\portugal-wildfire_00001567_post_disaster.png,2,3142,8,4499,1567,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001568_post_disaster.png,pinery-bushfire_00001568_post_disaster,0,0,tier3\masks\pinery-bushfire_00001568_post_disaster.png,0,0,0,0,1568,0 +1,492,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001568_post_disaster.png,portugal-wildfire_00001568_post_disaster,0,0,tier3\masks\portugal-wildfire_00001568_post_disaster.png,0,0,7,4152,1568,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001569_post_disaster.png,portugal-wildfire_00001569_post_disaster,0,0,tier3\masks\portugal-wildfire_00001569_post_disaster.png,0,0,0,0,1569,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001569_post_disaster.png,pinery-bushfire_00001569_post_disaster,0,0,tier3\masks\pinery-bushfire_00001569_post_disaster.png,0,0,1,441,1569,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001570_post_disaster.png,portugal-wildfire_00001570_post_disaster,0,0,tier3\masks\portugal-wildfire_00001570_post_disaster.png,0,0,1,1021,1570,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001570_post_disaster.png,pinery-bushfire_00001570_post_disaster,0,0,tier3\masks\pinery-bushfire_00001570_post_disaster.png,0,0,0,0,1570,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001571_post_disaster.png,portugal-wildfire_00001571_post_disaster,0,0,tier3\masks\portugal-wildfire_00001571_post_disaster.png,0,0,5,2277,1571,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001571_post_disaster.png,pinery-bushfire_00001571_post_disaster,0,0,tier3\masks\pinery-bushfire_00001571_post_disaster.png,0,0,0,0,1571,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001572_post_disaster.png,pinery-bushfire_00001572_post_disaster,0,0,tier3\masks\pinery-bushfire_00001572_post_disaster.png,0,0,0,0,1572,2 +17,7562,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001572_post_disaster.png,portugal-wildfire_00001572_post_disaster,4,2865,tier3\masks\portugal-wildfire_00001572_post_disaster.png,8,5921,21,10736,1572,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001573_post_disaster.png,pinery-bushfire_00001573_post_disaster,0,0,tier3\masks\pinery-bushfire_00001573_post_disaster.png,0,0,0,0,1573,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001573_post_disaster.png,portugal-wildfire_00001573_post_disaster,0,0,tier3\masks\portugal-wildfire_00001573_post_disaster.png,0,0,1,1133,1573,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001574_post_disaster.png,pinery-bushfire_00001574_post_disaster,0,0,tier3\masks\pinery-bushfire_00001574_post_disaster.png,0,0,0,0,1574,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001574_post_disaster.png,portugal-wildfire_00001574_post_disaster,0,0,tier3\masks\portugal-wildfire_00001574_post_disaster.png,0,0,0,0,1574,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001575_post_disaster.png,pinery-bushfire_00001575_post_disaster,0,0,tier3\masks\pinery-bushfire_00001575_post_disaster.png,0,0,0,0,1575,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001575_post_disaster.png,portugal-wildfire_00001575_post_disaster,0,0,tier3\masks\portugal-wildfire_00001575_post_disaster.png,2,1745,35,35430,1575,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001576_post_disaster.png,portugal-wildfire_00001576_post_disaster,0,0,tier3\masks\portugal-wildfire_00001576_post_disaster.png,0,0,0,0,1576,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001576_post_disaster.png,pinery-bushfire_00001576_post_disaster,0,0,tier3\masks\pinery-bushfire_00001576_post_disaster.png,0,0,0,0,1576,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001577_post_disaster.png,portugal-wildfire_00001577_post_disaster,0,0,tier3\masks\portugal-wildfire_00001577_post_disaster.png,0,0,0,0,1577,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001577_post_disaster.png,pinery-bushfire_00001577_post_disaster,0,0,tier3\masks\pinery-bushfire_00001577_post_disaster.png,0,0,0,0,1577,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001578_post_disaster.png,pinery-bushfire_00001578_post_disaster,0,0,tier3\masks\pinery-bushfire_00001578_post_disaster.png,0,0,0,0,1578,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001578_post_disaster.png,portugal-wildfire_00001578_post_disaster,0,0,tier3\masks\portugal-wildfire_00001578_post_disaster.png,0,0,0,0,1578,0 +18,9713,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001579_post_disaster.png,portugal-wildfire_00001579_post_disaster,4,3100,tier3\masks\portugal-wildfire_00001579_post_disaster.png,4,6558,82,137108,1579,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001579_post_disaster.png,pinery-bushfire_00001579_post_disaster,0,0,tier3\masks\pinery-bushfire_00001579_post_disaster.png,0,0,0,0,1579,1 +3,2001,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001580_post_disaster.png,portugal-wildfire_00001580_post_disaster,0,0,tier3\masks\portugal-wildfire_00001580_post_disaster.png,0,0,36,29291,1580,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001580_post_disaster.png,pinery-bushfire_00001580_post_disaster,0,0,tier3\masks\pinery-bushfire_00001580_post_disaster.png,0,0,0,0,1580,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001581_post_disaster.png,portugal-wildfire_00001581_post_disaster,0,0,tier3\masks\portugal-wildfire_00001581_post_disaster.png,0,0,3,1770,1581,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001581_post_disaster.png,pinery-bushfire_00001581_post_disaster,0,0,tier3\masks\pinery-bushfire_00001581_post_disaster.png,0,0,0,0,1581,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001582_post_disaster.png,pinery-bushfire_00001582_post_disaster,0,0,tier3\masks\pinery-bushfire_00001582_post_disaster.png,0,0,0,0,1582,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001582_post_disaster.png,portugal-wildfire_00001582_post_disaster,0,0,tier3\masks\portugal-wildfire_00001582_post_disaster.png,0,0,0,0,1582,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001583_post_disaster.png,pinery-bushfire_00001583_post_disaster,0,0,tier3\masks\pinery-bushfire_00001583_post_disaster.png,0,0,0,0,1583,1 +4,2763,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001583_post_disaster.png,portugal-wildfire_00001583_post_disaster,1,732,tier3\masks\portugal-wildfire_00001583_post_disaster.png,0,0,25,20298,1583,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001584_post_disaster.png,pinery-bushfire_00001584_post_disaster,0,0,tier3\masks\pinery-bushfire_00001584_post_disaster.png,0,0,0,0,1584,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001584_post_disaster.png,portugal-wildfire_00001584_post_disaster,0,0,tier3\masks\portugal-wildfire_00001584_post_disaster.png,0,0,0,0,1584,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001585_post_disaster.png,portugal-wildfire_00001585_post_disaster,0,0,tier3\masks\portugal-wildfire_00001585_post_disaster.png,0,0,60,58711,1585,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001585_post_disaster.png,pinery-bushfire_00001585_post_disaster,0,0,tier3\masks\pinery-bushfire_00001585_post_disaster.png,0,0,0,0,1585,3 +4,2471,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001586_post_disaster.png,portugal-wildfire_00001586_post_disaster,0,0,tier3\masks\portugal-wildfire_00001586_post_disaster.png,1,341,17,22316,1586,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001586_post_disaster.png,pinery-bushfire_00001586_post_disaster,0,0,tier3\masks\pinery-bushfire_00001586_post_disaster.png,0,0,0,0,1586,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001587_post_disaster.png,portugal-wildfire_00001587_post_disaster,0,0,tier3\masks\portugal-wildfire_00001587_post_disaster.png,0,0,0,0,1587,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001587_post_disaster.png,pinery-bushfire_00001587_post_disaster,0,0,tier3\masks\pinery-bushfire_00001587_post_disaster.png,0,0,0,0,1587,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001588_post_disaster.png,portugal-wildfire_00001588_post_disaster,0,0,tier3\masks\portugal-wildfire_00001588_post_disaster.png,0,0,17,21791,1588,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001588_post_disaster.png,pinery-bushfire_00001588_post_disaster,0,0,tier3\masks\pinery-bushfire_00001588_post_disaster.png,0,0,0,0,1588,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001589_post_disaster.png,pinery-bushfire_00001589_post_disaster,0,0,tier3\masks\pinery-bushfire_00001589_post_disaster.png,0,0,0,0,1589,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001589_post_disaster.png,portugal-wildfire_00001589_post_disaster,0,0,tier3\masks\portugal-wildfire_00001589_post_disaster.png,0,0,8,2074,1589,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001590_post_disaster.png,pinery-bushfire_00001590_post_disaster,0,0,tier3\masks\pinery-bushfire_00001590_post_disaster.png,0,0,0,0,1590,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001590_post_disaster.png,portugal-wildfire_00001590_post_disaster,0,0,tier3\masks\portugal-wildfire_00001590_post_disaster.png,0,0,1,322,1590,4 +1,345,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001591_post_disaster.png,portugal-wildfire_00001591_post_disaster,0,0,tier3\masks\portugal-wildfire_00001591_post_disaster.png,1,220,1,393,1591,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001591_post_disaster.png,pinery-bushfire_00001591_post_disaster,0,0,tier3\masks\pinery-bushfire_00001591_post_disaster.png,0,0,9,7279,1591,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001592_post_disaster.png,portugal-wildfire_00001592_post_disaster,0,0,tier3\masks\portugal-wildfire_00001592_post_disaster.png,0,0,35,22330,1592,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001592_post_disaster.png,pinery-bushfire_00001592_post_disaster,0,0,tier3\masks\pinery-bushfire_00001592_post_disaster.png,0,0,0,0,1592,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001593_post_disaster.png,portugal-wildfire_00001593_post_disaster,0,0,tier3\masks\portugal-wildfire_00001593_post_disaster.png,0,0,15,12606,1593,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001593_post_disaster.png,pinery-bushfire_00001593_post_disaster,0,0,tier3\masks\pinery-bushfire_00001593_post_disaster.png,0,0,0,0,1593,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001594_post_disaster.png,portugal-wildfire_00001594_post_disaster,0,0,tier3\masks\portugal-wildfire_00001594_post_disaster.png,0,0,0,0,1594,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001594_post_disaster.png,pinery-bushfire_00001594_post_disaster,0,0,tier3\masks\pinery-bushfire_00001594_post_disaster.png,0,0,0,0,1594,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001595_post_disaster.png,portugal-wildfire_00001595_post_disaster,0,0,tier3\masks\portugal-wildfire_00001595_post_disaster.png,0,0,1,93,1595,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001595_post_disaster.png,pinery-bushfire_00001595_post_disaster,0,0,tier3\masks\pinery-bushfire_00001595_post_disaster.png,0,0,20,16645,1595,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001596_post_disaster.png,pinery-bushfire_00001596_post_disaster,0,0,tier3\masks\pinery-bushfire_00001596_post_disaster.png,0,0,0,0,1596,4 +4,1277,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001596_post_disaster.png,portugal-wildfire_00001596_post_disaster,0,0,tier3\masks\portugal-wildfire_00001596_post_disaster.png,0,0,23,26700,1596,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001597_post_disaster.png,portugal-wildfire_00001597_post_disaster,0,0,tier3\masks\portugal-wildfire_00001597_post_disaster.png,1,277,7,5320,1597,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001597_post_disaster.png,pinery-bushfire_00001597_post_disaster,0,0,tier3\masks\pinery-bushfire_00001597_post_disaster.png,0,0,0,0,1597,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001598_post_disaster.png,pinery-bushfire_00001598_post_disaster,0,0,tier3\masks\pinery-bushfire_00001598_post_disaster.png,0,0,5,3507,1598,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001598_post_disaster.png,portugal-wildfire_00001598_post_disaster,0,0,tier3\masks\portugal-wildfire_00001598_post_disaster.png,0,0,0,0,1598,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001599_post_disaster.png,portugal-wildfire_00001599_post_disaster,0,0,tier3\masks\portugal-wildfire_00001599_post_disaster.png,0,0,28,23572,1599,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001599_post_disaster.png,pinery-bushfire_00001599_post_disaster,0,0,tier3\masks\pinery-bushfire_00001599_post_disaster.png,0,0,0,0,1599,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001600_post_disaster.png,portugal-wildfire_00001600_post_disaster,0,0,tier3\masks\portugal-wildfire_00001600_post_disaster.png,0,0,0,0,1600,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001600_post_disaster.png,pinery-bushfire_00001600_post_disaster,0,0,tier3\masks\pinery-bushfire_00001600_post_disaster.png,0,0,0,0,1600,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001601_post_disaster.png,pinery-bushfire_00001601_post_disaster,0,0,tier3\masks\pinery-bushfire_00001601_post_disaster.png,0,0,0,0,1601,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001601_post_disaster.png,portugal-wildfire_00001601_post_disaster,0,0,tier3\masks\portugal-wildfire_00001601_post_disaster.png,0,0,0,0,1601,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001602_post_disaster.png,portugal-wildfire_00001602_post_disaster,0,0,tier3\masks\portugal-wildfire_00001602_post_disaster.png,0,0,0,0,1602,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001602_post_disaster.png,pinery-bushfire_00001602_post_disaster,0,0,tier3\masks\pinery-bushfire_00001602_post_disaster.png,0,0,0,0,1602,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001603_post_disaster.png,portugal-wildfire_00001603_post_disaster,0,0,tier3\masks\portugal-wildfire_00001603_post_disaster.png,0,0,4,2221,1603,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001603_post_disaster.png,pinery-bushfire_00001603_post_disaster,0,0,tier3\masks\pinery-bushfire_00001603_post_disaster.png,0,0,0,0,1603,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001604_post_disaster.png,pinery-bushfire_00001604_post_disaster,0,0,tier3\masks\pinery-bushfire_00001604_post_disaster.png,0,0,2,2095,1604,1 +3,583,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001604_post_disaster.png,portugal-wildfire_00001604_post_disaster,0,0,tier3\masks\portugal-wildfire_00001604_post_disaster.png,0,0,1,395,1604,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001605_post_disaster.png,portugal-wildfire_00001605_post_disaster,0,0,tier3\masks\portugal-wildfire_00001605_post_disaster.png,0,0,0,0,1605,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001605_post_disaster.png,pinery-bushfire_00001605_post_disaster,0,0,tier3\masks\pinery-bushfire_00001605_post_disaster.png,0,0,0,0,1605,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001606_post_disaster.png,pinery-bushfire_00001606_post_disaster,0,0,tier3\masks\pinery-bushfire_00001606_post_disaster.png,0,0,0,0,1606,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001606_post_disaster.png,portugal-wildfire_00001606_post_disaster,0,0,tier3\masks\portugal-wildfire_00001606_post_disaster.png,0,0,0,0,1606,0 +3,1247,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001607_post_disaster.png,portugal-wildfire_00001607_post_disaster,0,0,tier3\masks\portugal-wildfire_00001607_post_disaster.png,0,0,3,634,1607,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001607_post_disaster.png,pinery-bushfire_00001607_post_disaster,0,0,tier3\masks\pinery-bushfire_00001607_post_disaster.png,0,0,0,0,1607,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001608_post_disaster.png,pinery-bushfire_00001608_post_disaster,0,0,tier3\masks\pinery-bushfire_00001608_post_disaster.png,0,0,0,0,1608,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001608_post_disaster.png,portugal-wildfire_00001608_post_disaster,0,0,tier3\masks\portugal-wildfire_00001608_post_disaster.png,0,0,0,0,1608,3 +3,1002,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001609_post_disaster.png,portugal-wildfire_00001609_post_disaster,0,0,tier3\masks\portugal-wildfire_00001609_post_disaster.png,0,0,0,0,1609,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001609_post_disaster.png,pinery-bushfire_00001609_post_disaster,0,0,tier3\masks\pinery-bushfire_00001609_post_disaster.png,0,0,0,0,1609,3 +4,2495,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001610_post_disaster.png,portugal-wildfire_00001610_post_disaster,0,0,tier3\masks\portugal-wildfire_00001610_post_disaster.png,0,0,1,1189,1610,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001610_post_disaster.png,pinery-bushfire_00001610_post_disaster,0,0,tier3\masks\pinery-bushfire_00001610_post_disaster.png,0,0,2,1336,1610,1 +2,468,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001611_post_disaster.png,portugal-wildfire_00001611_post_disaster,0,0,tier3\masks\portugal-wildfire_00001611_post_disaster.png,0,0,6,4610,1611,4 +1,81,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001611_post_disaster.png,pinery-bushfire_00001611_post_disaster,0,0,tier3\masks\pinery-bushfire_00001611_post_disaster.png,0,0,3,2388,1611,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001612_post_disaster.png,portugal-wildfire_00001612_post_disaster,0,0,tier3\masks\portugal-wildfire_00001612_post_disaster.png,0,0,8,5265,1612,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001612_post_disaster.png,pinery-bushfire_00001612_post_disaster,0,0,tier3\masks\pinery-bushfire_00001612_post_disaster.png,0,0,0,0,1612,0 +1,490,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001613_post_disaster.png,portugal-wildfire_00001613_post_disaster,0,0,tier3\masks\portugal-wildfire_00001613_post_disaster.png,0,0,0,0,1613,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001613_post_disaster.png,pinery-bushfire_00001613_post_disaster,0,0,tier3\masks\pinery-bushfire_00001613_post_disaster.png,0,0,0,0,1613,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001614_post_disaster.png,pinery-bushfire_00001614_post_disaster,0,0,tier3\masks\pinery-bushfire_00001614_post_disaster.png,0,0,0,0,1614,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001614_post_disaster.png,portugal-wildfire_00001614_post_disaster,0,0,tier3\masks\portugal-wildfire_00001614_post_disaster.png,0,0,0,0,1614,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001615_post_disaster.png,portugal-wildfire_00001615_post_disaster,0,0,tier3\masks\portugal-wildfire_00001615_post_disaster.png,0,0,0,0,1615,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001615_post_disaster.png,pinery-bushfire_00001615_post_disaster,0,0,tier3\masks\pinery-bushfire_00001615_post_disaster.png,0,0,0,0,1615,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001616_post_disaster.png,pinery-bushfire_00001616_post_disaster,0,0,tier3\masks\pinery-bushfire_00001616_post_disaster.png,0,0,1,129,1616,1 +1,190,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001616_post_disaster.png,portugal-wildfire_00001616_post_disaster,0,0,tier3\masks\portugal-wildfire_00001616_post_disaster.png,0,0,27,24456,1616,0 +2,1500,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001617_post_disaster.png,portugal-wildfire_00001617_post_disaster,0,0,tier3\masks\portugal-wildfire_00001617_post_disaster.png,0,0,2,345,1617,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001617_post_disaster.png,pinery-bushfire_00001617_post_disaster,0,0,tier3\masks\pinery-bushfire_00001617_post_disaster.png,0,0,3,2208,1617,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001618_post_disaster.png,pinery-bushfire_00001618_post_disaster,0,0,tier3\masks\pinery-bushfire_00001618_post_disaster.png,0,0,0,0,1618,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001618_post_disaster.png,portugal-wildfire_00001618_post_disaster,0,0,tier3\masks\portugal-wildfire_00001618_post_disaster.png,0,0,0,0,1618,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001619_post_disaster.png,pinery-bushfire_00001619_post_disaster,0,0,tier3\masks\pinery-bushfire_00001619_post_disaster.png,0,0,0,0,1619,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001619_post_disaster.png,portugal-wildfire_00001619_post_disaster,0,0,tier3\masks\portugal-wildfire_00001619_post_disaster.png,0,0,17,12931,1619,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001620_post_disaster.png,pinery-bushfire_00001620_post_disaster,0,0,tier3\masks\pinery-bushfire_00001620_post_disaster.png,0,0,0,0,1620,1 +33,21422,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001620_post_disaster.png,portugal-wildfire_00001620_post_disaster,1,570,tier3\masks\portugal-wildfire_00001620_post_disaster.png,6,7692,38,32348,1620,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001621_post_disaster.png,pinery-bushfire_00001621_post_disaster,0,0,tier3\masks\pinery-bushfire_00001621_post_disaster.png,0,0,0,0,1621,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001621_post_disaster.png,portugal-wildfire_00001621_post_disaster,0,0,tier3\masks\portugal-wildfire_00001621_post_disaster.png,0,0,0,0,1621,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001622_post_disaster.png,pinery-bushfire_00001622_post_disaster,0,0,tier3\masks\pinery-bushfire_00001622_post_disaster.png,0,0,0,0,1622,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001622_post_disaster.png,portugal-wildfire_00001622_post_disaster,0,0,tier3\masks\portugal-wildfire_00001622_post_disaster.png,1,229,15,10824,1622,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001623_post_disaster.png,pinery-bushfire_00001623_post_disaster,0,0,tier3\masks\pinery-bushfire_00001623_post_disaster.png,0,0,0,0,1623,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001623_post_disaster.png,portugal-wildfire_00001623_post_disaster,1,820,tier3\masks\portugal-wildfire_00001623_post_disaster.png,0,0,13,11163,1623,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001624_post_disaster.png,pinery-bushfire_00001624_post_disaster,0,0,tier3\masks\pinery-bushfire_00001624_post_disaster.png,0,0,0,0,1624,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001624_post_disaster.png,portugal-wildfire_00001624_post_disaster,0,0,tier3\masks\portugal-wildfire_00001624_post_disaster.png,0,0,0,0,1624,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001625_post_disaster.png,pinery-bushfire_00001625_post_disaster,0,0,tier3\masks\pinery-bushfire_00001625_post_disaster.png,0,0,0,0,1625,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001625_post_disaster.png,portugal-wildfire_00001625_post_disaster,0,0,tier3\masks\portugal-wildfire_00001625_post_disaster.png,2,473,0,0,1625,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001626_post_disaster.png,pinery-bushfire_00001626_post_disaster,0,0,tier3\masks\pinery-bushfire_00001626_post_disaster.png,0,0,0,0,1626,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001626_post_disaster.png,portugal-wildfire_00001626_post_disaster,1,318,tier3\masks\portugal-wildfire_00001626_post_disaster.png,0,0,16,13444,1626,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001627_post_disaster.png,pinery-bushfire_00001627_post_disaster,0,0,tier3\masks\pinery-bushfire_00001627_post_disaster.png,0,0,0,0,1627,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001627_post_disaster.png,portugal-wildfire_00001627_post_disaster,0,0,tier3\masks\portugal-wildfire_00001627_post_disaster.png,0,0,1,6902,1627,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001628_post_disaster.png,portugal-wildfire_00001628_post_disaster,0,0,tier3\masks\portugal-wildfire_00001628_post_disaster.png,0,0,1,128,1628,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001628_post_disaster.png,pinery-bushfire_00001628_post_disaster,0,0,tier3\masks\pinery-bushfire_00001628_post_disaster.png,0,0,0,0,1628,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001629_post_disaster.png,pinery-bushfire_00001629_post_disaster,0,0,tier3\masks\pinery-bushfire_00001629_post_disaster.png,0,0,0,0,1629,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001629_post_disaster.png,portugal-wildfire_00001629_post_disaster,0,0,tier3\masks\portugal-wildfire_00001629_post_disaster.png,0,0,0,0,1629,1 +1,159,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001630_post_disaster.png,portugal-wildfire_00001630_post_disaster,0,0,tier3\masks\portugal-wildfire_00001630_post_disaster.png,1,1790,0,0,1630,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001630_post_disaster.png,pinery-bushfire_00001630_post_disaster,0,0,tier3\masks\pinery-bushfire_00001630_post_disaster.png,0,0,0,0,1630,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001631_post_disaster.png,pinery-bushfire_00001631_post_disaster,0,0,tier3\masks\pinery-bushfire_00001631_post_disaster.png,0,0,0,0,1631,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001631_post_disaster.png,portugal-wildfire_00001631_post_disaster,0,0,tier3\masks\portugal-wildfire_00001631_post_disaster.png,0,0,0,0,1631,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001632_post_disaster.png,portugal-wildfire_00001632_post_disaster,0,0,tier3\masks\portugal-wildfire_00001632_post_disaster.png,0,0,0,0,1632,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001632_post_disaster.png,pinery-bushfire_00001632_post_disaster,0,0,tier3\masks\pinery-bushfire_00001632_post_disaster.png,0,0,0,0,1632,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001633_post_disaster.png,portugal-wildfire_00001633_post_disaster,0,0,tier3\masks\portugal-wildfire_00001633_post_disaster.png,0,0,0,0,1633,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001633_post_disaster.png,pinery-bushfire_00001633_post_disaster,0,0,tier3\masks\pinery-bushfire_00001633_post_disaster.png,0,0,0,0,1633,1 +1,1105,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001634_post_disaster.png,portugal-wildfire_00001634_post_disaster,0,0,tier3\masks\portugal-wildfire_00001634_post_disaster.png,0,0,8,4950,1634,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001634_post_disaster.png,pinery-bushfire_00001634_post_disaster,0,0,tier3\masks\pinery-bushfire_00001634_post_disaster.png,0,0,5,2774,1634,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001635_post_disaster.png,pinery-bushfire_00001635_post_disaster,0,0,tier3\masks\pinery-bushfire_00001635_post_disaster.png,0,0,0,0,1635,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001635_post_disaster.png,portugal-wildfire_00001635_post_disaster,0,0,tier3\masks\portugal-wildfire_00001635_post_disaster.png,0,0,0,0,1635,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001636_post_disaster.png,portugal-wildfire_00001636_post_disaster,0,0,tier3\masks\portugal-wildfire_00001636_post_disaster.png,0,0,0,0,1636,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001636_post_disaster.png,pinery-bushfire_00001636_post_disaster,0,0,tier3\masks\pinery-bushfire_00001636_post_disaster.png,0,0,4,5480,1636,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001637_post_disaster.png,pinery-bushfire_00001637_post_disaster,0,0,tier3\masks\pinery-bushfire_00001637_post_disaster.png,0,0,0,0,1637,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001637_post_disaster.png,portugal-wildfire_00001637_post_disaster,0,0,tier3\masks\portugal-wildfire_00001637_post_disaster.png,0,0,0,0,1637,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001638_post_disaster.png,portugal-wildfire_00001638_post_disaster,0,0,tier3\masks\portugal-wildfire_00001638_post_disaster.png,0,0,21,8599,1638,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001638_post_disaster.png,pinery-bushfire_00001638_post_disaster,0,0,tier3\masks\pinery-bushfire_00001638_post_disaster.png,0,0,0,0,1638,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001639_post_disaster.png,pinery-bushfire_00001639_post_disaster,0,0,tier3\masks\pinery-bushfire_00001639_post_disaster.png,0,0,0,0,1639,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001639_post_disaster.png,portugal-wildfire_00001639_post_disaster,0,0,tier3\masks\portugal-wildfire_00001639_post_disaster.png,0,0,0,0,1639,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001640_post_disaster.png,pinery-bushfire_00001640_post_disaster,0,0,tier3\masks\pinery-bushfire_00001640_post_disaster.png,0,0,0,0,1640,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001640_post_disaster.png,portugal-wildfire_00001640_post_disaster,0,0,tier3\masks\portugal-wildfire_00001640_post_disaster.png,0,0,12,5838,1640,1 +1,914,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001641_post_disaster.png,portugal-wildfire_00001641_post_disaster,0,0,tier3\masks\portugal-wildfire_00001641_post_disaster.png,0,0,0,0,1641,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001641_post_disaster.png,pinery-bushfire_00001641_post_disaster,0,0,tier3\masks\pinery-bushfire_00001641_post_disaster.png,0,0,0,0,1641,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001642_post_disaster.png,pinery-bushfire_00001642_post_disaster,0,0,tier3\masks\pinery-bushfire_00001642_post_disaster.png,0,0,0,0,1642,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001642_post_disaster.png,portugal-wildfire_00001642_post_disaster,0,0,tier3\masks\portugal-wildfire_00001642_post_disaster.png,0,0,4,2357,1642,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001643_post_disaster.png,pinery-bushfire_00001643_post_disaster,0,0,tier3\masks\pinery-bushfire_00001643_post_disaster.png,0,0,0,0,1643,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001643_post_disaster.png,portugal-wildfire_00001643_post_disaster,0,0,tier3\masks\portugal-wildfire_00001643_post_disaster.png,0,0,0,0,1643,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001644_post_disaster.png,pinery-bushfire_00001644_post_disaster,0,0,tier3\masks\pinery-bushfire_00001644_post_disaster.png,0,0,0,0,1644,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001644_post_disaster.png,portugal-wildfire_00001644_post_disaster,0,0,tier3\masks\portugal-wildfire_00001644_post_disaster.png,0,0,1,234,1644,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001645_post_disaster.png,pinery-bushfire_00001645_post_disaster,0,0,tier3\masks\pinery-bushfire_00001645_post_disaster.png,0,0,0,0,1645,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001645_post_disaster.png,portugal-wildfire_00001645_post_disaster,0,0,tier3\masks\portugal-wildfire_00001645_post_disaster.png,0,0,0,0,1645,4 +11,4754,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001646_post_disaster.png,portugal-wildfire_00001646_post_disaster,0,0,tier3\masks\portugal-wildfire_00001646_post_disaster.png,3,4576,53,44449,1646,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001646_post_disaster.png,pinery-bushfire_00001646_post_disaster,0,0,tier3\masks\pinery-bushfire_00001646_post_disaster.png,0,0,0,0,1646,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001647_post_disaster.png,pinery-bushfire_00001647_post_disaster,0,0,tier3\masks\pinery-bushfire_00001647_post_disaster.png,0,0,0,0,1647,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001647_post_disaster.png,portugal-wildfire_00001647_post_disaster,0,0,tier3\masks\portugal-wildfire_00001647_post_disaster.png,0,0,0,0,1647,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001648_post_disaster.png,portugal-wildfire_00001648_post_disaster,0,0,tier3\masks\portugal-wildfire_00001648_post_disaster.png,0,0,0,0,1648,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001648_post_disaster.png,pinery-bushfire_00001648_post_disaster,0,0,tier3\masks\pinery-bushfire_00001648_post_disaster.png,0,0,0,0,1648,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001649_post_disaster.png,pinery-bushfire_00001649_post_disaster,0,0,tier3\masks\pinery-bushfire_00001649_post_disaster.png,0,0,0,0,1649,1 +7,4691,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001649_post_disaster.png,portugal-wildfire_00001649_post_disaster,1,363,tier3\masks\portugal-wildfire_00001649_post_disaster.png,1,550,17,23865,1649,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001650_post_disaster.png,pinery-bushfire_00001650_post_disaster,0,0,tier3\masks\pinery-bushfire_00001650_post_disaster.png,0,0,0,0,1650,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001650_post_disaster.png,portugal-wildfire_00001650_post_disaster,0,0,tier3\masks\portugal-wildfire_00001650_post_disaster.png,0,0,1,108,1650,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001651_post_disaster.png,pinery-bushfire_00001651_post_disaster,0,0,tier3\masks\pinery-bushfire_00001651_post_disaster.png,0,0,0,0,1651,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001651_post_disaster.png,portugal-wildfire_00001651_post_disaster,0,0,tier3\masks\portugal-wildfire_00001651_post_disaster.png,0,0,24,12836,1651,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001652_post_disaster.png,portugal-wildfire_00001652_post_disaster,0,0,tier3\masks\portugal-wildfire_00001652_post_disaster.png,0,0,0,0,1652,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001652_post_disaster.png,pinery-bushfire_00001652_post_disaster,0,0,tier3\masks\pinery-bushfire_00001652_post_disaster.png,0,0,0,0,1652,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001653_post_disaster.png,portugal-wildfire_00001653_post_disaster,0,0,tier3\masks\portugal-wildfire_00001653_post_disaster.png,0,0,0,0,1653,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001653_post_disaster.png,pinery-bushfire_00001653_post_disaster,0,0,tier3\masks\pinery-bushfire_00001653_post_disaster.png,0,0,0,0,1653,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001654_post_disaster.png,pinery-bushfire_00001654_post_disaster,0,0,tier3\masks\pinery-bushfire_00001654_post_disaster.png,0,0,0,0,1654,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001654_post_disaster.png,portugal-wildfire_00001654_post_disaster,0,0,tier3\masks\portugal-wildfire_00001654_post_disaster.png,1,217,5,606,1654,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001655_post_disaster.png,pinery-bushfire_00001655_post_disaster,0,0,tier3\masks\pinery-bushfire_00001655_post_disaster.png,0,0,0,0,1655,3 +10,5422,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001655_post_disaster.png,portugal-wildfire_00001655_post_disaster,0,0,tier3\masks\portugal-wildfire_00001655_post_disaster.png,2,1093,13,13801,1655,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001656_post_disaster.png,portugal-wildfire_00001656_post_disaster,0,0,tier3\masks\portugal-wildfire_00001656_post_disaster.png,0,0,0,0,1656,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001656_post_disaster.png,pinery-bushfire_00001656_post_disaster,0,0,tier3\masks\pinery-bushfire_00001656_post_disaster.png,0,0,0,0,1656,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001657_post_disaster.png,pinery-bushfire_00001657_post_disaster,0,0,tier3\masks\pinery-bushfire_00001657_post_disaster.png,0,0,0,0,1657,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001657_post_disaster.png,portugal-wildfire_00001657_post_disaster,0,0,tier3\masks\portugal-wildfire_00001657_post_disaster.png,0,0,0,0,1657,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001658_post_disaster.png,portugal-wildfire_00001658_post_disaster,0,0,tier3\masks\portugal-wildfire_00001658_post_disaster.png,0,0,10,5106,1658,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001658_post_disaster.png,pinery-bushfire_00001658_post_disaster,0,0,tier3\masks\pinery-bushfire_00001658_post_disaster.png,0,0,0,0,1658,3 +6,5567,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001659_post_disaster.png,portugal-wildfire_00001659_post_disaster,1,807,tier3\masks\portugal-wildfire_00001659_post_disaster.png,3,3235,25,20351,1659,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001659_post_disaster.png,pinery-bushfire_00001659_post_disaster,0,0,tier3\masks\pinery-bushfire_00001659_post_disaster.png,0,0,0,0,1659,3 +1,180,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001660_post_disaster.png,portugal-wildfire_00001660_post_disaster,0,0,tier3\masks\portugal-wildfire_00001660_post_disaster.png,0,0,27,13890,1660,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001660_post_disaster.png,pinery-bushfire_00001660_post_disaster,0,0,tier3\masks\pinery-bushfire_00001660_post_disaster.png,0,0,0,0,1660,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001661_post_disaster.png,portugal-wildfire_00001661_post_disaster,0,0,tier3\masks\portugal-wildfire_00001661_post_disaster.png,0,0,2,919,1661,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001661_post_disaster.png,pinery-bushfire_00001661_post_disaster,0,0,tier3\masks\pinery-bushfire_00001661_post_disaster.png,0,0,1,127,1661,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001662_post_disaster.png,portugal-wildfire_00001662_post_disaster,0,0,tier3\masks\portugal-wildfire_00001662_post_disaster.png,0,0,0,0,1662,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001662_post_disaster.png,pinery-bushfire_00001662_post_disaster,0,0,tier3\masks\pinery-bushfire_00001662_post_disaster.png,0,0,9,1373,1662,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001663_post_disaster.png,pinery-bushfire_00001663_post_disaster,0,0,tier3\masks\pinery-bushfire_00001663_post_disaster.png,0,0,0,0,1663,1 +11,6198,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001663_post_disaster.png,portugal-wildfire_00001663_post_disaster,1,343,tier3\masks\portugal-wildfire_00001663_post_disaster.png,2,1379,47,43824,1663,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001664_post_disaster.png,pinery-bushfire_00001664_post_disaster,0,0,tier3\masks\pinery-bushfire_00001664_post_disaster.png,0,0,0,0,1664,1 +5,2989,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001664_post_disaster.png,portugal-wildfire_00001664_post_disaster,0,0,tier3\masks\portugal-wildfire_00001664_post_disaster.png,7,2835,32,20615,1664,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001665_post_disaster.png,pinery-bushfire_00001665_post_disaster,0,0,tier3\masks\pinery-bushfire_00001665_post_disaster.png,0,0,0,0,1665,0 +1,1364,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001665_post_disaster.png,portugal-wildfire_00001665_post_disaster,0,0,tier3\masks\portugal-wildfire_00001665_post_disaster.png,0,0,29,25424,1665,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001666_post_disaster.png,portugal-wildfire_00001666_post_disaster,0,0,tier3\masks\portugal-wildfire_00001666_post_disaster.png,0,0,0,0,1666,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001666_post_disaster.png,pinery-bushfire_00001666_post_disaster,0,0,tier3\masks\pinery-bushfire_00001666_post_disaster.png,0,0,0,0,1666,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001667_post_disaster.png,portugal-wildfire_00001667_post_disaster,0,0,tier3\masks\portugal-wildfire_00001667_post_disaster.png,0,0,9,7888,1667,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001667_post_disaster.png,pinery-bushfire_00001667_post_disaster,0,0,tier3\masks\pinery-bushfire_00001667_post_disaster.png,0,0,4,2158,1667,3 +2,344,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001668_post_disaster.png,portugal-wildfire_00001668_post_disaster,0,0,tier3\masks\portugal-wildfire_00001668_post_disaster.png,0,0,11,5415,1668,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001668_post_disaster.png,pinery-bushfire_00001668_post_disaster,0,0,tier3\masks\pinery-bushfire_00001668_post_disaster.png,0,0,2,1250,1668,4 +1,5694,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001669_post_disaster.png,portugal-wildfire_00001669_post_disaster,0,0,tier3\masks\portugal-wildfire_00001669_post_disaster.png,1,8797,10,5706,1669,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001669_post_disaster.png,pinery-bushfire_00001669_post_disaster,0,0,tier3\masks\pinery-bushfire_00001669_post_disaster.png,0,0,0,0,1669,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001670_post_disaster.png,portugal-wildfire_00001670_post_disaster,0,0,tier3\masks\portugal-wildfire_00001670_post_disaster.png,0,0,1,738,1670,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001670_post_disaster.png,pinery-bushfire_00001670_post_disaster,0,0,tier3\masks\pinery-bushfire_00001670_post_disaster.png,0,0,0,0,1670,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001671_post_disaster.png,pinery-bushfire_00001671_post_disaster,0,0,tier3\masks\pinery-bushfire_00001671_post_disaster.png,0,0,0,0,1671,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001671_post_disaster.png,portugal-wildfire_00001671_post_disaster,0,0,tier3\masks\portugal-wildfire_00001671_post_disaster.png,0,0,0,0,1671,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001672_post_disaster.png,pinery-bushfire_00001672_post_disaster,0,0,tier3\masks\pinery-bushfire_00001672_post_disaster.png,0,0,8,3495,1672,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001672_post_disaster.png,portugal-wildfire_00001672_post_disaster,0,0,tier3\masks\portugal-wildfire_00001672_post_disaster.png,0,0,0,0,1672,0 +5,1922,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001673_post_disaster.png,portugal-wildfire_00001673_post_disaster,0,0,tier3\masks\portugal-wildfire_00001673_post_disaster.png,0,0,24,53267,1673,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001673_post_disaster.png,pinery-bushfire_00001673_post_disaster,0,0,tier3\masks\pinery-bushfire_00001673_post_disaster.png,0,0,0,0,1673,1 +8,4119,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001674_post_disaster.png,portugal-wildfire_00001674_post_disaster,0,0,tier3\masks\portugal-wildfire_00001674_post_disaster.png,1,1064,12,8667,1674,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001674_post_disaster.png,pinery-bushfire_00001674_post_disaster,0,0,tier3\masks\pinery-bushfire_00001674_post_disaster.png,0,0,0,0,1674,2 +11,5648,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001675_post_disaster.png,portugal-wildfire_00001675_post_disaster,3,1243,tier3\masks\portugal-wildfire_00001675_post_disaster.png,8,3512,58,44613,1675,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001675_post_disaster.png,pinery-bushfire_00001675_post_disaster,0,0,tier3\masks\pinery-bushfire_00001675_post_disaster.png,0,0,0,0,1675,0 +4,1646,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001676_post_disaster.png,portugal-wildfire_00001676_post_disaster,0,0,tier3\masks\portugal-wildfire_00001676_post_disaster.png,0,0,3,1027,1676,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001676_post_disaster.png,pinery-bushfire_00001676_post_disaster,0,0,tier3\masks\pinery-bushfire_00001676_post_disaster.png,0,0,0,0,1676,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001677_post_disaster.png,portugal-wildfire_00001677_post_disaster,0,0,tier3\masks\portugal-wildfire_00001677_post_disaster.png,0,0,24,23670,1677,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001677_post_disaster.png,pinery-bushfire_00001677_post_disaster,0,0,tier3\masks\pinery-bushfire_00001677_post_disaster.png,0,0,0,0,1677,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001678_post_disaster.png,portugal-wildfire_00001678_post_disaster,1,286,tier3\masks\portugal-wildfire_00001678_post_disaster.png,0,0,4,1451,1678,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001678_post_disaster.png,pinery-bushfire_00001678_post_disaster,0,0,tier3\masks\pinery-bushfire_00001678_post_disaster.png,0,0,0,0,1678,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001679_post_disaster.png,pinery-bushfire_00001679_post_disaster,0,0,tier3\masks\pinery-bushfire_00001679_post_disaster.png,0,0,17,10131,1679,3 +1,404,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001679_post_disaster.png,portugal-wildfire_00001679_post_disaster,1,520,tier3\masks\portugal-wildfire_00001679_post_disaster.png,4,1762,22,20706,1679,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001680_post_disaster.png,pinery-bushfire_00001680_post_disaster,0,0,tier3\masks\pinery-bushfire_00001680_post_disaster.png,0,0,0,0,1680,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001680_post_disaster.png,portugal-wildfire_00001680_post_disaster,0,0,tier3\masks\portugal-wildfire_00001680_post_disaster.png,0,0,0,0,1680,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001681_post_disaster.png,portugal-wildfire_00001681_post_disaster,0,0,tier3\masks\portugal-wildfire_00001681_post_disaster.png,0,0,1,423,1681,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001681_post_disaster.png,pinery-bushfire_00001681_post_disaster,0,0,tier3\masks\pinery-bushfire_00001681_post_disaster.png,0,0,1,110,1681,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001682_post_disaster.png,pinery-bushfire_00001682_post_disaster,0,0,tier3\masks\pinery-bushfire_00001682_post_disaster.png,0,0,7,3531,1682,3 +20,10253,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001682_post_disaster.png,portugal-wildfire_00001682_post_disaster,0,0,tier3\masks\portugal-wildfire_00001682_post_disaster.png,3,2686,37,41781,1682,0 +17,7952,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001683_post_disaster.png,portugal-wildfire_00001683_post_disaster,0,0,tier3\masks\portugal-wildfire_00001683_post_disaster.png,1,925,13,8020,1683,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001683_post_disaster.png,pinery-bushfire_00001683_post_disaster,0,0,tier3\masks\pinery-bushfire_00001683_post_disaster.png,0,0,0,0,1683,1 +4,1654,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001684_post_disaster.png,portugal-wildfire_00001684_post_disaster,1,2226,tier3\masks\portugal-wildfire_00001684_post_disaster.png,2,1177,6,5049,1684,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001684_post_disaster.png,pinery-bushfire_00001684_post_disaster,0,0,tier3\masks\pinery-bushfire_00001684_post_disaster.png,0,0,12,9074,1684,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001685_post_disaster.png,pinery-bushfire_00001685_post_disaster,0,0,tier3\masks\pinery-bushfire_00001685_post_disaster.png,0,0,0,0,1685,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001685_post_disaster.png,portugal-wildfire_00001685_post_disaster,0,0,tier3\masks\portugal-wildfire_00001685_post_disaster.png,0,0,2,687,1685,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001686_post_disaster.png,pinery-bushfire_00001686_post_disaster,0,0,tier3\masks\pinery-bushfire_00001686_post_disaster.png,1,2202,1,198,1686,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001686_post_disaster.png,portugal-wildfire_00001686_post_disaster,0,0,tier3\masks\portugal-wildfire_00001686_post_disaster.png,0,0,2,1751,1686,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001687_post_disaster.png,pinery-bushfire_00001687_post_disaster,0,0,tier3\masks\pinery-bushfire_00001687_post_disaster.png,0,0,0,0,1687,4 +2,1970,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001687_post_disaster.png,portugal-wildfire_00001687_post_disaster,0,0,tier3\masks\portugal-wildfire_00001687_post_disaster.png,0,0,21,20177,1687,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001688_post_disaster.png,pinery-bushfire_00001688_post_disaster,0,0,tier3\masks\pinery-bushfire_00001688_post_disaster.png,0,0,0,0,1688,4 +9,2780,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001688_post_disaster.png,portugal-wildfire_00001688_post_disaster,0,0,tier3\masks\portugal-wildfire_00001688_post_disaster.png,0,0,2,206,1688,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001689_post_disaster.png,portugal-wildfire_00001689_post_disaster,0,0,tier3\masks\portugal-wildfire_00001689_post_disaster.png,0,0,1,271,1689,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001689_post_disaster.png,pinery-bushfire_00001689_post_disaster,0,0,tier3\masks\pinery-bushfire_00001689_post_disaster.png,0,0,0,0,1689,0 +2,957,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001690_post_disaster.png,portugal-wildfire_00001690_post_disaster,0,0,tier3\masks\portugal-wildfire_00001690_post_disaster.png,0,0,7,1897,1690,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001690_post_disaster.png,pinery-bushfire_00001690_post_disaster,0,0,tier3\masks\pinery-bushfire_00001690_post_disaster.png,0,0,0,0,1690,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001691_post_disaster.png,portugal-wildfire_00001691_post_disaster,0,0,tier3\masks\portugal-wildfire_00001691_post_disaster.png,0,0,3,831,1691,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001691_post_disaster.png,pinery-bushfire_00001691_post_disaster,0,0,tier3\masks\pinery-bushfire_00001691_post_disaster.png,0,0,0,0,1691,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001692_post_disaster.png,pinery-bushfire_00001692_post_disaster,0,0,tier3\masks\pinery-bushfire_00001692_post_disaster.png,0,0,0,0,1692,3 +4,1488,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001692_post_disaster.png,portugal-wildfire_00001692_post_disaster,0,0,tier3\masks\portugal-wildfire_00001692_post_disaster.png,0,0,2,983,1692,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001693_post_disaster.png,pinery-bushfire_00001693_post_disaster,0,0,tier3\masks\pinery-bushfire_00001693_post_disaster.png,0,0,0,0,1693,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001693_post_disaster.png,portugal-wildfire_00001693_post_disaster,2,1488,tier3\masks\portugal-wildfire_00001693_post_disaster.png,0,0,26,22156,1693,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001694_post_disaster.png,pinery-bushfire_00001694_post_disaster,0,0,tier3\masks\pinery-bushfire_00001694_post_disaster.png,0,0,0,0,1694,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001694_post_disaster.png,portugal-wildfire_00001694_post_disaster,0,0,tier3\masks\portugal-wildfire_00001694_post_disaster.png,1,1016,7,3192,1694,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001695_post_disaster.png,portugal-wildfire_00001695_post_disaster,0,0,tier3\masks\portugal-wildfire_00001695_post_disaster.png,0,0,1,109,1695,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001695_post_disaster.png,pinery-bushfire_00001695_post_disaster,0,0,tier3\masks\pinery-bushfire_00001695_post_disaster.png,0,0,0,0,1695,1 +1,513,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001696_post_disaster.png,portugal-wildfire_00001696_post_disaster,0,0,tier3\masks\portugal-wildfire_00001696_post_disaster.png,0,0,1,621,1696,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001696_post_disaster.png,pinery-bushfire_00001696_post_disaster,0,0,tier3\masks\pinery-bushfire_00001696_post_disaster.png,0,0,0,0,1696,1 +2,1003,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001697_post_disaster.png,portugal-wildfire_00001697_post_disaster,0,0,tier3\masks\portugal-wildfire_00001697_post_disaster.png,0,0,20,9212,1697,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001697_post_disaster.png,pinery-bushfire_00001697_post_disaster,0,0,tier3\masks\pinery-bushfire_00001697_post_disaster.png,0,0,0,0,1697,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001698_post_disaster.png,pinery-bushfire_00001698_post_disaster,0,0,tier3\masks\pinery-bushfire_00001698_post_disaster.png,0,0,6,9984,1698,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001698_post_disaster.png,portugal-wildfire_00001698_post_disaster,0,0,tier3\masks\portugal-wildfire_00001698_post_disaster.png,0,0,3,377,1698,0 +2,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001699_post_disaster.png,portugal-wildfire_00001699_post_disaster,2,413,tier3\masks\portugal-wildfire_00001699_post_disaster.png,0,0,22,16369,1699,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001699_post_disaster.png,pinery-bushfire_00001699_post_disaster,0,0,tier3\masks\pinery-bushfire_00001699_post_disaster.png,0,0,0,0,1699,0 +5,918,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001700_post_disaster.png,portugal-wildfire_00001700_post_disaster,0,0,tier3\masks\portugal-wildfire_00001700_post_disaster.png,2,1798,49,40235,1700,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001700_post_disaster.png,pinery-bushfire_00001700_post_disaster,0,0,tier3\masks\pinery-bushfire_00001700_post_disaster.png,0,0,3,1685,1700,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001701_post_disaster.png,pinery-bushfire_00001701_post_disaster,0,0,tier3\masks\pinery-bushfire_00001701_post_disaster.png,0,0,0,0,1701,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001701_post_disaster.png,portugal-wildfire_00001701_post_disaster,0,0,tier3\masks\portugal-wildfire_00001701_post_disaster.png,0,0,0,0,1701,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001702_post_disaster.png,pinery-bushfire_00001702_post_disaster,0,0,tier3\masks\pinery-bushfire_00001702_post_disaster.png,0,0,0,0,1702,0 +3,1795,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001702_post_disaster.png,portugal-wildfire_00001702_post_disaster,0,0,tier3\masks\portugal-wildfire_00001702_post_disaster.png,1,906,24,25226,1702,2 +10,6254,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001703_post_disaster.png,portugal-wildfire_00001703_post_disaster,1,1629,tier3\masks\portugal-wildfire_00001703_post_disaster.png,3,4789,28,29647,1703,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001703_post_disaster.png,pinery-bushfire_00001703_post_disaster,0,0,tier3\masks\pinery-bushfire_00001703_post_disaster.png,0,0,4,388,1703,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001704_post_disaster.png,pinery-bushfire_00001704_post_disaster,0,0,tier3\masks\pinery-bushfire_00001704_post_disaster.png,0,0,8,6782,1704,0 +4,1136,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001704_post_disaster.png,portugal-wildfire_00001704_post_disaster,1,412,tier3\masks\portugal-wildfire_00001704_post_disaster.png,0,0,6,1321,1704,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001705_post_disaster.png,portugal-wildfire_00001705_post_disaster,0,0,tier3\masks\portugal-wildfire_00001705_post_disaster.png,0,0,0,0,1705,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001705_post_disaster.png,pinery-bushfire_00001705_post_disaster,0,0,tier3\masks\pinery-bushfire_00001705_post_disaster.png,0,0,13,8745,1705,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001706_post_disaster.png,pinery-bushfire_00001706_post_disaster,0,0,tier3\masks\pinery-bushfire_00001706_post_disaster.png,0,0,0,0,1706,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001706_post_disaster.png,portugal-wildfire_00001706_post_disaster,0,0,tier3\masks\portugal-wildfire_00001706_post_disaster.png,0,0,0,0,1706,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001707_post_disaster.png,pinery-bushfire_00001707_post_disaster,0,0,tier3\masks\pinery-bushfire_00001707_post_disaster.png,0,0,2,559,1707,4 +4,2370,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001707_post_disaster.png,portugal-wildfire_00001707_post_disaster,1,304,tier3\masks\portugal-wildfire_00001707_post_disaster.png,2,1471,16,6735,1707,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001708_post_disaster.png,pinery-bushfire_00001708_post_disaster,0,0,tier3\masks\pinery-bushfire_00001708_post_disaster.png,0,0,0,0,1708,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001708_post_disaster.png,portugal-wildfire_00001708_post_disaster,0,0,tier3\masks\portugal-wildfire_00001708_post_disaster.png,0,0,0,0,1708,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001709_post_disaster.png,portugal-wildfire_00001709_post_disaster,0,0,tier3\masks\portugal-wildfire_00001709_post_disaster.png,0,0,8,5568,1709,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001709_post_disaster.png,pinery-bushfire_00001709_post_disaster,0,0,tier3\masks\pinery-bushfire_00001709_post_disaster.png,0,0,0,0,1709,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001710_post_disaster.png,pinery-bushfire_00001710_post_disaster,0,0,tier3\masks\pinery-bushfire_00001710_post_disaster.png,0,0,0,0,1710,0 +2,2103,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001710_post_disaster.png,portugal-wildfire_00001710_post_disaster,3,748,tier3\masks\portugal-wildfire_00001710_post_disaster.png,0,0,1,208,1710,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001711_post_disaster.png,pinery-bushfire_00001711_post_disaster,0,0,tier3\masks\pinery-bushfire_00001711_post_disaster.png,0,0,0,0,1711,2 +7,4379,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001711_post_disaster.png,portugal-wildfire_00001711_post_disaster,0,0,tier3\masks\portugal-wildfire_00001711_post_disaster.png,1,1020,67,70972,1711,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001712_post_disaster.png,pinery-bushfire_00001712_post_disaster,0,0,tier3\masks\pinery-bushfire_00001712_post_disaster.png,0,0,0,0,1712,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001712_post_disaster.png,portugal-wildfire_00001712_post_disaster,0,0,tier3\masks\portugal-wildfire_00001712_post_disaster.png,0,0,0,0,1712,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001713_post_disaster.png,pinery-bushfire_00001713_post_disaster,0,0,tier3\masks\pinery-bushfire_00001713_post_disaster.png,0,0,0,0,1713,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001713_post_disaster.png,portugal-wildfire_00001713_post_disaster,0,0,tier3\masks\portugal-wildfire_00001713_post_disaster.png,0,0,0,0,1713,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001714_post_disaster.png,portugal-wildfire_00001714_post_disaster,0,0,tier3\masks\portugal-wildfire_00001714_post_disaster.png,0,0,1,298,1714,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001714_post_disaster.png,pinery-bushfire_00001714_post_disaster,0,0,tier3\masks\pinery-bushfire_00001714_post_disaster.png,0,0,0,0,1714,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001715_post_disaster.png,portugal-wildfire_00001715_post_disaster,0,0,tier3\masks\portugal-wildfire_00001715_post_disaster.png,0,0,2,649,1715,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001715_post_disaster.png,pinery-bushfire_00001715_post_disaster,0,0,tier3\masks\pinery-bushfire_00001715_post_disaster.png,0,0,0,0,1715,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001716_post_disaster.png,pinery-bushfire_00001716_post_disaster,0,0,tier3\masks\pinery-bushfire_00001716_post_disaster.png,0,0,5,2485,1716,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001716_post_disaster.png,portugal-wildfire_00001716_post_disaster,0,0,tier3\masks\portugal-wildfire_00001716_post_disaster.png,0,0,2,683,1716,1 +3,875,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001717_post_disaster.png,portugal-wildfire_00001717_post_disaster,0,0,tier3\masks\portugal-wildfire_00001717_post_disaster.png,3,2509,34,20831,1717,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001717_post_disaster.png,pinery-bushfire_00001717_post_disaster,0,0,tier3\masks\pinery-bushfire_00001717_post_disaster.png,0,0,13,9782,1717,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001718_post_disaster.png,portugal-wildfire_00001718_post_disaster,0,0,tier3\masks\portugal-wildfire_00001718_post_disaster.png,0,0,1,126,1718,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001718_post_disaster.png,pinery-bushfire_00001718_post_disaster,0,0,tier3\masks\pinery-bushfire_00001718_post_disaster.png,0,0,6,3995,1718,3 +7,3774,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001719_post_disaster.png,portugal-wildfire_00001719_post_disaster,2,1675,tier3\masks\portugal-wildfire_00001719_post_disaster.png,7,3456,37,25578,1719,1 +5,602,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001719_post_disaster.png,pinery-bushfire_00001719_post_disaster,0,0,tier3\masks\pinery-bushfire_00001719_post_disaster.png,0,0,20,4686,1719,2 +1,656,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001720_post_disaster.png,portugal-wildfire_00001720_post_disaster,0,0,tier3\masks\portugal-wildfire_00001720_post_disaster.png,0,0,3,1906,1720,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001720_post_disaster.png,pinery-bushfire_00001720_post_disaster,0,0,tier3\masks\pinery-bushfire_00001720_post_disaster.png,0,0,6,4589,1720,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001721_post_disaster.png,pinery-bushfire_00001721_post_disaster,0,0,tier3\masks\pinery-bushfire_00001721_post_disaster.png,0,0,0,0,1721,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001721_post_disaster.png,portugal-wildfire_00001721_post_disaster,0,0,tier3\masks\portugal-wildfire_00001721_post_disaster.png,0,0,19,13015,1721,1 +10,3461,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001722_post_disaster.png,portugal-wildfire_00001722_post_disaster,7,2427,tier3\masks\portugal-wildfire_00001722_post_disaster.png,0,0,25,18794,1722,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001722_post_disaster.png,pinery-bushfire_00001722_post_disaster,0,0,tier3\masks\pinery-bushfire_00001722_post_disaster.png,0,0,18,9861,1722,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001723_post_disaster.png,pinery-bushfire_00001723_post_disaster,0,0,tier3\masks\pinery-bushfire_00001723_post_disaster.png,0,0,0,0,1723,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001723_post_disaster.png,portugal-wildfire_00001723_post_disaster,0,0,tier3\masks\portugal-wildfire_00001723_post_disaster.png,0,0,0,0,1723,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001724_post_disaster.png,pinery-bushfire_00001724_post_disaster,0,0,tier3\masks\pinery-bushfire_00001724_post_disaster.png,0,0,0,0,1724,1 +1,943,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001724_post_disaster.png,portugal-wildfire_00001724_post_disaster,0,0,tier3\masks\portugal-wildfire_00001724_post_disaster.png,0,0,5,5783,1724,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001725_post_disaster.png,pinery-bushfire_00001725_post_disaster,0,0,tier3\masks\pinery-bushfire_00001725_post_disaster.png,0,0,16,10940,1725,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001725_post_disaster.png,portugal-wildfire_00001725_post_disaster,0,0,tier3\masks\portugal-wildfire_00001725_post_disaster.png,1,226,24,13569,1725,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001726_post_disaster.png,pinery-bushfire_00001726_post_disaster,0,0,tier3\masks\pinery-bushfire_00001726_post_disaster.png,0,0,2,327,1726,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001726_post_disaster.png,portugal-wildfire_00001726_post_disaster,0,0,tier3\masks\portugal-wildfire_00001726_post_disaster.png,0,0,1,204,1726,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001727_post_disaster.png,pinery-bushfire_00001727_post_disaster,0,0,tier3\masks\pinery-bushfire_00001727_post_disaster.png,0,0,1,2724,1727,0 +3,2567,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001727_post_disaster.png,portugal-wildfire_00001727_post_disaster,1,241,tier3\masks\portugal-wildfire_00001727_post_disaster.png,1,1631,8,5967,1727,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001728_post_disaster.png,pinery-bushfire_00001728_post_disaster,0,0,tier3\masks\pinery-bushfire_00001728_post_disaster.png,0,0,0,0,1728,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001728_post_disaster.png,portugal-wildfire_00001728_post_disaster,0,0,tier3\masks\portugal-wildfire_00001728_post_disaster.png,0,0,0,0,1728,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001729_post_disaster.png,portugal-wildfire_00001729_post_disaster,0,0,tier3\masks\portugal-wildfire_00001729_post_disaster.png,0,0,0,0,1729,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001729_post_disaster.png,pinery-bushfire_00001729_post_disaster,0,0,tier3\masks\pinery-bushfire_00001729_post_disaster.png,0,0,0,0,1729,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001730_post_disaster.png,portugal-wildfire_00001730_post_disaster,0,0,tier3\masks\portugal-wildfire_00001730_post_disaster.png,0,0,1,135,1730,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001730_post_disaster.png,pinery-bushfire_00001730_post_disaster,0,0,tier3\masks\pinery-bushfire_00001730_post_disaster.png,0,0,0,0,1730,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001731_post_disaster.png,portugal-wildfire_00001731_post_disaster,0,0,tier3\masks\portugal-wildfire_00001731_post_disaster.png,0,0,9,4460,1731,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001731_post_disaster.png,pinery-bushfire_00001731_post_disaster,0,0,tier3\masks\pinery-bushfire_00001731_post_disaster.png,0,0,0,0,1731,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001732_post_disaster.png,pinery-bushfire_00001732_post_disaster,0,0,tier3\masks\pinery-bushfire_00001732_post_disaster.png,0,0,9,8464,1732,2 +4,1816,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001732_post_disaster.png,portugal-wildfire_00001732_post_disaster,0,0,tier3\masks\portugal-wildfire_00001732_post_disaster.png,1,2071,36,23051,1732,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001733_post_disaster.png,pinery-bushfire_00001733_post_disaster,0,0,tier3\masks\pinery-bushfire_00001733_post_disaster.png,0,0,0,0,1733,3 +1,469,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001733_post_disaster.png,portugal-wildfire_00001733_post_disaster,1,347,tier3\masks\portugal-wildfire_00001733_post_disaster.png,0,0,2,626,1733,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001734_post_disaster.png,portugal-wildfire_00001734_post_disaster,0,0,tier3\masks\portugal-wildfire_00001734_post_disaster.png,0,0,5,1343,1734,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001734_post_disaster.png,pinery-bushfire_00001734_post_disaster,0,0,tier3\masks\pinery-bushfire_00001734_post_disaster.png,0,0,0,0,1734,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001735_post_disaster.png,pinery-bushfire_00001735_post_disaster,0,0,tier3\masks\pinery-bushfire_00001735_post_disaster.png,0,0,0,0,1735,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001735_post_disaster.png,portugal-wildfire_00001735_post_disaster,0,0,tier3\masks\portugal-wildfire_00001735_post_disaster.png,0,0,4,8256,1735,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001736_post_disaster.png,portugal-wildfire_00001736_post_disaster,0,0,tier3\masks\portugal-wildfire_00001736_post_disaster.png,0,0,0,0,1736,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001736_post_disaster.png,pinery-bushfire_00001736_post_disaster,0,0,tier3\masks\pinery-bushfire_00001736_post_disaster.png,0,0,0,0,1736,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001737_post_disaster.png,portugal-wildfire_00001737_post_disaster,0,0,tier3\masks\portugal-wildfire_00001737_post_disaster.png,0,0,0,0,1737,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001737_post_disaster.png,pinery-bushfire_00001737_post_disaster,0,0,tier3\masks\pinery-bushfire_00001737_post_disaster.png,0,0,0,0,1737,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001738_post_disaster.png,portugal-wildfire_00001738_post_disaster,0,0,tier3\masks\portugal-wildfire_00001738_post_disaster.png,0,0,0,0,1738,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001738_post_disaster.png,pinery-bushfire_00001738_post_disaster,0,0,tier3\masks\pinery-bushfire_00001738_post_disaster.png,0,0,0,0,1738,4 +28,12833,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001739_post_disaster.png,portugal-wildfire_00001739_post_disaster,4,3445,tier3\masks\portugal-wildfire_00001739_post_disaster.png,6,3757,15,10966,1739,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001739_post_disaster.png,pinery-bushfire_00001739_post_disaster,0,0,tier3\masks\pinery-bushfire_00001739_post_disaster.png,0,0,0,0,1739,0 +9,1917,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001740_post_disaster.png,portugal-wildfire_00001740_post_disaster,2,1375,tier3\masks\portugal-wildfire_00001740_post_disaster.png,1,1752,6,2457,1740,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001740_post_disaster.png,pinery-bushfire_00001740_post_disaster,0,0,tier3\masks\pinery-bushfire_00001740_post_disaster.png,0,0,0,0,1740,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001741_post_disaster.png,pinery-bushfire_00001741_post_disaster,0,0,tier3\masks\pinery-bushfire_00001741_post_disaster.png,0,0,0,0,1741,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001741_post_disaster.png,portugal-wildfire_00001741_post_disaster,0,0,tier3\masks\portugal-wildfire_00001741_post_disaster.png,0,0,6,5421,1741,0 +1,432,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001742_post_disaster.png,portugal-wildfire_00001742_post_disaster,0,0,tier3\masks\portugal-wildfire_00001742_post_disaster.png,0,0,1,814,1742,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001742_post_disaster.png,pinery-bushfire_00001742_post_disaster,0,0,tier3\masks\pinery-bushfire_00001742_post_disaster.png,0,0,0,0,1742,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001743_post_disaster.png,pinery-bushfire_00001743_post_disaster,0,0,tier3\masks\pinery-bushfire_00001743_post_disaster.png,0,0,0,0,1743,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001743_post_disaster.png,portugal-wildfire_00001743_post_disaster,0,0,tier3\masks\portugal-wildfire_00001743_post_disaster.png,0,0,32,28942,1743,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001744_post_disaster.png,portugal-wildfire_00001744_post_disaster,0,0,tier3\masks\portugal-wildfire_00001744_post_disaster.png,0,0,0,0,1744,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001744_post_disaster.png,pinery-bushfire_00001744_post_disaster,0,0,tier3\masks\pinery-bushfire_00001744_post_disaster.png,0,0,0,0,1744,2 +1,3968,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001745_post_disaster.png,portugal-wildfire_00001745_post_disaster,0,0,tier3\masks\portugal-wildfire_00001745_post_disaster.png,0,0,0,0,1745,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001745_post_disaster.png,pinery-bushfire_00001745_post_disaster,1,268,tier3\masks\pinery-bushfire_00001745_post_disaster.png,0,0,5,4941,1745,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001746_post_disaster.png,pinery-bushfire_00001746_post_disaster,0,0,tier3\masks\pinery-bushfire_00001746_post_disaster.png,0,0,0,0,1746,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001746_post_disaster.png,portugal-wildfire_00001746_post_disaster,0,0,tier3\masks\portugal-wildfire_00001746_post_disaster.png,0,0,0,0,1746,2 +1,180,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001747_post_disaster.png,portugal-wildfire_00001747_post_disaster,2,666,tier3\masks\portugal-wildfire_00001747_post_disaster.png,0,0,11,10502,1747,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001747_post_disaster.png,pinery-bushfire_00001747_post_disaster,0,0,tier3\masks\pinery-bushfire_00001747_post_disaster.png,0,0,0,0,1747,2 +3,972,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001748_post_disaster.png,portugal-wildfire_00001748_post_disaster,1,495,tier3\masks\portugal-wildfire_00001748_post_disaster.png,1,1167,2,4070,1748,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001748_post_disaster.png,pinery-bushfire_00001748_post_disaster,0,0,tier3\masks\pinery-bushfire_00001748_post_disaster.png,0,0,0,0,1748,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001749_post_disaster.png,portugal-wildfire_00001749_post_disaster,0,0,tier3\masks\portugal-wildfire_00001749_post_disaster.png,0,0,0,0,1749,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001749_post_disaster.png,pinery-bushfire_00001749_post_disaster,0,0,tier3\masks\pinery-bushfire_00001749_post_disaster.png,0,0,0,0,1749,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001750_post_disaster.png,pinery-bushfire_00001750_post_disaster,0,0,tier3\masks\pinery-bushfire_00001750_post_disaster.png,0,0,2,251,1750,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001750_post_disaster.png,portugal-wildfire_00001750_post_disaster,0,0,tier3\masks\portugal-wildfire_00001750_post_disaster.png,0,0,0,0,1750,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001751_post_disaster.png,pinery-bushfire_00001751_post_disaster,0,0,tier3\masks\pinery-bushfire_00001751_post_disaster.png,0,0,0,0,1751,0 +2,351,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001751_post_disaster.png,portugal-wildfire_00001751_post_disaster,0,0,tier3\masks\portugal-wildfire_00001751_post_disaster.png,0,0,3,1013,1751,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001752_post_disaster.png,pinery-bushfire_00001752_post_disaster,0,0,tier3\masks\pinery-bushfire_00001752_post_disaster.png,0,0,20,11869,1752,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001752_post_disaster.png,portugal-wildfire_00001752_post_disaster,0,0,tier3\masks\portugal-wildfire_00001752_post_disaster.png,0,0,0,0,1752,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001753_post_disaster.png,pinery-bushfire_00001753_post_disaster,0,0,tier3\masks\pinery-bushfire_00001753_post_disaster.png,1,120,1,69,1753,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001753_post_disaster.png,portugal-wildfire_00001753_post_disaster,0,0,tier3\masks\portugal-wildfire_00001753_post_disaster.png,0,0,1,142,1753,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001754_post_disaster.png,pinery-bushfire_00001754_post_disaster,0,0,tier3\masks\pinery-bushfire_00001754_post_disaster.png,0,0,0,0,1754,1 +2,783,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001754_post_disaster.png,portugal-wildfire_00001754_post_disaster,0,0,tier3\masks\portugal-wildfire_00001754_post_disaster.png,0,0,2,459,1754,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001755_post_disaster.png,pinery-bushfire_00001755_post_disaster,0,0,tier3\masks\pinery-bushfire_00001755_post_disaster.png,0,0,0,0,1755,1 +3,1324,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001755_post_disaster.png,portugal-wildfire_00001755_post_disaster,0,0,tier3\masks\portugal-wildfire_00001755_post_disaster.png,0,0,7,13590,1755,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001756_post_disaster.png,pinery-bushfire_00001756_post_disaster,0,0,tier3\masks\pinery-bushfire_00001756_post_disaster.png,0,0,0,0,1756,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001756_post_disaster.png,portugal-wildfire_00001756_post_disaster,0,0,tier3\masks\portugal-wildfire_00001756_post_disaster.png,0,0,1,171,1756,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001757_post_disaster.png,pinery-bushfire_00001757_post_disaster,0,0,tier3\masks\pinery-bushfire_00001757_post_disaster.png,0,0,0,0,1757,0 +1,205,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001757_post_disaster.png,portugal-wildfire_00001757_post_disaster,0,0,tier3\masks\portugal-wildfire_00001757_post_disaster.png,0,0,0,0,1757,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001758_post_disaster.png,pinery-bushfire_00001758_post_disaster,0,0,tier3\masks\pinery-bushfire_00001758_post_disaster.png,0,0,0,0,1758,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001758_post_disaster.png,portugal-wildfire_00001758_post_disaster,0,0,tier3\masks\portugal-wildfire_00001758_post_disaster.png,1,371,1,1109,1758,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001759_post_disaster.png,pinery-bushfire_00001759_post_disaster,0,0,tier3\masks\pinery-bushfire_00001759_post_disaster.png,0,0,0,0,1759,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001759_post_disaster.png,portugal-wildfire_00001759_post_disaster,0,0,tier3\masks\portugal-wildfire_00001759_post_disaster.png,0,0,0,0,1759,0 +2,557,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001760_post_disaster.png,pinery-bushfire_00001760_post_disaster,0,0,tier3\masks\pinery-bushfire_00001760_post_disaster.png,0,0,0,0,1760,1 +4,1778,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001760_post_disaster.png,portugal-wildfire_00001760_post_disaster,0,0,tier3\masks\portugal-wildfire_00001760_post_disaster.png,1,511,5,3684,1760,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001761_post_disaster.png,pinery-bushfire_00001761_post_disaster,0,0,tier3\masks\pinery-bushfire_00001761_post_disaster.png,0,0,0,0,1761,0 +3,586,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001761_post_disaster.png,portugal-wildfire_00001761_post_disaster,0,0,tier3\masks\portugal-wildfire_00001761_post_disaster.png,0,0,0,0,1761,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001762_post_disaster.png,pinery-bushfire_00001762_post_disaster,0,0,tier3\masks\pinery-bushfire_00001762_post_disaster.png,0,0,0,0,1762,3 +2,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001762_post_disaster.png,portugal-wildfire_00001762_post_disaster,0,0,tier3\masks\portugal-wildfire_00001762_post_disaster.png,0,0,0,0,1762,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001763_post_disaster.png,portugal-wildfire_00001763_post_disaster,0,0,tier3\masks\portugal-wildfire_00001763_post_disaster.png,0,0,0,0,1763,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001763_post_disaster.png,pinery-bushfire_00001763_post_disaster,0,0,tier3\masks\pinery-bushfire_00001763_post_disaster.png,0,0,0,0,1763,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001764_post_disaster.png,pinery-bushfire_00001764_post_disaster,0,0,tier3\masks\pinery-bushfire_00001764_post_disaster.png,0,0,0,0,1764,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001764_post_disaster.png,portugal-wildfire_00001764_post_disaster,0,0,tier3\masks\portugal-wildfire_00001764_post_disaster.png,0,0,5,13649,1764,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001765_post_disaster.png,portugal-wildfire_00001765_post_disaster,0,0,tier3\masks\portugal-wildfire_00001765_post_disaster.png,0,0,3,1108,1765,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001765_post_disaster.png,pinery-bushfire_00001765_post_disaster,0,0,tier3\masks\pinery-bushfire_00001765_post_disaster.png,0,0,0,0,1765,2 +5,1933,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001766_post_disaster.png,portugal-wildfire_00001766_post_disaster,3,2484,tier3\masks\portugal-wildfire_00001766_post_disaster.png,1,421,57,67494,1766,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001766_post_disaster.png,pinery-bushfire_00001766_post_disaster,0,0,tier3\masks\pinery-bushfire_00001766_post_disaster.png,0,0,0,0,1766,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001767_post_disaster.png,portugal-wildfire_00001767_post_disaster,0,0,tier3\masks\portugal-wildfire_00001767_post_disaster.png,0,0,1,39,1767,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001767_post_disaster.png,pinery-bushfire_00001767_post_disaster,0,0,tier3\masks\pinery-bushfire_00001767_post_disaster.png,0,0,0,0,1767,3 +3,1680,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001768_post_disaster.png,portugal-wildfire_00001768_post_disaster,0,0,tier3\masks\portugal-wildfire_00001768_post_disaster.png,1,199,2,1590,1768,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001768_post_disaster.png,pinery-bushfire_00001768_post_disaster,0,0,tier3\masks\pinery-bushfire_00001768_post_disaster.png,0,0,4,2107,1768,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001769_post_disaster.png,portugal-wildfire_00001769_post_disaster,0,0,tier3\masks\portugal-wildfire_00001769_post_disaster.png,0,0,0,0,1769,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001769_post_disaster.png,pinery-bushfire_00001769_post_disaster,0,0,tier3\masks\pinery-bushfire_00001769_post_disaster.png,0,0,0,0,1769,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001770_post_disaster.png,pinery-bushfire_00001770_post_disaster,0,0,tier3\masks\pinery-bushfire_00001770_post_disaster.png,0,0,10,8702,1770,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001770_post_disaster.png,portugal-wildfire_00001770_post_disaster,0,0,tier3\masks\portugal-wildfire_00001770_post_disaster.png,0,0,1,985,1770,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001771_post_disaster.png,portugal-wildfire_00001771_post_disaster,0,0,tier3\masks\portugal-wildfire_00001771_post_disaster.png,0,0,0,0,1771,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001771_post_disaster.png,pinery-bushfire_00001771_post_disaster,0,0,tier3\masks\pinery-bushfire_00001771_post_disaster.png,0,0,0,0,1771,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001772_post_disaster.png,pinery-bushfire_00001772_post_disaster,0,0,tier3\masks\pinery-bushfire_00001772_post_disaster.png,0,0,0,0,1772,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001772_post_disaster.png,portugal-wildfire_00001772_post_disaster,0,0,tier3\masks\portugal-wildfire_00001772_post_disaster.png,0,0,0,0,1772,2 +1,38,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001773_post_disaster.png,portugal-wildfire_00001773_post_disaster,1,865,tier3\masks\portugal-wildfire_00001773_post_disaster.png,0,0,4,2684,1773,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001773_post_disaster.png,pinery-bushfire_00001773_post_disaster,0,0,tier3\masks\pinery-bushfire_00001773_post_disaster.png,0,0,0,0,1773,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001774_post_disaster.png,portugal-wildfire_00001774_post_disaster,0,0,tier3\masks\portugal-wildfire_00001774_post_disaster.png,0,0,0,0,1774,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001774_post_disaster.png,pinery-bushfire_00001774_post_disaster,0,0,tier3\masks\pinery-bushfire_00001774_post_disaster.png,0,0,0,0,1774,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001775_post_disaster.png,pinery-bushfire_00001775_post_disaster,0,0,tier3\masks\pinery-bushfire_00001775_post_disaster.png,0,0,0,0,1775,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001775_post_disaster.png,portugal-wildfire_00001775_post_disaster,0,0,tier3\masks\portugal-wildfire_00001775_post_disaster.png,0,0,0,0,1775,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001776_post_disaster.png,pinery-bushfire_00001776_post_disaster,0,0,tier3\masks\pinery-bushfire_00001776_post_disaster.png,0,0,0,0,1776,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001776_post_disaster.png,portugal-wildfire_00001776_post_disaster,0,0,tier3\masks\portugal-wildfire_00001776_post_disaster.png,0,0,0,0,1776,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001777_post_disaster.png,pinery-bushfire_00001777_post_disaster,0,0,tier3\masks\pinery-bushfire_00001777_post_disaster.png,0,0,0,0,1777,3 +4,2045,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001777_post_disaster.png,portugal-wildfire_00001777_post_disaster,0,0,tier3\masks\portugal-wildfire_00001777_post_disaster.png,2,853,9,8069,1777,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001778_post_disaster.png,pinery-bushfire_00001778_post_disaster,0,0,tier3\masks\pinery-bushfire_00001778_post_disaster.png,0,0,0,0,1778,2 +1,396,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001778_post_disaster.png,portugal-wildfire_00001778_post_disaster,0,0,tier3\masks\portugal-wildfire_00001778_post_disaster.png,0,0,0,0,1778,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001779_post_disaster.png,portugal-wildfire_00001779_post_disaster,0,0,tier3\masks\portugal-wildfire_00001779_post_disaster.png,0,0,0,0,1779,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001779_post_disaster.png,pinery-bushfire_00001779_post_disaster,0,0,tier3\masks\pinery-bushfire_00001779_post_disaster.png,0,0,2,1505,1779,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001780_post_disaster.png,portugal-wildfire_00001780_post_disaster,0,0,tier3\masks\portugal-wildfire_00001780_post_disaster.png,0,0,1,425,1780,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001780_post_disaster.png,pinery-bushfire_00001780_post_disaster,0,0,tier3\masks\pinery-bushfire_00001780_post_disaster.png,0,0,0,0,1780,1 +1,220,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001781_post_disaster.png,pinery-bushfire_00001781_post_disaster,0,0,tier3\masks\pinery-bushfire_00001781_post_disaster.png,0,0,0,0,1781,1 +9,7467,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001781_post_disaster.png,portugal-wildfire_00001781_post_disaster,0,0,tier3\masks\portugal-wildfire_00001781_post_disaster.png,5,6336,9,6293,1781,3 +2,454,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001782_post_disaster.png,portugal-wildfire_00001782_post_disaster,0,0,tier3\masks\portugal-wildfire_00001782_post_disaster.png,1,202,16,22244,1782,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001782_post_disaster.png,pinery-bushfire_00001782_post_disaster,0,0,tier3\masks\pinery-bushfire_00001782_post_disaster.png,0,0,0,0,1782,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001783_post_disaster.png,pinery-bushfire_00001783_post_disaster,0,0,tier3\masks\pinery-bushfire_00001783_post_disaster.png,0,0,0,0,1783,4 +2,728,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001783_post_disaster.png,portugal-wildfire_00001783_post_disaster,0,0,tier3\masks\portugal-wildfire_00001783_post_disaster.png,0,0,10,6083,1783,4 +2,2125,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001784_post_disaster.png,pinery-bushfire_00001784_post_disaster,2,1278,tier3\masks\pinery-bushfire_00001784_post_disaster.png,1,732,13,5644,1784,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001784_post_disaster.png,portugal-wildfire_00001784_post_disaster,0,0,tier3\masks\portugal-wildfire_00001784_post_disaster.png,0,0,1,191,1784,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001785_post_disaster.png,portugal-wildfire_00001785_post_disaster,0,0,tier3\masks\portugal-wildfire_00001785_post_disaster.png,0,0,0,0,1785,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001785_post_disaster.png,pinery-bushfire_00001785_post_disaster,0,0,tier3\masks\pinery-bushfire_00001785_post_disaster.png,1,744,3,4563,1785,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001786_post_disaster.png,portugal-wildfire_00001786_post_disaster,0,0,tier3\masks\portugal-wildfire_00001786_post_disaster.png,0,0,0,0,1786,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001786_post_disaster.png,pinery-bushfire_00001786_post_disaster,0,0,tier3\masks\pinery-bushfire_00001786_post_disaster.png,0,0,0,0,1786,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001787_post_disaster.png,pinery-bushfire_00001787_post_disaster,0,0,tier3\masks\pinery-bushfire_00001787_post_disaster.png,0,0,0,0,1787,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001787_post_disaster.png,portugal-wildfire_00001787_post_disaster,0,0,tier3\masks\portugal-wildfire_00001787_post_disaster.png,0,0,22,19441,1787,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001788_post_disaster.png,pinery-bushfire_00001788_post_disaster,0,0,tier3\masks\pinery-bushfire_00001788_post_disaster.png,0,0,0,0,1788,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001788_post_disaster.png,portugal-wildfire_00001788_post_disaster,0,0,tier3\masks\portugal-wildfire_00001788_post_disaster.png,0,0,0,0,1788,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001789_post_disaster.png,pinery-bushfire_00001789_post_disaster,0,0,tier3\masks\pinery-bushfire_00001789_post_disaster.png,0,0,0,0,1789,3 +7,2230,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001789_post_disaster.png,portugal-wildfire_00001789_post_disaster,1,1358,tier3\masks\portugal-wildfire_00001789_post_disaster.png,0,0,4,2850,1789,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001790_post_disaster.png,portugal-wildfire_00001790_post_disaster,0,0,tier3\masks\portugal-wildfire_00001790_post_disaster.png,0,0,0,0,1790,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001790_post_disaster.png,pinery-bushfire_00001790_post_disaster,0,0,tier3\masks\pinery-bushfire_00001790_post_disaster.png,0,0,3,522,1790,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001791_post_disaster.png,portugal-wildfire_00001791_post_disaster,0,0,tier3\masks\portugal-wildfire_00001791_post_disaster.png,0,0,2,3175,1791,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001791_post_disaster.png,pinery-bushfire_00001791_post_disaster,0,0,tier3\masks\pinery-bushfire_00001791_post_disaster.png,0,0,0,0,1791,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001792_post_disaster.png,pinery-bushfire_00001792_post_disaster,0,0,tier3\masks\pinery-bushfire_00001792_post_disaster.png,1,141,5,4233,1792,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001792_post_disaster.png,portugal-wildfire_00001792_post_disaster,0,0,tier3\masks\portugal-wildfire_00001792_post_disaster.png,0,0,8,8408,1792,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001793_post_disaster.png,pinery-bushfire_00001793_post_disaster,0,0,tier3\masks\pinery-bushfire_00001793_post_disaster.png,0,0,0,0,1793,1 +3,781,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001793_post_disaster.png,portugal-wildfire_00001793_post_disaster,0,0,tier3\masks\portugal-wildfire_00001793_post_disaster.png,0,0,23,20247,1793,1 +3,825,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001794_post_disaster.png,portugal-wildfire_00001794_post_disaster,0,0,tier3\masks\portugal-wildfire_00001794_post_disaster.png,0,0,0,0,1794,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001794_post_disaster.png,pinery-bushfire_00001794_post_disaster,0,0,tier3\masks\pinery-bushfire_00001794_post_disaster.png,0,0,8,6923,1794,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001795_post_disaster.png,portugal-wildfire_00001795_post_disaster,0,0,tier3\masks\portugal-wildfire_00001795_post_disaster.png,0,0,0,0,1795,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001795_post_disaster.png,pinery-bushfire_00001795_post_disaster,0,0,tier3\masks\pinery-bushfire_00001795_post_disaster.png,0,0,0,0,1795,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001796_post_disaster.png,portugal-wildfire_00001796_post_disaster,0,0,tier3\masks\portugal-wildfire_00001796_post_disaster.png,0,0,1,171,1796,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001796_post_disaster.png,pinery-bushfire_00001796_post_disaster,0,0,tier3\masks\pinery-bushfire_00001796_post_disaster.png,0,0,1,316,1796,2 +9,6849,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001797_post_disaster.png,portugal-wildfire_00001797_post_disaster,0,0,tier3\masks\portugal-wildfire_00001797_post_disaster.png,0,0,10,7555,1797,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001797_post_disaster.png,pinery-bushfire_00001797_post_disaster,0,0,tier3\masks\pinery-bushfire_00001797_post_disaster.png,0,0,13,17713,1797,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001798_post_disaster.png,pinery-bushfire_00001798_post_disaster,0,0,tier3\masks\pinery-bushfire_00001798_post_disaster.png,0,0,0,0,1798,1 +5,1489,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001798_post_disaster.png,portugal-wildfire_00001798_post_disaster,1,360,tier3\masks\portugal-wildfire_00001798_post_disaster.png,2,2020,39,37049,1798,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001799_post_disaster.png,portugal-wildfire_00001799_post_disaster,0,0,tier3\masks\portugal-wildfire_00001799_post_disaster.png,0,0,0,0,1799,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001799_post_disaster.png,pinery-bushfire_00001799_post_disaster,0,0,tier3\masks\pinery-bushfire_00001799_post_disaster.png,0,0,0,0,1799,2 +1,1154,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001800_post_disaster.png,portugal-wildfire_00001800_post_disaster,0,0,tier3\masks\portugal-wildfire_00001800_post_disaster.png,0,0,26,18633,1800,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001800_post_disaster.png,pinery-bushfire_00001800_post_disaster,0,0,tier3\masks\pinery-bushfire_00001800_post_disaster.png,0,0,0,0,1800,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001801_post_disaster.png,pinery-bushfire_00001801_post_disaster,0,0,tier3\masks\pinery-bushfire_00001801_post_disaster.png,0,0,4,6048,1801,4 +14,9210,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001801_post_disaster.png,portugal-wildfire_00001801_post_disaster,1,342,tier3\masks\portugal-wildfire_00001801_post_disaster.png,2,2204,19,14361,1801,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001802_post_disaster.png,portugal-wildfire_00001802_post_disaster,0,0,tier3\masks\portugal-wildfire_00001802_post_disaster.png,0,0,2,432,1802,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001802_post_disaster.png,pinery-bushfire_00001802_post_disaster,0,0,tier3\masks\pinery-bushfire_00001802_post_disaster.png,0,0,7,2004,1802,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001803_post_disaster.png,pinery-bushfire_00001803_post_disaster,0,0,tier3\masks\pinery-bushfire_00001803_post_disaster.png,0,0,0,0,1803,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001803_post_disaster.png,portugal-wildfire_00001803_post_disaster,0,0,tier3\masks\portugal-wildfire_00001803_post_disaster.png,0,0,0,0,1803,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001804_post_disaster.png,pinery-bushfire_00001804_post_disaster,0,0,tier3\masks\pinery-bushfire_00001804_post_disaster.png,0,0,5,1364,1804,3 +5,2590,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001804_post_disaster.png,portugal-wildfire_00001804_post_disaster,0,0,tier3\masks\portugal-wildfire_00001804_post_disaster.png,0,0,7,4244,1804,3 +9,8627,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001805_post_disaster.png,portugal-wildfire_00001805_post_disaster,0,0,tier3\masks\portugal-wildfire_00001805_post_disaster.png,2,808,20,21740,1805,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001805_post_disaster.png,pinery-bushfire_00001805_post_disaster,0,0,tier3\masks\pinery-bushfire_00001805_post_disaster.png,0,0,0,0,1805,2 +3,952,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001806_post_disaster.png,portugal-wildfire_00001806_post_disaster,2,412,tier3\masks\portugal-wildfire_00001806_post_disaster.png,0,0,3,15479,1806,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001806_post_disaster.png,pinery-bushfire_00001806_post_disaster,0,0,tier3\masks\pinery-bushfire_00001806_post_disaster.png,0,0,0,0,1806,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001807_post_disaster.png,portugal-wildfire_00001807_post_disaster,0,0,tier3\masks\portugal-wildfire_00001807_post_disaster.png,0,0,0,0,1807,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001807_post_disaster.png,pinery-bushfire_00001807_post_disaster,0,0,tier3\masks\pinery-bushfire_00001807_post_disaster.png,0,0,0,0,1807,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001808_post_disaster.png,portugal-wildfire_00001808_post_disaster,0,0,tier3\masks\portugal-wildfire_00001808_post_disaster.png,0,0,3,1348,1808,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001808_post_disaster.png,pinery-bushfire_00001808_post_disaster,0,0,tier3\masks\pinery-bushfire_00001808_post_disaster.png,0,0,0,0,1808,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001809_post_disaster.png,pinery-bushfire_00001809_post_disaster,0,0,tier3\masks\pinery-bushfire_00001809_post_disaster.png,0,0,2,203,1809,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001809_post_disaster.png,portugal-wildfire_00001809_post_disaster,0,0,tier3\masks\portugal-wildfire_00001809_post_disaster.png,0,0,0,0,1809,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001810_post_disaster.png,portugal-wildfire_00001810_post_disaster,0,0,tier3\masks\portugal-wildfire_00001810_post_disaster.png,0,0,0,0,1810,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001810_post_disaster.png,pinery-bushfire_00001810_post_disaster,0,0,tier3\masks\pinery-bushfire_00001810_post_disaster.png,0,0,0,0,1810,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001811_post_disaster.png,pinery-bushfire_00001811_post_disaster,0,0,tier3\masks\pinery-bushfire_00001811_post_disaster.png,0,0,0,0,1811,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001811_post_disaster.png,portugal-wildfire_00001811_post_disaster,0,0,tier3\masks\portugal-wildfire_00001811_post_disaster.png,0,0,0,0,1811,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001812_post_disaster.png,portugal-wildfire_00001812_post_disaster,0,0,tier3\masks\portugal-wildfire_00001812_post_disaster.png,0,0,0,0,1812,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001812_post_disaster.png,pinery-bushfire_00001812_post_disaster,0,0,tier3\masks\pinery-bushfire_00001812_post_disaster.png,0,0,0,0,1812,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001813_post_disaster.png,portugal-wildfire_00001813_post_disaster,0,0,tier3\masks\portugal-wildfire_00001813_post_disaster.png,0,0,9,5039,1813,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001813_post_disaster.png,pinery-bushfire_00001813_post_disaster,0,0,tier3\masks\pinery-bushfire_00001813_post_disaster.png,0,0,2,1871,1813,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001814_post_disaster.png,portugal-wildfire_00001814_post_disaster,0,0,tier3\masks\portugal-wildfire_00001814_post_disaster.png,0,0,0,0,1814,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001814_post_disaster.png,pinery-bushfire_00001814_post_disaster,0,0,tier3\masks\pinery-bushfire_00001814_post_disaster.png,0,0,0,0,1814,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001815_post_disaster.png,pinery-bushfire_00001815_post_disaster,0,0,tier3\masks\pinery-bushfire_00001815_post_disaster.png,0,0,0,0,1815,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001815_post_disaster.png,portugal-wildfire_00001815_post_disaster,0,0,tier3\masks\portugal-wildfire_00001815_post_disaster.png,0,0,0,0,1815,2 +8,3729,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001816_post_disaster.png,portugal-wildfire_00001816_post_disaster,0,0,tier3\masks\portugal-wildfire_00001816_post_disaster.png,3,4214,21,14575,1816,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001816_post_disaster.png,pinery-bushfire_00001816_post_disaster,0,0,tier3\masks\pinery-bushfire_00001816_post_disaster.png,0,0,0,0,1816,0 +4,2907,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001817_post_disaster.png,portugal-wildfire_00001817_post_disaster,0,0,tier3\masks\portugal-wildfire_00001817_post_disaster.png,5,3677,20,13291,1817,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001817_post_disaster.png,pinery-bushfire_00001817_post_disaster,0,0,tier3\masks\pinery-bushfire_00001817_post_disaster.png,0,0,0,0,1817,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001818_post_disaster.png,pinery-bushfire_00001818_post_disaster,0,0,tier3\masks\pinery-bushfire_00001818_post_disaster.png,0,0,0,0,1818,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001818_post_disaster.png,portugal-wildfire_00001818_post_disaster,0,0,tier3\masks\portugal-wildfire_00001818_post_disaster.png,0,0,7,3799,1818,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001819_post_disaster.png,pinery-bushfire_00001819_post_disaster,0,0,tier3\masks\pinery-bushfire_00001819_post_disaster.png,0,0,0,0,1819,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001819_post_disaster.png,portugal-wildfire_00001819_post_disaster,0,0,tier3\masks\portugal-wildfire_00001819_post_disaster.png,0,0,0,0,1819,3 +7,2190,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001820_post_disaster.png,portugal-wildfire_00001820_post_disaster,1,308,tier3\masks\portugal-wildfire_00001820_post_disaster.png,4,1363,77,40132,1820,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001820_post_disaster.png,pinery-bushfire_00001820_post_disaster,0,0,tier3\masks\pinery-bushfire_00001820_post_disaster.png,0,0,0,0,1820,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001821_post_disaster.png,pinery-bushfire_00001821_post_disaster,0,0,tier3\masks\pinery-bushfire_00001821_post_disaster.png,0,0,10,13849,1821,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001821_post_disaster.png,portugal-wildfire_00001821_post_disaster,0,0,tier3\masks\portugal-wildfire_00001821_post_disaster.png,0,0,0,0,1821,1 +1,1144,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001822_post_disaster.png,pinery-bushfire_00001822_post_disaster,1,211,tier3\masks\pinery-bushfire_00001822_post_disaster.png,0,0,12,11285,1822,1 +4,1021,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001822_post_disaster.png,portugal-wildfire_00001822_post_disaster,0,0,tier3\masks\portugal-wildfire_00001822_post_disaster.png,0,0,17,7326,1822,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001823_post_disaster.png,pinery-bushfire_00001823_post_disaster,0,0,tier3\masks\pinery-bushfire_00001823_post_disaster.png,0,0,0,0,1823,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001823_post_disaster.png,portugal-wildfire_00001823_post_disaster,0,0,tier3\masks\portugal-wildfire_00001823_post_disaster.png,1,878,0,0,1823,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001824_post_disaster.png,portugal-wildfire_00001824_post_disaster,0,0,tier3\masks\portugal-wildfire_00001824_post_disaster.png,0,0,1,62,1824,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001824_post_disaster.png,pinery-bushfire_00001824_post_disaster,0,0,tier3\masks\pinery-bushfire_00001824_post_disaster.png,0,0,0,0,1824,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001825_post_disaster.png,portugal-wildfire_00001825_post_disaster,0,0,tier3\masks\portugal-wildfire_00001825_post_disaster.png,0,0,5,2363,1825,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001825_post_disaster.png,pinery-bushfire_00001825_post_disaster,0,0,tier3\masks\pinery-bushfire_00001825_post_disaster.png,0,0,0,0,1825,3 +4,2160,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001826_post_disaster.png,portugal-wildfire_00001826_post_disaster,0,0,tier3\masks\portugal-wildfire_00001826_post_disaster.png,0,0,5,6268,1826,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001826_post_disaster.png,pinery-bushfire_00001826_post_disaster,0,0,tier3\masks\pinery-bushfire_00001826_post_disaster.png,0,0,0,0,1826,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001827_post_disaster.png,pinery-bushfire_00001827_post_disaster,0,0,tier3\masks\pinery-bushfire_00001827_post_disaster.png,0,0,0,0,1827,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001827_post_disaster.png,portugal-wildfire_00001827_post_disaster,0,0,tier3\masks\portugal-wildfire_00001827_post_disaster.png,0,0,0,0,1827,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001828_post_disaster.png,portugal-wildfire_00001828_post_disaster,0,0,tier3\masks\portugal-wildfire_00001828_post_disaster.png,0,0,13,6749,1828,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001828_post_disaster.png,pinery-bushfire_00001828_post_disaster,0,0,tier3\masks\pinery-bushfire_00001828_post_disaster.png,0,0,0,0,1828,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001829_post_disaster.png,pinery-bushfire_00001829_post_disaster,0,0,tier3\masks\pinery-bushfire_00001829_post_disaster.png,0,0,0,0,1829,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001829_post_disaster.png,portugal-wildfire_00001829_post_disaster,0,0,tier3\masks\portugal-wildfire_00001829_post_disaster.png,0,0,0,0,1829,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001830_post_disaster.png,pinery-bushfire_00001830_post_disaster,0,0,tier3\masks\pinery-bushfire_00001830_post_disaster.png,0,0,0,0,1830,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001830_post_disaster.png,portugal-wildfire_00001830_post_disaster,0,0,tier3\masks\portugal-wildfire_00001830_post_disaster.png,0,0,9,3030,1830,3 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001831_post_disaster.png,pinery-bushfire_00001831_post_disaster,0,0,tier3\masks\pinery-bushfire_00001831_post_disaster.png,0,0,0,0,1831,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001831_post_disaster.png,portugal-wildfire_00001831_post_disaster,0,0,tier3\masks\portugal-wildfire_00001831_post_disaster.png,0,0,0,0,1831,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001832_post_disaster.png,pinery-bushfire_00001832_post_disaster,0,0,tier3\masks\pinery-bushfire_00001832_post_disaster.png,0,0,0,0,1832,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001832_post_disaster.png,portugal-wildfire_00001832_post_disaster,0,0,tier3\masks\portugal-wildfire_00001832_post_disaster.png,0,0,0,0,1832,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001833_post_disaster.png,pinery-bushfire_00001833_post_disaster,0,0,tier3\masks\pinery-bushfire_00001833_post_disaster.png,0,0,9,3984,1833,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001833_post_disaster.png,portugal-wildfire_00001833_post_disaster,0,0,tier3\masks\portugal-wildfire_00001833_post_disaster.png,0,0,1,188,1833,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001834_post_disaster.png,pinery-bushfire_00001834_post_disaster,0,0,tier3\masks\pinery-bushfire_00001834_post_disaster.png,0,0,1,144,1834,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001834_post_disaster.png,portugal-wildfire_00001834_post_disaster,0,0,tier3\masks\portugal-wildfire_00001834_post_disaster.png,0,0,0,0,1834,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001835_post_disaster.png,portugal-wildfire_00001835_post_disaster,0,0,tier3\masks\portugal-wildfire_00001835_post_disaster.png,0,0,0,0,1835,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001835_post_disaster.png,pinery-bushfire_00001835_post_disaster,0,0,tier3\masks\pinery-bushfire_00001835_post_disaster.png,0,0,0,0,1835,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001836_post_disaster.png,portugal-wildfire_00001836_post_disaster,0,0,tier3\masks\portugal-wildfire_00001836_post_disaster.png,0,0,0,0,1836,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001836_post_disaster.png,pinery-bushfire_00001836_post_disaster,0,0,tier3\masks\pinery-bushfire_00001836_post_disaster.png,0,0,0,0,1836,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001837_post_disaster.png,pinery-bushfire_00001837_post_disaster,0,0,tier3\masks\pinery-bushfire_00001837_post_disaster.png,0,0,0,0,1837,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001837_post_disaster.png,portugal-wildfire_00001837_post_disaster,0,0,tier3\masks\portugal-wildfire_00001837_post_disaster.png,0,0,1,815,1837,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001838_post_disaster.png,pinery-bushfire_00001838_post_disaster,0,0,tier3\masks\pinery-bushfire_00001838_post_disaster.png,0,0,0,0,1838,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001838_post_disaster.png,portugal-wildfire_00001838_post_disaster,0,0,tier3\masks\portugal-wildfire_00001838_post_disaster.png,0,0,1,115,1838,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001839_post_disaster.png,portugal-wildfire_00001839_post_disaster,0,0,tier3\masks\portugal-wildfire_00001839_post_disaster.png,0,0,0,0,1839,2 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001839_post_disaster.png,pinery-bushfire_00001839_post_disaster,0,0,tier3\masks\pinery-bushfire_00001839_post_disaster.png,0,0,4,511,1839,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001840_post_disaster.png,portugal-wildfire_00001840_post_disaster,0,0,tier3\masks\portugal-wildfire_00001840_post_disaster.png,0,0,0,0,1840,4 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001840_post_disaster.png,pinery-bushfire_00001840_post_disaster,0,0,tier3\masks\pinery-bushfire_00001840_post_disaster.png,0,0,0,0,1840,1 +5,1782,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001841_post_disaster.png,portugal-wildfire_00001841_post_disaster,0,0,tier3\masks\portugal-wildfire_00001841_post_disaster.png,1,209,21,14556,1841,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001841_post_disaster.png,pinery-bushfire_00001841_post_disaster,0,0,tier3\masks\pinery-bushfire_00001841_post_disaster.png,0,0,0,0,1841,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001842_post_disaster.png,pinery-bushfire_00001842_post_disaster,0,0,tier3\masks\pinery-bushfire_00001842_post_disaster.png,0,0,0,0,1842,2 +3,1188,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001842_post_disaster.png,portugal-wildfire_00001842_post_disaster,1,234,tier3\masks\portugal-wildfire_00001842_post_disaster.png,3,2465,42,28631,1842,2 +6,6530,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001843_post_disaster.png,portugal-wildfire_00001843_post_disaster,1,325,tier3\masks\portugal-wildfire_00001843_post_disaster.png,2,976,36,27782,1843,0 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001843_post_disaster.png,pinery-bushfire_00001843_post_disaster,0,0,tier3\masks\pinery-bushfire_00001843_post_disaster.png,0,0,0,0,1843,2 +2,806,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001844_post_disaster.png,portugal-wildfire_00001844_post_disaster,0,0,tier3\masks\portugal-wildfire_00001844_post_disaster.png,0,0,1,454,1844,1 +0,0,pinery-bushfire,post,tier3,tier3\images\pinery-bushfire_00001844_post_disaster.png,pinery-bushfire_00001844_post_disaster,0,0,tier3\masks\pinery-bushfire_00001844_post_disaster.png,0,0,0,0,1844,4 +2,887,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001845_post_disaster.png,portugal-wildfire_00001845_post_disaster,1,372,tier3\masks\portugal-wildfire_00001845_post_disaster.png,0,0,13,13255,1845,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001846_post_disaster.png,portugal-wildfire_00001846_post_disaster,0,0,tier3\masks\portugal-wildfire_00001846_post_disaster.png,0,0,3,2036,1846,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001847_post_disaster.png,portugal-wildfire_00001847_post_disaster,0,0,tier3\masks\portugal-wildfire_00001847_post_disaster.png,0,0,0,0,1847,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001848_post_disaster.png,portugal-wildfire_00001848_post_disaster,0,0,tier3\masks\portugal-wildfire_00001848_post_disaster.png,0,0,0,0,1848,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001849_post_disaster.png,portugal-wildfire_00001849_post_disaster,0,0,tier3\masks\portugal-wildfire_00001849_post_disaster.png,0,0,0,0,1849,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001850_post_disaster.png,portugal-wildfire_00001850_post_disaster,0,0,tier3\masks\portugal-wildfire_00001850_post_disaster.png,0,0,0,0,1850,1 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001851_post_disaster.png,portugal-wildfire_00001851_post_disaster,0,0,tier3\masks\portugal-wildfire_00001851_post_disaster.png,0,0,1,432,1851,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001852_post_disaster.png,portugal-wildfire_00001852_post_disaster,0,0,tier3\masks\portugal-wildfire_00001852_post_disaster.png,0,0,6,2340,1852,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001853_post_disaster.png,portugal-wildfire_00001853_post_disaster,0,0,tier3\masks\portugal-wildfire_00001853_post_disaster.png,0,0,0,0,1853,2 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001854_post_disaster.png,portugal-wildfire_00001854_post_disaster,0,0,tier3\masks\portugal-wildfire_00001854_post_disaster.png,0,0,1,183,1854,3 +9,2515,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001855_post_disaster.png,portugal-wildfire_00001855_post_disaster,0,0,tier3\masks\portugal-wildfire_00001855_post_disaster.png,1,926,23,17613,1855,4 +2,953,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001856_post_disaster.png,portugal-wildfire_00001856_post_disaster,0,0,tier3\masks\portugal-wildfire_00001856_post_disaster.png,0,0,11,11192,1856,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001857_post_disaster.png,portugal-wildfire_00001857_post_disaster,0,0,tier3\masks\portugal-wildfire_00001857_post_disaster.png,0,0,0,0,1857,3 +5,1301,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001858_post_disaster.png,portugal-wildfire_00001858_post_disaster,0,0,tier3\masks\portugal-wildfire_00001858_post_disaster.png,1,747,46,38744,1858,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001859_post_disaster.png,portugal-wildfire_00001859_post_disaster,0,0,tier3\masks\portugal-wildfire_00001859_post_disaster.png,0,0,10,9005,1859,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001860_post_disaster.png,portugal-wildfire_00001860_post_disaster,0,0,tier3\masks\portugal-wildfire_00001860_post_disaster.png,0,0,1,701,1860,2 +2,1543,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001861_post_disaster.png,portugal-wildfire_00001861_post_disaster,0,0,tier3\masks\portugal-wildfire_00001861_post_disaster.png,1,353,45,27572,1861,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001862_post_disaster.png,portugal-wildfire_00001862_post_disaster,0,0,tier3\masks\portugal-wildfire_00001862_post_disaster.png,0,0,0,0,1862,3 +1,629,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001863_post_disaster.png,portugal-wildfire_00001863_post_disaster,0,0,tier3\masks\portugal-wildfire_00001863_post_disaster.png,0,0,0,0,1863,4 +3,458,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001864_post_disaster.png,portugal-wildfire_00001864_post_disaster,0,0,tier3\masks\portugal-wildfire_00001864_post_disaster.png,0,0,4,831,1864,0 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001865_post_disaster.png,portugal-wildfire_00001865_post_disaster,0,0,tier3\masks\portugal-wildfire_00001865_post_disaster.png,0,0,0,0,1865,1 +2,385,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001866_post_disaster.png,portugal-wildfire_00001866_post_disaster,0,0,tier3\masks\portugal-wildfire_00001866_post_disaster.png,0,0,2,546,1866,4 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001867_post_disaster.png,portugal-wildfire_00001867_post_disaster,0,0,tier3\masks\portugal-wildfire_00001867_post_disaster.png,0,0,0,0,1867,3 +0,0,portugal-wildfire,post,tier3,tier3\images\portugal-wildfire_00001868_post_disaster.png,portugal-wildfire_00001868_post_disaster,0,0,tier3\masks\portugal-wildfire_00001868_post_disaster.png,0,0,0,0,1868,1 diff --git a/xview/alignment.py b/xview/alignment.py new file mode 100644 index 0000000..4d1b170 --- /dev/null +++ b/xview/alignment.py @@ -0,0 +1,91 @@ +import numpy as np +import cv2 + + +def align_post_image(pre, post): + warpMatrix = np.zeros((3, 3), dtype=np.float32) + warpMatrix[0, 0] = warpMatrix[1, 1] = warpMatrix[2, 2] = 1.0 + + stop_criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 200, 0.0001) + + retval = False + post_warped: np.ndarray = None + + try: + retval, warpMatrix = cv2.findTransformECC( + cv2.cvtColor(pre, cv2.COLOR_RGB2GRAY), + cv2.cvtColor(post, cv2.COLOR_RGB2GRAY), + warpMatrix, + cv2.MOTION_HOMOGRAPHY, + stop_criteria, + None, + 5, + ) + post_warped = cv2.warpPerspective(post, warpMatrix, dsize=(1024, 1024), flags=cv2.WARP_INVERSE_MAP) + except: + retval = False + post_warped = post.copy() + + return post_warped + + + + +def align_post_image_pyramid(pre, post): + pre_pyrs = [cv2.cvtColor(pre, cv2.COLOR_RGB2GRAY)] + pre_pyrs.append(cv2.pyrDown(pre_pyrs[-1])) + pre_pyrs.append(cv2.pyrDown(pre_pyrs[-1])) + pre_pyrs.append(cv2.pyrDown(pre_pyrs[-1])) + + post_pyrs = [cv2.cvtColor(post, cv2.COLOR_RGB2GRAY)] + post_pyrs.append(cv2.pyrDown(post_pyrs[-1])) + post_pyrs.append(cv2.pyrDown(post_pyrs[-1])) + post_pyrs.append(cv2.pyrDown(post_pyrs[-1])) + + stop_criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 100, 0.0001) + + warpMatrix = np.zeros((3, 3), dtype=np.float32) + warpMatrix[0, 0] = warpMatrix[1, 1] = warpMatrix[2, 2] = 1.0 + + scale_up = np.zeros((3, 3), dtype=np.float32) + scale_up[0, 0] = scale_up[1, 1] = 0.5 + scale_up[2, 2] = 1.0 + + M = np.zeros((3, 3), dtype=np.float32) + M[0, 0] = M[1, 1] = M[2, 2] = 1.0 + + for pre_i, post_i in zip(reversed(pre_pyrs), reversed(post_pyrs)): + warpMatrix = np.zeros((3, 3), dtype=np.float32) + warpMatrix[0, 0] = warpMatrix[1, 1] = warpMatrix[2, 2] = 1.0 + + retval = False + + post_i_refined = cv2.warpPerspective(post_i, M, + dsize=(post_i.shape[1], post_i.shape[0]), + flags=cv2.WARP_INVERSE_MAP) + + try: + retval, warpMatrix = cv2.findTransformECC( + pre_i, + post_i_refined, + warpMatrix, + cv2.MOTION_HOMOGRAPHY, + stop_criteria, + None, + 5, + ) + + if retval: + M = np.dot(warpMatrix, M) + # M = np.dot(np.dot(scale_up, warpMatrix), M) + # M = np.dot(np.dot(warpMatrix, scale_up), M) + # M = np.dot(M, np.dot(warpMatrix, scale_up)) + # M = np.dot(M, np.dot(scale_up, warpMatrix)) + except: + pass + + post_warped = cv2.warpPerspective(post, M, + dsize=(post.shape[1], post.shape[0]), + flags=cv2.WARP_INVERSE_MAP) + + return post_warped diff --git a/xview/augmentations.py b/xview/augmentations.py new file mode 100644 index 0000000..928a79c --- /dev/null +++ b/xview/augmentations.py @@ -0,0 +1,221 @@ +from typing import Tuple + +import albumentations as A +import cv2 + +__all__ = [ + "safe_color_augmentations", + "safe_spatial_augmentations", + "light_color_augmentations", + "light_spatial_augmentations", + "light_post_image_transform", + "medium_color_augmentations", + "medium_spatial_augmentations", + "medium_post_transform_augs", + "hard_spatial_augmentations", + "hard_color_augmentations", + "old_light_augmentations", + "old_post_transform_augs" +] + + +def safe_color_augmentations(): + return A.Compose([A.RandomBrightnessContrast(brightness_limit=0.1, contrast_limit=0.1, brightness_by_max=True)]) + + +def safe_spatial_augmentations(image_size: Tuple[int, int]): + return A.Compose( + [ + A.ShiftScaleRotate( + shift_limit=0.05, + scale_limit=0.1, + rotate_limit=5, + border_mode=cv2.BORDER_CONSTANT, + value=0, + mask_value=0, + ), + A.MaskDropout(10), + A.Compose([A.Transpose(), A.RandomRotate90()]), + ] + ) + + +def light_color_augmentations(): + return A.Compose( + [ + A.RandomBrightnessContrast(brightness_limit=0.1, contrast_limit=0.1, brightness_by_max=True), + A.RandomGamma(gamma_limit=(90, 110)), + ] + ) + + +def light_spatial_augmentations(image_size: Tuple[int, int]): + return A.Compose( + [ + A.ShiftScaleRotate(scale_limit=0.1, rotate_limit=10, border_mode=cv2.BORDER_CONSTANT), + # D4 Augmentations + A.Compose([A.Transpose(), A.RandomRotate90()]), + # Spatial-preserving augmentations: + A.RandomBrightnessContrast(), + + A.MaskDropout(max_objects=10), + ] + ) + + +def old_light_augmentations(image_size: Tuple[int, int]): + return A.Compose( + [ + A.ShiftScaleRotate(scale_limit=0.1, rotate_limit=10, border_mode=cv2.BORDER_CONSTANT), + # D4 Augmentations + A.Compose([A.Transpose(), A.RandomRotate90()]), + # Spatial-preserving augmentations: + A.RandomBrightnessContrast(), + A.ElasticTransform(border_mode=cv2.BORDER_CONSTANT, value=0, mask_value=0), + ] + ) + + +def light_post_image_transform(): + return A.OneOf( + [ + A.NoOp(), + A.Compose( + [ + A.PadIfNeeded(1024 + 10, 1024 + 10, border_mode=cv2.BORDER_CONSTANT, value=0, mask_value=0), + A.RandomSizedCrop((1024 - 5, 1024 + 5), 1024, 1024), + ], + p=0.2, + ), + A.ShiftScaleRotate( + shift_limit=0.02, + rotate_limit=3, + scale_limit=0.02, + border_mode=cv2.BORDER_CONSTANT, + mask_value=0, + value=0, + p=0.2, + ), + ] + ) + + +def old_post_transform_augs(): + return A.OneOf( + [ + A.NoOp(), + A.Compose( + [ + A.PadIfNeeded(1024 + 20, 1024 + 20, border_mode=cv2.BORDER_CONSTANT, value=0), + A.RandomSizedCrop((1024 - 10, 1024 + 10), 1024, 1024), + ], + p=0.2, + ), + A.ShiftScaleRotate( + shift_limit=0.0625, rotate_limit=3, scale_limit=0.05, border_mode=cv2.BORDER_CONSTANT, value=0, p=0.2 + ), + ] + ) + + +def medium_post_transform_augs(): + return A.OneOf( + [ + A.NoOp(), + A.Compose( + [ + A.PadIfNeeded(1024 + 40, 1024 + 40, border_mode=cv2.BORDER_CONSTANT, value=0), + A.RandomSizedCrop((1024 - 20, 1024 + 20), 1024, 1024), + ] + ), + A.ShiftScaleRotate( + shift_limit=0.1, rotate_limit=5, scale_limit=0.075, border_mode=cv2.BORDER_CONSTANT, value=0 + ), + ] + ) + + +def medium_color_augmentations(): + return A.Compose( + [ + A.RandomBrightnessContrast(brightness_limit=0.2, contrast_limit=0.2, brightness_by_max=True), + A.RandomGamma(gamma_limit=(90, 110)), + A.OneOf( + [ + A.NoOp(p=0.8), + A.HueSaturationValue(hue_shift_limit=10, sat_shift_limit=10, val_shift_limit=10), + A.RGBShift(r_shift_limit=10, g_shift_limit=10, b_shift_limit=10), + ], + p=0.2, + ), + ] + ) + + +def medium_spatial_augmentations(image_size: Tuple[int, int], no_mask_dropout=False): + return A.Compose( + [ + A.OneOf( + [ + A.NoOp(p=0.8), + A.RandomGridShuffle(grid=(4, 4), p=0.2), + A.RandomGridShuffle(grid=(3, 3), p=0.2), + A.RandomGridShuffle(grid=(2, 2), p=0.2), + ], p=1 + ), + + A.ShiftScaleRotate(scale_limit=0.1, rotate_limit=10, border_mode=cv2.BORDER_CONSTANT), + # D4 Augmentations + A.Compose([A.Transpose(), A.RandomRotate90()]), + # Spatial-preserving augmentations: + A.RandomBrightnessContrast(), + + A.NoOp() if no_mask_dropout else A.MaskDropout(max_objects=10), + ] + ) + + + +def hard_color_augmentations(): + return A.Compose( + [ + A.RandomBrightnessContrast(brightness_limit=0.3, contrast_limit=0.3, brightness_by_max=True), + A.RandomGamma(gamma_limit=(90, 110)), + A.OneOf([A.NoOp(), A.MultiplicativeNoise(), A.GaussNoise(), A.ISONoise()]), + A.OneOf([A.RGBShift(), A.HueSaturationValue(), A.NoOp()]), + A.RandomFog(fog_coef_lower=0.05, fog_coef_upper=0.3), + ] + ) + + +def hard_spatial_augmentations(image_size: Tuple[int, int], rot_angle=45): + return A.Compose( + [ + A.OneOf( + [ + A.NoOp(), + A.RandomGridShuffle(grid=(4, 4)), + A.RandomGridShuffle(grid=(3, 3)), + A.RandomGridShuffle(grid=(2, 2)), + ] + ), + A.MaskDropout(max_objects=10), + A.OneOf( + [ + A.ShiftScaleRotate( + scale_limit=0.1, rotate_limit=rot_angle, border_mode=cv2.BORDER_CONSTANT, value=0, mask_value=0 + ), + A.NoOp(), + ] + ), + A.OneOf( + [ + A.ElasticTransform(border_mode=cv2.BORDER_CONSTANT, value=0, mask_value=0), + A.GridDistortion(border_mode=cv2.BORDER_CONSTANT, value=0, mask_value=0), + A.NoOp(), + ] + ), + # D4 + A.Compose([A.Transpose(), A.RandomRotate90()]), + ] + ) diff --git a/xview/averaging_rounder.py b/xview/averaging_rounder.py new file mode 100644 index 0000000..a637e37 --- /dev/null +++ b/xview/averaging_rounder.py @@ -0,0 +1,99 @@ +from functools import partial +from multiprocessing.pool import Pool + +import cv2 +import numpy as np +import scipy as sp +import torch +from pytorch_toolbelt.utils.torch_utils import to_numpy +from tqdm import tqdm + +from xview.dataset import read_mask +from xview.metric import CompetitionMetricCallback +from xview.postprocessing import make_predictions_naive + + +def _compute_fn(args, coef_exp): + xi, dmg_true = args + + loc_pred, dmg_pred = make_predictions_naive(xi.astype(np.float32) * coef_exp) + row = CompetitionMetricCallback.get_row_pair(loc_pred, dmg_pred, dmg_true, dmg_true) + return row + + +class AveragingOptimizedRounder(object): + def __init__(self, apply_softmax, workers=0): + self.coef_ = 0 + self.workers = workers + self.apply_softmax = apply_softmax + + @torch.no_grad() + def _prepare_data(self, X, y): + X_data = [] + n = len(X[0]) + m = len(X) + + for i in tqdm(range(n), desc="Loading predictions"): + x_preds = [] + for j in range(m): + x = np.load(X[j][i]) + if self.apply_softmax == "pre": + x = torch.from_numpy(x).float().softmax(dim=0).numpy().astype(np.float16) + x_preds.append(x) + + x = np.mean(np.stack(x_preds), axis=0) + + if self.apply_softmax == "post": + x = torch.from_numpy(x).float().softmax(dim=0).numpy().astype(np.float16) + + X_data.append(x) + + Y_data = [read_mask(yi) for yi in tqdm(y, desc="Loading ground-truths")] + assert len(X_data) == len(Y_data) + + print("Loaded data into memory") + return X_data, Y_data + + def _target_metric_loss(self, coef, X, y): + coef_exp = np.expand_dims(np.expand_dims(coef, -1), -1) + + all_rows = [] + proc_fn = partial(_compute_fn, coef_exp=coef_exp) + + with Pool(self.workers) as wp: + for row in wp.imap_unordered(proc_fn, zip(X, y)): + all_rows.append(row) + + score, localization_f1, damage_f1, damage_f1s = CompetitionMetricCallback.compute_metrics(all_rows) + print(score, localization_f1, damage_f1, damage_f1s, "coeffs", coef) + return 1.0 - score + + def fit(self, X, y): + X_data, Y_data = self._prepare_data(X, y) + loss_partial = partial(self._target_metric_loss, X=X_data, y=Y_data) + initial_coef = [1.0, 1.0, 1.0, 1.0, 1.0] + self.coef_ = sp.optimize.minimize( + loss_partial, initial_coef, method="nelder-mead", options={"maxiter": 100, "xatol": 0.001} + ) + del X_data, Y_data + return self.coefficients() + + def predict(self, X, y, coef: np.ndarray): + coef_exp = np.expand_dims(np.expand_dims(coef, -1), -1) + + all_rows = [] + + X_data, Y_data = self._prepare_data(X, y) + + proc_fn = partial(_compute_fn, coef_exp=coef_exp) + + with Pool(self.workers) as wp: + for row in wp.imap_unordered(proc_fn, zip(X_data, Y_data)): + all_rows.append(row) + + score, localization_f1, damage_f1, damage_f1s = CompetitionMetricCallback.compute_metrics(all_rows) + del X_data, Y_data + return score, localization_f1, damage_f1, damage_f1s + + def coefficients(self): + return self.coef_["x"] diff --git a/xview/dataset.py b/xview/dataset.py new file mode 100644 index 0000000..945e669 --- /dev/null +++ b/xview/dataset.py @@ -0,0 +1,608 @@ +import os +from typing import List, Optional + +import albumentations as A +import cv2 +import numpy as np +import pandas as pd +import torch +from PIL import Image +from pytorch_toolbelt.utils import fs +from pytorch_toolbelt.utils.catalyst import PseudolabelDatasetMixin +from pytorch_toolbelt.utils.torch_utils import tensor_from_rgb_image +from scipy.ndimage import binary_dilation, binary_fill_holes +from sklearn.utils import compute_sample_weight, compute_class_weight +from torch.utils.data import Dataset, WeightedRandomSampler, ConcatDataset + +from .alignment import align_post_image +from .augmentations import * + +from .utils.inference_image_output import colorize_mask + +INPUT_IMAGE_KEY = "image" + +INPUT_IMAGE_PRE_KEY = "image_pre" +INPUT_IMAGE_POST_KEY = "image_post" + +INPUT_IMAGE_ID_KEY = "image_id" +INPUT_MASK_KEY = "mask" +INPUT_MASK_PRE_KEY = "mask_pre" +INPUT_MASK_POST_KEY = "mask_post" + +OUTPUT_EMBEDDING_KEY = "embedding" +OUTPUT_MASK_KEY = "mask" +OUTPUT_MASK_ARC_KEY = "mask_arc" +OUTPUT_MASK_PRE_KEY = "mask_pre" +OUTPUT_MASK_POST_KEY = "mask_post" + +INPUT_INDEX_KEY = "index" +DISASTER_TYPE_KEY = "disaster_type" +DAMAGE_TYPE_KEY = "damage_type" + +# Smaller masks for deep supervision +OUTPUT_MASK_4_KEY = "mask_4" +OUTPUT_MASK_8_KEY = "mask_8" +OUTPUT_MASK_16_KEY = "mask_16" +OUTPUT_MASK_32_KEY = "mask_32" + +OUTPUT_CLASS_KEY = "classes" + +UNLABELED_SAMPLE = 5 + +DAMAGE_TYPES = ["no_damage", "minor_damage", "major_damage", "destroyed"] +DISASTER_TYPES = ["volcano", "fire", "tornado", "tsunami", "flooding", "earthquake", "hurricane"] +UNKNOWN_DISASTER_TYPE_CLASS = -100 + + +def get_disaster_class_from_fname(fname: str) -> int: + image_id = fs.id_from_fname(fname) + + for i, disaster_name in enumerate(DISASTER_TYPES): + if disaster_name in image_id: + return i + + return UNKNOWN_DISASTER_TYPE_CLASS + + +def read_image(fname): + image = cv2.imread(fname) + if image is None: + raise FileNotFoundError(fname) + return image + + +def read_mask(fname): + mask = np.array(Image.open(fname)) # Read using PIL since it supports palletted image + if len(mask.shape) == 3: + mask = np.squeeze(mask, axis=-1) + return mask + + +def compute_boundary_mask(mask: np.ndarray) -> np.ndarray: + dilated = binary_dilation(mask, structure=np.ones((5, 5), dtype=np.bool)) + dilated = binary_fill_holes(dilated) + + diff = dilated & ~mask + diff = cv2.dilate(diff, kernel=(5, 5)) + diff = diff & ~mask + return diff.astype(np.uint8) + + +class ImageLabelDataset(Dataset): + def __init__( + self, + pre_image_filenames: List[str], + post_image_filenames: List[str], + targets: Optional[np.ndarray], + spatial_transform: A.Compose, + color_transform: A.Compose = None, + post_image_transform=None, + image_loader=read_image, + ): + assert len(pre_image_filenames) == len(post_image_filenames) + + self.pre_image_filenames = pre_image_filenames + self.post_image_filenames = post_image_filenames + + self.targets = targets + + self.get_image = image_loader + + self.spatial_transform = spatial_transform + self.color_transform = color_transform + self.post_image_transform = post_image_transform + + def __len__(self): + return len(self.pre_image_filenames) + + def __getitem__(self, index): + pre_image = self.get_image(self.pre_image_filenames[index]) + post_image = self.get_image(self.post_image_filenames[index]) + + if self.color_transform is not None: + pre_image = self.color_transform(image=pre_image)["image"] + post_image = self.color_transform(image=post_image)["image"] + + if self.post_image_transform is not None: + post_image = self.post_image_transform(image=post_image)["image"] + + image = np.dstack([pre_image, post_image]) + data = {"image": image} + data = self.spatial_transform(**data) + + sample = { + INPUT_INDEX_KEY: index, + INPUT_IMAGE_ID_KEY: fs.id_from_fname(self.pre_image_filenames[index]), + INPUT_IMAGE_KEY: tensor_from_rgb_image(data["image"]), + } + + if self.targets is not None: + target = int(self.targets[index]) + sample[DAMAGE_TYPE_KEY] = target + + return sample + + +class ImageMaskDataset(Dataset, PseudolabelDatasetMixin): + def __init__( + self, + pre_image_filenames: List[str], + post_image_filenames: List[str], + post_mask_filenames: Optional[List[str]], + spatial_transform: A.Compose, + color_transform: A.Compose = None, + post_image_transform=None, + image_loader=read_image, + mask_loader=read_mask, + use_edges=False, + align_post=False, + ): + assert len(pre_image_filenames) == len(post_image_filenames) + + self.use_edges = use_edges + + self.pre_image_filenames = pre_image_filenames + self.post_image_filenames = post_image_filenames + self.post_mask_filenames = post_mask_filenames + + self.get_image = image_loader + self.get_mask = mask_loader + + self.spatial_transform = spatial_transform + self.color_transform = color_transform + self.post_image_transform = post_image_transform + self.align_post = align_post + + def __len__(self): + return len(self.pre_image_filenames) + + def __getitem__(self, index): + pre_image = self.get_image(self.pre_image_filenames[index]) + post_image = self.get_image(self.post_image_filenames[index]) + + if self.align_post: + post_image = align_post_image(pre_image, post_image) + + if self.color_transform is not None: + pre_image = self.color_transform(image=pre_image)["image"] + post_image = self.color_transform(image=post_image)["image"] + + if self.post_image_transform is not None: + post_image = self.post_image_transform(image=post_image)["image"] + + image = np.dstack([pre_image, post_image]) + data = {"image": image} + + if self.post_mask_filenames is not None: + post_mask = self.get_mask(self.post_mask_filenames[index]) + # assert np.all((post_mask >= 0) & (post_mask < 5)), f"Mask for sample {index} {self.post_mask_filenames[index]} contains values {np.unique(post_mask)}" + + data["mask"] = post_mask + else: + data["mask"] = np.ones(image.shape[:2], dtype=int) * UNLABELED_SAMPLE + + data = self.spatial_transform(**data) + + sample = { + INPUT_INDEX_KEY: index, + INPUT_IMAGE_ID_KEY: fs.id_from_fname(self.pre_image_filenames[index]), + INPUT_IMAGE_KEY: tensor_from_rgb_image(data["image"]), + DISASTER_TYPE_KEY: get_disaster_class_from_fname(self.pre_image_filenames[index]), + } + + if "mask" in data: + post_mask = data["mask"] + sample[INPUT_MASK_KEY] = torch.from_numpy(post_mask).long() + sample[DAMAGE_TYPE_KEY] = torch.tensor( + [(post_mask == 1).any(), (post_mask == 2).any(), (post_mask == 3).any(), (post_mask == 4).any()] + ).float() + + return sample + + def set_target(self, index: int, value: np.ndarray): + mask_fname = self.post_mask_filenames[index] + + value = value.astype(np.uint8) + value = colorize_mask(value) + value.save(mask_fname) + + +def get_transforms(image_size, augmentation, train_on_crops, enable_post_image_transform): + if train_on_crops: + train_crop_or_resize = A.RandomSizedCrop( + (int(image_size[0] * 0.8), int(image_size[0] * 1.2)), image_size[0], image_size[1] + ) + valid_crop_or_resize = A.NoOp() + print("Training on crops", train_crop_or_resize.min_max_height) + else: + if image_size[0] != 1024 or image_size[1] != 1024: + train_crop_or_resize = A.Resize(image_size[0], image_size[1]) + else: + train_crop_or_resize = A.NoOp() + valid_crop_or_resize = train_crop_or_resize + + normalize = A.Normalize( + mean=(0.485, 0.456, 0.406, 0.485, 0.456, 0.406), std=(0.229, 0.224, 0.225, 0.229, 0.224, 0.225) + ) + + train_spatial_augs = A.NoOp() + train_color_augs = None + + # This transform slightly moves post- image to simulate imperfect alignment of satellite + post_image_transform = None + + if augmentation == "hard": + train_color_augs = hard_color_augmentations() + train_spatial_augs = hard_spatial_augmentations(image_size) + post_image_transform = light_post_image_transform() + elif augmentation == "medium": + train_color_augs = medium_color_augmentations() + train_spatial_augs = medium_spatial_augmentations(image_size) + post_image_transform = medium_post_transform_augs() + elif augmentation == "medium_nmd": + train_color_augs = medium_color_augmentations() + train_spatial_augs = medium_spatial_augmentations(image_size, no_mask_dropout=True) + post_image_transform = medium_post_transform_augs() + elif augmentation == "light": + train_color_augs = light_color_augmentations() + train_spatial_augs = light_spatial_augmentations(image_size) + post_image_transform = light_post_image_transform() + elif augmentation == "old": + train_color_augs = None + train_spatial_augs = old_light_augmentations(image_size) + post_image_transform = old_post_transform_augs() + elif augmentation == "safe": + train_color_augs = safe_color_augmentations() + train_spatial_augs = safe_spatial_augmentations(image_size) + post_image_transform = old_post_transform_augs() + + train_transform = A.Compose([train_crop_or_resize, train_spatial_augs, normalize]) + valid_transform = A.Compose([valid_crop_or_resize, normalize]) + + if enable_post_image_transform: + print("Enabling post-image spatial transformation") + else: + post_image_transform = None + + return train_transform, train_color_augs, valid_transform, post_image_transform + + +def get_datasets( + data_dir: str, + image_size=(512, 512), + augmentation="safe", + use_edges=False, + sanity_check=False, + fast=False, + fold=0, + only_buildings=False, + balance=False, + train_on_crops=False, + enable_post_image_transform=False, + align_post=False, + crops_multiplication_factor=3 +): + """ + Create train and validation data loaders + :param data_dir: Inria dataset directory + :param fast: Fast training model. Use only one image per location for training and one image per location for validation + :param image_size: Size of image crops during training & validation + :param use_edges: If True, adds 'edge' target mask + :param augmentation: Type of image augmentations to use + :param train_mode: + 'random' - crops tiles from source images randomly. + 'tiles' - crop image in overlapping tiles (guaranteed to process entire dataset) + :return: (train_loader, valid_loader) + """ + + df = pd.read_csv(os.path.join(data_dir, "train_folds.csv")) + df = make_dual_dataframe(df) + + train_transform, train_color_augs, valid_transform, post_image_transform = get_transforms( + image_size=image_size, + augmentation=augmentation, + train_on_crops=train_on_crops, + enable_post_image_transform=enable_post_image_transform, + ) + + train_df = df[df["fold_post"] != fold] + valid_df = df[df["fold_post"] == fold] + + if only_buildings: + only_buildings_mask = train_df["non_damaged_buildings_pre"] > 0 + total = len(train_df) + percentage = only_buildings_mask.sum() / float(total) + train_df = train_df[only_buildings_mask] + print("Using only images with buildings for training", percentage) + + if fast: + train_df = train_df[:128] + valid_df = valid_df[:128] + train_sampler = None + + train_img_pre = [os.path.join(data_dir, fname) for fname in train_df["image_fname_pre"]] + train_img_post = [os.path.join(data_dir, fname) for fname in train_df["image_fname_post"]] + train_mask_post = [os.path.join(data_dir, fname) for fname in train_df["mask_fname_post"]] + + valid_img_pre = [os.path.join(data_dir, fname) for fname in valid_df["image_fname_pre"]] + valid_img_post = [os.path.join(data_dir, fname) for fname in valid_df["image_fname_post"]] + valid_mask_post = [os.path.join(data_dir, fname) for fname in valid_df["mask_fname_post"]] + + trainset = ImageMaskDataset( + train_img_pre, + train_img_post, + train_mask_post, + use_edges=use_edges, + spatial_transform=train_transform, + color_transform=train_color_augs, + post_image_transform=post_image_transform, + ) + validset = ImageMaskDataset( + valid_img_pre, + valid_img_post, + valid_mask_post, + use_edges=use_edges, + spatial_transform=valid_transform, + align_post=align_post + ) + + train_sampler = None + if balance: + # destroyed_buildings, destroyed_pixels, event_name, event_type, folder, image_fname, image_id, , light_damaged_pixels, mask_fname, , medium_damaged_pixels, , non_damaged_pixels, sample_id, fold + + non_damaged_buildings = train_df["non_damaged_buildings_post"].values > 0 + light_damaged_buildings = train_df["light_damaged_buildings_post"].values > 0 + medium_damaged_buildings = train_df["medium_damaged_buildings_post"].values > 0 + destroyed_buildings = train_df["destroyed_buildings_post"].values > 0 + labels = ( + non_damaged_buildings * 1 + + light_damaged_buildings * 2 + + medium_damaged_buildings * 4 + + destroyed_buildings * 8 + ) + + num_samples = 4 * min( + sum(non_damaged_buildings), + sum(light_damaged_buildings), + sum(medium_damaged_buildings), + sum(destroyed_buildings), + ) + weights = compute_sample_weight("balanced", labels) + train_sampler = WeightedRandomSampler(weights, int(num_samples), replacement=bool(num_samples > len(train_df))) + print("Using balancing for training", num_samples, weights.min(), weights.mean(), weights.max()) + elif train_on_crops: + # If we're training on crops, make 3 crops for each sample + trainset = ConcatDataset([trainset] * int(crops_multiplication_factor)) + + if sanity_check: + first_batch = [trainset[i] for i in range(32)] + return first_batch * 50, first_batch, None + + return trainset, validset, train_sampler + + +def make_dual_dataframe(df: pd.DataFrame) -> pd.DataFrame: + columns_to_rename = [ + "destroyed_buildings", + "destroyed_pixels", + "event_name", + "event_type", + "folder", + "image_fname", + "image_id", + "light_damaged_buildings", + "light_damaged_pixels", + "mask_fname", + "medium_damaged_buildings", + "medium_damaged_pixels", + "non_damaged_buildings", + "non_damaged_pixels", + "sample_id", + # "fold" + ] + + df = df.sort_values(by=["image_id"]) + df_pre = df[df["event_type"] == "pre"].copy().reset_index(drop=True) + df_post = df[df["event_type"] == "post"].copy().reset_index(drop=True) + + df = df_pre.merge(df_post, left_index=True, right_index=True, suffixes=["_pre", "_post"]) + return df + + +def get_test_dataset(data_dir: str, image_size=(224, 224), use_edges=False, fast=False, align_post=False): + """ + Create train and validation data loaders + :param data_dir: Inria dataset directory + :param fast: Fast training model. Use only one image per location for training and one image per location for validation + :param image_size: Size of image crops during training & validation + :param use_edges: If True, adds 'edge' target mask + :param augmentation: Type of image augmentations to use + :param train_mode: + 'random' - crops tiles from source images randomly. + 'tiles' - crop image in overlapping tiles (guaranteed to process entire dataset) + :return: (train_loader, valid_loader) + """ + resize = A.Resize(image_size[0], image_size[1]) + normalize = A.Normalize( + mean=(0.485, 0.456, 0.406, 0.485, 0.456, 0.406), std=(0.229, 0.224, 0.225, 0.229, 0.224, 0.225) + ) + + valid_transform = A.Compose([resize, normalize]) + + test_images_post = [ + fname + for fname in fs.find_images_in_dir(os.path.join(data_dir, "test", "images")) + if "post_" in fs.id_from_fname(fname) + ] + + test_images_pre = [fname.replace("_post_", "_pre_") for fname in test_images_post] + + if fast: + test_images_pre = test_images_pre[:128] + test_images_post = test_images_post[:128] + + validset = ImageMaskDataset( + test_images_pre, + test_images_post, + None, + use_edges=use_edges, + spatial_transform=valid_transform, + align_post=align_post, + ) + + return validset + + +def get_pseudolabeling_dataset( + data_dir, + image_size, + include_masks, + augmentation, + use_edges=False, + train_on_crops=False, + enable_post_image_transform=False, + pseudolabels_dir=None +): + + train_transform, train_color_augs, valid_transform, post_image_transform = get_transforms( + image_size=image_size, + augmentation=augmentation, + train_on_crops=train_on_crops, + enable_post_image_transform=enable_post_image_transform, + ) + + images_dir = os.path.join(data_dir, "test", "images") + masks_dir = pseudolabels_dir or os.path.join(data_dir, "test", "masks") + os.makedirs(masks_dir, exist_ok=True) + + test_images_post = [fname for fname in fs.find_images_in_dir(images_dir) if "_post_" in fs.id_from_fname(fname)] + test_images_pre = [fname.replace("_post_", "_pre_") for fname in test_images_post] + + if include_masks: + test_masks_post = [os.path.join(masks_dir, os.path.basename(fname)) for fname in test_images_post] + else: + test_masks_post = None + + validset = ImageMaskDataset( + test_images_pre, + test_images_post, + test_masks_post, + use_edges=use_edges, + color_transform=train_color_augs, + spatial_transform=train_transform, + post_image_transform=post_image_transform, + ) + + return validset + + +def get_classification_datasets( + data_dir: str, + min_size=64, + image_size=(224, 224), + augmentation="safe", + sanity_check=False, + fast=False, + fold=0, + enable_post_image_transform=False, +): + """ + Create train and validation data loaders + :param data_dir: Inria dataset directory + :param fast: Fast training model. Use only one image per location for training and one image per location for validation + :param image_size: Size of image crops during training & validation + :param use_edges: If True, adds 'edge' target mask + :param augmentation: Type of image augmentations to use + :param train_mode: + 'random' - crops tiles from source images randomly. + 'tiles' - crop image in overlapping tiles (guaranteed to process entire dataset) + :return: (train_loader, valid_loader) + """ + + resize_op = A.Compose( + [ + A.LongestMaxSize(max(image_size[0], image_size[1])), + A.PadIfNeeded(image_size[0], image_size[1], border_mode=cv2.BORDER_CONSTANT, value=0), + ] + ) + + normalize = A.Normalize( + mean=(0.485, 0.456, 0.406, 0.485, 0.456, 0.406), std=(0.229, 0.224, 0.225, 0.229, 0.224, 0.225) + ) + + df = pd.read_csv(os.path.join(data_dir, "train_crops.csv")) + + post_transform = None + if augmentation == "safe": + augment = A.Compose([A.RandomRotate90(), A.Transpose()]) + elif augmentation == "light": + augment = A.Compose([A.RandomRotate90(), A.Transpose()]) + else: + print("Unsupported augmentation", augmentation) + augment = A.NoOp() + + train_transform = A.Compose([resize_op, augment, normalize]) + + valid_transform = A.Compose([resize_op, normalize]) + + train_sampler = None + + df = df[df["max_size"] >= min_size] + + train_df = df[df["fold"] != fold] + valid_df = df[df["fold"] == fold] + + if fast: + train_df = train_df[:128] + valid_df = valid_df[:128] + train_sampler = None + + train_img_pre = [os.path.join(data_dir, "crops", fname) for fname in train_df["pre_crop_fname"]] + train_img_post = [os.path.join(data_dir, "crops", fname) for fname in train_df["post_crop"]] + train_targets = np.array(train_df["label"]) - 1 # Targets in CSV starting from 1 + + valid_img_pre = [os.path.join(data_dir, "crops", fname) for fname in valid_df["pre_crop_fname"]] + valid_img_post = [os.path.join(data_dir, "crops", fname) for fname in valid_df["post_crop"]] + valid_targets = np.array(valid_df["label"]) - 1 # Targets in CSV starting from 1 + + print( + "Sample weights (train,val)", + compute_class_weight("balanced", np.arange(len(DAMAGE_TYPES)), train_targets), + compute_class_weight("balanced", np.arange(len(DAMAGE_TYPES)), valid_targets), + ) + + trainset = ImageLabelDataset( + train_img_pre, + train_img_post, + train_targets, + spatial_transform=train_transform, + color_transform=None, + post_image_transform=None, + ) + validset = ImageLabelDataset(valid_img_pre, valid_img_post, valid_targets, spatial_transform=valid_transform) + + if sanity_check: + first_batch = [trainset[i] for i in range(32)] + return first_batch * 50, first_batch, None + + return trainset, validset, train_sampler diff --git a/xview/factory.py b/xview/factory.py new file mode 100644 index 0000000..fdd87fe --- /dev/null +++ b/xview/factory.py @@ -0,0 +1,146 @@ +from multiprocessing.pool import Pool +from typing import List, Dict + +import albumentations as A +import cv2 +import numpy as np +import torch +from pytorch_toolbelt.inference.tiles import CudaTileMerger, ImageSlicer +from pytorch_toolbelt.inference.tta import TTAWrapper, fliplr_image2mask, d4_image2mask +from pytorch_toolbelt.utils.torch_utils import tensor_from_rgb_image, to_numpy, rgb_image_from_tensor +from torch import nn +from torch.nn import functional as F +from torch.utils.data import Dataset, DataLoader +from tqdm import tqdm + +from .dataset import INPUT_IMAGE_KEY, INPUT_MASK_KEY, INPUT_IMAGE_ID_KEY, OUTPUT_MASK_KEY + + +class InMemoryDataset(Dataset): + def __init__(self, data: List[Dict], transform: A.Compose): + self.data = data + self.transform = transform + + def __len__(self): + return len(self.data) + + def __getitem__(self, item): + return self.transform(**self.data[item]) + + +def _tensor_from_rgb_image(image: np.ndarray, **kwargs): + return tensor_from_rgb_image(image) + + +class PickModelOutput(nn.Module): + def __init__(self, model, key): + super().__init__() + self.model = model + self.target_key = key + + def forward(self, input): + output = self.model(input) + return output[self.target_key] + + +@torch.no_grad() +def predict(model: nn.Module, image: np.ndarray, image_size, normalize=A.Normalize(), batch_size=1) -> np.ndarray: + + tile_step = (image_size[0] // 2, image_size[1] // 2) + + tile_slicer = ImageSlicer(image.shape, image_size, tile_step) + tile_merger = CudaTileMerger(tile_slicer.target_shape, 1, tile_slicer.weight) + patches = tile_slicer.split(image) + + transform = A.Compose([normalize, A.Lambda(image=_tensor_from_rgb_image)]) + + data = list( + {"image": patch, "coords": np.array(coords, dtype=np.int)} + for (patch, coords) in zip(patches, tile_slicer.crops) + ) + for batch in DataLoader(InMemoryDataset(data, transform), pin_memory=True, batch_size=batch_size): + image = batch["image"].cuda(non_blocking=True) + coords = batch["coords"] + mask_batch = model(image) + tile_merger.integrate_batch(mask_batch, coords) + + mask = tile_merger.merge() + + mask = np.moveaxis(to_numpy(mask), 0, -1) + mask = tile_slicer.crop_to_orignal_size(mask) + + return mask + + +def __compute_ious(args): + thresholds = np.arange(0, 256) + gt, pred = args + gt = cv2.imread(gt) > 0 # Make binary {0,1} + pred = cv2.imread(pred) + + pred_i = np.zeros_like(gt) + + intersection = np.zeros(len(thresholds)) + union = np.zeros(len(thresholds)) + + gt_sum = gt.sum() + for index, threshold in enumerate(thresholds): + np.greater(pred, threshold, out=pred_i) + union[index] += gt_sum + pred_i.sum() + + np.logical_and(gt, pred_i, out=pred_i) + intersection[index] += pred_i.sum() + + return intersection, union + + +def optimize_threshold(gt_images, pred_images): + thresholds = np.arange(0, 256) + + intersection = np.zeros(len(thresholds)) + union = np.zeros(len(thresholds)) + + with Pool(32) as wp: + for i, u in tqdm(wp.imap_unordered(__compute_ious, zip(gt_images, pred_images)), total=len(gt_images)): + intersection += i + union += u + + return thresholds, intersection / (union - intersection) + + +def visualize_inria_predictions( + input: dict, + output: dict, + mean=(0.485, 0.456, 0.406), + std=(0.229, 0.224, 0.225), + input_image_key=INPUT_IMAGE_KEY, + input_mask_key=INPUT_MASK_KEY, + input_image_id_key=INPUT_IMAGE_ID_KEY, + output_mask_key=OUTPUT_MASK_KEY, +): + images = [] + for image, target, image_id, logits in zip( + input[input_image_key], input[input_mask_key], input[input_image_id_key], output[output_mask_key] + ): + image = rgb_image_from_tensor(image, mean, std) + target = to_numpy(target).squeeze(0) + logits = to_numpy(logits).squeeze(0) + + overlay = np.zeros_like(image) + true_mask = target > 0 + pred_mask = logits > 0 + + overlay[true_mask & pred_mask] = np.array( + [0, 250, 0], dtype=overlay.dtype + ) # Correct predictions (Hits) painted with green + overlay[true_mask & ~pred_mask] = np.array([250, 0, 0], dtype=overlay.dtype) # Misses painted with red + overlay[~true_mask & pred_mask] = np.array( + [250, 250, 0], dtype=overlay.dtype + ) # False alarm painted with yellow + + image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR) + overlay = cv2.addWeighted(image, 0.5, overlay, 0.5, 0, dtype=cv2.CV_8U) + cv2.putText(overlay, str(image_id), (10, 15), cv2.FONT_HERSHEY_PLAIN, 1, (250, 250, 250)) + + images.append(overlay) + return images diff --git a/xview/inference.py b/xview/inference.py new file mode 100644 index 0000000..c9bcadc --- /dev/null +++ b/xview/inference.py @@ -0,0 +1,500 @@ +import os + +import torch +from typing import Optional, Dict, List, Tuple + +from pytorch_toolbelt.inference.tiles import CudaTileMerger, ImageSlicer +from pytorch_toolbelt.utils import fs +from torch.nn import functional as F +from pytorch_toolbelt.utils.torch_utils import to_numpy +from torch import nn +from torch.utils.data import DataLoader +from tqdm import tqdm +import pytorch_toolbelt.inference.functional as AF + +from xview.dataset import ( + OUTPUT_MASK_POST_KEY, + OUTPUT_MASK_PRE_KEY, + INPUT_IMAGE_ID_KEY, + INPUT_IMAGE_PRE_KEY, + INPUT_IMAGE_POST_KEY, + OUTPUT_MASK_KEY, + INPUT_IMAGE_KEY, + DAMAGE_TYPE_KEY, + INPUT_MASK_KEY, +) +from xview.metric import CompetitionMetricCallback +from xview.models import get_model +from xview.postprocessing import ( + make_predictions_dominant, + make_predictions_naive, + make_predictions_floodfill, + make_predictions_dominant_v2, + make_pseudolabeling_target, +) +from xview.train_utils import report_checkpoint +from xview.utils.inference_image_output import colorize_mask + +import numpy as np + + +class ApplySigmoidTo(nn.Module): + def __init__(self, model, input_key="logits"): + super().__init__() + self.model = model + self.input_key = input_key + + def forward(self, *input, **kwargs) -> Dict: + output = self.model(*input, **kwargs) + if self.input_key in output: + output[self.input_key] = output[self.input_key].sigmoid() + return output + + +class ApplySoftmaxTo(nn.Module): + def __init__(self, model, input_key="logits"): + super().__init__() + self.model = model + self.input_key = input_key + + def forward(self, *input, **kwargs) -> Dict: + output = self.model(*input, **kwargs) + if self.input_key in output: + output[self.input_key] = output[self.input_key].softmax(dim=1) + return output + + +class HFlipTTA(nn.Module): + def __init__(self, model, outputs, average=True): + super().__init__() + self.model = model + self.outputs = outputs + self.average = average + + def forward(self, image): + outputs = self.model(image) + outputs_flip = self.model(AF.torch_fliplr(image)) + + for output_key in self.outputs: + outputs[output_key] += AF.torch_fliplr(outputs_flip[output_key]) + + if self.average: + averaging_scale = 0.5 + for output_key in self.outputs: + outputs[output_key] *= averaging_scale + + return outputs + + +class D4TTA(nn.Module): + def __init__(self, model, outputs, average=True): + super().__init__() + self.model = model + self.outputs = outputs + self.average = average + + def forward(self, image): + outputs = self.model(image) + + augment = [AF.torch_rot90, AF.torch_rot180, AF.torch_rot270] + deaugment = [AF.torch_rot270, AF.torch_rot180, AF.torch_rot90] + + for aug, deaug in zip(augment, deaugment): + input = aug(image) + aug_output = self.model(input) + + for output_key in self.outputs: + outputs[output_key] += deaug(aug_output[output_key]) + + image_t = AF.torch_transpose(image) + + augment = [AF.torch_none, AF.torch_rot90, AF.torch_rot180, AF.torch_rot270] + deaugment = [AF.torch_none, AF.torch_rot270, AF.torch_rot180, AF.torch_rot90] + + for aug, deaug in zip(augment, deaugment): + input = aug(image_t) + aug_output = self.model(input) + + for output_key in self.outputs: + x = deaug(aug_output[output_key]) + outputs[output_key] += AF.torch_transpose(x) + + if self.average: + averaging_scale = 1.0 / 8.0 + for output_key in self.outputs: + outputs[output_key] *= averaging_scale + + return outputs + + +class MultiscaleTTA(nn.Module): + def __init__(self, model, outputs, size_offsets: List[int], average=True): + super().__init__() + self.model = model + self.outputs = outputs + self.size_offsets = size_offsets + self.average = average + + def integrate(self, outputs, input, augment, deaugment): + aug_input = augment(input) + aug_output = self.model(aug_input) + + for output_key in self.outputs: + outputs[output_key] += deaugment(aug_output[output_key]) + + def forward(self, image): + outputs = self.model(image) + x_size_orig = image.size()[2:] + + for image_size_offset in self.size_offsets: + x_size_modified = x_size_orig[0] + image_size_offset, x_size_orig[1] + image_size_offset + self.integrate( + outputs, + image, + lambda x: F.interpolate(x, size=x_size_modified, mode="bilinear", align_corners=False), + lambda x: F.interpolate(x, size=x_size_orig, mode="bilinear", align_corners=False), + ) + + if self.average: + averaging_scale = 1.0 / (len(self.size_offsets) + 1) + for output_key in self.outputs: + outputs[output_key] *= averaging_scale + return outputs + + +class Ensembler(nn.Module): + def __init__(self, models: List[nn.Module], outputs: List[str]): + super().__init__() + self.models = nn.ModuleList(models) + self.outputs = outputs + + def forward(self, *input, **kwargs): + num_models = len(self.models) + + with tqdm(total=num_models, desc="Inference") as tq: + output_0 = self.models[0](*input, **kwargs) + tq.update() + + for i in range(1, num_models): + output_i = self.models[i](*input, **kwargs) + tq.update() + + # Aggregate predictions + for key in self.outputs: + output_0[key] += output_i[key] + + scale = 1.0 / num_models + return {key: output_0[key] * scale for key in self.outputs} + + +class ApplyWeights(nn.Module): + def __init__(self, model, weights, output_key=OUTPUT_MASK_KEY): + if not isinstance(weights, torch.Tensor): + weights = torch.tensor(weights).float().view(1, -1, 1, 1) + + super().__init__() + self.model = model + self.register_buffer("weights", weights) + self.output_key = output_key + + def forward(self, x): + output = self.model(x) + output[self.output_key] *= self.weights + return output + + +def model_from_checkpoint( + model_checkpoint: str, tta: Optional[str] = None, activation_after="model", model=None, report=True, classifiers=True +) -> Tuple[nn.Module, Dict]: + checkpoint = torch.load(model_checkpoint, map_location="cpu") + model_name = model or checkpoint["checkpoint_data"]["cmd_args"]["model"] + + score = float(checkpoint["epoch_metrics"]["valid"]["weighted_f1"]) + loc = float(checkpoint["epoch_metrics"]["valid"]["weighted_f1/localization_f1"]) + dmg = float(checkpoint["epoch_metrics"]["valid"]["weighted_f1/damage_f1"]) + fold = int(checkpoint["checkpoint_data"]["cmd_args"]["fold"]) + + if report: + print(model_checkpoint, model_name) + report_checkpoint(checkpoint) + + model = get_model(model_name, pretrained=False, classifiers=classifiers) + + model.load_state_dict(checkpoint["model_state_dict"], strict=False) + del checkpoint + + if activation_after == "model": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + + if tta == "multiscale": + print(f"Using {tta}") + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-256, -128, +128, +256], average=True) + + if tta == "flip": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + + if tta == "flipscale": + print(f"Using {tta}") + model = HFlipTTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-256, -128, +128, +256], average=True) + + if tta == "multiscale_d4": + print(f"Using {tta}") + model = D4TTA(model, outputs=[OUTPUT_MASK_KEY], average=True) + model = MultiscaleTTA(model, outputs=[OUTPUT_MASK_KEY], size_offsets=[-256, -128, +128, +256], average=True) + + if activation_after == "tta": + model = ApplySoftmaxTo(model, OUTPUT_MASK_KEY) + + info = { + "model": fs.id_from_fname(model_checkpoint), + "model_name": model_name, + "fold": fold, + "score": score, + "localization": loc, + "damage": dmg, + } + return model, info + + +@torch.no_grad() +def run_inference_on_dataset( + model, dataset, output_dir, batch_size=1, workers=0, weights=None, fp16=False, cpu=False, postprocessing="naive", save_pseudolabels=True +): + if not cpu: + if fp16: + model = model.half() + model = model.cuda() + if torch.cuda.device_count() > 1: + model = nn.DataParallel(model) + print("Using multi-GPU inference") + + model = model.eval() + + if weights is not None: + print("Using weights", weights) + weights = torch.tensor(weights).float().view(1, -1, 1, 1) + + if not cpu: + if fp16: + weights = weights.half() + weights = weights.cuda() + + data_loader = DataLoader(dataset, batch_size=batch_size, pin_memory=not cpu, num_workers=workers) + + pseudolabeling_dir = os.path.join(output_dir + "_pseudolabeling") + + os.makedirs(output_dir, exist_ok=True) + os.makedirs(pseudolabeling_dir, exist_ok=True) + + postprocessings = {} + if postprocessing == "naive": + postprocessings[postprocessing] = make_predictions_naive + elif postprocessing == "dominant": + postprocessings[postprocessing] = make_predictions_dominant + elif postprocessing in {"dominant2", "dominantv2", "dominant_v2"}: + postprocessings[postprocessing] = make_predictions_dominant_v2 + elif postprocessing == "floodfill": + postprocessings[postprocessing] = make_predictions_floodfill + elif postprocessing is None: + postprocessings = { + "naive": make_predictions_naive, + "dominant": make_predictions_dominant, + "dominantv2": make_predictions_dominant_v2, + "floodfill": make_predictions_floodfill, + } + + for batch in tqdm(data_loader): + image = batch[INPUT_IMAGE_KEY] + + if not cpu: + if fp16: + image = image.half() + image = image.cuda(non_blocking=True) + + image_ids = batch[INPUT_IMAGE_ID_KEY] + + output = model(image) + + masks = output[OUTPUT_MASK_KEY] + + if weights is not None: + masks *= weights + + if masks.size(2) != 1024 or masks.size(3) != 1024: + masks = F.interpolate(masks, size=(1024, 1024), mode="bilinear", align_corners=False) + masks = to_numpy(masks).astype(np.float32) + + for i, image_id in enumerate(image_ids): + _, _, image_uuid = image_id.split("_") + + # Save pseudolabeling target + if save_pseudolabels: + pseudo_mask = make_pseudolabeling_target(masks[i]) + pseudo_mask = pseudo_mask.astype(np.uint8) + pseudo_mask = colorize_mask(pseudo_mask) + pseudo_mask.save(os.path.join(pseudolabeling_dir, f"test_post_{image_uuid}.png")) + + for postprocessing_name, postprocessing_fn in postprocessings.items(): + + output_dir_for_postprocessing = os.path.join(output_dir + "_" + postprocessing_name) + os.makedirs(output_dir_for_postprocessing, exist_ok=True) + + localization_image, damage_image = postprocessing_fn(masks[i]) + + localization_fname = os.path.join( + output_dir_for_postprocessing, f"test_localization_{image_uuid}_prediction.png" + ) + localization_image = colorize_mask(localization_image) + localization_image.save(localization_fname) + + damage_fname = os.path.join(output_dir_for_postprocessing, f"test_damage_{image_uuid}_prediction.png") + damage_image = colorize_mask(damage_image) + damage_image.save(damage_fname) + + del data_loader + + +@torch.no_grad() +def run_inference_on_dataset_oof(model, dataset, output_dir, batch_size=1, workers=0, save=True, fp16=False): + model = model.cuda() + if torch.cuda.device_count() > 1: + model = nn.DataParallel(model) + model = model.eval() + if fp16: + model = model.half() + + data_loader = DataLoader(dataset, batch_size=batch_size, pin_memory=True, num_workers=workers) + + if save: + os.makedirs(output_dir, exist_ok=True) + + allrows = [] + + for batch in tqdm(data_loader): + image = batch[INPUT_IMAGE_KEY] + if fp16: + image = image.half() + + image = image.cuda(non_blocking=True) + image_ids = batch[INPUT_IMAGE_ID_KEY] + + dmg_true = to_numpy(batch[INPUT_MASK_KEY]).astype(np.float32) + + output = model(image) + + masks = output[OUTPUT_MASK_KEY] + masks = to_numpy(masks) + + for i, image_id in enumerate(image_ids): + damage_mask = masks[i] + + if save: + damage_fname = os.path.join(output_dir, fs.change_extension(image_id.replace("_pre", "_post"), ".npy")) + np.save(damage_fname, damage_mask.astype(np.float16)) + + loc_pred, dmg_pred = make_predictions_naive(damage_mask) + row = CompetitionMetricCallback.get_row_pair(loc_pred, dmg_pred, dmg_true[i], dmg_true[i]) + allrows.append(row) + + if save: + if DAMAGE_TYPE_KEY in output: + damage_type = to_numpy(output[DAMAGE_TYPE_KEY].sigmoid()).astype(np.float32) + + for i, image_id in enumerate(image_ids): + damage_fname = os.path.join( + output_dir, fs.change_extension(image_id.replace("_pre", "_damage_type"), ".npy") + ) + np.save(damage_fname, damage_type[i]) + + del data_loader + + return CompetitionMetricCallback.compute_metrics(allrows) + + +@torch.no_grad() +def run_dual_inference_on_dataset(model, dataset, output_dir, batch_size=1, workers=0): + model = model.cuda() + if torch.cuda.device_count() > 1: + model = nn.DataParallel(model) + model = model.eval() + + data_loader = DataLoader(dataset, batch_size=batch_size, pin_memory=True, num_workers=workers) + + os.makedirs(output_dir, exist_ok=True) + + for batch in tqdm(data_loader): + image_pre = batch[INPUT_IMAGE_PRE_KEY].cuda(non_blocking=True) + image_post = batch[INPUT_IMAGE_POST_KEY].cuda(non_blocking=True) + image_ids = batch[INPUT_IMAGE_ID_KEY] + + output = model(image_pre=image_pre, image_post=image_post) + + masks_pre = output[OUTPUT_MASK_PRE_KEY] + if masks_pre.size(2) != 1024 or masks_pre.size(3) != 1024: + masks_pre = F.interpolate(masks_pre, size=(1024, 1024), mode="bilinear", align_corners=False) + masks_pre = to_numpy(masks_pre.squeeze(1)).astype(np.float32) + + masks_post = output[OUTPUT_MASK_POST_KEY] + if masks_post.size(2) != 1024 or masks_post.size(3) != 1024: + masks_post = F.interpolate(masks_post, size=(1024, 1024), mode="bilinear", align_corners=False) + masks_post = to_numpy(masks_post).astype(np.float32) + + for i, image_id in enumerate(image_ids): + _, _, image_uuid = image_id.split("_") + localization_image = masks_pre[i] + damage_image = masks_post[i] + + localization_fname = os.path.join(output_dir, f"test_localization_{image_uuid}_prediction.png") + localization_image = (localization_image > 0.5).astype(np.uint8) + localization_image = colorize_mask(localization_image) + localization_image.save(localization_fname) + + damage_fname = os.path.join(output_dir, f"test_damage_{image_uuid}_prediction.png") + damage_image = np.argmax(damage_image, axis=0).astype(np.uint8) + damage_image = colorize_mask(damage_image) + damage_image.save(damage_fname) + + del data_loader + + +@torch.no_grad() +def run_dual_inference_on_dataset_oof(model, dataset, output_dir, batch_size=1, workers=0): + model = model.cuda() + if torch.cuda.device_count() > 1: + model = nn.DataParallel(model) + model = model.eval() + + data_loader = DataLoader(dataset, batch_size=batch_size, pin_memory=True, num_workers=workers) + + os.makedirs(output_dir, exist_ok=True) + + for batch in tqdm(data_loader): + image_pre = batch[INPUT_IMAGE_PRE_KEY].cuda(non_blocking=True) + image_post = batch[INPUT_IMAGE_POST_KEY].cuda(non_blocking=True) + image_ids = batch[INPUT_IMAGE_ID_KEY] + + output = model(image_pre=image_pre, image_post=image_post) + + masks_pre = output[OUTPUT_MASK_PRE_KEY] + if masks_pre.size(2) != 1024 or masks_pre.size(3) != 1024: + masks_pre = F.interpolate(masks_pre, size=(1024, 1024), mode="bilinear", align_corners=False) + masks_pre = to_numpy(masks_pre.squeeze(1)).astype(np.float32) + + masks_post = output[OUTPUT_MASK_POST_KEY] + if masks_post.size(2) != 1024 or masks_post.size(3) != 1024: + masks_post = F.interpolate(masks_post, size=(1024, 1024), mode="bilinear", align_corners=False) + masks_post = to_numpy(masks_post).astype(np.float32) + + for i, image_id in enumerate(image_ids): + localization_image = masks_pre[i] + damage_image = masks_post[i] + + localization_fname = os.path.join(output_dir, fs.change_extension(image_id, ".npy")) + np.save(localization_fname, localization_image) + + damage_fname = os.path.join(output_dir, fs.change_extension(image_id.replace("_pre", "_post"), ".npy")) + np.save(damage_fname, damage_image) + + del data_loader diff --git a/xview/losses.py b/xview/losses.py new file mode 100644 index 0000000..4c4b303 --- /dev/null +++ b/xview/losses.py @@ -0,0 +1,231 @@ +import math + +import torch +from pytorch_toolbelt.losses import * +import torch.nn.functional as F + +__all__ = ["get_loss", "AdaptiveMaskLoss2d"] + +from torch import nn +from torch.nn import Module, Parameter + +from .dataset import UNLABELED_SAMPLE +from .ssim_loss import SSIM +from .utils.inference_image_output import resize_mask_one_hot + + +class LabelSmoothingCrossEntropy2d(Module): + """ + + Original implementation: fast.ai + """ + + def __init__(self, eps: float = 0.1, reduction="mean", weight=None, ignore_index=-100): + super().__init__() + self.eps = eps + self.reduction = reduction + self.ignore_index = ignore_index + self.register_buffer("weight", weight) + + def forward(self, output, target): + num_classes = output.size(1) + log_preds = F.log_softmax(output, dim=1) + if self.reduction == "sum": + loss = -log_preds.sum() + else: + loss = -log_preds.sum(dim=1) + if self.reduction == "mean": + loss = loss.mean() + + return loss * self.eps / num_classes + (1 - self.eps) * F.nll_loss( + log_preds, target, weight=self.weight, ignore_index=self.ignore_index, reduction=self.reduction + ) + + +class OHEMCrossEntropyLoss(nn.CrossEntropyLoss): + """ + Online hard example mining CE loss + + https://arxiv.org/pdf/1812.05802.pdf + """ + + def __init__(self, weight=None, fraction=0.3, ignore_index=-100, reduction="mean"): + super().__init__(weight, ignore_index=ignore_index, reduction=reduction) + self.fraction = fraction + + def forward(self, input: torch.Tensor, target: torch.Tensor) -> torch.Tensor: + batch_size = input.size(0) + + with torch.no_grad(): + positive_mask = (target > 0).view(batch_size, -1) + Cp = torch.sum(positive_mask, dim=1) # Number of positive pixels + Cn = torch.sum(~positive_mask, dim=1) # Number of negative pixels + Chn = torch.max((Cn / 4).clamp_min(5), 2 * Cp) + + losses = F.cross_entropy( + input, target, weight=self.weight, ignore_index=self.ignore_index, reduction="none" + ).view(target.size(0), -1) + + loss = 0 + num_samples = 0 + + for i in range(batch_size): + positive_losses = losses[i, positive_mask[i]] + negative_losses = losses[i, ~positive_mask[i]] + + num_negatives = Chn[i] + hard_negative_losses, _ = negative_losses.sort(descending=True)[:num_negatives] + + loss = positive_losses.sum() + hard_negative_losses.sum() + loss + + num_samples += positive_losses.size(0) + num_samples += hard_negative_losses.size(0) + + loss /= float(num_samples) + return loss + + +def get_loss(loss_name: str, ignore_index=UNLABELED_SAMPLE): + if loss_name.lower() == "bce": + return BCELoss(ignore_index=ignore_index) + + if loss_name.lower() == "ce": + return nn.CrossEntropyLoss(ignore_index=ignore_index) + + if loss_name.lower() == "ohem_ce": + return OHEMCrossEntropyLoss(ignore_index=ignore_index, weight=torch.tensor([1.0, 1.0, 3.0, 3.0, 3.0])).cuda() + + if loss_name.lower() == "weighted_ce": + return nn.CrossEntropyLoss(ignore_index=ignore_index, weight=torch.tensor([1.0, 1.0, 3.0, 3.0, 3.0])).cuda() + + if loss_name.lower() == "weighted2_ce": + return nn.CrossEntropyLoss(ignore_index=ignore_index, weight=torch.tensor([1.0, 1.0, 3.0, 2.0, 1.0])).cuda() + + if loss_name.lower() == "dsv_ce": + return AdaptiveMaskLoss2d( + nn.CrossEntropyLoss(ignore_index=ignore_index, weight=torch.tensor([1.0, 1.0, 3.0, 3.0, 3.0])) + ).cuda() + + if loss_name.lower() in {"ce_building_only", "ce_buildings_only"}: + # This ignores predictions on "non-building" pixels + return nn.CrossEntropyLoss(ignore_index=0) + + if loss_name.lower() == "soft_bce": + return SoftBCELoss(smooth_factor=0.1, ignore_index=ignore_index) + + if loss_name.lower() == "soft_ce": + return LabelSmoothingCrossEntropy2d(eps=0.1, ignore_index=ignore_index) + + if loss_name.lower() == "binary_focal": + return BinaryFocalLoss(alpha=None, gamma=2, ignore_index=ignore_index) + + if loss_name.lower() == "focal": + return FocalLoss(alpha=None, gamma=2, ignore_index=ignore_index, reduction="mean") + + if loss_name.lower() == "nfl": + return FocalLoss(alpha=None, gamma=2, ignore_index=ignore_index, normalized=True, reduction="sum") + + if loss_name.lower() == "dice": + return DiceLoss(mode="multiclass") + + if loss_name.lower() == "log_dice": + return DiceLoss(mode="multiclass", log_loss=True) + + if loss_name.lower() == "am-softmax": + return AmSoftmax2d(weight=torch.tensor([1.0, 1.0, 3.0, 3.0, 3.0])).cuda() + + if loss_name.lower() == "arcface": + return ArcFaceLoss2d(ignore_index=ignore_index) + + if loss_name.lower() == "ssim": + return SSIM(5).cuda() + + raise KeyError(loss_name) + + +class AdaptiveMaskLoss2d(nn.Module): + """ + Works only with sigmoid masks and bce loss + Rescales target mask to predicted mask + """ + + def __init__(self, loss): + super().__init__() + self.loss = loss + + def forward(self, input: torch.Tensor, target: torch.Tensor): + with torch.no_grad(): + target_one_hot = F.one_hot(target, int(input.size(1))).permute(0, 3, 1, 2).type(input.dtype) + + scale = int(target.size(2)) // int(input.size(2)) + while scale > 2: + target_one_hot = F.interpolate(target_one_hot, scale_factor=0.5, mode="bilinear", align_corners=False) + scale = int(target_one_hot.size(2)) // int(input.size(2)) + + target_one_hot = F.interpolate(target_one_hot, size=input.size()[2:], mode="bilinear", align_corners=False) + + target = target_one_hot.argmax(dim=1).type(target.dtype) + return self.loss(input, target) + + +class ArcFaceLoss2d(nn.modules.Module): + """ + https://www.kaggle.com/c/human-protein-atlas-image-classification/discussion/78109#latest-560973 + """ + + def __init__(self, s=30.0, m=0.35, gamma=1, ignore_index=-100): + super(ArcFaceLoss2d, self).__init__() + self.gamma = gamma + self.classify_loss = nn.CrossEntropyLoss(ignore_index=ignore_index) + self.s = s + self.easy_margin = False + self.cos_m = float(math.cos(m)) + self.sin_m = float(math.sin(m)) + self.th = float(math.cos(math.pi - m)) + self.mm = float(math.sin(math.pi - m) * m) + + def forward(self, cos_theta: torch.Tensor, labels): + num_classes = cos_theta.size(1) + sine = torch.sqrt(1.0 - torch.pow(cos_theta, 2)) + phi = (cos_theta * self.cos_m - sine * self.sin_m).type(cos_theta.dtype) + if self.easy_margin: + phi = torch.where(cos_theta > 0, phi, cos_theta) + else: + phi = torch.where(cos_theta > self.th, phi, cos_theta - self.mm) + + one_hot = F.one_hot(labels, num_classes).type(cos_theta.dtype) + one_hot = one_hot.permute(0, 3, 1, 2) + # -------------torch.where(out_i = {x_i if condition_i else y_i) ------------- + output = (one_hot * phi) + ((1.0 - one_hot) * cos_theta) + output *= self.s + loss1 = self.classify_loss(output, labels) + loss2 = self.classify_loss(cos_theta, labels) + + loss = (loss1 + self.gamma * loss2) / (1 + self.gamma) + return loss + + +class AmSoftmax2d(Module): + # implementation of additive margin softmax loss in https://arxiv.org/abs/1801.05599 + def __init__(self, ignore_index=UNLABELED_SAMPLE, weight=None): + super(AmSoftmax2d, self).__init__() + # initial kernel + + self.m = 0.35 # additive margin recommended by the paper + self.s = 30.0 # see normface https://arxiv.org/abs/1704.06369 + self.classify_loss = nn.CrossEntropyLoss(ignore_index=ignore_index, weight=weight) + + def forward(self, cos_theta, labels): + + cos_theta = cos_theta.clamp(-1, 1) # for numerical stability + phi = cos_theta - self.m + + num_classes = cos_theta.size(1) + + one_hot = F.one_hot(labels, num_classes) # .type(embbedings.dtype) + one_hot = one_hot.permute(0, 3, 1, 2) + + output = (one_hot * phi) + ((1.0 - one_hot) * cos_theta) + output *= self.s # scale up in order to make softmax work, first introduced in normface + + return self.classify_loss(output, labels) diff --git a/xview/metric.py b/xview/metric.py new file mode 100644 index 0000000..423acf7 --- /dev/null +++ b/xview/metric.py @@ -0,0 +1,232 @@ +from typing import List + +import numpy as np +import pandas as pd +import torch +from catalyst.dl import Callback, RunnerState, CallbackOrder +from pytorch_toolbelt.utils.catalyst import get_tensorboard_logger +from pytorch_toolbelt.utils.torch_utils import to_numpy +from pytorch_toolbelt.utils.visualization import render_figure_to_tensor, plot_confusion_matrix +from torchnet.meter import ConfusionMeter + +from .dataset import OUTPUT_MASK_PRE_KEY, OUTPUT_MASK_POST_KEY, INPUT_MASK_PRE_KEY, INPUT_MASK_POST_KEY +from .xview2_metrics import F1Recorder + + +class CompetitionMetricCallback(Callback): + """ + """ + + def __init__( + self, + input_key: str = "targets", + output_key: str = "logits", + image_id_key: str = "image_id", + prefix: str = "weighted_f1", + ): + super().__init__(CallbackOrder.Metric) + """ + :param input_key: input key to use for precision calculation; specifies our `y_true`. + :param output_key: output key to use for precision calculation; specifies our `y_pred`. + """ + self.prefix = prefix + self.output_key = output_key + self.input_key = input_key + self.image_id_key = image_id_key + self.all_rows = [] + + def on_loader_start(self, state): + self.all_rows = [] + + @staticmethod + def extract_buildings(x: np.ndarray): + """ Returns a mask of the buildings in x """ + buildings = x.copy() + buildings[x > 0] = 1 + return buildings + + @staticmethod + def compute_tp_fn_fp(pred: np.ndarray, targ: np.ndarray, c: int) -> List[int]: + """ + Computes the number of TPs, FNs, FPs, between a prediction (x) and a target (y) for the desired class (c) + + Args: + pred (np.ndarray): prediction + targ (np.ndarray): target + c (int): positive class + """ + TP = np.logical_and(pred == c, targ == c).sum() + FN = np.logical_and(pred != c, targ == c).sum() + FP = np.logical_and(pred == c, targ != c).sum() + return [TP, FN, FP] + + @classmethod + def get_row_pair(cls, lp, dp, lt, dt): + """ + Builds a row of TPs, FNs, and FPs for both the localization dataframe and the damage dataframe. + This pair of rows are built in the same function as damages are only assessed where buildings are predicted. + + Args: + lp: localization predictions + dp: damage predictions + lt: localization targets + dt: damage targets + """ + lp_b, lt_b, dt_b = map(cls.extract_buildings, (lp, lt, dt)) # convert all damage scores 1-4 to 1 + + dp = dp * lp_b # only give credit to damages where buildings are predicted + dp, dt = dp[dt_b == 1], dt[dt_b == 1] # only score damage where there exist buildings in target damage + + lrow = cls.compute_tp_fn_fp(lp_b, lt_b, 1) + drow = [] + for i in range(1, 5): + drow += cls.compute_tp_fn_fp(dp, dt, i) + return lrow, drow + + def on_batch_end(self, state: RunnerState): + image_ids = state.input[self.image_id_key] + outputs = to_numpy(torch.argmax(state.output[self.output_key].detach(), dim=1)) + targets = to_numpy(state.input[self.input_key].detach()) + + rows = [] + for image_id, y_true, y_pred in zip(image_ids, targets, outputs): + row = self.get_row_pair(y_pred, y_pred, y_true, y_true) + rows.append(row) + + self.all_rows.extend(rows) + + score, localization_f1, damage_f1, damage_f1s = self.compute_metrics(rows) + state.metrics.add_batch_value(self.prefix + "_batch" + "/localization_f1", localization_f1) + state.metrics.add_batch_value(self.prefix + "_batch" + "/damage_f1", damage_f1) + state.metrics.add_batch_value(self.prefix + "_batch", score) + + @staticmethod + def compute_metrics(rows): + lcolumns = ["lTP", "lFN", "lFP"] + ldf = pd.DataFrame([lrow for lrow, drow in rows], columns=lcolumns) + + dcolumns = ["dTP1", "dFN1", "dFP1", "dTP2", "dFN2", "dFP2", "dTP3", "dFN3", "dFP3", "dTP4", "dFN4", "dFP4"] + ddf = pd.DataFrame([drow for lrow, drow in rows], columns=dcolumns) + + TP = ldf["lTP"].sum() + FP = ldf["lFP"].sum() + FN = ldf["lFN"].sum() + lf1r = F1Recorder(TP, FP, FN, "Buildings") + + dmg2str = { + 1: f"No damage (1) ", + 2: f"Minor damage (2) ", + 3: f"Major damage (3) ", + 4: f"Destroyed (4) ", + } + + df1rs = [] + for i in range(1, 5): + TP = ddf[f"dTP{i}"].sum() + FP = ddf[f"dFP{i}"].sum() + FN = ddf[f"dFN{i}"].sum() + df1rs.append(F1Recorder(TP, FP, FN, dmg2str[i])) + + localization_f1 = lf1r.f1 + damage_f1s = [F1.f1 for F1 in df1rs] + harmonic_mean = lambda xs: len(xs) / sum((x + 1e-6) ** -1 for x in xs) + damage_f1 = harmonic_mean(damage_f1s) + + score = 0.3 * localization_f1 + 0.7 * damage_f1 + + return score, localization_f1, damage_f1, damage_f1s + + def on_loader_end(self, state): + score, localization_f1, damage_f1, damage_f1s = self.compute_metrics(self.all_rows) + + state.metrics.epoch_values[state.loader_name][self.prefix + "/localization_f1"] = localization_f1 + state.metrics.epoch_values[state.loader_name][self.prefix + "/damage_f1"] = damage_f1 + state.metrics.epoch_values[state.loader_name][self.prefix] = score + + class_names = ["no_damage", "minor_damage", "major_damage", "destroyed"] + for i in range(4): + state.metrics.epoch_values[state.loader_name][self.prefix + f"/{class_names[i]}"] = damage_f1s[i] + + +def default_multilabel_activation(x): + return (x.sigmoid() > 0.5).long() + + +class MultilabelConfusionMatrixCallback(Callback): + """ + Compute and log confusion matrix to Tensorboard. + For use with Multiclass classification/segmentation. + """ + + def __init__( + self, + input_key: str = "targets", + output_key: str = "logits", + prefix: str = "confusion_matrix", + class_names: List[str] = None, + num_classes: int = None, + ignore_index=None, + activation_fn=default_multilabel_activation, + ): + """ + :param input_key: input key to use for precision calculation; + specifies our `y_true`. + :param output_key: output key to use for precision calculation; + specifies our `y_pred`. + :param ignore_index: same meaning as in nn.CrossEntropyLoss + """ + super().__init__(CallbackOrder.Metric) + self.prefix = prefix + self.class_names = class_names + self.num_classes = num_classes if class_names is None else len(class_names) + self.output_key = output_key + self.input_key = input_key + self.ignore_index = ignore_index + self.confusion_matrix = None + self.activation_fn = activation_fn + + def on_loader_start(self, state): + self.confusion_matrix = ConfusionMeter(self.num_classes) + + def on_batch_end(self, state: RunnerState): + outputs: torch.Tensor = state.output[self.output_key].detach().cpu() + outputs: torch.Tensor = self.activation_fn(outputs) + + targets: torch.Tensor = state.input[self.input_key].detach().cpu() + + # Flatten + outputs = outputs.view(outputs.size(0), outputs.size(1), -1).permute(0, 2, 1).contiguous() + targets = targets.view(targets.size(0), targets.size(1), -1).permute(0, 2, 1).contiguous() + targets = targets.type_as(outputs) + + for class_index in range(self.num_classes): + outputs_i = outputs[class_index].view(-1) + targets_i = targets[class_index].view(-1) + + if self.ignore_index is not None: + mask = targets_i != self.ignore_index + outputs_i = outputs_i[mask] + targets_i = targets_i[mask] + + self.confusion_matrix.add(predicted=outputs_i, target=targets_i) + + def on_loader_end(self, state): + if self.class_names is None: + class_names = [str(i) for i in range(self.num_classes)] + else: + class_names = self.class_names + + num_classes = len(class_names) + cm = self.confusion_matrix.value() + + fig = plot_confusion_matrix( + cm, + figsize=(6 + num_classes // 3, 6 + num_classes // 3), + class_names=class_names, + normalize=True, + noshow=True, + ) + fig = render_figure_to_tensor(fig) + + logger = get_tensorboard_logger(state) + logger.add_image(f"{self.prefix}/epoch", fig, global_step=state.step) diff --git a/xview/model_wrapper.py b/xview/model_wrapper.py new file mode 100644 index 0000000..cd0e2c1 --- /dev/null +++ b/xview/model_wrapper.py @@ -0,0 +1,103 @@ +from typing import List, Union, Dict, Any + +import torch +from catalyst.dl import CallbackOrder, logger, RunnerState, Callback +from catalyst.dl.callbacks.criterion import _add_loss_to_state, CriterionCallback +from torch import nn, Tensor + +from xview.dataset import INPUT_IMAGE_KEY + + +class ModelTrainer(nn.Module): + """ + Adapter class that computes loss on each GPU independently and returns only computed losses + """ + + def __init__( + self, + model: nn.Module, + losses: List[nn.Module], + loss_input_keys: List[str], + loss_output_keys: List[str], + loss_key="losses", + model_input_key=INPUT_IMAGE_KEY, + ): + """ + + :param model: + :param loss_output_keys: List of keys to get outputs for each loss function + :param losses: List of loss functions + """ + super().__init__() + self.model = model + self.input_key = model_input_key + self.output_keys = loss_output_keys + self.losses = nn.ModuleList(losses) + self.loss_key = loss_key + self.loss_input_keys = loss_input_keys + + def forward(self, **input): + model_output = self.model(input[self.input_key]) + + losses = [] + for input_key, output_key, loss_fn in zip(self.loss_input_keys, self.output_keys, self.losses): + target = input[input_key] + output = model_output[output_key] + loss = loss_fn(output, target) + losses.append(loss) + + model_output[self.loss_key] = losses + return model_output + + +class PassthroughCriterionCallback(CriterionCallback): + """ + This callback allows you to aggregate the values of the loss + (with different aggregation strategies) + and put the value back into ``state.loss``. + """ + + def __init__( + self, + prefix: str, + output_key="losses", + loss_keys: Union[str, List[str], Dict[str, float]] = None, + loss_aggregate_fn: str = "sum", + ) -> None: + """ + Args: + prefix (str): new key for aggregated loss. + loss_keys (Union[str, List[str], Dict[str, float]]): If not empty, + it aggregates only the values from the loss by these keys. + for ``weighted_sum`` aggregation it must be a Dict[str, float]. + loss_aggregate_fn (str): function for aggregation. + Must be either ``sum``, ``mean`` or ``weighted_sum``. + """ + super().__init__(prefix=prefix) + if prefix is None or not isinstance(prefix, str): + raise ValueError("prefix must be str") + self.prefix = prefix + + if isinstance(loss_keys, str): + loss_keys = [loss_keys] + self.loss_keys = loss_keys + self.output_key = output_key + self.loss_aggregate_name = loss_aggregate_fn + + def on_stage_start(self, state: RunnerState): + pass + + def on_batch_end(self, state: RunnerState) -> None: + """ + Computes the loss and add it to the metrics + """ + losses = state.output[self.output_key] + losses = [torch.sum(x) for x in losses] # Sum losses from all devices + + for loss_name, loss in zip(self.loss_keys, losses): + state.metrics.add_batch_value(metrics_dict={loss_name: loss.item()}) + + loss = torch.sum(torch.stack(losses)) + _add_loss_to_state(self.prefix, state, loss) + + state.metrics.add_batch_value(metrics_dict={self.prefix: loss.item()}) diff --git a/xview/optim.py b/xview/optim.py new file mode 100644 index 0000000..35b9828 --- /dev/null +++ b/xview/optim.py @@ -0,0 +1,172 @@ +from catalyst.contrib.optimizers import RAdam, Lamb +from torch.optim import SGD, Adam, RMSprop, AdamW + +import math +import torch +from torch.optim.optimizer import Optimizer +import numpy as np +import torch.nn as nn + + +# import torch.optim as Optimizer + +# Original source: https://github.com/shivram1987/diffGrad/blob/master/diffGrad.py + +# modifications: @lessw2020 + + +class DiffGrad(Optimizer): + r"""Implements diffGrad algorithm. It is modified from the pytorch implementation of Adam. + It has been proposed in `diffGrad: An Optimization Method for Convolutional Neural Networks`_. + Arguments: + params (iterable): iterable of parameters to optimize or dicts defining + parameter groups + lr (float, optional): learning rate (default: 1e-3) + betas (Tuple[float, float], optional): coefficients used for computing + running averages of gradient and its square (default: (0.9, 0.999)) + eps (float, optional): term added to the denominator to improve + numerical stability (default: 1e-8) + weight_decay (float, optional): weight decay (L2 penalty) (default: 0) + amsgrad (boolean, optional): whether to use the AMSGrad variant of this + algorithm from the paper `On the Convergence of Adam and Beyond`_ + (default: False) + .. _diffGrad: An Optimization Method for Convolutional Neural Networks: + https://arxiv.org/abs/1909.11015 + .. _Adam\: A Method for Stochastic Optimization: + https://arxiv.org/abs/1412.6980 + .. _On the Convergence of Adam and Beyond: + https://openreview.net/forum?id=ryQu7f-RZ + """ + + def __init__(self, params, lr=1e-3, betas=(0.9, 0.999), eps=1e-8, version=0, weight_decay=0): + if not 0.0 <= lr: + raise ValueError("Invalid learning rate: {}".format(lr)) + if not 0.0 <= eps: + raise ValueError("Invalid epsilon value: {}".format(eps)) + if not 0.0 <= betas[0] < 1.0: + raise ValueError("Invalid beta parameter at index 0: {}".format(betas[0])) + if not 0.0 <= betas[1] < 1.0: + raise ValueError("Invalid beta parameter at index 1: {}".format(betas[1])) + + defaults = dict(lr=lr, betas=betas, eps=eps, weight_decay=weight_decay) + + super().__init__(params, defaults) + + # save version + self.version = version + + def __setstate__(self, state): + super().__setstate__(state) + + def step(self, closure=None): + """Performs a single optimization step. + Arguments: + closure (callable, optional): A closure that reevaluates the model + and returns the loss. + """ + loss = None + if closure is not None: + loss = closure() + + for group in self.param_groups: + for p in group['params']: + if p.grad is None: + continue + grad = p.grad.data + if grad.is_sparse: + raise RuntimeError('diffGrad does not support sparse gradients, please consider SparseAdam instead') + + state = self.state[p] + + # State initialization + if len(state) == 0: + state['step'] = 0 + # Exponential moving average of gradient values + state['exp_avg'] = torch.zeros_like(p.data) + # Exponential moving average of squared gradient values + state['exp_avg_sq'] = torch.zeros_like(p.data) + # Previous gradient + state['previous_grad'] = torch.zeros_like(p.data) + + exp_avg, exp_avg_sq, previous_grad = state['exp_avg'], state['exp_avg_sq'], state['previous_grad'] + beta1, beta2 = group['betas'] + + state['step'] += 1 + + if group['weight_decay'] != 0: + grad.add_(group['weight_decay'], p.data) + + # Decay the first and second moment running average coefficient + exp_avg.mul_(beta1).add_(1 - beta1, grad) + exp_avg_sq.mul_(beta2).addcmul_(1 - beta2, grad, grad) + denom = exp_avg_sq.sqrt().add_(group['eps']) + + bias_correction1 = 1 - beta1 ** state['step'] + bias_correction2 = 1 - beta2 ** state['step'] + + # compute diffgrad coefficient (dfc) + + if self.version == 0: + diff = abs(previous_grad - grad) + elif self.version == 1: + diff = previous_grad - grad + elif self.version == 2: + diff = .5 * abs(previous_grad - grad) + + if self.version == 0 or self.version == 1: + dfc = 1. / (1. + torch.exp(-diff)) + elif self.version == 2: + dfc = 9. / (1. + torch.exp(-diff)) - 4 # DFC2 = 9/(1+e-(.5/g/)-4 #range .5,5 + + state['previous_grad'] = grad + + # update momentum with dfc + exp_avg1 = exp_avg * dfc + + step_size = group['lr'] * math.sqrt(bias_correction2) / bias_correction1 + + p.data.addcdiv_(-step_size, exp_avg1, denom) + + return loss + +def get_optimizer(optimizer_name: str, parameters, learning_rate: float, weight_decay=1e-5, **kwargs): + if optimizer_name.lower() == "sgd": + return SGD(parameters, learning_rate, momentum=0.9, nesterov=True, weight_decay=weight_decay, **kwargs) + + if optimizer_name.lower() == "adam": + return Adam(parameters, learning_rate, weight_decay=weight_decay, eps=1e-5, **kwargs) # As Jeremy suggests + + if optimizer_name.lower() == "rms": + return RMSprop(parameters, learning_rate, weight_decay=weight_decay, **kwargs) + + if optimizer_name.lower() == "adamw": + return AdamW(parameters, learning_rate, weight_decay=weight_decay, eps=1e-5, **kwargs) + + if optimizer_name.lower() == "radam": + return RAdam(parameters, learning_rate, weight_decay=weight_decay, eps=1e-5, **kwargs) # As Jeremy suggests + + # if optimizer_name.lower() == "ranger": + # return Ranger(parameters, learning_rate, weight_decay=weight_decay, + # **kwargs) + + # if optimizer_name.lower() == "qhadamw": + # return QHAdamW(parameters, learning_rate, weight_decay=weight_decay, + # **kwargs) + # + if optimizer_name.lower() == "lamb": + return Lamb(parameters, learning_rate, weight_decay=weight_decay, **kwargs) + + if optimizer_name.lower() == "fused_lamb": + from apex.optimizers import FusedLAMB + + return FusedLAMB(parameters, learning_rate, weight_decay=weight_decay, **kwargs) + + if optimizer_name.lower() == "fused_adam": + from apex.optimizers import FusedAdam + + return FusedAdam(parameters, learning_rate, eps=1e-5, weight_decay=weight_decay, adam_w_mode=True, **kwargs) + + if optimizer_name.lower() == "diffgrad": + return DiffGrad(parameters, learning_rate, eps=1e-5, weight_decay=weight_decay, **kwargs) + + raise ValueError("Unsupported optimizer name " + optimizer_name) diff --git a/xview/postprocessing.py b/xview/postprocessing.py new file mode 100644 index 0000000..0c6e3a9 --- /dev/null +++ b/xview/postprocessing.py @@ -0,0 +1,236 @@ +import cv2 +import numpy as np +from skimage.measure import label, regionprops +import matplotlib.pyplot as plt + +__all__ = ["make_predictions_dominant", "make_predictions_naive", "make_predictions_floodfill"] + +from skimage.morphology import remove_small_objects +from skimage.segmentation import relabel_sequential + +from xview.dataset import UNLABELED_SAMPLE + + +def make_pseudolabeling_target(damage_probs:np.ndarray, ratio_threshold=1.5): + damage_probs = damage_probs.copy() + class_index = np.argmax(damage_probs, axis=0) + + sorted_probs = np.sort(-damage_probs, axis=0) + + ratio = sorted_probs[0] / sorted_probs[1] + + confident_classes = ratio > ratio_threshold + class_index[~confident_classes] = UNLABELED_SAMPLE + return class_index + + +def make_predictions_naive(damage_probs: np.ndarray): + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + dmg_cls = np.argmax(damage_probs, axis=0) + + dmg_cls[dmg_cls == 0] = 1 # Fill remaining with damage type 1 (no damage) + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) + + + +def make_predictions_dominant( + damage_probs: np.ndarray, min_size=32, assign_dominant=True, max_building_area=2048, min_solidity=0.75 +): + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + dmg_cls = np.argmax(damage_probs, axis=0) + + buildings = label(loc_cls) + + if min_size is not None: + # If there are any objects at all + if buildings.max() > 0: + buildings = remove_small_objects(buildings, min_size=min_size) + buildings, _, _ = relabel_sequential(buildings) + loc_cls = buildings > 0 + dmg_cls[~loc_cls] = 0 + + if assign_dominant: + building_props = regionprops(buildings) + classes = list(range(1, 5)) + for index, region in enumerate(building_props): + region_label, area, solidity = region["label"], region["area"], region["solidity"] + + region_mask = buildings == region_label + + if area < max_building_area or solidity > min_solidity: + label_counts = [np.sum(dmg_cls[region_mask] == cls_indxex) for cls_indxex in classes] + max_label = np.argmax(label_counts) + 1 + dmg_cls[region_mask] = max_label + + # print(region_label, area, solidity) + + dmg_cls[dmg_cls == 0] = 1 # Fill remaining with damage type 1 (no damage) + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) + + +def make_predictions_most_severe(damage_probs: np.ndarray, min_size=32, assign_severe=True): + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + + dmg_cls = np.argmax(damage_probs, axis=0) + + buildings = label(loc_cls) + + if min_size is not None: + # If there are any objects at all + if buildings.max() > 0: + buildings = remove_small_objects(buildings, min_size=min_size) + buildings, _, _ = relabel_sequential(buildings) + loc_cls = buildings > 0 + dmg_cls[~loc_cls] = 0 + + if assign_severe: + building_props = regionprops(buildings) + classes = np.arange(1, 5) + for index, region in enumerate(building_props): + region_label, area, solidity = region["label"], region["area"], region["solidity"] + + region_mask = buildings == region_label + + if area < 2048 or solidity > 0.75: + label_counts = np.array([np.sum(dmg_cls[region_mask] == cls_indxex) for cls_indxex in classes]) + if label_counts.sum() == 0: + import matplotlib.pyplot as plt + + plt.figure() + plt.imshow(buildings) + plt.show() + + plt.figure() + plt.imshow(region_mask) + plt.show() + + plt.figure() + plt.imshow(dmg_cls) + plt.show() + + breakpoint() + + min_count = max(1, label_counts[label_counts > 0].mean() - 3 * label_counts[label_counts > 0].std()) + + labels = classes[label_counts >= min_count] + max_label = labels.max() + + if len(labels) > 1: + print(label_counts, min_count, labels, max_label) + # label_counts > 0 + # max_label = np.argmax(label_counts) + 1 + dmg_cls[region_mask] = max_label + + # print(region_label, area, solidity) + + dmg_cls[dmg_cls == 0] = 1 # Fill remaining with damage type 1 (no damage) + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) + + +def make_predictions_floodfill(damage_probs: np.ndarray): + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + + seed = np.argmax(damage_probs, axis=0) + + dist = cv2.distanceTransform((1 - loc_cls).astype(np.uint8), distanceType=cv2.DIST_L2, maskSize=3, dstType=cv2.CV_8U) + dist = np.clip(dist, a_min=0, a_max=255).astype(np.uint8) + + # plt.figure() + # plt.imshow(dist) + # plt.show() + + img = np.dstack([dist, dist, dist]) + + dmg_cls = cv2.watershed(img, seed.astype(int)) + if not isinstance(dmg_cls, np.ndarray): + dmg_cls = dmg_cls.get() + dmg_cls[dmg_cls < 1] = 1 + + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) + + +def make_predictions_floodfill_with_image(damage_probs: np.ndarray, image): + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + + seed = np.argmax(damage_probs, axis=0) + + dmg_cls = cv2.watershed(image, seed.astype(int)) + if not isinstance(dmg_cls, np.ndarray): + dmg_cls = dmg_cls.get() + dmg_cls[dmg_cls < 1] = 1 + + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) + + +def make_predictions_dominant_v2( + damage_probs: np.ndarray, min_size=32, assign_dominant=True, max_building_area=4096, min_solidity=0.9 +): + """ + Combines floodfill and dominant postprocessing + :param damage_probs: + :param min_size: + :param assign_dominant: + :param max_building_area: + :param min_solidity: + :return: + """ + loc_pred = np.stack((damage_probs[0, ...], np.sum(damage_probs[1:, ...], axis=0))) + loc_cls = np.argmax(loc_pred, axis=0) + + # After we have 'fixed' localization predictions, we must zero-out probabilities for damage probs + damage_probs = damage_probs.copy() + damage_probs[0, loc_cls > 0] = 0 + dmg_cls = np.argmax(damage_probs, axis=0) + + buildings = label(loc_cls) + + if min_size is not None: + # If there are any objects at all + if buildings.max() > 0: + buildings = remove_small_objects(buildings, min_size=min_size) + buildings, _, _ = relabel_sequential(buildings) + loc_cls = buildings > 0 + dmg_cls[~loc_cls] = 0 + + if assign_dominant: + building_props = regionprops(buildings) + classes = list(range(1, 5)) + for index, region in enumerate(building_props): + region_label, area, solidity = region["label"], region["area"], region["solidity"] + + region_mask = buildings == region_label + + if area < max_building_area and solidity > min_solidity: + label_counts = [np.sum(dmg_cls[region_mask] == cls_indxex) for cls_indxex in classes] + max_label = np.argmax(label_counts) + 1 + dmg_cls[region_mask] = max_label + + # print(region_label, area, solidity) + + dmg_cls[dmg_cls == 0] = 1 # Fill remaining with damage type 1 (no damage) + return loc_cls.astype(np.uint8), dmg_cls.astype(np.uint8) diff --git a/xview/pseudo.py b/xview/pseudo.py new file mode 100644 index 0000000..c8800ce --- /dev/null +++ b/xview/pseudo.py @@ -0,0 +1,93 @@ +import numpy as np +import torch.nn.functional as F +from catalyst.dl import Callback, CallbackOrder, RunnerState +from pytorch_toolbelt.utils.catalyst import PseudolabelDatasetMixin +from pytorch_toolbelt.utils.torch_utils import to_numpy + + +class CEOnlinePseudolabelingCallback2d(Callback): + """ + Online pseudo-labeling callback for multi-class problem. + + >>> unlabeled_train = get_test_dataset( + >>> data_dir, image_size=image_size, augmentation=augmentations + >>> ) + >>> unlabeled_eval = get_test_dataset( + >>> data_dir, image_size=image_size + >>> ) + >>> + >>> callbacks += [ + >>> CEOnlinePseudolabelingCallback2d( + >>> unlabeled_train.targets, + >>> pseudolabel_loader="label", + >>> prob_threshold=0.9) + >>> ] + >>> train_ds = train_ds + unlabeled_train + >>> + >>> loaders = collections.OrderedDict() + >>> loaders["train"] = DataLoader(train_ds) + >>> loaders["valid"] = DataLoader(valid_ds) + >>> loaders["label"] = DataLoader(unlabeled_eval, shuffle=False) # ! shuffle=False is important ! + """ + + def __init__( + self, + unlabeled_ds: PseudolabelDatasetMixin, + pseudolabel_loader="label", + prob_threshold=0.9, + sample_index_key="index", + output_key="logits", + unlabeled_class=-100, + label_smoothing=0.0, + label_frequency=1, + ): + assert 1.0 > prob_threshold > 0.5 + + super().__init__(CallbackOrder.Other) + self.unlabeled_ds = unlabeled_ds + self.pseudolabel_loader = pseudolabel_loader + self.prob_threshold = prob_threshold + self.sample_index_key = sample_index_key + self.output_key = output_key + self.unlabeled_class = unlabeled_class + self.label_smoothing = label_smoothing + self.label_frequency = label_frequency + self.last_labeled_epoch = None + self.should_relabel = None + + def on_epoch_start(self, state: RunnerState): + self.should_relabel = ( + self.last_labeled_epoch is None or (state.epoch - self.last_labeled_epoch) % self.label_frequency == 0 + ) + + def on_epoch_end(self, state: RunnerState): + if self.should_relabel: + self.last_labeled_epoch = state.epoch + + def get_probabilities(self, state: RunnerState): + probs = state.output[self.output_key].detach().softmax(dim=1) + indexes = state.input[self.sample_index_key] + + if probs.size(2) != 1024 or probs.size(3) != 1024: + probs = F.interpolate(probs, size=(1024, 1024), mode="bilinear", align_corners=False) + + return to_numpy(probs), to_numpy(indexes) + + def on_batch_end(self, state: RunnerState): + if state.loader_name != self.pseudolabel_loader: + return + + if not self.should_relabel: + return + + # Get predictions for batch + probs, indexes = self.get_probabilities(state) + + for p, sample_index in zip(probs, indexes): + max_prob = np.max(p, axis=0) + class_index = np.argmax(p, axis=0) + + confident_classes = max_prob > self.prob_threshold + class_index[~confident_classes] = self.unlabeled_class + + self.unlabeled_ds.set_target(sample_index, class_index) diff --git a/xview/rounder.py b/xview/rounder.py new file mode 100644 index 0000000..b8b4e3f --- /dev/null +++ b/xview/rounder.py @@ -0,0 +1,85 @@ +from functools import partial +from multiprocessing.pool import Pool + +import cv2 +import numpy as np +import scipy as sp +import torch +from pytorch_toolbelt.utils.torch_utils import to_numpy + +from xview.dataset import read_mask +from xview.metric import CompetitionMetricCallback +from xview.postprocessing import make_predictions_naive + + +@torch.no_grad() +def _compute_fn(args, coef_exp): + xi, dmg_true = args + dmg_pred = xi.astype(np.float32) * coef_exp + loc_pred, dmg_pred = make_predictions_naive(dmg_pred) + + if loc_pred.shape[0] != 1024: + loc_pred = cv2.resize(loc_pred, dsize=(1024, 1024), interpolation=cv2.INTER_NEAREST) + dmg_pred = cv2.resize(dmg_pred, dsize=(1024, 1024), interpolation=cv2.INTER_NEAREST) + + row = CompetitionMetricCallback.get_row_pair(loc_pred, dmg_pred, dmg_true, dmg_true) + return row + + +class OptimizedRounder(object): + def __init__(self, apply_softmax, workers=0): + self.coef_ = 0 + self.workers = workers + self.apply_softmax = apply_softmax + + def _target_metric_loss(self, coef, X, y): + coef_exp = np.expand_dims(np.expand_dims(coef, -1), -1) + + all_rows = [] + + proc_fn = partial(_compute_fn, coef_exp=coef_exp) + + with Pool(self.workers) as wp: + for row in wp.imap_unordered(proc_fn, zip(X, y)): + all_rows.append(row) + + score, localization_f1, damage_f1, damage_f1s = CompetitionMetricCallback.compute_metrics(all_rows) + print(score, localization_f1, damage_f1, damage_f1s, "coeffs", coef) + return 1.0 - score + + def _prepare_data(self, X, y): + assert self.apply_softmax == "pre" + X_data = [to_numpy(torch.from_numpy(np.load(xi)).float().softmax(dim=0)).astype(np.float16) for xi in X] + Y_data = [read_mask(yi) for yi in y] + print("Loaded data into memory") + return X_data, Y_data + + def fit(self, X, y): + X_data, Y_data = self._prepare_data(X, y) + + loss_partial = partial(self._target_metric_loss, X=X_data, y=Y_data) + initial_coef = [0.5, 1.1, 1.1, 1.1, 1.1] + self.coef_ = sp.optimize.minimize( + loss_partial, initial_coef, method="nelder-mead", options={"maxiter": 100, "xatol": 0.001} + ) + + del X_data, Y_data + return self.coefficients() + + def predict(self, X, y, coef: np.ndarray): + X_data, Y_data = self._prepare_data(X, y) + + coef_exp = np.expand_dims(np.expand_dims(coef, -1), -1) + all_rows = [] + proc_fn = partial(_compute_fn, coef_exp=coef_exp) + + with Pool(self.workers) as wp: + for row in wp.imap_unordered(proc_fn, zip(X_data, Y_data)): + all_rows.append(row) + + score, localization_f1, damage_f1, damage_f1s = CompetitionMetricCallback.compute_metrics(all_rows) + del X_data, Y_data + return score, localization_f1, damage_f1, damage_f1s + + def coefficients(self): + return self.coef_["x"] diff --git a/xview/scheduler.py b/xview/scheduler.py new file mode 100644 index 0000000..225198b --- /dev/null +++ b/xview/scheduler.py @@ -0,0 +1,52 @@ +import torch +from pytorch_toolbelt.optimization.lr_schedules import PolyLR +from torch.optim.lr_scheduler import ( + OneCycleLR, + ExponentialLR, + CyclicLR, + MultiStepLR, + CosineAnnealingLR, + CosineAnnealingWarmRestarts, +) + + +def get_scheduler(scheduler_name: str, optimizer, lr, num_epochs, batches_in_epoch=None): + if scheduler_name is None or scheduler_name.lower() == "none": + return None + + if scheduler_name.lower() == "poly": + return PolyLR(optimizer, num_epochs, gamma=0.9) + + if scheduler_name.lower() == "cos": + return CosineAnnealingLR(optimizer, num_epochs, eta_min=1e-5) + + if scheduler_name.lower() == "cosr": + return CosineAnnealingWarmRestarts(optimizer, T_0=max(2, num_epochs // 4), eta_min=1e-5) + + if scheduler_name.lower() in {"1cycle", "one_cycle"}: + return OneCycleLR( + optimizer, lr_range=(lr, 1e-6, 1e-5), num_steps=batches_in_epoch, warmup_fraction=0.05, decay_fraction=0.1 + ) + + if scheduler_name.lower() == "exp": + return ExponentialLR(optimizer, gamma=0.95) + + if scheduler_name.lower() == "clr": + return CyclicLR( + optimizer, + base_lr=1e-6, + max_lr=lr, + step_size_up=batches_in_epoch // 4, + # mode='exp_range', + gamma=0.99, + ) + + if scheduler_name.lower() == "multistep": + return MultiStepLR( + optimizer, milestones=[int(num_epochs * 0.5), int(num_epochs * 0.7), int(num_epochs * 0.9)], gamma=0.3 + ) + + if scheduler_name.lower() == "simple": + return MultiStepLR(optimizer, milestones=[int(num_epochs * 0.4), int(num_epochs * 0.7)], gamma=0.4) + + raise KeyError(scheduler_name) diff --git a/xview/ssim_loss.py b/xview/ssim_loss.py new file mode 100644 index 0000000..7ff3ca4 --- /dev/null +++ b/xview/ssim_loss.py @@ -0,0 +1,58 @@ +import torch +import torch.nn.functional as F +from torch.autograd import Variable +import numpy as np +from math import exp + + +def gaussian(window_size, sigma): + gauss = torch.Tensor([exp(-(x - window_size // 2) ** 2 / float(2 * sigma ** 2)) for x in range(window_size)]) + return gauss / gauss.sum() + + +def create_window(window_size, channel): + _1D_window = gaussian(window_size, 1.5).unsqueeze(1) + _2D_window = _1D_window.mm(_1D_window.t()).float().unsqueeze(0).unsqueeze(0) + window = _2D_window.expand(channel, 1, window_size, window_size).contiguous() + return window + + +def _ssim(img1, img2, window, window_size, channel, size_average=True): + mu1 = F.conv2d(img1, window, padding=window_size // 2, groups=channel) + mu2 = F.conv2d(img2, window, padding=window_size // 2, groups=channel) + + mu1_sq = mu1.pow(2) + mu2_sq = mu2.pow(2) + mu1_mu2 = mu1 * mu2 + + sigma1_sq = F.conv2d(img1 * img1, window, padding=window_size // 2, groups=channel) - mu1_sq + sigma2_sq = F.conv2d(img2 * img2, window, padding=window_size // 2, groups=channel) - mu2_sq + sigma12 = F.conv2d(img1 * img2, window, padding=window_size // 2, groups=channel) - mu1_mu2 + + C1 = 0.01 ** 2 + C2 = 0.03 ** 2 + + ssim_map = ((2 * mu1_mu2 + C1) * (2 * sigma12 + C2)) / ((mu1_sq + mu2_sq + C1) * (sigma1_sq + sigma2_sq + C2)) + + if size_average: + return 1 - ssim_map.mean() + else: + return 1 - ssim_map.mean(1).mean(1).mean(1) + + +class SSIM(torch.nn.Module): + def __init__(self, channels, window_size=11, size_average=True): + super(SSIM, self).__init__() + self.window_size = window_size + self.size_average = size_average + self.register_buffer("window", create_window(window_size, channels)) + + def forward(self, input: torch.Tensor, target: torch.Tensor): + (_, channel, _, _) = input.size() + + input = input.softmax(dim=1) + + target = F.one_hot(target, channel).permute(0, 3, 1, 2).type_as(input) + + window = self.window.type_as(input) + return _ssim(input, target, window, self.window_size, channel, self.size_average) diff --git a/xview/train_utils.py b/xview/train_utils.py new file mode 100644 index 0000000..cbd83c2 --- /dev/null +++ b/xview/train_utils.py @@ -0,0 +1,63 @@ +import torch + +__all__ = ["report_checkpoint", "clean_checkpoint"] + +from catalyst.dl import CriterionCallback + +from .dataset import UNLABELED_SAMPLE +from .losses import get_loss + + +def report_checkpoint(checkpoint): + print("Epoch :", checkpoint["epoch"]) + + # {'mask_pre/bce': 0.011939526008819881, 'mask_post/ce': 0.039905175798535336, 'loss': 0.05184470175895215, 'jaccard': 0.6682964469961886, '_base/lr': 0.001, + # '_base/momentum': 0.9, '_timers/data_time': 0.2810825881448131, '_timers/model_time': 0.025946252149632927, '_timers/batch_time': 0.3070834094035581, '_timers/_fps': 121.48878000184467, + # 'localization_f1': 0.7123450379603988, 'damage_f1': 0.021565931686082063, 'weighted_f1': 0.22879966356837708, 'jaccard_no-damage': 0.4595737876547124, 'jaccard_minor-damage': 0.7845541293707017, 'jaccard_major-damage': 0.7821522489229876, 'jaccard_destroyed': 0.6469056220363518} + skip_fields = [ + "_base/lr", + "_base/momentum", + "_timers/data_time", + "_timers/model_time", + "_timers/batch_time", + "_timers/_fps", + ] + print( + "Metrics (Train):", [(k, v) for k, v, in checkpoint["epoch_metrics"]["train"].items() if k not in skip_fields] + ) + print( + "Metrics (Valid):", [(k, v) for k, v, in checkpoint["epoch_metrics"]["valid"].items() if k not in skip_fields] + ) + + +def clean_checkpoint(src_fname, dst_fname): + checkpoint = torch.load(src_fname) + + keys = ["criterion_state_dict", "optimizer_state_dict", "scheduler_state_dict"] + + for key in keys: + if key in checkpoint: + del checkpoint[key] + + torch.save(checkpoint, dst_fname) + + +def get_criterion_callback(loss_name, input_key, output_key, prefix=None, loss_weight=1.0, ignore_index=UNLABELED_SAMPLE): + criterions_dict = {f"{prefix}/{loss_name}": get_loss(loss_name, ignore_index=ignore_index)} + if prefix is None: + prefix = input_key + + criterion_callback = CriterionCallback( + prefix=f"{prefix}/{loss_name}", + input_key=input_key, + output_key=output_key, + criterion_key=f"{prefix}/{loss_name}", + multiplier=float(loss_weight), + ) + + return criterions_dict, criterion_callback, criterion_callback.prefix + +def get_criterion(loss_name, prefix=None, ignore_index=UNLABELED_SAMPLE): + loss = get_loss(loss_name, ignore_index=ignore_index) + prefix = f"{prefix}/{loss_name}" + return loss, prefix diff --git a/xview/utils/combine_jsons.py b/xview/utils/combine_jsons.py new file mode 100644 index 0000000..5271772 --- /dev/null +++ b/xview/utils/combine_jsons.py @@ -0,0 +1,98 @@ +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + +import json + + +def combine_output(pred_polygons, pred_classification, output_file): + """ + :param pred_polygons: the file path to the localization inference output json + :param pre_classification: the file path to the classification inference output json + :param output_file: the file path to store the combined json file + """ + + # Skeleton of the json with null values + output_json = { + "features": {"lng_lat": [], "xy": []}, + "metadata": { + "sensor": "", + "provider_asset_type": "", + "gsd": 0, + "capture_date": "", + "off_nadir_angle": 0, + "pan_resolution": 0, + "sun_azimuth": 0, + "sun_elevation": 0, + "target_azimuth": 0, + "disaster": "", + "disaster_type": "", + "catalog_id": "", + "original_width": 0, + "original_height": 0, + "width": 0, + "height": 0, + "id": "", + "img_name": "", + }, + } + + # Open the classification json + with open(pred_classification) as labels: + label_json = json.load(labels) + + # Open the localization json + with open(pred_polygons) as polys: + poly_json = json.load(polys) + + # Match UUIDs from the two jsons and combine in output_json skeleton + for p in poly_json["features"]["xy"]: + p["properties"]["subtype"] = label_json[p["properties"]["uid"]] + output_json["features"]["xy"].append(p) + + # Finally save out the combined json file + with open(output_file, "w") as out: + json.dump(output_json, out) + + +if __name__ == "__main__": + import argparse + + # Parse command line arguments + parser = argparse.ArgumentParser( + description="""combine_jsons.py: combines the outputs of localization and classification inference into a single output json""" + ) + parser.add_argument( + "--polys", + required=True, + metavar="/path/to/input/polygons.json", + help="Full path to the json from polygonize.py", + ) + parser.add_argument( + "--classes", + required=True, + metavar="/path/to/classifications.json", + help="Full path to the json from tensor_inf.py", + ) + parser.add_argument( + "--output", + required=True, + metavar="/path/to/pred.json", + help="Full path to save the final single output file to", + ) + + args = parser.parse_args() + + # Combining the json based off the uuid assigned at the polygonize stage + combine_output(args.polys, args.classes, args.output) diff --git a/xview/utils/data_finalize.sh b/xview/utils/data_finalize.sh new file mode 100644 index 0000000..58ee049 --- /dev/null +++ b/xview/utils/data_finalize.sh @@ -0,0 +1,105 @@ +#!/bin/bash + +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + +set -euo pipefail + +# this function is called when Ctrl-C is sent +function trap_ctrlc () +{ + # perform cleanup here + echo "Ctrl-C or Error caught...performing clean up" + + if [ -d "$input"/spacenet_gt ]; then + rm -rf "$input"/spacenet_gt + fi + + exit 99 +} + +# initialise trap to call trap_ctrlc function +# when signal 2 (SIGINT) is received +trap "trap_ctrlc" 2 9 13 3 + +help_message () { + printf "${0}: Moves files around for the spacenet model to train\n\t-i /path/to/xBD/ \n\t-s split percentage to go to train\n\t-x /path/to/xview-2/repository/\n\t(Note: this script expects mask_polygons.py to have ran first to create labels)\n\n" +} + +# Checking for `bc` first (users reported that wasn't installed on some systems) +if ! [ -x "$(command -v bc)" ]; then + echo 'Error: bc is not installed, please install before continuing.' >&2 + exit 98 +fi + +if [ $# -lt 3 ]; then + help_message + exit 1 +fi + +while getopts "i:s:x:h" OPTION +do + case $OPTION in + h) + help_message + exit 1 + ;; + i) + input="$OPTARG" + ;; + s) + split="$OPTARG" + ;; + x) + XBDIR="$OPTARG" + ;; + esac +done + + +# Get list of disasters to iterate over +disasters=`/bin/ls -1 "$input"` + +# Making the spacenet training directory +mkdir -p "$input"/spacenet_gt/images +mkdir -p "$input"/spacenet_gt/labels +mkdir -p "$input"/spacenet_gt/dataSet + +# for each disaster, copy the pre images and labels to the spacenet training directory +for disaster in $disasters; do + masks=`/bin/ls -1 "$input"/"$disaster"/masks` + for mask in $masks; do + cp "$input"/"$disaster"/masks/$mask "$input"/spacenet_gt/labels + cp "$input"/"$disaster"/images/$mask "$input"/spacenet_gt/images + done +done + +# Listing all files to do the split +cd "$input"/spacenet_gt/dataSet/ +touch all_images.txt +/bin/ls -1 "$input"/spacenet_gt/images > all_images.txt + +line_count=`cat all_images.txt | wc -l` +lines_to_split=$(bc -l <<< "$line_count"*"$split") +split -l `awk -F. '{print $1}' <<< $lines_to_split` all_images.txt + +mv ./xaa train.txt +mv ./xab val.txt +rm all_images.txt + +# Running the mean creation code over the images +python "$XBDIR"/spacenet/src/features/compute_mean.py "$input"/spacenet_gt/dataSet/train.txt --root "$input"/spacenet_gt/images/ --output "$input"/spacenet_gt/dataSet/mean.npy + +echo "Done!" diff --git a/xview/utils/inference.sh b/xview/utils/inference.sh new file mode 100644 index 0000000..bbe6b2c --- /dev/null +++ b/xview/utils/inference.sh @@ -0,0 +1,175 @@ +#!/bin/bash + +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + +set -euo pipefail + +# this function is called when Ctrl-C is sent +function trap_ctrlc () +{ + # perform cleanup here + echo "Ctrl-C or Error caught...performing clean up check /tmp/inference.log" + + if [ -d /tmp/inference ]; then + rm -rf /tmp/inference + fi + + exit 99 +} + +# initialise trap to call trap_ctrlc function +# when signal 2 (SIGINT) is received +trap "trap_ctrlc" 2 9 13 3 + +help_message () { + printf "${0}: Runs the polygonization in inference mode\n\t-x: path to xview-2 repository\n\t-i: /full/path/to/input/pre-disaster/image.png\n\t-p: /full/path/to/input/post-disaster/image.png\n\t-o: /path/to/output.png\n\t-l: path/to/localization_weights\n\t-c: path/to/classification_weights\n\t-e /path/to/virtual/env/activate\n\t-y continue with local environment and without interactive prompt\n\n" +} + +input="" +input_post="" +inference_base="/tmp/inference" +LOGFILE="/tmp/inference_log" +XBDIR="" +virtual_env="" +localization_weights="" +classification_weights="" +continue_answer="n" + +if [ "$#" -lt 13 ]; then + help_message + exit 1 +fi + +while getopts "i:p:o:x:l:e:c:hy" OPTION +do + case $OPTION in + h) + help_message + exit 0 + ;; + y) + continue_answer="y" + ;; + o) + output_file="$OPTARG" + ;; + x) + XBDIR="$OPTARG" + virtual_env="$XBDIR/bin/activate" + ;; + i) + input="$OPTARG" + ;; + p) + input_post="$OPTARG" + ;; + l) + localization_weights="$OPTARG" + ;; + c) + classification_weights="$OPTARG" + ;; + e) + virtual_env="$OPTARG" + ;; + ?) + help_message + exit 0 + ;; + esac +done + +# Create the output directory if it doesn't exist +mkdir -p "$inference_base" + +if ! [ -f "$LOGFILE" ]; then + touch "$LOGFILE" +fi + +printf "==========\n" >> "$LOGFILE" +echo `date +%Y%m%dT%H%M%S` >> "$LOGFILE" +printf "\n" >> "$LOGFILE" + +input_image=${input##*/} + +label_temp="$inference_base"/"${input_image%.*}"/labels +mkdir -p "$label_temp" + +printf "\n" + +printf "\n" + +# Run in inference mode +# Because of the models _have_ to be in the correct directory, they use relative paths to find the source (e.g. "../src") +# sourcing the virtual environment packages if they exist +# this is *necessary* or all packages must be installed globally +if [ -f "$virtual_env" ]; then + source "$virtual_env" +else + if [ "$continue_answer" = "n" ]; then + printf "Error: cannot source virtual environment \n\tDo you have all the dependencies installed and want to continue? [Y/N]: " + read continue_answer + if [ "$continue_answer" == "N" ]; then + exit 2 + fi + fi +fi + +cd "$XBDIR"/spacenet/inference/ + +# Quietly running the localization inference to output a json with the predicted polygons from the supplied input image +printf "Running localization\n" +python3 ./inference.py --input "$input" --weights "$localization_weights" --mean "$XBDIR"/weights/mean.npy --output "$label_temp"/"${input_image%.*}".json >> "$LOGFILE" 2>&1 + +printf "\n" >> "$LOGFILE" + +# Classification inferences start below +cd "$XBDIR"/model + +# Replace the pre image here with the post +# We need to do this so the classification inference pulls the images from the post +# Since post is where the damage occurs +printf "Grabbing post image file for classification\n" +disaster_post_file="$input_post" + +mkdir -p "$inference_base"/output_polygons + +printf "Running classification\n" + +# Extracting polygons from post image +python3 ./process_data_inference.py --input_img "$disaster_post_file" --label_path "$label_temp"/"${input_image%.*}".json --output_dir "$inference_base"/output_polygons --output_csv "$inference_base"/output.csv >> "$LOGFILE" 2>&1 + +# Classifying extracted polygons +python3 ./damage_inference.py --test_data "$inference_base"/output_polygons --test_csv "$inference_base"/output.csv --model_weights "$classification_weights" --output_json /tmp/inference/classification_inference.json >> "$LOGFILE" 2>&1 + +printf "\n" >> "$LOGFILE" + +# Combining the predicted polygons with the predicted labels, based off a UUID generated during the localization inference stage +printf "Formatting json and scoring image\n" +python3 "$XBDIR"/utils/combine_jsons.py --polys "$label_temp"/"${input_image%.*}".json --classes /tmp/inference/classification_inference.json --output "$inference_base/inference.json" >> "$LOGFILE" 2>&1 +printf "\n" >> "$LOGFILE" + +# Transforming the inference json file to the image required for scoring +printf "Finalizing output file" +python3 "$XBDIR"/utils/inference_image_output.py --input "$inference_base"/inference.json --output "$output_file" >> "$LOGFILE" 2>&1 + +#Cleaning up by removing the temporary working directory we created +printf "Cleaning up\n" +rm -rf "$inference_base" + +printf "==========\n" >> "$LOGFILE" +printf "Done!\n" + diff --git a/xview/utils/inference_image_output.py b/xview/utils/inference_image_output.py new file mode 100644 index 0000000..36cf785 --- /dev/null +++ b/xview/utils/inference_image_output.py @@ -0,0 +1,187 @@ +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + + +import json +from typing import List, Tuple + +from shapely import wkt +from shapely.geometry import Polygon +import numpy as np +from cv2 import fillPoly, imwrite + +from PIL import Image + + +def open_json(json_file_path): + """ + :param json_file_path: path to open inference json file + :returns: the json data dictionary of localized polygon and their classifications + """ + + with open(json_file_path) as jf: + json_data = json.load(jf) + inference_data = json_data["features"]["xy"] + return inference_data + + +def resize_mask_one_hot(mask, size): + import albumentations as A + import cv2 + + mask = np.squeeze(mask,-1) + one_hot_mask = (np.arange(mask.max() + 1) == mask[..., None]).astype(np.float32) + + resize_op = A.Resize(size[0], size[1], interpolation=cv2.INTER_LINEAR) + image_resized = resize_op(image=one_hot_mask)["image"] + + mask = np.argmax(image_resized, axis=2).astype(mask.dtype) + return mask + + +def create_image(inference_data) -> np.ndarray: + """ + :params inference_data: json data dictionary of localized polygon and their classifications + :returns: an numpy array of 8-bit grey scale image with polygons filled in according to the key provided + """ + + damage_key = {"un-classified": 1, "no-damage": 1, "minor-damage": 2, "major-damage": 3, "destroyed": 4} + + mask_img = np.zeros((1024, 1024, 1), np.uint8) + + for poly in inference_data: + damage = poly["properties"].get("subtype", "no-damage") + coords = wkt.loads(poly["wkt"]) + poly_np = np.array(coords.exterior.coords, np.int32) + + fillPoly(mask_img, [poly_np], damage_key[damage]) + + return mask_img + + +def create_instance_image(inference_data) -> Tuple[np.ndarray, List[int]]: + """ + :params inference_data: json data dictionary of localized polygon and their classifications + :returns: an numpy array of 16-bit grey scale image with polygons filled in according to the key provided + """ + + damage_key = {"un-classified": 1, "no-damage": 1, "minor-damage": 2, "major-damage": 3, "destroyed": 4} + + mask_img = np.zeros((1024, 1024), np.uint16) + + damage_labels = [] + for poly_index, poly in enumerate(inference_data): + damage = poly["properties"].get("subtype", "no-damage") + damage_label = damage_key[damage] + damage_labels.append(damage_label) + + coords = wkt.loads(poly["wkt"]) + poly_np = np.array(coords.exterior.coords, np.int32) + + fillPoly(mask_img, [poly_np], poly_index + 1) + + return mask_img, damage_labels + + +def colorize_mask(mask, color_map=None): + """ + Attaches a color palette to a PIL image. So long as the image is saved as a PNG, it will render visibly using the + provided color map. + :param mask: PIL image whose values are only 0 to 4 inclusive + :param color_map: np.ndarray or list of 3-tuples with 5 rows + :return: + """ + if len(mask.shape) == 3: + mask = np.squeeze(mask, -1) + mask = Image.fromarray(mask, "L") + + color_map = color_map or np.array( + [ + (0, 0, 0), # 0=background + (0, 255, 0), # no damage (or just 'building' for localization) (green) + (255, 255, 0), # minor damage (yellow) + (255, 128, 0), # major damage (red) + (255, 0, 0), # destroyed (red) + (127, 127, 127), # Unlabeled + ] + ) + assert color_map.shape == (6, 3) + mask.putpalette(color_map.astype(np.uint8)) + return mask + + +def make_rgb_image(mask): + + color_map = np.array( + [ + (0, 0, 0), # 0=background + (0, 255, 0), # no damage (or just 'building' for localization) (green) + (255, 255, 0), # minor damage (yellow) + (255, 128, 0), # major damage (red) + (255, 0, 0), # destroyed (red) + (127, 127, 127), # Unlabeled + ], dtype=np.uint8 + ) + + mask_rgb = color_map[mask] + return mask_rgb + +def save_image(polygons, output_path): + """ + :param polygons: np array with filled in polygons from create_image() + :param output_path: path to save the final output inference image + """ + mask = colorize_mask(polygons) + mask.save(output_path) + + # Output the filled in polygons to an image file + # imwrite(output_path, polygons) + + +def create_inference_image(json_input_path, image_output_path): + """ + :param json_input_path: Path to output inference json file + :param image_outut_pat: Path to save the final inference image + """ + + # Getting the inference data from the localization and classification + inference_data = open_json(json_input_path) + + # Filling in the polygons and readying the image format + polygon_array = create_image(inference_data) + + # Saving the image to the desired location + save_image(polygon_array, image_output_path) + return polygon_array + + +if __name__ == "__main__": + import argparse + + # Parse command line arguments + parser = argparse.ArgumentParser( + description="""inference_image_output.py: Takes the inference localization and classification final outputs in json from and outputs an image ready to be scored based off the challenge parameters""" + ) + parser.add_argument( + "--input", required=True, metavar="/path/to/final/inference.json", help="Full path to the final inference json" + ) + parser.add_argument( + "--output", required=True, metavar="/path/to/inference.png", help="Full path to save the image to" + ) + + args = parser.parse_args() + + # Creating the scoring image + create_inference_image(args.input, args.output) diff --git a/xview/utils/mask_polygons.py b/xview/utils/mask_polygons.py new file mode 100644 index 0000000..dcd0429 --- /dev/null +++ b/xview/utils/mask_polygons.py @@ -0,0 +1,275 @@ +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + + +import json +from os import path, walk, makedirs +from sys import exit, stderr + +from cv2 import fillPoly, imwrite +import numpy as np +from shapely import wkt +from shapely.geometry import mapping, Polygon +from skimage.io import imread +from tqdm import tqdm + +# import imantics + +# This removes the massive amount of scikit warnings of "low contrast images" +import warnings + +warnings.filterwarnings("ignore", category=UserWarning) + + +def get_dimensions(file_path): + """ + :param file_path: The path of the file + :return: returns (width,height,channels) + """ + # Open the image we are going to mask + pil_img = imread(file_path) + img = np.array(pil_img) + w, h, c = img.shape + return (w, h, c) + + +def mask_polygons_separately(size, shapes): + """ + :param size: A tuple of the (width,height,channels) + :param shapes: A list of points in the polygon from get_feature_info + :returns: a dict of masked polygons with the shapes filled in from cv2.fillPoly + """ + # For each WKT polygon, read the WKT format and fill the polygon as an image + masked_polys = {} + + for u in shapes: + sh = shapes[u] + mask_img = np.zeros(size, np.uint8) + i = fillPoly(mask_img, [sh], (255, 255, 255)) + masked_polys[u] = i + + return masked_polys + + +def mask_polygons_together(size, shapes): + """ + :param size: A tuple of the (width,height,channels) + :param shapes: A list of points in the polygon from get_feature_info + :returns: A numpy array with the polygons filled 255s where there's a building and 0 where not + """ + # For each WKT polygon, read the WKT format and fill the polygon as an image + mask_img = np.zeros(size, np.uint8) + + for u in shapes: + blank = np.zeros(size, np.uint8) + poly = shapes[u] + fillPoly(blank, [poly], (1, 1, 1)) + mask_img += blank + + # Here we are taking the overlap (+=) and squashing it back to 0 + mask_img[mask_img > 1] = 0 + + # Finally we are taking all 1s and making it pure white (255) + mask_img[mask_img == 1] = 255 + + return mask_img + + +def mask_polygons_together_with_border(size, shapes, border): + """ + :param size: A tuple of the (width,height,channels) + :param shapes: A list of points in the polygon from get_feature_info + :returns: a dict of masked polygons with the shapes filled in from cv2.fillPoly + """ + + # For each WKT polygon, read the WKT format and fill the polygon as an image + mask_img = np.zeros(size, np.uint8) + + for u in shapes: + blank = np.zeros(size, np.uint8) + # Each polygon stored in shapes is a np.ndarray + poly = shapes[u] + + # Creating a shapely polygon object out of the numpy array + polygon = Polygon(poly) + + # Getting the center points from the polygon and the polygon points + (poly_center_x, poly_center_y) = polygon.centroid.coords[0] + polygon_points = polygon.exterior.coords + + # Setting a new polygon with each X,Y manipulated based off the center point + shrunk_polygon = [] + for (x, y) in polygon_points: + if x < poly_center_x: + x += border + elif x > poly_center_x: + x -= border + + if y < poly_center_y: + y += border + elif y > poly_center_y: + y -= border + + shrunk_polygon.append([x, y]) + + # Transforming the polygon back to a np.ndarray + ns_poly = np.array(shrunk_polygon, np.int32) + + # Filling the shrunken polygon to add a border between close polygons + fillPoly(blank, [ns_poly], (1, 1, 1)) + mask_img += blank + + mask_img[mask_img > 1] = 0 + mask_img[mask_img == 1] = 255 + return mask_img + + +def save_masks(masks, output_path, mask_file_name): + """ + :param masks: dictionary of UID:masked polygons from mask_polygons_separately() + :param output_path: path to save the masks + :param mask_file_name: the file name the masks should have + """ + # For each filled polygon, write out a separate file, increasing the name + for m in masks: + final_out = path.join(output_path, mask_file_name + "_{}.png".format(m)) + imwrite(final_out, masks[m]) + + +def save_one_mask(masks, output_path, mask_file_name): + """ + :param masks: list of masked polygons from the mask_polygons_separately function + :param output_path: path to save the masks + :param mask_file_name: the file name the masks should have + """ + # For each filled polygon, write the mask shape out to the file per image + mask_file_name = path.join(output_path, mask_file_name + ".png") + imwrite(mask_file_name, masks) + + +def read_json(json_path): + """ + :param json_path: path to load json from + :returns: a python dictionary of json features + """ + annotations = json.load(open(json_path)) + return annotations + + +def get_feature_info(feature): + """ + :param feature: a python dictionary of json labels + :returns: a list mapping of polygons contained in the image + """ + # Getting each polygon points from the json file and adding it to a dictionary of uid:polygons + props = {} + + for feat in feature["features"]["xy"]: + feat_shape = wkt.loads(feat["wkt"]) + coords = list(mapping(feat_shape)["coordinates"][0]) + props[feat["properties"]["uid"]] = np.array(coords, np.int32) + + return props + + +def mask_chips(json_path, images_directory, output_directory, single_file, border): + """ + :param json_path: path to find multiple json files for the chips + :param images_directory: path to the directory containing the images to be masked + :param output_directory: path to the directory where masks are to be saved + :param single_file: a boolean value to see if masks should be saved a single file or multiple + """ + # For each feature in the json we will create a separate mask + # Getting all files in the directory provided for jsons + jsons = [j for j in next(walk(json_path))[2] if "_pre" in j] + + # After removing non-json items in dir (if any) + for j in tqdm([j for j in jsons if j.endswith("json")], unit="poly", leave=False): + # Our chips start off in life as PNGs + chip_image_id = path.splitext(j)[0] + ".png" + mask_file = path.splitext(j)[0] + + # Loading the per chip json + j_full_path = path.join(json_path, j) + chip_json = read_json(j_full_path) + + # Getting the full chip path, and loading the size dimensions + chip_file = path.join(images_directory, chip_image_id) + chip_size = get_dimensions(chip_file) + + # Reading in the polygons from the json file + polys = get_feature_info(chip_json) + + # Getting a list of the polygons and saving masks as separate or single image files + if len(polys) > 0: + if single_file: + if border > 0: + masked_polys = mask_polygons_together_with_border(chip_size, polys, border) + else: + masked_polys = mask_polygons_together(chip_size, polys) + save_one_mask(masked_polys, output_directory, mask_file) + else: + masked_polys = mask_polygons_separately(chip_size, polys) + save_masks(masked_polys, output_directory, mask_file) + + +if __name__ == "__main__": + import argparse + + # Parse command line arguments + parser = argparse.ArgumentParser( + description="""mask_polygons.py: Takes in xBD dataset and masks polygons in the image (make sure you've ran chip_masks.py first)\n\n + WARNING: This could lead to hundreds of output images per input\n""" + ) + + parser.add_argument( + "--input", required=True, metavar="/path/to/xBD/", help='Path to parent dataset directory "xBD"' + ) + parser.add_argument( + "--single-file", + action="store_true", + help="use to save all masked polygon instances to a single file rather than one polygon per mask file", + ) + parser.add_argument( + "--border", + default=0, + type=int, + metavar="positive integer for pixel border (e.g. 1)", + help="Positive integer used to shrink the polygon by", + ) + + args = parser.parse_args() + + # Getting the list of the disaster types under the xBD directory + disasters = next(walk(args.input))[1] + + for disaster in tqdm(disasters, desc="Masking", unit="disaster"): + # Create the full path to the images, labels, and mask output directories + image_dir = path.join(args.input, disaster, "images") + json_dir = path.join(args.input, disaster, "labels") + output_dir = path.join(args.input, disaster, "masks") + + if not path.isdir(image_dir): + print("Error, could not find image files in {}.\n\n".format(image_dir), file=stderr) + exit(2) + + if not path.isdir(json_dir): + print("Error, could not find labels in {}.\n\n".format(json_dir), file=stderr) + exit(3) + + if not path.isdir(output_dir): + makedirs(output_dir) + + mask_chips(json_dir, image_dir, output_dir, args.single_file, args.border) diff --git a/xview/utils/split_into_disasters.py b/xview/utils/split_into_disasters.py new file mode 100644 index 0000000..d53c59c --- /dev/null +++ b/xview/utils/split_into_disasters.py @@ -0,0 +1,80 @@ +##################################################################################################################################################################### +# xView2 # +# Copyright 2019 Carnegie Mellon University. # +# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN "AS-IS" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO # +# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # +# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # +# TRADEMARK, OR COPYRIGHT INFRINGEMENT. # +# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. # +# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use # +# and distribution. # +# This Software includes and/or makes use of the following Third-Party Software subject to its own license: # +# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. # +# DM19-0988 # +##################################################################################################################################################################### + +from os import walk, path, makedirs +from shutil import copy2 as cp + + +def get_files(base_dir): + # Minmizing (halfing) list to just pre image files + base_dir = path.join(base_dir, "images") + files = [f for f in next(walk(base_dir))[2] if "pre" in f] + + return files + + +def move_files(files, base_dir, output_dir): + for filename in files: + disaster = filename.split("_")[0] + + # If the output directory and disater name do not exist make the directory + if not path.isdir(path.join(output_dir, disaster)): + makedirs(path.join(output_dir, disaster)) + + # Check if the images directory exists + if not path.isdir(path.join(output_dir, disaster, "images")): + # If not create it + makedirs(path.join(output_dir, disaster, "images")) + + # Move the pre and post image to the images directory under the disaster name + cp(path.join(base_dir, "images", filename), path.join(output_dir, disaster, "images", filename)) + post_file = filename.replace("_pre_", "_post_") + cp(path.join(base_dir, "images", post_file), path.join(output_dir, disaster, "images", post_file)) + + # Check if the label directory exists + if not path.isdir(path.join(output_dir, disaster, "labels")): + # If not create it + makedirs(path.join(output_dir, disaster, "labels")) + + pre_label_file = filename.replace("png", "json") + # Move the pre and post label files to the labels directory under the disaster name + cp(path.join(base_dir, "labels", pre_label_file), path.join(output_dir, disaster, "labels", pre_label_file)) + post_label_file = pre_label_file.replace("_pre_", "_post_") + cp(path.join(base_dir, "labels", post_label_file), path.join(output_dir, disaster, "labels", post_label_file)) + + +if __name__ == "__main__": + import argparse + + parser = argparse.ArgumentParser( + description="split_into_disasters.py: Splits files under a single directory (with images/ and labels/ into directory of disasters/images|labels for the base submission pipeline (copies files)" + ) + parser.add_argument( + "--input", + required=True, + metavar="/path/to/dataset/train", + help="Full path to the train (or any other directory) with /images and /labels", + ) + parser.add_argument( + "--output", + required=True, + metavar="/path/to/output/xBD", + help="Full path to the output root dataset directory, will create disaster/images|labels under this directory", + ) + + args = parser.parse_args() + + files = get_files(args.input) + move_files(files, args.input, args.output) diff --git a/xview/utils/view_polygons.ipynb b/xview/utils/view_polygons.ipynb new file mode 100644 index 0000000..25b9098 --- /dev/null +++ b/xview/utils/view_polygons.ipynb @@ -0,0 +1,367 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "#####################################################################################################################################################################\n", + "# xView2 #\n", + "# Copyright 2019 Carnegie Mellon University. #\n", + "# NO WARRANTY. THIS CARNEGIE MELLON UNIVERSITY AND SOFTWARE ENGINEERING INSTITUTE MATERIAL IS FURNISHED ON AN \"AS-IS\" BASIS. CARNEGIE MELLON UNIVERSITY MAKES NO #\n", + "# WARRANTIES OF ANY KIND, EITHER EXPRESSED OR IMPLIED, AS TO ANY MATTER INCLUDING, BUT NOT LIMITED TO, WARRANTY OF FITNESS FOR PURPOSE OR MERCHANTABILITY, # \n", + "# EXCLUSIVITY, OR RESULTS OBTAINED FROM USE OF THE MATERIAL. CARNEGIE MELLON UNIVERSITY DOES NOT MAKE ANY WARRANTY OF ANY KIND WITH RESPECT TO FREEDOM FROM PATENT, # \n", + "# TRADEMARK, OR COPYRIGHT INFRINGEMENT. #\n", + "# Released under a MIT (SEI)-style license, please see LICENSE.md or contact permission@sei.cmu.edu for full terms. #\n", + "# [DISTRIBUTION STATEMENT A] This material has been approved for public release and unlimited distribution. Please see Copyright notice for non-US Government use #\n", + "# and distribution. #\n", + "# This Software includes and/or makes use of the following Third-Party Software subject to its own license: #\n", + "# 1. SpaceNet (https://github.com/motokimura/spacenet_building_detection/blob/master/LICENSE) Copyright 2017 Motoki Kimura. #\n", + "# DM19-0988 #\n", + "#####################################################################################################################################################################" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "# To Run this notebook, start at the first cell with the license information and click run 4 times to show \n", + "# the field blocks, then input the *full path* to the label, and image. Finally, click \"Create next input\", \n", + "# you'll then see a full sized image with labels overlaid, you will also get different color labels if the\n", + "# label file as damage labels under ['features']['xy'][i]['properties']['subtype'] where i is the polygon \n", + "# in the ['xy'] list " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "hidden": true + }, + "outputs": [], + "source": [ + "from ipywidgets import Layout\n", + "from IPython.display import Javascript, HTML\n", + "import ipywidgets as widgets\n", + "\n", + "def run_all(ev):\n", + " display(Javascript('IPython.notebook.execute_cells_below()'))\n", + "\n", + "path_to_label = widgets.Text(\n", + " placeholder='Label path here',\n", + " description='Label:',\n", + " disabled=False,\n", + " layout=Layout(width='100%')\n", + ")\n", + "path_to_image = widgets.Text(\n", + " placeholder='Image path here',\n", + " description='Image:',\n", + " disabled=False,\n", + " layout=Layout(width='100%')\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "\n", + "The raw code for this IPython notebook is by default hidden for easier reading.\n", + "To toggle on/off the raw code, click here." + ], + "text/plain": [ + "" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "\n", + "HTML('''\n", + "The raw code for this IPython notebook is by default hidden for easier reading.\n", + "To toggle on/off the raw code, click here.''')" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "application/javascript": [ + "IPython.notebook.execute_cells_below()" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "d2be852d23c1454ca6d8b7871ecf5eb5", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Text(value='/tmp/inference/inference.json', description='Label:', layout=Layout(width='100%'), placeholder='La…" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "a4df1b7f08c6433eaba706e160b7956b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Text(value='/Users/rthosfelt/Downloads/xBD/tuscaloosa-tornado/images/tuscaloosa-tornado_00000027_pre_disaster.…" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "1bcd23b318194309bcee1c297b83c4c2", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Button(description='Create next input', style=ButtonStyle())" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "4df43ae86c7847c595ef8deab722b358", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Text(value='', description='Label:', layout=Layout(width='100%'), placeholder='Label path here')" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6d55945ff4664d3bb3341993e0df13f7", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Text(value='', description='Image:', layout=Layout(width='100%'), placeholder='Image path here')" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "9fa49996441e4368bb3c477207577b08", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Button(description='Create next input', style=ButtonStyle())" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "display(path_to_label, path_to_image)\n", + "button = widgets.Button(description=\"Create next input\")\n", + "button.on_click(run_all)\n", + "display(button)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "import json \n", + "from PIL import Image, ImageDraw\n", + "from IPython.display import display\n", + "from shapely import wkt" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: ''", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mpath_to_image_value\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpath_to_image\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvalue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpath_to_label_value\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mimage_json_file\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 6\u001b[0m \u001b[0mimage_json\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mjson\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mimage_json_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: ''" + ] + } + ], + "source": [ + "# Opening and loading polygons from label json \n", + "path_to_label_value = path_to_label.value\n", + "path_to_image_value = path_to_image.value\n", + "\n", + "with open(path_to_label_value, 'rb') as image_json_file:\n", + " image_json = json.load(image_json_file)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "coords = image_json['features']['xy']\n", + "wkt_polygons = []\n", + "\n", + "for coord in coords:\n", + " if 'subtype' in coord['properties']:\n", + " damage = coord['properties']['subtype']\n", + " else:\n", + " damage = 'no-damage'\n", + " wkt_polygons.append((damage, coord['wkt']))\n", + " \n", + "polygons = []\n", + "\n", + "for damage, swkt in wkt_polygons:\n", + " polygons.append((damage, wkt.loads(swkt)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": false + }, + "outputs": [], + "source": [ + "# Loading image\n", + "img = Image.open(path_to_image_value)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "draw = ImageDraw.Draw(img, 'RGBA')\n", + "\n", + "damage_dict = {\n", + " \"no-damage\": (0, 255, 0, 100),\n", + " \"minor-damage\": (0, 0, 255, 125),\n", + " \"major-damage\": (255, 69, 0, 125),\n", + " \"destroyed\": (255, 0, 0, 125),\n", + " \"un-classified\": (255, 255, 255, 125)\n", + "}\n", + "\n", + "for damage, polygon in polygons:\n", + " x,y = polygon.exterior.coords.xy\n", + " coords = list(zip(x,y))\n", + " draw.polygon(coords, damage_dict[damage])\n", + "\n", + "del draw\n", + "\n", + "display(img)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/xview/visualization.py b/xview/visualization.py new file mode 100644 index 0000000..1f7d31e --- /dev/null +++ b/xview/visualization.py @@ -0,0 +1,134 @@ +import cv2 +import torch +from albumentations.augmentations.functional import longest_max_size +from pytorch_toolbelt.utils.torch_utils import rgb_image_from_tensor, to_numpy + +from xview.dataset import ( + INPUT_IMAGE_PRE_KEY, + INPUT_IMAGE_POST_KEY, + INPUT_MASK_PRE_KEY, + OUTPUT_MASK_PRE_KEY, + INPUT_MASK_POST_KEY, + OUTPUT_MASK_POST_KEY, + INPUT_IMAGE_KEY, + INPUT_MASK_KEY, + INPUT_IMAGE_ID_KEY) + +import numpy as np + + +def overlay_image_and_mask(image, mask, class_colors, alpha=0.5): + overlay = image.copy() + for class_index, class_color in enumerate(class_colors): + if class_index == 0: + continue # Skip background + overlay[mask == class_index, :] = class_color + + return cv2.addWeighted(overlay, alpha, image, 1 - alpha, 0) + + +@torch.no_grad() +def draw_predictions( + input: dict, + output: dict, + image_id_key="image_id", + mean=(0.485, 0.456, 0.406), + std=(0.229, 0.224, 0.225), + class_colors=[ + (0, 0, 0), # 0=background + (0, 255, 0), # no damage (or just 'building' for localization) (green) + (255, 255, 0), # minor damage (yellow) + (255, 128, 0), # major damage (red) + (255, 0, 0), # destroyed (red) + (127, 127, 127) + ], + max_images=32 +): + images = [] + + num_images = len(input[image_id_key]) + for i in range(num_images): + image_id = input[INPUT_IMAGE_ID_KEY][i] + image_pre = rgb_image_from_tensor(input[INPUT_IMAGE_KEY][i, 0:3, ...], mean, std) + image_pre = cv2.cvtColor(image_pre, cv2.COLOR_RGB2BGR) + + image_post = rgb_image_from_tensor(input[INPUT_IMAGE_KEY][i, 3:6, ...], mean, std) + image_post = cv2.cvtColor(image_post, cv2.COLOR_RGB2BGR) + + image_pre_gt = image_pre.copy() + image_post_gt = image_post.copy() + + damage_target = to_numpy(input[INPUT_MASK_KEY][i]) + + image_pre_gt = overlay_image_and_mask(image_pre_gt, damage_target, class_colors) + image_post_gt = overlay_image_and_mask(image_post_gt, damage_target, class_colors) + + damage_predictions = to_numpy(output[INPUT_MASK_KEY][i]).argmax(axis=0) + + image_pre = overlay_image_and_mask(image_pre, damage_predictions, class_colors) + image_post = overlay_image_and_mask(image_post, damage_predictions, class_colors) + + overlay_gt = np.column_stack([image_pre_gt, image_post_gt]) + overlay = np.column_stack([image_pre, image_post]) + overlay = np.row_stack([overlay_gt, overlay]) + + overlay = longest_max_size(overlay, 1024, cv2.INTER_LINEAR) + + cv2.putText(overlay, str(image_id), (10, 15), cv2.FONT_HERSHEY_PLAIN, 1, (250, 250, 250)) + images.append(overlay) + if len(images) >= max_images: + break + + return images + + +@torch.no_grad() +def draw_predictions_dual( + input: dict, + output: dict, + image_id_key="image_id", + mean=(0.485, 0.456, 0.406), + std=(0.229, 0.224, 0.225), + class_colors=[ + (0, 0, 0), # 0=background + (0, 255, 0), # no damage (or just 'building' for localization) (green) + (255, 255, 0), # minor damage (yellow) + (255, 128, 0), # major damage (red) + (255, 0, 0), # destroyed (red) + ], +): + images = [] + + num_images = len(input[image_id_key]) + for i, image_id in enumerate(range(num_images)): + image_pre = rgb_image_from_tensor(input[INPUT_IMAGE_PRE_KEY][i], mean, std) + image_pre = cv2.cvtColor(image_pre, cv2.COLOR_RGB2BGR) + + image_post = rgb_image_from_tensor(input[INPUT_IMAGE_POST_KEY][i], mean, std) + image_post = cv2.cvtColor(image_post, cv2.COLOR_RGB2BGR) + + image_pre_gt = image_pre.copy() + image_post_gt = image_post.copy() + + localization_target = to_numpy(input[INPUT_MASK_PRE_KEY][i].squeeze(0)) + damage_target = to_numpy(input[INPUT_MASK_POST_KEY][i]) + + image_pre_gt = overlay_image_and_mask(image_pre_gt, localization_target, class_colors) + image_post_gt = overlay_image_and_mask(image_post_gt, damage_target, class_colors) + + localization_predictions = to_numpy(output[OUTPUT_MASK_PRE_KEY][i].squeeze(0).sigmoid() > 0.5).astype(np.uint8) + damage_predictions = to_numpy(output[OUTPUT_MASK_POST_KEY][i]).argmax(axis=0) + + image_pre = overlay_image_and_mask(image_pre, localization_predictions, class_colors) + image_post = overlay_image_and_mask(image_post, damage_predictions, class_colors) + + overlay_gt = np.column_stack([image_pre_gt, image_post_gt]) + overlay = np.column_stack([image_pre, image_post]) + overlay = np.row_stack([overlay_gt, overlay]) + + overlay = longest_max_size(overlay, 1024, cv2.INTER_LINEAR) + + cv2.putText(overlay, str(image_id), (10, 15), cv2.FONT_HERSHEY_PLAIN, 1, (250, 250, 250)) + images.append(overlay) + + return images diff --git a/xview/xview2_metrics.py b/xview/xview2_metrics.py new file mode 100644 index 0000000..4dc3ef3 --- /dev/null +++ b/xview/xview2_metrics.py @@ -0,0 +1,297 @@ +# xview2 metrics +# +# the total score is calculated a weighted average of the localization f1 score (lf1) and the damage f1 score (df1) +# score = .3 * lf1 + .7 * df1 +# +# the df1 is calculated by taking the harmonic mean of the 4 damage f1 scores (no damage, minor damage, major damage, and destroyed) +# df1 = 4 / sum((f1+epsilon)**-1 for f1 in [no_damage_f1, minor_damage_f1, major_damage_f1, destroyed_f1]), where epsilon = 1e-6 +# +# Abbreviations used in this file: +# l: localization +# d: damage +# p: prediction +# t: target (ground truth) +# x: usually a numpy array + +import os, json + +import numpy as np +import pandas as pd + +from multiprocessing import Pool, cpu_count +from pathlib import Path +from PIL import Image +from typing import Union, List + + +class PathHandler: + def __init__(self, pred_dir: Path, targ_dir: Path, img_id: str, test_hold: str): + """ + Args: + pred_dir (Path): directory of localization and damage predictions + targ_dir (Path): directory of localization and damage targets + img_id (str) : 5 digit string of image id + test_hold (str) : either 'test' or 'hold'. Most likely 'test' unless you have access to holdout set + """ + assert isinstance(pred_dir, Path), f"pred_dir should be of type Path, got {type(pred_dir)}" + assert pred_dir.is_dir(), f"Directory '{pred_dir}' does not exist or is not a directory" + + assert isinstance(targ_dir, Path), f"targ_dir '{targ_dir}' should be of type Path, got {type(pred_dir)}" + assert targ_dir.is_dir(), f"Directory '{targ_dir}' does not exist or is not a directory" + + assert test_hold in ["test", "hold"], f"test_hold '{test_hold}' was not one of 'test' or 'hold'" + + self.lp = pred_dir / f"{test_hold}_localization_{img_id}_prediction.png" # localization prediction + self.dp = pred_dir / f"{test_hold}_damage_{img_id}_prediction.png" # damage prediction + self.lt = targ_dir / f"{test_hold}_localization_{img_id}_target.png" # localization target + self.dt = targ_dir / f"{test_hold}_damage_{img_id}_target.png" # damage target + self.paths = (self.lp, self.dp, self.lt, self.dt) + + def load_and_validate_image(self, path): + assert path.is_file(), f"file '{path}' does not exist or is not a file" + img = np.array(Image.open(path)) + assert img.dtype == np.uint8, f"{path.name} is of wrong format {img.dtype} - should be np.uint8" + assert set(np.unique(img)) <= {0, 1, 2, 3, 4}, f"values must ints 0-4, found {np.unique(img)}, path: {path}" + assert img.shape == (1024, 1024), f"{path} must be a 1024x1024 image" + return img + + def load_images(self): + return [self.load_and_validate_image(path) for path in self.paths] + + +class RowPairCalculator: + """ + Contains all the information and functions necessary to calculate the true positives (TPs), + false negatives (FNs), and false positives (FPs), for a pair of localization/damage predictions + """ + + @staticmethod + def extract_buildings(x: np.ndarray): + """ Returns a mask of the buildings in x """ + buildings = x.copy() + buildings[x > 0] = 1 + return buildings + + @staticmethod + def compute_tp_fn_fp(pred: np.ndarray, targ: np.ndarray, c: int) -> List[int]: + """ + Computes the number of TPs, FNs, FPs, between a prediction (x) and a target (y) for the desired class (c) + + Args: + pred (np.ndarray): prediction + targ (np.ndarray): target + c (int): positive class + """ + TP = np.logical_and(pred == c, targ == c).sum() + FN = np.logical_and(pred != c, targ == c).sum() + FP = np.logical_and(pred == c, targ != c).sum() + return [TP, FN, FP] + + @classmethod + def get_row_pair(cls, ph: PathHandler): + """ + Builds a row of TPs, FNs, and FPs for both the localization dataframe and the damage dataframe. + This pair of rows are built in the same function as damages are only assessed where buildings are predicted. + + Args: + ph (PathHandler): used to load the required prediction and target images + """ + lp, dp, lt, dt = ph.load_images() + lp_b, lt_b, dt_b = map(cls.extract_buildings, (lp, lt, dt)) # convert all damage scores 1-4 to 1 + + dp = dp * lp_b # only give credit to damages where buildings are predicted + dp, dt = dp[dt_b == 1], dt[dt_b == 1] # only score damage where there exist buildings in target damage + + lrow = cls.compute_tp_fn_fp(lp_b, lt_b, 1) + drow = [] + for i in range(1, 5): + drow += cls.compute_tp_fn_fp(dp, dt, i) + return lrow, drow + + +class F1Recorder: + """ + Records the precision and recall when calculating the f1 score. + Read about the f1 score here: https://en.wikipedia.org/wiki/F1_score + """ + + def __init__(self, TP, FP, FN, name=""): + """ + Args: + TP (int): true positives + FP (int): false positives + FN (int): false negatives + name (str): optional name when printing + """ + self.TP, self.FN, self.FP, self.name = TP, FN, FP, name + self.P = self.precision() + self.R = self.recall() + self.f1 = self.f1() + + def __repr__(self): + return f"{self.name} | f1: {self.f1:.4f}, precision: {self.P:.4f}, recall: {self.R:.4f}" + + def precision(self): + """ calculates the precision using the true positives (self.TP) and false positives (self.FP)""" + assert self.TP >= 0 and self.FP >= 0 + if self.TP == 0: + return 0 + else: + return self.TP / (self.TP + self.FP) + + def recall(self): + """ calculates recall using the true positives (self.TP) and false negatives (self.FN) """ + assert self.TP >= 0 and self.FN >= 0 + if self.TP == 0: + return 0 + return self.TP / (self.TP + self.FN) + + def f1(self): + """ calculates the f1 score using precision (self.P) and recall (self.R) """ + assert 0 <= self.P <= 1 and 0 <= self.R <= 1 + if self.P == 0 or self.R == 0: + return 0 + return (2 * self.P * self.R) / (self.P + self.R) + + +class XviewMetrics: + """ + Calculates the xview2 metrics given a directory of predictions and a directory of targets + + Directory of predictions and directory of targets must be two separate directories. These + could be structured as followed: + . + ├── predictions + │ ├── test_damage_00000_prediction.png + │ ├── test_damage_00001_prediction.png + │ ├── test_localization_00000_prediction.png + │ ├── test_localization_00001_prediction.png + │ └── ... + └── targets + ├── test_damage_00000_target.png + ├── test_damage_00001_target.png + ├── test_localization_00000_target.png + ├── test_localization_00001_target.png + └── ... + """ + + def __init__(self, pred_dir, targ_dir): + self.pred_dir, self.targ_dir = Path(pred_dir), Path(targ_dir) + assert self.pred_dir.is_dir(), f"Could not find prediction directory: '{pred_dir}'" + assert self.targ_dir.is_dir(), f"Could not find target directory: '{targ_dir}'" + + self.dmg2str = { + 1: f"No damage (1) ", + 2: f"Minor damage (2) ", + 3: f"Major damage (3) ", + 4: f"Destroyed (4) ", + } + + self.get_path_handlers() + self.get_dfs() + self.get_lf1r() + self.get_df1rs() + + def __repr__(self): + s = "Localization:\n" + s += f" {self.lf1r}\n" + + s += "\nDamage:\n" + for F1Rec in self.df1rs: + s += f" {F1Rec}\n" + s += f" Harmonic mean dmgs | f1: {self.df1:.4f}\n" + + s += "\nScore:\n" + s += f" Score | f1: {self.score:.4f}\n" + return s.rstrip() + + def get_path_handlers(self): + self.path_handlers = [] + for path in self.targ_dir.glob("*.png"): + test_hold, loc_dmg, img_id, target = path.name.rstrip(".png").split("_") + assert loc_dmg in [ + "localization", + "damage", + ], f"target filenames must have 'localization' or 'damage' in filename, got {path}" + assert target == "target", f"{target} should equal 'target' when getting path handlers" + if loc_dmg == "localization": # localization or damage is fine here + self.path_handlers.append(PathHandler(self.pred_dir, self.targ_dir, img_id, test_hold)) + + def get_dfs(self): + """ + builds the localization dataframe (self.ldf) and damage dataframe (self.ddf) from + path handlers (self.path_handlers) + """ + with Pool() as p: + all_rows = p.map(RowPairCalculator.get_row_pair, self.path_handlers) + + lcolumns = ["lTP", "lFN", "lFP"] + self.ldf = pd.DataFrame([lrow for lrow, drow in all_rows], columns=lcolumns) + + dcolumns = ["dTP1", "dFN1", "dFP1", "dTP2", "dFN2", "dFP2", "dTP3", "dFN3", "dFP3", "dTP4", "dFN4", "dFP4"] + self.ddf = pd.DataFrame([drow for lrow, drow in all_rows], columns=dcolumns) + + def get_lf1r(self): + """ localization f1 recorder """ + TP = self.ldf["lTP"].sum() + FP = self.ldf["lFP"].sum() + FN = self.ldf["lFN"].sum() + self.lf1r = F1Recorder(TP, FP, FN, "Buildings") + + @property + def lf1(self): + """ localization f1 """ + return self.lf1r.f1 + + def get_df1rs(self): + """ damage f1 recorders """ + self.df1rs = [] + for i in range(1, 5): + TP = self.ddf[f"dTP{i}"].sum() + FP = self.ddf[f"dFP{i}"].sum() + FN = self.ddf[f"dFN{i}"].sum() + self.df1rs.append(F1Recorder(TP, FP, FN, self.dmg2str[i])) + + @property + def df1s(self): + """ damage f1s """ + return [F1.f1 for F1 in self.df1rs] + + @property + def df1(self): + """ damage f1. Computed using harmonic mean of damage f1s """ + harmonic_mean = lambda xs: len(xs) / sum((x + 1e-6) ** -1 for x in xs) + return harmonic_mean(self.df1s) + + @property + def score(self): + """ xview2 score computed as a weighted average of the localization f1 and damage f1 """ + return 0.3 * self.lf1 + 0.7 * self.df1 + + @classmethod + def compute_score(cls, pred_dir, targ_dir, out_fp): + """ + Args: + pred_dir (str): directory of localization and damage predictions + targ_dir (str): directory of localization and damage targets + out_fp (str): output json - folder must already exist + """ + print(f"Calculating metrics using {cpu_count()} cpus...") + + self = cls(pred_dir, targ_dir) + + d = {"score": self.score, "damage_f1": self.df1, "localization_f1": self.lf1} + d["damage_f1_no_damage"] = self.df1s[0] + d["damage_f1_minor_damage"] = self.df1s[1] + d["damage_f1_major_damage"] = self.df1s[2] + d["damage_f1_destroyed"] = self.df1s[3] + + with open(out_fp, "w") as f: + json.dump(d, f) + print(f"Wrote metrics to {out_fp}") + + +if __name__ == "__main__": + import fire + + fire.Fire(XviewMetrics.compute_score)

    *~QsDh*ER>K>Mpj6oO_XQzT4KJ^fa{jKHX@?@QH zIY-U4L_{B$^cRRrVlC5#8Z4}Jdm+uWHu}~bo{&q{u`Lh_#T*!%R5Y>f+FisCq?4CF zHKLSpJa#pEZpHh_Ek)ggha&T!&e{kUOZv_()jGwrbvet zAw3V4(->ri)#Ic?%n;TV`*@R<-G4P@^aTQiT}8PX>S*}*o65M#X0bUQ=E%Sxz!34s zm6Fb{&cEcsa76YT&TC3Rz>PuD4;LBJ1De^i*`~IsK!3BtZ?|9nmjB20iIDls;%aYt zc@a#AFh{Qjev=FH^v1fU_IML5Wo!NOj&Oi#7`!PBjMt_fYq}D{Ani-1FRW=JNbdRt zm&%pkYiMKq+9GmJC%+q~d zm!iiOhke&)y-Bdx)bv;|aql4#{B(Xf=VZSN3CC?JII5;}(X+B%J0{xsKFL1nw|7B~ zb&khD`noW^P^+#aE-t6Hz4wEiZUzssstwZ;EgWfyqVi`dg6BJb3C##yLZ-p8f{3ln z(SEs%6brhq#@76nqgL!hy_ROoc0^${xExwuW@9v#67ReFvGB<(9RBR!_`cF5xy@NU z`xb4Eo0fP-g~v;oLL7}3aYO!O<3`#0%-W9KE*s2MPx*D`$EGZY$A#5 zpFezn^-bu!+{dlV8%F&2%7XaJ&F4Wie4!oRkL&5Ho^|52dsxlye3;0}y+>%g*RQ|O z3x69YL@OBUY4Tcq0}4;aRt)JV2z$?IW?xs)x^&U@v^#$p)SEOAqAR66*{LXmVZ?v` zBePbZ*Bj$$I`KS%ade^}avHlFrN0u6384n#K@NdZ!^qv;U zj`Q21{#E|P<1T4!-=oA(7V2)vq+dx*-cysslfJBcD_8JW`4u?f%G0%U%xBS{qy^J{ z*h{**)3qp>5{l_HRG=2erE4lED8G@lIGzW`<}FI!ay6A^f2W9M(bKfOW>?poAAqRxj&aM#3(ow7;0axK3ma?b+URMn_(+ww4hv_Snyi*JE!?x{*HO-#2<{-3oULu7 zZY9s!FRMy>lUPL@>G6^`;J2yW&p##O7uE}j&s2eQ>{&+5dDK+MgS2UU!Cmy@=BLIg zR2J>Rjq~oblSW{B*X(&d@{)JK)AZC{;`MR2OHJZ##zv3N=lHm%ZAdMb^?Vg#M~YYT zK9b-yp^WL@W8P61(g_uTk8MSJPaTr|Vv8af{mmk@cYpmzJhGJ`T(W-AapUAA}^q6o-4weQfUUkB|H3+o<&bbK&YXGCCPpr5Rc%(EJ@?`{*GW3DWRQzH&VF<*eX^502ix`}1y#L`YpA3Nc z54HaIaM!w<-nZ?C1+g%F>6+fel#C^a*Sdq1_cBi=OI`y^>SiIbbF;$Wk-Ro^ck-@l zD1gRRXfI67V^g3g+tGZQUU08x9MN>zV)BYzEKfmRR-n55PveSql*4jc7I};+ibv#xu`AU;p|>G#~Dju)DKTv~FggDO2Sh#a2 z>BsoZC1vLp)Lh}?A^j>niq`4KFWxbhzofvSCcNl&RJgC~;(q18{9sXA43LI?n+a0A zSpG-Yk&qz>!u(GfbD>9~kw5L>-E-Fm-CiLhP!0z4#Ad|ghu2x zt#<7#OU#XUY-7WPZyE= zB*3GD%~PM=#7p=*C}U z>;_jb36NZ;>S1bf*U3l>uBv(9+QGf(6-5rAADwtVzr0x6a}b(c6K5ux<3DE@O;E-L zg{}|LE=cwMz(}Q<5AM2(ml#q8v0ULb=~cM~m|FTpcS#Jf4!N$F9?@1KB9yhXd#udP zh96T9WtV^$0a&Ds1Kj(1zdoj_~l zZ1&7j;tOMh+F>Ib%ls>+L-j&WD~!@`efMJn`Cvo(@gxpCOVJ7Uwny z`KNyA@@Hf(YuKu}X*WQzZGInlEjkzxsWX7_7Fz?3a*DB$b zDigGANrxG(ZMHW^q>Owep?hUT?HC$N%32EX za{fI&esQ+))b@0f|9Jg~Xsv}m_%b4bO!EUgKJ)u@b*^?l+@K>fUqPN!oj&A~uDqP2b zd(|y0euQyO`2dv@lM-i;rrm$gc;y4hXy3U?F7WtWYm$cn(RbDG)%;pU zO6xG0#a#0NYD$AZIj6s{VDz7oJ%~G#c(Sbg2P|FIos>*@bmDZrsgmQ$17V)YgS!2i z)qAX;BzD(Ku3B-rv%w*cTtzRCCOCB_+AeO6V&9u~v8VWv4}QT?lBW@Nbqqj@60G9_ zsTrrd>-^N9NmX6;<>PVN z!}{C#zY=g<HmFI7BE!gnKB-?b+s(TWm9Jgn)ERJgEoy9aA&(ck`RP9e8 z>m0Avse<+7Ikyw%x4DtrAIB+KxB?9Hm}*P;>3;vE!TIzYB2X}~S-rC6scxkSqw)-} zP|QD&L`h9RHOtb&V+QE|J8@TN~pO>t~TM$mKPN4&#oNHCwUVR*fGDje{d4G zO;9Tjm?hViT}*0qd4chpJUn}leynNZO?c%^yv;wH#cD`RF8YxL;CF^}Bub6yxLM2@ z1}whqSzeZ;)LVV2kql~XDx;qvMoE6MtU>J}I^w!wmhXPL#Kw&2)O$Z05gJB<>+HSH zkJJqHUU7<3EmHAgTK@VyesoyAY_kX1LL`Gj@}SA-vNh1wFRmMiZSIm1D$k_+d?ocw zzNgd6WfUCv(P*F;B?XI^j?Erheg){H#cYT19q=y*kmx`a$iagO{#vl25cG;MSxF zb3M|+`QrB4XR7x|j|&mG`n9`9?hhOCzN-RK3R(GC*Eb&Y$=J6S?RZo@+xAeCl#bk0 z>w*vBRxw|)QOV)i4J!RSIg=4$cpXgeCW%S1UB_4&>MrDEoXxn3RDrL(ENK=S#s^&1SFDmuxI<*Zwm%+_fx*(PeDSynA%coOyC1sO zvvJSX$v+u?t&H)Ep)2BP!)VwJY|U~dX6gqMKC+BopMvbWZ{_d>o5(vak84N0#vhu< zZ~V2&)xuS2i}K)6D&5rADuJYKm%A(4e_hMz7W82DGAXx@-tn9QdgE3bD*C4Cn|JF> zEP+oyd!4=**UV{pZ6R!|^+=fI1p&|OLhhK>Oi^Q4)PJZxc1>dS4)1Qs=tlJYeO9$@*l4*@s8uWS`V1% z&Ii1#6aLm*nwvWJubLiIdNO`fxaS)D?iUN5FkFV{rPl@j=P3+Lc#k6l`Sp6qDl_&N zSG6yQ@jp381jdi8ldCx^S-;cTHot~aQaAx#$ui@sCy!Tm-%tOlyb?3{>llCB z90DoiE**fh#we(myiW1DgT=yoZ*8A}j0i8BILqd5OEYO28w4mFg#apOHdZl@lTg0- z6-#AdoYVKLqrkb&60f>rQtU$b3u}%561yy}Wc$UGI5|3*!9qzUd_W}aE$u-DQ}Xr! zpBqf4vfxPi|FZylwCFj7Wr%K=u@ozzRLeqFXd3O!Va6LM;%#vMNYV3=-1&~S#)6a3 zZUiKSLQ>0kdCJOe+(?XHh@$y$B_eNkVEn-zC@`G|m{RIcj#*#Peq^P3Vrq z#_A91m%%|5m%;0;C(=^?Eejy3Yg*RSYFMnD&`xOf&$8=bmG=*K$*4P;erm>t6%<7G zq+k6B#uQRmvX%dI>GpJhcIO~Dz_&rBt&osFsT%{?`xUL5MG$rPFBt8q3yEEytoljY zk*J!G8qh^eOzm}{>qt<0Hf|Gng0Ut3QmYx--R}DPAgw;V$7F-UmCx2RbLkE&ZNyp< zD&F&{+eA6CJ0w690CaV$Di2Ghu{Lru-fc{}keXpdI{+(Ki04n*#efA~37PxfJtLO% zL!&>3Wvx!&2`#|WJF;&f2%VS_gaoRw3(>Z|Cd36S;h8E6rS}lYlcxaxW)&gRn6vT&Rqg0eX<}=%1dZwUWO=49aQP$CU^Mnyh!D48;9|~ zWz0cW4W>o+YzIzUPeNhs>=Cz5ZHN@h#3z88$vJ$@R;8N@jjZ#BY)*i=*6 z<;S9uAK3268~CkLS+LTB*QPo$FN0)!DDezg`WV3%*=?fHa1s6!7KqYLmf6_kz(Cl< zX2xt-l*95J%ZInW9JKwY6S1i+R7pnmAQM7E?xJSs1b)Lv`G*rI$LqaiHH+?QM~!P( zta7;PiE|ye!=44TS){eoW8&zj;izH66m28*F=4DJ16nGa0gW@$wtGdH#ph6<1$Rb| zSync`yB~KMn#AvEcX+w|)Z`O%sk!G479(EJ{x+lolt5C1cPelk0$-N6!LjfXpeu zkuo{e}cQoG}Z2N{JE-7ivF6R6isjQ}MI>2Jvu?s^n-1!--t|1R8*HI71fwR8x zO00W19){q9%w@#CccJ3lpPOI*?kq9!=fjTq^rmmxG`%gL?*Ms?Y=CFqON*x?H%-Q`xk|P_Cha+0HTjfkO5*vsbBf6FBZAir#c6MpsY!RxzFyaax!8p= z)Y6!-H8GUT)81B{Xg|Ka=SnjLl=4_ta&xi%c#g~2LR*wAl@AlH!83IulBHXqmSD0U z#r!NQN_NJxO(Yc+C$_luJP?Rmtp&J#GPWf}ygl~at^a*k#+v{?5;p1|ld?1agXN>3 zq0Q_mnNx->`X!t3ZrS{nUT`3^Pu$>T5c!@i;98!1fqZsSy!Gu7Ldn0&^XSbVA7dR^ znEdr7-`9t4A>kb{%2_%VDQ*y9-0EM`C?44#fyV%Foxo zYu8tweT4XKv^H6E6O46YQDbq?IEAcyoaWgIer9w{J6+g11+;(t^4%@fEC{dZRYGIX zM>!D|CnYZ>C>9Yv4SFBDYi!S?$=cThCu$x@_{`$wcohr50NoU4)y$`QI+R34aJhZz z^^{!xW~=Ym!nZtYv1}3|mDH(78(iB0Ktj5>M`mPu@R$0XLnk<|q~J|mtA^tREGsZe zYt-V8MDL{_BR)K93gfLWN&qAhVCcdKM(e$k+-yQt+L^( zfrU`t@h^eyqmD_Nnn1eLHYr`gkh^U-5RtY8@fvxixk!Z#)L_RjG(D+FPA~j*Vqeh$ z@ItSYZdeOljV*iZwp>Sig>Pwl!?G*?1uaW4Y55j;#SPDGNcItvI7I<>d2Wslmb;%GmZk4+kL4$;n|a5d&YvD0j#|I$TbQ!%(UN$2 zhWJIsa^OfNoj<^^J6{9v8XZlM#{L9!a{EE*g;GO}13-IMhLDe!TQZU4QhDN1yRHdK zOP{(kbV{|)osO879)c)$>$E?XlU+7W1t^uMqT@!{j7 zBi27S<)|=S(hgYzJ})mvx>_n6yWae8+FK34;mduo+$QRMjvaX#>RnFTIywz?6NS!A z&+4cGW;_gF*69Sb}hZ?Tw5KywQ${a#QePB4%_O_B9Y)L@|xJe9X_OlydQt z=MYgm(@PPGoEc|}R@-J^G@t3??QR!u$6Tu`I=&1roL$3jx<4P|!3mc*TY-mMKg4Gr z2Ve$ZpdbgbD%@{&BA~|OhH9wi-6TJ_m9%1}Z!lr&1#^lfvS=qIt~05x zZ@aBjcRn3)zPp_m>gp2pi;GgnoP~u@z0)N&8*Z=S?0a{ak->lK8=R3+J)4@@UfqzF z8>_!SuJ`Kp2n`BPGdWrBe&`|EuT%XCdSI`k6d^!<708avxp!n8k2sl9dm z38M35|@R1Wc&??12T%EY-6OgYp9Wf{!_I+a*^Yj>bs1 z6CXSloRvsEzvJMeu<6(ZmQF_`gvkr&y8}o$<32`G&s$B2b-P13T!jQ#Kd16_=TxR< zvVHzc6ZRITzb(hy-j1-nA$*Ts_dN@i8TU{UuIhA&mH@ZS@qc!w%Nv1z3byIe62J8Z zd9o|0`ie$`#@-l5!~}~GBhz+gb0d3mW3==7pXV<*IeHPZ=obzT&e6EfvIGGp7uAdI^;L$-fpt#F9ZkYT}I7~&jS-p|6aP>@PKb&!@k*=>b>K= z-D?wg2O(V_6Eo|Ma1(qN|Nl}GVkA9T=dcr?cb{NxSQo~@*t$yE@fz!o? zzr+)RvoC=;rp;1#X)1mibS}+jh_>X**7PYUbQkybDEM{R+TEw;n{&6c;aTsC&AkE{ z5wz3#wSn)NDlBt~iCD#~>*rv!yeu)?Gvrv43Xm_$_5_N!V4uEGa)5dSYjUeffm> z1$i}ndBUcL6?yE69I-Zx=N~Qa(DnTcv=2M{`+Lb8oLq2}O#x+$s$@<{0SBAy3s+Iz z3mF)#P+h61Lv0g$aq=yW|HZ{-*77;c({#7`j?@sw|Iu`w;cWhI8@E?cY7`9`YE}`- zPg-J^TCJc)?O3HKvG=M~5>!bvXl+_myRj)kh0xj*tr2SP5#!1K#q%;pUgSQGw1%SCdrhxj9&SaQNvjZziM`7Ubm)KCAF`&DslmjTg85;455=o|G2u74{`6hQ zeP7o8FG7Lr-N2`BX%xhzKQ;!3<+Y}UkiG6OnaY5)%REBuctr8%-fveS)O4=lcC$85 zTbPthZ{acC68A=+;-U9K8K+iu_C9~J=n|Nk(UoX>YMML;kOvEh$%VaAQD1pcT&iFp zmnq#?>-u4eNb|lOP(L<4GdY(%M<-t_0zm$p(eVya*>aZW}E92_>>ri~V| zO(}W`2VQxYa(6{8q7(e4S7EFP7x9T9Yib`SY8_&WBpLL67LjJ++o5{Go;wG2skK6F%Xpv2 z^F3ze-jKN$7xjM}#R@|RFBrVw*&~_Uei`!+L3q%^Tek(i5_$lZiLW)EUX$GERT4^J zwtIT-f@=`4FnbJlpv(zmpuFiEf3*e^}l)KA!!@U~J~ZIWu!1!;y>22VqT~;KQSKxuVgoFZZ_OFT_xAod*Ceg z;F$>qEBfqsaCfO=**sO5GII`O-r&>gnog!3Pc%5r;0;VYhTi5xd*F!`)ROKrJ)l0MSb* zhZbjj=cOd0kC>CoPW*%P3aT`g1L9$utb}y$)~YJIgXorLS2?TXm&AfqIzhcRia52w zWdMgc_X#i}!p?p3gZamNdaI7G3*N%pzV8aCgj8*X*z>-BEc_ENvR+o)Y{FpfnxA9+ z($VqaY@%`B^5X`TC2D>Tz~*g8kkwz1@$G>B^o zd)BSlKeI1d=1AiqmE`a3%ul|u(mOjT|CNq8yAsjLV?86Sn+pq_8_s~;=Y|lPq}8)COw5JY>QCK3{$(DNZ58n%%@;Em~w$#UFzJdkpSxA-PypN+SH~WH#${AE8zykCapUmPi)1z%)YB`s^zZ zX|~~gB?Q#_`Bu2{u`m&3LKD2OSPcXH7goW<^zy6cQ?qN+IG!!n7bq@weu&t60VJ%+ zPLZw^WxXuUJ(i1U*-$8nk`c4wA+%~#KjjK~@%4cDPemvO#soK@9BUA=_Aq(-%zc~s zmWuDc`dZtcnPmV~R%2=8zI#X{C(EO)SE;0fG-b-W(gDi+CvXAb%MuYLLXc(0(`U#RGSfUu^h-RL~NYG$_Z;H6OQV z;9>gC_kIdwsj9z(Fcm&JKo?~~67S#@9*Rr&wL&Hh4)u}KKZb-j@_hNGSrfsE?|$n2F_}|)BOeq z2v-YNd;ZIJU<=_1?HgZbd;2T|Pf0ictHW9x2ZQx}*Iv^wy~3BMH#D}i5mC$_Ki?6x7GD6AtQbP%DkQ{AeKs1^E*!q1Do~-b0vjEIzUK+vh7)8TqeCZ}hxP zVoNw*vD|(okTm-uRG(a}v7sl<+bB2w+{$bB)bbb^^Q^Px*n`87smT;PO>7iyN$x;l z0h@~?$n@=!n*Zc?*SKY*r+D7Z!Wy38HuL&kL~?FJrk^_IUmk|OHjs1bIRCb6^k=q$rupF-3oChn>MnM= zEa2P9$JICsbvbht<*@nvuAwEn3_6Vx%dQPKJNb&y78%xmWtQhhlrU8S4Yt5G`0qaDt)$J>!fF{d6Pp| zOP0JSUv-5j3Q@J_YlR3(r7TO1^T9&&qRCCnaO+K2eI1H=4}Si`mh2i=sgx*A%z6}= zd($ySp6RM2N9fFMD4BwQc`9Wb9B>Fu{ug=9OG)p{{-{DgO!i9ZpZcBXU{=-RrnY;) z>6+s8_dn_OTJc3bj2%&GFRy`hqfV1u-gDdKd#6Rc-Y54Fe7a%rI%(07=5y7n-=7{@ z4mVAF>;Bd|v50-wicq9&PWiK0?uw@j%tS9GxCbXs;tkTt~F#8M{D?fV&WZx zmxwPDupap1LvO4k3?R@2T#UtY}Qw}*#cg(;(TwG66as}9p0QCl6COF`&x4-b9B z$<84N0d*&%r>{s?r`zD3$n%Sv`3Dn`Cx_x(_L63)yD^OjFgzI)55k4pTwZSCvVQqw zj`w01HoTCoqzbpgIW42k`idHm`AscZ z;#q|IG%4;i#U90hz03Fq)y8N(Q-;R@II;B@8WcL z`B+leCqwamS3YiELo&}k--I}3T))XK_$%T2Fzw3%JNyboF3+`amW)QX5ih%E*SMkI z!Yy-$DJM+F3gSQ9PWw81Dg}Q)QBrtR^B)D5lvOadFBA9-)oOVEqZPxeM1-QYa~+~s z5PUf9Do9=u8kV!v14Tq#B?&o=nck0M<>YU3eJg$K7NldZZT73~QA%6ub#}|`-~;qH zD%(Q8@dM})&7I-!??wmD<9JZ5qnd%x9+p*?kh0%yRlJ9sFHbBiC8oxhL2u-#O92e z(x?F|ue`cyiqXlQ5HGmNX1Nq|0WJnu_Wd5DkxsAc9(i>4UJ)BKD*Z#&oHS2VH;+YG z>-;#APbhfF_&W|6Lz4K$#(EN*zwr~hD04>6K2-f*)x$E?<{nJM&p$o(QBb5RI# zZg8kI>U@By`BSZIH3xJ^lBc|CzSVBxBX~vT>Q`urLuA%SFG=QBR_fu)_2&^0+%D6q zgt`)3K8aNIpV^cu>$L_|Bjq131d0JTxN?umA#AH&`HIZT{@m{))&H}lB9LA;2OH{S zYG!U|ew2t8+P}IQR`yF>y79;B5&6*0)L($rjsM2=Jl+)-^6Rl>%y!*Cqcf|SLg&Wp zXu9S!BUYa9Ch;g#-v0t6=f~Qw@FQ(*#kapO>3Foc%wmS(lLI9CdW;=c$$+I_^B-g6B4FQ1`g*I>@*+}aFdcs}v%MYdHZzS85(2-*eCIT)M+sS33ghBV ztBW~Zve|?m&6JUV&1ZWMkcl@n@`8MA5?V$jRO$Ip)FR-8rX;l@|KFsid0igTLY^LJ zO}VdRF?*U&#DLYp2_Gy6j69IDfGEvxzfO!^ z7KnQb@z?yoWkDgn*+elUX5xqN-Shbr*w0eX05c7C~lupI-;PwZ5L zgeQaPue2_=Sldj8*eUPF-Q63nQXatfG_HWJs23@=FWxM{FGH|*e7|g}Xtk^UuXIlK zB6$=eFCswBUic-yxb>_xwr$4_q19m%8N`c_H1_z zfTC~B-|)7;hs2&Nxv28ragUc#ngE4u4Z6PHoT9Y;Zin|^1uYbWVWsa>fwi_s;vS+p z0x6ONr&r?gx)MtmN58iBjvIi*3R(d|qb~8BjjB z#)OepWgwheLsx>8*>*Im9-wn47Fr_|fFijB~E!5Z0Vg3dp^1xKjHfuI?=z;DJALJB3Xk~!JvX$OU(*jtwuOA9jD!a0Qi)v#a z0xDF@4xb+n}eaU>;AoP}5$| z_2f%eT}gJRiy+TF1r6=NO4x-wUw11kQ?L z=XMd8q`-V8l-CZL!gYbY-+ni4!sPu)LmFO#mH-QVSM(x{@;WZ;T)#=Rh2L=??xUi|r95 zIdhTCXB}`!ft9F!X^$Q<$kh)K^(n{o8;O@@3M^!6DThCj^Kah9y5#93xX(YSGPTscaf8BCrR+f9_y9xGf;5*A~ zRPV7UWtTr{W?co;ntXt<)#k5G-}@D&XSeBt<6Ul2S<6$GZVd#agz%pV6b||rsHi8z zruP`c4_vv>PsTQ%p62U334!*d|>pDh* zlN=vT?4D;tFy~UO!&^|YdgDJ{`KvL?A;XqH9B334BtYwWhza#NG~@w z>N9mRD@BHXG=EXya2ye1FMB2WfM~k4v>7qwz<>UHWyiEr&})92CpM+O8})VJ6V+E1 z3z;&oD_AUr84?LWftSS#z__=f;2pKq3MO80O75 z9+}YZT29d31$zyfe2WpmXMaH0?ZV~mXl;-F0p~;GRt0+?qk0!hYt;-wR0Iarg<23f zBY@^MNds>lzVTYys_BM_s{O$(!{1KV@ncpmI&#dW zHGyI7J+{%?oXb$67yuO6n?pi`q?-ZA!UUdI8nPp4;F7db>%9@a>RWQT!hN2dlWUqK zx*o9P14!&KOgEWw&QmwGZv_6(-B2qNeq#(Q8gzc5W3O+2G2L`V-}@zX5IlAOisKaR73Jg0$oxCA={R%^?wGggg-?Ci?NY{Dy?T6L*YxS)0$$kr1jtRTtQ7wYP0 zc{_aEjLMjw#50fX$79u!6F^gkw$=K)_Br1*HbIIyQ zPJaGF_GJ+hAt@)WnhF#~_%C5THOe89{M`&b^8Y4f!zpBE%d54t#2x+N%D3=5 z3lSP~u`gKS`DOj%craLwSVQJioeD-9qfkY>GrMDlfPi&r1wpm(B0|a6d9ZMhBhaPc zV%j8CjiQHhWwd66TpCH4WDblQq0yTf(b=ICRQYQU@4Wv;g8?8uzM8m~v!63FZjx%( z408-v!tezPcoyYM)^-s>Qmk+IW}+>dGIPwNdZV6v9ewEzGf+O7g8%q4QH2Yslz3g3 ziVrz5%m64#^*6+KALLW)b5e1Pgce;yH6`lL475og< zRN^_5ed+E92l>{qLowkI&a^j1+zO8wZ`Lrgh>3M<6TYW&u)7E>a%RV#Fyhw%8G4hD zK$OYI5=U*)-nAR`s;npPNOKpDC46LRH<**2xCGmCK7V!hZ(tgS`E9lBQUE-)V!UC6 zn$%ZzZ}ju_;^YHx>32tF-P;*JapPqJZB9YA@J|TqRws0Z$JzNJZ^49wc;MN{6bIrZ zm%d19`0D7?o!*WOzki=rSZl966HFBE>6lq+DGbdfODPTqQ^<11rE<^M#GU5;QItvr zzfdE2oSXn9ob`47I$8xMjQCr^RpZOA<+V#y7T!%CP*}%O<$_B$=cYkWRxu;Xy3eO) zp8T*QMcJjftwHpRD$@FIgtuf4?0kT9Nb;`)(LCu-5GnQC&KBVSqDSBG#ATlpeXtWN z;At&Kw~g{5hW*J0x96fI^AXk~O`{^;EfRU#%fHu(3)kd4*3#x2h$LE<^OD3v(1s>V zM;a&J6JqcF0-L+XTv0mz0Z3N(KQ8Y$-1?pbSp;iyJ!Fc$cJ1ANy)#Pfw!6VJyx0G3 z(zGbmTSL7sT5vwmER3Kyp6NNWCy&yQc~k2HBb+8QLBc%@$Fg4EM|#1FkZ^_vXJsCS zV6boNA&R4YucunAPvoJTQ?G-%>yoLD)PvjNvaCl{7LyJ61YYa3MDc!+MT8M~qlT+@ zgf+KS@>CVtzc{zU4@b68;(#IlN6PV4%Za<~rqm;A@lO~q~3=Qr5&W&KY zy7cz;ytN@w!l0vE14|>0<^9&lPuqM)y;KR20~oUnFM+O(Kls|UI)0m%D1c@w+>>c|8o<$!&|13u>?wZ8U`aoaym0R6BV4RjoQORh? zFqF6!Q~2Zuj;rpl@PXiq6L|My|)`dv=@&&R7#y( zbk;jV6+)Z8xF21e3zAbRkyn~pkztYM3Uw+l#MSn8WD$S_$UB{xISjGfApt7KFs7S? z{QMy-nPo|A$j;O{a0@q>LdKWT+!5>0A@@W6%Y3mi+*4UEJAyJ99oiWIm8_cjX!#F9 z&RP$lg%6H**Z=e_=O9`+Oj3M~7>}-H8gCF*Z*S~T9Cwcj{`_F-INxm0BQ}>V(DWbR zTq&!1kh!xF))BtiD(D%sZK79roeU@2(76um_)i1z0~&H`b7XS=tRaYSteOvW$omh5 zpe)h|{Bf}W{xadK{J#9Xrhg9HD_~G$n_v^~yKv#7MEsc{>tDFPwwA7S3%(kPlfSvo zl?Wf7aj#gmVmD2QXttL7)=?FxX`7>+Wp2d8aX02m6o^|}ZWWO#ix3 z>xh08K>3~Y$$1`uo5MDrFjj0y;F*J?D!}!yZP8~kyrd3POvO8e>f;xW$?X)!TbvJh zVI>xS&)N#ku7gq(i{60OaUD^TAB?!*E|Al<>#p(4N=LKEPTlM<&;CZFP5fWoy%D6S zoO2yk6*=N!3!kB9KWtTv@Ph1wJU;`SfqV_IE`3>!dIUn{cJ3q?Uc53wuLl>(gL@$_ zCi%qc0F#)-4r0-Y6J_~BO1COEuz&d@M_X^MzyyO-5P-n#xHGpt+7`&m*OIV-8y&Ad z0!3T|+l^ECdTq-;LQ;tOvbKgZM5vzSt8SD12#xd7IFP_`u1Zy-2A;IoVeIJcTJRSB z^=l*}T`y|lc#P9ZY0EP!Cy|lIH#f%d=JVUA@u8X*7&?fBk!ybTF;^!mkglb%Lo_CZ zwNf<-RgtXy-(MFyYK=ktt`A0o_Eq#hUK}J*T}%B>J^?Tv8TnQsyOArvHVr<}C~0yA z8h=jPAzbowygRRvz<;PGnGSGZ<${vOUu;?sV9%K*j*n&i&E{g1DIRQIB{F7FRli9s z_6-ep34Xk~tF*(YmXI6Y4-Qlg{Q(*)GO>?)9WFA)seewqI!Aj<3nuuXJ+0gBrM&?C z+VFh|yHcK3biL(y>)WEnPH;c)>v5h6sRQUc<6^@hzgE|{t?w=V{4p)x$5G_k?Ap#_ z5jpsL0^CTOL>|${++-{ZnR88KywT{dk+%%(^=0dM&Km_kk?rP70IT<&g0*+=t8P%r zRM!--T^y~tNUwag9$2nK02f4s*^&L|X)=;7Ka?qttTo;vFY*TflrlRwJLW3j`Q`4u z!;td+2pvR1d#IXki~Tc4(q#Jgul9)O3}d^`{~C|qwBCUArtzq7%E5JMdRE^d*YP6~ zLXJ`&Y@f8RJyBOagg_yMgB_p4j04#cyWz=jRwL}Mb}w!?jkcy)Xg-kkAWm1H`!h?_ zTd=}%-v$vw+4#q!^rOiW;`?JcF~^n<((EHm-11y~k1?@ZS7WTfvr*sPZ=B1&6|Uo5 z4T7cYu;fpQ5CP3Rnzl?0I4uNQrRFdPos!6C3U#6dZK05$@;6RUt_`=6wC8&F=n-T( zQ9>i_ZMH8JLSt1&zP5%lw3ANzei598E|BHt>L7EMqImX)_pjY4b{Jo^vU5AR$a2SX zVp{#KI-7r4ez|PFu)ET8%HF;!52hQQj?DcJptLkhE|G9#IdKp=TP{fZvQaKbO@JsJ zQ;Nh1X=o#L-iS0*3U_KX>E%OcM7=^en3=VrwJ3(PpS;PSZ)XOiz&vD0d1DP-2cGae z;SNsChanz?nSQO6GYz+}(0$DQ?j-!Nto-X$T-pec0~fz~(}5$FO{=cxCQao^kfk0& zTh=U2P0eg*7rQADH(=%bW26Z!Z^m9JQcEmUFk=BZj?osA7O}ss$A>YTFLqUTl({ ziCE$(I3~~3i~DYr*CkdUy_}Cn2C)M$&K0gE7aQui`A}AXh;+Hp_Dx zAu+KL>s?8mcdrV)+Vsq69s!vQJyPzqnCCuuhz>I9tfwE5cR}+UJ=6*Maa(PvXn1NsXCg0bk?Cm*bASc3{9p(C zIu(4Awg2>LE3tas>bJHbks`d8=iy3%t$BuwiC(;FOe$mCTE^<v8U|9CK@H>`+LhX)F3D_AsCfMGd3JP~prU~1jMJsD)Vz+PLujr1jaIyhQ(X(~KWgI2MKY_NmAB zJ>``&p%jqNchRXhJD)X4I!K1?M7!qm=zAj<&)Uc#s5ByuRd=-dFjIwoZkuIV5 z1ejaZIqznS1oZXJ}u%`?E|*A`a2|^f&O7E#~@VkRs1(*PBc7H;iYR4IYc+ z=0_YLbW8s3_^+Ik3yG+$|B<=IP95SXtY@WQEJmK_2#&sSJ5x{({E=H* zrx6Ga2s&DWbx?`F!(me2<_t?42RmA*`(Sq+G|iU21Lc0b@R2`xgnnBeVG#G+ zr+j&}FjajBRGky^wY-4f>0SALjgtlMP8T!WlnHwJSe&U1<9H7{K8x$v&VqOIUCR*Q zT8GK{Ao{`d@1A?K7M<4{J^~JD72hGw!e-For6)d-6?}>U6gFTTSW4j`=Q)bw#!Z8D zhfcqto&|0Hxn7ir&a1Y_tKG}>ePiG5qklD-^;zI0sJ@4d*1}o1$h%ce z5gkXqSUV4a;SUe#l{!Y~moBsG`%H}oCF(#9w2+W0g$WVW#+AM#$>83e4;66yA=F>* zUNC~uf3dqjIA|f+OreNDU3oMbyFwz|D|zaEv|~`#%Sl-h1x)EHxA5lB<)AU^T0@vU zvhhvqti}DI)CD+7^s`&s)rw2v9PJ$fD;pa9%;&Yw85+UV3YLo3Hu@+defxp&7d~+S zC}X#^G;RI_MvfE}xV(G^Udy7~3^#7SP(te9nv`R{`=B@UPJtSj@1A3* zbzcUY#en<)_}Q43)e%Qh?=yJ=^_LE?8XaPQylbPyo?Lcz1-1f(W%XI{&P!8jHQQKtGQ#8e+#bAQz{04@s^4Y-SGya1wWM0Xc5iEECSoI#rUn6y5AKl&fa>Yl3-v z2?lRO?n@o>IOY3X0FI3CG8pPZ^FCwJeSJKlpFg)>tsoi_v9*CdUD9%_969<@KoJ|# zy^a$Bn7bj@Krv5(%4gj;!Tz)KDj{mb9y&HF!EsweDYQ>!=fM6_r{DV?Is#X$wkD9pDHN<1+`;XJ( zm6?mTj4Yje`)xLE7@4uHskTJLSxbgR(~AnrX_qW~5EI`RL`$^2kHqdruZjpM43be$ z)nJ-Ws^|KCat7f$5<0mt{r=KxyB-h0MJ{gN7ba=u_)}-A72+aC1}tV~?hqFYb#BKd z=164fLS*;CDbF58I>@KRz>@KC#hq)FxSE05t6jnQofrM4PG|NW+lh{>5W37u;OXUt zn!!S3SBVM&XyV5w>3d|`8x{^NRic!$7TSs8+5=_&p22ZLcSc~8Ssu~~e{=*1)MH^^ z7~Q?^-ytJf;^paYRijk|LVtX0q`ZAsUQ?#dIytA9Qvg{hg>Jn%*@v7(Rc(!)+;Etu zapj`=2S-R?3ZLTJRp5ic4@2(tqt{J(c_iW&csV%<_`K+0_4c`tz#%oJ81dSy4KxXR zpgwyibX%MD^=tV?{>>UwSLyg+E7uiVgG_NEIY`TMb$*%zw!Vi3IQ-e!4R&4ed?$r-Gm<7GqhM1Ope_ti8s_^J@MC@@FT&y~-bJU2V$DH;%hM7Mc#ZJ}2m@ z+z69+VIU!q1@KYGnP!XTbI0?>5+vsG>AN`aBX5uciM%e`NJS`fffe*YNT3$>4*UzD zyfh3Gy8R8pZ)`Jg=>|C=;ovD#h|4g6pv>+YgdJT%+IDHiR^%)RG&4S~KPW=knz9{m zH92Ig&fLl(^=q!pMq>y5uev^yqarTA@7pc(nv&H}lF?e~{-4Zm_Rm;wNO>ZD1+zJ# zvG;+cOg!#Cc;fLW5{&rsq(RhSnQ73=7TU+Y9(3hP#kT89xtaboj1zQ+i7X`#GLY+% z|D2wN84BY=<7vyJ)@TJplozA0L6>1g85#$k+nyefv*47Lr8&EP2;M@FdMsg-HW2bR z7tUEImXKsc(a?vEZb^FLxuLS+CM3&>Mzi*qCZV7RAiZx8iflxmbMG6$^zdmi4OxbN zBDJQ%{@u?#(themh*$n>A#_qvOF&WS97U^e4}K<(x^gq?C-RcR2(i_X0GF;pu6)-QVz7#-DY#`As~hZ62nVz6&i@ z7&FnOQ^}(W>9Zc+K!+c+4w3|)TgpHB4SKy9QRb!^pJOwZb@)tkX-ahO38#9OjA4wC zFfq%6F>hv$1o<-muc}=o>v^xVBUV%w8D-zqk%wx~d0W0-DV3day?Fb3=(DjA5iKKd z*m?D-TI=Al6$vyw=YTK(8!6w7m(Cu2-@zXkEJK1R5q(oH(vG(Ws*%Lj*Q+om--E@* zf&Gz{%t8hpl`YlRgi_e-J{ z{(w10S!8|GRux_6YSCR*n#TNu4!y>q^u>r(+&m*kwvmo zFy}Y-@FW+_g$DmV^OdJmH7kC-zXrZ@*rC1pJpCm9;y-LgyYA`F{#AKW$36F+cdyjg zLQ^u9mNQ-|ZOw6Bp)}~ITlq{aldZ^bz4!?Bp^&xn{o1u)C&`!|{<&AKE3r4x8!FRc zCc-OhR2;Bns%T7k4^J2~&u7ioTqd9O!Id}nt+Dy&=L}|2yQY%C@x|XVi`+L?K{%MV zc*gSbM-42?{Y0dJJqsG_Pu|noDU)eesU)GkOILdng03YW#I^~!>E$9$cJ!iu+x&^v zQX`|#)F98vN7b%tR#n>Zt7+ANN05?N%FRfCyp{qVbQ03A{LC5egEy5&&j{!+{5e`= z3U{a|-(-0wEnX7j*ySC4;>DF4E@!OA4s8I_HZaHhqLdJ_DAbD38^H&N%swGmzDPT0O{Kkcw{yn%+*ni43G6OZ6q?yB* ze@8W=<2cMu+?|qjXCFi_>VuO|7xR01>r2wepBA)<7FYIzN2TIcdJ>h#Ji=!Lo~}h~ z(!Zvtjzzj>$#b8|T?NCGtlB?cV@HC#vk!M?W3E>o%BbFdI_~}qo(CsiLgeZHc7?WW z+>GZviHoC6?m}-*tw_nUU18MefQB4Am_gF zF)x@`=$jEDCp!EV|C2bj*0Mv;AeJpSIY)k2-ua&!taWrw)Zn(eVy{yPgQUg|QOzpF zxS;r(>dbL_%W_U5aSMMa-?gY^s|-<;A6UL$rK!wTDCXkI`e49HemotnEB#{reZ^p~ zUNrnMVwLN~5{lQV3PrVWR^4qX%>1Y@*I~nRJMNtS$U&#Z6Cj`eUp@qZMeR}>(y>^Hj>1v z>74Ri^=kKpBPiH+>ufQ`^E2G2)Yo3hT@C5)vfbXkoTHW=({M|YmOT}W2QKnF@ZTuh z=FeYqqs|mFvH8+7YPCLtV@=xGY#bojeJNjBoB~o)M+}u;oBLFjl5_!fiH75GIFpib zkz>e?qJWNOmbRqpH0W<}`YXIa@Ze6R1_`m1dAgxW7<^agW8l_p=+`>xUs+3l`q~eP zpmXH!id-FK2X2FlCrM=r1Yo}4bsgzq3y)rxnsI>UH`N9L!E>JEnW`c*iD^MoN&0g_x9RxbSQ&k34}?g__CU@~Nzc+q2h2L5K*z9ir(Yq- z?O{&EATZnelMx!;3pmmd)+tn%-Y|A0Cv*?yLV0uaGJvGo5ngfqeP@=yfSS@xXDZQ^ z5z&x^#VMn4*?9fQ#9b`_mV{RW-yJuq}lU%rgYK?QC4FjIfRD!Jn+B~PUo;3U~p!uH+m#@qJrDx9MIpN_^&Lj%u%(?jAj_d7a~q^c(h zw=`45$COI92=VXPsTNzCeJ$%;_a~c~AZn=1=EPuyo88b=gF9gXNG^nwYl^t@ z>&atq&g`;Y zMK2@PE7&`C;f8PoVF}@w!$xXG$40auSWIz$~koeU-b~MS> z^eJHu^Zn>y+|KU))~v)iogvA<-n6G}!l3m!+~}(z$dUfrTa|}8C(T3P5)PWMHX$K3 zVT~PpUO2@Gu$TsO0pJk!l{zA_buZZOB$zGm7SLwilefRM5e%Sy8**QDB?aC0HkWbu zFQ9WHfs+2bX=n<3|6rrZ8Ha&t&lEALzYr*qpBkG6&g~L{MI73P$(;ZMF*^zHB z;+m*33K49skQOPoTz`xC1TN-;GJ|_t{kdMZUp9?{dLvQ>GPH}b{0_c20^gb!g*-njzhe5n@*@#Y@oQ-!evd7dE2;UoS-ZSl%Q=*f6p4w=Sy32DewRtNEIc zJLaZ2d0`J+!&5*@+w-OPb>}r$$ToFt zVvIzli7rq|p$aVQW-vM`RjQ;7Ptl|)h#uET{?jzR>2{QS%HORT74%U$ zOR{{an)&5}06f5Wvav+Fx-IdGI-3WOZeydyF=*UeBir?V%QuK8IsuB0|K6_ zUYnx(W++s!I0a)REmACau_j53>qk%0C5Wc96dIak`=T@*(hl<`j(gIwQ%WX`R<~AR z*k|^+Z0Za*h3QqBmFi*Zp0`#2<7*WGXJ1M8U7ZJqm{E%(y^9ly@0C@rqkV%vBeokArn(Y&P9(Yg3Z10rZ9}GY@q}z> zjv^{26p)k~WQ7E;;HYIGb9&^tsgrMrBIxMt`Tj zuJ?E+^;S$MDOH~AV4$n8Jg$c6Y!N!R$2VQ$%H%R+6i3Yajmcl9F5~x`zhwt9wBO+V ziu#wOpDqEx+`MJc>N1W%Bq<#UR!3j<0T_R;S_-WoeI zFkCA|=bMUUjKOaJwYSpjsR1)Pr97~b%0Y&xbSP4N`J+K|X4ncTQIzAvMD;)^4Neo` zC&m8qsd&inCd%rE`qDu>Tl&?d;Cz%vRH_SU)>)jL(knNcInlPymhv$wrt}6#C2|WA z)ROV`xBAv{hmwbSUEnJldt4=XtKL5TO>ZP3K%kR;81MP?=2zlWeCTVF4_*4;e`)^r z;O+*LUGL|_qUwjNe@Fyfr?8YbZ4ssVRFR0{8~;C=&ij$g_v_=Ry=T$dN=2uSTP%W#dz}l;rSDC-FK4fobx`fSFISG zy`-4oplfvD-S7qvZYZB#;JUeyxyNv|xKxlcE%sDx_-k(=%zSckT`{39xT>5%XcpNe z;lIfAIm&(P-*(Fp{meCPnrK%45q27jKT(@RZuSN2v33kLy%ZOFsw?cJY9MnIAw{h;T* zKO6+BkLCiHv(4y5a5Ko`W}fh+5GN*m7U7M5uJvvI@~_c1`*@9Oy&x5ySJ)DVxB`Ap z4arTfn@eu!+4=by4z0`*y1cv5Mw$u?unpx)rJx(h9=dl?rpZ5VAwyO`8`yC}r6xtJ=G4n&4iPm5kK z)gdU1WF2OabDI(D1Jur5kiF5qbok&`^1$?kfByb+0hUrumxO$?$DZ48(@WOBIFZXA#YGTO8v|+7a5V7q!EMLi5^1Zmpe$#DZxb#J=1Faih(7necQ~&EewK{Ued)+Lph0b@)$d8A2#7Muw=;195>vH<95#MD@Yu!TmzE)sx z$KjHOgIl8g8vR#XCuY|{C%`kP*B7-8LPXXjJe=OX>rFZ@gwI|T2|Ph}d)f>P0xuL4 zKQl$}K+oGX8dCkbBK#nSnN8xaoU0kN7S}o}*kQ)RD}SpX(S_a97VcG!Cg3JR(||v| zZfuZ0ZYyu}*q0s{!YE~qfY4$kn4~e08t4iE8Yr z{(skpq^+~Aw+3546fhNT*#a(B8DB>abq zqIc9>s_f6WS)1=@>6@-%qSfwquQar9N?@2GVA$UgOV-A9B2`{dh5m4n_- ze6K|$*NQJI8ax5&0OKgg7m|Kf9$6G#fcp9E*X;F>0|o$ll`g(Bsa zpSgxFrPi)JZuN5BfBy22n3e63&rf#9R;^}*GCDmG^rr4hibb4`_DrD0-7(Q??DWdYF#;%2()OM4Nk8 zk-@1Zx!!9&^d_wJxIizj9etcND?crwiue5MjE{l8kt3WCj?Z1e)L- z8h|Kz~l0ULG>1ViLI$tVwra1_q_mq==>d;0Lsm z^??mD*Y7S5A^*ri#cUaZE=?3xp7)9ht|?X{xYdM-H~b+EUPE%0G&ncQktt$5TN0|l z2XhP%&wE6v^<4Pp2qy#RUa*lhzhvX)K$E>6`%zZSe;uD6930a!%e2rL-^yEh07gg4 zdvJ=50y`F{IyVYK?$#wM%r!xgm8&5SadR3b8Z{Ixr~ks9p>`H&66-QC8*J~sV<>@X zyau2#LEzx14~|EJQEUc$FOU8fP^Rji)}_trv;Ki21sUuQFjEGfQM}gCPCjCtS?mqH zf8@ItLSY8rIe6Wngf=8;yy@nwkzeUJ&MBt3UrO?(Q)8=CmYSHb}mDqbN42x}C2)v3g$lbbq(X9lg@EyFI&-w8EvFt0wA9 z;Y_{+fR~8Lf1n=*)YcV5s516zyjk@9%HGiG85pUCG0Q8o!Xu1U3x`N{=%5DVzeN)s z1T%C;?7MypzlrB$Lj)J zU+k&dnmu%den7+)*0$g73LMX2uXZh&481QDZjjcLo-|8Ysj`%_^t0^#>hp*UqhS%& z{O|Sx?~3R!w{BN`Rsv|=W|Cau$;zYW@l~}NNy^_>N#sHz_IQ`M2Um5EN8}Q*&&^rh zY{k$Gw*)RtUM%6*B?9#LvEND#-hcepcRRrLA<90vo-FE9UNb)zu3t5{v6b>LJabz0a6uF7TWVLb>t4&&h&+?`OcyGzoR=B z+47Zzy)-rGXXvfDfkGLaR`}&^-Xq-abi7?h$8OLJ=6>xTd?J%tP$Zw^Kra}0#-*Lc z`C<~No*n?2A!n$nG_SpsL2C@3&Q6Cob1>Z+5$Pf&6a! z#SV}{e!zQHPY-;|HPq&+N4yMO<{I8B!&Ct@NiHu{kO(7{1?y8^nng2`pnG{ks9m0~ z{mArNYkj-nKF{y42nKR_2?W~2b2sBQE z-A}=FN3=%XJ6uD@OT;xxMam?xI1OEZPJ~GR_g~vDria7^-~K0;P{A`&5ax|+3C3G{ z!)VhsN(2(SL~G`R{dURs9w2BrZ>6S~ob4Zb3#ZizwOsosn=q%Vf3==ZKkIFD3dR} zubpj>$4}<%Spvi$eG5nC2K)ZCKkK1^}tYrdj&J!qPj`EcyaKuX%ezRvYoh*2gxS%3i|o(kuiTsDY; zG`x5uHkv9{Jwa7tbD?#Anps8Ec1d~+SYk&Mvl1y`uAUzTBMEk7(3yY3K%etIltgsO2`$06F-6Cmcozp$?~;F3Usok z_9C5J;iQM&&UJb&xUfB-o^J{nyJT5@)5<)>^nFm(^G`vj{d0fBmakQm#o%%5Om@Ea zq@B2I*)zQn48`+ydPXkI1=oaEu+RV@Ly>U>ZAPx#{;=sQ#YZlA7+w8R-Z5K9$rtM* zNx3cbAaM`s+@hmHB*!sC5?;7tvq&E761D(w$8 zmpBNg1kY_36F?`YPjt|Fp#-N#6qT4)rW51WqkpkuTqfl3Stp|sm1R`B*Y-}!Ywk#0 z`m(M-!T4s;)ds|!PT2sd{w33^#1D`@gPxgHPM!%k_d3JFUcq2Fp>;%(Mh?b!EZ;S#TZJ5xr8J^Vd%tCk2aXc^`avSD6ci4|V zH=TYoa;#dh)%nD01Fk?fSGGEeak0>_!oVL7kCDPT<_5a1B*LHM;>^oV-yD7Y-iQhd zD^k1YNM~49B9}fhyt&O+QeCU{%_z*Nhpa5i&@bu^sN<8Hu|?DO%e)SxODe_=s5o3r z9E}WS1o&~<;9GXi!ycNbIxv2<1`D(32)#DKrZ}8nzaeh*R51UcaB|Pe`?5QqvIR8X z4LU-rqYt_IB^;!_G!I^dANRGvT46kPZEB(O2hE~#;vV9}^}8!z;*nBXD6eNb?DG7o zNqWBD@-BaeWC)J;BP+>?(3VQ#61j^xHN>;viK%ZMKWj=~*1I|*Oct3v&A2j8NVq=g zKO)*@>;eJM>s}_K{!7}5gt;4-j@ce+PLA?FoRe?B?J}fVDYvvB8KTEkGYRggRCG@!-vLcbDge`x!+oZ+M!Tzq@!-G11K_AfQ+^ z0j-%ouR(}NhMG=i#2iYkQK$GDm3~^IwTzCQyhX7HO##!p4Q@!0aF9gqI!Qf(;XQ>x52Lcc{nb5HW`-7ASP%N&FV6@M6TTVFy|nlBG*WA&$fE z*By3#bp?WrwmJvJ?dcp2zgtC%M*5ZFirz^9;+eaQZQ6g(iv>l2CDu(&x_;A+h@y(; zK|&RMKOadV?(Xt0uB0O`Jfj5!y=X8_FKqR{$Am5k9`?QS+2dnw0nk>^aj5#vf31B$f7Jx(8 z23bB#LlrvQ6Ry}R<_wd&SOWJCS>9bVvmX=#Xnyzs1`HJbV%Hq;PANUs1Oq4o8rsx! zc;!aqaleU`NW3op;ip|RTF>*Uz47MkN^f|xB=UN0b}jgsJcHopeRjbWg+WW%le1GC z4YwJ;_7faC-sbWC>nEwb^db(>Eg0oePvI>j$#e7i^7JMN?g<~~XE|7BRJ2{pj%8?L zcsEBBuQcaomX1-vYF2SN+a|*qhgLGeev|!+zV_bn4m0N~+5sa$a{k|krltG4{{1}R z-p@ar9x=#?= z^S&q+@s0WWGj|jp?hmlB5iz@@_iFoKJO+t7Zs3bh9a;#e(?C*#jhnqW^?Yd*HE zJoY`KQ+wbWzx}?e3om}PGvsWv71aga$!@Eqp+kOs@0_r*3yn?WSdT`;u#B>kE4(7f zomH_s?UN3r+!+GPW!%6QCu|d(I+q zvW_e)hr|>{B%wXYnx9-{a@1DsdbeBcTmFcN1+>}s!E^R;LQK=`+xtk|V`pZ08wv-S zIqzkj;?R@F7Azkf6I8fuPg3~VKb5A0d1FKSJ6Fs|LMUeBWk)}pTzEmGwakIhB8gDd%ZT~&k*?774_Q#$v6SdRG<#b zH%^_`-ke2a&=Fx4Dh(Z8R&YM9ArFNxw@*p%-1?!6XH-#=X@K<%Llu4wQ&1y|u1On6 zl=3j|OAI1Ev?v`7d&ze1!7fh=&DJq!b*1qU%hkmS`LENfj;oU$XWxOLQ5 z$zzt(LU%OT+e%oPRRsb~Dg@@>V!zA_1CK#kez+DKtGUs1mkS3Q=G1QX@AdV`ZinjH zi*)QFkH4%OOP)wWs9MQb3Re9Y{`@dK5hg_`4T(AJ9z#A4SMx~QziMA)UN`T}+{b)g z5!6EM{CVghtZKiQ&~=?^Uq# z`ZKDQ*y%pd8-EQJTz8}?cjJGC<4qm^P58nGxl$$89$qkGJncg720_f_a~x+qwK*FH z8`|E(%u7^rqhk0XOzGG4NakS5Yc=hk}-i2hP$eg(Sx<)Tw;=1Vx~f5WJq*t^;d`;XXI#srPB^X>^@zc!1S z>g?CmAtc(B;1ZHJjwV4C7?Dt*jZ#? zd;h?A+JRbcdp4?MIAySq&}l6acWVFNkE5TB@wXfUHWpUo_u6?@<}LRk0KvnL!QSL6 z3`FIX5St*GMCBYY9lOR(;Nm36o;&L2#n^a8J2u^p8`_(7hVGh7Mp$ZZVZB4Tkc+w5Sa z#$BQMwIRzi`$|}5R|-8}6qnXxATp?M_loEMwfr8XP-lSZ`$q6tM^qV!rtL9*48bpO zVZRj$vjpR40ki~nAHmWUW|J0S4`STYWFKR zeT*>Bnu`69#%lD02N=J!*iuRS$B^wml2sXE7W0tKC0FK#4D=@ZjGr$-7?##`f=V*0eRd5|&x2LRrL;>+f6Vc5rq?zHsws(S77@21 zd{bTu12s8rjj}5%K#E3;N`r8XpbL2mdF?__RnEBbWvTbnkcrU3ch5b=SL`FGAw|g! z5ppVY4gAM5jtsclDx?P8P*y(LoO9^9ZHtZQ{z6dLhtP_GW8~?`KuK=WdZHs<~LZIQ#675zv7y=5vz?QR4sdpEKZ;mJ6-;Ioo_;Q@lz+uvR;BjE+H6R0UBhUoaiaDj zOS4Ku3GbYj_oLY8al(??)h_<;2jZ$zLnx^&Z>>d!X% z`pq@4>;YDlcphYJRA2$v#vw9T{!o9@?68=KzBVYi2}=_l-`|CvU#y537Haq0tk}+E z8-#@wZ`X5SHefgH*3k$|B`bpaO^_pX)sEhK0)e&ceqgG8_#SirWRCJbVr};Y_Z<2y z!{LRRB9j06?#;FRAETlXm=*dF{LgT?L+2bHH}gitP-E7UtjnJUjs&naCY zt7!52?iV{PS{Rv_L(r7z$jQQ$p(+PNL+Q37S>4H{l4uVNu-C5Xp9lPU|Ck;ab$h8x z`5zM9Emg&(8=x}2>$w@O7>P;FReigG&XiK(!EwhH6WJ2$Jc)j8qCRTx3T}44-`p`H zQGyH{6lk5eCy=;{CW{>5zJ$1nm^J6Arlsh;7o-?eqV!!{TEu9uZR1E7GzNN~`xZwF z*f-~K-uvM7P2vY6_J;E$F{xDG#};!-6LOY@cegW#Fl(CI^~uQyQyVlj6CT|xxkilZ zxgeKFt=@y;K2N4ZFb;d{;O><-uL7gKKVo;^{V{x(oN~j5kZp%OUC=YmgoBTBYDqKdJ*n-Fh*C080<vi+@=A1X*Ly&xqWTw&{ zndPtnh3nVvu7o$%3-69jMciDA5EYq=ohKlEBn{+@9RP^=fPig5x?liZ)6`i*xwcj3>eTt`qXA8VGkF*q+l#MBEZ7N>n+{2KXsX4$Nc)np)U(Npzjq6& zS8QNZIJ>A3)N!T-pnypbIkCUm`VX>Lkn1v?mca5Z}F^IYb-4f zo!b*Z8*&T3inBK|kWht^u2U&TeAnUTNE330*o4M5!*f+X>Ps}KhN@G&sXK08l}}s( zcJ=?VHzp;cK;5#?NtItT@(^m7AE3fP74h;p2m_R%nH;jA1N7|^p&5Hy_^0$+i;6?W zVlVc|7nW&iI&Giw;aVw*q{Vjk^D9}m%YS@R*b?*7sTz9FnZw(mG~OteL;bb=Rf89~ z)H_&8%Hqvg$@h2Ma@IS(mD49!ccx)!FFN*)U?S()X;fbqHZ#LYpr;?uBRx|d;idqymrL>Q9Z`5o^xe94NT#LsrWwmQFz zKsrTRR;+H!3C>c)F+0mvWTqK;Yo@*? zi>Y_lZc631W>p9=zJApzqlBBY(dH4N6SOx-Z4CaphH>%IzVO2!*$ZL8PY8tMeEu1| zak&>6En|z)RxjE9tz&e<1Mp3PI7ImZ2g=Q%e5|=*H0xvt@diRRjxa^-YrXPXS#}@Y4ZSSx0ljymxotU+vdl{P1Zc zQmpDVBq%RAzKoaqFYD5 zoZbq8Acw`!13!uxCA_t&64}!cR#;M1$c<^_`QrP!@au@rKbk3bWGK;s>q`!77z&X~KBGEJ2S4FN85aI$tpo<0f~&mXCx{+-{s zV)EqF>1B%%2)}#cSrk4lh$|mpzd4!hFq4w`x$F6OSnd!>5QSWyU)d7OTZs5=_$7hA zL~k3tK*(Ou<>Y94rBJ1apB7satCQIb#v7y=9r;*U-KF^uF1N#6T;HKaU{{1^3^RT# zhQ}}EGdC$gjK_VbNn7rknC-coq$N=&wTn^jm2iI%01;c_DYw#iSk|(<)k^g8MtxV- zndNAK8s<>PwCHcCYC&OnQn&7!>pABgt;y~wW>-0f)ki1&$}&rHFCf0<5ty4WZ*(JM zI)pcQ542>tp*p2mY&OC+A{_pTncdy`{2_M{?zcHnHH(%{k3Zl(h;W zUuHj$pJ0z$2+WSIs^Uthqvg&rF{Clg&WGk)qFnCNVh;iMdZ zEvxrQ6M4UAnSy&TF&VwAzXPS&wCKaae= zngB4iR{(z6VX#EEq$@Xv z!h%T?SC{d72#H$(1cx9lC0zQn11{Q$`fRU7A@PhX9J^t%`mXfQ$CxTRyYo93f*@I; zlfnMWj|Cv6w={oCkUf$>N|tB^OLGW4Buf zflKXP-y?6Da)0SP1*U;wiSV=rI;j?5RlX$Xy{SP{dz#Wyu)V+_CMr;%a;V=uIa0o= zpIK|qi(qRdEMy8xgTlj&>9DLyb^kr6JluF9IfI;4q>{CVx7QD`g}Vtupw zT3}hzS6-(OmNz@1O#N@4kcC0WZVegU215L$J%sJ_?S1;vXEL>fv~_vyyZe4dIV^yv z9wz~OCByXlD9~U*3U+sD-T0HJA`gF=COVV+P{{Fk+X5yPNt{(P-(;}-ked67rQ8{s z0caPb=(Ce_`P*SXL2D$@VC97x*jJ8xAsb?K zArePgTZAq!Br|1a@f!bzrOchxjf;LJp4koSTa#D9_gX+uxUxMdy&7NhV^uGP!yp9tY+$i@D8*Y_ca@r zi_(ER+p$$eiKZvk+T>{64v(f6sq#LZrZL2hp%C(BXP+#Cq(2=Q&5ud4_ zlw#nf($2Ys*WVf7>X%sz?xct7C0;IPNyU!sLdyPp_WnI3_IFf_$>(LZ2l2?yBo z0Th=u;5=6Qx2c>e$=V0RH0lra8#E_(!sNe2q!gsYZaQT~6<4VCUESg6R6Tu>VCgGU zZut$GFhxFtMPforv{!4cOcxPKPm<<&xMAYM6gT^$i%4lN17ai6&=|B{NYYL_Ude3k z`PY6G`nt8Dwu?IS*|*nU>cIPO6GGU? zgUp$rir0o8RV!TUh_BR8+7k{f1U9iQn^-tU&umCraz-DW6%?}pfex{zC1TN(q};3p zv_u>5)tay8+qxkhxrWC&Hr^9^8z%g!fd2+lF=(mrP`}~58D>OyU$uPxOL3N=0*};Q z385EH``HPgE|}DZ8V5?<1shfVH0L5pqkAguL|BT6ggsk7%4w`F*Pvgn)Ezi*^NG~P zi_UT-n{0XCA*I~^1D{}4!WN}Q>AVO|4ALD4(qX=9dYQD5&Yzwwl)uJvS|6s$t)SLXKRoGG z&7Gy+2S)J9dFUNt(-jWQ(i*jOilCo0_p7E{V!P832U!Qjh@#7>GRd{Hcq6O>HjX3 z1UnV^IbLoqS*rchQ+;m~Ola?DIaP`|C0_co^5?0@p_|Q)XW_uCM?@i8p#d03i96f% z{0XG%`O(7(fABx|-<4;k+s;yMIp|&vb*jXh+j2vhV-0?Ew0%Te@r!kili*tEDUu9Q z#i6MKR@3<3J@qf_3eyXG9g(667rhd>Twp4Na&reuGkw8+4M#ye#CTHvd?q*F^T`LR zR#m@ycDH+!kio;-p3y{cNL*Vbg6yd8i~^U9ah9Tq@bhN8mEEf`{?zmOBRcO_Y>R0j)wPHbBovAdS_YbN2&Y8{GP491fTK^(ju>g{p zI=j5~8{frKurQ1kXdRs56OEpLHm1yf9DeM+X(k%8c#pXVp~c#vMZrn+#+S>ZlB4F} zBIZn{f7iIA$9o%EsG&#Hn8YP0t>W(wZH6Ls^Oe89B=GW`u~(#b!0uq2e(AJZ9@Lo| zgoL$Wog06)z_8($&1gY%qplIbvrpnO>|u}NX+>Qmp~I^!%~}Hs)&AYbE`QJ$&mKV- zUEKAY|C@W|Y11y!xE6VtezQ%i&^|3*9IG^`rGi>#ES^-Yvl9@8X&c&zmn0jnA_{k} z6}4&WQ*Eh0*LhoQX<2OSrHHob!XZ?DmHznfcSjXRa-$%458tj<;u8v86w1t?oMTkH~d3C!$4eZRi3o3@OVgPgNG~dgK52YwvTU^4xm!ct>ZpJC4hC#4OJ@rn&?! z8|4hB;E@*FYawf8xejY!2S*7 zmg^VLzRWTA5Xv&^SN-<-Ye!FaBNsK9{ZiM@80tkgKi=6~tes&Nv-MCZFR#09(H7#0 z*mRp^j?J_Q6T!^8prR3iwdNL^7w_nG8XcuXa|Pl0Ch|PqElm7jL;ArcF+3$N6E~(Z zVqo;k%ojRSkL=wDOC@&xN8DO|{ajCl$~AOC2i%9dPLEyrBZD8w3Gs1JZHb(dJ&MY= zz`bqy?C~-2fMbT6hT9@UalBl03Z-guG1w z^^JOwHLT3YL6kP3){P;s`B z2!T-wZneRf|STrzOXU`N*MlwDy?Tt`m}?pi8*YhzGJl_7%!BoUSSo4sx5sn)6iu+DedFOr(f=>p zPMsgU*v@5|{0jcY5abR;3WZFyuU;-9L-~Kg!4)Sg+A=NSRv*d`5Z~l_Cj6hyT*8$} z8_D)<`o*4H+7`H*K&QVvZcbWhw@1Ql=bT7h`beR z##!#-FpwnODR(Bo(3I2YjkA3V=9S}(tkymGBlK%%UYMbgR>c|P}p z12zq-m`o@lvctU{&GC|6^C^y&;uyW&taJI$?uZ7MD|&-Ci1I~|G`*TiUPE0Gge&0P zTdvE{sE1^^vCOx$95v0T-hTS@GGRT-Z;RmN)!pu7mD~OMChTlO@BOGP5$6|wL5xlz zuOvJY@&dahk6%I`M_xAK1uqWg5di7O#AK6`?TDDoo3;DFMezT8z~AB(tIud(@Oq-8 zzGUc@be|m8XRN$%5Eoo$_SF}OsaUmTxL?eV`;((k)O9G;h(Y~g)uxdOqSkVB*EiOI z(gYiNMgCa?UVxUEM2QpT-3{zFQ#}-Lof>0k5RGWm%r4KKEM(PwF&lQHVsG8Y9bdKx z3Y;m1m`nqb^Wmort8ouWZ*1VlFM|1xWZdkG%W!ZZ$-|YcNq`$1$XRJewr=gAELF82l8K?*X#rZTNT1!M$08z z$|M`sDJ<&$q=2`M7xKD$)2SE>nXbhf8++mzDubY@<_d(^hC+kdM) z`vPjLau{9o)ZD11W1KeHGuAOXk_lXAol%W-JU+&e-sWc;YXF}Ay*cHT!h-z2t$~h_ z{E3JE!cIc`PORIzA|K2(C2r_(<{N}P=6*5^lr6P+DQBcv3pOtSKTIr3c?{~z8_^nb z*85bw@sRxmoXY^9h_~cLg=xAWzK8F0EFKW|C_Yxmx%*!d$0lido}NlnrXocyf4xMi zKJUh-RJo4$%=^Cl74pFCvD>gzFnE#P6dEyeoqj`Pr4?VZeyi&@!^9_{Xsm;3{2ScB#Yn1j{tL!P2*P-E_;D zjBIsF1Us3-l_?Kwx!#;{{&$LF<`$+8veCF6*i9)=T-!kC@Lp*Fx+Q zHX5T&*e~0-NE0|1s!PI87V^ULZDbbEBCjT9-0fykYSqWtTz`I!{bADlNhe`R<3-00 zuoD0nkG$$dJs6CVwLc;ac!|H&7CJ9$YsAmfK9V6yrbr5?5@Nn%%+>l3aHIr#jG7H_ zZQWGAzV=ZYk5UX2rPn{P3-|mx6Y&N@Wj!hRi7#l)CV z(#2`E>u>)?Q}=2IsAFFNrA0TgO;Vr$qXiffTV0bfW*&AxhnKRl=z6Vwz?XJ?Y^bgg z^zOE$ZV4d4R*(9XjqC;KZ&F2DmU0h+u-z_+feZ(Pr>rS;!|G~&?02OuU{&$}`}hI@ z0UYGIJlt5!>RutLYiMgNjag){0M904u-ZAKp4Ji$!!wAH%vzk@GjBY&|8#i_ZB zMDzUo*VWzVnj#2CzKz?uS&p8_0aiF4M+~w$q{&W!Y};c7A5W(Mh_FxdX(wp|qL%pY zEZsOP05WR0{t+wyi9g~Ny6)25c?;LCN&(sh1jLRlHJ|h>(I6Dl)P5gdd!YKJ9MUH2 zVjLwnC8KeLVDmQvsF7#BNp(a_qZh^LTD(-x#KKnBQ;}4q_S5&njPqA%7%IYgZ*G|_2vO^M`2kgDgvn*mmoq5ajV=D>kQM)XzvCfAHe%tE4cLm}%s z`h5UTiA!YKT5jaR+6P2T17)%;XBZq)MG&+ZP9*E*QJvLOtXu1n`fuRY^aPiyU`+mjVpCsE>-%38tZ zsuJaU1hkXg#XPaAa-t8kTjUrjGkHaFla;p-lV~j4uVFwdUUS%;+I&w`?O)sLm*8;v z?qlrWMf=WQ1%6_K|IO?cS0lZ1V#cgD#e_pC{jHEjwx4qRg>=RF;Robwd8W2(6FlW; z+$r?NKh>~*gNlFSpdGQXf;27pV@{y4y`QRfNbKRCF8Zp7b5Y{)gyvP;O25VkYDVN~ zK63sfd>@;tW{@NzBB$&@HGPhcB#0R*rCkISzwlUPO|8$?Pb)^}`kIIcYfXB98@qX4 z)u+=eb4>Kz6o7mB`=dVGRi51jkEGs86QXc^evmbq6}G2FZuS;5Q{GlC-4XMVDnpgo z(u#L?zSKbLyLrhNg>zzPC)@sY`v}5Wyi7DiO{lg$GX&ZB2hy_9H-I=?JoBMq?He7r| z@f4uTszhO#Nelu!%UFcW#C0oW{)sFE#LqkZIdGM$-w*TSoP&?+jd~P9a2Xh9Rb8X& zs}9fb2a4VeZNIu>vf{p0jX!W}ErKN6vB7c?o*Ml?T*~i?`u-bf9B3i!{J{OHCk;TN z(9J9m^>Bkn+9M)t=5XFL6J07h4U7faI}>AqHnz(M)~x5k)>Dui-c!ITZ|LdDAu%Ak z^XH|DzGe<(Mhf}kt+>J!v&|sfz5t6fsPyPQ(p|w8HKEo|A>s9>T^da8mJCPKp7w#L z3}1}1gqVJ{^dKayn@@LTb526ck^_Jw^Hh%(c%Zo=?|~<&HDiv(&iAR)@38%psMu^P ze+PB$l=*;?;j_;2fq5Bd`KZsd-oy0eJ4pP53K>M7P4#}k+ifB(pf zL&Pi_OhuC^d*xlK9xF99f>-zZ3J^^$jCMzx%$Bs`{6R0>JH8QFFpfF zgoA2yf4{oY`;7%3R_KV{0NW3?P%c&@hJDog=z9Wb+O$=R5Z|7J_r% z-nR|{nm@2kWHVk^{dvEzlOyi7cx=^6H$}W;{ z9r3N(R=QFF|GQo46sd+g8fSsH@v>vGmuuGv^s;0skN zgVGZ2+pIBoY7Io3o>$HF!QuZT(Vsk|D!Xkvo;KzI6WD_LVw49x$Aq$Ah3{fc$A?Wr zscpfzg(jwnaNY*nnKi<0H2v;U^s7pmbh#*xYY9&7=zz}rY(t?f2j-!}Rk?)_t@?6A+y_IcS?>jQJ)W$d(H`>*?x zC(TvzwRMV|P=V6sj+S2^-kBd3&TvIc>!H(%0)gbagFlE*DN9lBVbl9T%_x6y=fkI^ z6)@WjL8qtp$l5zmzl&M;#jX)f<4L^niY)kpJ0)Xi_WRoPdBz7TJ$~E%@@=jC8Raq^ z3zMubUB_t*g>Lr+iMS>CBrTKg-oA*uJ0f(S(~O)_kTVV*{fGU&lEgi)6>CL%RWfDs zM&9ZtsM6nCOjEy3+S96{WE=+YUHok&22A&5C>%mJyZOV(E4)IG%x^R`yk-pSq|W_r zJ}#p`ZwB=8GLLqwRYR0REQQP@^>~>j>SvEvws)_0)$*kpAM}{Ir4s6SPPfYGHq8zC zdE7UH4ZmMS+HGT{O4>10>mwgBBM67zo@&O~cncCR9CG(_51EmL=+MAmE1i3BB#&b1 zJZJs8CG4NcV1)2%xXBWNl35=H~Jvd@}vr(G!m0H?zKd+wCx_4Dx5WZ+3 zOeOi$%tPH$**#EbF}Eo2uR33^oJLeZ-qO3phV$zhdwk~-^L~@f^SJ1A7vr)+Msh2O zFNl0lyf@AnaLr&)ABl7DeieCg5F~gD@^&K*(uB)Q}=agj;7!RO&Uq)K#-T1 zazpwZ2WmjJURx=c9j1~QW6WH#(-nwalON>b>nQJtP;npWo62xZ-*iLy7$0EO-{=|j zr5H(8y?aO&?eE2VJ9y`6q@0W(oMzYaTBbLSr)qxRbXKyOCr`4kfYzpsiO<_Jo2r*D zEG#r`BitJ@MwRI8WNz;Kzo~0m>-MOu+Z|S}{K9wm@2aljyCSDbS_ivaZVVk>dL#cG z1fL%u^RTTseYV$UC6O;10A5XxEZTPe4-7%`zBNB?CFNj~V)l87<> zCo*~u-kaHyB1R{3PMgGz)h1kQ)22^8=QM`K7?7NRTE#s@|L}}LIwHcQRBYaQ8{t{M z#u(?Es03EDd_+$&o0~9GiQxPP=6eiFIbA1%Uv98JiPe`^mhl>3GzTLaROIfc-WzL!&PY^&LZvCd^N!5aYnd$(Gj` zQ?MV2oWeLi;VWa2R(f6&GuPTstkb06PuUm|0oB-^83G{%58)qr3$+--nPxMYC&e6L zLR&8jO>V8X($KxP+FNOtm#ypt8{;`Ai*sJ;UPM@g;S|M)5WPxo!-o3c%uKt5=tfs2 z_QB0b+RX<63IZSvOuI~{`{|$mWM=5ePNl5cv>B53(a&MbJnEp+QNY?2Kl0<--3JdL z>=^2kuX~-7M(d*uaoo$$VQGyah5D$YX|KS5!h115hJsT&M4z{%w{hHybEh&-$3WAz zY^OPRyRNk~j2#{yyN}_x*O&rK8$g>o?}RzVF#51z$Pb3^#5>1KOHK)uu5+-3wbBr) z)Q(nGrA?YN zCq5Bo+LjEv_E5tP-E4;FRBc_7unbie!A`@0EAO56E{3!2Kdrhs;c zfr|^X_TGjIt{q*xAb)_Jgc#Bibf^szVVXoXp-WaZVk-CQf&@!~yJE@PFa{T_68|bCeO#F%X#EJuE zQ(O`fFpWJ$7t>Do)#wH&2Oe$l5^@-A#3lIXop&LJUIx;g<|I-`JIlhBw{S+V-7xq zR{Ch_M48JIIVY25xmOkzW}MIWZx0=Y0-fe8kLCkf zBRASOS$o99T=!b;HLX#**1aJu3sVxbTg=c(o%3>HLa%}rC8W@gUiWIloReNvRm-Eb z(s~^^$NgSL*Wlcovm7m_u%u9thu|F~ZMgYF1Q;=49%d;9TnDu^@12iM9LFU($N%9U ze)CbBbN7#;HbZnF2JE14@we6>K!r}=?P)b0LwoHB4XT_+d20h1XCe5Qf=!OeV)O)FA{8bT%(eD#I3>l27(W0zQ*9)+Kne}u9Fzxl(^jETJJM9VtoL||}3V8x_oLw=%x+^4_!WNLCs_IW;yDKx3? z&3O^wUOMc|y$y(cd+mr8=f7I5&rKyUA0Guj#z*hG)JJ1sZTe&4LPWiG?HY5y$S_}W zc~ne3%A+oqR7(TGA|xMTfVpIxykr?&$Ix0jR8aM3P9(%o_Bw5b;B{Ee$#jy<5PYvX zdjGNWb;7C>h27(0-!99Kg|Bw4dyT=jI(kzku5G+s*V@L*wlGr+zP1s(gY!mhGLcS- z-eVqs#$f2&w!GxDa@ijHQCkz|dLLgtz1|An|ce!Z-FX=bz3UP_BGFcF-8PWXP5NrVId z?|n*P&RN?y_xMDr7QCZL!)z}#g(xB~m$kH(Q#@*es_ax|OM%y6AM$3T&Y zh&Wc&QTuYqAvl2HhmJYt@hHp$0f0DJx8?o!kKV@h(}jqRdqqZ=c$srPKK9eOON0$6 zo=kvHkUoZ<{zRTX2Wc4arxc$$OEa6T^i~HEiI-lLi6&8AlMez6C4}H;z~&^xxU@3T z8tFu3pY}wvi9H4jANS&eBbv*WTyW)4opW zB0iK}$M(8HoN($snN+QoKKeirdB#x@V@ii>fQY6+H7BihP(k7nh{y-&wa1M052n!) zf@@{iusO*&C*DtNOZCUzm`)T1!ab&{-|sJ9uFR*&?At$m%x69~F~yulA5Nqm-3RxVfB21= zML6ZqN-ul8eA;ZzyvDR9t|4-8Z%p07o88tKNj(V zc!$x{g%czI$O00bK|9S`S}xfKpHeWjFF(IREwHYciD}OJ{b1qXJ@%`u!;fRkyluI6 zMd=x$XBK;g0gFf<wKnjtaKWK!LH(N61U)g{H^}ts z(IBsur&a`t7npvWJ7o#piw^sd^6R|o9WHrgEY(XV5g+|}&2f!T4&a*DUY7M``2h_R zkAVpHHcYLzQ;0k5#93m1M>f-0-$>nCE6sZ!f-6U3;$BB9CwQKTR539{tkNkGs7GTy zKPeq5pxh?kj#iEVU3Fe!O0l=0O~=q)73PGr#B$VS%g8XnAsnN}d!@si$QVX*s!m{M zQEj7X^ue9M2xh&jj=8K+b@py^(sE5^^V8p4%h6S5T4QVQ8BJmi(Mgc9Hw-TxA0;Hm z#G~8gbv^F2J{l1(TheZ45)s5aYFP3pgqg$Y1F&+>ClQ`?*yVMBFC1UR@85P+Th}N| zON!q66hf`TY@)g-rKfl*T20M6(P2Ki)<@af_LAcgS{v*bn(~~(^=-Spu7CO$KmYX0 z+aLb;dA%&?9+|n+{{H>`>#y&^TuTLE98(JMGP>dlAe(S~5K)SLsENoa{uz3E6l|-O zH6KUqeSlzrl`INMH1-f*)Y>4A=^bfvgf6!nRqZ5TB1j-F8A|=*QQ*eJwS^)9vkat? z;V*a2wbJq1LJT5=z5;Ze$ zaXO)HIUW^deTdIVgvfkaV{KSm!Zae9&ihvXda~ItsQFv%WiK#+U=)Z?85QPnFBlvB z@GXqii70P*+8n)O#&^D-#Cc6NCeVv8SYn;RL?UwkcmO$=au{7>hT134na|*RJ1sqP zp8cwsfiNZxQC}>=cm~leAUMku>!CB~Z45nvM_T@-UT{{5Q(Kn2-^&=v zM8M$SdvF{TQR>INte5P(2$OarJMX#P2UvJHg-@>+W{%OT8J1k$p9(gl&mN_T@cYLB z4+;}Mj=C=CvYv#*HK*JCAfn5*0+Cr;Uvdh;+nm>JEv@Gi&8)W8`?zjv8{KTer5Zzk z`~G@aTkkpL6{;1Rmu(qCX-;tr!|>1%LO71PEO|+3((G+O2=AOMImHzAy`&Ut>nx%+ z&D1-G!bn7hp5h;r{th7*L@C5po7ueIcOOCwo``GfbI!My>-XC&rKqakKklmb_Hu2# z6A^e&M1=dO)cV-VJcV?8-4>i;`%z1+uh(ra6@HA{eRtw&Ybgd6NzspCs0bB+g{i~zd+3N z_$c*gy$$OkfIY9OZX-yCaA)5@7X=r}%f%eitX$aZJ6k_(hDXI|YI&^5OgPG8pjylB4gvP)L zGvy6aA2*uPr0s2UPR@u^)tCbQ>~r?dc}rs$)cj*8dKh36#?XOO5N2)a(%J4}8b`uD zdKBfRnQ~Z2001BWNklw zJJ2V@CBFQ0bza{8@*z%o8QaT}w;XdcogaU>nJRkixTMF&&diVZJuaa<>hJ&I8>U~& zmQc5S`^&rc4p!{j_kGmy^7*=4*OP9<6m!7j=DA>@UWfM{YSpQ;+)GRWZ|`U$rnukB zB>Mb^x5xV)bA11LE2VvWz0WyE@3pko&zJpP)@x2n1YGs{w$`J?9L%hjQTG;e5HHxe zKmzWgXJH@wa!CM^{Ft$k5#*YuxI%-p(#o^_NLxRE8TR)7<(V4>clxY zuQ9Ck)a-iQ9{U-6cuEu15P7jI5!1BZM(YE-P8VG%O>NfF#fgvZ{!uP3Yb_nd6&Jh@ z9>y~pHiqUkA|7|D;l4wCFpW-UFf(S5sDylQF1W|{!&Hx3S*}Y+asN1c@Og=4ZzTNj z``ss>)&%P$gajdnNi@1bwd{lc`0a*An`jboD=n`H!gNzZ`rFiLbB5>v_s}tEP5?{{ z5#vY*VX8awg9*WQF$L|0Vnvw8(3FDe?7VRY3`pb~F*LM+K@3=hEorlUpvSmN9MS zEyg9dAjiG3leb?k>?m!)Cbf!8G>uC@IGqTG*Tg40F!?v%mfMb~{9n z={`SwzSh>v=5|f&Sk2ykzOFAhB!B(1US6_z*ZUABx7+cTKY#!A*N=byZ~vl1AMcO* zqtwz~>NEm)!4>;y9 z`hlZ`F<{OR!kiP+G)RNSNxh3e%RzCCnbf`?=lXzUPCD~6Cxr+uf}CF`RU#^T6=5=J zwXa*=uFL&>UoJUq32qbEROXzj8kc}ky$>E`I$?%wKY(xN)9Hgl+=|7$oMgp}oIA_7Dk?4#lw)^{;S=RLy6%F*%?as7GkLhw5PU&JALBz1-u z02N)QN z;|W*N8FYY6g>w?ZIk3Pt8G*SWI@QU-tqxdv;A#Wn3EDpZ58d`@gUUIr2~>g6dPu=} zq>!kvJihPZ1tTJiOo#~C>DVFa(2xU!Zp-V!!fB1jB*O3#;a}U^x_=x@?9-WS;=Kz? z9BsJZofFmRqwn>Ew_sbH*7QV|n5y~U@nMG)nK`f7M-S6a$`Ri`AnMV#Z0n*Ould~P z^7%i6qcbl-L`K(Ti9jaNoKDotZ>AhFXWJu1oUHmD=B4 zw-lpurwatS4rVc%09gd@k5ZSMS>z~HL~i#-?G5OKTHE!qBGYQk8EZax5QzBp*hBD3 zUcP?&juj6PA!Xy`x_#UpF?yH^qDRUST62Tur}y#pa{2o0J*5O+$2p4b!Ug+2;J1KxNqv-AS}jS1;RwkJWLIe_tAzxT4p8=OrD8+G1J-W&|!JObYVc@ z4Jha3bqy)NMn*JK4rz%Y`u*d8!6QTunih)yzT|>SYZ50ZN0_gcYsN|eHmv1>T7)sJ zIn%_FKR1cYy>#(n1M&|VT~YQy#&e1anz{fs`J_ox&4yweWj0ae_u7egxu)f15yy{j zyUnRh>!Z0Rnq8cfdzo`O?{OzVh!~QO$$$T+4;^}f3WhTC)M;a4@SK*^j-J*$bpo)+ z%>C%9#&i1Mj{6a!2e~<~8Q|*EOvyaeE}u3Lm$&4+OKWn$tuM=Qub=<+jafnt+H|?( zb~F+B^oLg>8cpk7u@c#D_3~-Gez|=5<@E>e{PDi8*F~YNe;Uf+8|$ry7~&cgDUvy~ zqdV_L9p1Z`(`aKfE%&lrS0W;#kOHtR5CWMIJGs3-u5Xw3-#+psUtZT(21*4-P1{@B8`7`a(c96>y-qWjC0GbwY)pdt z(MB2C&zX}rhcjQ*dKoy8d+j0kCoasWTrEe%}LoSX4U7g|3q3a^iKGL zqYahVym(QE?@_0W+?e%Do z*AfwA12IJrc?Q(9<&w~{iU`fgPz9V>r-XR9+Q;M*x8K|N`1ZhdG{$h;iwi#I z0Qn-O#Xh>x2c$Too7#MNTPMx5MDen{WF)CgIt#w-C6A%(z4lRzx>-zKVN?P^+PeoHd@!?XsziaBI4}@P!Q_YEpIX8Ks0^u=+$}~V23kNtAlLzI+p8VU2y}MS=(E_WV2b0=9~~um}Y$R$E_?c zOMO&0sUbBx_KNT?5ox7iv#DKE4$LHc3jKwcCk5|m&Q?2GRj7XR5+N7E2BRDmN!ROT zNijU`1zte!&Sa(9Iuir>sl!?u@>H8)`@A2GiGz2Luk@}tMHa}`83Dli(eSxoi#KUP zrh=O$1b2TNm=`fTD?`mDvawJlY}-22mYmQy_Ay?r+sFNZby5sL)pCk^slyau0057s z7@YS^9AfymJyHy2b6xW7{l}x*C>rtw6VrE1fLQvI&A;F|2r;~CzvCN`U zn{z&R|8m*J7?@x=5ga0LBVeLHG)2U0E=#)K_o3&I=I!OOA9X*fbHXA+t@kc0ImP`b z>$=?c()%c_U)BZl{?-OF=M=Xsrx?u0CM`LZ+EvZw%rU{VBI1Z;m_14f-Xo9DId3%E z7)G-XolHJDH3Opn5}=sQF@QKgFi@P0n1Xl#3>eBn4B?Jj#j~B3gatYfE~wP;ZSS?4 zS-#}sUNJ_6JR>d<%~e`r-J4IInU7oXr!p1lPg1oxjhR|KrMfAH>!%Hm^iUJ#kUWH~ zsN0+u1VW(~h3d(4V(bBVsPhgFQCyO#?jJ{7VlO>!Nt{EJ2hIeunYYwR2jb9q$IrPh z5t*tB&dgl!>pomdCic4 zF(``IaoZeSwQFzs<&U3W8m37;`r}?MZ`=B^U{2iXc(ym=)8D-QYO-Xk*Q~HCB9L0Z`*Y#_rfgwXifx1I@|dzbrRKk#pMl5R)|hmV)PL%ju@6Dr5u>~+qc^! zV&NG5^|H1;N@)N9>__|bx_K{j1{LubS_=G;{(e847h*CZaq_qovuR`2qlXwo1PR@VGt@W^OhyqV3f{xP;)Huw@DfHF2s*&y10jKS%WK4DrXD@7`TDx%HI<{)((%z; zuFJ>weZ6EII&H=r-@aUQSYD#(G(FQZAGd>FY~2o$E{1VcM-7{kYY~_oE#HaCPK_h?ngpIq&M;V{)S*aqP6m z_B#C2-wz~FZ>oKOqDu&gQyathoOGO;4I;`ZFmaCY^V_8ld%dpPl0)$S@gKkb_y6sG z{eS&G|M2zueOvP%|M2>qITjA1bcBwp2{{b-v_?emwHsZ)qs>)Vo;h-?B%o>SOMi^i}wd3&;!(h^&3DBk!fV!;UyS0|ACM0`AID_y%e#~AQWLTD_BIP~q1 z*1}7`%*&R&_bxzwFIXmzZZs*cF{b$O?XFL2a<3hns9rkCFd}xstqgE`5MI$r7Y7&@ zBQ=PKoR^s6B+6?{ER5RdW%{j~C$lKz*Teoa; z>KMKC>&qriko}A=66jw0y@1>Rup8O~?S|?fO9?Rdp#G9)&an-1pZ@sC%;-cPn5usK ze(SZb*L(^GCzVG9NpRHRywsy3rYAik-(e~Ek+y>s>S%g=l)AUHrgE=H(oRc+D5cjk z`Z467L&q@ComhCP^{%7#xWraE=7m1S5PgWj2Y3Je5RuV(T#`KzxxM%DsJ#v6SeQfb zHjIh3CC_>0`Nb4MbRt0Av+0B=4g3AaZSPGZ>`-k4??m|6Yw#||FuJN4`p{B4+9|kF zym!LvgRiyEN$dACLX3Scw+Y6^*&f+((Jv{Bqxq0xbFxqNHN41`xtN63xq>Q zt#i&813n!hLghV>XW^vvanyRhA0LlhRb%u{1l9t2W_HxtQ;Mw*7Fm}(=e$35A|6Ax zErYTTCIE;iPj7-+HfwFI4d)%k z8$SpMEQIB?I3b#FUBlW7dDZ)`x3ol9ro59$Gv~xiF@-s&69#`auMyei(2<)ON(8Lu zaDxgU<#g_;X@czqmlA~-@Wb)Gd;=}3v_9rixo|Xo2j?p=~VJW!ilG>8016a%@M#Y8B_(`m(`0i?=$h2`P;G$6=~*iNd7A<}io~>fW~3 z6&nL))~9%$F0O1fBEM>J>K`**GIXRve){k1045BJ_a3%`5bOjkY`{#?QNKm zb`3E&ad}PJY`ZSrIUjt=X}v6H(#l?2>D$|OdE0*f$8VR{HLbB8JuYF?ar=6I`Fv5e z5IrhXB64u!brZ*1l2O%O#{hHkWJeWtdLw29f#?1PAK={r$js z4lB#KgJO0;U$Hd5>c_v&G9-WxkiTAE|W$eMu!@-%(ko@|RN7Il(c{G6D5xU3By{dQ?VSK&w7LI%K z(LqUwcMR_U`b<;1ec$IK2=qgAfd9lLI45~Mb#$O6z%EQgLQIp^H93|(Y+Eujzg#yW z{#XCgfA_Ed{{Q`_zkKyhLh#2?A;1`>c}?HG-eL~xOBzGj@yR#y4oSD?S?Wb?j-fhi zGEJJtUP-3SIoimVL^MrxsHG*2uA`52ORsO+lH%1nOu<3hndyd zkcpYM9D?)SmA#^_D@RRhYP}Ov$id9a6qGZV2bcvv-A4!ix;QD1`h+zNQ(Z4PrVy8) zL!nNG;stvf+-{ics9MTVgj;P00l*ynJY${kvm*E2Ip_2#H`T64nx8aLZPufQ=u-;( zjDUd6Ktztc;3rN3jTL#}Mnq_k@T(zss6XJVeqQ(Xqeo?C7EVjVjSzD@jdszGK49F5 zIUf6g4IwsNP&z$s2R0aK2_TeUR{KNA2B{myk#@VaC~_A;}Yz2EjVr`o!6ZdvkuFE(duV_TQjMhNjJ_2iB*&uQC|*PMVf_1KY%`GEM6XwvlF z4;?wip=xvH6mO5+rlsK3ECgRlyQ~X5KoEZ~ISF%VEu2{!VsoY#Ywu=OTTd|#J%5`M zS#tWzZ(q?J5zXK|M2%ypcWyabh~d3INw)z$${ zV`1^<(wvBTA5if3I${nX`q58Z5;Ko6MjJ%LA~AngH*s=&lwQXAvgpvq_nn9^0QNp;*EvbMh7?5PxEGkAe`v6cep$e@C4d1oiN{NGpz|hEMR|OAcy%=%%RtD9#T%0OR9S_ozE-~ za%X;|a}g?A!GXxaV0>vm8=g^z56&mg!f^?4iD^qj@xWv)4K5E-rT9c1%v~j!_ z@e*?oh;0Tui^F;G(WN#1P^zFCse8lb$9spuI;5~%vN*TBt|0~l9z!_6OrwpoL=m!K z+v^G!teLGZi#;cT_wRRr0Ys{hS6<1f;8x}#M8yrn&{7zOKvv@bU{>b%2oo9-5 zfgugX1$W#EO>$o9yc!Ds+LC`LqQ2c@XK-3 zlmc?fkz=^;l_rg$0L~yM5zXI{6A69${RT6Dc!7CtbX~8j^Ip5f6yRqaZD?2LBrZ{y zd+U#nqt)($g9?b5P8zkG>GIg}p$kX&0~5RG^BO@M9DUTi%{jsT+HXh5p|?>UwH+-i z0Vq5c%9oVZFq-Bq>M(6elcp*R&Dj4y-Rr#@1EHa_9`*52M5LC+%#hb36d8m~=j9Zx zi0H6s#y=j+GdZ50yFNpc3DN)vZ1{*V<%MY$6^RqM-%76|EkQ&suWPHl>`nOOlZx>1 zC`7d13-lx`+?%E~{_mt5erl)rDb2;?dvx>OolZ+97+~cku9r-c)=Q2tIAX`_SZZlZ zbX_t6YSgSX{eF8eQR_PA^xgweZ*!`d_dYMlIp@63IknbIt(0bS<{VGu9+4?DNE5?c zG?~XsnVWfuA$sBy&4)?d=_Ij9#(URRKS;}Xo~+b>sGyUZ+K68%VZact*Ja6XVRhjKI)MxhUwZa=!& zynox@{_wI~G6p0+Rzl~UO(%;tt*JgLGu^&Eoa5dG3!MSLHe(9T`>7Ulfc!cw(Ny=_ z;e&g;KhW%8>w{xrU2{EJI7zI+lZdF+=8!$4mQvg<%W;%tO)+{zpkH4%HT(4+zs)(Z z;(UGGKHeXn-Y(urYl<{x$as3!bxCtlANp}W%w|0sO-d=C#|Yk)+J`E$5OdC{jS*t- z!Ix5r$q8S!H6WD4z`2ucS=tyj=bZHCU%xU-it)Fv-jSdezDaUz3=sn_A7!&4oChsY;*-`ha2NQl0cwq9~O8WF88%bfG}+dbqU!rSYnU7<8E z)gNB`7=1k|Is_k_3!aE*&gGJ|tE!;}9ev1C%6xjll1J|mQ^c)vigSo?l&~;n;VB2_ zPoE5M!Vt#5zZ;Z!oDLWUf0O0aO-TYa>ANf=Eb-0EyU<_UNP zP1T+$xi-v4XEx_JkGZK9l0Tl7JD>d2*~$pfwY}M#J^;Dxb!ggBZ~aGau)VGF1Z**9Yo;tj=_p5B>lFGsWJzIMHDcM8T;{L@|XkX~a1Z77?hl z_j{Q(%cBy_@+dE#Uq?W1Xk-UYW@hY})N001BW zNkl?I_K8c{~b+ZKJEIiF5zO z-~FkBO(a}vS2Y*>)Crbr#&(WryRO*U)zXf=;zL|6`SqtOs^^qr%6ZPIeauNQhFU7F z+f!XIv6G`ue|XiQ$G!BXF$d>P8dXRh1M;-S`e+H)pLagFkbEzr9?d8Jlzy=YhZxWr zdGGi4qc=@UK+g%OsyH{gve0_TXNQKx8l7fq%xH6p0L9?pwI|&YH)M$3h7z40#M7;P z?px45%sFjNW{%Ncu8Z@o*8a<%KEo|4PQXGjI~!W(w9>Jy?N!&8jHHqG-|uL8FRrKA%iXwyWQu{Lp1 zO2bOuc?B=QN7o^}7Cw&boPx^bot|eQCfIyQ$jC~mV~ph%o!78>fcfXV05zDS&pCg7 z{y$6n(WZKFs-q4c-SNnCObl__1*EwW{X|tS_@QU!xW>`OywLtK#}wxMan{__IVfOh z8h@q)9M3ZZj~Bx^{G&`nT5XuPfo|xaweyNK4kixZ@T$rM#!^2y*RH(t$~gm`8Ggk%q!Id%lT^- zfD65qel3B2`_JD{D8Nw>mayCtT@?r0G#9TJuMiy*_u8>B5#iqYr*mM6ii-}~sWB$H zc_<1PYOP6NN}zWXx%iTx_vE8GuRiK>OGea6>!m|WAS%wgb1yzPGCKE@h(TOBpBZ9h z@7>GS7gfPNl!@37t*ycwgPUVkY%Q5WaC1(iXc6u^zuhnw$wyt6s3Pez zN5eUFDy{eE9Sh@e2eO6;7Y|VJBc)JlLw(a)ueBR-j4_wuJ(TEIPM!!mQ4xVN*o;bR zPF-!S)^>l{J{NPgA7|_R$NR_Qxo^v|q!?rP@&0hCPBn&5d&8s$Gl}3ma!DZaajL@7 zd&m5&weBF6VmfmX=F)1ZZAppPnAtlwZSKdprsa?CKOXx5TK1Qhdufe{+PE}PA$WCA zelVI4_~*RyShR`CPm?IN0l8E&LP4xf_WitV%m4fL-&2Zx%&%`RMpRpm(W5hIeJo2P zvTa?=sMO}Yn{;J>|Ni~m1%Kod^yS-qn>OdPbxqhIJdcye)akI%dM~Y!P>8hq zR@RQ~B$F5KwHYHy| z7rf+TRYiLCq{G^{lK6$<07s2@?VruO(^i*T#V8Drkhoi3^$^8P;J?>PH*UF9E&@ z6d1tj-n%jE_GRmJ01?|t$Nt1e4`SNS4=pYsZRz%9121Kc0YWhgkA^q}=YsqA{uJip zd4?shaz2VWEl0joj!x#BEw^+_pwut-1aN-Kt?UJzEp{yBDA;qxCH(pK_bWBlDG|4d z582WZF+T&?5m!R1ZC=@&wA>aZcFxT)&S#D>5Ya#W?|&O(p3i)H-O>_ApCC2&I%Xg0 z9Ff)B%`7fq*_PINOo2WTG~hFqqq0Jdg{=2(MjF(nh2)WG&&+^36SF9zK1*8^0h00x zp2V;@-D6n7{^N{`7ZpT3cFYKg&F1w~GS8oDqB*D8>#w)bXIMOhVapoVEkd7-5h>%{Enx*=lWfxS$Nuxx0I^h^VtfAh zz9Yn^)sc^K#rK$vG1qND#f*a;Yc%Iw-m@8nN;xT9gjnnzaFyR2?x4x{8 z@B7C;A0oWmQ!gFDDl$5sxz~YGCT($jS#B>YoGP$UGSl|D_~2^k;v_CXowPc9bn7ia zu)##FHn2D$B2}kw;t~>5p#&){<;$L?PVe6W6#@t!AP!^ zhPVk4&U+bs5b^OiCggDN(VF!!=bY-~c$`qN!=htktelT_J|TTHGm9xOQCvdaYs+1| zY_DrvgF3w|>2e|ApWjc+fRPs_!o7?+?d>nOmb(x7@@-Wo$9qZ1Ln}Y~Y;BMcblxc4 zjEtCj8KaHfMp}b&S6wU2F$U+g)p5Hmv(FeqN}<*9KmSkvb@cgv{`Y@;dA*I%YiqT& z7}R-bV_O^OsDTEZl z62rL{uVQ^B?}dmaIT0bYY2QEgQaUqjYeckYh#{?U45;J$Sl-(psyf#WjpR zAX@np0Ya_hYWca-yB3(O4Cj@J(GMVd9!G9iLM_cE>Grm1aOJGq>x!3ifTm2y5WWCp zi18BP(Z=Y*sX(HH@i{*CxQ4L!yw}^?N=9J~Wb{)|!Ayu!w`skO{e8cE+2)+k4ZGj~ z4DPK1FtWZZ^=wG+Io^+uyv<3>E!VPNi)F>7nN)L*}S3EqD^ zcWef1+WT{VKKFG=zyJBY)cV`EFW&J6XDT=T#_c4g9kMZ^O-g>{> z{n0bC5Kl9>567HKio`s|D5YMJdpMG&TWL-g?IOar*QExrO(0X^?VcTHS zAnciA+Gjf8XdQ+D*uszu+H!^evXxfOYG|98amRpikoN)y8|DN|gjqOlUv+vsP7%h0 zueAYs8Ij<-*FBd#i zS)Bl$O&99QKv%rbOia+`im-Y$yE?s^>-M&eF>9_hSF@>J%2`3Kh--NNw-531~x9bMwKiuWQ*0tQ~O;aS8j!k=CG2V)CjQl5YisL>Hp(eYD!0*LoHZTGcBn zhb6!%h@Hu3F7(tuKr9iBEffoR{sPU!*k=`DxLf!0bYAHzuT>>O_>uNWG>lLUme>QjfO2t}eKG zc2>D!A}-+>20(=HV218QxYZuFU}hotRy$HAupgh(QVOM1CI)7tHy9AL)+Q`-T1=tT zzVEq|me%z0Wy4m1F2xjM%!D%Nf&$f!cBqxk#I-atWT@F32En1Klw9FtCbBEBXxbP< zgpG{ll9kRmYi=0D`{<7MQ=Rw-q<4S{?)J74)9e#M1+-h3L5AcR(;$|9eaHrfF4E0@ zO2y!ebl!>MaSVk-;9Nkz4%GsAbj`$x8r}BeX0m%lL#3cV<6u*ZBbN8uBwV? z4kE6#h3NN>GarSS0aeU<0e-~H;1I{+XpVV*+d}gD$60HSYrKD1jrjJqhQ+HBG7ITi z4W%uJ(@%bYiE7#cO(LUFVHUbT>15RFxW6r65-`)_&r^iM>V0&7{`ZGZ@KTc#&CfcA z2@6o`pJ{JI#JAT3A0yg4*Z@#vUMf4{W3R3Dv;-ysj){!^+kgF!|N1Y#{%`-s{}sLS zUd~*e`#HuawZ`b37jbfy+J}kqaa4g2KlkHVLUNe*qdOuqQ3$~8EwqDv2Lv$LPBO`3=WAI-NYB9j@o-cp*XY_}Ecb!H)^^T-#pfMw2$h4uJ2;^LX9ma0zr z80BnlzrB>RLdl8d6SoZTcX-G@MWhoBb<~Z{J8&-1u3wQ}4#oX6Bryw%YAc=SO3n%C z(xEZa92S#rxrylLb6pcy5p&GP_a|;iA6!f!rhs1)e2ZmEvk!OzLkg`ns7P2jpCu%Z zL$ddYEM!&9M?M}WP8dv`&I=w&%v{gf`?x|gYa zhN!t-LQ|1?);VXdJtjZ;&!sN4HlTBZ0buqS*U)QsUU4n@;A~DZdjI38|KY#=3p4u^ z#EH=r%`mSDiwK$lz{`k`2ZZA?t&#QGBZlPf-)_CORz_U>Wy6}rmq$dA9)NU7h>6o0 z%27lFs0D{O5|QQ?jG0^MVF@hKYmZyPCPjo}il5yDA|!aU9%Ha+PPODZ zr#TU3p2NIzt#u-bF^oAwaHzZ|QB1)n|9qUwJ@r0D8#E~fFGgsu3Gr{Gu^?B4VZ^@N z0(}PWV{i!Yx~+(pqvOmmhB+++-^cj%moLkbjx)#LLH69w^IGf+|Kp#3-fmmYg@}H< zKQ_eu61Cn@*{jHx*B2r?bNS`ln{)dA{NtZXO22*kI>zX|m)h24$+h0rwe^0S<$hbo z7_IjuCFpa68L2vE)2YLJt+ZBKTT?QoX=G--k8NGi5A->5t{`j@(epUgB?j+%@6Nk@ zKi^(%wKo;9Y3rKC7)I1;Got7{YOmJ%Pl1FHdFRF)$C15vNG(tmRWzMdK$GwL#_5s{ z846BDC`e7>%M?e4f*_@Ijc%B9BQcPW9!Mxim$bAqG@?QA6k43G75{U8CbOx^uuMgwE5le1!>)B7?M#(<(6tv924~n00z~mlJ z5}F+%0bwPnb^G=@7;~14lS^NpAa9&>vJ+j|a(l?tbOzmk5~gK}awA-EyH|^mk)j0S zuZfKOJ(BNuIu;K#!V2wtC~xRCDG?lfeo7O@;{CDxB>i(z4Am3TEJ$m-l#=Lee&)rh z{C21%l{o1Jt9?kSY&faYRlYM52IUwP8BxVLrp zYkig72Tl;MVbUA#J^rxW#9$!H*yO5kgwD}+L!3qT#gn%Q9_rF-%l8~z=djD+-O{&# z>o)4sl1Y9W-g=*Ny+Ae7 zUS;%22d`SmqyT98d!GD<;z2+>5NK!e>#XrhgiSug`E2NHWcbv%{k^t8GnnPEBXS3s z`TBmIljXzQBg2r3HLt9{u6HtnEB&WKHy6YvpoewylhAw$JV%Fijopa~%$YySjx}bfRPkyb?4Bg&1 zuRKjWPj4X$`^-zAe+O2ZW)BAouq&pqFV_j(dyXChOVTEMZBY?k9g6fO6$wsPxq?X2^v`WAoPh@3h0 zTh&o72e<6rg}W4my^r-(kngeUr@m_1Klj1F~KY zZY!rrN2&cqPS+UxmunrwU+r{IJ;$tf7wEXFe$a3xNxq*WRt!*33gd=7_(6RZq)I!Vn^Ui*Eu&i}k$d9=V8*U&&e)cX248YBeCfbf%H z8J82m*%*`AY;l3(8q3Ve+cGVr!uxs<@ zXJL1}^dD9H0#$m4dVufT8T(jvETUxYX}o`Ddtt>R7v1*v?q{jKgV7hkGTc9m_MIw) zeVb&pBCwfbH_~6u{BCdL&>!R^2&E5mxMJ6b$+y+*n1uPyo)dRYW>iKbfoYjBVuQ`^ z&o_8j2rM29+{##xZxO(S9Uu$Rg32G86=#7lg zo=8cFf(eDL_Kdm-kJQuMSv<^Bj@$2Zk(n*ZCy9C&z{Id?z$xC}Jb3P;Z0ETw^`M)95u|oQl08$8hmxGrY=<2 z(XkMGz59`>2~sq&5uDpBq)yh|G382TmHgp-ERs>^d*vZMkurZ)`?|B;*`V{m#!Kf4 z-h?^(AX;w)1xOPVsvB`tSQ7U0p$ikKthjNby^8ghqm@L8Vu~WCgXG59ZA0b4bwR;x zuLMgax!N)xz|7fHHIK?U2&UORm=^g3aJB$u;aGcthU}ZWO0A!@T&yx#PzQY_DB5A8 zx$foNi|JRJ1)OP-4n_;*a5Y_ipUXYi+^rL(R#p7ijsf`=reU4D@l z)GUMkQ{{a8R4Q!HqpM*!t=BU`N(ia3lC_j`+{_RFwoIdHS!rem9CET+uUDqqPGM(i zQ`w$W71g}HXPYO|Lg-g)fywsR^(8Mh?6W-1bNn$(yBy6z&W zOX*zYh=AS71Qc!~yGRg4sqGY(xe@ZTHy>@Fl)*(c3Z)^nX3Rda&yK5 z@7_IU!uiGToY5}N0AO|B*C{6_Lr@@%RpR654}l8PqQmB`~1faOHeR9~@? z(@TM?$#eL`jT*ZR2|}IsbI!k2cvL_l7@L(KE-p^37MLL_1tjO@El7lHVL~o+)aMox z3E0tYKRPP>aAi}+!rl2KDqx|*0^Wh8lF*z|_|Ma(MVnfS%k5Dj^2@HyYob>-kd-I? zQda&Kp5=v1hi8pdIP$N0TMv|ZdH35tC~@;LeAw|DgM#e7oB)$16k}`dV=$qLQQq3sKn*`g@nE_1MhFVIwzy zt3YcrVEmqF6A`Ds8NvW*#3lKkxKSf(@&~;m6!7`1@~MI?9_1I9+GOtf-F{^bl||yf zYoU^ZrtN4&BxeSd5g&FXfPo>ow(H%I(%rw`>7VU4r*R7{v_dqfiMKfm+=8+UDJkgO zFXs!qES6(( zRwa*p=^Mi*?E`-^9q2zK3Co7bd@&1`=u-VwTjNv?OP-0z6_Q_b(D2Q~*9$wQY-+&2 zQM4vQmhsI*N2``Hl#u17K!f68VQOM5>1t}y!p+fR=T5s$0FhWoM~Km5c58#i(-V9<}kf@P09weX3i?fJUh z!LO=*dr>`T>9isvB-Jt2xSPlU6=MIfu6d@frR&+8g+2H%{3Z+5U*kf}#MX{W{e{#` zWorHTtKw-Nr!9dD5EUQ87Q=|PG&}J;8IAeP!86p1181;Sb$4s%hkdsXB8+#uN?uVt zxXY==^sp6O*wNn6)+uZ1j-Vx-939@9i^^&Z;eTI0g~gN|8!m&3>CWv?*p`9ru^Oa zP$<&3ut0ewR>g-P(AzPviVGdwW;4l3uF;SDi%%Tk$2)3CmxG&r4$ao7drVCWuvj~h zp?h$b?~}~Nl{tvLrrpD7{r9HhD>W?I0u7Cg`>IrX!_Bw^rgOlG%#g?Gb-(TV>X8GaA>LEpI3yOqr+y*2EN9b`m#CMcowAbP)=u=b+fWq zxbY7Fq#XE`Vs+TLxsNY5AnKxz(nm&y@pa2+VcP>;s5T7S2E?#&CLl4+P)9u zEYJeYnqh3z;lprIsS(OYnsNg2&832V)oK%cAIO?!Jk?PJ!wzdD!#i!?)gXd>*>D5s zeUW!ojt%94scHxG%qb;P^F+*q6mM4LAGv7}10|ELwnDsSf$ycFG7E*jO#IAN$!XbS zgcG)eu0y%m__dv@HYAvtEWh*gAw~S?TH1tmokQLGW zFa?JkSFjSpl04)I00F)D9#J3pLwS=y*{_}{eW|U8fKteL_w9HIqnKx-RxTZ8Nr#Tn=Q9@bvZY*S&&vl9N?#Lksx_( z4>!y(!}}YnS7BWsXX3(#H{Sa}!&2!kVe57YTRH0LCuX=r9%1TYVyR5wCeQRSJH*W? zwmtn`hOdmK_=j>dxed|x9E(#US<>X??aY3ZQ(x4tm+eQ71k?(`nUnH3%DE~g{Hy## z^D;wu^DRb}@~HOB2zEY}b%n@>ROgbP*uq)mkcCZ}&pttVmbXC!F zIv$V(s=8gz!%bGsS`wg*_}YrY75q5=>C~}y$JM2gI+xdXvHJzJCkvVXMxXvZAzrdd z2U8qN4u(A^7rEEA^j%@Fc+vG%x(0-Vi{MtnFIUg@TeYA<4?Iq7rCPaw#nOB{8~O<1 zJ9eP^>F6w+mC9!7lFJ97`(HE+MD?s&i_15e&PH=oJ-Q(JJ**Z#B4>5}-wR+iWt<4^ z*)+mp@2Qtc(LS@)lWFiizwCJ_EW9Deo>BBskoS$)uZyLAXG0d6(0U8Debe_B&Pw$Q z>>K*}#bdR-Z5c+F5<{x5jn$f{91#rk!}zSv$9o}<8xTu_4GtT1!_XS}Ud^XMmbV^l zH~uVaj|crfui10|fK=?b1iVyuzbEO7anu@11f#@;ciboNC9vTi($2ow8Dn+}P9`!n ze)~nQFME3BmP|(Zoz*)1_Ur_9hvqIf@bt}R!BWg`tMPTo-x2%<(K!V#yPT>OBX!+r z%lNgKbG%f%WClJ`c&Q@>U!^SUHA#NkB)xyf;r&fV)ORv_{u($!U@5!i$#uBWcVX6&MwI2~R<@ZC4Zj2%(u9%eb@=C7-|SI`IO4zj^&{?6Yjq2YQWXVXV|QG> zN#2~VkV>VY5{so@JM9F?8JAO4uwG=p9Nc6HH?S%z#4l|C2%al-_YZNw%M13v;2Tw-><=^;wEvm(#I3IhnTa0gLa5$Wv{z zns}_T-9#LoZyGsVo{72%37H|Py9tt+ULl6*EyFAr`M!kcY8eHPqEoee!sEg%(vd#o zCV^6Nv$x&m5-%|8$}@KLod|qC&R^dq@bJC0thF?De{FOl{pzV|CXKF)x{ zVt>V>gvCJkpD&{8jyMM~!$!`!j%Xc~_#GT12eTqHuJPeX^F5~5@P(0Q|5%kyNOi(u z&QSzQI8S$uzEOctJK7d_L!LXW<3zIK#~xdEv)N zMHae<>!@sgYw0`8!Stx%E#bofd+eGTjOzGzS`-aq)IUZ&@B5^#&-VUUGmRrvi_X4vyK?+6aMIL1dy zb4bO%&e0Tq8zYcvVrdz%nne3u3E*1I8&`plEk$*E_T+Hz1;gSmX2&fhR-MfT@S(rCyLosn zvBlUXEN;fL`>o|nexjNF3UlBA=w8049T&`>*Y_lbi1jlee3Y{;V`2L{%x6kx)`BHYB<r&3+pndd<#QgVFHjmfYQDxJqkICR+7A#7x9r&7P~uD37w zW4!=lXDvxHoCWDd=x3-+mlDjvvm=gkajNFEsK}>!w)-K05dg=khKaeMx9~{33=q<5 zLC_osyRRNp1ewqSO!Yfh@P9;9F~?&=? z+U8U3)&xUq%y0h;ESNNNs&3dUyS$dDG#92q&0Mq6cyz$xcJyqI0@opBq(b~qeo{U}1^qGQXSu^f_1%e9 z3>5nc$nu!!>JbyukkXYuFyC{}PNT~&1HBxMdXke~f++ki+>9yWeK8G^fAEm;`fwOb z&N|QSf8v~BtU>;?-)L;sfuKQ;``JnK4%8~Yjd6NtOY1#}^)yG=CuqZcx-M1^pIQz? z>Fo@q48$o?6Cwd$G!omMKsH&=Gvvr#IemW;62fd7vlk_>uW7(JTrU$hVUFhuTpTFym zA6rLB-B)K@`p?MWKp?DQslB|gVfGBwr2?8DOoZ%!!nn6{n{{ak%VzD*80eD~_ar&K z$}$X)s!7Xw{FLrF!7eWRY@J?A9E(oeyVn^{ef&1UBl=}_;Ar&Ac9QsHT)x?{8LgC7 z-5iGQ&%gTK8A^p0h$`(j5J71}`0z20coIdi*?>@$2Yo=W>~{&dLeJZlf5BEAN z5DsU=Bcaljh0CmW|IG~zYWyNuCKeY~SJEawq*a**c(SB05lj4o`CeUUIF+c9?^7)= zu?AN1_`APf9d4MSC&Zeh&1R3!HSPsS5q7MRniZ>ZquOk2nQ-ZiQSok-t%+S!490d5 zeS1_L0@p z)+2kva4K~*g?1X>Z+AGlmL0RxQK@M?DzDOo|FhkZCskZVFm};8#N_|!6KkyRooZ$3 z`flJ9?ag>ZIxXYBTVnr}-;R62QbhVo*uzzFY(aX$;LqWN#GUr2RsY=!Lowkf*XlHA znAID?WZmw`i^?&6OO}>-oocS4aR0Y?GRy``%^~=q`@H*7c4}RO0iaVAT!SYoNRHe9 z&Ld^DRap8Cq%bDiYKf(MB*Gi|X%j(10%dwk1!4SnGNs&$5cQ?<4If8TJkZZ3T=o<} z2R5Rh@HSx$_CakE0&Lfys>~{mc0$rULX8o?h;*p+f>in-vJN8i$0f5AQbm zg$h5RN#GmjoJMF54`2H%h6kUmyq>PNg~|e^F=N=DWV6b$C?fat7^6~4I=H3*Pm$q} zFmGO--w84My8XD{J2by$0*>W^!QsxZULuVswAu5ILOAKDQz>VIdFEfQ_0!@M z51I(NT3}Fn!&Kyj3=KEnGga?vmlt_nS-pJqQ`Dnd&}^U6ijb?2MW!h{cCjOh@nO=S zYG#nh6KbB#w68zt#xhLu5_x#@(99UI4eLjBTAw}|tev%-`Nz|C}54poSuj zxAT4EnU>WUc}{0UDP)`K!e~yfg5#vxNo%_k62=9@!UmkL{Nw^cRr5o6zajfI5_SZl zojF9l9ewM0tX({IRRQ_#3&}Oq&kznj6f6lI?io01l=Es_fVH4dK>VgSZ%Bag$~Gor zH5=NoFHM0~%~iRu$G#B3A#AApg*pF@I#6k5y5S5G)+fP+1H#IQWd0kg(%VBBX_0-| zBHI#o%5_D*(?+fuaT$0LipsJ=G+2MSv}egSFL48m(ili_-{o=n8lUMT4$8YCoXlL~ z*)4O8lYd-v++E|7qDG`TZV%NK$n~-ODSE3zwMW*XuGC{Ox*iQ9E{5%Q;LIFohlLBi zqGTspVrs7jDQnKjsmvN7$&*MxO$>qw2O$`!Xq;EF-Nj)oqU`2LBXP(Pe!vXo4ch#B z?ScxzH6#~4%ovEEH{WaCn2FA$zQck>cPgB~HHUAEo$@&`h*EKCeP=7Yb0PjqW&M*y zQ=2$#^x6J8Gy`j^$zp>Tp#0UVFOP3<=t1NZLimRY$@SS*^Yay>E|v9-IW&Yob%_hA z5bSP;{HVXfn!4h=s96eFrMzGFXh=8`VDesi`3%Ry-!H%x%tp%?Lsgu9T$N7o;Rwx; z-Y=HRUz=Czx9}X8O@o<@^g9Drr?Qc3qKhU?T<*=k@)IrNEKoh5YCK`g2)@`|lZo}` za{2Q8UQl=+MK=2Q`f+o({|O+FvF#OFc@F%NTdsW#8%dZW3_C%(@Yo_iVnvmq{Z*VLyQ z6Ni^hmOfDJyED_L2G*=Y9TUU}&g0?Cxa=}rjQ_jhkl+wiE00)ie*jw9Ae^wkVVet= z_5w$31b4_jxZQHQJ(_0VPw2WmG0frsH%t}a&?~&+zHA4I>9dH(y?}6(Xnxs(gB!+R zCZ*mq>nVT%97%15eLn`Lh=kQQigUO*p?Z@8VX!iq$Rv)o;VYXVKn+tWn`F#;Ta`z1cJEW5^sBvMq%$!+*G4t@Cpd9ge@^_tea?IZ#ykyx-fYQoGbXyFZxDewv zI;O7b$(x>2pp~VY9VcZ)v(4$;%1EqOuc%VipTn4aBOB)Q4(fDdc?kBif2Im7c+C`5 zBI;_H;6PgRWDu>Pa$)#}`s?py`vp~rqeNXI#j+XE=tEw+#| zKawkHziw@YI~x(Wf5?Sae=jpv^TxJ~v7+NwzfYbkYtakyaa>>E_M0+6i5n8YOBI%*jas* zIAlwNhV9v`qxQA52LoK}Sk_Q^lvAo2^&zr{cZG}x1E33uPGmf^e4*0hhUJ)=_DbO< zv*@xO;Tf?wLAm7_*@U+N1eC+IePP!_r*5kw_j!V6wZmByd)BgUGWooY8i2)xbd>uv zWq6%6FJzR5Kceq)Yg${uAOB*Ri2x~Qr_V>drX{f`?UX3A4&+vn$BI{Ue(xd*qOT-h zaFv+OBd4>p@>&a1%FCNk1tzNo_SCB2F5W&Xc6coq9@B~#wmf%7OjCwH;RtyoSSTVT z4DscWrc)cMbhj8txG;I_W_ZDgK<|W|z-K$yHwfr8xH3-`diev&CGt>;sX@xDV_vCY zl0IUYP%pQ?{bq|_>G@{SuIyn1fBwKPz)+;c6=Ht4USX&7w~^!qew- z#u+8fKbGya0g@71=955!O`=1^a6J#^^nw@~raZLHsNk@)l&*Wj2{@|c1Ux0#vP3b) zTki6M)#QDOfxhl54bQnLxTu7HbZ4a4C6(Yn>!x0OGCX0j&Ucc44jg!{g_MekV${#^ z={Su+<}kMD9*(}i6-@Mj${dw&E`Q-+4hN5V&ob99D`ckno@^x|CN zW8YxC+puzrGv*SR03_cH#e8N z}1jw%lMBVkRe1HwKy(Fyd=y$t~4e*CjOz^|ur zMPL>i#nGrR@<($+o*|~n7uUFrxoR8?UFI)*@!^B)lzGC`9l%47RK+U4;N?)rrBvSu z!R#OYkdH|6E=RUai0| z>aR4r0+x<{bIU=DUcDBOd#C&AbTkpth66{(iD+H`p-GMpFj9rAVB8-xNqHd1;eSD%`h}ooz?oC7TS*-Ti^OCG5MtGaszYu!fC~cer56J1cfNe;QXyBjZYEJu(|5wUznXaR`^)o< zFI;YwJZbYpQ%MU|=^jX@A^Qm-sB*m}USX%6)-ZbQSIV zi;&)5TdNjD=9t^E@lc)Ue@h$l{1EJ~`NR%B7LOfj$osxLvti#20WgNuW`aPPU-fNl zJ;J*sWbX|29P^mlyX=d&@@uPo%|6wMsdrkS?WWl29C{IR)5Q_pUvep$zvQ3Do(#`Jb`B>i@&pmLYN)>?zII>z-RBU5?A zqXF0jrJk45HY5FHMC}P}-vpRJ`#{O+i;2Hky~`0w-cT}1kgb*{f^W*M64%&?sXy1? z!puEQ(B7XEoxQ#WxcCb%QN*(3XVRS<@b3TcH)B5^_I$A_o{fII)}u7s z6-ig{x;UwX;KH+S7ZMO{P6S`liZDov2Wj{E@3L-QddCPbr=&Ql0^8}>a)PAQkBub$cjVkhuSi*kg#9$c%2N&N{aUg|0r! zSPKuLS=;LV>?=K z)EBE~HUkbZV5Ub_Y=%~G{Yi@JpQIl$<~{!SlQRiY=o}hVLg6@NRWfu#@aqUM!89cWKL z;d4DXO%FHCRKy@vfTx>wz8pkE=aPcD*=aysTJC!P z%fUWCmCsR|rS6N|G-?=a7&SFKCVzI;9m>G$Z@xQ3R;}4p*sSram)*%M_MBn0IJW#W z@Z4+AJ}5p>NeQl2{#VZ~V-CBn3&@k))JsrTQ_q4ua~c?ibxW*D&z-zj;TYH&$;!gn z-5B>9pRGDtgYqwT){-F<`*%5QzLY& z4o#JOST6*eJwTxPWh5Rbwsa{vh1%vtl$WyRmH?Z4-lqzG&}lVt)2i|k&s-5;iu;`qz=A>P^z zE&nz7FW}Z&673pt?@)Q zj;susS-t0vorWY`=fH0mQmfLG3C*d_| zl)=BW1MJ3qIOXq()Cl~edE5DkQOiqPU)-QN5=l!-z0RsTV(j@->L~&Eu(Pf#RTrFX zD86lC$4{2Z&3_NXlY&jtA~IR8SK4CEc&zwm+xC_3)fsKl5Z`?y?Q5r=pI5C+jY@9- zC^;hA2iLqg&nZi}U?NMOYiy}SKXX%*wPT)`_k%d|QK<0={^bf0>m8R!R zBT|2o1Lsma4;;-VQC=r2_-I{8!uqF+)+FTP12C!a)SqoN2*DiVemc|{2uDXDq}Qgz zCuqA~w#p$84l$Z?N6-;J!;a)!QYl6-Ta4CFCe7YK&bul-7wU{RUZI z=^zAw$O)-?(hqQM!(WNJ>zGlU?7GRGC3Y*nse0QPYznD)e%|h*a8w9=#{T5n!T4f( z1S=9;J)rFijvV8?)GfC41_kL!y7?t|$QT)>lqN_qg4Y4MNYigGhsS8Q>joIb;<$fg zk<+zFKwg??4DU=hv!#jLxL-1@wqN?2&X-!*ozWMwuD>C&_%-D98qD~$+!9lH9)iu< z0w`+KFlbLgPL66@o*b_2GQ$HeJc)Z2`bxL-3A72jydFSGv|T3R=46B2T(2cVG_5{_ zvkraw_UNAe?r9?ChtfmZOci#tn1>}UvGc{06GhKjmg(c8^N#1kJwN|2%P@>qpI;Y@ zeqCZTlmw;{(A^KVACQzASiFj%PU3*kbW_rWrAzh=SH@@vIJJbx2C6JAr!cDZs^qjM zd;$>9^V3t%yUdBKb-dHQ57NB(+K*a58z;&%EX@PObz)+OMb-J`SZu!aypgBv_qAa-=|$^dol}g57kF|37h>w!i6X$w>n1zB1)uySUi6IhWIRH?#b56pY^1t{ppd z*0!!|x3?koW$w@}qXh>y$|Fhsd{>kB(5{54hgHLJLVh*h2`(S&cFJ$6@Klh{wFpg^o{|3t&CQK|1La!bdu0!U#vW%-?uZFmWl=#P|YXo zNho9>`&h5CaXQ3AIl_J5`hua<%N^T3^V_{$d}sRx-oMTx$?$G0H z^>*?ff0R-k9nGU&^&E*E>@&y+Mc%GsVHgcyaun!K>s_ zxlih`VOQ!KV&Y5^tlAy#ihW75nO3wOhh$-cAQ5Oma}`#1kPlJSZG zwrUh@x3$KJVto-Z{ZN+*-1i#=(Cz4G7vft42E{U2)HpN7YIpJv=Z48mPAy(%%q1 z*u}&t*yy}=6XY}N|6Ijz)c&y12bEqr?R8Bo|=e3UIa4TcezhbpEu1{#<+hzaWpJu?25QwyXX|wX!ovWt>s6? zy@_>cn4-0YE6yA*?Y9TmZO^^7cZ z40S@*%{emBWT#PYI=E63(o%A`f?C-vz8^@@$Ng&s=2KdQaS45s=q)1Ak{$NNu72F% z7k|-M6tOgXAc+tdp{?3Krro$VPDHAU47#L`CXM9$Sz!|U@rz0h=k#lyjEsgCpW(O= zdH4*8xe7L)L z;~Fk6IG`kRcYAJeK{v+y_WX}AC6PE^ewzwD8}~e7ww&d*IP`nFaE(&&WLOvq`r~%t z^hec>7T=G~bih#hF*Ds4Xuyo8Y~M`>8k(U_9ID+5q4^?bXF!LURkU~kragDa`E}`B zfDW#Q@bztu*L%NT{LGZ}j-l+Xt`aFG@#6hBL+m(X%)#MdU{Gt>cFWy&=qGafy87lJ zEllG>8CZ|^>@dWvx9JHl36r?ri!b@8f|_Ek?o3uzl6a^t4TZO#aR3mnnxlJjjx&eA zXRWFWcDpGlFOts^*E?1l6L$&uzEaVgKo{>ALOpxJR`{P_nV{8>q$r`-Np%SJ^uPSQ z*0{==2V|o)Bao6`(d()Z)iXkD_D0R=zuDsUCn;ZCBZv6V-0;m>n}pyO-1v_E(Fs=i zdF8;(DhkeKE$vD0qdyMPwA`u5rVb8P0%9!u>^{v^TmtS7msweeJP|>TaSmmX0OCW> z)`w$b_>&VSBJGR0>dx!a47Yt8{`N5O_Cz!Ue_EW^K|6*g>;yMLJv9mMGIf};WbaRn z{36?%>=SU&AO!dR!~9znU{$|cRe% zzdKqtdMp-XT<|Dx7LRE*5!s>4Oivx?aP@@lC9|5H8F&zHDSy0 zGq6WLfE_DGFI#BWWN(Y}hWLh9_t_qQqNfumL7rT!xB)dArAWnS!{+KDSziw?8iRO! zmY?ndz1l@wxsJmO1H6e0+_*!zHLiYok zUZiJW@Xj3ea_h~JA^%~f3DuC1b!=?dS40tjb453CkKEp=o2jmnA;UBQOnQ8(!&yI( z0Bvj^K#v5~|;* zb3y_ZW_v)XK@ymxVoRX$^~~7>$RrB9LOh7r*$rzAR;DA8L2Q=@M_7DO7ic(RELlCd zzILU+n{hRqU3z*U=FB-a5r%kT?7w7FC zj@J;lRE3~UScUbeldv9TOo1NjIe+cNGZ3S)QsV+p>VwxHk|=Z}GPa00fQvhl5lI^P zbH5W>Rc&mjGZ!GjH0;Ih@t(UVm1}<_6q&Ijbk7R(j57A=H|U(V>9AZMXC)zu82B6v zd2=C=eEFN?cR_<`t~5$W9m=Ppk;}WBYhjyQ`XFt0R9m)l^F%X7V^W}i+J8JwBKl!6 zp^F_JDG-R>^^$*ohd9<=h?`#ov*Z0z7mNDs7yHcG(d>_h8z&NJs`+C3AV>ry7g6_G ziL7A;IK_aiSo~xM>9i)29gts1hL+{XYlKyVF1c6ukdQ`#n$1;8m0@jbtT> zma|y0>|^z9+)Aw@Ojs7Ns3yFp@pfG$rq}1kF2H7>lKwW7lWoxnBhYV>%MHZR-zi_{MGReB+-MZ#<+C`*B1n&dzW8h(bc>5=tOb*eO3CCy-Vb-_KhIh;_sFzna|h`v&^Ts!&M(}hiBJjx zqJb!CpQ&*MmeG;#k*wKyOr9s?K^i6^YbbMB89+qRb{&g_QSzg|{@pyLCYbjjA$|RV zS+7b|@$b*oW(G54+oZqSC&c7^ZM(s++7u!4pI-$&;>+hIdlm$Xi%|3ZAIZh=XvMFG zb;3C|l`oC2X(33U-83DK+8gO)p)%UlVAb)xnhr8i(5Q@GSjWiz<^01)!cve$cvth* zk}*wdr)UhM2(bfX`?=T2bz0C6)OLINHQz0yxrq63Ev;X0b=}AuI%6%}G*!B#egkQ` z&iF`^nVCo=gID(~;En*&=u9L??N#xTqbaj^VSmq_WImLPxX9j&1SEpt9ruj!i*L^% zp5Cx^5X_Nob&Vj9L?BWTq9dIY-091zS&6pemk9`b~?d!HF-9yHphN<~+OX z=XU3$0<@R*qAzSZ9nSEw>gP53Lfw2jZCGZV@^>T9yX@LmOQleZd9@&DjVg5f} zYjkmc-p+iG=zWif$O=mOD?4+&WggC9VPWMra5^@6->iBpt9|&Kz5_u&f@g} z#&gbP-;u39T%ePPYQ~F;n&NCi2z3vq9*teLcpqz{6C}aAS-9|9Ew9!Y8(8b}+nQk7 zcXR%yZnmS0bHKC#2arkx#ixvZY(^xNV(in2$TC}s&>%Nddl6q{-W_>f%;S_GnlETA zg*1|Dk(Vc9+Chzs&AX<>W}U9C*3Rez1a@edqF^kl^;*xxoBd8^j0lEL$;_=h_6pkm zd&@K_vL998`EV-*^uf?589z-m)}vr?VQn8O|0;>J+R34zm=zD$N?BvD5Fpomn4g?n z)*wYvL+gMd`rsvy1Yo*3ID4vZd>`=})#hqr{O42$xw%$b#=-s6^5vHOb&Iep^uYjM zv7`DxkOtGPix3}PYJ8l}cpm{EEiY@m&vYm)$Q*l*iGb6^LipZ2C^w=N%7?v*{n{v! zue54(o0`m`4AWR#TvVij^r1R1vodtw5}A-N>;Lw%x{x0-C!LMcrzj!v!^4VYnQ!!* zT*78tURb!dx&~>6gfGhGs%z@5(q<6r=_iK4mS_E?$3sQ~KLHf>|CVxvoL};nf%|4> zjXW)GcJZwx!Si_{e2zhF?F+ehZJl4ofj?QhSq(jpIOZIdX=x)=_mwIvs*E~h8N9xH z&Hc-htm@f=%!kMVg782k-oArfHy|g3KUX(%>$0UZOW>iE+cA!~P2H;P+&kR!xr*SJ zWY?$woVqq8a^c4Pcwqk2OI$pY85FR$<8Az+B8;SYd?MbbICD$)`QBjcX`}m+flff9 z0cR7)B8rN;x0cUVfh@;JB$H8*wyH{-VLnEpctZ7~z#f^r$mbi!Wug#sPQYBuMh#9_hr02t;wxStZ z!#YF)%-uTYRoG+q#en{QD;U(iLaO=AR@14?;XwSp!E3@+Ko9d!L)UScbtGJ3JWhPb#IwNQipxLnu z$<}+sCqB43AFg$10LP#PltaKN_-Yy+({pk<Y^N%bur5PVK3rSi`d^Y!>F~a1M1= z%RPS6fq(fiqCNh9dn18F>x`>fHlyEua{jeGm>i%Y5Y3}*0HR}Cw z-ry_$Kbp=pp6UPn<8#ORhw+smIUmX~3L)l9 zg*h)dEasHcoX-ry{`=kd-`I^k9=o^g{kh)P>+rl;{}L>IRnshK_llL$jLPkbXMxv> z8F(uNC&fe6T%IX1uLb8_Z@QQf|y-O&Gu$7yxQ$evf|XcI4frt{_c z0uR%*=is5XQN@^>yawc*>`JUsV}!0y(yzW!}ncjx%&`GSD?(`;sC;zG{ zN;0qcnM1%vv;_}3wnCPe_OrH(K7F3Se?mLccDE;N$}cDK>r0mgBLKn<3Tb&!2}XN5 z|4p#ANv^sNj8T=D&M+&3mOew~I_(X2BsjSoX`GHTZM{iITVCT4m;`TU7t~W`4B`RN z(J`ox+e%*Jcg1xay=pxl-t+*kkZjJ|=5r##qQRC}XehSlXI3E{?v6uk(i za`H>Dris!0r071MUWbnkP?pCR4J{m%BzeEU7-pM@Mkm|7c+gNPF$5IR1!3iAuLup; z&c7)U?f#tY$M8-Dku)2_?jfOg4cMhB$WyEYtqMF~2xEked;*^y+wZQ3!QBYY%EwNL ztE*mI*LkcyEL;VO{V9QW{df{HiWSng?Mwjjp57IM&>zpZZNue57G`V}H?xTlF=G#$wE(o5b{lq9pFI}GAjg8lB@-MUy^vlBU%f6x^M0XxS+0A7)ff>LChLL<9KaoxNs zeBwSKLWZ=}G&QQT`IZeko_3={15QBN==oyZQIkifT4MOW0g`z>-Ny5XwOw)18KWKR z)wJ0@D`FDtrzTvL;cmxs>J8XbZsV^vjMb$qdGr7*QE3qYv6fx!-S_%#ZM0)@SyNA> z$y!EdRrG2a!>5CdN_z@I#Vrm}+ao=5@L%p zc@M;k28%d74a>k6%HJrAkSW368EjqMS6vlH1|7_e&Fv5jOPnG$<@OCne+B>!I{bbr zbQqA02|Bhl3EJ^qLGB`h2|TJG%VY#r?Eg@{X8qoWc~xU7rzWF<;zHZL8O+OkXc@t{ zXC2JNegt0<7S$2*IqrHHI$fRlWqc2X{C?#+wJZJlb-Up22}s@cMEsN>$gF&91SUV6 z3C*6pPVz(mboJ>{-K5j0Q{ViJFDW3ZR7pH_+Qq@hYq8p z8I9(F=|uaI2s&9;u(Wk>Z@I@SJBL;8Fr-r;h^x1+6u<(}5gS+c1uw)aO`RRCuuH1N z>WeejO_IFK9$d>mXj;HiiYd~78HPTgc!LNC9=6~Iatkxi@6(r9q*4_Y1Q?6O>kG~} zf4DYNUf8{Q*iOIZt$zGoK&Jjnx0JMx{9Qjc#TsC)9elgBEJm&Z<_@WN6>Mh5zPg%} zvNZeML^P}eB*<^evOj1UcAkZ*BWUH2Yu_(}bj8;--IAH{yntN|Fy^rRjcT>RAuHsy z;pXeq>PhR`{VG3Odla(%W%{4^vnD#*R(@lwQ~APZf_{dT5ZzYGKcIX?Sz96==Oy@~Vg`~*E`%g4-M&I~-W{nMe zz4o=_$wwd)Baf!upg@2i0egH<+tEhfP`~}W58Wh4tS|x3v_hC#Fk#nGpjRok~r>6}-^;KQ)AJm-jEJjfWwx3H{JDRzl?x##`+AHrOczEfBAlxn5---XW zq*9@oSKEsBVZXOO6DY;Od@jg&U+{;YgPP6SUzgsKqZ((WdSyB@5^e>MIL+79@nheOF>G;NbBPdC~ob!A{riF6EbIc32D}l`{5-`pw4A`)aj5+bIG7JGS_`aqK0=VxUegOcFkUI^V~&F3-ek zMx1?uCmESq|RD{X}ZvpgSp^tc82{mM1N>5sW1-O zG0emHqxs6d6JSY5w!-WbK`eo=82j}9+AO@5wy9F)lAdnTb{=>1s_U1bZC=hBhFOhz z_~lZV?q5%4w#SskIw*4*(hX z0?9zA&c&GAe;-@wSpbfUhtE5zpI`>tA6zTPy~1x9%QCZQ;P(H!nV8BbYCP$=^mKf) zw2biVV7D7^J#XJU;2QMYWi6_}1SCuT1LMQX@rcCcqErzy=b^v_V&FMBW>8J$kI%n` z@Cm=?IoB{SkJ+GZP&c3!x6XW>#oVp;bB>TMzPaS@YOdRq>AZe9c;uY+pW@3ZBH7#k zd>Gq8Qg%UsF~LAFa`1tA)M~v|dBe06Z~7dTH`}7ZZiDH8=~!>Q*tR?A-P;iLn9r%V znhlB9BZ2Wc3PW^rQEvu#I#*V`^_ImeJkXWL7~#3MTtu+Wtk5|g>=pNX$wc?Rals=_ zmqH>5BH(Eufv#XLXoq=Y>1Z>*h%kM(wee#KxyLIiYw=IO(o&6@WxSJtfmX0zX$Jo; z5qRF273?L(k$b{kLus81o{5MP=}0(N_GdS# z>COH9;#8vgL{A2IGuqGgv2eC;@T4Z&=JW=-Z?kps(FpgKWKHWNME%6GJ9kqQ1qmz4 zvhK~65LOJdGBr$OOMn1{r}||Fa+3>qGtvi7a+5dv9tiqTzZDkBJF zEG7&w<5eM28kNi1@p)+XzWoiTAf?pVzFUaNOI32u-y z*S6}Dj{L6Fld+gQ)wybDis$^Uf+Nk=vf3ORs9X?;N${i(;{{>)gnh*?OJ}ESiFl|{ z3_MLwxbq45uTE&Z$bj|waBg|5(ed?#Cxq^0 zwEW;)J=1e=IW^nuW*Hs!P_hp@JGBYfXr}FuC^V`%EtR$(N}Wcn0_0vABtko@=GDkp zD%wnMoy){mj6Dh%^xkld|5&cL9k{3Pa(q?y@~^{^7FU!^3==NDHw{w|A1)$qeA@1R z_xiwChW#T#plc05Nt1&iok;wDFMxf&2&{8K9aA$C93tXKuk1?bvEAA7g> z_K36#8{bGm>^}q3Lca;;M)De)RdJ^ocz(^;oxpe=#DtY`F(;QmbqJ3rW5zc<4GP2H z0{maD2p=}JNgE9yedK>H8Atj3CRcr+Ly-mT`$?`(2h$iC_muj+69@W0%V(#r@&qvH zJeGmCM6%DKeZ9F1sM#XlY)13@v-q!mMfv)a$Erj~bk2-bMJ(|%u zvDE2Fryd>*DHhE{tNQ(1B-yx?z~$iWwXd%vd41(JT@n>7W#cW?trv(uv##tVz5j3) zGa#p^6PjUui@ zNk0>VnmuR-hdX3bN9N_*viXy{#d#YxG0;P}5?Mg~!_9KmL#sIvW4jsrsjyh6k)RkD zV*!ReP_!?C>;#w{4oT|eT(h%vfNArtqxqh=P8u@XsO_np7Wk@`y;g>GK*d8ubM4|v zXD@tUV0Lggt5erAKo2Of@aO(HAFY*H4}1$#6>5CVtA+w2M@Q}0pkACmOrH8c7V7DZ zdr4^9^0JtfTA8AcrN%GgcA2ChWvFyfH_pdHNmZq8y>BAQRk(wS`U-$XafEzEM*iG; zabrLl#@1rwL~lxYin zN>(B3)$DLxXjdB7xOr_HTc2)tZR&_mNM-xW>&c4T^{~o z4{Ml6+7+GAS8P$=h0k;x~~$W4eI4boovmqvtYTXg7C~1YIZ#hVEqtPju7+bVX$SS=UbJ;k*fB+rkLy5qt6v_!KwNOod?Ov#`>mvkhLI|emoM0#9}JYBqs zEJyjPmePKUc)0(vno*myEt-5CXErb=mYVoWG%_*b8WJFQve z)mql&7Z$LWHP~VjzTKmKHKG`V7oY<7W@dQW%^b~#C^S0b9pn@UIZdj`Vsh>GXy6L;*0D20lMoE_sRKz~xolzpto_WpuBro*ym z-1=_u?PAWvaaAsz7>~aD5%e~wEOdt1m;OG`+TBIwFxm-yxRa$F^!`tHw`o1~5P#@C ziO~L#7QfQ6CHFKY9n&emv?a(^<>>xF%AkpBQirte#VL0Q?E$ zXHb1$%b70P=T|Slgbsc(AZZpFx2*AkaxD(Jn=!gND<41~V0SA2GkkLITF#%Dm!VR2uys15Xn5k|x_3@5fKQG=$}XtHT4#h7-U$Hb0N0N`O>pA^inQ_j6cN2fBNLUovm-UvFD+PpSzm1g4%NQ3(EXh5w zlT&1EI>rYCTV)$47IEuv@&JMTF0~LXON=3+MC=&;tXh2_qKhoL*r!QKvdNQJaR{15 zHZ=VJJP@>Qq#)~{cEMKmrSC;myT7{lH_L?dyeB^v-BNpQpB z1S&dlL4cCqz}=l`0_W^&pE!1Moyf(n`Y429sS0wfmbld3(Q&!z@vD3vlFc`v5lWpV zB1N#mMxI{R-5%w&G2WQ$}KLw zG2#&dJK}ggo$T_%Vht#(9pVeILc`5LQj_`OdkGn*S5ypaG|)$Ccfme;h>77w%3th8 z`wN@7K9!)qec=I_bl!tw1+j2raylMe{fPxI2OMDEzw7sXd#++L&YErxw$y|Ksk$QlZg7 zR3aFS&@f4~ZggKKoRfXSR0^vi*fa2siD&7C+p)9Ea9Hs!v~RFqaZN!p{i+ws?rFF0 zEd~ZVTjybF^WAaU@ZOB^DbipCu_k#KMQ=*rES`UD>6R($z%&HBPF{M!RbMbzNU1I{ zu4y2W@dlVu4hL#;fZki&i+||FNzzu&uS|dV7Vig)hiV1O&=A?#&cC-;Kjl+3J6~r< znY>2$PErU?GQjdGtAW0rzPbDA=B-=HZasSje@FGrYG*;7hGOtAo?lMC>}^Yn!Icy! zo{lz$H3;(b1zZy#1mo02qlMsdTfb9*K;hi zb1zHT#|UOOnW=zjI`;_L3FOr%VwNzxc)L1Tl)q5m$Cl@GF&mZgDaA-vydLp;xg0-8 z-`B`y{$L-@rAK2{SLKiU^!ILg*inW*xo0j|<{tYvln3j;?Yz%l0@QJiR4B-rv+-~S zWXBaayMoosSgO&tH~izn?*UO<-Qpr5qWw_gn0B~#-j;GgxFEK{B@$T|8c0w2=wZQz zhA&9!T%xxuU{?G!XyMyif02g4PX`avc^8RUgz*%8|0!%!0gU{ReV4=68Nu5=J~$}5 zD$?ieY}9|E79329Z>~}C;woKa3NbwV*S5a|^5c3JenFV599_U?#0Bd5(B|A3w=y|Q z%C*6K2LEbvNG0aFhdhexx;dNE0aa~}w&a{a!-)~~C*Gmz^aU7d*`T;XQjn89QMdwD zZ+kmID&;|Dai2phm#K3Oo!Hecv+6_7gYZ5%4r&35#yU9oQoTHnc9vz%C6v%)jonAZ z9;Un`FMF9PP%vFzryc+pnWJem+E%3IkFdAP8>KyQY_F>uOKyUP^V*UEmQw}>=o8;D+6R;dk!wlQ_(fnVye z^(hmSl}l2uNy3==Iq}LdG-WxwL(}ctGVjfNg(aDY9?su1Kt&!Qh8eW*|~v1o*ZwHu&-j zmS%3Ity`9g&7}f)xnORhULi1M$sYv2P3)n=_Xdbd;^NqnSdpw|g_+=F}PA)jJzZ{r%rQ>PrVTS8b8h`^ZFle!mva zOC|NXW{Lt@XfND7c%eJsHQ#r7!LeY%k4f#Mfjk^yp z{}xg+OFKcDGXYXE!Q0_s84Xj2r@`b!t$;--<)2hvyNuweDPLmlaNtPI=yM^(83}X1 z49_@J`J2u6@=&?RCUI5B&zGF>oFrtk>X~4G2b_f9FrwW5N>_E%%=>v}x(K|B8x-jwgweEEc+)*uolyKNa@D z6HmnwMJkzT>5m?b9Jr6*LHpJ_DUdDjw6K4?!%I7Zv1)@0ywpK@99k=0!Z(mKfnjH^ zmwub-6a0nbHaMneC1AWnr7T7P=uAn+1#B7aZ9)m14+O(7`+pT zOh{K{6t$Z&4u+fpQEWP~ii{d#{Mxe`^MX%e&wAEmNgzJ7<>VtW2E)a<&}Of1-y8Dh zP3oCekni04VUwiN*o?l5`a92P`>C0-V?EY9l`e%YSB`%AMuL#@>Sve4_WCyQbOlJc zvroJ`iA??h(t9}ds;;)bSS|;Bd%Qq{i^(JVq5|X0-0oiQz}@#FrgyVX`PzaUIYd~j z92}q>XC*}O$cA!OY`g1l0fYHNpUtv=YxkrSJ{(pX(wp*#RofRY(O%;ocB0dX! zS1ZGVxxwF%ca;|%gS5=|rdTqDi$s7l=PloKDY7$YDEvJ*p`EF>Mt0@P7MtuNdyI&C zZ_VRQykylwf+yU4;`etNphM<2jmv>q;tj*ZRe2h`o{DTMlA|^>?MwmWU|0;#y-hw|oW-*1e8%GQ zdNI)*@GtEq(b%vOxZ#$!#d%iIyd}zcO~n18o#P#9GPD;=VCuh-1#%ZomZPl{i7*S2kS~-(D1MD{$&)^J=oP(Vh@_&*PEOC&v0_fVFb2mcz2@Pij@zu13S zSkoGA!hn$}S&MvdcZjRKnZgVeiDJ8q>>pZ!PYS=aL;L1@0b&wP2ZtmWio?h8sE zk*G(H?!CAih6y4X!f)EyqWi=-Y_W418WN0hyvxY%YSwOo;)0eNRzGK|=JPHjFCsdn4J*7I;XyZrLH!DpjyH|;gpldZ z^S`OO5C_AH;?6qU;j|;lbarM`7~}y(>uowxhLYMp9Ar-a1k69AIP;}LZcCl4;yWce z47@6va4AiDFGz`BU%X81$9@4D{k%BEq1!=0dn8gRrJ>nHzuhz!@F32oS7uYI;pI)Z zo6k>^Jo2Txd%IVcZqhIO@<*nNJ<*===OYYLF*+$L^4lg=OH$fwiHm`|ru)25;%a5>PtE#Fnc*A}ZV=b4|>~m!mCG*NZ``#B6xH z8vRmqvE81a%f{T2yY~uJe>r~szIY!zeDdo94CrmH2^2qf$_A+ecSj%V9v+@zAi$5M zHH1r|{MDq75Wh)T-NWrwNkBZ>Phi+tU)$=}3eLS}a5&-B{zbHhSh-B1I9wSo|5ggr zcI04_a6u!D+!WlHomGZ~+c;7dkDVxwTsjnVQ_j(O+FI^RFc9J55{g2`tMI_~cyj zAUcro=X&a7VNy|Sj^?|W0s%+$I&WrPEv|SEh6o=SL(K#Tjyj5EV4)D3-L9xQv;E-Q zsPK6N1K(Q&B6$)iU~aS77@4ie1*l@KcUWzRbp>b)r zfI@WJT-Fz9S$QJ^ds($6f$a(LsPobh?cZBn>K&L(nCw`7CI1Bd6loVwu6p|oKAf$K zdMHx~)*4w^*Yi#kM)- zyE;|+9X>%sEu+T%i#}$}=xu;LsKl)#*SM$%)F-@%VJlq}i4yt7uqL~(i_@y$k;&8w za$huiQfb*HqcI(%g1nGT#ZC73?@f_IWb+L#*B)i%rObCYbyo^1JaEu_Dh zPk)i;w)+xEV`*JFGi);|ftm>D%4PFu1j7#|f1{T;!<%XPX9H@+4@IKHW8v1j%cc?~ z;qTP6Wuns<>O4FL#8D#_`#!j7UNj;!pxd=8?BwEPzSp@X#tAo8bE9mMM;)ZhsKd0@58k&?8{{ zyHG+2KU~<`+$#gtR>xW80Layidg2SiIsGp_su?90+SV4`#kDmvu%&s4i79x9*iG&@ zy-!C!q>H}7nxvNw&J=L17P8@9d|u!fEZAL%RTg{#IfE%9=Z#_OMIeX&qx2i8o!Cwk%Obnl_cPV;i}6R;InF~v z8i|rz-V~QS=QPyOo^$?^(c#HyNuI#(_24<+O})4|P|i+Q&=X^$3nbKt_{M4R%-z#3 zQ3;=JHgw($6v8`UxfYdfZND8XY_=zqTR3Ao!>MTH%HGgWF_m1a6ybksXkX8J3u{t^ zzp>#q*vR1i7-I60keMj!76HnHM&+kWj2|9tuLajCognFD9<~OFE#=?wo+$#T{+lZH zRTifvGPupC+jAh?*m&M^da~xj-X`Z$8MJ2rw zldWujw742>91H1GbLc1)PL7o_?nD5%W>@)MKt-yI( z?G)InnF^~8Jkw`+YwmUJmlo%En#f~4UO-UbOsS_sNd5G{D6eqm?*O8Hx6awqQuA2P zSYVsw&Y9nag(BgN@TJ78KhOSq`$a#tu)xU3ma7l-l~mR+ELnUT@2rD<$OkMCK*yA` zDywCN*XMQ4HH4fUryB{2;$Mka@}IZ!W&K3Bo}H3lv;`UV_tu$n>Zdp7=uOt{`Y z6P>tv>#0E7n%-PawV`Hg%&ALkd6<~V6W$js4Q=WMGA%#X%N?i4Lk1^@T0i4;^Zmbk z12y=Zj&8h*n$Bc|Ox4IRJulD9p^RLhK%HBy&(z`tvGGO!` zbM}N_C8#}{@RQQoQo3?gYH_Ao=3;;5FB#QH$#~=&D^+6$4oIE&z%h?+qCcF17!0qgcM2*OqX&GW*B)qO_uVsA{m+@{v+rhSx0% z-X~U9HJ_vVTdYItsmzj#b&D&fUhc&iZnFD_E~S?kJ3zrVW+K&qb%uoEGZAYgIrnZ% zHWNpLT=Zd+Lh)a!u!H6;@&7QGd*I^O11Rr(ZTxc-2P=ooz}a9b`8YUHbuH+-<)27C ziDRQH>FGx`t7P3o6cy1bHZHgOi3g)Bxp$P5;qgiOXM4gT)c zld$u>Dwe`Wh3dt-%VyqcUO!SLlkv-ZmYZz^bO9)a?cSK+lTJOz1Bctpk!=hBuYqPP z7E9Q5!h3=UbE*ax4gWIB`3xAw-$K2EGQLl5z?@4w>1n}K1Kg~bzls0HM&(n?Z$nz~ zx$*u3a`uHc>DIx?Xvev7ydDQI5`1^5ZK1^aG)ryH>)&I&!DxXq<0J5E$7R{jBVRQOnWHzzfaGY}9NLu$ z*B05vmGk6Dc5E0*S6xRqsSthZwN;M*VThSYV#T#5iQ2nSSc2MRgNpgaRA8<$LWQu^ zf|HbxQ`qSP5BAT+2E0$`ddc#LOWns8i?+`~modC-NW0gVg(NQn^w);Va-S8W+nWjX zVjt2_CJI(p>DtHHD(&pQ%w|mvw65+C?xDFkcpjeWNvo}>JP~#x@z;OuTeKk#?~@oizIkQBcxVb`~{%Np~VDq%{A93 zo*eA;sF^$cS-o1J^c3i!Urx^K{WwTeGGo~3@!amhGyQmEES;@9;!*+g0HXaPGwl3m zs&<@S+U$R_R&8jjp&>cN;R^!$dTZy=Wngu6&3W;L53|FN~hk~Gs+)YwW z!RMD1!?{0APS5H+hJUpXLT2kw7`0oA3R*M>^g_(w^kkVZK2a63vGAseJkCe5mSPL8Z5oE2e~Y`1guLojJ*04E}>$l&zsj zZ)h8cmwa{<>}zqG_T7w1NB}zKZrqyJI9)nTgQ82vqVGU;(q}t=SQ_`8EV!qPm{OOr zG^uO*)|#A7i?`0F=B}97DJeV+Jo6LUbet;xdqH&X+Y5y+xV4PVfL<9j?TB6&z(cJe zP^jryy!R|1xbvnMaQfpkw`gS-iVr# zLIJCWtD=nnN>G;Qzye#nMDgN6#)hoLP0!X5+1Zw(CySyCq7w&6UVFeFBz;%cxR#eO z$d@p$8w^+MUrlIs{pkA*v36ca!QnWVb)UOIMt_6fGIsLSZi>H@=-jPdC3<`K)CVxM zAHXbGWjb)TuYdW@xB4wC=PB?kG(SkB{B&M>Fw$%U-w3dGk&wp>l2P z!ve~H>95Tf!xs8vazDK3m(I_cl}kG*BqpBcS6F>ZC6EHZ~SNP_s)ReFS}Y0D&5 zmh~m*mbuFDS4F0_rRq^l1iAW1Vwda=-aYTO_!(PeANue5rLG!Am5*HS4gdW0PCyq$x*eAvUlPJGVN2|3h~!*jyC3eG^b z2PdARfu8TdP?eD`ZC-!-%G`v}KX@xrnc@MdoK zQSDP!>Y?c}|9vK1XmWDjjDHr}_ms7ovxB+j`Mo25zgxMXZUi0bI`Or{-php~w6O07 zOzLIwm?oR(&i2_>IS`;}8=XLRBgAj$qNmPX{g^ASpMGQE_OZ7MYEz*z0mYGsex#PN ztLqOiy|%l1xhrdRcx@q~~onBb?biw|>KE{=%1{ZUll5_v#D zQ{k!$(r>L#E-}YJ0C|r0EotsH0{ZoTJY?qmo9#8&AbiG{aAcb6K{Yu^`S;Q<0lS!W zSRZHN%Cm9k)Y(aAI5OUz&@$bn=zoc*oGSB3vE(!7e(PWjbGw*xSX!;g!2~ryr0cW3 z+w`5MR>A%Mo+RGXZ`2Wstw+(g!?POO6B3XbVQEa~4xSBjv(o%xJZr~tCZ&o^{$y0O zx}v@+wx2 zK=bWYEC$(e)Qd^nRIDhWq|(_1y|t;Q&unabaX+KG=n5T~0L~2qI1OBHpc(B-*V`yK z7+5eWiY8JKqHoC5O)l9<9i(PA~b9rLWD~7QH~vw`k3#`S~Wk`p9zmP^P^L z{=H~aI&&;zR`tr}RC9u|dh`|H`?~aH-TB{z)&Iq=%PLx3JkKz*TTLC<;+{?fpYtK0 zZUX(%AfhZk+x8BEEsPy56P$O%S@>(|d^onsQ4>AkpU^_L%1W~ea#Tu23^p>`gOn`wkCJuilt#xd|>$q;?C z0rOuj3RflndD`PoJesk6aaCfe!usql;uhAYcgF~(Z*U!6RgnB0uEgymc7k``6xY`2KiMa^ zBfmB;!c5~mrC`PL6jaBpb`CojPxwnt5->*HEB4MRqreuM)=8eePcMYKQ`N|^ zP|?}30Jfk;*9uCb;i=%~yrMEJP%BP^SqNPMiMC~dC!>2HGW976;@S=eq9lq)h;JO! z$}~0%qTRZ(XkH_LkGb0BUz=S5c9YF@aaXMFKW% z)Ui&>Uj83vd+YrlG)pgOO`xFFprL2zSg1#xYYpW-hC(XJBjE32$S_1r@=J&E$Kc@D zrKS9-*ouEy=nlld6JLh68D*82rP<>z=u@jvWZ1VXH0N*9-_4OeP{|ZF5yxz6eJA-I z$@I_Gy3ek_FHbIls-bw9I0_ScC;%tgUrmKn(U%YbUqJL$kTwuC<5zn4_4CG$a?JH2 z*2jV`%C+A9ZKMCPu;O=n)n$M_?8vfUYIWU*+*MyB^>t-14e~+EI837>2W&_X_j&Aw zS=&6MPOAsC%aQb8W%Z-aMb6!M-e@>pA#OL@MM7w^_m^`>g4GI!Eiz(#85{9sffUSIhY{X^8nX6JMX3x(`~S zq!F0?TvorfxsH>QH@!Q1kM0vG5}Z46^8XK@ggs~5H9t%vZxXzu+6B_EV8^NVxqnp@ z;WCsRIxEjb3eE*R^jJOeFHMW>YdNr>*J6j3rdm(@LaXRGJu=fbjwjGBN>sA{9-drX z1H+$SX@~DHotC*^0*pvku^(9HUETq&DV=*}?3GS}~ z%SuyIBu069#gobK%R)V65^jc;dYGce2lM?0s;Rfm$=x2dZ^4i@E;3jt0h|F#Z=Xj4 zO2^mjD{v}Qdh6;3{r(keI|q%eb~nNcxiFJ_;%&F}N8&|%$av^ENx?{9z%?$aS9r_j z-ZAWWj5s`4oH@&5+h8ixZDm9>5cYzwx2b9sx^xp;r>0Ato9!!d9a=Gkbk4zYnxXHREIxt4EM1Kl4OJgJ6mZh`zn$w?b2{>vH!vS?Km`?HeCV!5Wie~yt zOQ7hR+xm|-jDgw`9Ns~-&+`yZYkU#YLVg;*x7X_11SGz#12s$CT`$8hczoBD9% ze9dj`Dfd^?=S78F0slgz^c6?C5Y3N>LcK}Ar66w}@pd5nKWMGb$-wD_NbNt@#-IG? z(wjovDR$;gMN?bGYQ@6jCb(u(gk$^C{@*m?eJ=n;53JAdn<>Z$!2HBmF}5#p9HvTQ z1>|7!hu4-XxNzxO!^6ce_WuhmL3ympionEyI&XTuZ*AW*Ne^yM8f zzPYT~o_&aX(VFc3S*^Mn;qmi+H}_0;F}rxst1MH|o97%H%rf+xu?D)SyE;EMAE#2% z#@BkIWu2UQdAhYsWn2+#XJPfPyYO`&&B-0wcyPze4&8sl=JvaACXo&vb|`a>@c{Xu?mC@-AZL;|;;5GhG>*-`ka~rpgw`u`Fk`gE zJ4z`w8pOpoSZp}5f$Z4w4IjTRfiPp|W1)SO8@P9ggnZT(0W%v-TV^Ihs8M}iUcMo7 zTsS#7E1x@w2O7nb#`yl$0{z?9@6W$bt&d&(a77^!Bola;`tk81V+5{s%AP|3CN%O( z&~5rP_p^E3eY&L>Q@|LKO!c$9V5SwHTWq5bJ*Q|~Ik?!HyAfvUHh3-xte+CWS4(_% zy+R~w;zxc7+|&u?^eXFZI{FdxoZJks*5c@7I}Y;s|7bezceeijjfb{It176`nn5de zC~r}#HbGmXX6;p*pf+u3V+PfTUA2m$_MTOtLaJ7Yy`r`nDG|Q;{P6t;a^+mtIj?h` z&-=a~_srpnuc(%XqxgZa2FAInSm@!(;@{>YNQCrtI*mS!-T#DobCxYDaJT8G{KRFi zXxBi`35`=7E;4jj6_q@wrle|IS^7ENN5zo=7DM+Yf$mBhx9i9?K;=!zcJydf%8fvX z65m_jxsQ&9f`4H{r4jsBQ`gGLB(FoE>c?l?Oj|;8D9TN}k8)?O|_A||i5!yKMlY{N(^=RMvlWXE@bq%s>Yn`Nb zI1RYOJ$J|1##WTzEn(obm?=`nq~dxa|9&fjPXmypjqR|z= zE#vG$DWlJ*K54JtA@F@_Wd{U@=adODwy&NoRJiG7t^Km26D|W#-O;;Er+obK2i4&UX3W^%F`3|+?S&GrtkJq_<2A(kaZ6!TsL+6A zLXz|Ct!T3TQU0_hSY*@f6wSi-c_2%)NNNN~!3!qIY2DQr;NLKMw~T~y@s?tkvqgYO z%4c=eHJ#*R*)c5ikWZgn(xCat(PLVMqlae%dQ^(}$r~uBCw?@L8j%Bc^Yj zL&cfWnizjh6<3vukeA|&mnipK~Ab#Ld2cX>Z&!o zIE|u)lyXr*PjS-`Vv-BH)eGJ{x6=G`k{MW97ULYD3K0eed!wT$9%2vVsO}wy(i>dH z?Oojgt9$oM16Q@?YQ?7atQgLP)LYr&%GaMt5uga)xbSvf#y$-Y2p!RySkzRru2!-a z6($>dI6Z_irqBC9(5r+xA5A28YAEpyBH3Ad*TJ-U;HpLdL+WG-`U7Wkae5w(aYd|s4Ap=qSJYIGI3(9avt!knWYs@*(?sigP|%;? zpO&?ATb5IAR=XAhQl2M^fI_GHo<}Wt2JCq{GE^o71!?$l5!ihPnCwL35VNsq#^(oz zJsJ{i*I&U6RX@AzP+W#7Qbl|vHP+kX)iEf$P~CM0IyfB*<)&YD8?&$8%oK4*qN^!IW1{jY`9Ouzr&x#ZW1V3S6)4FaQ< z66tgjiZ`(29IIguI;wsqgnaP^4$P8ip-YcNL$96uIoyEPkB;oBz!R6&0(m1&;Nz7s zOhwhxQ|?2k5)Qm8?W>4tJ5|*Zl*18}`cApI`1IA0LazpF3qrU!ps@y(hmm^2I<|46 zPeaTf!L@E3Ll@og*w~GrGiuSHrQ_Bebt>6~t#P=nS_I3*3&2t&g={0hpR$NYr+CLG zQ3&k!{JgID) zq*{~@wL9rgjx#tW^73MPdaP^~8|6+aLv>IOYbjNV4Ztg1+sBpi)}nmZXzm{WdR7V@%rl3Gwu zP(xNdhN;)`4s}x<|5A?VT0ovSL9t(W+RJ8HKaHah|BF}|u9#Pzj20B!b}Zr`SbHVr zq=iN3>Cr4kk7kf0+-+3C)-%kCVNMI~TjYc%PJ`n2`Y7%g$Qf}+pDx8nFGDFq|oO>SHHeVeO`UdPN)=epMS^7zQpqH zvme&R6Uw}pzvf(wyVtYetqtXN`nMalyv+*9N`jqO8vWf%`w}L4 zCTNOis?<+;?eeFnM%P0b;&F9#-!|%Kns6G@`(2nO|IPo_<@c%i3Z~aGl=A03$a%!S z;bt1OM-cb^0|=B*wy+!F4~YFq@S?O7@Prc$rqHV?z7HhgaV)3!C%kP!b_z$~4L*Su z3&S!8uZ-?3_^4c59GtHB#&i>qt|Dc;b-RP_Y$#@GCJECfIIPjCxZ*otp-4dWj$IiZ)^~okq?Bnbs9YX) zU9NVABzVNbF6Rt3mJC`0a^48Qi>6%$7yz9&{Ebq?oXu#d-VTtV$-MWaTX%)m-Rvq7 z*wd@3_aCKgvHa`?|H~7hb1CafxdM6hIuq)tKH;xRIE+`%^k~WaC9Z`dIv$1eZ0YUG zz80|1&?srXi>Z7M(UkId%&tNaW+@+_Exaqoq~Q-QGzJiLj{!GQGp8ZUAa}dYjznmd z1+VD3)Y*}1B=&>5zSWFvd3j}xLo$B~l0V#KRp$0yp;kWEzZ0Vz*5z&_aUqXKdF_i} z=B8~U>{2^FBa@VqER2re?>*%zL3w0F4A&sa+I+hznXbs-8qfahGq+*+o6ae->{JRl z(BpCG*jH_ZfnTZ|)Ynb`4QpEnBn8dkA4jw*Q01>p0B)jM?<>$!_d;(oHFdllfDe$L zAzc?dXx?OGM2LdFe|FHvYV3x<`KM*m)TK=Cr58iLBXQrZuxUOh*3n>O3jhe%zSFqMQAI8)dBY)z;BqW$jjhT#%hbT!`I0JiY zaHdWo_}ZQ-IT`TA$bsRJ#`EUeXn>t)@nj;R1IZ*Wlnm+X#-olsMpfSOEgftRpqq-! zo*XrI?I82DbzWtTXxpl9=(#&w^~Al>vDt%W2z>~6HCLLR<}7jh2G%34>2o=cgiEK` zu+WFJ8Hn|58U)5wCf4Lv4hZHLUpQ=?Hf3nXWSj_Yy`G9->IrPG@<~kPto~eK#LQC2 z&+;LyBQha10{vQISM%!E$ul>BekQd0AoTm8-={~5Kl6sQ&58ze^eL@pY*1|DBvYp7 zTRQi9ObCOdRR6>#t4gR(g9f8yQ^dlL#@qLvjgA)Q3dDZAZbcb`Pg;D|j@M}3lAbkL z`Wq5S7r3rVhF4RpEW*%3+lwtpa)2{D03`i==m{c5IwR|r$^OYRQ&xJXKc}NzI`*os zHkAZ^#X5@t>G7^FSF)lIb;Iqhk`cRI+nw$&IZ-V}22@On*fdb7xWXPTH!83FO^k~i zJ|H}>W6h+ldYf$dX#iR}UHS^>AOg|aB>=wWIC$h{_M3ZSo{qMl#42UC(u6i&e}za$ zo=$7&*-N~<=0Q9%^s6+n#WG*V+~b8Kx_aN_%9wKq zq;QLhY%6Y(y7d2EfP3N&p!Tdl5Efk7kkf~xY_ab1F&*ZN1?oixT>$_`pmX3Gwj69S z_>-N-3k#8?gWauXP5A1DMoUSX+LdB#9_A^G6aIF?>+Qb>9St=TM*a@#E8AdA;B@11 zPk(vxdOzlH00JDdmU&xoCz+qgfp@F}EYhlho9tBk`Lpk2dKKpoKmQ2o+Ko%y*X%eV z1Q|RXMXMvy<#771f)c0MX_Zy7;cDo?jBGMT)g+(}ttK*h4O4|Wed89S+}d)NL#l64 zEvT94RmJuogW?c3;71;LmRR@uo44k;#@uT8x-?C{q*pY4Z5UgTWK!6+fQX3D?|U$k z=YFpjtsZs4q^_bsd#5r?)Z32#=ON*dep3@SfZJ&#)j+lX?>;3Jq3~nuen{0H25|WK zAxoFuuMiut1oPh}LmgQ&vSot$R=JUV}wV5heJhyxQ`4>vwrkFAgeOGfWO-g1m+m#S7&%T8{4lbj-MkPMGXD*T1;lqM@OfKld1El%{Rer_wt^3V2{G)?>WI z{l|Q-VOFmST(YrvquO7MA(GWr<4a%dxPGeL@zxD)!X;+B?SZbp;B@Gjl&s84B;pJ8 zPZ_0%!L|b5N5G5AOZDqe;>d&Oa%`gS%dpQP?3;1+FqmZY=8tl^sL$L=gohEAihB!< z!Svs+fZ5ADPR~!TYUv%x(y4J3^c>9IRmj?GA>xQrt){tWGq@Eu!swRBlzY_+PfICs zM)B}?u}xrmIRB|z&Pw>n%5*>EuSnTn`L|{8rRXOu4~6m!B$d>aP@3MImx^yRnSBOr zFYtF^Szf5(jjw(&Ey?JROT}g3+kgr>fysvYI%3^avG4NX1n3r1c>hXBZPCZ%6FJ9P zu!n{B@%6kmS}rg|!2bDl2vY8^(a2N}I7v>h6z)^}mH|4HRyYIt>C}PqEnbXTDq3pD z&)}f)I{~<8XaIZ&s~Ul#(QYMPydi@|g4n(u5#3(WVSCDDZ(jg%J~8L@oXymivHq!K z$X{alJRb4ui0O|0N>4AK>YD`}mF=GEkMqELN7J(R;+wIbs6jSPg-I(DBr&Jf^Wxt4 z>C%d(!YR-~*WB!*H0+Bs4ME2K!8rlPh?HyIKGcimH{KGMIzO$+DCV<~RW7GNj8YDg_4?My zQEiD|)eKfYV2oW_63`sFpb3lufPz)%{Tt1)Ts!HTBy&w>(|x|9ggu&wH1j=CQx5L1 zkJ2qkD71pLKE7EliVN2J#BZI zK!3t><4(hK6(%O&sH{UHcV;jYSI~qm{cVidQaKtz*!C@0v+4GR03AMQl#FCn+r%mNwG(7%sEOv zLo1I{h4`O($XvfV%U`rR5OAUll+B6iI>L<7so`Es7NY> z4gXVt)^9tFZ~uIMjq^(RRE(DQ-Db)Zr2EdjKJHxRSYE!Kqv?drgeULx9e?tty=wX# zRqlfL*JK-YdPvar5YVN5X)4o{1>1^v?t$i{X3nZR{}7$pm#THgQ6YFwz_qLaM8%i< z!u_oV^!adBYAs+NvW_Q5HcG_NL-a6>#jib?fQlkQtmua?~k`r4m*Vkvv1s5T~!7GYu<$3o3I@yY|}q z=(cB)s*bSl!QY2@gfsJXG+yA-|J)&}w-+MYw5Q)^+J>swt6(PHY<0(dqh^24#aAAh zmR{TZJnFA`pSV>BX@>`+{8A_L+n*&yBO_)McCk}=lR{~t((?Efi#J*c=s@DkTuV4} zJL5X7D<5qNa=zAyJ<}9u2bl@IGph$SE0c+^KjL0zbDJAW8;miVKmV)QwReD}nFt9>Fz=XAVNvMHJSz+3Jhar%URd z*vQ;yD*WEP>ayjin>n1s;-{Co+!3+R5B+PTW|(KZWvMr;@q6Ur{GeTF61q;ve{6Vk zN=Tqvi0o)<)$u>%SayVD$5e9wfYiy5j7l9teuH(9Q5$x8Ie?_5O}@6C=UD&v;Ra)h zhXcPXLBm))nZ=uD<4h;%+m!GNcW)*SbJI2#@1@^$@2&~=-a3f1FPSIh$V{D|DH^f0 zr~T16|1SPgJ9>JZfV_eVc`n4T!ZkKWKzsQRDsrn0<9NDeUGwRLHKiggvdJ4yB{}#E zvuUCW{*-4`;9d}YtaJdcP8c8B?!ixVuNJ#BHTOK9I77oN6*u4emVtzHb*G+qGcLk6 za4O2ihUs5(Wkx#eTlr#w5{+134*Y{)`iSWqVZzWnXLSqu0VwXiT1$KxQF&#?4fFGb z{?BY?YDnzHNA;+S!`s1}7tDXP&9dcYd}Rc$e+_014Y!3pWp0hK+Vz3$kH8JRBg4eV zT;v@5GogcxETN8$%H6MX6vWy$6U|=1zTS?l$fMdmMlOFQ@i>^)a!t`EXbu|v+8U7lnuD>5391eie5;A2^yH`rMK%^^SNfp50i^;>@T7sw)fGxg;T$&1q{ZO6;y|R|^@GvnC@vYj#s;=|De9M-wFJer8PD2u3P$iy`k;q9` zHhYTV-(>59cRXFTMe6M8-UcMLJ^Y#P{nbIb9hB;jQ(%?Bn4Gn*PWWL-@Kx^tL;5n*it%<|3OR{XZS zTHh4)>8Jf_9shh~*(WN>8Z6y6uO-jsAWqSqVRs0Wq*vt0+B0i$$zMod>NP=2-i9Vl z@nsU`sgLHnb)nL%b!bM@<~mTW>j`*mWx@UfDG;5 z*HxwaX*gFao*`Rtm=0^$fC+On%i*bFv5rIX+m@gpVCN5O>|RqK!}ARHP+4!Lr&|Jl zXDV^c;c*tsP0H@W)l&uQ<(B@I@!?@#V$6lUOG6;sscgB2o`-(;8FZZST>*-M`-{Wa z*g=-iS9w#Lj+v1qDi==O69h3Ie~`fRD*~^aABNUKr)4(GYZehD(on@Gl8R9|Zn(+i zn`hxWl}YK%#8e~ZR5$ipSAFX3GNF(QjLPNJeX&pFyOE8`rpP+})e+TshEDs{Xacz9 z__>_hHKFa;liak2EJMN5a=3b{8I&xqWEK?xhlu9?^mn{$=u~LAv!=MHU8`zUkc%qT zGJvJ+EDz}hdG8OhUGqe1IIF+rc(vH+u^*q>h}j(R)SX0#V`?+mBQSJdD_z|jeQ~>7 zF?#C>cYMs#YeJdYcQd-R`mlk+Ir7YrE+35vXuP8r;iDwopKY1lHZ=X;G`0D$7yNg= zPfnE3T>r8oE;&7CyH_n5+gD^vnttzV6K|N*^?V^rrS18I-2MRu-cb!u9$8{+aWOT3 z);#%rL+X>i(DQGtP{3Dful*d3acyH?+QZQ5bm8#fXpYQx)2=G-%J}(jw7g**fk{~H z5;W9k7b2&PT*{b@=iFH4TyO1!3+lEAPDQ_1^qj%@h36S*l=7=GE9Van|4o}Sh%d_d zbmiBB6Sa{zl(v^PE&(0#u&s>pR?scnI%)hob7r1F`jxEwZWGxvwG zfL^5EkU`@yIu!)M^gD}-}R1;A#ayloMJpeOa$qsZZ=bx zTa(Q9X=SV$*AzpmETnN|1MGhJ=w-dT5j^<>at-q@%J0W{6J_OsM_;#i3vq?wJJvyc z<0DVm_+4@%J1sp+-wTdyX?U%J;nNagG`jVdHfB%Dxo+kjbWMI>KE3vynEpO_8uy3M zNF$yp)j<87`9qCZUQkKj68 z7mF`s+kF`kbt8W<#-eN#B8UacPk-p-_GEk#&4K$2@wL?dq=2tCaNcTps#J{0Kf=F zTAd>{ff$2X0mCO1M{=;#{LAop9+(58yOZarZMBv@k>mhCJSg>UD&JIz+^!tPG)-WK zEJ2EvdQ`LliLW}t#d{_jMqWgl>zxwzR0#Fv>yeLWm!yZO`5dEge>uxd1 z{LtEUW%B*GSzPdgDX=W8vZJtA^TmsFvzwf>VA>ebFAX?AN;XlYJ&Vm;X^fj$u&F_pcsNRIuntn5UummvVizv9p8GS ze8oPOGOx=LimQ9fAsM&-2%J3voe5L5ac=6ljwi)#8q=PsZT&nG74o%LwSfZC#2NKdX3+|zQ z?S}gkG4H+AzR`ZsEMAE`EB0zWMTee*SPh|1$U7$rmJEfUUsZ1;0jf`O)R+Z&ArD;R za_@8>*DZf%QLL5P*VVHS{M`-UxZBM%G*OSx(Ife3(Zt5Bo1E1W8BjJS-i7CJc-ZVxh&zsaG*b zJX`NcX?Q1HSrtPJhZ+ReGQhJjd|)++5gQd-gm>y;P5{hKe)) z&JWU=W#Zp;bFujTq;|NTnD!;T*)uR_1>Y5s@Y2a9!D$p)Er+@x{~i@q*~BF-V)WjL z2Q!d>)*^GhQvXpluh(Jb3wRy;(PN6k+_5+eVw5=>aY84O*uHugGHFHc*^4 z*{T)$^0$rnjJ;YNL;m9&;>8S&puJxGrDC_z!1tQegg3S}&HO+{MZG z^VvU)L*E3gr&XoJK=7kJNXn@XsHXl&#h5-owONUUkf1u|?sptpq0HAf#ex}9Kt{`rv3`ZWoT;}D8q>u4VaD(63dl+fH)`A%)ug&MO}^D$hUVcTo|@_%ohjm{O)I&%0k-+?oRpC^ zP1FGR3>W-TK2B=;H3?HQ&u+*eZ>Ps)cEM4X`$p!<*%nziVc*u*p4iM7=g7Yw%M@Kb0RFmFUoZA@2-s4$6RH6I4(=zu=1t400+`zIkTK^wDn; zSHwn+-#p{jlGUU0;L4`63&MTKM8j1kaO5XL5ACs#gTn0!BpV<=_(t2Q+c#`-$A>hk zp5bqdF)`q$t2aO08o|;*A#3Twihi#@Pp3M$EOe>#QXdh!F0;@SnRsOYlH5_;mwIaL zEvxHKX-BPpp}@dRn#Mq96$z{E$~!AK!p7JH<%wm=n|2xbb72mo>(R~!EqlvYRt)P6 zrU^HGWL3?8Z%6^;Ph_h8(zOGD^60GclJqn|U`S-A;C<8QO+pMWV(RDI<%4FX1?gET zx0Y$333snD|93$;IDoEiM~K1Vg6%gVdPKXVQPB;n(}V~sq2k}S!oy|*H;iE7v6*@! zyOCX9e*KZNjj&1`YuJ~9_El`(E{|e>414Mg>Sq<@%zj$}@y_2$Zp%1%tZV`v%@9#) zmt@T4MKyrQ5FK;`t(;WEFr@Ww!ws_|-X;XpTTHeqvia%=QSm{leQq;wS(mE6go@UlYI z34o$vF|gFn$8(K$M(cCrS+{_;S5ysWOK2*Tm5F#S^63GVJ&#SSRYU^EiMHYz2h7e^ z|BMaQo5k2&zeYtBZWysc%g>n0IHCbG+ktxyF`MIjci#2fqvPqxO_J7>z0rM%mXWq9 zxenN})XwiwMZ-ahIqx$kwmrSTv6+^8@Xgk7NNM(cd$@Y^B*v#J{3UUcgr*Ee0q%Cm z)L~p%N-}UgZ?>R&NK55Dh}H;nmkmIdbGFiW?K%^{9n71LgN|c6mAt#c+b}79jXVYQ zbWdaEYbrgq1m1?-<8pl4s!t~b1HN$lY&poeNFBg~;S?Cp8RG^uC{A2#24uTCz70SQ zJrgLICi%uV`jkxKlv`h`&$;WL=&&03JtSR(D0g}-epNv_i|$2*zrBWFiT%Xok{2z= zlVAEq8+4u0pHnDWlXu@s7H20vs8u3Z57Q z%V%1b+5`pKKv5lZMNtmQihfmRe+YIPfGDzTzq>q6)_ni99Z>-^Mv$GsLzOfUT(cwko~Frcjl&*o>**in^lWtpM}`9p zmYr@h3K{cyxj*+;wvB?*C%tYFjaZbycQQoXv)l_4B4E0;Cr3ZZVwSn6>MOcCCUu%#sqc-A_Y8trw zYPb*UcOXHY7^H~9<53mo|8V(0u@TKY6=LnGb4AJ7!AdNm8kx&vAkOiyFEP5~`D}qT zY}|6V%Dr(uBYj|QDvaAv$1reMhpACmpX1kY3$Yz>MWZYy`;V0I%Z4p!0D{T&{JseH z7b}%EgA5_v5AZ#^$aceQo5t|Uk^V0p^lSeVL(5veSm@0!5DzE9?|@C-YLdFEdjvJgowjsi&Sch@}5AX z(#6<=Uz#+&$Wel&R$0qK>eg1diGl)i3QRH$uiS`XZgPJZY5^N*pJ#VaKGD)o)nRO9 z{NA{_jdz3+-}YSL<1iS?S^?0r*vZv zxFP9W5eJVMqUL%foF@hOomc{e>4CL(Dnh>ghO?oAr6+iYo0 zhkC=;wpeEI)6YAaYQ{s`#0$vUK{D~IJV^2RYdy=>Q+F^@spdhW1+U-2+heJJ5Wx>Lvw zE%j=eEiN}@JTWel69ABE z0r({y#(1LIt`Xj$4J0qGP=f^I1(({_M@z*127YgOcr{AFx)PB=4RjSSMo#iLe2Otz z{inFh&FL+dYuUs+kPdw?)fb0>rhcB^q=b|SB8+(neY`eplf_q0}HSAHZzs z#8IWNs1Uz#kBilwAH?bCDJgi6K_uqqUSE1@;xrx&wj4jQ{TihqEc7mq<4S9Jf6Mpb zgP1iL+Fr=qOeE~QIx&|-bOHGM_ieWYQPgUgYY8w|=lBjW{JPstckqXgda zoJq2oko*{%(ZJuh%_x(aZ54sjSAU*W_xf&;)$^V&Si6nvDELrJoynv0PDaCQuS;HS5{P zshu!|W4}SLTz;D*h;ueIk{LUk4ha1sIjgwq01$@7@ni-u7zR_VV+*^&TTG?yQznWP z-u}=0n({I*|91r5>Y7{GY;BP{3T@=S$p64CJ4$)MRkjFRq}T7+T&Bac>co4&g5~d} zZe-5Rzp< z!)w=^qw+xDNo{_s$>RD#rKsKYsz<#S3hPwegnUVGnMARzwO7K~XiC#imZNRJ;OXw8 z9@^fuXD7I~2r57XS<%bVqVDDxa8NYi+sU>}t@+fzge=;{=+~*I*IuCLP{-8)pfv@}5;02o zFbnv!JpAIoa#zSXsLnTp-?4*mZ1tTL5@EjJj%Ha7*Kv-uyPn9OfVD_;?30<`PGscsE{c6{#(R)HUj@~}7Dlk1pXJ_|d3FgxLnP;Sz%vJbUX2_H}@Q&_L zP(bd?2$1?wSfHLp%r0N1KsS@tmmxb&C2fkl^!I6Z$!v9^f7SLbVP4%dHBH!Fg>d0% zKW;r4-Zo`>5fr6_dvc^Trn<4CEwJ9|1U7=*D_OWarAG+C1~~zNmTZHd^^arWXXKg_ z$C#aWfVG*=rK)#h*%&i+?k8@I=o6;J{JUMErG{tFJ>p7Mm;b`a7?r5Y(~I+9<+z%L z$uphaN@U&f#ulB@kcs+ga}dcje=Mzt)HIBBbirg6A z>D+ko(z9AQTYA}ONdE0((#6)dk~!YH3bVX;a%a{|>!hVLKffBNb75*8v(vbqBVSWA zj+4k3;+blQc63lf8c6n2ND&OJJbX%>;6Yvg-OBr^=3intBEU!w`f5eWH=bXz(O*2i zGTqvr-{ESy7*&k{Sdm@EVX`t%CgE%q+OV34Ad-^eSV{pO*;CEgCM@A7N0lr33zXw_ zP2P$vZlKvW{+kuA1d)eLK_2IO`Idybba$`X* z5-wrMqwo5iu^ z-<6^2ZGGm8OFKg^>}IznL1C$IEJXZV&b7^HsP2|ad?Q_IOmulNou7-;%X`mcuiV#A zyWY5U%})14VhFzn0^5%B;}-AKd#rAN47&~C`OSe#kk4cSvDmE2*7fO@oWn~RRG3{T8*zi0rYzWs5`LMyu6iq>lM&06N1-j@i zy<%LB47b&H@=jIP!6wR^s&8EXWubW0V=(O(`fR6jM_cAU0Npp-6LAY=BD|ckmlZ0V ziYx~+7iS3r`95dr{4lK|XVEchZFpTOHe#e(li>*8{q5x!z4}Hm5{&;f6mnOegsPw_ zzYr}a#e~*GC<=Sa^o1gH^mNnCFs2aKiUMR?2U3{=q@-tan)3zN;|w7#deC8IfE~^K zkq%ypIrz!TR2{w6BatQaH~m8T7-JBr*8^l<28~(m9?Gfqrj#MMu!%&M$5yGvID^e- zGWLH}F*g-THYvQLLAgeV4S7Kt1}Ze2rspVIvgeFLPgF>rV^|~II^0U#L>PT*cVI+k zzTd+{$3CEf*kgW0H#1NUVZ5r3wS83nUu?pIU+;C9A-cnL!$a>?85o_1$s9Y=F4;_< z_Ds5@?`NFwwh+FW0Sm7PE=ie;Tk)54Q~7-g7Rj2ycPRoOj6Me+4$QhrDg=5CLbQV9 zv{H_r7O!5o`%!5xMdKR;<5a>QY>^LmRWeWA({AN8W$I8z|BOd$D27`2o41%ay2ge8 zor*Lt6$YkkLB7n%U*%o%o*$@{)n>yCU#-5+d7!AW3wP&g>h;>&a2|>o=&dbE;d$ko zBSS3}z3843eDquNo}j1ef3l{uUC|5V4gCi*s&qXA?&8Hxx?lxKs*kw>jE-q*zwv%Y z^Zf)Qd502X#XN1?UXP;q0Z*qVn}otC>3405wSR632JZ1Lx3lx~;y>(dudjRYF7mvX zYEBjC2nr7X`3D*|E!j%n%{)C&6u^L>xnT=DTOmP!Cv}ZYkw-gTNz$aqHN7W`8Oh ze>Z0_{CH&oP0uw_hvC^io;ErDrx=z^r(+v$#IdV>+fXgMa>eDj=0yG0AsMjW6`Ax< zUe!Vd)cg>Fq7VwJLi!-+pWICRQ{yL))_!;`_uRO|RZjb0Id9}0w?*e6+n5IpFO1CH zf4v~uPLfxwC#B!bcZqLRmS`*vXz)huMqOf>2qez$>G{0c%>n+pOCMExA={C*#(FSu zMgSx921{8elSyw_hnVvbU4YGdR1s@`_5jJCbeDpJQJC-o(I497Y=-% zMbX-C$*yQPCI-t^SnQdJ;m5HN$#HbiDMr^fpFY&i$%-W7tyHuV)xkC8_w4}z(UhE1 zUEkJWO3p>p!x(w(V7!&Z&<1;eD6_T8JqwUK2>Lxt{Ofo}5{4{i%3>q+;h)l;%_jE0s@F=eeXlWo=2*v<|{!@W=*$_6~OC;*CI+zTCmq!Vs zBZaXs9M6rGeDu>kss8toF5~CoK)R8hw*>h4u5-ezS4y5-w!_vrpH~?WP57WSq1SBc ziHJCGLj8P(rLqcfAeUt{GRLASDKqmJxR~kJwUE4`A7^#9#>aj=IywA1j2W<+R(<_J z^N$CVKOK@><^py7?}i5rh)>nwe?t0pzBb>r+3=ii;{wqej3uqgo8&3+ystImzVCke zEP}L*yGei3hCPD}VqLR!Qqy7a4m~4{!iHyLe`gi1_9>oWLEuqGD>^VNes`WC z^;0i$TsPDB;4!R=M!0{llm?=VmLc!xdd{C7Qe$$N86hLHMSI1R z=@p;8B$8CaOC+()XIIoC!Ea~MjlR|ZQ{tB5pBc?|hjMR#5lVfm-fS@+@d`4U5AQJp znfcIGUvE(70@cH>;%qUeLrs{ysB?X=7o~~8E3sIDao$o=v)7YdFT`VR4*f^oN|A0Q zJ2Y(e6E_xHl36a%fF|V}lJL0*F2$;x=oG^VeB+Va{?>nS?*YKZ`ESqA#&_VY>iH{; z<8?^9WgPX2y1QY<6axE*840EO=<;+T8W`(S{&+Zz`EcG)My4*ySp|=GO!#j&(e42} z|2lxOVxLB`Fro0hy@J0-Ch>F|q=}?T<$eZ`yLA|jsDxlqsHPY5?0kevEZ8~iq`fK? zM3*jXcyGz&PbF-fxR9^2%Gf7np_QE$%W0rw9tgQ9z)!6h*-={kbvs;ua{5!soRSAFRG7?L!* z%Ky~+N*9UjUYxZoM0Mb*j0DGPB^e5?d~%`})$AtpqjmqC9%|}`q&B`R16B0(r7&lR z3)qDn|88Fs!im1W^Z3eY-^^_;>kiLYI@h}ZsVtBx$9>Q%shRPD2wvTP2ThbC?{GS; zsNG3WG2g2(4pC=d*5#e!EAnnMAHiJizK{8l6&D=~zn$Djwd5~KMjIK6yttHy4+mD{ zcXi1hoO%`njL21YYvt=2skrEW^4cT2Il8STs^j6rW(Q-v9P}W3^nEokSco#xs7ftuUi98_NA;$$Tt2o(en=o*02_pNesS3y$&JO(qmL>_!6GonVzUBSGmsR z!`u7Mk4q&L2v1Eb9v6!XbQ3?7l=RaJhcr}Q6@Pa*Hn&Ioz>-fI)LrK6)!*562HQU1 zjBnBs8wBzdSzQ%e_QliEE75%53rAZ#=$A4!56}aG(#4iS-c#Ne2UN@sl|p>)Ts<_> z1(P73m`)^Vxf%V;sV3(Lv4RAh+u2!q@y^!U$J8`jPrJ-7sR|;7 z9|QK!;P*?&m`56QxWfsi6c*Yaht#K3SFcNz%nUu`=yX!ny?@Z2@KZtM8ApbanV zp#mVrRm(K4Z2mg%E$=;jNyr4`@NeU|I6>%*y55UqC`Qrt|7be*f2JS*{m-GI#D8j*<+bI7S!BF8dDB!?lVIh1n_k(fi2W8_fIXUbs?LvmQmG0Zu~InCj__xE=D z`~mx6yFG7vJ|5R~J?>Z2Mw5y^%Zl+feb7v7{d9^w6zcAZw))yI@LBjTAfB*(GRNyE0#J+_HFuaL?W`^0 zQBhme!1^C2B#WoT>M;3{#^|)M%HYa4Z2!xQu|Bdh5uFGGjel!?AeuJW346ck@pa}M zDZ@C;Wo4J=D2PTVD~ngT_ALL?!*(yupw*|%eT59xy?Sw9RPd4Xw z<|qA|9$o*ggAwkLhZ*S~3Ppz%ZD61UEN6czNwn0^i7ir)Ka#ce)SdHvQJ=z&u)BYF zB}fmQ-mH3;UTl}4m?wi!PrOZwxda_`Xa5zK@Kt7LX=mcD@Y1lcSjug(gvsmu2T1$w zBuB$_t5nA`Wxa%*k-+2A80rQstBmE7p5b}7pyHxx7x_=yiN8;(JIv?4CSKqI33p6n zRWMsf$ZC4a`}_6tMzKw_j#wJ-KkJ8k3NrvROR5xzYlq5y5Hi{Xr6x)bPLn1mWhA;H z=P6>@84(N%PESiOH2<^m^JXy$^yY8SGoB-OToYW8OS{E{F2RAD8+IIpbn0l1Dx8W% z*A-#~6Scv&kJUeO+kD)L0zus`1_Xk5Z4`f)?`W=RdSdUh1+(DAL~KhI#AO+y_euL3 zuM(J7^yu`g{C=cse0nao*=9R9H!X=1G*x{ifd%Rig`$oaR%1veIdKEb`5eQc)`O9J3wBG6c|_NOUV z=Tjs-iD)^x@-)=UDVA$6Be^2OK|9#|(pHrk!s2Tl^CcK~hG?nFeoJpdM9&HLrHJK% z1gI40v!?um_ZeMo?gpcdX#9tVw5g3$K;kQVR7ZKuv$kry9t_ z=)rah59i4a@(6~7j}<`V2vaXpIvUzW$LqOMrrl;>q6MBoFRF4Ahp^Ks|BB|@0~9`; zmIi$nB>E<_X>wzPzNN(qIT&i|o>Jq4;^0mCyX(L4ub1Aq3Ae*K>+Iy+x~T&uoyM!s zzdP*LHVcX&ttSUFBOih)g_u(&8x9EZR>Hgdzs73cz}z=ZJf55+_dq#+pVT!?l@|F` z8irPJGd<1Ed4-7+Iw;2JZ}nI|Xap2OKL zUql#9)-!-tmn~f^&IgYpqV9KC zCUhtCq+w$VJ1tQN-QIPK|ExZG<0i)!BJPNle24(`t;%$D|U(B458jN=J`$`<|# zCOa{5*D^oaeuDxw=Tzz9JQ}lA_XZ!$Xco!Pyjk`g`O2t9J7=cZSB5EFDJ`@MrWw!9 zwp=VZUJ;MZ2b0Lc8a-8=+`!0wAR9v73$T`3C$*zEr;d&y?K?NkzpHimC=$WVAV_)V zyq$WqhC&)%Fv}eaWr{}&qNgJYBwQi>IUa69mS~-xZs`}cMeu_B>X%1@cxQz^j~mwFeW+0?xqMwe{`12h|dIvaN5c4 zYe+n$r6?k&`w{3|+dCe%2_N&6iM`qGG-%i&y2bLEi3?$Otf)w(rew67|H8SWUYiyb zf%GpQAM1pY$@P=*V|KWb=4Vrgcn@p~DhzcPnz_P6YYnAiLpRA%jq6wHM?^ zVo@wQ7mSK4z0VV2Q_Qj?p-$zw0Ez4YZW!*Dd`?|G#c3E4k+qYrq#qu^lAX8MU+w+~ zN!Ei^@GuGw>uquQ_zV1FVomVRic9hjSX&G?E~)9(Kfxo+)!V6lvc0(EA0ftD_HsSL z?rd2TsVk0j)xW|&zub_?&5XS#X|TQhrRycmdezNs%P)=n1)xkS^vqiDdF91i*XQGsb<*rDqMNlz}!p zyYMRGjob-Qf<*Ta2XT}0vJ`m1+xLsys91QN^5ogZ#}P#(km^4^xelI*jjv9$9k;Fc zv~D~?_(v9}kV!$1a5gPu`GI!y@n0-ZXz*zg;~5Z za=~H1e!Eg0glbmgQWP^(6C+N4P>rK$SkuAvW{v^#>wlLAWyLzpoT)0oA-<)_re|ow zfma?U3UbuZs9Q)wXde_SE_9wfX8`D92&-yUrqmYql8mC7IOHyc#OLfIep!{F0H2d~ z4-eg#oD2tPkUQ&Oms&$RayrMI6JzhM_@ZdPKMKItIpnBs10j)8J`|5Wwhj#txsq4(qOHd;nMg68DRSZL>R;2jKM`mRuSlEuRXu9x zCDb~-#Ple@_Dq>xA81#X8aHg12WMFGeWb_@OXk2{g*P1&K_ShBb@^#r={Ma^A43X6vE$OZGXbffe7!Q z9#`4hO9p^Ufcj;^;7RCjmNx#$r{>A)e|z zSOHP1vfGM6vmhSs5B1f&FX7nWitPH>(43PdRjz9KYew&uur5saV^{DE&hHa zR4Yh2%JRJT_JiH_C~=TM0`O-w|G#Hv0m}FT>6Ye!LUiW(<2mK23&XANu9)iK)tS$yKI8iQFi&F$Fsq;_?nf_4I(@DP&r;H;p`XN2D{*YKo#%*0I0YPLe+GTp@deDdH(-p0Y(ix>m(Poyf#Wx_b&U1vjR}jz9p-@ ze%{<6=;(ogSp2pzxK0mQhuL9a{OJeH@eqQB^{fEmxWS9`%jb!LPqgCC}9>q}me$YBf9iowNRSJG&>voW_p*v3|YzcHgM^4Hs6Sa5~%y z$452ya#pY0hjy8f=6XK`n z{0v}-$U>T8rtwJQe6yFy*P3i6S#IF1U+x>tUk}qt6Fl878Hj&YQ37>jca+i&mXm&s6V@&lKy60bN3JJl#c5{?!9|Xi`LW-mU;iVK=xYe z@c5_(3(KE)kg$!76u@n*ZHzVe3mul7`Xj^GX$6N+tv+%8;&@jnAk5XzES+mnaeKAw zj?MHT<20!B-$&ZPDUU`qVRq~uRD0l+>Jve<@H45cQ}oc;1kV>#?(2fyb1Q_TLZ2!1 z8O3Yb0k7{(`w?eP=}m8d#%9TZ_?(R)=OEMfBA*@z5gsBv>ps~?VSvI^H03(R^p#b* z`bNP6r4MGKYeN&jF}_FX^~2y)JvM35_F-MTP+oq$9q3&9`rxB=#qem(?I&Ig2lIbS z3avSUA<>Zqql{`l0?5lhogWyR4nZ$6qcAKlSYYRjOhynC4@uPj81)8RYHc&6m)Dy1 z6#_gKZJ4j{@5I4eIHp^#1NNb8>$kOkP)KSp>)S-#&kBEdArd8!cm2 z(){W&ZU&(?kC!@F0Y2gMrmZ?rS5YlUUNW4Sn^?S#i}P(N)el&^3_!;K-l2DEZx7fi zi3Iiq$gG43W8K1Yhwofx`%1c5>HUJV*V9R>&XOtbiwx;5 zW@scDA{4Rk*ve#$-$qr-d}7|y(7EruZfZaXqCS)-&SC#?hzOq=%fvp6Y*y9_etmxa z-@ROHw|%G19u*_=EK9EAPp4hJf|lWy&ryGUcj9w|<14q= zuJWYBooasidm{Ib^nEs%oDrn$ZJ@A(*nXMm)ydkn`LKpd9p)RtvYK%@VXf#mly<~z z3i364L=um%d6l)rZ2+ahbP@cTw86NksHM|Co%pl$tka{d!*6o*8de^mU&cEr>a0xI z)wYkE7|LVGpjRp{$N2uz(67GNuAT;+?TF+p-Lk!L1U;9DJ&!RFn@_`T&{2y7Fde<6 zYe*XuiO9JF;7))ZO;|wQYy7bw@9pjRr3-7XLOZybf)5{NmqI@r98avK`9qq$Z&F%A zBUkhOH#m}~njT{FK9*IWqi8#3(k3Q)1_J{pf36F^9s>`JLBY2cf^`TxX0E++=>7TL za?F8lh)}j=4o6n5o@?88RU5lI)GNM4QT-Jl+o;ojhv!GL{+#|XaS5shepzn=&`nBs zdvHu3uOiy6WkZOW$@9tC{Y!2)zZOP!50h+M*-NXW%{z9``+{!!j~Hxqgcd>_Hbqri zRQrmpo%KPi2Hd<3Sw-e$d655|>D<$Ax_n1ck(|PGmkrs`Xx^u1Y_u{`jY;XIfVY~-1J6%nx4l4IsIPv0b%{MK07y-WvelmLCEgqz^t=1>QX|U za}o4|nQO;js_cSKWzyUl7aI$R)ui1;fmU%?d8^}_%60q#CmH4u#WEwu&NR~wX64<_ zf&N*@%U@9b8_7y9seY%J`>lBxI}g2K1(3N~v+*YVTNKp48Tl0TUrJ0Qp@|Cwql>*f zF)q7{o6Jk}PAseGGT-h((JNn5jt+d3V(#US=1HV5vUqjd-{&@?R&q0`O%J%$pHy^k zTKcpS^<$8@)v3a8p5eu+__lNLnRd4$g4245>TEbj``V(Yupbj^fdP1t`zFfB4!NUM z4-pZ4N!#^&TiI?oH-|PIoN`d@beuc%#hZ6!U~j)E7fr2Ky?(*_gy%OD%wy1hrRr{+ zB|#IFVf`PG->J|dw4sqnXjUz^JXXg~VsH$B*{iVk zkP!tH6_F3Lv*M=hF?;(Fh9h4^3earlKNS(Cj*GcQlK!sEDb}lk*}a#%? z`5A+OiVL^sZ$wp!BifraWHQRg<9A_|otAB`&D6`tu1Kk&68Pl-28FzePOU7F<6=cL z8#>Z-6YhYbMv3En#U1BAVQN-ahR4mZG4A@jC=Wv%(KsC4dChR{p%6ZVvR!Bld954edJGZ{@x5v!Xtb@mY6>*+1IB)c%j%#M8Sz6EQ zTsUdVP$~>!ffG|ICyMw$N2g&-N<%7j)?e>@*ZGo7hgxd|gER?v6=H96l82o|Lo~0lYKqWU+&fq=4eVRn?G3blm|ow7#2u6r^^aZ|XRYGHg~#{keOBUv%30s{f3dJ= zI|Gu9CB)Ll@Nxyi<_;8C{#Sp7Sw-{i`;V|O2!)-Xkf_cKmQVTU9_Ur!i!gcuj#~bb zjG!n(zoK)wO>(J$)r~|cQ!2Aff#_kJtzncR->-#G%ELd&sI>0(QS6qc9GxXYhl= zJv1q&>%Ml~)YX(xW(sM5E^I4_R6Cy_YU&gI!{p_R;NNhL}{`)J8yzJ6qgZVOS|r z7N-8fLL>M)2guptftWDtW~npPYGIvR0%0Pm$CSzsh^eY7oE6D#oz_M0SPH<$eNNWT zwUpQNQ?EVq+~PDNr(ZJ>3is=abPShWIE`<(`0!IR2gX}W>Vg1GO^tWR>jq&b5*ps> z;!G!coXWO?4UZ4IomD@&5V;xQt)uZ43A_N0-K7zS5vrMa z6rhHbQJ)rMRqycNB*6)pJ?PMM74=@IpxC+ZMm|anFj45ihO!uC!`R=)s38dzcXK;h zzRmH_n(9=^uDZ6-&=_3pYa`7lvjR#Q5Jnm%yWRVo(ui0{MS(5m&8qFYtL!+cQZ?Rz zSQnEvrZ?;j3X#$+NN%=A)I)dtlOp%qMn-D-@<3G4vQLJO?%7A2?TWJtyQq}`ksfY( z3Pub31@Yz>EdMqCM9X?`ZGs?obh|!UE5BbsD=S-EV>IQu#~(<<8%ymh@U4+tVOefo zhJMnEpvr10o-yFL3?_?ejEeJuMjo7!{{u}1DL2+F&;gjZ)uzkS;qEho{QyO|_s~L7 z`HvdgX(#3omv&Czw+)f23UAE*^5OwAoR-LWotNaxTemI4bb^1ykCBH9UFg;hCR``S zS?8w0)ZMm|L66wTUwhvt`CwKyU(rL6a8W5eN-GTZF``9fgW!njAbzTWq9VUYMB&vb zy?XBUM%LN?<>R{xRC6wI7UB)P#AgCsD+b2$Hbk_d6OJ zSHbhin$?T54@Uga$GW^1g3Ij&DhSg3vO=S2H8g9FXfWcmk(8*X8`wnQVS6#nAq>U_ z{AeDyD4&Nn7R=^pu-@!CXIMdvGZD zyJ7MC>o1wU+J~OMj%?fe&o0)&=~ss|(^;k|Xe>e-0>2rwy0`A;(iNoyh=EOQ4CEyb zI+S#<*{vKJ6~W%8H%@Z>m41^N#?z{X9I(T*_SWyhCJf?O*zb9ZgcSOM>@ir~n85{& zqp)4LJMVe%Xio|_-aXD8H!&0DzL~IfXrAf(9}{UDe~D@`vNe6a^^6*HM(eKD8206a z9~VU9HyChXAmRPV?~b0z^f>v^p591BJKSUXf}fO<5Myop`cZQl-rv*q;&_2VmQIE6J zNO+t=fb|uTeMIklkB-E@gWhdV)T(eP)1|+X5G_Wt&O9$=l2O$@mct*FjhwU z1y!$+dOg6n{xQOF-7|ey(Q`WiY>|226HS(7?hw=25T*t}8-QRL`ekd{3iODZew1stF?|PeqmV(C;pr1D;mp0eEkXhA326QA zHBbji_91DWIjd%N+L?o3^1b?1>WbV8lZNJ!x*HcWNaa(>>&<{os5j z^5RvI6ur_KCGrvhkE4i@oV_@M(NrxyTGI!;^FNz84A+`U2hK8%C-#?Re-2WpCyeLk z@VzeXRf+l^H5iIj(xcZ0aJVNZL-YpbG0Eda1Y1*Msp{zo6F@Os^^~yhC+XW=!BN&q z?|fg`-NQ#(>MZ}BU9DMN@QQ*bSIvtxxYt>)I98~bi-Q;hrnBfhGNIQQbJJ`u=5PRZ zoCS_g`P7lBxGZRd@$cT=>pu&BUmbCse(4f(;+q@r+aFm;ot;A55bm_^j@%3oAWS7Y zUmf)8UPyc7*}qKj_;?+SxAKUZK3kUq3eBtu?0@-`pIs-)YwT=3s+?b3Lm#K>T!QZ} zSVCY%;zpWY*M;*qn<(BvVH`DDkctP$O=#l&DZQgs_{(8@I*tNnWdT%|)N#s-P3;Hz zTLc}hu2%Dty)EgHkNme{fTwl#wvRyXQfVPV;YmXtP;{3El(ysOe+_=e6{{;HFq@+98Qt?M>CJeZ*M0d9 zVk6G?#dZ}U-K$em4vzoOU;);FIGb(GN!d_ldS&n}dNOJkmO*bsPc%dsvruM@|I?OMW4Uy!RtIHZhf z^$!w)pkZiNsj|xniy1=Ui{9<+ICdijby%KSwvuK<*R{vm<`6YU8#F1$%XVH(ZE0ZQ zN~VrO>8;G5`kOZ$V+_faJWQWALb&i@?M)9ZSSeaL^aPoU{b&Uor-}#)TUuXDNhl$S zQSf?+g;*l64ZMBeQ%bToya#wiWcqnRxGHk@;&UI4?s)@6d@O>7h$~6OM>VxfwazS* z?@k$b_1}-g#qi)+vC(=4fNu~2b~@v>@2+?9IQ-W&CYk&hHr)q1#}B@^vy{9N1#5Jn zSRP&eQNk@yuyAy{;8m?h8>_O7hx7435TfCRr#n=*AFe{3FuC$C)5)csd(~KAzaZ+! zZq(pjpjsaSrLUiaRbq{n)$87gF)l$AJy?Fk{NyJ5=JhtnS(@>s`pEb^M zEg-$d0s~D{--cq^a=G?t+FwYi>hhb^2MVJPc+1cqH0U=DOU7^If}6~#t;KH1!$n2< z#ZIuz3{H)w2qr{+S2F~e^t|>dXwpF^Ra60u+j1s+=+VRiosBk^+bFwe%VZ_W zuC-6}aMI@2%MHa;8~RJGIS4VqyJp;*lpW$rp3}Bqd1lp;K2|avn(YwP2JClM|=FG4?x;6@X8W6XFm~h&6G`5)w>28i@+LKUkm3}e=5ob zEv{LiPA_pWobT&R>W`{#F8#+M{PSe2I=*RY<*1&ha4fMxsMDG6%DH^zuj0{O)rDz=?Uvm2 zCvf+qwMDJw2P)+TaT<@1^h$}d zYA&ln=a@GCzNmw5@vF1Z7KMiB4$XbsYI9qL)x@XcZE`G=Z*~UP>N^?fvGo7gpV1~< zUBBK042z|3lJs!?EkHSZ2`L*h9at9&rHgRLqOs?5_lTw9T9(e;@Tlixf2+4eoY@aV zDfq&6G$inZRu?c~G2Q70b?gdlHUm`gv^g@dqT*gAtl=i69*h2M?MK!(mW3|OxdfxC zr8Qc9navpG^oy1_N5hlFj>HRxlZ@ToUy_SMECS`pHGyFM%Tv>3#N9c|$gi}pJgkrF+MYs{tcisj4T()M+dN+!rS2Qoqdqbp`@J-SL>*xI@+$NN{*$Mh(S zJEKx0J8;4M6Y$UbicX;L8ch(1N=FBr9_olymPGI*>rrD0=px*)ymgsZ3#2qvfBCrc zFgS+EL)7TrUP4Cj*!TUD9kriHOu~vk6(x=G1<3E9)I<$YVKAYN#&1P=Wb;xm!IR%= zl(f>hi(WzQ<9Qiqqv&j?%@MGe;XUHNecNP`H7u_eZ>-V z?X*S+dvx6`ZuzaFt+;$$!*7SHIeL+6y%5_0?FhW^bs`iNzPM>>gy_n<$n^jU|++sXiOX^?kVc|NLK#T!ChX@{JB|!y6o#3A)+hRvx-9LjknH zT}qdA|KMsb^<;g7W5>L=8Uo;H;{|M#!ysQ5lh$ss<;R=9jn3z0+5zu?A2bZN&v+sL zkvb(K{}B-sp7&87{T^Wj(11@tg(n~1!eU@e!)!#tU}I7bJk6K$KOP>~^_7f@c=skr zwatn6Bn`+Mxc&Gf=;W<`&(e!0ip*025vwn8ZkZ`DIh z(ZeE~mx!L1AJO}$VRuXT2sp_47#6l3h_`UaPl#Z^L67YswdZT^$%SIeW`DD6+<*f! zQ-2f`{A8;h=`t{;H1+rV zaVgfPC$rmN`3*{YP5iia=}O1`?vXQS$CN*Gte|L$tsQubQeOX{Bg~1WA0VFkoJY84 zMGA`lo1-=;7tDXUU%*>m+g0+!MW#CQHim;ch+K9yqI%(9~pDSFG0#A^?#crk9b!1i{>?2-Q5; zO}TuYN#)5-H!eB3Duw*W5J^1)*z0@FlMvG4$>FKrI{HXF77vMcQ60B0fp;PdHv+ni z9!DeBM;{G8={pm z3Z&{Jcma)-9+Bxqhb}AbKe0VL>iTu_@b<;_z=j5gVBjRj9MkgH$-jFTkAKN;@-!t$ ziV>kiWRiz$MfnZ-admkabc-7I8jfj zT7Yq5|HMZiXW-Fa-b+Bopfx1B*_-N`>isc?C)g+3&x3DxoD0)GCs!sH36q3Nf`IB# zQoA-bB(ubw`z;=Fuv|e66Hm`spgNoE{LcPB`Bl>=OT#DM{aIGG6g>>ci=)*VBgXdy z2)!X6i|)q#Lx$r2ge(DW>^wSy48(=PZXRAV7X14^rg%@@YrmVo)x3j%eo3=|0ZB@& zD!bP?L%tjXlA86)D#*|y>6)XXz&cAO{fVPLHK*}GXE4pO8Zj9oLH7CR0O1!dm7`Y5 zn|prngrKJ|nF}j8i4^gooPm^mFT;hd@61^PRSxk&UBKIl0+VIQi6UH9WzHq6QO4dc z{>ul$fv^;@FtAn%ny*6d|GOBGwU#~LpY2e>VE)%rbBR7We&B+wy9q@|_dKa2)FWE2WmGfHPeV<*9PHq1?hUxin z<*ec>#I~u=5+%Vv?BR@eP#w7u^NF%5Vj5J{BqDSnZ74zU9qA7T19M!Xs$b9SUN!KU zYX#j`p4{sR(TxIBtFrUa2ty(*rvh;=pr;yORW)^4U-c*@#S~?XKVluK5 zHlen5os#vPqaPpID9l?b9R_MaB5;$ z}dqm*rE&SqclR$r1Hm;7(ZMFxSwbgC9$oV{G`CLSY6$+Mhr}(ifUAQP5cvi!K zVtRweO$awTzH_fPR<|Q?D-sFqw(Kl;tcR3GPq&Hl9FKLTk}CPK6xDb;5j_L++5K+$ zwc<~LW0OgIRH2xvK*QN}K*7}vMy6K0u`}id#E404l?i0bq74y{cK~E-g$jj2g^S9h zO;gK<%OUIQ)Fbzx1oh$*4cjj@Tk%b z@0v3PlZIMBTaJ#?1eHlZ_9M{;{pv4p!T#jFUD zY)<-p6i`=!?x`Qnp{DKd7#mOQQG%?TMG7kUwG9Uy4iWgEpr$@3IZ#6WZ5IzVdTO*M z^pu|mJDO3TbDtI1BJ*r%hi{`UXd~hx_?_&X`-!~~?p)c}cuSt4b;0~3*X>(Vj?g1! zpuPUd?-05G+&AVR9u0xuPSw_5Bl>rRf@L}zEuA-p3JL^%t?ISle-0{dKbOT? zRq(nAg6Ncb>FLp_PRD=a?F*0NXj=#9ug-xqZ?RyViSaLDu~PZw<#NWJ?6FY&L7&d0 z*LvEw+;n~n*?~T7$feBJzF804H1)}fq9VYL=ia#3ya5lCqU_9L8eLknS(5&9J>`-xQK8oy2>b9zntIghRacTi>UEsk+Cm0X ztE)>+4k4;5<|}ytXYuj9tFq&se?G?7(_lS`>w27mC_5+d<-93 zc*)Lp9sz-f_@+WL@#Q_gv40I@;SmYS%xAQxhk#Y#*Ynj{8rjT7RaLi3Vk8~Wl}Prrm580dRdjpF|G?pN!rUwB~*DwHQ- z5U%R<^rgoY>R1bh8UyjwTE1?=aZ2P?liKF<8yb`h;WQ6s zb+s?@g-`A(MPS|EHB(-de9YjWqlOB_wK?oBy12#}M?x!04o&`DPb4hf5UxoX`LOVk zb{|@w5*4*#?4er`+iK~YiVO5_+CwLSadukFS^F+UmeQKYah~w-DYY9@;~-8x^DHJF z#cy~XGl+(Mfqu}>iIkP1dG1-;SweE%O=9 z_fhRP>!4aD*sr-E3p}$)GBElg>fT`Gx9VM_?;trg&2U9h9{zNk52JlrGn!hs&$YL- zSakO%sP*3KMVXZDSRmr%<`-1zPThKM;$j9y!M-1EAb(>ZH)qZfZOBC4L-#M65L8dM z+K30FphGdr7nDZK%ZwuDv6|BC{D;YFwvXwJ(UpDZDEi0@_vxvJ{P(@R`LZDxD-*W2 zhU7MWO4(cc_kk_JW=cA1IxFWAOju1~%ct_ukm3y=Yn7oj^$_DIK!4b$K(+|c_A+mA zX7A6cfV9G)KK1$XtLl&78Xc*J!xC_V-&MEuvxPOx`TiAeplsQYyUN$)T>bT+__Q(u z`qzTxTROqb&(sY<99Cs_4iXm;H76TEha=>0Qpzg!Zh+*{_y?D}y7v)eE##dwzm8?P z*OXNh-C|K7$ROyZ7?-K1v`4{9nuz2sR)5GCk?3#)=&$LR2T5zNh~-sW7x74s(DNh` zKi65OZTNo`yPN5_n`*pWg=72C>-+#{q3f$$L$;?LKaH3_`2NAzPW{TsLBKrtBp56H zjWBqa_wp&r66)~8k>vFpH&J>Gq(XPry$ZA9*JH-G4yo(ZxvkA-04_QA)f4K%QP7F% zS^e<#sRx~idbvGrg9wd-vAU}s(boTNLtS-rb>$0kILd~Zc7S7X=g$v4%P(3hjFr+- z7YzmHlyR$n;yI{Ku1fATXEn+{hmrA2>4KBod*f1FOOf2f&UeOg!tLA+*J#i8>@%(2 zb(@+1me8lhJ3Gy>3X=}fsE=3Ic7&#{xjKiT%vwuz&|got1(Jm`;A~;^-n1)addqXrFg!jJ0P%IsNJJG;nusiX?7P0!8$1<6FTBNph6mDnYup1us@3-6yZ(D zBFTzm7WmR_-)iEbN@*eMgG=+*-QpyPgDI5!R)QNxC?%FX=3KTtfaq zaKx<*ZCP>&zJT1l;4xq_9dU>0e`1S}blJ5H2-8r8$CI!75okkgr6X5_rg5B8GS)N8 zqy#Pl%5iN|e0Lp8-@gYJ_k3$_p93u-oco~e{(G%4;ZHML-ei7z6O8cQPAEXTM2!gz zVt~eMv-;m|h+cUs1WXtRXMr(KLA1LvF+e;3Ak1u&dQavQ193LVIc!4 zpBEfS804RVqW-r>tsiX%^5YbhesWjSU=jG0JzqD`GLJp&csP+>0NX-E@8NbG$f_3p zp3H(jtEo0;3;YRox)Q8F?R1@oWlxlI%X?3Khn?O1TNT4a-n?5nU2Jky>HHOMG)mN` z2Yd%;>}RT|jdF@kqMbvJiAf)z)*os2_-kkXY*D%F&q)S+>J+jTxML^1 z+Iu7n3{EYw>_6l{+Ki(gd;O~ezwlG_oAhT{K)+WQkAY7+YG8FvZwLZy@0we0uY2JF zlr7c)592eh^1C#i9scN{^y~V@Rth5#l2O6z?3Db}sP7Z9mlm?q#ELfm%t%V7hP7Ss zQx=!gWVwI4CQUJIr3);mWfb-Aj$v?p)i-)!CRmHbz7K1rs`c(F`lH!?I3VHCuef_i z^5T^9hF9dnvK{iY6s*WC^i%$x(u0VvhdkAm#xG7LXI5Po6^;DkQi4%Ew=UU2(%F}C2GP}tzzZl)t$zD267|B!i;M;k|BEBq#T~N?64--R@w( z($oK6Z(=V!0ZHCr39r5Cwf{I>RHa(v%4AlA=vY<+OPG-)Vmpd6?do>yiF*tzm4zRZ zRnsf3ul|}{4{l#6O+aTr>K_ryu?!Ver@LQvbJ_amp9$E^O~{Lm$k6udS7c ztFJ=j8`vtDYp6eV0vQ*24qx@Xgl2yma^uh7I1hT z_m^MIvc7VJ*hmfOnu(;I_vVyVKlJBCz|6uz4|2LC$iL2tb=j|}vC)#@(>yph=i5MM zu9xB4;@`ls9@BQ@(mlTo{TP;*M;11ErB&w)Rq{haIAtrIKQ3o{+7Gq+1CUva(fE)` z%s@e`&mIr(Yr0q^vczcaD=iAD^o2U6wj%dRuo!H_P875h3BMv-`Wb=GP_7 zfve3<%I_hVr+#yTDvQkA-Sb;*9ov^J_?~9ket_^_N41)X-ro@UHQ5wD6YcmL&tHGI zU~WA4esIhs4t~T^s?5sucZ~v=b>u*46EkO>A6(D5hw4EKU4psj+dAPW2rLdCs^h8H^)9*7QXtq-o#)z zbP`A%O}O>J4wLJk#dGPLS8Kj|q7UWC;VB`9)Z8ecaPLD+d{c29BuAo-6nLKXlFJ6I zH-6Q7dMEJ(u~C%ulRP~oCV6!HXFH8Hm@L0OP~R+3!Y;bzg%lf)uWl~(a{eJ28y2V! zn>+r#+;kZuP(^6di1c#)yyaH$E z)!DPq6Qhp$^NZTN{U`y#J{uCQ5Yw?Q@dl0WhliGUBP~f_H}9jL|1D(eR~EyYiBnoc zcXK`%Wdgx&YhDW1UAH;g0u2`)y(rGr6lU4j!d5&_an+M}p0~M9pdLEE&n>oul+e3c zCe8x(aTrR4g|#i3i$lY$M?=ebD4qZ+o87Bx zyU&-q`HWED^-9!ls>YFDIA?O|@!PM_?$dEY{vp3;Z0GH9)s;^3 zJ{f8jpV7`bI=ZuOBgF#hasxfDnwPSIr4Tq1(KK^)~k zTNNeYZ|zQu8jl@c>itt_N5KxP(=b| zc~V(hMx^Kr3kh5F8~p(=N@7Ah8~Vu{A1X1+@^|K`)&UH3e&tS2=B7ZUlJKZZ&yO$9 zfC;>;h1Bn=&KLhf-(n_~N;`j*3|#H){n;aeSz-{ZkWThX8}!E~1X86z88 zj+vJjc)_B#qu>XcPLWDE`#UEWv4T(kkEZi}r275e_%YH^k%J_e$59>GD@RrwTgvKf zi(|_?k?f2dvWa6v+2oMDw;bbG*?S+Ggkv1zdp{tA&8AhBr&7e}Si>QwHJ8FToJXX7=Rn=!i^yLN88$FfFjoe=PdZ&PBynR*Y# zLz2w*je10BOtYEMx%!-x9}Gd5r+EH5gx0gmohuR+%xsMZZ`t^1x!#XMltLdA7z{%0QO8CT74{8$5>4MWOpsuC;x~+&JW@*b$6C%QTdW#J#9YQ;6Lk-cKZQM zx#p&UO|BfS9M=(iqR}?bV>t7nwCkKH9KhK;*;M^nY*)p4IemnPz1(jJAdxdolISB^ zr@etmdRD2X6Tjzzoga>0O)J0Wgyyz{X!2U(@n(*kvS;3ggzQ2)-=e_OnaX*hw(&Ny z$G$%7(i>NoxVmQ;k^)}(5p!_mm9d?yOKVjmjrVOZ?Lvba*}jI)E!7JQ?xJ`Aftm50 z_G*wq*=lZIPPo|T>r=w{gv$%yNO8^lOl^QHg*;RE1E^YQ_BiKhDnz-xeAT{UZ+AyV zJ>t(}#*iPQkpjTnfeAATIaKL!K96Nt%P1gYHj{ z4Y#wu8XwqWvm^czn$_Z~J;0=-NV5ql95pkK-sHGmkULDxvbDg?-cPv_etrOYJzt~tTxvubQG#CHI5ip^sLw8dG=2-U1 z{q%-ZN!3BE%lk*7fk3Ch^LyipGjEQMzB5R&s-%tdWszMnJF&-16H40OHuD*NP3EDH zcR~8cb%z&_>^2x0?Y#~_*;rdUG#?fD7SC^26j;<~mQ;OWz-ISGf2t+|$n1FD37~7} zFMsrqa5@?Ox8R#r-p$1Ly%>b4C@9K8P%ycs#&{cH*tdebKE|$ln}YGWq02~i#q0sIFeXE1`#S3$u$sXWbKN_e;-X%5FPF|Q$rqg$0Tofn3+5#* z$;Z}ehT$6rhoFCsFLeZdcfmtyUn_5yA-A16sUlH|$cI;=lKNy!Q=F{BE zaKf*6fx0r&1Ze}+FXP$qZ_N@`Hmg5;(7x4L=>w2pr4~QfQKq-}w!Rwtb$WR2hY3AM zsa$dL38HjtTRMZ^0N*q)|E}^yNNO#c;z)|cAA)R{umv+pkxeM<%j=(yB8BxI_$BEh z21OgxEcN&N1}vbWs|?4;fURXsORSu#1 zotd)VD5%kEcD3G9USbm8vr~*Ws7Y7|3Pd$U3mN{_Tpyj%dgxaq@-Lhch(^43v}MV5 zEe&Sg9u{{i5F>%)beNi(O3I41swi4lkUy)!XmI_y@h~UC5&&V;86Nlo-WBnWP=NZ5 z<0Z!j@!<@)^DR5AB=}x+v>*KL^g5EAJ5L`Na;krumL2^fNIaT4MEDLc@4@X|l@Y#^ z!Iz0@sBrZj-|2_)1C!?Dq#STG{0SH2R=K5SIU zPs}*nwGU0PeTiTZ4Y($pd%f#3YHn#tHPnd$K|;Pv`a-90S(U&D1n~DYxcX#%IUx*= zl>vw{>No&^Y+m#*N4=Y}!H76Iq!f3gCH&!v@1tm{!l*VlrUquqAtMGr(gNfhz9CHn zd6cgMGb2+s40M8Yk(UXoXzVT(3U^NFG08?~Pgnxc|JIbXZmC zLe4mHTcnA;eeqGP>A3#*^}Ur81%>RWN(g@haC~r}4aY4a_0D&19U`l@f;2GuW5?~< zU2GyS#l0&i62Xdcy`#HkpH!|)a1W$iaWpNt!5S3K&a(C$&gS#5s#K82+zw1h^7lSg2nh#b(|MO^Y1vt(CjW(TiSzN5-9+2KyWwpOO6{^X>RZla z@1~*^c`|roN;XTy*N)4(MjAO(_=NR%@^%(~5INwipHczr>G@6Li%z>LW0HnsE4M*$ z>7#QsyJ(xiU9URRtF!geY=T#>J|kdY4WC}r+X>61dv7YBf$5*q{nJ!EE~RZ?`*!B8 zjQ}h(K{DwLR4u)`Z3(O(I^)QYH?$R^#x0hJ@9KP^a-%a|ceg3$edTd}T*Q^KDE9xZANVzok`_NPw)@?Sd$Y*z8ZgMO(EU;dS^ z!q&^Gfb&~^CT2;@O*ic&BaS_fO#YZ-1i=CmS-mqWb}F~84I!spFJGTf?b*<|jk*+>QaAkGZ;;j^FrNeI&bW8MnpEL%=W98RNRd!27$I#zyqDHQ7^Q zTE6e@f&LURiT#mPPLsgw`}r(jg}1WvloYc7d%(pJl}xg^laIYy-rFuMO<+sIzRPvL zhW(E{A79!$4qQHKCX)|zo_*J_Z$Hdzk)wq9)-3_ngw@qOqS@dDuZnXAMa4c=D9xUr z-2q@i-eumnk2=Xxf+cQimt$5@`lcW$ZzHPT^R*$~gbjXyII<2C=zupKly!)x_9 zJaYcBHq!o1qqhAT@j2NvY2$?HXu?71pfEo3dOP{0&&LMV!Sn4*4jf|vpdV@?k5cXY zX_Ee25%-7;D>=pXyTV0r4}`IsiBJBH)`p9RQMQVXKo-(#O?=WGf|_{0pA z0+aV>Mmm$O8lpOL%SO*WpwcNHYJYq6A*OsDS2M`8M(ms6?fn#`5ICVv6$AGV)mV$D&_M%0yJ`dSaCf*>#`?`#IULf+Vf@8E7+vCWThu{K`!3F6-R*IR zD(p+z&+?hgE@}!cQL|F(h3V$w?NmXHUS9f>Pq8UA_MLhW@$MWIe1(LovjfuSiv$mT z&M6rLvx~Ru!lOYqnB_u(xnI!LMB7@o73{3P?_Z|7` zgQR-RILY3_6o;Q39dY>FuD4P@_X>FQwNIzq;m%yYG!LyC8GR0fq4-#Mj>hk26uMw& zSc;c6ZN#Y)@o7<5gy)@~YCLTHOqv^?j;141YKK41LPtXHwia&Q3>3z&^S3+q%e;4< z(N>F1R5%mu52{(gTd+Gik*uRW4-xppev{^s)8v^kTd$@pXgXVB&n%bxT}ee z7BSTiYGPn<5`E4VjHHs@kW^w|wCOAOjz`l91VnYSp@FRD%qY5<(M8VRsuMD<^G|Rc zo2HxecmAo8 z=Epk7vgFw|$l@nJx-###up?QX)=ZPdKEVDu)|ve=HtchkN?N!^!e~FaZ`ry1pO3PyUNI&Lfn>fW6t0RN*7ruQ*hmLc6TF*K z%Q2J`;>rt(QF@j>`lJ}aNWo{tSi3FS+97Z zF=5@KRJ*i+`b_sk%)ur} zylPmn{(d^0zHk`NV+%u#J%n==J_mubV5+-Wbu5e5(ZQIa!6~K3WfP>ndZSBNN~y+F zw3*}0*4=`cH%bOPtDKWW)a#(hs4jATCds%S041inyC@Ao&+ui(nC9%IRrdTsX1>DQ zCuW~C5Slk!Q5eU%sGw#DuiN9#Q%{9NEDlS3``9|^a5w!4sBMB63gpV<>FV2N`P9j^ zIh84HO>L;!9eNnw%j5W`{-iN)_YiPX?fmRev|HM`e@`MmltMfZz4w?>C!y#cYo6hp z)-AK4yO7PDiW9dw41l?Lz0yiy6w)1=^#1yzU^1gr`jcQt--f8U?n1-!#*1AeXP(kR znHkpc6N?dX`z8+Smlc`t(c!LR4-X{2QIcl+wv$KLZrSzYi_og<1%H!_ePffmg?47h z$n$sSJEY&-*Q(K`^6o>#7dzk^(os>My1e2B51x*}<5eG9y$@hdg_l#7Jg(&#JfWH8 z`NBlK8*6n&sJSodIC!;NWBmMld&VPRT<~CHYT{Vdxkg;;SIh}^rCCMHSlVl5We7rM zuhcpWE>FOaB&vuIRFly>E@TR&ygOEEgKIhid%f*1CH8rYpQ(6FV%d{=o9X zMin;06`B%0Jxq!@I9KjH{%TjZYUaZXAYkZ!FhzBrUHS`gQLofp=d|wj3wMmYHvVwp zeKZmxD3V?Ch&5Qj?^O5(*hgR^Fh1N`6B)bw2r61QWv-FsqUNbgyP z6MZqpr1zSmQrAqRJOu#AOy?jM93p+IGf=poH@q~8hYkLSD! z_E){^?TgO8rd<>Cqik;k?kmCR->JA5-wZ)G+NNa9#<)qR;*n47@F2r6hZx{@*UcPA zYTe!(8A=Eb943ig_vN0cv9?SUa5t`?gtUTnk0yq;B&$o*cbT)(Z2T{)$>o9MiWziR z1-{zlhPMh#MJkBA;Vx!TyHD9s+BCC1X%pfMIvmO&C$^@^e7#kJ5|2P!2uxG;!R5YS z6@k+~wIStLLKTfxK>4gt-Sdyk%ia^@b ztRF9GE%?GYz*M264w*ybgVnAAW%fb-;#NS0UU)3E;+_Sv%dYAKRR8(O=ajl}Cc-6} ziRYd+3xe}g1ICe8>60|QIBwUw|N8upf^1%ngTBl z;9~KcFL`=>>awu1aTb5`^blz*s8JgPeory0Uo}yp=Hpb6nM47uZ^RTr`j-KN<}=6G zV=s1~JSj!z3J^_zd;(Gab$`0Y)ZE4VsRk1|v3qsc773}8a|GfoHP8bM7QaO32V@61 zpZ-nMi(eIokY%X%YACn6_YnQ$)(e34ag`8AW1~RXGvMg~wLvFq;tv zPyVlXfP5eox90OJIe;t!q$6^dh zShNo|F|KsHEf)GHH6^g> zQUU*CrA`ADxOZzRl9V4y(W6L7)g!eIO*<&d*;H^lM6}aUASYWD=!eK{2J|2-!5u@x z%G!8*=H1ZQ0n0Zn-4-)Wicc^br@tN27mrkL`d}HMW)S<2lUzAZNh~sjTS4{j_WZab zHFQhNhm_X7EdV z^(r|>Nk=V7+dp44@E17#Cd%;wR2 zKc&v{44a`{|42`p3OVkwrRo7;pWUXYc`D9T@#Aqsu03KLW40h*^Ct5vv*5xTN?=iV z+SGf2j>bzR~~z}z6ssmG>Ar0hhM(4pG-V{nd%PP%BEAmOqm*+3N!0XOp5dp-xxVm$R> z1RFfhcJ+TYB4H~VS>WD${|U0V>EYmeBgQJ7M51U=)=J|ovRAxP)9E*~$u(*ZInq9TPP;XshmhJ*!-^>sBcR_*Iiq zkwn@W;$8cT41wAe#S_xgvzh!GUfcW}F-)ICiA__x;(S# zc>%%XM2}HnVz(m+_Ff@-*V1ySX2H3SC*aCk+FvH%Vy0%wW{x<)iT|k#d5_Ey6+N;V z`37KkWoW#cFLw8Paoq%H_W@sk1GyA0)>)wUIhlb}*L(QK||6|DiB6R-# z@KPHz`&lMnx43d)d(A1_j~hgF{j5va*(}rPNIOQLU4lE$i6pTl(pP1#XYJ8>uEO{t z#YiydU1o&A6H;@*BWI&PKnxDEB>kFg8&k^$nrIxKn*NFGhHgfho-$_Lr^3@@SnZpc`%m-W8Q7cY%%@v zZR*C7o|WiL3UVA&X7AzkY3TypK}ZHY&)93quFnE^Ppl`U%A>cb+O@OIrYm35JN{&q zonIew?5Bo?sIXc1zG!E7;5-mcCNGk&RHbUhaQkL4x4akV>qIoD_dlli9NR+1F-oOn zn+wK3b4ie^d{E;mAiQ{jUTnc%jAfRG-CRIBdiHh`+OKZ zkNd5R!+fxiIGM+$b600qjS1Vf<_l~Gp)kkmo_x8L;}i)24Q7OF`ek$;FK^jwU~DpJ z{s*O%6d{Zl+YU-)m#mwxCD44ad{aS3ocVst?y=`w40pTXs)pCIE>=W=!`ryo%d6P{ z-+)cOPJd3wikb(>4yh1m&-B25B(Df(kI;flNAu#qtYdX4O8<;Vt^Ysv={MJd#`KwI zlhc(9lwu2xQ#5W_-)G?02p3qGBV&3m8!I$W`O@e25LsH7SfhpUZf+MMDOnG?`eEiRjs1-%rCz zV&Rm+v5bkMf0tAM(uB4#g>H&knOd$V4-~TA8{D#4VpTPavpaeqT6g)8QVTNQ8>>d% zx}jTK9KeV$6k^e-|20OWicB!M`wtj37A zW^|5TZ@y3R6~gs$_b_byZ}g##>P9C_X?stI>?chp+5#~4G(9oCQDT$&aslV|cy#v7 zf4SAPfz~ev*Fhn%0i+9jz}5E1+=Rx14!z^uncLv%X?Hcgi+i2U+o|GEQP4%t+Xz?>xEmWUJlr1~i&QnzK zDyyvX$>oaq2@HRHtN_nef=EyPx`t20y`8Fq3IB|k!jaa6#RsRMEvgj}%D?5AdQ<@E z%+wUhw9M5yoIhZV#ZWUctyL;wHaXyFjI%_xZR^x4 z8K1X8voZs}11X(3ZVJ;6Z&-wd)>oNf*Qz`7BjAmHAB7GOt`5UdWeg}E-}fV(*)*cA zCo?tHP2WBzOe_dM4@(1N!9%??U>yK1*o>#G^Uhy8n-6z!b~#VRF~Kj?6#{t*A40xP zE5{lK303dY0DZp0fw98gIev~!G&f@*Gnev|mXz|yyG(}CV=*!PT~=K5TOL%uqoiGhgWB#NP2B`ornQ@37a`1btxiFt=vH@IcB{%k&?3N?oITb zwVKOGY<-ENiB(>m@2 zPuhLxVsioGqPl?w3Kq}1tSkYj`~2U3w)624-EtUT{GnX&alOAMh_QvLOw@VBmRj4FDw5B4w zjW~$4hw(-LNrAn!RF#L@j%6^9xXZ&>92^LgkmJ?fvXLg^af56Yg_W*Qa*kmJ^Bv`}`LcuH9lt@%7?DySkj={6{H>A|cRM zp5No~p(zF9?8;^!HQp@kO-nCz+)I?>Hf^jPx`0us^CU)PA7T2hW@4svP-S!twyAB5 z!Bm4#4;A8b{#x5$6Ha|u0G6#B4byf82@aE#3F-zq?K+hHsSE@B^p-o%mUA|o=(IT$ z^*{F~>J+E525R{LM39W-ONF;Is~+t-6{z=wrw}e*-}_%oyC_)Y^I1*Je@H~vyloHk zR2B9VP+3ZpORv}ajjK?GXkx_gu}g#tEq9QP3p4jUgrs~AtX>c_MVQO`))euad^Fp%l=Nv4UKBJh zR!s+?==wfDwyJJk5?BxA93d(We*h4dn2uK=nEb4eCu)H2H5tjpXJU#C!8XG=d-*R% z+7P=!=aiJB5MHTq0v|H<<w_fqGD&d)f&8{6FRy`F-uR9mLi~O>Q zVp98(Xv|L93Nuwadzhz0{(=ei5-vH->Mm#GU#P5%;} znBe)xDp1;2caBj1A}c2WflI$Qme@I+U9VJa=5u`Wb!94A<(L|Xc9+WVIO4)#=OJZ} z_<8DlI2b?^8nA%pUx&NWAMwVV*cxh(7KF3kR~dKTPc9?h(Ej-Occ#Ws%m+h=&6=*X ze%UnW=jf&dUOx2ij5kf>PH;S;R?T`xrTr>IGX<4#(zGXDyqo2|qn}VYzK%xR0V@Oz zuOA}!Rqj5P5)G{rvRYfB`{@DyDw>y@mDN~0rDat8Zm@_nBuzfOZ7%Th5zV$)>$LH6 z+se9)(ttVhX4BY%12;gce<^r&o7G9c5v=f#aMdDvn6;LALbMpE>UKBQ8D7zjQF*DP zTu}+JA;%_;v91t6qfcZgivKmeil9gTCAbdhCPtw)e7M@yAU?Lg1{2 zmAYvY1W#fa9Q=+lOv%}8@x}VD6+@qIC<7*p&)whOfglFXBbzp2GK8 zvPF{CHtyHNM?ce!HwWh{w}4Lj!Uj>CLC3j?;&s7wj`TJIUmQSb^IK?{5Ds?ie{<&# zkjg0FAQ6OLL^ulH6;KMe@Vrgjw^qwGwz5Y3jpV)$V9xG!k;xL3FOP(g36+9uU!aDz zDMMg3PfFV-BE~DTt|y)4J=L`$)*(4l$qV~*XF^CY44GE{dLt#Cx215 zr~(t=Uwzn^f3Lh(I1<+VGjcB3kNcMeRqK4V#uR@#{?L8|SzFxTW_YYG#JKGA9H3>9lom>}Dd-%P0s=FT%O}czdfo?BvU7WjMffc( zLUVQgX*E+N#J?ii@KR zFEbH^CqHI9@KOZ=2V=NzeQ$*HC}?KC>=&u$3W6vBKA`#IU)#h$nFC!Jd_i_U;5!tD+D%Ul2!EoN69Z!Zw^9JL-)5tGRYteW{KB9{cPtnJZn{hDHV~fqe5K?Zoj)nS zNu{~x-&9O%=BS~@#wqa?+$hlJ&)V+ZRJdXPY;(renNt5{zVcgG-OYx?jYj+$pcf6wKmZ#yp?=j16FOLaDp>RjR?W=s^!& zBwbvQx{CJ1ismcNFWJxd)hYnXW#723=asEy2izQ<^h<*W72dJv(7_u6q_-=S`*?eI z_3E>W?8c|?yIB3N2#MK~>ba9jh{8Kew$Jm_Cufzz-o4>KirF{gti5`o&#N7f1c@YL zX!6CyWX8UakyyO5r4QZodGoO<0C@K)$gIWGCQTx*fKGQNtikx%hsR6%0oQwY;>u9Y zt{qbI;RsH=XU(I>@ef#-yW8=Wf>9@-3X@qV({7Q}?PvjF8jT-#iH1W6r#Ds`+| zjU`gF9~3*e#7}ln1`-EtjYbG%o2kkV?T6_+@Zw{(h~?&IHV#+=bz1iOoU4g+zmB!w zpN^vA^ra5w{}NWJ<+i+`*8RP#qDp|6`;;l<(578+f^-?_nFb`(by!94bL8TBs^RU= zzMX2x$THM*dUM`P5W@PSeP)FYr0+jlV}9*rF0gje63`GJtyD{LpRhPZ3I}zwPSyx( zJ=r=a##Yq(7>?L=MYc_g943l&zQdO&wSUozF-xjUOmv?v`pl!^;IzevnxJVhXEI} z94d|8MgIsZ9zHuQSErCJx`8IYmR$E{jMH6X+VXOnGh)Ey94R@vy}L_d=6(*pIQR4b zSVq6pelGQmj}x_KloRxe{^^OttTcZ(a7E@gkY2zcE<;$8KE~PnoZ|~!#w0EVA;b-c zr3VjKpoU^V3Ayzi@|pdW-N)iHzt&P)Sy{cm@iE$bHu=+Bb!@bZy>7Xf7WgkTMu~uNFNDWZulnuvEakmGG7!bo@Rw*}=bZ^v6=fQ5%l0 zQO-f0lMX~@X-{`MOuisoguXbLPkqndkN@Ct$b+q#O!WU}0sNX)z3;f%VFo=tcep&F zLj!HT$$+Uurb*{uA^L7n-`>}G~v5{Dx-%LZlb43~(=F_65 z9%K1pJ=|*aTP7w=H2v)6Lw3y0V7HsLo=J;fccsto^_CCI)0;-;)j6dNaN}#Q8HRt zQ&SW5gFj}T)Av3`{H9{i{7pAkZJHs+&VRmV8#*K@MarN(QM;v+mYMA>aLfDKqQOZU z+_|-Lv3244l4i3rKPRgxsvK{p9Q;}>1gUu%e?%UX)7{IYZL@~>>CANVwF}~?Cvq*` zV^}h8<&66W3{y;c;lm1jcWPVi^s4ofdi)|}&FD|OLK<2ShUbyUf5|}_hCsTtv&s*l z8Ve8ALU7L>R?jC1P5xdVE2e#7_%D8X+?!1T-{*}w(1le0JXMFmMr?0Q9H%9>R@;N!(@NxOoL1|_#=%&F=DI5g7$oTPBPUV1WfytPO4_w~74fHzGg@JyA@ukH0s(1CnxZS+qz zkvBKD%peq2Z{JeIyp`^_J$NyUwxFT{Qd6sK(AsW{=%@IobQ<;DWS1`gXz!@;vv*pt z^A<<*{z+3LESoP{YcYABqt5CBigH1ioRAJ!JYMrmmvJ*P@(b7l(mjtj!B%|DveCel z)!lxpeKEbldS6E#(!34Txy51o82sUjV|mOA6fOIc{Go2LtkmDB?wVwQG1wnjJQe1O zT;^b3m$f%L38EK zFX4)*%j|hCBr|2!-t!*}ttaaJ+3h0`Ml@#Coqpye89!LxSO>yLxTuC>lF`n}K_y>3R?;QTK=$(>WTfABoH_E zeBkWg8r35FdzOXeHWmnl@f3kBSDO6{v9ek4ry9eBm%_6D#Zlo)N)&bQSFGuUPW%(; zPf{j-)89zRhV?Jasgh$DDn@Bk6saFAg7lI59I>V6Z0~2^IVv|$AhBhn-iP3Df`Zs{bQyHg zBZd)_4B~gkU3^!{T|Zz7Z&m{%|7!^(|RJ)$4Pf_$XE zNriQ0^^CTs@CwJc6PIdAp`u-ip__zqQ(`6#s%v^HFzk2#T=<4`eOlNk8AHS*Dbff7 zaDE=zZi+&5O+J5@hmy}cvwrbkc1WhI&PRX z))Li#{SN(ho7=>zADua8{vSNubkF?1|32K@q@US$i>$w=p0k{5EnkdDk6Cg6oc=pj zR)rlB1vxBS()^O%OdG9_!q(3GeIxeg`gOJBE`Q(MZ}A-DR z{02j+RPHN$S=&FISr9;dWg9Q@?AZEgxKOgAKD){YPn|M6WY;4_SLuDayG#(ZhPA$V zb$d!OhLW{WFA17w#v~i_357SCU?qGW=E;$LVNIh?zdoA8YFwz}MSI)H%+UQ;QO16L z_{~Q;pU0A1Y6$M;@RA1Z9b4P`$eXub*|O^Pto*i#SY>J|zgV1LSN{Ey@6nB6-9o!b z-gB;S=+Mr4o&fujNB}f@Q5sKC=Obu(7(3kIbp%O zM}>KF?@(}GlW(k8f6r6lVJgz!byM6h6~)U?+MLe#EQXrB`_?+`aiu z1PU$s{1jb|AsOh-q=`y;9gfe;xCj2QQY(u5-K2(p5ETWfX(H|bUWZ z$87S14PK;@?*_FF{-e6UnOC}rj=Ghl9|!2O10KQQfk}rY`|io8UY8_^AhpWqw9BfK z3_!~4kMAeRuAF)XUhUMB)(n<8l3wa<*kb&BkE}6qeusu~KDb$sTLk(c$Qv@5_Qm0+ z(wOr$Jr%u{ukpOx~o73PZLr= z-!q#MXN^8ydo?%B+$87FlcGDD1rW;P)LEKczaU(t>*CY3&sDTYFv*`4&?1{$E6^^2+!D%qtG#w6 z?(f7ID<_W2t!*roJLMi=rR)~USsvBFcc|8Y0|Nx@fR zl-wSgT=l8rKw6`Jy&@kz(+5^m@2j%jq*s#1)K&5!gUn&1aJ0^o52X5_d2%d>)J}>? z(D|;UBkjhZYnd9Rn!J`s)snyc$EMkZ8B}+JRjWA6uFvQ8OT&G-$!7_&dugB(~n*d+p$RTks zW?lt;QU7ru5>REM1<_5>wU=(_`aKBauVD!dDQvpFs4QGzUeD&vib$O#RL?Cqr=MNE z+9wjr0$8;<5|fB-JoX`ZqqrHJJ(q{{)w#0^&Pc5R-;9oBZ;e&jPZ0`P!|RgRH9H6| zf7s_vJu*&BSu%2kb`zLZ)yDx8+0?>dCw!Bf#_fllIab(I2GX9F;T~U-oDi>_-!G6` z_Pn!uaCQ12o%Rmb%H-W8|B}Y}nGJX8=j)6#EfI6`Ol-Wm$o^b6(}*In#SQuaE#2pt zb7Z~kC`y!dj|hJapQ5hXo_}GGu1MLdrV@(f9nm|phm7*R{&Ij4wzravrd+Itz{!S0 zoU^mP%!rbhaQH{DYmfdz(O*xVMgO*WFa86qo{}Z3rCFHsbP7jC9b7LF*5#Z}`aDH< z>v;LjAfv?jL>M@gp_>4CSDO7+j}7-y#yogfJtKGr`~H~OcO#!Q8b+pI&!?-L$u-v8 zgh6@jtz4D6({8gRbLN80xJLGns_4(z!tx>3P%KjZwR*oKNYYiSPbc>69mAS>KI-#Ouzj!QuQ3Pvcn`R9BXF zMhDJihCY5r*rqm9RMadg&J zb!`Q8vuOxOT~=e9U0a;eYm;UjUb+NaW$6w!^`Xy13xI%me=qH_;jomo^mTOjNa?`Q zlZ@Ds*#87J|J!*x#6HmEVtya43JX2Io&Y$VRz^f4@^BvfWj$UOo10XZ%-el`PC$LK zDNOMKu0ZMb<3+)A$+28B`FrB`qKL?ANxJW&zP{;o_)B7(v2rAtevxB8>{ACTOKaHc zMVXe}AA+|QjpS71!Zc-~*%u#!?gF$C_VJa3TNl~e8Bm+5z@J; zQI3#$SVKC0L=G1&_iT|Tsv*ce*opt9r~80&@`&_jV|*)AX^N$NPl&S!N(%oXxJ~}$ z|01#brfibvv7K|cE;P>}GXntk35aEWK_NXL%2U5k1Na9w0Rgn?lD>kc9m21$m&=Kv z+H9?Z6|drSB2xB=4<49JnDv%E+VV7BS+>za;JjqE%Q?xpg!6UOCsA1RRyE0YQ+X-9 zo{ky4l%B}l#SR-Gk=kF1txul5a5bGyp77yc!wQzxU@rd>&dV{15QBDINKR{w$EKgF zI%e!r62$rD85ixNcIf9o4StJf(gRl`6VGna#l49*%a_yV*Gt}O#`GE82IEPNlCP|; zfg7EpqqESZaz@VDIVR1~81|U0RstEPWasfayz^hLh3v^D_G?8=e&+dHya_p*%t{;U zJzL2y)~R=>S>C<#A14M;a@C7g5GQtLRrnfa)6tsu4#-1JkdjoDX2Dr2cpJL(24E(w z_3r~#6kSAviD>QPyyNQ8Dy97XP-H)eL?;_2R8#Q@u+z+p#do)-(S+T%QIFAN_y$-s!RaJ|n`3=$j5W+8D;J z0$-&nmw|(7YQ8@0V|2a!Vf<`Ee#1dtGFmtqs+;7KrpPxyHdfE{0cdHjdSCB&A|s-t zP<^$UIhir9N$-hg_;5h9U!~7ls{2b5od$i%4PtE*f8PAb4@(rIzcsl*(l}9)zz!>P z)1^GVmVN|MYPYUcQfc{fXXSCYkmoGA#H)KATV9RWPu!UF!F)V|bxFsRmFVjaBIR9; z07+G!Gm0>4l8@*Hxa65l3QY|2ny)v5MZ>;v|Mv(iA1gdFt?3ky0cSSfAXJAGg(0WS zlIec;h&_`efP57d(iJ%t?h4p9JriB;s&kjKW&NB8q&|sZpc_knvepaD^^Zo#3Ep<^ z(FWY8C><@%%Eb%H&9^RjMgFqMAkJpWbh=dGcg-^QNe-vWKBo1l!x^$YYiPJVYqqlo zdq=1H(;2@9>!))qL_hVTj!ZwYkQKM2Bd-~3rtYd%_2{KJD@ z*jQ3HH1A48Hm-F^b9;++9f_Xqn-CAP5Kf%qNvRDU)GdM1EN{@Oe}X}TNrQ}f!M9my z%Ym#u2gh)M+(gyyD+L`HgNFywNW3g1h(>;HosLr#X3^eBP3_*7hhL1lNB1gB=%&hV zj(Bf4@S_2rJ$0E_7ht$xy*JU0_Qv0tWbt_=-)V$u$(@kB3GBne@1(ol_@vI(sKMKiakSJy+@HlCygn2DIuuOD>UNv|!4g?guD8kc}-|JAG|ueJ`1?KfBl!3=~#$`ky$X zwZ})_9g=5IJ;b@Xk_8Tj6l36X`#|WAY|=33q!v!dMyl^~5MBIF+i}7$42JSOWZFj? z!xICe_)_frKX^L#eNs7=!!)l%BTYBUm~m{7{x&LB$i&rRqOo(vCPQb4;gV%>X0*Z?qLuDO~qwi=IIyN_i3Tz+SL zf>3R~3Y*M2(p8x%O=7QcNC@r;1@|(BX;`*@g&n&8OozR%3`DC(cqkhpyZv)C-iOSh zHQa+g;=D^AX=%b4LG9QR?(V7G@gSXNL|haF=M4bucior#v0YL(T8YBbj(MWYUY;sMqhkeXC17Ki2<>SD|mbna~g^g~`D(hV?Eqk0@v6Itr8HeM~ zq9j;&x090w6#o9`s$=_d28%3QTlrY9RV|>wzc8N(3u9(dNVwl)>F~zAB=<;Izv^pz z30G&R@5@BGAFH$OR3XH1Leo0V4|m#tD&S3rQB{)U2wt+Z`oV*YW5Cu3de^yB^jdr1 zYoqXd4_@g3SVIAj9N*=EIoPF8&S*UGGsx+ZEU;T%%_Qt47Vs&-^+rbnP7iAir&c1i zu-%x>|D)+V!`XcQHXgH9?Y6YG2C+kpsG>xvy=yCqqGnKg)CyHWgV2=Lrp3?RqZ(qT zYSpe8HERYbp8Q`tuk$X)eSGixIaQwKmr?*d?t}_e2}7TF+uyDBsr(ADzWW+g3g|vnr_SUQ5d+dm@|%u@$ZJTUUyjuMC!ZY-L!h znt)XumY8DtZwz}pn-wN4k~7?9!~9059-yCrs7{JwMcbfNVxxs#e-g;C;P~0~8ZL}C zsft6KB?(~GRlt9_?PKqh&id+0_Vlf9*MAB7L)HSQSB&O0nEDQJnD&213;))!_xO;x zv3jkYUq2IQG)FFKBhN?f2{A;xs%ubn~we@(HVubjfn}iCo)^iej{m^J^Ti_v1ZDmiu%X@eCg| zh+v4Ys}jM{L-aIU6*PV_TT+}6P?qEv{U3`4En88WFU5x$uG+qe`qp(kz&NJB6Etl7r-x^;&|p&VQdm!%_I0o7 zHR3w^diDB26O`t;b81@S5Hi|TsD#HxUrny8vZJH(vh?~m|8oC&Yv~n<1^>ucX*3co z2#bu0I)%Az@Gjb4pYBI0Tv$%e;$mnVv$cA_rLh$1?m4Va{_}ga!ObV~Yp!*^i7K6k z$OtHC72iGhMMU`-ra*FN$*zuf9}3w{B`2L;G7R~kT>l8{+@MdtKvhnjiE7qog`)*s zYXy4H^ZMq6z_&@3$ITdaq>aG+Xf!9+2D5>?-7J^24g^7_4HJ%eD~}v9*)v5Htx6hE4fcSl(D!VQu$T4}4Vn z;$x^vTT)f^$ndn(O@K5%v%h|MQTq$u;Ohkn?yTv?>px{Skj1bRUbC-Wa!s~b{_VUq zEvfSbe#7&MsnHG{ry$`K_BV-^Q(s8w^D0Vo5FL>G0Rh`Gs?vj&kgAfEEgEHC7Hktv zVS{NWff7Lc@OC5S^62ar1ZY6Z0yinsvKFfm%;GQp8=uXx8!?ev2p5WjtcRd^iDN{O zmWg4t;{)Y_ysHzww%dk)J?8g+GGJ!^R_n&}K<^-)l?CMRppnd$U6`s4Y5rWfbE~D zb=ZBs8!Q9EWZP!x8L%SD3ahlBm8jIhX|+vMDKy7QPhTSLY_1lQk_=ZYZjf*u1-q7& zG#1Be@aesSKIlV&s;isoNUL%rGz?Q$cr`F8YNvoMy+#WKU*yG!jI&5$eCpL|5HfWc z?^|MGTfd0%%}@8vYmyYVu7QZ!lg0M0Ks;zCJcK!7^+EW+61cDgOhMwh`V&|}T(QRjZu)YJwK4Y#MRGWFA5_{%n_ zmXafs_Sr5IuMF_Pw{#k|%(M?}ITdeWbG&@MFr@n>y|rDC+NlN_VAv_%ymXkeHs3wj z*4Lb?oGiwe6zmr+hzfkfMLO=7k$p1Dv(pjVSB+{;l%sO~aq>^`jRLC`3N}n5M?4&V z+h(fs?G7$;M7fD|?^>5@y*tzS-XBH`My`ePPG<=S7=Kh-Nd=H>p#eM#I{JC&|0P{- z1prO6k}*}rA(@Vf415g*!E`31|@Jx!>fW6mnpGY0TJVr4D6o$6@fBr{I%LF_ih9lwS688l?7-SORU zv1yhmW`}|VxHOc5mmw`7FL_ekuCI<(Pg^CLloFA}n0{5tTi}jVAD!N`H)~o#)HHCU zClCIWC%=%oa=wNXg;)YhR+^KPe%z3?gME|gB0|LgYCA>l`%YVTU8L}PbwgADR7Cgc?3@#Ebh0>WjfMF5Y==6iTV>M| zVC~ljb|X4s*gAxB3amfPM0aksNi|%nXScJ_LU*V#6EhrdZl_5EJJmhH!Mz)hrjqm4 zH{ZG;e}nVo8;}qef2PvgD4X(c7zzTt)qB=>JC1n*g6Fmgn})iY7NweYPTG$W5TY(RC_6}>{w7h=7`4;x4Di&zL~dDF>hs4}vEd|^HZt`gIm zB)#*eCijQsOTH9-)B4KZolvP~99HXJb|0&?Z>H7Uy~z?)zO!dM^5Oho6C`{~LGC`h zsHIs{l126XoOv7en}7yI$i!6mV@4@T{j<^oh3(1dvw$YU)dck4Yk5nI%pc^R_kZG$#`Hl8p|(K|2c@XltG z6F|cKk>J9q+J%ETSS}V-YdQp2)m(aSqxe6)91Q_ zl9i;t=<&$TM)BHWSdmEay4Q^TRQLN6=Lzcz@MxiF!JKFF&dEFpVrR4OsVG&=-)d7e zGod3UQ}os4bY|}sKs}EJfOkepXg$Cw-*?JcmSt6M+ZZgd&la@<75j~@uD)uLC$4Fe zv+C<<=kr^|Q)EVjbNx;e```ii?UI}<(bU*cg&sdpRE>es-eQONsHPX zsfNydEW$@BVibHo{MF+ngkch#i;u_p_otF!5T!DUUz zb@OXlf998LlPwbL->hho)iv7U%S()sdu8wZ1sumLGIkWAoQJa>oFNjiiEY=X*lM7g z@w)|!SNB#^3X_MJY4Mg?0E4ydt=;+1bR^kcmM;;0&Vfg*;4s)0z4csIe7& z*1`+7l(`o?AYM>u@tO%2`w;D{mu{&@sm8~WR8cmGE`{e*S0-!!dXjS@7c_XbADWcG_hU_2Fvz_!1 ztFcX8lYw5GowC<(pu4U%{+!bcf0MZTg8v#$$cV1E8*d8KjYAQ@i&)mi^f25%-N2s7U^!I%ZXv5xw1p4HkC zQh@#h)KI)&-)K~>vdARKMg7oJOfC_S3xA=5YB;@2vGb00N`Gm!eWkd8v_0B{wMkTD z!3H7tjBJ~S2+r{T0Hb}bua3*Is@R1kl??{&j5#i6aPbT2$P`!g4iB2V&^h)8s6lc< z!ckYC2R9O1UtGpLOmrcQ-LqH5*71;sCA0{F^Grqgv;~`~>cytuVakFsJNRE> z*X4T#;}e1pZtC!-3_zwd(mo#Nng`X(226%p&WH`LgVybOWXMeJSPy;sW4*tCgE#d1dRNyDLvrIhJHRg+_G zg8@$uX^3Erzif54bl9tY^n3Nci@m1F9;fD#bkU~t>sz!*Fi}@)F50!5S8n3^i#5rC zU#Kj6n=~~TviNRWg?zD>f>B7Z2=&#O&g+G@uUGE88Ze6eSU7;C&r|8wn zFtPz{eiaY#+c27@RO3{kr~}Lo3ndgWyi)LRx`v~wIsKGVRRF*Hm zR~D~V>~CdRq6r1N(dph2coLRHuLZZMa*tBgS#PE(Y)MYP?v-IRJ*buD+uJYA6)qrw z$C6Ci?+e{W+ijVwd}qp1%4Ubf0Yu~Ocm|Lq{#Au~k-R^j?kEc1K=7T;9=1+Gj@4<) zTSAPAR3D~E3q1v-1Aa_IUhHnq%}Lxz9d53ALt83x|3REeX{)2UMt9tnH%-DKj^tB` z2G#3L%irT_zE42e{bcy(?ReBbd`Lsa*B$i_aaFK(c!XQ(?C82q>>?&!Z#!Jy8+{tc z`lg>DY#S{D)jh8t7GggFpK$d+1dFeC9sUgw@SXW?Tp`_K4GEk|K_5*iV*tuRL(peEU(1FeIj}Wo(rm4n zaVCg$=eE#m2W!9B85aYuh6*MAfeExEXgb1EH9Vwc$wDD4oQu#vrl|B{16h`3qAP!N zeCPTf4pQuAFltpgRlGqWTO?_dzuv@KHaG|c*6y&F`+)`EIb_gy3X zu2Y=v8*mKD-q51~Y?D&pU-r+Sv#N}v%BMAp)~ccRsiEP{?m4p4#cx6|YH?$lK-bM@ z_bNOd>?n0QsZ0Bptos>;6nFYGb;V)#@zR4cOaLYpArPzIG&N9|BNBnoxQtzMzr( z`b8Gl(~S_KHxn^FE@6?Mz*=Tqxby$5BS8NsDgo)r#;UUw75UODj9ysERO`wf{pBL4 zsN1mb9gHXrC$KLX+hRuu1GXRz%{ zjd(vKx+_B2W*s7jW^hiaoaC>~f3%`JzrbK7C(E|Xu1{Nd6uEt;P%(?Q8`ma}z8%U8mI<5jv2JBz~bZD3VY^>1}^qU{0 z9$p|@$iMmHB&I0ha@EE+<4gz8Z$OJQ<&%qxvXKeWasS41Q7A55cAYV>QfYDmf#sC$ z{9BkJ3F}uZuF@q>|JMnya)J8l0VnJxK*v24$kMj!K$hEm?l`=AZreI z$oR!+ZS{$Hy1$3#%}uwj)1=v&-@)rVBdXOI6LM?}juGr}Mv#-g34zjXTY!x@lHW*n z#|P4}tQVuo!b6D{;HIXADlabC*4z`Xwrk&UP@y4ZneJE!C}plPL9BZ?mXU|BaWVyO z_H754m+E#ELF?x~v{5)!*;Y9z+_3-gtz~1AGV;-d{|KNzM<30se;K^*SWey@GWx$| zl)=x#JJ^?=Hy>Kq4JvARt=E=kzSzUz-CbGuM&flP@Q@Xo5-7;HDuiUgB#VaKjbIhN zUlixsxR71e?(BB5o*1?Q{d3rA{Hc@$Y#gnazfatJPoq0jTvL$~LZd!tGK%NKd^ZZ) z$kMoR>k)28b^?kvt%9uI*PsxfWdsSU4NGXfy3GnupXbIq|8{Fl)4TbO#!u!bgOizn zXIYuGv|}}qNP)Ao^n)}T0`g#Xo&$e&V0OCghlG9XP<9{#=@X2ExsH{97n`m`w*TZo zIT@|*U80sF_rjzkZtz!l$^9q4-B^Tl%};{(i8df}o$XDhSrNV3m5@AqsKX2Rmw4cX za%lgTQ8!#Z=?_>u_ zHe=FBg52rTmM9h5df3^Clxir|+r~-<<_N47Xklyvf|8o6Ec=BG>O5b*hyPc9)@0(& zC2?>7?o(+gvMqbChcl*oi=u$a(7Ms7s{K#|ME95%Gctl4wZj7|3cnPVdpkdPdmr|X^H(^EvLQnP1~7CyxHgj1LHtw3eWJwwzb~7 z9R13#z}zpkie;gWpcF~41-L{9?Z3RQs_HpJBi$x$^LBqb$RVpZ;ZiBe0KPgzHX31i*vKb0hCnRKC{fo4cv(Y(K9~Yk(6XU=^=EGX`s^sbGm6MW+K9crSh{SBI=TKg zcfIOx^=0Y$fa&_m=h|B}NH$EFcSFe~LEBuPd%n9jpaSq&5EbTBfCT&|Hr)VJ{JNm+ zNCTzkaKyhW%Zpg+X&~vC+uruiw8cPz=eD>^JZU3R<3%~7e??SesW*PQTlln-Cgs~h zdDm2n!I5kW&2{ClQCeDxNIUx+ z^6{s7Q0A9Ze9DW4_Xl+w-MjvEEloE8Jxo7rYym{Z_DZ2iYyakr?s4r416R;_ON8CP z^+88waZj>##t2iG-1skk4pxb#!Fbb+)m6R{%RFx%8{ci65iHi&T16!_Se|e>{YmGQ zC-H2(W-%*rm_vyF_onP@i>1D>K@F21%$3nTF1#eL`7!Tmqoi>OMwS|2W;YByKIz=W zp3g0XU#=6et&I-Yqn5vZjIPv)C=WJcH1o58z?NRQf>jfpF}bV^7VvO6G~h%y_~RJ( zVJVW?FS$sppy&I}2O4hauT+({VPy?d*54<&i&_@3jgp|^DIEb1(m~L!a*EaSU=bf- zqj85lEqUl}>Vu2m4xh>fpCwiAIo2dq{EWuz<}-n>nu6>y!cbd}%iz5xFWUFt$HG9I z^Vi2ig#5^VvqYmh3*CJ|Ux zP=N{!{TkZO62zv4mxY`WEpouWzj133?fSaxb+Hil$tR*$p)RRgEaZ4&5Bl$|! zvPWo$Bh-DBYDpgoO+U?MeaEuH_Zo2P9dj9+Iwc4x274Mqd!t#h2X$u;2bNP(LGB zvC&hLV`VqE^ClV%p(z5DiX7-am?q^a6C(uyt35w&k!@SB{J^N|0Zj)@wyfu-M8*h9 zT_3DPOju0^Y2WM`Rjpcq?GBi9=9)n4MNRL&)3CTlBZ z>B&paN?qETu&-hiFtTZZu`u5B@4<4kXmw^Pnmy^hwG15>NzltWBu!Fk$8@nw=@_t4 z06bm*tyZ0Pn!p1b=WeE*E4o?HmHY_hbV)Y%isr5kc-_-#m-`?mTLk>`xs#rkqhmW= z#1F^iGI_tQB8P8PpD+DbjjKo%$rPLFY6a7K&i*xMQq{u3U& z`)-o7EG`}aR58}2h6(;<0V_SQqsz=4xsQ6s&Xt}sXwe@agB z)MA&n`FQrv?Z3O_T0)r(VEVQ*_Y*S4gkq0}1j@(tIwWUGS|}nCUhz52>DcL(a|IQS z#k01a2Wn~kU{Tl0T>#AEIzCXsIoZY!HV+Q$H3BH1+Q6LIbB?+%Pv^;x=C$mO6oKkN zSkUm(R;L$t`BpN!li_J117^3XGi}7;q+8qPvp4<8P3yb@8J^POk>L9-N_m1m20r^S z*ElqZ97K-13K{{9@Rvwx#9mDhjIBpAi#<0(1~Z&n!EG3x{qWSEmYM{DZ2#k=_W=iQ z#b5bGyaqjEBopR~4wGz=1hP=g3{U2mT5edk86DS17qIEyYmdK9tofgA#p~flTh5U&NaHV)mXmW>Z6&q-P=p zkkX?abVy1|J!_Y+I2x;&X;`%I4NwcIXVBwoLLN_@P#ChKDT}TIx3j z9d?IhsCcolfr)g)ApWq{)v+3x_A10|r72RB9G_#%k=o6&gXc$vMu^h zcV=eopgz@a_1-m1Z^{BIY|_gy0V<&>l>X~Tkd(5a-_e|p{2g7iz*o1OI#p_X{k(P6 z4jn0{8m4c*`-eKz1+hI5GFrQqcCm@%^TCV@Wcx0-2+XUF8g?+pwKK60A$V|$Z<;sA z*!}!G!cZ?ARX3llO>Y8zu!&zoUVwEZm${_nhr6pjR|omm3;S0brf4uwueD~xsP4D1fU!Vp=(c3_x_M6otqYFvA@Lueo`<5k=sA zaiD1d1W(d6l10xol8V5(AT+D+?a5)TCQnM%h5dWcu^POxt+>rnEUISPko{>Zh~)`w z1#*aSa3%n8)#)wxMN9&HOueKK%ApF}E2oeE?N9MM65} zr!DWe8dS7Sgx}oIlszJ1Bi-wnkBaqs0BCHt9IJq8=e{WGn=fipajgK=m}dYIh=OZ{ zh|RG{WiV6l@pLJf_Eu#gY$tEr>YomZq(ecB8?v(n7TA>FKb zQ2}(sVD>tQUs4E3nFqn;>C`CC(Re{I(N}K#O@R&lP~LwyzSmQ5k~<4O=Eq| z$)&hN+e0^dhumY3>AZddrJQ96|G2Vim|ZvbI35UpzVcJEm#9+EKx5L(aDGtT$;y^} z_DnKy8|ddZ{Tb|p!ST@q{BVaBX~a4}llB~%e)_M;OT&uDM?&0})j!+Qk-WM;?@?IX zu8efoEXlPhKUWUb5ie-STn)io+S{;R+c<=%>!P5?;F!#&x(740ed znb+9dqd5gvnYxJmYhF{I zpZA|;*t#DIe5lB634^*$P_rAUISSiuWIs4@hi_nUi+bx{T^Yq~Hu#Ps?P z>^c(AT^&gP7XRA*-47ey?NsU9r6%Fp^BbnGPS)y2W;_z1 zGr{o6s+y5ACo8O63ua9%(A`V!L;-W|_|m~`*EKI&R&Fg$26$1H#PmTAs};a~W)i_C zz;?ktJW-^Z@-04F#_Pf7FU7(HF{11YZh53T6gQOB;pg9LrpLc-gxJg6Y*JO8d>&Qp znl%+22h-7}d@icgmMZG~*c)%_orEf|NhHX(@u@Sc<*f5$yOZxJISWxXFAc6y`50dVFqr01F81v&hbwGUvV6iq(-E#aC(lwcFy~6 zKUz1N`a1r?gCQO8jcY-^dzf%t;@d@9@p2AUMv!E-%c6XD7{it8gY#~&OtPyo9i^iIZ6+%gUxBxXo&M_g439sjL5_MTkOCZml-Wl<< z^0z;{ig0NBIj2a_8SVt{Gz_6&dd4R)PU6eqp?T9ZkZ6ipGxG=4eiH*RFK9vz%zhcG zu5#s_zYedA44GfFF!D7rv#(PH^CzI3Y1V{#jNMw+=_%;=G?@7$K$$euSfXFp9L+(n zYPz)4!Rl;x(DCZ!ux_gED=mD#9bc_Ktd;{onhIP+mPt8;7hz#Zh+k=ch9RX8QbaE6|^l$S;-Cv!;jDk7R0cTa0*E z^ly=2xm-8w*?Pp-7Ig&xzDcMd--wa5D60{Z6zU+y!5_OlYgWo2VXW>sJ&&osPF|UG z0sv(*1{;v+)sxD+^Zxn;FMD}z#X4GfYH+>Mr&>zOD=+*TH2Uw!T$n);jdO}y<#z23 z*4^Wd*qLCLxHO)0)Z_g=-tOSA*FgaHN=QjY^Y_e#KDRKZgoCFR!^K`tSnFJ^@(%=x4Fh~y)0Zfl*|gH0_a3~A)Jx7{*c z@0P(#69V+D+NT`v6in2u%awBZ52$qeW(u?Rqb|9?SjYx?i)0;ET7%dEHtH;$baYqP znOTM#n{IYnb4vySpu*mnVL?b0S>xZfCe<1xS#s4<^s-oBXvFWZVTkK6+3;b;Mq1?Q zSV`C_nu{Dz@GKm=S=aQ1N}~Wm$*^HW_aI{R+L5NP+smi?z7Jpbr;nBMGO~nOkZmy6 zt;+q%&gsa}`unMmsQ_aHK&sfT7Sq6;58xu-cHRn}{S}ZYvyPtb8v9|E`EgGk`g>-l z3a=M#6e?=Ldy9c#XB|s?Io>3;$NM*SNH6JW>DELV2fOQ?Bjw7^lx5>pA1$9tqx3_$ zi3HP5s;CiXv$zWgcU3-jbS6hI6x=})znx3P<$;H!zW7xd?)QsB~ z4X84uLh%pc11dRP&{y5a5UcH(?}0^O976zUQ#eFr$@3Am7U-k68~aXB12w>TF3Rfk zTYGUPRfRaV6nU`nt=naUbUebjd1)Q-M0QBnZ%uZP){fRKP6^+Mrzj1bnmh?9zxtZ5 z@i|*#;lQ&$iP=c!YQfCSLnm2N66a+|qL(#dZ|Za-IBBLA^q_FG9uvgKw0FWHsFiD{ zm~nLFA|iVpxq-W$Zu<~5csDFFB>B2z$MS<@$?qieVkIPcY3QY}!YiM6ik6DbXR2n# znjf{S2+PZ!*u_hwmQQDZXm5wcdP*o-AO14vaW}536)Y>8s)E33o^X4yIzHdhpYQi= zSqG4h)!t`o^ZIj6!u>e=3Mb?bcObgg@B@=3@=51+o1=x_=Ykz#B%qrwaD*-{F8Dk{ zi;xqv;Ie~U&Bw`gcN1ev*iiL4rKMiv$(Cq|`R2u6(l~!qR>-qp?h99(oqQMkvU|sb zWD1*$C=Y{?eXvv(>MMxY~B1tvKp9*dagy2s7yF%8zsKI?x ziTukp{oDd$v(mH-JWlSVhrXi%&z2MC{6CO;AWe+Fn+&4vntGU~y}`c| zJFHzyQ0ESf3Mou;w&!W!l|$&}z<=90k%2x(Lc7X7BnIq5u>=gPs`ep(ED*w*$n zoG)8P+B}FdafWbxAYvm*cteTiOwwZ?4#%m(cR5`2hdgua%#Od;BrnS6khAoWNH?lo zdpsVSFkvXP^`}CB^-P8#Y83m&yU1QkJ4Jix`uKTC{rXsf!L4*;?7rJ0OK>IV{^K%*}>&{eA07iU9z!QAnHZ2)(nA)3-<`v?*Ft#MEDpPN-ncB%Gv7t$b}d0%9G@ zHq7V2k)FioDxM$N+i#(gG=ATSK?$zfXABC#Ff84 zf*2LnKYTm7OarxGrg2S>-bczZ7z~soqWT$lN5HXv>`_SJP3hmi%gqDYr;$$0{YB{< zTKQf+{0U|&7mYaz!h1h7|MDw|obAly6fx=(Iv}z*$-GN5L|*oT3nb#c6vBo)4r|y} zaVoFDQ1{lS=_9NB_5%v1RB(MEzlr^Oga_QHl@C&Bi-qV1OeCc;4;Ux3CSVj|_-~kJ zMsmNd(#qA?syiu6WZ$9qbvK*C-;C=0+eJ?&9)<^7!=B{d+c(;a{TQL`9bWuYPIPzb zM27k6ZvLs`)hKCsbeA>|#XuGNW%F77uYzqRJMNgca!k?tKu#7K7UO@jrfJSs;K$RS&H&Vd=1f;v;fzj3b*Im|D%9P z-;4air*xMdpy5h+=QagvyqZj4nB9w)XTGTBpR?$%l3PRW4gh3r}vgo@DG#B zf{It2;XZ>~cG?@_qqOo}FJgThW<6^#%SC&xjkDh{u*zj~Nk5K2z4hS2CnAm&vaFCul2Pbwm$SDi$N99LyQ7NSX=8$UWHg4#c#Q( zt0A^l`+2w?v~pP5J3Z{%#=nEx+fUE*KEjkxlLnGXL@R}(q+iFnnY!0^um(FbO-#4e zA~iMTm7%g=uVFt#s8vtQcKMz*&9l&3qmsTe*a2DIe-39(b2eX@e{p+uoCFTJ&RXA$ zN$U=ohYg}lHBIS68+pwqot~RNvcaoerR!&cGGqi}-}LDb{o+#G9#WZAVT2&5+}(=L zJ$GN3n+;|WQKoXxjeh)$=Pqn;6Bacwx2@D?R>K^dTs7pMCsFzf8{omv2k3^_H#cz|Cj&H*+Zj|C>GyL zs-O_Xu1}XDFJnebas*7DWTUoqu!(0nIL%4HtoRU|$Mos<}$23_Ho16_MKl5zG#Ca$B7iPeWb6@}R z;HUn>mQ#cq+GYzr=4{tjp!o0TQoL!W4I*cnGc=T;^LO)=LdPF7W>_K}x$UFP3FMpd z8%b?6C!&fv2D$^3MxJ=JhM;FCQUM{k;T?y1%9x9M70(fWYawB}xLp-N^m+&0a|?u3 zi0xlS#v?47^Pi*2rRs$B40qyfm_{cNcb5;FhIDxn!{p#E|OOJ(#t;4r> z*no<^V5)VdH&GPma9*p8c~A=Y-6-Lj<)jVT!~O{p*uVGh(d!S@^lW$}M-Qr2G9E<% z+g@0{hqp@qD@fTbC^(U1rZOi20yUdc8}slce=iNZ z>)+w|(e}az5f=9d=Ferl%>K#F!`)xER6I_GqZ)oV01;Pv;27gWo=5 z1#Eca@8bkZImq8y(>ySzNEd4hN0vE(dZ$YFeN*d*etmik@9>cc-7<0sf5Uk$YCH(f z6x-g;|2~iGV^?ftY#T&IGPm7Z?(mbxv8y|= zJY^Q!!jF}M-rImXdWY! z4w4@*wf!>e2E`xsbPXqgNN9Xqd7c;~$^IJdQMtx8y;{*;oo5rtNsQIX2ll8CS zde89Z;;SbEX{bW{NgumY5?IS2UhuO)5-=534{HvZCps8O%jM8{K+7~9ZL+h6|95c| zf|9&{9(;ZvzlAK9Df$?D>BMhl?9iT~f^J_kRk-s6Ckg7qHc@n+62@cdw!LO}-6Y)^ zT3$MvhD$3aFt2iDpOAAty1l@wIZZ#p&+BXHZ}m*HW=}r>9rnSlTlvQ)EY~k?{nK>g zcZ#zNkU?M_b?SWThGC%im^(8UI&*aQWug9bDFMbehV$b*;iv+nKu%%eO)COVR5P6D zuyqODkluZVe3z$SO<`L>C!fMb9)atXp}8g>MAyIdgWc_`-MOo93xPvjg>`2C6kxq` z^V!yEYcmyaV^g4*c?RS3lxMj9tETzfjP1L3l-Sj;xW-O#mw~zM#>Ht>Qem`+b$agb z>f|w8viQh!jvJr%))pt}+!u~*i2} z`^MG2DdnQpjVm^SP}|0d)I9}yaMCZXmCw)k4|jfUTTW%b=6NTViiZ?*HiMm*M%4ON zXS}6~CmjJ`Y1v|SAA*Zra;`C-#wv!(N{xs{zv1VIc|#Vn+$;LmWX|ne#qzkE^kwWD zqhfbse^O9(gr935zlJ$SbI=+ROQTmiAS25t1SD+Cfs&kKf?1GD?qQW_)76TgBCs!*AqEcM?En z=dQYJa75UjO12Cie&%%e$A>FC-gjsbW0Pht68anD7z5g>sf}y(hv=_MH@^Z6*Ej>94 z_-8_81N}ZH?Kx<)rf;!LH+p#IKso7CV>+z4lAfRSIn6i0FQcJ8A z%vxs#AshUI+j##wTSz;g!(th*cn(l|elc#iG>KICed$w8AmEp0ReY1)QUEFTu>%+t z7I52F&Ak`Vo?EnF$~!l+Gd_kOO*|@-^b|ftTN(J-4L12O2^@Bc#QnFgl~OZhk>yVt zIy_&8Py>shvwjGgkHH<5n_5@>?8YkGhKc- zY#ee{@`eHjs<+&Yu$X7}HY; zxzk*x$JhJk%1vQ@En5eX{mkkjo#K{)! zIRXHwIw{Wr4P-W69SNv!koLT=Ww8{-pDb5)WVS3F?#RM{dkzG@(~GaWFEM7`oGfSu zJ*Z4C{m0g(d~>pz`>NqpCt{z=?Vspf8onuLA|;)yPhs+9f6TJcxtv@3ce0Xz|3`|$RFL+`T$4iz6#_kFwJyI?g)HFRc1%U2^i&< zc@d=wcdw6$i)^!%iToSP{6Sz;zoa`aW%cx+d@CU^=Sd7E{jC$mjF6j+iGi|LDI}uY z!>mYCRp+Z#{&e)eiYvPxPIR4_y@-F5ONio(C%b-6;hPeh=gLU~82XYmQ_=k955IyO z($e7mq#q!!pEIMv@mc)BX#$Mvh=I6G*F0>*4F0xfg0>HEJ>$C6E5TFpQ&yhkK zRKh;djsGf1s|yJhwGtm=ILuH^u6otW@IqU(d~z>#IW73OCF;?zc+r20Ix~aBY5akr zGoAYY;B-9dAG>aVBpY~P&okwl`B33a%I2=hytjmZonKJ!*ozCiOo?#61ogIklODd z9|I}ww4*dum{CcGcgfOGTzdC;S*zPIwoan$-Z>PcWPN3`l*5F!P~Y?=5g-RZnY+F} z0;_*QS(f(pLv9FVl;ieGt36Tf0e-j2^lY+%yRu1JD7kkr+Bi4*m_^=6yE=e0R5BrB z)rbW@!Tfz_uJ!9oI!|SW)5Y^r9%*RW1E2162_ABdI$~ zBC);%I4W6Zn7V$mGy76O4p!sCOw=RxE`uaFSup3 zGb8p#lckA{<7taHBtbVayvr-@K`HYQQde)=j8|5(=TcGe$6RS!wz@!2*OH__89xi8 z9Wz}DOD<)J8V;$B1DMZcu~LMcDJgyb_;fPuy-2(z=4D4mRZ|#zeU2!*4wSMP-o9M- zvhwlCkNS7`*5PVo>FSEmb&ZcY&yKooTe?0X;a#hv2!!i@UmPw^5Dt+?r+=`-AtwG? zsUdfL^)!%8IC`00E+##oZGUL^Qk zTc}=cMYd1Z0+$-NmprXaA|60r;v8K;T2Q29-P>fA)iPKMJ~GAVjo#w|<3#$)O92M3 zau;`@{TtVhtODEYUHMP$VHjw(JCwV4pf6lqMnd$5vdF+$e5UB34^3+o^J$hPp&}Xd zhj8DC8u5^N&jo5~o~R9K4hOaASuI}36ZN~!echFa43kkm)!A%ZH9w`+S-DcBjDfMM zwZDqZoM+gc*7H{X07k1f6d;y%q{GJ}=F_ zhte!jsXAi-yo|tbc{v7ghEScSCMHZe;6GbbWlXFHu1TRO%VYEMGw95b-<)jv8O(ZsPk9F*1 zk+wicp?!PF<>d=?!#)l#f0}He4}ZR2K;~u?6UIV^Yd&`D-ApQyh?l=qe^?C&_;^*W*=CkcPPsMs25!aMX$xdQ=e)eCY=!$lQ=KCU|2m5d)V z{27v1z(9m3y71kMF!)r(PM`-otOEI~SlYI3@)TBvPlxdd!@@+CcVs30TpA+MzV9C0 z)jgJp=UB~E{7=!?FA3XJmoJ$4Uxc*=V?T0gZPhJj7SWfU9X1Bq-Mr-5<>J?35~pbY zH76uLw}VA_={);Go}fg@5?Dq=>fK~c`ft7#t^=cq30_cx%0OE&-8^RtsVZ%8{fotd z0>7ykfa(tPXYe%=aI%AV_^n7Rek1M3Dv6eqG7SJju`3L06mSr00qi@oUrNhjHlDcL zYvn`1Je94fuXRs!>&=a&zh`^J)9E_?1ul=QQ&M;74cJiPrXNGq1^TS<=`F*h)lE6yO&LxsN`pnO$TI8-{-AM+Jvd#L zgYH$b89%Cc-wdc}@^uRN@|Z1+M-6qs!eQSv|2HPs#v9OBSwqbGgj3eRZ3BNZ?!^VeDnF8^ZOHWPR{Fj z-`9Ozk1Ld31t3>x$nY`+C;2!+m75CZy&VBOtbn^uEYpN2>6wrJYm;GzT2W9l!$rQ|mL<9zja88Z37)*BKCs z!@y>Zb2-0SD4Zljc4q0?t;*Mkj_BtE#=C#{eBbg^Dy!b@p%@rEvm7*HA`ocwSg+K; zy7Mg8wK~x3nr+drG6^W6h3&5Ul$JBc%)=sKp+QZxz2>&ZH4@ZS$UsxBA*Sq!}6o_Q0>^JzfYTN}klXZ#d;Eh%1=!kmXqQQIw5j3Q$%=DJPw zLOkeSO?zxK%9Txpe^ca}F3HaMGQcn^o)rrSc&8m~u`3#1c}EhR6rD&lfe4VTin*t% z^avU+Z*d#`}$AW(~+#+g0X2D6bbw<8=vy!`u@EcyfOVB^ZUB91gf6^eG~I7``#K~ z=~zA~FW}?CM?r3J3&EjlJzS2*TqeMUh8#qkyrWJ9Aqi=VYs)fznX33B)t3VVGk7&k=p?(`JjY;}15SG?#k1 z2|5u$Tq~)zOv^zvs?!$5O;s{tVqgZ%%-7M`C4UmE#sw|c1>V~+Jr*?mLRLQJX8IFB z-%o0@F|s6x@6*qfLYPtm-3&LW!=*w?oZQ!^xH1Aw(l~ad@kvN|3@;o#Qd-DHzhQ3o z_Hoa`_pJOaw~=D|-pCZ=EYvDwH7oLkOVgVOkiCHexlsoGm+t}YRPwY|yg*RZwX`tB z7>0>;_~bFZVZUPA&s> z|54f=SQ&PkW=@7?l@m%afwd<=O%4QX$#>m z1K?gkdG$fu;OO2Y?8>wA*Af;tljN6=yGj2-aYA35#Cy|y8U&f^ZYB9KC4@9sd!PSg z{#rFW>44^2cA49;1>S0`#>?OD(lsT~=cQRHR{VPWszt+}Yv0#*<%{k@Tln2kxu+h| zI8`(oy4=J=sw(KDv98%(VlhkQJsMg$LClV_b-2Un{c^7$2i34vjcbOrFx{VT%hrjF zWIHbau(;+tXI!5>BNm1KJSl@~+_Ehh_ERpw%5ZlT!$bbk0DcwlSQZA|D+G$Ttg3Ps zJ1`o6pF~csl(?t+#CQxB#KtnZmUJsvMV0QY0I(JfveHoY7mpg%=>hYXjmlwDhZ&Z7 z1rKOlhJ?dj(o`{*PBVU)|kX8+Q+Rrc6f%GV$oD(Vs~qR10f60@0=d~-rH9n+pD zp-#g;RBS&eCDHUP=ZS-4R~G7j#fcYQLbuL#sY0c?mrFTeC63nP%Thq5cA*p=+4qWt`7DV>?_*wgAPhJx$(zy7gaxI2l6Cg% zL@(Q|F^V=e3S@dP?;VaxynA5(jw{SZF`@DXEaYm#OL6P$>!mSx;qTVY=ykwfrp#M) z!1i_cU{gy**y5=lNh#=Cmsfd@d>bwcQVew;KmokG z)Z4!NpJV>RNZc@HLTYKb0ul%ff+svd9n3kjR(Cd-48@u2E{N#CF1DkpyLIeI&gd=BH4JMAg{ z+b?!3nN<%07{Ndr^dB>;`$WBfOU@g{Tgn zx?S0Em2V%?1GMDjo|xl??tGttXX9jR{wA+=Q?=2>GtRu-MO9kdYWtkCG?mxbI3xZB zO_`>Ue$zIAyQUb&=w16>&r(C{@#Ep~-)x{xliy`3B-N|D+g`tOAASA1skBPn3H`xv zJTzSt46iwyw2e95<~L6jRY&)(v56GqT%O~X$*T+kJy9{!C<@LmlpxZ8tTg-yRxKw0ByCHP_{J zvuI`lBuRH&Zi3TU5T0*8yTk?`QzbN~C3|gL+smna@p4ub+cZzfyFZ*k$-#oy|IjlU zl5W=6lh&VXlEOeCs^RV{CpI)@ye#6~Du%n0+dT=~_HVuTjZm>fFaFV|+TXT-g>2LD zr%$CZ`TedV-6@QcEx6hzI&&>6fQo`KTZn=xg@Y=!=RHX)+Y^k{%TWjB& zK<|p`Y(oJJ#cXmf6vIx>S5J*@5ra9zS|YFim*PF{JpbpzHCHt)@plIcURx-UANm6# zT__c#4!~3FrXof_10eZ!idcISjM~ic5;)n?|*T8dwapX|N49&iw|Yy3xME}G|HkuKD~e+>y!Z<%@kvfc)Xj# z{>H6x5&_Y0BV9)iQeS75y4?>kMP2+WD?!E(cyQyx+1|h*Q5K4~p?+i_?{Hcg!c%AC zOi?~EHiM^3oPT9GliG0KvUd9x1B+-~96B%d%2RUNt^TnXwI3JyT5!+~QbBf1z}M$Q z`}z3r4bO$wPobI)`KtE)&a3SO=vyK^V_BOkzRgTf=G)R*F8Se71$7&2Y=9!3UVD^> z`!6X^0ATYch=XF2pfHq_T2unNMemC;0|8!!xT;2q(82c^zFZB=H*!u)%h~y5Q2mG3 zx$XO23)Y!*-6r8$k;G`@tw}@ zy6=QjJQMs6&)Pa`bW2!pg7V2)J9%~@(-JV7*vl zeudHd7x}^O$ct%$uV||AV{>OEZW`sKU>CP-GPzWQieo?Xv$#AMC0w2Ggt?c7-3>4O z$^ot`&4(ajROi7n-IMCe%^FM()>cwn)&Onn@)9DQ`y2iJkgACae3|{=+K59=)i83e zAOBa`jqhD^>WHIwG?h|lP;FHq%kbJ{!mi87NFi11lj>cWa&6pzc&Q)bm_^uGhOGzW&#UVEo*f4OZ8tgKwAb#Z-qSM+XM%qM>iz& z5m`{zdo@#uCc|>{yx$e&#-Pr;Eszgrh81;^7`*1D1LM*Hd@jxdA7TDo;!8N8{PTXp zo0jx>8PVqVD3b0baz=J8f}8ci6Lr;a&4PA}(9;%oJuh`h8sX>$Wv%^;WiG>#paAoZ~~ z@8T)jdFM5G$_2K^T~N);?*Qtu3KZAOekF8FR&ikn1S|EeTe+L8a*n3G*QJ+DJ3|5{ zb*HIFF9vhXT^$@b3}-Hb! z-!r`5^Y}NVkwGuVJu97dnVVFm@zAj;Z=GAOI?BY%<03#qQxk49jP^~p-(3-{FZ~yt zvVJ70W$=?{1GYR0PFtP85=pwfcK}|jecbNNpDD>Dp#KJ<>5*|+tXIEVFZ!l+ROS#s zEze+!)iiruo2LW^+T%&GVy-h*JP--PHO|JSe-wMygCAN7zAlo_(kDitiaJR=UFp9# zTf10^$}Hz?S0z*6eDBe5`mX-AbRW$dBFS5Y{(&$l5n*cSl;PR__*tw`ltiUU>c-U6 zKE~~&VfHysRQ;a^H;4BghK(1t~O+@wDl18GuXe_ zU%R*8TJ1dS>PqGOV(zl0NSV8dBcF{-%|Q-r{8Ln<7kK~KSzeRpkMxMy^j3d-G&iY5 zte?;=T}aQfuTMCoU1eXS5tS0~d&qYs>g`=*0HgrHW2|bfBsi>S0n?2c>E+ABG!dcl zJ7HZep`m!v^Z8ow?m%%NQpSo`RyK>IM1Ts^Xa}KZrkjqW>@a!+1&3#n@h(-j_~~G5 zH!z;Ns9$tSBJVw`v*97!@#vRNO}uaZe)($)bvQ=}7;94*pVI7Yz`W*hnqco}Ty^Wk z-BeCkl0W`)pC9dPWn3;mebVcNe*D8YI-7Ti*$@4SsW?~wN7@>n_I%CprzZa2EG_UH zY>VrjDBO^dDIV5|;Ofszg(dkqH`rs2D8u){LcU5|D+;7%0@UZ0Pb3)+2&Fxa%U&;B ztHMD(ok^39el>Gj;*?vtSNR^(^5?=S+Wvb;OzK$TlR~%YRXwVes?Gyf?cqi4PJ}q|aKGfmuae*h$9q;>+a5?&V zG}XeYHaS($(l+K74)_?>dTL20WZBF)Dq9m~oiQ5$Oymy;Sl?pVF# z)_@(m_9vsijYk7oJnss9a=iG?)7mH}Rv_2ij2Eq8;z7(CQxmDsu=fLFJGAMEx$qkk!CVkVx zx$*939d>kcuK1&w^?@Xzo!h<2c& z<)5);sBDeZTH{AUYj^Ha-&V1blfR_KRd#g|s4&w&gdA=1YoRE%#ZaI04CDQfN%JUV zXdjC@5PF!!sjKSon_Zm=&mhHQl;gn}o>9OOAwJ9qAhsxBodEpe{I`U&Gbv~eptVtU zr0*La-*-od5khtcduzYHjb!~o3GRC!`IBLR>XIFi2$h$jIVkRqqGqC42pK=NFLpdU zdIoq}aet}7u&^NAOlv?dFdnbZEKCa!WP~0mfI@LDPwAUQdq22sPMVrtmje~b5g)Y4 zckU(hSA!-kuZL3pfb8omHWZD{&Nf~9s|{0Lp#WT{HZ(HQgEmS??aTk05g90p{xlXq z%ibo@D@6qu{Che(rNE-_u?vKw2c3405cgk%E5ojbobw?6@R)|B=5E+~QG91p=Q+&q zI-3{u+>@5*6%a|4!6+*hkpi;mB}spGudye{!ej0c&qg!#I1o}*Q3*&J{yuqfr3N=8 zVdR5mGu7wzO3{+555*5Rk_C0kj_d+Hkb_K`Fb#)iH#pa6RkQ9i_0sg-xVqw*kBLHY z%FWyzON0Y=9dN`u;03j@JhNDZk7nHIyQ?L8y`Fpiz6lM>9i4cLn;3!~T)?&yhomvh zM2hRS%aD;n*Eqsc;zCDv98Dq$%pfekw?yn-w`hgZ15wi!f3guHhY5gO|P9p)o?8)O)eimJIf(G zy7=>pm;kF(7mHm_)0{Qdg-K*tSL*Fb@%qnxl5beC)L49Bw!d_f=!8(dD(tc`ihVP0 zMQA)YHp0$%u1NxFN}VLW_iRqIsdm8fjBmg4BWYqLqV8hdUW~7M=e7KI8mccPbDllR z19BWOunTrRT1^P=f~&V};g6LWkN`G$XyidoR{glf02mnZcbX&_?kk2GaI-Wit!Y^{ zu^^Z$ND`m}^F^ik57t5m)de8qI87IcI;GB^Bp(jU1+!QIN7j(Zt%BiVhuRc9m^!Y6 z|Ce#4#KW<%f?JWxQ$c{kgjjmG9&)ISVnFVcL0rjl-L{;Sk~M`N{zDX}=% z#rJQ^u9f(itm=DZE9Tacnf)DyzYBxHpeo(!4L4VHDZzYRez$TYn$>k`mN<)G+zhxb zZL6>=_K_W)h9HJiC}(8iO$J~dIXv$Dk2_~IJfx`&MA*};nd{1#9fF!6_JgF0KYOJ- zc;yVkhFyuMfsOL~^mlN=uT8u+(BURrwQXsY2#u5HHM-X>jKkge&T$2_>DIN!P0|ea z7;EWL%29-A34@0VvlB|_&mP>!7gD}jFeB<&G=?^NE>;WHl_{e_%xhn!<_CF4$a~)t zp*9ez38s2G=`b*I+j8w)Q#sMq6+~2CWSL>Galp;5R8CBieMuaEtvr@0Y3yHvO-?Og zj)2a`GrMngw4o5ovkDjrY#~J zZ+UWjh+yV4t)5_T2*0atDV^&q(k;#H<*c>cj7!VQzSBI4+8uTi1q1H>46@vuJ*t-d zR1lt?{T;&36xpe)#Uv8W*{!NKeYm(q5A%MOOsMenD5JdRa`M7j_(tv2Ve%@QYFxB@ zB4xE~C~?ctfie=h8YChgmDthWpY5&qL#3pKxH|&;{JRW(n0$~iz$=&_@-pZ7UMFn( zvXX9&iaPW!)ANqg$(^nsvR00~%f2jRIcKf5{H&>1Ijnh?fEbI=SUD=^Osqg$~FOUn8MHd!ym%()7a z2LTM~c2_U-ApNhfgm?6sIovegERkqeMgv3dJikYsKcvM|f-cV4XN18cD7-jL5??me zPqKKwd>U4+IxwIok{I)I+88RKjmu|Ahkl%oh%PJ8-Z0_#!KOC9w7#a-Zg5)je9ito z@qH>C!7coI6U9HhRoR+EvlZZze}?4tEHK;MpCMI>Be$#iAJO@!a^!O4vnW1Vss3-Y zIMM6p8swg>mRw;_JA(fGd@_Q`m74q6`b8$<2Ed5IjuC{;pwJtshRrDvD-hn4pAtdW z4IbC$NdV;bAuP5pB!oIW1I^{X(HS1g+5&(5Fg@knzq~liM4g>~6w}Q{in~z!6!{gE zsr}O^vFs*?zPAptB<5w^Ac;r%ku#aKPFB{R)YQ`25J)X$LO)c|4fPznp@D&)-oqDK z>bi}t4zGw|o!%5jbL}GEb;;=5m#$qf{DizxwyRXGj^h!>oRn*9OoA* zp^n^LubzoVQ-a}-6rh8$=@+hD_V+_gJ0VJoe4U`=R=&->^U>mHyn46^c6i@R>0*2%-fX7r9`4mHNDR#;)^elWf^d1Z4 zF3`8~LZ^z^=^)IM_mD(60mCz^VqH!$!i+=aS4spuiG_{f$_?iex&s$QTGgex^z9#Y zcejp15f-Ua=5epgytl}Rf56WmP1ReyouCABhKiJJZ41Ouzy0wiT5yBeOWbnSYL;I0 zUd?j#L?2A$;$Yf;FDIRzVr)Pp3WEoaEEPqv%N4y&7_n@aZY<&e6QDz;(J}S+a~d$w z^u6%mA+Apn_s1Rvo!nWSb0K#t>HaexZ^IP{3qcWX-)|r1`Jrx8o&M9+syW{F4dihc zw;(WR+LV=Mn(wjjOSsSiY+G%zFbw56du1Cc+=H{gz9BG%JQPjfcL*7}-i?ZMwwNaI zkuP}rK`5Q1XQDidn2UkXxMqQBaej;c4a=NcYjtTa?!Cr~CwyFPYagi)f39?+ZSg#S zIj&y_JmNG81ljln62BcQg!n_dA-*9O$2Y)s8HcYzpf75ZV_5&;EJo9cl`|-oWe8Kz z#XN|U268m*ZLARbn^I#=Q%P5ZC90{_L;`A`arD|@n)FV9wd0^UpQXQG`Pk$EA0V*B zWqzgct6~4j3?~xen=1C!{E-5m`*5s*v?)xADu>vgR#yAW$Vi69klWr?#iNy>4)A$G z+OuVk9AQZCSb9O-38JDqIs7@MaXT-%-}S`eBVV3A<5)uW_^KYWLkCvW^-sT^29D1I7k z|B9?8JN49U9r!tGz7)m8E6j@CWCgD!5{vQ-a<&89fzn>U-K}-saLTCp{$C(DT$>)Y zPz-ir=AgAuZNBo^8G+{fid8I>tL-^c#OelyhLzT|UU@1dj85;@*A@D2k(i%LyOc)t z*y|?%jDJts`#~!b{{T~EzC6~0Amq4ri0(4sOIAN7p22cuH|N{7Mi&Er=Uo?mTKpO{ zR%vf7)AV8@Hq+$I6=tOH>PxzO{$2I+PtGK{UEg4qGwsvk2fkVZU=DS;_|`JH9g-x~@Cj2i1igIq zU^wgFPGc}7IEgA68||=?94#U!TV<$%AL0v)#t&v8%#i4i$-defrWV-9aFP9F1bJ%= zJKIt2GLueM6B#j?Yn_w(S&1ul2E2~mrT+MOvqtgsNI@^jzJEbbs0rIGNgEc}h>o$uTfYIZ+SxlO3) z{dzK}#wboCB*k=>)ZgeEG)LZL$!D=_3Gj;+324im1_ot1JmZ#xPM@xpeyUz8Q%L#x}9*4VC=F7GQ# zo3XVGJh}OKwQ0RlV?y*;7M@_ko7>U`RZZu2JanL)f0E$g0eC#vm6omXRour>joP0D z{&_@0heGMwyO)1*p)`*9YeMmSk;~e#HXt}#Hy}IJ!Bun5cR7W-?!wz_!uX8grr*W4 z8Reaev;gmmz-sNz(8;{VL%p4SsnfG{Tm0&&WM-2%c2UPS$1$IUFum|tZRnPBaJTB# zAtk_V4_&V$L6E?tP({s~<-^u>!$(1CPB<%uK;PB-0ZjSMkh1{!Um1#R9W@`fGWwG> zGY#ky_{OG?+TA0z!2VPOV+aNaqdndK$YI3(zjxLJm9TzAs#w2cvN&D=iIwd z!Lyem4%q**wRO=WQVVsyE&kq1{~9G{_Mmah$U=?YcEKyOSBsg6#g@wD{=%^zK|lBY zM*4oGSdA=?$%p4f^pQ@qe32q$=Nt*yY+zGXaGiFXys221T$gITwF)XUv{7=DY*2^_ zBOMy{8-vrhjf2m5U5lI%!w6TRq~olPkw>qDjx zB<2kO$q0VrJvNYw@EYXP;?3P^%(~gdX8JK2nSdA&5|*f&RdRFbMYq9VK4S|8f)d6T zeTJ7tkpKWHAOCPVTvUsC4W`|KZqnm zV06bsF4p;IS^ISz?#QjxtxrqSZS&h&fFKIhvT>Nbb^drf`C zg13Cl=1L(w09(dTIgIlsBm`47GZ6_vlJh)e=mM zd)nt@>}(g08`IkRJqT8sXbPb6)p2a*(JvqJk%=&keM1U*nf|%xiTU zUS6Z?lUE302RvZ|P>p7BB3^haO!<6M0vz$7`Wo|7-b^&1^ydDARGp+#&>W52X5mL1 z{rPZsrBr&x7BF)V&=2_cJ29ewWz7VP3`@CkWa`zWe4E%q6N7Zp+fKaC{LY(Ns_xNbJW{vrlby=#etm$yVPm#{-zk2RWhyP$!@JAX}c^uUWwhF#5aUM9JKvhN9 z%Sk&u3u5rNso%}r5_oTr14ky9BW48LktZvA38m3BoU_io|Ct}fV-GvX4~DoQF!m=S5#KUsNe z?Cd5Qbf1zoLP;4^(wrHe^=aW;I{}}g2WS=ay4HqO4)-pXnE5y3uBjplLAx^^oE{1n zg&hwm>(bBSLrDkwBV2%&D(>QksHR*eKMvB-f0X=Q^fuqzf6VYPd3wH0a#6+q6SJUg z^X}z7UD-yj6z4;>^3qEzER2~PD|^|P^w0y#4ouz4U+x|hS5Sq^ujr{f$tkLc%|`Wy z{598s;ynLu9+Iw6((ZOYYtU29k%sy+q!{xIrEB=Up7^2?I(DdWm4t5>S9wNxT$ zzb@=_W&(Tb4)NeXC(_#5N+pyKs={P!+P@fGp#*4_@ZZqQfp$4o9Y%3a{~2cGpO*vZXtf3$F@EF@sfLfX~Zc9fTbHZNHMMGoViZFfC{_ zBddT~4vYFa*({9bp^xCv6zG^{;)hb7T%o(-bVcP1>nk)AQ2kowEZ zC02lB_AER0P+>h0-IrmdJj2y++dIutjcLpGpSm?J^sP?sgPfS&vHrt*{0W}_mO6?* zlS+fSKGYEt(EoJ#OM79T9xYHCKWFf^dq^vn<{fN>S`tNcbtX_{TW;d}ei~_tzCP*I zg9HZ8))w9XIpkEp2-oEK--1X`#rfX*iq>~)$Q}(NVZeBBIe{rRP@n#;<=|)KDaheL z=xyI+p_3_lddhV+(*qVn0{$d%68J0m z?$6f%K)}WMd>c1+omFhfo5$vPB_|5{*Ez_j`pv9{+Xk7A?!DG;)E1r zSQr+*lJFIsR#ACG)p)Al#mEUrPfrpFs%Fb$0mz-Bgfws~l^467K@hQ>5b#KMs?AN7 zazh$GT5r;4`~G6VD`oKh*m7D!yzf|aWYsm66(KNG{-wC)YL&vC8%TivMAm{!xrK%r z>f#mAS#F$g}A|FQC}d+QbVe9UqI#xT#Wh%gY^oU#)~>8U@z{p)1c`zrCxgAu+msRh-G zH10d(W*tfJhYjV2*CN)&Qq*j?QQ3D!kUl}?g*w__s+{z5%5?We6-&p%`5S=0#%vd? zejwgQzeZW9Eh6?heYURy$6O73kKXWfl*kgP)dYQX$sHEqlkWt;A2eyfOIgmg_ZEG> zsdR;+-}N|T`wB&_2Qv$*b%G{uh)CUFI0?QMy``)Oh{%dw$Cfo5TzB-p6g@_S=T+|y zDmgpaQ_|w~F+Fx&CM@_L9)luz`uriy25Xt>bl;ZCHFBg zRkE?j>7JKgMP2<|BcbkkZM=fP;O+lBBmt`LyC8bomuCx`@T>Qxz$8fP?kwskpR)sc z<7X?tF~_QLP#l@H>Uw%5q>H{Q^`1?!i_T#AS8w*dJQF4FJo_jhdISKEp4DPy1(Y~x zjkxLVCi3CfzaKYB85xND2*A7UvI7VB&2>)xsjvo}RqovYr+qu-K&Xb#uB}wkBuqEX z?nTACl$hQLmE&LWxLWn+uNpt`4?AqK@0ITkBX+koDedB~TT8@2kxbo2@{(S1o1$Ce zq*Lq5(W{f)Gb-tcB`^F-!iA}$A+%U0auV}sBgKen-KlBNT_FfHwlq8aZ{tv+^@2EB zXh_arA6j3YuZ5A0CvwQnu8Rq*M9vv0?7RpE^C@dIi7r-ZjENTqj3+FF^^QCb{s2!D z>90vMvl7r8vLH7{;NL#B`XCH{&wh}R)br|*O^@Erx|HC`dQE+Q$L4J7pxKjwIo1hI zWhJ7MAVj-zA8&v7-a z!)q*MF?0;2lA26n*A)Sfdo*-)yeysz2H}-L=v6zjGjFTg@M|uL3W1G8CO-j@20Vut zWw=gRcn17$>FpuGCFE^Y*p@LcE-9_JHgpVE0!vd;{%WY!taJi8^)?&aZxkb3)LV^D zFFmcnKf^G(eT=4Vs-#wF0=oa z$%EBX;@M;BJj}~QthJTN1Dssca&mO<*%L_M(SmPU`j4IlSh~03J$7=N=Qki^&wt*8y;*6=V8+;!MHUAJAC- z4!$_$;e0`5p;gFfy(wI5g8zGzYpWW9?Ga~MzC90YVfmnd7U-$saywlvy2#;pc0S(N&33j?t_B25>{Tk}i%OdW!1PVF zX746P9Fyk+q0V_lo95Y@X#+~ z24xB4LcPV3T3mx2PXh6dSb1QA8KJBsfjcIeG<%qVMrpc{`oXL@^Aa6ICq9}F@KuE= zE&0Zu?)X%z?p?3f4ovw{zlrO2GA8O@_SXr;2_rmh1lLIey7{Vn2a{tX^0m6UM-z-m zA(By%zt$j*cdtWh@Hx5V|CPNys#M1Ej!r>+vSW&yaq^0G851tbfy~bQtAFJMA(mr$ zKhWR&|C!&TJ<$T1#`EENptNdV-O%fYqqa7DPyo=#Amt_T-Dl@g1IEs1d1LcrfeuKu zBvBBT_6D=B&I?l{$40^vy{Rc>V#)MEgl)PxkL3?rrj`Zj@RZ3|{V?^J6CKzt@%W?b zbQDEOX-}G8quJBniX-w^vNk8i+m*7!LDeyaNylpGDGZmjxE6CA9yA98_9dAPG`+F! z4+l}6jjxDCkQ;Nv`)qJXF_Fz&Yt2l#YXjSRAbwrYy&o1Iq(2+jHmfL><&V#%XMsppp&4=f>q{H|k zJsK*;?SY4D9K32)AIf`H_kT+2i2!o3+CxK9(sWm(hu`(`hE2#PQk4E>T7z&5Jv=VL z?D{zXmOqt&#<3Toi)&|H+=QZh@6+DP<$o4aXtTi15BDD8_ip%FLq;goiVLmqsDz&O z8@7g=5fz?X9%I62sjx=@pKMANT=f^uE}AZ!B9_9=bFN04*8H6~=^4Iq`D>_i0T}^1 z#}g7cVJ-L&;_-w^*yT~b_0>Ul>*evB#>~}p*cDdgVgsXcafF?~4wD}f={zn>aDpo` zgR%8$+Of6OzU1nS=Er6sfTuh!jgIbo&onaK<0bmIvA#z9ap{(|lZ~WtSOih| zydss)z87!syk|fe+i#5Fw$&0MO8n8*b5A@l@2;Xb*AT`2-6CH{zWE&`8o)iweq9`L z!{w}Qv#gTw(AdJ?1Gu?%8<@%Xc8n<@j`Hj_3&ujsFxC)+vb4_~qTKNn)g4kUK#u9% z7U`aK6s^b+Pk=KI!9L@1yR9rg@ub_@I6k!+UqlDh%}XwrJO(%f;rDchCfx8lQIF>E zpQ!;~P+0lk6J;}lyrrGk8%r-tz`+jo0Qz}MuYfEEX6~Z0Q zhC0LHW#7@ttvqnW{a7lGX`;p#Y64&V-PYlM3p0l;&%wPS$I2!$Yl>@%&Lsb^Q|MZC zX>2i9%}!0tcutNu<^l~>OrV;p{T|M1t2`98t*O&X7rNC5;**Yt{^ig>y8%_ELi$_9 zpO{)~G5wB)!d69$y*E+IDQKs-hO&ZquhzYZEm_=G-Pfo%d8$!gOY=RfP$ByiyMsdSC}@nEVdt0-)% zmfR*gYKUxoxNDIP_tw6rK%^HbDw(5Z>tPN`Uo0CpNoEe{6AHe)w5VP;KpbXA6g7R| zALd~GZ?yh*p#+Sbk|1lzZdnU4u5X@8-C7K@8~e|h?}>E3io2jcGvc1@)iHdDlX{$1{gYg>*1HwV{0MlVLeVFD}ki+L+OZ^5( zSQim&2Q**EYrghjfcjujQTj=qfZ9OWSkNIaWgn=u)-sC&4nYw!wz5)U`PF7CyLmy# zNh#j3VAF~;fj=8&itnfml%stVIf<(j178~Dsj2wXJP;4OzImJVt+S}_gPsoC`diw2 zkWYawrIx=BSaMpLcsnMnJ?_=I{}8dr(^ev$RP(+uSkbyjYbo*W8iNGwhQJVUd4@U8 z!_ev3W*kQ3bX>@T0XQ{c>Qk#7@kvKMs$O*M(w;e@KLb^?U6&cdP1w8~LRw0$xKe=z zRNt@4ba@{@cBrS{#{L_k39#Yy7EYt1udeHpvZJk<#?A=;<)d*pvbIHsCT1{%d8Ku0M9qYR&1W8d_-Lk(GK7P>I_i)rCO>4^zh z*0LZZBPFbPAc-7>>Dk=R4n?FiIrV?BAQ+MN=wLYF`ZWAZ7M^LDpy@(hJjGr7Do9y{ z_u9PXf^q&Q+oS^XrRmPuQv02fW0G4~-RN zhaBS;<(X+)^m+{Zj9E>Y*!Tm#OQ@$!mR>>W0EX%U9BaT4g6`+}Hg;>ipu=rG|CSgZ z|Hxv0d*Nww*p2XE!AF8>w$DXbKl|TFOZB1E5zMw!vo&lwBvYv6EsYj&R+_iZIygW< zTm~%%cdg4+o|txm_)^*7K4)2l@1%a&TbRb7A$I)thAdo5X>hZobt=8+3g#T>TZ;S? zP;rei`3fwbLYDBSjok@KUEfOW4H{<1O;{&CUQd2>3oAE_$HoxWPTM`11SQ z)kW0WnyMtZ5*;=8YV7ua#;dg=j&%f$0&6>FSK!8UpIJjNTc!10G=h z#;{p^QIE3_M}U$iA>hG8aIuqFl?o63Q*t=6QNyu?maYV|%CQ8|GQ~`Tkxs#3mkUyx zKl#Ghk#W%&O>6PVW62@+Ye_GQg>1!vrfZ7il14SAy!aO#^6~470`bO`O-gF>BT*jd znmOS=r%h^(jjdXhLqNI%Qi6ql5)#7k3G5xUHxK9(zLn72f%$xju96Do5sBkU*r+TEF6HLGSlMzJs;J>6Pc3kn;Wo-<*OjQf z*{g%;HBx9%dZv?7*e&qVZI=Eh=YeIB+LBFbZW!A~`FDw{Siys?dH={`=DQ==BaaFUESh9rtR2b9i&7jY_Q)1~`g?pW)Wq(d?tut8;|y9i z=Q4A<N_IZ)M*wroHS%+w`P|Ype6E7<Z+1+hL{ZsVH4gztx0jqXCLb`ES#wHqt-dS1f(S#6BefQLKaT%b|K}^( zFKv0?5Qym1CfV6{w!zdjvKl1TSp;t%vb#TVm&HggB7|87jlKs$%&%twKP;^O$uA*H zsN)n|XPIA7A2E}8K%x2df)XE9g%A7w=Aww+!*O)R6^K2l6i`+kntEqlwJqW$fEBSX zCt3dEUyARmasgZs+}_~1mckc7*t1b9P4mUuE3B&~9Ge=iB(-!U-;F30Z{=_Gm<(?P zjDDg7r&A`?(b4-|=0`NRPU1GlKCFZ4xs|Z%94{{afc}Fwhk)Dlj#eX1s#%3iv!3$$ zc7ht(2d+qhL~Fed2+v`V-7Tu-GI4nPuO%wu{kPO?XIuMNYC%y6#%vFB5juxVfbL()jg3j;(nj>`V+aulJvcpI zqq7Us*#(9iZCfG`CL~BpTOMSt+hKXw#c`nu>T;)0<#MYvziSlWnX?)@0>89sbFC5ioF z>Lg=Yb3CZhB|_klBm76-v%g`o-M|PQYaT1QYCJNZgw?zU2B1!tO`0xhf&h=C`q*xn zB`DYW{}`6b5g12_T0EA&l> zD}2BI4-i4`z8MT;h^a111^_?GFPC%g!AyVsx8KU*dP;P&dE48z7ACr^We!O($dKB) z8Kf8i0MtStHwL&Q;BnNPV(a6#FRxz9mK^(#HYNb-n={qkMsXr~xvVjT$9`owA*_2mOC8O z6cNt}cOPoTgthf;UG9(LL)W`6cYXIDj!>JU# z4tJzU| zOmU1khH#{1$q4AQkdy)wl2huCbc#=)-EMpP`j}%rzCJ|d>B9w1Z=X0>rMI~~EzWXz z%R&bL7;T6s6ZNCJj3MQimjq@pMepRj#B_xW2mDq6I|xXowmM^E_saW-(S4uo=pnL0 z*<8l$3;I-2Z{sX7);x!}>DiMCMw_X`c69f=0-|4tAqQj%AvjuIr+N)i)}pHJxCL-y z83Te0b^K0yG#4|}d-pmi1OkQGB%~ly>+MJ-gV}MfCRQ#5)Ly^b5D^jGagj^(7~K$f zj)_DvX2@x_Is3$O;2nr)f311Vh;;pMonyul5lN>Ip#gMfuk|yE?#*D0{TTIDDX^*4 zdvjHlnYq|z)Y0qAOY{Q7I|Kk&F6H&}z1Qy4rdT2;jyblywK{a@<-_LPQQHR*kSCF; z%9y?vEn9JKqB|@6H4Hh%CAPh*oQbfrPj8jMEU(%9aYTd!c}d5kA!1(B?9%sc2FsSe zr8_(M#9e@GZ!t$e1U;D~v&}Ov*(}5$Q)Gxsr;b~lW6F@(XH1a@DUdhtvklKjbG7&V z^8=Y?n?5h(zySDoseo8g5>aLco#^jV z6(kyU*1fyI_wu}5o-dxUN=&bx?;&tMx?_&~qa(&q$2Sf~-Mgy!zK)0x?cA0aID2|~ zTHcmmVZ+bd8@*3z2<$BSRedO~Ic) za6k07aV!zy8yU0Sn~LtY<}Sgu4;Ke|Acnn>#LaB9=?$>Ueokj<;Jn1q=ID}gC^-@# z7>a7}l@2_?|S07!wHN8-AC-xm5`Ixrmo>b<2L>!bT4mvS(J z>6QQlVq~JxPRW+4fu1uj|Ba|_tp?8>oDMwF*%X1Q#@*5^ofXN&G*;c>w7Oa-NH(QCR%cu zT^K2Z5SYE{@E;HXQi?K#iNLJ)=DsEXo6}8egdT^=JmxzUQ-aY^2uYdZl|NLJ*efs6+pa0V9ccgtYvwP|ufSteu#J+btm39J%qs>^Nh#=wdsMik{VnRkU z>vbUGaj)0!H%?TpnFw{N6La-+_Nc!qs{XDRGdt1ge%r^Gm+NY(rR32^&Z*ZPLl|wy zkbQ4UNv|)Dz?=fZ8_g=kFsB4!My!3{Tl!Us@p@Si;ZHyPy4Ut}z1$v0?Y-pm*ef7{ zSx#vwd0m&wy8Qb2tJ_(oL+M1lboL&X85!xj56?NJHpcCK1m@a%jM4q_st)S$AIn75 z6Hh~61kyJzfhzZ$Zu?r!fK1`s%uoE-n?yKD}W zQk-(?Vz;fRL2J{OykpFLucrF${pI<2tG#pN)_Pv@oMH;S_VcwOVrH2#-6)0_Q+&Mc zZZxcWOF4S@-^V|^_sy^PBNRDACWO(a-|mRu0)0eu=$rGBV+tHXOu=IT&)vwHVh$#X zL}^L4uXndhc&j8+&CwrbWzE6S@}|e5^*+j$_ggi0AMP#Yv*MXU@{-Saq$>m65z&xB%psPT*2K)N!x?SfKHazH<+wLhu@l~pi1;lf!1oyL2s-W!5o3-z zz4VFaA>av-01mzJ6@&qd+Ludl^HR()<={ygrw?a}$w|=(ky8qD3NxFih%J}GA*|QU z>uE4>WT%X|zwEP%%U;JZT%hFxb(s=kC~G1n6U%G#O{otoJchHZ*+b&WmfcgUqM*?B z9&@<7Upe6ZdU(|iW=PPFG1_G2nAr%JHEn5Kt zmqjhxvOX`f53hAbA2Ec{M_G~&{^t-=Yez?Now_-G)V+H9%du@`PG!b=w3I@K{O-eb zxfBsS9&Np3pTs+MHpUP_c)T7lhFs!kv+ms`4JikQV5+DYq#W1l+S`2j^!oneySlg8 z=k?tdQ_NfTXzF(K%ez%YU7?OlG9~|iRJ}`+BuSQ?cOQCH)y&*IA~UPHyQ;gZW_o4- z0Vn`S3dtpZJvS8LmRtZN1T(<&OxH6b!re^Y%EhtBAzNzEC6bjH>29WaALo2$vHc~% z7FlzJCq68Gds=+((2CStx7$`rEvcnPnu9J+OWeZ!^X`K$smwt%X}Lyq0znRR@R)Zp z^B8aipUD{N&rz!eKZo@t}!gZM~AOcoQOy*?YL)Hc!A=9_zFf_K=gYZ z$33^&&726=(qU6%mh>ob^))v$ZFTr)SQ@n2OKLT@*7|6p*Ku}(D!~4__ryKtT<@JH zt(PSo*?TLc63x*^+H*XJ|=Jd=XsW_(IE3)Lg3_ zaTDMOsgvu+3!tU&9}^KXfr5jUOjxKBPY&K+wzcH;zLGi<&{}OG)O)8n?vI_A%*4EV z9BI2Ob53TdwYSz)H0RQ4_ug`@wRP{U)|PWArG9>Sn`5w0?|qJe)!m$P&SB=#QB-wZ zm*4*8>zCJi$@Q*(^-dHTc#F%^^M^nD{*NC&ef9C< z*T4PUH^2Y(yXOy|zWwI+zx&-cfBOD!F4w0IAHUX*-#wS3%sFeSbIklG>0W4(syu$# zS$Mew=mE|x5(|bsGzl`tFE$Qb;iHdMde{O0J2f{NR7-8Sn|Bt>yc5-u%J#Hj*X*NL zRY2m7ce9sYjEM75@}BpX!+FOdOtgPKn0dLxxcc!fYJZ0<^jg~(BVOb2NROA@ zqMJm|zq`RVHhM?9jK4^&{q=`8K$_P}M2zC&?YQ06R(ncCg^x$R-PX64z17CVDjd9} zJztinqTXCB%~YY7ALE>2m2&>8s9>401b^!9MM|x|`Sd*I{KtR#F`|EM{jx20PQYpcVh$oSE z4k2041T*3-Ct8b%MgzZ3Ydz(nqGOEK(C-OKD<8ts?RwqTbzOe``l$H(zW0@!0zqF^1zfaB02kL3y65G*@d|Vl1Vu zOQ^M>bim?cj#+9o=lYnVk7Wti()7`5>$vJtDVH@O&GZX)Q<%q`2sy?ch7n4TGvr}& zjxk2A6@^O9rM8AKgGWe$NFVdJ)w#>muvg@e9g5I5r&SR zKHQw@KmYKHQ(4xqEJ0LiYtZ|%f<5>2L41bO<{n0g&^ z0>PnbT5~(EWN1mpV3CrmIDMCzxa}HiX@Ee!sU7GZG_FY*5{aFLd?!PF~NkD zl|f%FN9m>AK3$KuL`;ugAGNerdU|AxiqR8}G3L92dA@@V;YY)Ad5k&xNRMQ}e6X;F zUK{e55nw06wN%KvYiTs5s-C{4K2S0HXyvHqA0@J0S0bvV;%Dx)2}^opFk#X?`Nd;q zf4ru2Pc=1Rv3Gk0Xe6VL>&J~4#CL{NDI%b)AzF(^?GS zwYUbHJo`(^kBam(WUq<}Gx_L!a5PAq&OV)rcPc6=6=v?e-`|ejN3Xq>9+u#}E2+_> z&p*CG0u-X%UykFEug_b0lvexxcGQAgE%DK?bPCaLxAo=cH>`%zBezna|9QOZ*Z^Ff z79aiomgbz!T&=y=Zo$RPJJS#y3y0OKIY1!X8O_7#ku6$W1MmRHYwB&F+lN6Gj{yr| zaMnvl^$DrW7<2Tg-l?5AhRmlu0K-?BG{<1&RtM~Ji0%=gR!=)DGx?zVOU8e4{jmCI zr@>%OV(z8)HhLe<1pcqEnO__c`{?3od2i`a=AfKwIqLq%!P~Y5Ig_o<**36gb52zW z!HqecX=!Z|U#`JNn?&rGh0~*sNzP=uMi>;;Nr?9P>y9lk0^ne-P}4J?c!Cdpz6dZw z_SV6FJRTVn2bxrKAA_*&L*-gaCqC`z#4LK6c3`0Qi*L0<6Ay_Cyx{j2M4_LOQOLy6 zm7Tk8rzJNLLF~y1hs6Xs0)jGNlx5~t$NrW|!m@Op5^hzfbmo`sUce(}6Bb^zNMHVi5p-Jk5S!5cc>QG`Gep?T}4(u939{C^m$%2B~HJs|8xE%dmHM-N9Ut& ztxuXPXTyN632BBxEX*oGgQ5@Kxty!_X3ijn)U*916@m2;H;FoVd3`w3Qrdc1G2k#W zCLVp1QhOV{cbb!ky!Wj`dxCsoBwH6)?%*y31ciw2d;a|S?n4lDUw!rQ>2mevF6+83 z(L1-sm{JbrYa2^kYU|Ip=hypQ`!F-_!@vJ`|C7b-`t-^9h1E!Hl8W=M`w`++$5f3v z`Y3yC8QJU&imT-ow+~CrZPbDE>6)5fZ1%x(0zM6iuz3~X-cQra^}~hU$;zsVm`_~2 z+jX7)f1bnsdJy3aoR8O|V9H`m+X`DH;dYiS^FDvNthM{;_m6QI6qz1P}G?aZfP;QMcXTl*-rLHzw? z!}!lX{Dcwm^>W#dgeeZHI#vDn;pvATe(~PjAN%*e|K|1nxF3m#VOJdkcuHp;lZi>h z%My>2i3wOzDA$?Uohf%CdXK3s(R5}`HJ7rjORen-2@5J0jJ<=m-p7wW{hCs~UAL6- zWm{EU%Eg;YDLp@5k0Yt7H>jM*)5InBTS}Ml>BC;+qr5u9wF=Oy^ zQmqXzfj$NkhhQlcGsCcdi5?q<-usa=+%`@HU%{v6%P*hrmo=Kx*ZVql!7&C%-LEmxs5*j;`g_s)wVsY5YhlH z8CQ>hPf$vbx~d|*by1ytmQ+!hVZ~f?tED2{wv`&!(CUDp4iTa2C8ALnN>l_105@rU9k>(W0 z=oLv)2sYAs)Z_KAXcn9}7Z-2AT0Kv2=cLsZ*U)P>)80DFxbJOM#{dQ6d}f}L;_8|C zcqF8Zhc!a7&rB`XxP_XEd8ba7EsQbJBcq0(L7;HVG0RafZv&U`*0f`Y1|^sxxXc5_R$mb93yUVGSMWzSj!cQ zYBj}|j@AOR|ItTSLOBX1$8$`OcEVyUH)eqw;do8V0+&cR3QQDgT2pJKwRdA;dP|r! zh?C{Ewp?k_XdN|5dL-0p@3UvCwPA0JQX8y#7>l6|%l8848C3Ov$<_*nwYJ)NAFcLf z4WGV#!c2;Zo^s_5w>ftZsA8eAML<&D-PkXrwUc}=3TEXAGMY$PQv1ysWXXNc>Cp13#jd&3=I&RJ5&lPOuRj<%%o03^a#s~ zTfjQng2@@VMf*#F+f5u}w2Wd)Sg`%;bvSq8dTCP2O&yC97Q)v7$tW5IG|45^yjOy- zr;W2`V@^j6i?ue)w6$K2R!i&e;1EJmjVk^XL&H`^K3c22l|BcXbLwyLL zHs>TFj4(!@y^dD6o62O&d5;A#? zN6LF1ea zyYK({um0w*|LSkQ{pOFNN`CDmBrf+U&a=AD_qW%_k;iqAuUOFN$TIr9MgN2WKV&yr;{+31?>n*}eO~kb{5vfNFi--C) z@7XUN{t`SNV@&59o(vIQwlK#Gt3S>7wX4&3@pwx7>M+>Q`=A7&EqNcrf^-4r7cP2VN=*8fRTAvmR&POwIs)8q&nU*Ci(R=TJiAV<~!OYCc zqAU;|m^yeNVZFU95nUiUx&6ohS&liQ_Ye-|QkXfH`t^sWHbxA761}`Vg7;wclv1Cc zZ>W{;kKLWZ*7MOeb1{T5d+Yr_{F}e~Z~ydz_tyJ(?8oJ@qE0=JT_E#`FyC@czs$DJ zGLEIx3J(AzM)(1s>}BFyipqOzEfK6dA3i*(>My^({_^WfE%kccm^pagT3=)6W0YD{ zbqN7J-N%uZCE~Zl4{+?sITySeW0<)yXNY0a#2_E2-IPl2V_hP@(=dDQDzYx|yoenHz05b8yzu zB%)b!HSdml78PfXnU^iJIw=-Fsvt-hQp>Og#patCX^!f|f}z~M ze%SWc1Xw3(i;^nN?$-K#&(0|^_d1|8s&%AC7L{HaCeTDwjxvezUgn%Wdi6>)N1tO1 zTa1-YM}a9UjOD0EEVf|kwdFQxhBaKjy7V@}Vqp#2^E&6e|MIy1a#vFe&PA)K`Q=?^z0eBJzvrNy8Li ze|qg>jIf5&1t{D~Yo)1buPrQL_VM$dUr_v+IZ?eU_u3UAEvXI1Elj#0LWfdlKbT zh`IOP+HfjNoc5w3&mS%|_k5J&kw1L83d@J5jfi?1$0IAgi!se9?0RtxbJE+d4;KFL zo9FBE71oPd>gBf8QZKiah0`OQa?aL;WqpdsSLtnBKd!y@`>(s2=A$@sCDqeS*T!fg zUYEzq&dhnw$T9vcnGdTs;D%VeIgC65_6;s}8x)(lwC|)iB)wxBdURlJvLW#%1`)fAumNk6% zcyUgjp4OZj#D^hR2!3=dV@ZTg^^x##l9)e=TqtBWen5U5V zI}>qoMk|WU^PyrjeRoSYqB+Kdn5yRH-eH|s1=P}ksh#h_lfD$31T=!bD_F za^m2nL?bjtZ>{H2n5mC0%y0Jt0{HtqZI=b$!IB%qcsZ9bM(`fZ8R`dosJH6|Vz>zB zT*e$kL`>s!m`JI^nNPWexcra*{r~Xv^zrxK{NcMle*g7Xzxno?Km6g_?>>I~%~zj( z8CgY|pa1;%^;Ol@?RLFA z>mUBzZ^P<+FvPrt)zq9iQPY~Ln)=1H+`k|rSf!VaOM1D+uzHNW#mVT?nfmC{p4GW> zR62VgZl#Sj@?Mtff+SI>Vz%qj>p1Rdv{7@l;Nt346@E%0>U~^4Zea_(Ha_<+%zAod zU>!!Mh%q4s?Opp_qc+81q z7N(Q<-2l4ATp!&vx+4+s-tYSX>aD4(trN3TUDq|`{Q7oh=51S?Q^b4K+EOmS=3^RR z=0fnTHN2Lh(ptkZ)HyfCD5Wk-WG3_&y$|m!m+DlGRG7K8hEf&Z5n2W3^me&GR)rc} zRgluvS_AhJ6ebpV?D;oeJ=a=;H|I2Z6Oo@^?&}giJY93CqfZu5k=}bS8-z?Q-Ba=A zT5rMoIp=*(s^XClAyQjAQeKw`mjwp)mvvd9ueAZ_1G@!Qdn`=C;1gG59RxFTrPL*Q zc^AOUImaC9;(z}9wl1Oe9@hZMwFMUz8{>?T7Zvaj;J9+;=>0S#qI?t)&PQ14iMdeczx8?IuJML5-l1Yr&21wI8d9IcSJMoB|ox7$7jMKx7N?F_emBkz2y+i zyz8~2Gl{FAnM6A@=h^f3K3Z)wiHY{t9iv=GkQd~Czvtrs<6sMNkvs7J@#^QKR(m<> z>@%z$dj^ZnFW$Vne7s%Cg}Ypz7+=u1SLQ$QMM(sGHt4QRM)>2nfX6M3(qyxta! ziis(%L74sOp@ofWY^D8wh&`tsgXVO>M(=qqh!lX_3;tBVVJFe?w$CyB;+HL|ISW1? z1(p^3S0y)C#pr!~-&-$7?(HO2I@5QW4JNy1h^z&NA1oim2iHqa_v7)hqYd!UpN&u( zXdUGY1SK_HuFHB`-VL3dm_jslvRxK+>P&rbpMSa6a9#KW zp03-HQhD6d?Y6Z#R279wI%?kY^H(>#0yO92W#8|qrdm?TM^RIZevyi!=4x$YPV7MN z{5vNW+{=&m^%nA@q#emTO`M36a#SC@b2`T?M}2(Wop&nYyrVhQTv$ExDg4{tQo84S z&*HR|hJp_eKNL?TRc3bYckUdMm7TrEd#kk4$C$uSy5N>eG;^X77IVS1+%33x2~5;V z&yTX+;&zKZnmU<-)btB4zov$8R&2?HdAmhtYTh}g>k@?7=_w6&PK8ejWpeq`!W4D=83(>_bcyHLT zJMZM(AMd<^r=m{PoO6nOzM3-2x<$<3TW%~Ysz_Qq!T-W%3uhXlS+w5AdWj-}t`FJ6 zpsT6V-bdI1i!7J0-r^S-0@69qFND?8B#aM;c!IRkC*$V8EWdVD#d`TBK!N%5D*qmO}gF%BPb+QAN*{H1{>I-#O*3E)i=O+uuJ36z;EWZt#b z5&41|12OQ# z>2Lq_H{bqo*>001#A_Wq*gETE^YN1VTrSV-VqL)7yvNKBG$$<>Q`_q1ao$Jg=%! zN_!XQO$%;+J^bqDpfS&NWUJl0qcM?5ep+Xg)s&T6ZSfK((eajg8=|biwbC*CK!zoa zSxaxZ@tJmnY?_hxYUa#4@7;b+s+vo zU}N+8c5khP;8jFeYOBZzI;n7DwAQ`1Nt21zb(wS4*2bLfUEck4yM6xr;+&e9nN!g| zI-L&SVa|bpgW^L)yth6k1WV@JBFnbeHY%U3T%z}Fz{72&Rz8gZYR>iE#~fZ=?TsgyX-Xx= zFejY`3Fe#&#DWb`U&P2V!>(Y79vn{*Zhf5JEFn6HyjNlN=HBkd?Ycfv4$+g)WWt;e zBj;W_3{pPW%dhu2W~&XknIZV&kwzcO8erHOeS}~>nmVneg(Wzzy>@Ky(V0N>59wEp zL$u%k03ZNKL_t(ZbxusY_{%j0@W^pbqYp?z8#0VddmFcpms&cVFiqEMM`CNQtF%W&Z*bY zItY?qmRI#C7H#ygf8O&^%29f$VYLt6Ji#f{Y7bjDUJn!mqjfXaOBWU7ivv$=!QrzK z6;aMdX|>%xT}0*acCa8W$Bi>ed0_uZlX9*YSekdv+sXN6o&?Z%ckfn;Gp>lGAcTLl}DQ=Dc`h~R#O$_%f}1;6m;qdYB4XxR>KHRD zUQ`7Y1G9PSFzN24_dX{1=)reB;SGbr;zgyE=A(@^kGDfa_LqJ10f|w`&AeN#iw}0( z4C1DgLUSVLZn;F~rPZDvH9fKquC-okFQrYIX0Fz5-kfu0&YQ7-B&b02w%UW) zwuW_$P6b~sPrBaLluGb+9A(=g+=?NZGgnHBYxw0apYJaZ=r(I^!qRK=UhgkQuRW}x zx3eV0#lZxcC#jRL_~R{OoGkAF%yZ2B?Km$RRW-dlZKIETrRfp%Yqni8>jXU>_qn!7ngQslY>3|f%>u`Ir~-bN>yB0Ol8iV%7x=GwbD zB{|d6TJ8I5GOyq@Sx|KN<#aO&GndpvBp>y7luzG0vj~v?q7v8eC9|BEYiXkoU?oKu zphkSK=5>tez4Otv+{Ty|w3RdW5alxb>toEC&Y*e=hM_0QZs)Y-mQ(fSYVAIHWb}#? zWGcg&kCzT5@9`*c@lc4-e0L6vGi?`3*JTTrr$v;ZAr$2heOSYOPw;0mGg@m44oz~a zEv)|e>l-uIQ$62B&XmK^&oZChV}tdS;7?WIGqj#&KbxHGw&bJ0TmmsJIyoOLM60D4 z&_Gb24Z=JNu&PPaYoC)wJN*NY^3&uw$a#BzqQp$+AmTaal#|OeS&&tHrpmy`gq#!1 zPzV9u38939-1^x@@HYC~;-aDmP@0n<1NPn?_rs~es*9l>(IA??ets*pjY*|6^VV8- z&Qx@a35G!ko|#KM-En7AwANlezV3Cx&s7)3Y_x$OrKmEp%YGpI#pOfBEx&{XhTX|MegL^M5L1{PRygkh*(H+jjf? zAOHHV{`&8jxpjz;8!^?^VqEp>zkYUJ6$W`HBH~v+I*GDhJk2==h1DZ@0lxs>G&U(U z*IK&^E?&a+VO8hupC5Blx@TeN z^|pZ5(Q6kcqmzmNc}7HP((5RDr7^L-VBwN0Ml5f?J|@j@38RnoX>Fx_!IQzWf=hx$ zSecc9*gM{`k6xGof9h@IBdbcuH7>!MGec;!jy_}XDw!6r&P7!I z{7*l6Z@24K+rMb~nYoYQp~zxF?+)(X7vRSG@iedshnrS}&1o*xIkz9loNK)UxZ6h$ zAq4MR@2&MdI#hSTdsR&-d+Oc76mVQopZmc}$&>!V}OJ4qsLKaP&S~M42O;w%RVputcq9z_=iW5WthoGSF(1CeS{j}<>$LF<9&zP8!DZ7CLWwaPykHU+tO=~Tj+HlTNB(QwqQB^e& zWt^q0H0L#^3WGtbU0BWsUYJkxb_>xnb6hdc6%l#)<$>#@=fC_pl~Q|udj9(9>C^4@ z{N49|^S6KZZ@&HZ```cm`{xf|ef;>F%k|mE$f6-GwN?>ny{faE^O#e={+o~UJ(s&2 z6$gQwBLo)JbL;vJQiaFp?BH9+diwg+#TLUXC+{V_B{jFd9MJt+wDd^JWtn{f(_4;; z1E`gTa}7tY%)6Y*^|r#*hw~1=N>Dz{oKp?nAd-v0MxStV zjyc!GpMa4*qIYc!6{)SSF_c>I7sQjr%r9@dndO4X|C!!m=2T>kftnkOIdks)7?*Wj zmKaoon2|*#0<4V;q&~IY$H3`~*?+AK-dXw=pW-}oh$pq)K$gT7!ecb9T51Il_wm@( ziHe$22*8#lmQrZWJ~~<#rvf6Eihw>wL`*a%d2hLt-g~XR_r9*tduy$Q5X`w+YwcZC zT5GD(`e2sY+GShKxl&3DK~;ffnqy!NRBN3G4Pa*Gl=8BKeb2-kz4hLI|J$$3jG1ni z4KP*s5Wq?*wZ#xhtGFkk_j}GF9DpmGgBcvXt}4;{-uoCsMS%2ycxF%O>9V~&jsbI+ z$egpa-g{>eGe^XDPD*X~(`#$nwxpB+=c%owQfjT+7GK}?Weeh@_0CKw*Vel_olGUw zT2IA}i1abf&YTFSiV*DBGpazMGq^)UN@*D6c<)YOPxSapA^KOGK7G1a@V$48aB8W@ zmJ*S$*s{fvfp8&A0Y;xC6>uldMIwu+>~9A%hv>nVm~&z{ItC#I)x1I3wO$srlOBeV zl0}#HGFlI7h^RT7w9;(xEEI3c7}G^3Dz&tD31duWY7yiB8hxgFW|3YR4g_qLYbwh% zbm*PjsVx7pf}nSA7Q~~Em!r4dO82WBuSZE$gnV><^KlD)F$<1_5we?8p-H0bPHP%5 zGvw457(h#a!5C(K7$7-Q=baCRWeDblf?6RMmh~81Sv1TAd+kV#EvbIdK;okl70}9C z>BLNv$Cx=)sFI+LzyMN&MYW~^`q0VO$CeyKJ#aG#PQKa7DOf@_;vC34Rcz9!kcPiZgeAdC-~7O5Qs&S4#`Q zpjVt{T+wjmCJ`|$x5Y0Wv-XzS{pUTbURCm5FVE{3Ux>lqno$cIv5>8<-h<=`Q6C%P;Tf$;r%r<#1*b+c!hXW(0 zikH;9!z+vex|J?YopZ-Mn|GilBD3Xs+ps#=?+Jll#2B(Ptc)-Y2y|I>_K}YgqVFeR ze5z<~Bdi`b5fK7s2i^sk0Yn98QRkg=ZuC)(x?YxYl#<$ViTIST-*^|D@;M;rCyS}( za~Oe;mQyW61g#@p5Y+Zy+rZmB+E7&??zKnn)1G4pB0Bmo=St~IjF0_5loOp97knJa znR;)zmezaRLhEA^E$f1|Ip<<#%zW%A9ce$(=sg5aO!wDEZT)&#&AG>Z97ks6KDu*m zPSSU5F^hBN)%K5e)rw?fAh^Z-~H8J|J}FWe)rqo{o$K$zI%H5 zxUAcDxe^mQtQHS)`BAT0_U)dn=`!jP(zHxQ#y2J-gsgEYd`mIMZ8(gjZB7 zSlKI*y;)dP?k~Hjy5KC@>F}!^PHn&Xo?Ctt3+9}gV_crLv}c4|Vm{GYJJalmnfUeR zx7(*{+A~fWC{}RTsfs!|-jX<(W5zAwdp%y01xxp&DreeDZ8cS5j+bDIshy(*^X}Jw zdbxbuT53dmyry$XH;I_`Uk`E8>sX$mc^eJ!IK00daSbAJecD9Dn=|KH8>+}mAPl1B zm?!~}wb6PnrS@?qIX{l9r?`AT@s>()Dy24bP|O^>f4v{Xw5>6f^6B{rDRe{xm4EM@ ziAt^T_K7fBSj2jdIhGI}M_OXA_Yg6RX3xlv))jbN#K-WdUpI5aK&q0NAw~yQ0U{D+ zGwZ$gKFql}#~K&39A>7fc%4x9)LOS~h2o{u3Q!UdLvzd}`qsy`F2|8Qm@{)e_GC`y z93l)wDKmlE1j$XUJ=cng(7n6+Rb4J+j1hv*xne|@b0H#F1DEJ?E+PW?(EV|kx!ZNy zmWYF<)VeLpeLo&Y8e`&Q^X5`1(Fe$$TJHe+;46T%dd}%l`cGtZ0|?{#m?8M!ZChih zZHd8~!x@osSz_>JV~$c=3_gU=JLn_xR7uU5OLb1}_X8gqfF#be_nu2Nb8U=ei(^hG z(NWSJdzoX@iUA};5_WEN=Twon_&H}v6(ix43N{8`*mIaOnYWUgnwC_FX@5;D6xJ~3 zY^7hHx3KuUR|^jFTA2SZXeqfOYU<_3Hy`Zj(``;>qWk9ulpDQ|nrmFcanG%dxQ5<3 za%z_?5>W`&2Y@XTmQ&~5a*gJlUwnF$c#Z1RujV)Z`1N6nIj<}Ph#_?328$c<9OM4; zW3(Q&&};XL&wF9!?Rfs1o!kd(j!4rgeQ%Kd+9X;&B;(x zgcxu=`(S8?n5DIT|MiX%Hm-gWwcOQ2RceNX9SNhD`zkZ5>X;*}p_Uf6P*PQc&PV@6 z)!>ww)~D5(`o)WrRvVp>bJqJ5$3#?e7m@Y0j6Rno)Y8ox5%o5SNI?574SQ)7UZclL zdb_OibZeYvEJiuN+BkC)Gx9MpWqW$s9`{6(aGoHX1>Xy-Ss|JQm+l4AXd+&(%V^{N z`4HxG&v@@f>(~V?TP&&2q?aGxP|84(Cn|G}3jWNTFbAV>pJSH2U}P}*IPQ5)N_#=U zfwvoS*>Y4m0e2lUZy4=VWq(QK00y_0qav9HJ1YwgZKMd7qmDjjpJ2Q)GtI$FtTOwA zM|lqN!SFYtIh~W>UCLG88T^o6&VP~5(U@~0h`BZLLAd26|Pyu8u!QNrRcw{=b$om2%X=+?TK zQ&XGMAVSPa0%lA5YGJ5eT37y`9t!9m(Gi7kVW% z*{*TCr(VoCop+~ z#>LN{Uq60)x@^l|e)!qUf#K0d#~cmyq^KiN=VQsW_wlE{{k!kJ|Jym)2c)$Qb#9DN zYne=~w=p`i)LPGV3e&&}xk1E*yj~uohY)ivx_(%W*X$Q7`-#yQeW+KOEDEXLIB%LS zb14{7y;^h@%`bj`JwVbpZxP|q$M(GR($&qa4>DDq!56 zkLKAOP)T*YEj2Y~4sPR?8hlPTv(#&T6kN<7zIl$9K#bWo^*&nZ>+>@EWM!mt&q>bQ z+fR?4d)NX_VPrYA)F6Q0o>m}xaSG&IN!UP(7vA^01h1;O)OxB-CJ{w%CnbnD=ZgJ6 ztxZ*NPHi!cGtpM|l&|aZNI80M=AN(D==~DIk@DMPSCvvKIsr^55f^U`M2>S9^YQ5k zl=^*7G5Rrv!+t=xk74F8&4uIkj3t_rnM-K~w*V2E1ZGyjw2~$<-0ScyIOl3@m&ve2FjdrzHF-q07UNo*n>9}rAf6n5qY|9(AhiZmKaK{ zwKOQ{Sy-6+7%Bpt{hTM62e#%pW`#(xHRLy!T#0#&aT2}V_kZ=LKRDAPrCjQ^M4T+O zH*eb75alD6G3SwT@ct-SRfHv#N;LUBR%6on#y<7~P*DgCMFgCmT&jrVQiHcXh7iNN z5xmVgdmp`z7(?sh?Y=`$biJ@r%cX;pL~dUK_Hvj(e`9 z%elkhd=vyG;O-F>7*5vff*X;E%2D&4VK}~hygGCH+tK=f_Dt>cri+};6e2$EN3G3* z#ns14%zHs)zdS7{-+S$2j^(z%>eJg$la{-B#YHtI_1g1ZM42XqCH(x~KBq^%e!3vG zCak{KR&z`DG};g+B#aeAdE|FtFe7-Y*RCe(^O_&od3DjL$^XmLn>9(YW!HIoI)i&e zWLDL^w;PRtpouh6FiAA=|Nj7)i89i}0U$^aAPK-4XxyPPGs4}^xb?6+3TnGgZIx4m z$2ogg>sw(7aSdaP(FUu)W5>d?&bWkcw%22;YLb^!_S$>L=PoS?%Ng`ty>$x)eh$I5 z$c!BwKqqRNE{R#vnouC_A4jjfZk5kWN&pf;?Y_qY zV2hmR`1a}Sgbx@~NpxJGfD;qamwO+`gByMHHd&;XKH3;8_;G>YMiB?5X*gpvJ%C67jdK@+aT?R}3+py{*E(Wj|m-nlIK z<#xGUms;!SyD!q+bArcF2mnR3L(1X>_i9T2xyv88dsG~}E0AB&4tJB(!KPLC|0uA$=)8{nP(fhK*xBGUK7MDLDz(opxlj&E?q53^i1+2t||r-oN~Q_UU74)K+q9P<>Nw*e+b-CM6cCL4YJ{M)bXXqN1F6pMCjhfiOwxs?XY8R|c1 zL(#^~>5q>cPjgygZzHb}Br>q!-v8l&6Y%!^i^6zH~p5J5|X)l-D@iyIW;i_ zO93k+Tmbo!peXHSAoM%rz{DYk-nzT<6M8u385nG)<%#@frj#NE$$P279L;L$s@&Re z_Y?z|l_n}8M=3~xc)eY=qcC%AeM#x#v0awsD3zJ_qr?zOYv)>)i5PJqd>m&|o0(mf z<)@#&UN39wLzGjDwSfvEX#O#uU}kbh7TGB|A~KK@&eI;aD=n?T7vEYpI~V*wSVAQF zM}P2}U%tMjoc800F;1VtIP`doSxW5_YmKm^xE+Tn#Fl3iIpWV!1R%n%mjyB>$gJN! z9!pN5rxg;*JE*OI){=Ad?!nBR`ZFrn)cWXaPTO%@)+NV)xUsMAkMF;H+V#F=mbtI#Y1X=JeWznxq&X+m0tnnBgtn z_9Fyi<}<8|rL?~0L_~Y3IftBMIse$R;&-CjdW<%vhiKbYh`5hAdKc0A$DVVHDd3Dq zOG+u0y~Y$yq7E}?l9=?5=`qDxT5BDU4{#DJSZ`fT)a3rQox)jWa#9iK^dN;tU(rf$ zrK2_)bJn9lCJs3}l7Nsc#mtag#}rv8LD$C2VTyxo5D=ns=re&}Bl8Na4zKtT@2=CVMtc^I3XQ-5YA((Vcoa236xX>-IE{(txBd2+!gNMWV-7@A zwt~)?`MjG|1q1sKw3W^xKIWHSe;R!}-uLykz%R?fd5yiD`Nw5%M5Gu4A&;r_5N)&x zZ{*5cVUd#j@phE;7B1Jy%Tf5Tf@{!C#Sl#)@EO=001BW zNklBP%JJ9=i?CA&Hiv)u^y0%qv|6gWZ;#zfz@*={z_X0(Sz6%90UL+Zwn}bIe}G?8B#r z6ppQoHh@g=F`+L406T$FCBnd9E76|yk2#0qYoA)r`cVUQ#N7(+!I3IRtLG)y~SkpXhfvOc<<(z$D{W) zK?I5kIH?|!sVcdrXi#!O=Z!e+lg>HkvL*V)FJ6_g*^*hoEXwk2?BH$(VVb-=Xi1l9nhZ_}G|u4o51Y z2I+N1%>D>gt~tj{OFXv9U~Q|4%E#9S;COk7NYpkJd_!=qVv6pLd2*{An<5o$r9rHS z$;jz(3TTbLiS?P>zqx+Dx%<%JV8J*MsXIM{(AyYKUvFzY1Vbz)^p?1iTJ4B`hT()y z=OlyqaY}cdi!6x!&Y}DBti$hyFT`R57*_ms@XUm8COAP)NKQ|kp~e_c0e<^(CORI4 zPcE>dha{%a1|lpWG4M$MPtkPXP|;#xG=N?j!y0lTM*;wwS`a1Y>$>`IQ-jq9aCX#w zKBq9X-uL79;k(y9h8ox2O6$YDmOkb@juvBJ<`jYtpJR}FIm)u+*W0!C-p5EO&N=_+ z_kZ=*fBSdPxgc=C=fIW#aZl4Jq_k~EUf0X*`Uijb$D#(Zh&#DYRU1B-Y0e>{r5-6Q zV2R=tQ;{(TdL*AShB!t)XQ|8QT=#Z)T`XEZdfi()T1>(H^!w}6wm;fPmt;wM9hL%s z^f;$jSX1!f?v8=FyB{A%S^_!kAIHmg*Y$OIeBBT?ttRzoA3xpm8eukg`Ftg!m;&sK zbIh0`xtG0(2v+SxG`l~3*)t>u2+`J;yu2>^y};Ie{jws57e0MRM~;tUd0pyO zH5xP5z4@4Ni9RQAneJ2{6$6uPQ2iOmO*c z*ENLj_Vz){?!M#?`=9ovRDFzjp z?xoaU{qWt-zq~=r!_2)S?brkMYbVOj*Cpi`Yi**u%tO4I7$V&Bv>G# z5Ulr3M6He18bk7Gkh9r#8lz^XuEkecRRar=Qo2#JsK|v6Bcb}xeS3&Fx^WXW5yV3 zYv3lKBMQNAN{%s2O@wlawY6vg;>gEV+^O|WEWLNY?8GF+P-=U=!Wci8ndY31qu|jr zvlvf6d#^n{F@o+MV}RoS345jIE8q65$Qd>%2=i9c<&rh1sKgXd)_b2Uyj*hGDr5%C zPshk`G;Dx>YY9Y@2egEYnE$NpZ-(!xLEiuvU(-k5XlpU?MW3Oq6w@()= zvcLT1)BY&;uN!u?7=y8JNY+ZbeqLK?C|u$a1ZMp@dL8+i-hcP8ysl4_Ss*!eHI_B4 zu^vrLE}s`mp|`0)M5LFVa@^i_!)mb(teM7`8f5fY_r^+bjZj64ikOOtnU;HPN3UCj zu^awf%-im7TkivzzQ^ZD`U+4euNapm~X#(S2K|H z;u1p)juHSk8eCx~AotVK?uk zKi;-hx<&0}glsHSwlS#l0=k#1Yrwj-s0nG41-zxgM>T5l^JnAztT4mmQ+-#&eP zSw4Mt!-o+FR7~i}$%hjWeAvwV>H8P=iD7nHW7!*E9tblYZRAUg(cG!kjwLE4&}R%b zX3?kR)Zs#b9ws1B&Ji%js5pK4%Xb%d$Cc4)=hM*1suHsypAI0)v_=*t;zHOC-r=QIR0Gs9Lq9S_ICt0{W>h1H2 z3;ozDI8n1t5+H{Q0mTwJ zen|PTOKfdm+`vp3CV10Ux-h34PqEOLbIiQvWlgu23#)98vaETzW;Ht=2ZUsZoS$u` z97PytvQwC6f^vve)a2NUMMF)3F)kXa(I*DG_=)J2F=06c7xUZ?yVK|nX;zHEf~FxK z>(S<%A%&0wj^dajeiQu9oe+hNXM2u0+DJm}c}y|m6k(|r!lOPa&Y)I@vhx9i&be7Rlsy<9H~ z3o|iBtF5=suQ$jjLa-POz%*5!V+7MVN!4l_dA+pSTOa@X|M9O`^_k+@%>ojTh*%KT zL@Y#OPIND-TIvxjjM?WHBGOtzi9W{AU;m5mV-ES6g;}E>_ZpXYE~6n7*()X}tb$35 zMZ-u5P2u)_2qwj*8g;gLJPH<+pi1}J%cGofE+zzCw$hes#+qY&Sw4QbUtXZe8(5Cl zqoR>*wIklbo$6jOJB&*Nn~#~+*BqDl{?p_3{pIp`O_u}!!t67xftZi`5ijxMclYae zm#@ElNBDVMA~S(tjScMM=WVpnO0!_F5zjFTl+%46=^bRioZ~r)c2X5pHq}-;0{PCG zl?cqAIp>)PB`Pcsw2V0yzyxAAN_FxWLa9|mM3FNE1>u?Zfo~N|&mG)259^%L>&xx$ zfBXsU`!{p|F=GI{F3acx0*45Mj>1>U4tbtCF^@5Vh0`q^to3HWo*sOLq@J8iblZ>p zIG}QJay{u|SdPIZL}p=K^0ps8eD@hvm{QwiNwxJe7A@Gh^Ky?d*4mvWi|l(bQ&T&R zLI~w18e3c64RT>~qdJbBs?ekzfrv=EQD+iI$Y!J{~zm6oRdH zKublKnN+p+5zIy(W6t}wUoN?inR8%b_^?rAe|&7~Wx+8G948Tt?xr#a%m9SK?%N3n zYGH-&%#?+hrIZG%B{D7`*&NUY1a)_;VlW{<+B{YkDF?8bq0R@K`22lTh)AOX9IU1x zhF-^dU0NFm`T#%f{`K+QZ$1-qJ!;CSw~kQs`OLw^xE=g1QOTEdpq>_)!}BHKW)hXh z+n%qf*S6fwGjxpUV;&#JXg%ZrFJpPs0m(_enLS~wYnKK=Ung48fn zMTk?S>9{0nX-=dn^{9&7VD0G=5llYY^ges-?dUN00xIxL&@%d{d&Nr!_DipWl>rIG zP)&nE6x3U{Xo$H%D(CDouki$%AnQ#9i*IJmYhtGIsL)%B0;1pQUYBd~F)?95nt=tl zJtZLG4RRypR{DC&X-%*&I*~^BwupAX6VR6j!e{^_kx8JJSEC$jUk2gWf4fSZ_!>?mlT*V~EC>;*}m^z??`#0B`7hs_Esn z9(%=PO@u>=YO<^+Z+eUg0;~u>6;O;l$#Y#vPj-tU-UJ!s^IXml$gRv=YeTjGpBFfh zbIK9v>=w_xBJ6_LQ4^gR4mcn}3{PLLtIFsDIo9>4@Kj(ra6V&9bNF~h7N#71_&G}o zin%R1BK8xUT93x3YV;{jq9^&-31VF|NN`lQHu4gB8xWsk9ih(!#pq`u3JeVAbc2|k z#btJ9=U_qA$T^sq>KHB}W_BD!L`Lf(RBG+LFH01m`?mKn#+*JKQ|w;Hk`ps4%NQeC zm~+0qT+Iw=PDE5{6_(p=MG#odk%>M&HhhRModl^Y<=py=c^Q5D)Bok4-EN<1?_c6zGu+&*}o|$Dn-9@zZI;X1|>V9U?5S^xe|4%>1B?78r!Im|NaxXnD0Tf#? z@i`$npL04n6lN9_2_PXEvvlABnVGq6RZPLRdjIjhzGh}FTWPH`5ebbp(i)j)4*&l5 zKf^F?LCp*#G89{AFmS;zQ7t_!5feKL+K!el>E-*YyJP;hzAiCGBI<3FNBR2Ox6y{X zha8Ug0~5#PHTODV3YLtB+tJb`_BQsny*%n1j@Un_1@L@9=AN{5soTTsxsRB_AO7C2{^Gy?HGU`#uRaD$jiRE+tUg%+=LP`x#PoCg9}LgLNr)rn zqm-P|fo_C(PVc=hIgdF3w}~<0q&S!wjWSHjWLf>%nVKO zAN|3vQ;fBB5&7=(YtHF<$ww)V{Y>*6bM`U&n3pAON5#Qbd&jBK$Nc{DE4aPD``|^Z z6{pf^AB`ar(ZFF15y;bAF|g5!w(TXyQ_#;$N2#WYMSg8vRch_;AKT0A()x_&WiWzS z?<1HVN1J2#^qe9h)PpIjl%wMPonxkGAqA-ai5PBaOm=!ZshYsFt=Eja2PA@_)tS>% z4yS)~oT+eWiK9VdtuaSdnPaf(<#r}X&EciAyynOI9-^(c)si7SAmqTzWk1gG-jZOn z1(&TJ4RyboEVm`(0AGIH+vR0p6(2J`DWcHHFW1b-#Y8Gou;pbD7K=K^G&2@jUY4{* z#E|vcLk{_xM5SY#IQ$!G3@V_<*A2NgqH=5nN7;mNDp<(I%8aUFOi=;+F6O8rz4UhU z*{22tQuBC}IUTo7T4HO1g#kZ>vJSJ#-bXtcB!v@Imk^x3AwdR7Otf5b%mE6M(Wga4 zY5^9fP~%v%(I>h!3`b%#W=46jE^+jUV+z_fCXP#dyzj7N46F;l{8lAFG8CyPpfPAp zAUsHGIzDzH0$N8zkW`wMXeo&D@hGEqB9dS+hu-?^vmFhRIr2%wW?J_uPZI@7@O(+< z4{}%2<(kS?<8o%ye2aYcbFb|X&j4ybL@Z#cAVdr@Ho+Wmj(K@m&Zj6SJW*wNw%uKy@Rk>a=5D_L)YIpMA|J7#^t*x`jWzBQ?*S9+}??>sq zfB*d_QQ0251!X4avU(e>_22vTmyeIFwKM$0=Zxu02$@gA3<{dp@2*5N`*a65g_z|O z=n7-$cdkR7%5mzUTkXKvVF)_ALsrr2IJOE$1Y{n}Ji9X!_+40J@za!YY8sLHhx98a zB7gmS!6=l8j=f=;i&Q?0Fx6z#d3nug31x4~HJx=E(HtIgfJc)~oQB{m8q|=t7T#wfKfcw0bM&uT>mErEa&k%LFrrriI%DxE-Q;62;zyirsMjvlK z-jRHIK3YV?tU<|rPQTn1VXw@M|E?arBXL5|KXUNtg(V43-ddqPt+m zRs>sxvNt5MVRoCBwA~Lo{~yLmFy?rEm9P)AJ?FcLl{+&dN$p!h3lad)v%qCODFV!@ zl9mJyH>?PvB2Q#C-lEYEm33-+V5UbgT1yWBikj1fh|>HiG^MA5Ek63v z)4^z(*62j%=X82nB2AYkkjjFVy}o?DVs3&vl}}Ohd12xC;iqns$gzJ=6=KJJ8>_0` z;Tm_qPGSle{hYaG&fcc6DrvOva=q5l>EsS^>!a3cs^kthl`xs`l4Bp^?c;&=+1;TH zi_ubyF!JUYACGOxdD{=+bIez3%Q>;|58r>@wjKJ8+A5x_a|ef$fmkevh3V9~|G^*s z@%KOcM#Q#bV^LN+%5m-z`3#e3y#WO|$(_9QI_6Zh+Nzl00>Tbozx?rM@TA~+5n(mM z(s0xPKx``wr)2M=9UbCVBAWeFkev}ZA}mrL1$OMZR}DJbxO`q8U$=CLF`GqG)9dGT zwmHW9;Savly@^On@z@Hshkz&GNy4s8^o*~sM{A`M^XzlEWlP44VCOlJ)3#MCE02%k z<@+l!q3eal2?NWt#=5uJ2f9Et-G14CJW`eGmrF=Nn6SQpTmRVVe1>ialTQl43{`dQ z(8WPZ1G^Gtdm>V6%Q*(KQfi-b%voz6)0v2vbBxwmd8LVrF+SZcACIl|3Am?- z*4Er9e4_`#$Sd;8`+E%G6ruz}#4?8K6+s)dhhSsQT0uQxVPfW>x|d^FmfpKO^NE=y z1govdlR~8@!%Ir7A(&5(F|^u<9H)P+6>@wt!=N4GXLym_J?FUZg~`!{9JR^QOO#S9 zwL)dYg5{dd;SkRd5sR2wZM7WryYF82y{v0?pDBjtZUh9ReaWf!(R)Wq@AqFm{q*x2 zJ;MTz(#{;WXZZ`cp{d4Tx6At24^?rZ*2c%SUDv!FrPTTi7otz8A zKt<+oVFHRu0mz%aJr4AN$5B*8Rqr1=*2?(9L$p4|oTJnhqSo5f6t`erqL{ESq_MR$ z7LGZH3hciKVc_TP0!_twTSVDnXh+*Vc6o+wh8TT#NKr)26_j|)k%jz(U255@MMGuD z!pQ5uXFRP@Ond9Sc5wagzdZ61iMh7{Oz?6|pl_iT>8-0sxtH08u=toE2MZe4)Q^sf zw%5MCu0#Y>5ev7{dmU*_`+Fg$-~RdE_1c-pCjl;b|M>wOxkl9>mQWA`3M=IgK%~TZiZt zK){$Icz<)alao`(0nt%DU4sg7JDNWOhOk4&z_K1VY=ej_*Zg?j(aaDNfbp0RqcorW z3{!U}4QIAsEj3>fB5Ye}y$`53#`M|8=)%}?q9d-%hGG#_ZkzDq&bGrYRf6CITF*F;(a?aQu=gL zJ&t;`wywFiv0n1JyN{IIRzy5C9%6?QRo@;H(bwT`RJ*wH6*bsuP z*93CLvDf?84ScZjsL1l8r}hTcd_42S+>V~t2>T|SIivRasC91|HAGY8Rz|M_OdIel zVU9#G2U0##0xVeFn?3`2VSZH;K{CB?*(-kf%jY#_v!Lt*kw$N`l@XVK6(vL(xL8Hy zJPnwqPpr+ICEz@fyJJK$-5Z!%dm%#TlCm(Lbf~j&ZM9!sQeGoGEx2o-I~Nh` z-&*Oc98*}Xxwp}dYQZ#`nAD@k6xz{yn?R<@lTQk@74Y1!)t1swdX7F)j##dqI1TU& znTe>@b1`VD>ot$o0r|CH0CSA}^mWy$-y;AsQ;H^}0ZitSSJb)zZ%1rqB2! zkF`2*u|h(8Qj(`*8|?09Q934O3ZoA|hhW4X1DT0{^*GGI05Q$sK8Ys@D@}?PQiwvF zQ-aPJGy50i`~IV~|?^0(~_5ueEv(?=WF zB(&ObD?E2SG{=lNE|-i)0gyEfg3DD@EUFXr(wCP-gRZZ6^qH1`7Da=?#mLN~4orQH zk0W1G-I`C2OL+P2TK9SiZOQREq$T2shcY3h@bUf-W)W7=+Ioui_Wr;|a*R38W(*t{ zdTd7pq{VbhhfZK!61ID_w$^(eJq8SK&CVvIy|9F>_%t(PU^4Bhtf%iG77PcKKUqLOp|wc7S)XTcG)?x_PHT6Eg6%mrw z`gEUTu9qB4;Q+RvFRz!fS3V^l?nG*Uz_34|lSrp(wITVa)F#4acDl@=Qd7`)g^0>g z=NQX1#}q6`?_+-)C|iMBi8+;{#vFTT)4kPJ_exAoF2c^lO!=C`WVEi~+&IPjkMyv( zMtZ_+@*3Set*NyEEkW6ekI5t!q+@zVL?=!}1x1|5Y@?UKP8iE!54peZb54r}`~@?x zFr1cn|M|gZCJEQQB5>f-@4Z^mu!OV*Q5I9EP0kw~Ml|A4I^@xHZ@mpag*qoh2&WZF z4V)pCjF>cNT;t`_LQF9SRtZahP8ug6G5K(?5L#^?KR@tihG+wU0MkQ?K4)I@a$770 zpWbV;Xdwr*6M+3Wkua~9j9b6#t=4wEt-X&{$C!@%0e3&Pf|L~rI>&^DBGvjnwL8Zia4-~IUZ`P1$FW5d7Sj*?S6j<%Od%*dg-TozTmKlYcG zbw3Idx7L>>EA#i?z5c=PegET+Zy)zvS?-TLrNDHmz@fT1_9`mK4{2>M@!L;#=)YOG zY!yu)6M=B$eg^E|KMMh}Nu2z!3gD(7qS*#Bm%Yt7Lk>8{m^ntnI0LTD`9wUEV;-zy zAV5mQxYt2Uz0VK~vwt*=X5#Lqx<9IjglNkx&f%w&)Wj#nC7kNwqq8su?br*MDSlP> z7qJh-94!QMLa$Ay6vthIJQqZwCLyXjr6pLCqgt!efdlUV>Ji1HGccs|`HEEW%a#%B+W6$lSul5K zM4yRlEU?2q+aYckEvfkQw5B<|mWHaYx4u6L$T3)=wg*GC001BWNkl@6=z&)gLsbrAVe<*#be>i8xy#KAJhbfOSVgV4mlo&?rD=OE^t*x4jpmMo0S zSxPZJ_9K|~F(99gXJt4|WyxXN3q2e06TVlcn#K^Z4e&|8pfiz~)!IbmvF$9HYrr_;`#yFhD#fyo9hbm^5v=IPtPx{^WoA*ZZ*}9-fFM(Hzq(lyaz9if17NI*SvH zF>=m1FUS61qSo5u{{H^<^Y8xtZ}o?N_T9I5h0%r&{8W)=FeEZZ)wCW>gRn|3T}|gR zzl|A-R~v1-{OZN$>~$O;$IGv7aSgN2`!D;;4;PDe`LrO{24M%H;@wkD7D72H&~?I4 z%6hGhh=fH=%3jM+N1v_qw4~n0lXp>_PPyCuan!x0HQs-IV8_8k82gK}P^8LgN_h1HKCAtXAvvW>R*)p@4ZpVQE_Lx&eO%)n(A{t{X zOP)SUYwMDaQr)T4dbzC7y5M;F__(JSM0kv`q!gpU4uKv962|ioSAA?p@7OFeGlP7O zhd7+D8ii#ZD+s)*PPC+CX45AinC{*uBDxTTrYT00FCy2xFNClDf@=5NloEnR>Mk1Po|J?s~tn`Ibk#; z7XJA89+y~;DtdOKj!hYP*~&kH7o%!W)WM=M$5?Kep0v}lm*tv4d+2?%quxGW>rv~` z^BRGU!H5WdI86CW45J?VKY}Kh7-ltM5|t3c{$51bCy9tbmexjEV!EWXgt)}lA71Lw z(j|s$7R{0!TZv1U?sE(l!JMz|O-egl-BJ%#@T|~b8=2e649|dCikVA;JqR?N$ z<@1Vl<@NKLU$UA&*%H@?nF4GZ;EzE-Kl*5OfN%$?w4O1XOhn6?;}UxtAsFf~QAulD zuIb#^JeTsVbP=6>zPw&uUN1x^j0i7O%<=t~`*hE1BBuROLNpwds=`lx=y}VM*Q1Gv z2wO4~YB3vd<1pv>B%e@88EQxSMtwC=Jv+eB$7u+ju0hip0r^gsgsu_*x0B7VS23mO zfX{#c*lUNWz@pZp&xV-`Gf~Voh64yw_I7z$)D*KP1fPkr2=zLUd<5DiB40ubW;)t@ z`{_efueas#QF4ykUS3~sbNb`42eaS(_=}nT{LB6G>y=sdqox!}YXBR(y+2-FFCwz< zrM0f2Z*TXPmuss%FX=bG`toQ0<$u=Na*DO}%bGzvLnaKN3nmXyi8gsm9g{40wa+2(nCmT%HqZNx>GrxHBgN+&eIV}~ zo}Z9HJ=$5%^r@m?fZ}P#!UURRhzW`Po238i5d3lSfCv8M;AwH{N1x<*W(HL_sS-Aozda3V;xp9`GHe$J{|>Ciib z2o;k!@S4PPjLXZ4I5~{}XB$4ewVsxAJW5QF`Lu$x(()xCOpRGU*C|KCr?1y8st83v z%X*6VL0%ye7HsDrr^K8$FNuVh7&D{i{2I0cic5SxeWa!qtk$l|(_NKeMim9A(kgn z7J{~M=3{_JIEJf;nq4pJ7=Bq-CT_JOzct3-bKb6(Qp@N=Sgx1l$Dh8g>$2}h?}Lfw z=)%Mf?mUGM%mT9#3yb{ofBwHh6%s<6?rLYHu`Vl%?A!fzy|q^Bv44F0^3y;3_V0iD zH-Gh)|M@@uzyIdn|GWSD-~B)T*MI%b|KYFx^1uA)fB1L*{@?x^{qj#f!z&FPVco0g zsUDki;^=qsy0^Fl79QQxC1K(6jh&}Keax7{D4mGn5^mpJNA1V^v3^?8CFV;y(R*NT zLyYV|2n!T7$ZS8=AV*C(o}mGK_BtTH6Oov4&A7Yw+G93RdHeChr(eHZLNXDlM+1|D zoaUr_Nl0cXl4lnm|d0j8BYY65&cb;5m}unY1zQw)!7zbqLJ&=}+Gc6tAJ zLvW`xCyY!mg-R)Y{rZto{N?T4OkZx7PcN6+S_($)Uq0QAQd5d=ACK4Ddf$&Vr_$Qv zD1D5eI-Oz&Fh=y#NG-LsC*TZsqu17h8U9U5v9=ygJ`ycCB5)1rBO;E`oP1ryj;K>*KK<#0F1cA8BqLMx|-qQccPfA_ulHj$2Mj=TjJV63TcTJR8Qe10Th;&*z3T&08)h6 zXTGLhTDnAV<-(KEp4N!CsDUe-e0^D=_{84%S?>xwuVc(PeE--LMTt8Y1EWm~Hv3#} zD^hrR9U{Dc9OT~X^yy|AQs{Mr6jbeeLrYiFx|NWkC2OUL$rw{GI^3xot(Imngc!~jN0@}c;^?)9WIla%6p-|f@Aaukb9b+$ zgFjPBQxza}pR$?Z6s=n7Hic@}Hk4`y2%5)>96B4#iod*S_2qv}91c zoGX1(a$@1*UcfSDW=l#=B1A0c5=WnLiF0~dBQ_WlP7L?57nJY&25GJm(Z~CK>?P&E z&~O?81e!Z(ko{3GUt6z9RhP@@2DEUdU)9pdDFW^}Cvv05nC<9L5#tG2Z+Sigy!`Ac zSxiGPl++;Ne{)FpHh{{-q#Ra8Iw>PyCCQn+=mdZgY|6kK_dXGVG^a01>|=_^{cRJG zknD0>KfXTllJgpmtuAYJIyF?ijXuWdg=H4ucJ%2Ua{%Ib&KY7rN+~u)@czO$@9rqZ ze4Ouvn(mJSJis~Ua>{|6q%7Uhu>jf35LDjH=O7gXKu!cm>cu*vc?1{GMOom7-+y)XpC9*2A3B?riq`L zN$iVM;E%^M@7_7h7zx|v4 z{@?z~pZ?cB|I^?8_5b+z`b#->nq$A;kL}T0xn3{&n}7K$Cbp>i+s;l{0-h>u;yL~C zwx=apGE7`V1)O+X5*7@v@^Vc+>0DJ4)xE;acFt^wRAv7F436-S^*V`IMdp|ge~;FY zxq#17t4$f{zln)M3}cM@FAs}a9%YP?*Vt+Ybf=dQmr#!eEs&bF(#xZ!H6HhZV2kpo zB7#{+-D*3!53hUWldZuPRZT2fz9bf6;>+i??)6C|?3dfJ-H#AMOrh4EawMV?Og`q9 z?_bR{B#X&fLqOGp+&n@yV@mGf87u;WZ>{ai%eA)dPOWz{t9@LSj0bv5Z@m){MqI7+ zby=7hdAE?ErxeFH4J%`e5JIWdRDlu_IUN*4-aB})(=1@k3UOZTeaY#u?P_O=t%xA_ z8kPgZObE-be)v*rWA~KPk3WB1az>07F)d4u!31LE(SZ&9{CZ6>+#mawPd61wF_zlK zoWZn@8A52S-?t5y6H<+9>&(DVKJHscAp|R>F*DKu&m5dJg=irM+~Tb^xU$eQtS<{Q zhh!LdKrMM%gM#APhCWpco>7iDvVs~hMR>VpcM@d_0$__p>$UTf)Mion#HaFf4^fFo zOf5)nBjwm?kI68>sz)RD{o{Zpp&fPmIG%_8&~H$z|6eku z_A*ABdTt>7{_~xMfdj_+=<)MrNiCTu_j&^CK;LWo36b>aqmJ8m*ZWV8(S}8fYka(K zb53FrlgpRYp3wo|kWOq@_FDEj#N#~(=G@J`*Nushp4lGI5+nSej zJPt8|ZSI>DxRn;yD8g!T|GJ?A#77wGav~4N^f?CyzOK2Hc03M{L-Lx@Kmx0e07uaG zELvPrJDRG5Y$8(jdd5UD^0q|7>BaKtb+33m;i`nW5WnYgTjq2C7MaO{q2$7~!YpO4 z;1pw{Ubl97B+zoGFjKEBEn&GPQ4T5OOR{JZR7C4h)gh!P^>xMQ zB(34`^|*e%U_%wMz5V@1h?bT>(^HBxX%6pW#u&%&;r`|Gr~6~u_XBHHGp%iu+Lj#W zbWt_auU|iq2{6YDF|2D!DSh|(C5G_l|MhM{~uFt(rZbUUFn^@PitoP-uK)+ zJR&2L*)UTDs)GQHY9v8`1~t-;&`7^PKTUuJ0tyfy)kq>$s3NHXlVl~6nGxQ-=3X;9 z-QGuoW!F@MD`FvA5#e$!wk`(gRR9tXN-ZP1GY|8NVkSG=~blZF$Wyxe$kW4sJZ#% zaIL2~qC3TlJXBqDH8+peam^5n4IRuRP1$j;!p@?9U=WQ|jWK9eKrzTXl{g$mvyT?HK2KZ_&ur+#vI-Rh)MsgP3aVOth^9 zj;7uPdKB1yowqR8I&a6I!*-Uo% z@5r2{yPa2twM@+Tzu-HPrtC)1MH z9ZQ$I)i?!WbADX*+dl3y>-BYC9ws!6P)@?ZZym$zUUQ3ckfuhBvz85c=aUbXoHR)> zu|ZH8;fF4YkZCbwwryvo)?1hU_^^n|%k}1iYrR)&37UHEz4xUwYu!)2eg8lIPygfp z^1uD>y~{FB*7EJP>KOABd+()`6odEn`T4p`$yt7UI6pnTN*ANU9+`SZ`XFO+t|_G$ zW9#J)fB2_=^MC&9zxnIG`rE($w}12R{_@}dKmXT%`0IcBAAkFIAAk76myaLwzMhwP zy}mww{`BVY@xvef;H|yBJmqa|wG0vOZ1C2xvETp2d*>}eUaYt7sO+WXR!iSr_vw;c zw8RwVh-#*+HB13`0p~69AP@b`Joo+~VaW(<|#o!d(V97e`?dpSq%jiGHXrFC;~7noVB$!G}+!cA6)B#S>T~^8zaS_s@^*!@PRm1TQ^6>yCq_5R9f%Md_FDf zmf6~OZy(R6nTS4qdTOn`c{p9yeV$^9A$W&;gBZOGUAL@5rxbIkWC-Q{x@Ye_>=Q!= ze8##QZVcF)y27yOa*j+^=I6l*0^47lLO7}Ff^UYJ2cP0h_(o8|-% zew;&GB4!hi)vjOGkb)1cmrlgaJ0?0kF6^v|v|Qmhil=}V7N8;Qk$rU9v~G=vdg;c{ z{<8ObltI4bkbGIo<^3s4-UiE#p>mO?z*E-T6_I4YeN{baS7=7}mn>a-?Y$gf&!`@H zlleTWDrTqvWw_wx(^U5gvLq43DHwx3UqNMc(fj1{t&pL8&4AcKAMd=y-l>$9_iB#t z4M-`Dm{_(9O+TJJXYyab4NePmbD{@z+G~CCn zGX@!wE{Eh8r>>5W{E>@%1mzkSvG7WwLY)nBSI;C( zU9iR&>)c&JLoT?o71YxW!CuC+((t~YA5z_0DGdds^LD@0)&+)m>)3g_Z*AyMHK1&b zVUB#OyQ?rpmvj9SAk|wWbs9Adf<_{=%C$6WNo8O&gJlS=B;*tkLmAJ;3^}k=Kqd}p z2p}RAjdSc>@Z=MjIE4eOQakQe2*=SUF!Ru{oYHp7W0+}*hbMEZD9~dH>vhxP2@f%O zEGwoZ=>gCj%mjtD4#ii7s>E7ba>Y6V$J$WMdxahnARy3LIfg0VNo%!1 z=rwc@vx>IX(L){jlw5}y@JWa0!{qTqg%s|M?h$2(qt$t6f(==5X_=>ap58q^ zgb-d{o_nwBy8iAT{-L*ayS@%&uM8Q|h(@pFyZ7(3*L}S?(%Z|+GN;pNe*f-G3jX18 zGDhCLdHB^YerDhQ`P(>$+tb!dkI9=c@>=G03cI?^(+wQ-6}gsJ4TOaM`}(qamE zFR-PbA5YTd&HKw3gUDFVwe*^+^++glaS1M1L+18*!=$s74z{3nb-}XX+tcc-05w6% zz8%9nyg#QU!HkawH*e)2TCssV8np$M$Yzkyfn-xdrj&MfArpH$$Up}V60@~7=K@7X z@NSIZowLj^j5=oL?2-J;e01B!e13Xe=1IqRxo(JaBQnnUF49`ZMCTBfGlT5utYc;% zV0#x(+vwgofXRb*o`{@vXh~Fu$Z!^p76bRKibxmdJWfnw3^oZO-Lf^ttn0?sw%&-j zweGF!BHp`wFOQeAF@ub`oToX(7#tasVz_Pl-~RS@PuKN7{KG$e`20k~^OWcwKTO2i zo*`6WX1E2QV-OK*?cuDIj#Lim2ViIDaMt2JNFiWO4>IXIrKgwcx@ANie)#xh-*apI z-J6T5KAe|as&`Ixl-7nZGPH}7)`_Ur2By#yBgBXxA}>>Fy|>=SP*G(vxISwWEX2LF zDa9_5QpmY5({{=@CS!~XPO1#mw8X>M8h!5q z+#wOXdQH0GodvZzCXe>d7!#8(Yf;tH!<6P|jPb$Y64gI>*C@o`yf=tN62TNkk}KZF`I3f?R$AQ}swHM(XVa2G^lU987IBXE zdYYw+J*-5U*9>zTY%pY*h++z5uSc=cb-qkEzETPY$YmJo9M*=I_>v{(-M$s)Eq0#9 znBF?J9CfRzioqxLML7D#-FO7P;}~OpnDd(1+4I{40uMdt;Ha5~_3mD35X{*Jshx~R z<|`66hlxu}rx@qpFr(Em#_-X-e7M?Rr*p!ZrIlXR=BJ~-HAf_>Q61JFJZvmC*s?L? zlP5OLJ4nc;Q^ZtzKBx70_rW@E$&fUOAz0^`*m?KsU;Xm+daJdj7z`QJG0#)ZRfaB8 z^3Ju^Qwp_-bouVvcSQ7hT|a$!d3ZcOUe15`;p0!f`-TkF+A)T~2sT7tN*y{NkM4R< zL5(qnC~q}y)ffuVU*4S4Da9C7M=Joe(NGl;1j`%%L6rWgUzN~f3?%GAI0u)-I9Qeg z0tW4BEjwpLRQ{AAXF3>>j?F;|GT7>{J(>h!D!H+<#+YdeFdd~Omc0!fA^N;kwj8G8 zN8GET2Zoyq-!}df4BC5FM8Yw1@4c2DCl6zxF=jbOW^z#LF`v!}g(lb%XbhaU`&#!~ z1?Hq|6an_cFy)L;IYCoXU1ryw_2xVf@Beqx|BGiQFCB~8IYyPiYc8V5OdDeuAHC@C-sjTZyt(}P7k~EKfBfCP z<%i1&!tc|PEVD5qI%l2z{XhSBy=_1K_-Hf8xBvhk07*naRORExClUSWw{PE^mnHej zoaPvkcjtLBBHnw1WP9&gEvn*!@3naETG=fbra?oa;}m>!hPA(Z`TTI6e(`5N`Lpl8 z{pq*w9xtbV@#nvIb2e%?>fWepsjT6oS(}%%HLs=NuUtYRX=h z(*$1^V3BB%Ypy6;A=|<@2T#~A!v}B7u-=0F?V>xqom;(2>qy&gJz@OZ34@LwSw#tawSyreXT^<^g_;HzjDP(FS1qAD`5Qf#e@4nqbC zhkdV8iX~TT*%D(RkU}_3Dd*~(jozycGX{1{!Fy}1_pbDAjB%FNy&QZb%gpRUkPhdl zE2W0uLA62&hj=WQFYh>Gx=YoMaXxbF`0gJ-<8H{;G^X}1Fe)s0lS({?SDcqYN z`GJ|&eRt0FF2TEbn$~R(-sKE3>@nzKpiV8)(HUD#OuLV96cIDeQ(CtyDnI`Cd0r-L zEn4r_>*}1%dwD#cm=FGa7y04SQ;Ol!(<>zD^Aw@qy{;S5?Yc+^hw{fcE7H-k5s`OJ z$EdAePRsG@+G=g{6l-hnJU}(%o!xUq+py&_PifCJ#bCzx{PgOb%cU*TpK@NXnQ_jh zgqWd_OUtD$Q(~qj+C>pQ%GP4NL&l^OTIpm=OaYgoh^8rGM<;k4jOne{(wL8!Lt^WL z13aTuGA;ShpH4#C8hUjq4y6Citc0p7y&?t1b*;#LW^x6+z3XX4M=qrlHIVWBB+n!F- z7^By|-?FuKbPaQG!LCoMc0Ip2_1f`w_ulr}q)Tt&qbpmn&d!fh-5ZKvX@bnJws&Uk zrQ>ztqT_6L}7|%3@FLXF#EN{C1Q>%t>3A;2jX42*3z-V zsihMrkjCIh@2y+!dXqRu_*>Ybt0VxX%3jkcsthyCafuL>z16+3W9=GGQM%+?Ew=)h zCFZiY#o*CG@qwBmEpa*}IN9(xxnO}jic|RE?>^e#umNUEgm6P^nE>PG=jYdT-LW~f z)(T1)V?yv|9E^utIx+qEFMcLNdzVt%H{ZNjru4&y&%yiKx}8ole4m!@AuWbZ%iKkz z3qT8G4%FrtBSsIQNX>0u_x+l$PuJ`7jSf`Cp_&j8W9XpPm_v&4HPHPlS^R5DK<2Q^ zyI}SIx4j3a1(j~A{lF`M6~lz@1YI1$A5;f46+_3gM5H_8D7M}rnAs=q58SFT#`x$| z&;uM)Q0tu;qwEcKb88tuk={gQ_+VR+IC)|^U6RU3$s=G3f3@I!Ep6ZH(9xRoCTOsy zbAlE;Ox_1qb1!?tlj*#3-omX5n04M7m^s+{kuly`GY-@k=J!Kk{8iXmu=H+C%rM~n zdv8PZoLXcwogkU zW=OWi72V5}RWY+-;YJ3h91$@YRgF`~w~QwrAiGw&54P2gE}fVT zfax%;b{tB01&(E@D9r9ertEbLGcSpVa7|c$Jf-Or!FXhArH}P>2i*=cCJZB>BAJ#{ zwq}`W7$$biY*?B&wkZa^i|hWBT%_u~)uFvNwp40$-fp?%*1D<2Lq~Z#|pe z{ObD;KYsYne*KGY9+oM%H|Nt(Ii(bXn?mTd*!O?_77LeN1w@h4!xGXF?S`W^Z#7*a zk-_k+mkvX1NC6iik?FPLrJc?RDxElaU^j;`>(h4m=7jx7E4n^!mv@(OWDQ#DY~Bmz zc6_WB4HLnX20Noqfh{|4znaI#7+sD$>RMZ`U35V1_VVL(x+K`wUVprv-Y$X{)w`Du z*Iqgj2(g-gtULt&wO0|*ycOr21-YUNkW%?phAN_-$xtf|OdAj|YN^Oy6jd__;1p(N z;@0{Uqhkw5|6WRp!7=AjQKO33R^B97N;Lf|Q zyYudL+fK`Ty{_leQfhto<{_7A`N*GoJTJzW+qwf$+C_(Ij1dwh>c3m&=`_tEJ$Top zUte$U-aO1Hz|t_!DR}>QS+-nGb9%XMDF)^v%Pb&Q<|ti!uz4+ThV>@H7|`*Ycl#|%lU91~+Nyl{#Iq*DUJg!o{_W1(7e zozIhwVa(WWdx)Mre>IO9V_NBHi9R|^bAWaj#-t?zDUp`2U9(hi(IP~m=AM>h20Vr0 zgNKa|+U__7?6fgQG(^Y-LNu3(PM7%Q_s>M8SLvmT=*#C@2!6Ze+jW2c{>{(-?57_; ze#SAY-aE^{3YXgOVt)AaWy@vX%4wPQoB=id=H27>-@X6w<7c>cYHK&B-|{?HDafR|t1OIKgC^?-(V}kQjDh@KuND z7>Oeq=^ly7mO$C0!BxM9qmc^^dL$n`a))qS zTg!~I*RpjCeMK zAv27(PDPz{WN4n}l8X;sngB84ot;wLOKGilk=EKUI?Q0l!wfZJ7}G>W6&Cw3M(=t$ zFSXXodHKt~{A*QpmQ`fiw~wEn%rK=C#Cis2OFaO6mTih51s9zqW3-Ehv(K1qFLdN& zn-JU>`jdB$@83S`Wy|~a-M0@*a?a|U+$p)s96x;c96bHz7vI0Uy#Dh0_afa4EhS6u zFW1}C%S$Px)@tAV{J}cgwo1%(2aWEo5K-N4S$aRcTdZS;@tC*i6n$`EiV!H|wK> ztu43Hn+YQ*ETj~|4%O+BdR6Oe%{>HX43)LwlH0C3YD$#0gyiC!*Iqpq|4(qvY?euP`xehfh*m#Q9k2eru_m@0$gydriX~xFG5CRBA zVO4CUV^B&5bc|F686!o^FxqrpQY)R9g7?s6Lccqm;yC;R)>>O3eKxf31pQi`QkKJus!`Mb4zKF!SByO=S0 z@AH)QT>k6-@-KAghYw#;inZ3@{oBXOoYEgZd=A0SQv#tZ#c)2&w{`d4rx>KLVVwrGTip!j04 zj>(cCg9hp8dG+4L;O9Bk)*FOLkP+i6Fhiw=m2_*ubfEo#PX%qR=9;E}HWg;O(`72T zqX_oV6EizFt_*$(V+;{JJkiQo21WB_k|u`6Ab^-CwT6>rH zTkCAA0_SL}jj*(FY{tN_4Z+4X91&npB7v^}xzX~tsEo2^%-F28buZRg>n+F%I7O|q zX-Ty-xKNIMYz{71d^L;}Fpx%T1Y)d;#yOyVGR7eE;8;M_o|YKr;8VavInH5!&2?`` zqszB~n$nO#^#h+GAu7w5J80Z6Q*S*?(FJRrjmgK!ug{q+Tef2u%Y40V>$ZF6pt1PL z_wOGc&)3&m>%FzU-u4i^F{X9M6g`r>ra7HY^Or9#fBws#{rK_A$InmSfA{YB<#w8< z)*3N`;`-_Ha||AEbTk0gIV>B!_b7155D+Lo{rPtyQgT&2vfGa#y)kU>5r=#Pczq3U zAOgFI1VeY?!>?)x1Qm7%!iA2IMr65I6@_(#nPJ03{gmba(7SX^OQ^X?6Az#^!ZG=v z*G7MSH`RjNvhcHbEd4#^lqIh>Y{xicF^@qR0Ge3^T|KlXJ67*79~M ztqKI?z3VV$xlGPlAMEXUv(BbD5Hnk@r4KzIOJErTsfSMoJ^`?L@ZcfK3?DwgV!exY zO>?l0f$IetL7T!V1KuTcDXkr{_#)CD&To`C)-gmYG#Yh`!a1BhClUmie9xtummez_nCz^TC0Stiw!Gg!d-z&04Eq za1R5+43N0v&~^+wW4%j168DHL0ZB6MFh*m{e46$(qn$QmU_$Dn>$U4pGt3wYU0E$1 z=LwQ1J2X7za7aV5hf%K~6Ojdeh?+1UCisP*4I!qq1Qa>agba;ga9M=p!Ao@Bvb6|) z#eNK{O~x+HaIfOnwbCEXC&X45L(?=_M(1e;dj8&HbgJ5y3b|CQc6$?S z(o{8su-?}9@87KJHpZ|_|My@0&Ew;VjJe&mmzP^9b)F(Tkl52YriUe!+{_q5)mx6v z8Dsq6&TY>7VN91k&++ZU>C4Nr57vzS{rg8V`kb5@Vun0@d9{|`JS@2sBD3WzL!V!- zFYAgp(G*JHQjZc!L@~@m#)oxWOOx91l(QufIrP4& zD!N`b7hJxTF^;h}JL`gb{^6B~VKO^Zr^YOA=CamuD=6~PoQA0N$9fmMaBD44iDU`o z;OnRBbV^9-Hp9%PBwb?)s^fH?%`nUsNpeKgdv8q;nh2*0L?$BYtnICnF{QNE>xP`* z6utSXo;3zb0I)DiX%I+VSjm`3L=bG0OPNx{5hYzh@FH4ki_wd!cdoU@#H#8YAUv8&F~)f3YVY5D^VX30 z-S2<+{=0X#+Zw$8{@ZWnDgEKYXC?-r5+Q+OjF;;cqbH);dhjln3PJf8qqYVHsI@Nd z*?SM06cIV+rAvwt!}z1BxL=Fj&W31S7y0 zTRRjeqYS3QAn1N*o^d4kP z%S}bKAuoF{^Y*&;*5}JaOf~m7Vb353=d{Yhx0kwB>utG}Ub<0(`xy77brzpP&&?PU zqAP3NUiLTzx|1$|39oxWVCVj_)m*1jDtj@i(xt5BFv_dqt8Fiv^A@cdq_q1jFX!p} zFiTU2xUf}Q*POSSPHDN!X^yDHee_`pK6!X#(O0#Ma)#)wMmQgTgGM5m;xs`~9WkJsz=#~(hOPD_gZ=Rf=Iwr;)4G{x8J z4K5?>*1mc7pvQ|WdeH902fto-wk%zJ@U3->MQg76ZC6n^fDPbfWUvm!!+FR)F=NsJ zrOgm2YqRg@jGW2lIYG1AmJhi#bZC|f0CT9FVuL{<#s_ZZMtW9^UAK)bdoQ0kfS>M8CZYMi|J_ zCL%o!BEoY5E=`D@U}^mmZ^s-*77-BvM(l&Pj?3QAhmSj=9{NURuE^L99=r73MO zl)b8&Ub{JBtvT<-Iu6l6kuk8Dg18w-tGgLJ&B1$D@)60*%&;c==<#!DO@<5~{7^l@ zrkI#X0DVz2WGu_<$PO971@HW}mlQ&49dlJxUFOuKGt)3yS}nEBODwH*)$?Vpt&8Z( z(^~e*7A=i3Q!SO5K7D-Nx2z&BFW0~L7r!vWT(9f4WhM&Vsc0#+)@GTROs&o6c=xdU z(;q)M=JOm+bNc@6!-uC==WGmqFpFwT;p3N=>%PX|4I5QamFJi1>ve6dKR@4o`Dfqd zQeUp?U;O5mqQhD{r-UKG!+A+DJioraUT=1OOhgo>*lLF{4nCf`*SuABHcZ}nHinjm zsnv!dP`(xWbzI@uf`ob?jnNtn>54uKL<@FYw+3pMbd6JJMO5|txP%m#`S!XYKGs^U zxuW?F$wQi^s?z!(!)y%<=DA518!RzdXMy|010+puU)DH>VN6Kj_IZ^m>6C7t*UP&T zj(+XRme}GO9)L*PUbZ;J?YjHqt+!>XVe%mb72RI*a-Ja)b@qUAd|kg9L+k6B<_L}8 z;pS=LtSzNFwyFa}6DB&Jraf0!s9P5u2Wkp7yDq{+Zy(No`0)91no)ER(J-d94ocFt zWeiL1X5TSQaTtQ!5Z6C4=X9t);;f+tVnD>acePeC%#_l)ZE&{W5<-$682{#QeOd3^ zy6xY-d-LJb6ElhE&wld$&BM9({@Z{2X9S<+Qcufl4DGoP(Uvn#y%^)^G>|StcARX+4kPZ5EQpD1n)eVQELmq*V@J%0qMQNCGp|Y zQ%V7;jjy-c>-F~b@ls0t-9P=1VgO*Yw5~dyueW7Nmbv!soqaej>y~qAV`vOMrGSi{ z;1PQyU9`65owZC|6q2?s$57TQvlmX!C35<$Aw+(LBhtP6IzO#7OVX+lKvd0JmK3|8YDaZ)o=-s`*X zAFX#pMrEw8Ti!~^<@$7keD0p~88XWgZoC1_f!x-l+(qtf>L9r5(2Qjnmz13Fs zip4I#i1TFvaGETQG13yl6nZ;&vc2{&g*3-n+O$OJLTuO)boRiYwbEU5E;y9zy>=$H z-sWo_I$QuX&Oo5QKCJ#C!;{^DWn{Nk0bdy>&8VAmDBaIYiG*WrW~D z48VcIsVPmEDWr(ZTJ4%|IW5sLJMZ_~zFa0BoO2BKRI5GC0n-zVcWD^7tEK6_meYA+ zYuPg3Kkt9~u6IdOR8{MpPk}5GlMAlZmQJbH7UtlB!w?7Z3}_qB8UZK{N+>Ro>L!$<3E@Gb>3ZGfDSq?z z;k);5zdXM{lUYig=X5#GPtR8frdsV_&^c$9)AIh?H?=fr9UN!i9sgA51CT=G{GqGH zxDnb3O!RP=Lly;3_MQ6hC)Vv(-LJtsn23x)O4lJS^%kRIEX>Ck&hvf7ZHNiGyXh1o z)>FBm+(+FHSQ9(f_C`e8HRDeS(fi<9?uVs~Fbk+~BdCbV!P#_{%YJZjOKxKr>9Eh) zp@$$!nrzqN9AkosX5M=XBoSm?&ROX?3^`}XkadokT<|DWt-YsL5CM>Xx1UyV&Gl& z;$x`!2(I?tr8&Mn-=;a%Qblz+O#}2rqTV{T*;uNiIZktQj!&0Ky0j*U)KwkOGO6e^ zCu6AWMO8r#h*OXzwbYoxzGm$8zP8=c1zdPDMsMOABYqV6?bE|tbM?WEq1IXH4K@#J z8OTncX2J3g!5L#bEKJeK(T@zQ0;J1V7#b!iY#E_ut#v%Kkjo$>yEnDY#wpfZL98Cb zz=lzCL(M>jXppzAmu`v8;1uG}fyIz_2Ta*n-b+!{Jr_e`+jAF*$vbbm>be$eB%DJs zDEZ(*a4Hg_FS)A7zUSBL`t7%GR7V$`Q_wM{=%*N>_a8q!57FfaryENOY|Na3B|1$B zc#^$VX3Di&ONQOcZDr@q=VcfZycdxlKYk%LAXQFNY$E6Ld_FCY4`(9kBDM9W*XzIk zo8LO`N-e6gZM%K^>BR?^*D@_BOrh7lJj~MM`O}RpPv_{og}J`$t(J~w+NXdYiFKT> z#X??d37IvxAzZYrbVh(MApig%07*naRGlPMVgjmRp@p$wxPzCL+?N zdd~(5!Qn=9&X!!RUv8IoCm8vAlj$@eL2Sr){d|j4z)pFFCZr1P^;Wz0-jGRCz#wOs zF)aypwA1rwPu)M1{3wJt#?(uZN)M*QB{R9l{_*3}7^90iYY|9c zotvlBTCi7)$iD4e@G@X{k3;3Y1Q@;dF5;}i;tV<>V~nW40tM-?wYJt~ zt##J!xt!*ylxnR_F_hZ2T;4ri{{BDy;j~O|9?#FO*Yh&JUbhhZ^Xu()+k*F~jM>`f z=WAEFtvl|>TALwK9Wi(j?OjT1L)AH#_i}kSmr}ugAtLX57l|>D!RF42V%Q*1{$Ndc z5XYQ*e!Z63@JWiOi1aRh{NZCt;j~Qf-Gbu(&D+cK^@e`+b=^Kcz4k7*EuYVGDXn$! z&fT^h=W-Wu*5*=SM25{DpX%kjpb)ujJC1u~9gs0q#NH9E$PGZIfpdzr-98$-2sYnd!>dv=cDdLG846mgz)#4W4FfSd<~k`>l)A`|D( zyMSe(2mqELU9Dq(1bYGa-Fs=RwD~-#$biW}ge{k?vgNurW;((wjlnMfv#Wa>W6YNY zvk-P{$gra{M;F}sx{oo^lyagKQ_V~miTbrv};aSHQgLVR8;ZGYXR$@$%q*P=S^0R={NoZl?BrwxV3 zP$gz-Em#=@#RwV18o1;!+AwOi=gk;Grua~0wq+|cOo-k&d;NTiGh!^sCl}{nz3sL4 zDlNAm(kp;M!+U3l@>ZrL!s{D?^TES7;Vg$K_~;K+v8Z&}uDf*E*NiDZn7no+L%nIQ zeW*HXL-g9!48uerc(#lc>vEoa@ILydFRw0mkYl=tw63Zy`C&#}lB!DYhK$j{_JFt_ z%0O?24wt+SZolOrDplAY+ha^v$nvqDEFDkCxJS#Qeu{IbsPilXJ%ruPR|Y5%0r6pu zWD@-veMQ7RI@N*v8MsvU*StM%K7|n7v`irdWZ(B|&IA^iQ-E(>Kcz$}mjWJ>hwX|B> zn>T0YTnKKNrVxCW1K%9HW1>%=pHHVbr2zPtvo1}cH90>l+nV3JIjfG|yBQ;<=p1L@ z-jVTS2o7(Aomr%@28YQhByHm`kyC3RX)-n^*u@!RtY?@682xHL@_FbG8Vv%=zaJ3# zF-C7PbPyo`%VK|p;hnYI53X7_#@us_5JByG6|@{J_vJD<$ME=pp%Rd$;af+4^!D2j8)9I@(3?18B=qI_rn-UQ|MK0&)eng2}y7vI_YW-fCS^$ zXyegefh*Oke09^++UPz^!S7K~c6Xi<)7N+}*qn?pB184apK7(E+UZT4_pP*&D}mqI zr8jwecQI!8VA0khD+B2nCBvXhWv?N4==XeZWpB>Aea&d{{5?_bYd}PrVlD0XA;Jr& zBTgaB(Rl|?Fr-S(+15G}A!gWGW=s2R?;_6ezUMSW5#hTk7^^C{hLEj3?jZwtE9b`r zU!3k(T5GxNm6`DU?6-ot1bK7K(W+R_K4P?Qj4{qTG6t%0jPUU|^``9bz&9dN z8O|{nEoE=!ZX-5`koOicAw(!J5f5TRY$&faSeIhVdnID9zeUwK7FA~fxB3S*2EJ*LTMUs~-sSLyn2S(ar=F?eTt*Wlb3Mx;xZZ@+o`&wu^% z^D=$&c>ezVqqAIURZ+`y+cS~*#ZTV7+_u}6KfT-@mPu4TJ>TXfGMQzLPcN^x+rDkv zP`%!^-us)&DR}?7ScJ)dSnrq)(lo2O{M`%k{{(Z@NdXqtnI z&XCEsygW=HI-i08a=5FC;s>+6Wa4AP$j*l3%@{S;^(7M<9}lT0o->Ht%`iyUs9S}| zIIra}4nksR$(V6_-XI)I^T7%{2qb1qb3|W}=4dTL(wf&|y^B*A;~2RCtqmP&m;*9O zoOeD2BO^p#wqk~fbAXJb_l}Wy*-DrqJ9~Y;vE?v%pn~V~{QTqdv?OCFPVrEfdFOEh zId?yL4t_H<6>PazVKOlVX)>p%qC@m{-I*x_58=uf1MoE_v*pUf;JTz3e*EfZ*NvHO+y3_Pq0|cD2MB~i57yRWj9i+v?3{xe1Od8n@^HVE zTyc7`v&(6kmLwwkR;E+RYwlHA?JC+zXQG6>9>@DNn_(_*7VR3RaQ(8P>~8m^KPEbH z4leq#6>QSx%ZwRnUQ5|)ngfwR{Oav#+pbxE@-62zqk?h4ZLfR2WjZj1L%L!%R=1j#=!5gY zrBnLdMTD@Gw)A$2s4bZO%3@*L2P;FDb2Y^qH2x;>5G}K5x0# z{_*Sm^_SO^q%p0R)=Gy>2=>|6pRda$tLpY?-QHFJ(REB!awmE`fHo*1K89t>%zQk` zoO=CqA+xw7VGb$mw|!2`ICnDzZsFv#etSR$hAD{%&tX5P?hueb+vydTj*uG--4PMZHujHW*^+b4dFfA1l#d>xP1OBJSDhVETpj8% z7MXnpfKwPm%M)adxeUrje)8X*Xg>!G6#gf{pBWBbM7WhsYH5j%S;q`9h%lH-?P%}6 z-IguSu2?~Y6wYz)GyBp<4~Y~pwK7aqf`lmI1uVk21R#&`kz&;ok_T6<^)dQ@Duak# zU$*=GP&HFUtqCdf7+P!lxILKpcHc{_wRMa$FvSp&>vaoAFAhi#!hS~;p2 zl~MtEG9nf}_Il2Sh)!w>J7OOFRHqo3sWG3JRC>bVaJhq+ey&{9LX(Hs|B|AsA@B5Dx1neT{)tR}U zW*ZB^OB6u*(f=S`*AW2(3>EuxVc=9v!V^!dR!g5_Zr2rwKxxgRjg+I0fsDNO+jV6C zEymcci{iW^XVZEc*Xs&`mScxmvYpee7E^@kYz}Rup&0N%`ib5bXa}G)GsPnAv?*g; z>)4Gk*Xt6zZ*}}wq^sJ=3^+3@td?p-ub;22w6ta->ZP-|v?f!+;}jB%yaKrn^grZ? z+4%@g9hp&H1OKF1-iF@_`h^|!Ag zP(V2m7Iw!`g}K!B_Iicy|4+Yssjc_kzkGTX=Hn>Nk^IAd_eU@$PaHDQc?x@hwZE3e zBESFJyN~kz+oP5K=})ia(J(x?{r*U6IBrFvnCkkH%nTT2jAYCRiEBjEj}F>kj6uBD zsiO^SjbrrnXutf!PhbD`oybh>@v-msBQFuhQ`zhBsP5EG2{?(6z?6K zU|>ioyq8ic8O0Rw-qzZjb7z*MnIjjyq!_N3W%O}Q<%yOQnIXD41D?F++x_q&-plJ{ z4I-uW7(DnnA^15p_)u#5`SV-vxFnE6IiTH4Io|JkjNv%yanxl=y$@Ul_zR;`JL81A zV+M9)RZDVna6(Ql;)h!|6nmXfJK{FSX+vL z9V5bHjB%z}>N%sr`E6v&lD@s)a2&Tja*AeFTaUrNyT5Uae@4eL4(TqVj7(+k!Z##b!tf7d#R-h z^W*#e^68>edl?c0QfV?WBD~ag>W{VV_50sHLJl9l-E^Eh?`6yF=%@5nt+yU?B%}Ry zY;Wr+SD4DeL-KWR7;g18 zR2BLq30?w^HgCT_*wO4`y<{x(FiPodgcQ(i*4l_2s{c7hx@7i@${tWo{Adtb{6ovp z>u?OjFzZnE;v9t>L^!Sqr5-4;?7$&*&hTKQ;00;5A|N6%ZfsX7fI(@=eY zNsrR}#3>4=H9BE3N6x8fuf11*l`O9bP@otCpQ*Q^s^`Ib$+zEc`1WCU9c@0o?I7x4 zn~J?Ikr7#3&NvPub4+OsL==+WUX~Cg<&bj3B=Wc4z7tUh-bX*iyuNH>%u;*K={Twn zTx*Zf_dYI{WlTMe(%RUMVrpu(EUEX28x!r%oI2G)^p5EL<6dhI!KV}*(Z|O_&RdU= zh=N#*(Pv&0Hm+k#Rb!DKo*AIx!R>hdC>`o-&|u*C#OTMA;Qatq0zEJ}M@k^o&H+*Q z`2)&ZeEDf(b|HE*J8n$^i*T>wso*la6b=c{Mk1V+Btg*EVa(Cnz(IG;{Tw|jSA}j+ z&Kz9BX$CQgnRyXBlUOdflN*CDD+i;_$F~PPtzLCpyccF7s`V5|@3&$^_}XHQkRF&?h*6l+5(!Rp=bR%nY2Hgru^cS~!3l{s zuAaQ0IH#h_fFK^b?p7MsEULC$S7?<>X+-b@I}Y6I@IgZG;N;FRTW!n?>6BxKl&;>! z>!&LwAVe4>F^0Cz(dBj1sjalUrB>R0JGR%g*8#EuTFMZ8D^0xg)?4j()O_^L5suKa zDI-FnocAnV*ty;&eu#JheULegoO=>uWekNKR6LJ5Sh$t`gA4{u8d}iNPop{75~K*@ zGK$FqZHKZjrJ!Rfg5g z$oBBS_~0+sm7QC+Wmz)O>1EyTM@nJekBQhNX4N^yzz^vDsGnZ8E$4sx?b{zdzivys zZcAy+5&it>I;MK>rx`J$dg*=a$1(a8aew{OPa*hiNxyu4W5=zH9KvN?u!RfWL&fle zswA&}zJC1vST5;!w7i{JJn(g?8E$t|y}YePw7xCtYj%#{H1|$MCr4SIrQ@%-sYIgnnDc6qr7~&|QP#5xrh6-);}*Tp!c1%Q?PWw@v5HGbgsGhudA}h5$_QMhRAeVJ{ z9A!U>h+MX%loq4EKaSSt=wn&(QL3u-0kgX@yCvn?dJ1P!gb~%&Pu44u_wv|FN)Z-q za_-}?3rkAp!^y%>5IINWoRNhT`j{bxqt>G~D6q$zrL=WJnt?h;>t*SE*4o62k%j0> zZB97EfQF$QJ?5B~v_I;P^9Z_gBa`PQG}-Pz~k zeSi6U@!l_6!sZmYFfj*c!&qPeBxXTrvVR;tcv8Z`p_X>KLWQyA8*M*F*P4Vg81l>1I6r!nGCXEWYaokheyacVs>f4WKoxw z#q1g4<6H!S{rSkDRDjQ0f_FwR3gg(fGvo^^d=Am4EkY7)(_q$w+t|!7ay}l_)b{uN z`stF_7(xK}<^JuFw}c`IQW+u|t&cWU?Nryu8AVrXH#$AONEAY?dHdKQ4KlJmrieWD z;*pK`>H5b%efhXO#53kCz4tRvcA6RGCHdg@y-1KTPIC0)C^;uD{QcX<<+^@)yUsaP zwU#!KNz#%1=aD~yJ+KksNkHnEJqO_uJi0aaj5Q^9j=SeHordEG?=Pg?%e7?`53TX8w;ZwG_&=(gy6}@$KZn>b;2~yf*dh! zrH2>*&w-tw?A5UoagUFKi0V3CG6^mlXSV+E? zp{nI*-uuyp8O4kQhV#b(!PT;+$E`eW`+8Z=EkTf0`zfzwH~Ii4VD?dKUoW}04*QA@ zh0@GU0 z8&rm5wRdthP20drtf)F1yH>l%xuUcm$COg7$Tfv5Ozz7kH_JROsTiN#`x{~ z-I2RLjy0zfVPQ7stgW@)e*g9^zxrzT(aTs6aE!Dj}ldE0t15GnbZ>@G{c8Tov{zy530f_lf zZv#yWB81ALA;6E>UA8=is_M3+y;SE|glp>|_!D(YWJ;II@^Ra@Eu*&l>C@X(-H+N@ zZ)5!B4?q9<^?g|qW+Zb?AG{aY_kwwIZ9RAfINv$P&WZPCs%mpi42`@9LUVC9lv0B~ zE3M!?nZb+P2Qs&b9k<>?1m$4-^!bg5+8F=->(>wvMBuPKX6Bqy>)kn*Qc|5Ec+5z| zbL-=>twc1{*zr+n2%-0paxA5ylq9n`XHLn?<{TnIWXwFrP}NVbS2GI00g=P&3hzs; z%?A;dbxAMR%eVJiN&!RqZC&=`@FHKoy>DyA@~5`;`_~Wg{Bm9UP>@xZC50G>Xg}(* zq&YRmpi090{o}qZnVmDT)~6%dmW(tpjL3lPGb7jomXt8t$SIl{oWZ5FF?Csz5$#7w zIX;f!oEuYX@1-`7rr^rBysrDBJnqMOSsXh+LZ?nOGT1Sh=RAXc=hS6Qgv1jvGpnVM zqp2EFm{WTjJ_v}7WCr~F<5u9N^})|EzWsUwy$*IdA`<45gLAIjYi~0IL1;!=LU~lI z#elv=eeYxFW&EH|rZx83x9hULtZ$z$j;I|YrZBs%mkec^c)wgy-cmioYd@=G&t|6>gU&Gzk3P%2TwXVwvzMN?JW3Ck08K5oWBau3-}m*J zk+U?NcOcaN(Je7t>;5tOmEvPBfGMKZubbZi{;!Ufd{YGc~^B}PP zi+rt?Y>%UO`bD_OYd^m|_Z1BDo%p%oR7#EPh~Rd)#px--9G=`l*8>W8Zn{aYkH~3& z%{kF9u!_S%S9{aB%tvrd=hZhx@n6Xt$!d9pejAd)(sgeJ?!Tk&pnjI1F&3#)K&Y|F zNEgz+bLi|KDIx9|@KX{NE7tp5DFtkI>)|99)Lz)Ehn{=r=Y9{rpm|vVR0(+;)7Z|c z+9U3OnJod&Cv5*pZ{8`3SFZpm_+>Uhe#%m_8^PC_?{CqA>RH0LyzC z$?PgEt}Qn4!{3pwT_IfyQxWn|Ri&K?we-hmDkX1dvGh!e^cw4S54Lq{yKhlF5aLty zdSYaa?27TrL_buIY|ft6k4v-j%h3$_pk*{(l4DHk9NkMlMM&1rkLYz>#U+6^b(Yip zk3i&p&V0N(_^!Bj;j_Fm)}XZ&^7I9pU_mlv9(gTA=tDvoW3ojN<5Jguo9-%Gbg97r zFmKvpqmWF5>afI*#_KZ+jdT{Xh2JvU5j!aOT7{$*a~O>dj1S0jIiS zvMfAmx2yM4nO`qk;5vlXJO=Wqn%2`!*X|(Rx^gL%jYsjR#C=ZtLU=3}A5fX+DdIm~ zWd?6{l^C{XylLCM(fo7!>NIE3)EKZ2Ec&~`ch)&Uir)WJzU1oUu%%=x586n=W~VSA zvHnP5{*GAH+m+=1b8`g=NQ3J;Y@}PR8t6NixrGJPhgbOLCMbEL@aP3EPI*64S%Kpe|2lFM>1s}TMHet}|+cw@^=5Q0yEd8?yyNnO%$=FzL{HcbkWgCh=ZiqHPiHlR!ps7$8b5XrM$M<=z9l6kK)B* z+%3Ow`0TLa7Se7nVz&#Zs=Y3%*oD&sdxTfy`=58 z#OZb7`o)DnD?;a_C3$j|{D;dQR9#Khw-m21@J(mma^Lb&OFnaR9U!~^S=Fc4lWNR~ zCr{jitTc}bpQG;CXzabPAH%kbkU8?mgbM&}?=rPX&}; ztIbV6Zj{UjtUk=_sc<&ce}GN%F0CQBN2FC8p{P%bItMF0c0snkr2+7@aG zdUd)<^@T;s-Y2zBODoS`Fn!y39VF{S)YzHHo4LE){w`Ulx9?LuwXIX@mu`DqeLf!O zI7zS-M6KnRpAj>)i1%8>{a1~iPaQU%^tTyp{=AIg)7gYp&AfNE7%~q0eWv2ny*fp* zGTOaZ`0?#zc>R6ivYb$9_0_@2lawyJiPiq4gUBJ|MIEXOA;nLJr?dwcR@W#Lg{t_$ z=)`72q{vUa>nNIi|$wU3Q4Z!sQCrMjAhxG?cVf zaYnvvEluG5#ILFJMnbimjnQp7fSKPz=K&^jF_(U@$g2{ipnAmMigf-fQxY?`KG=TT-ftBZ6;wX8hJt z3mjh=&Tf-^mpBRXj!IBhNfQcw>%I3`$5N2Tx6Kgp3%I4nJo-uNu1)YBE@^XkXzBrJ z4Z%0d;(xKvlLZ!@bz=do$T6gjapiBje>PBo7@cvnvP$KR+2AV*PMwi|y)7urM@q21 z(f4w4|0|T$@=Wq;-N-@=@k|Z2DD${iWcI8pkXi31H{U0-@Tm%eMQxVR57^;~j=N(hjZZ5EyAi%|IUg>ADd5F zjBnMaQkN(6ej-Y6-_B0ZhkMlQK1RqykQv_^uD3)ws%7LDnA1Gb;_dl{Ogo+f^WeiY zr1CN@uo!1IKi!$&4k=c~v$@RmNaz!-wVBRN)m6zC_KBaK75A4Y$=?O0>1;nVhaQw6 zOKvq9jtutz|&>|n{Nng_TN`ZzAL!~Op9b&+;1jr4S=4P~2z(vvocObkJ; z!(kasdHxIiMphQE)4Ktfzdyk?I@HXvsFLW>YtoVH$Z!Tnc<78cr&z$u)6+`3I{(_%^J!h1!b? z%c@x^m6=;=XW+=dQpVSRxIw?gJ527__&+c~j*Vez+$9QTfI2&&R{Kz?9fj$wpZ?b{ z_#dXjpC*ac8Nold^O_pR#-uWrLe)G-Leby14;#w19Gty@nrP^bPKl_i9v5uTCBszE zdnSlz?VsAIx$^9kA)~5@bkF+(P4p*=@*diXCT+FIrgtBSl&l{E;|KO4q zyqN1#3^y>!TfR-1hmO}MniFd>3*OHdpu~G2jpUR2uFY$sfeYbd5G{8*Aj5$6oY^pv zD+*2>;exQq%}QWz6MYK99rR2Eo^5)CR(HL!c@7Lwb?s#n;m;E1uF^(r|D>+JI8u)T zdWRF-jd*=qE!S2YzHHZepH$fievm4u{g;Mvqb9J+u2xYypZ+N(q>NSB5Rw-fB-Cug z5`Kwve#$Si{*2se46SdQ(YB_f6Yz#Q+i>)VCph}~mU|^} zblY=9M*n#rY5dckBfk{Q+)#uiBtE0g6JT-`<*|!bc>h@Xrh$PLKqi*+!E0@tLe5%R zk!Ub29zwy(^&c4{{|iPGlNh(-*tV=$PkDr)<<$7+n8 z7Y=WTHr*toVcz&a?ac4^9&_%z#{;a~ zK{TwtS)2bu#ZG!qj2V5_4`2H(#MGDrKXex81SrL(X8FetzRSdyDK4*1WslXpyrnYE z&!5xJBowZJIu6*`p+Z^}`w` zo!?s=J6u2HHVGFKYa0mK4oTOEiCuIFA4Es8{HpaRE$u)S8EqG2DByL)FIUEKq<|;e zv)ew%+uSc?tKMkCOn1!&WYf5E>AXEAWIDq5LzhL~<1(-8rL&17D30Rp z-j7<)-BVZL9~4A-Qe$asG&bH=8B%TNs^w9&N_EEn@3WZ&eSYZ!=BpJ99I2j1j(#`r zBkr}V3s<7qo=6i6ytT@1ocrk>=H~91GK}ftBOe1k@MsF_s+=N3)wLT*tanf#%WY`i zg&34s=nlMQ?31Q~VDR?Jy8~{AF+7)P7*{tQEnf8eEHy1l#}YBeZA!rGlp;&q zd)I3K)vpMSU0t~rp+(jSIXoAqp(ybz_~LQX`LJ5mV3BLdA@J&egAqRm)Vb+JaKG4F z6=`SfYaTdK?B3k9wG+uvdhz1&RPB5agm3@AHaCGwToM8MAy;=VDEz-{NqkmE3ez)^ zhJdrE?7ut}*&;w-mKJpkj#&#(NmVQ# zD3cu`Y1M)4nqyT~!i_Sy*4^=?ph^%3iA**d2M1p4?VT>2)@|Z-TKX87l-ty;)ym?Y7CZ&0}KL^%9w#7)Z1BI z#hL#wJ>Xo%15q~aP6=oC$NpX71#^!(Fh|0Zp-rmEy)<+2P&^Vxa!*vd_*YauJEO@| zMgo5DaSrNz&~fY)bUys*ib?niPR)lXuE{kG?vChdLBXlr0dH>EoR7rc+{3^PZ_MCX zPtgVmI_{b7Wo4hHRjgdSwW8U%U0>QgERqCEfoZmzn!-K?&WzDWB!$Jk$9P3OrH_R( z?cWGyTq@oHEVS!^Xr++Wz=h8}G91SGF8orj*HVWX9u$nZza(9#N4~w@0ye1}3);@X zob4@*g0^*%#BH;vR07;_W52!y7~L-*a^mR0w}V;j`twVXiGQswz>Xe-qA5?I1xYM>WR7KwtYLS-G zav$cZJ-cOmo2`t_&42ZbyK6eKun+<(1Gc3LMKLc zxpSU%j*@$~Sg7sI)#ZzF#&g}eD2s8Olx6{1VT&5?=Uq>UIKyUy79OY@!3&o z#Y6ajZMv0mUk(K~WRe$nO?A)gsQSY7JziNIm@Tb3fb`|ZJ*L(Dl zHMKWPUo^+GvJZJ9@$>AKtFRgy_C8?mgm9o}W8;G|IihYPK{jqnCFeCyv}*6PzEo{% zM99uUVx;}|=g$`Hq^`AaeRCyZknxm}PZ5jJ8mC{6iP85OGMQH?-z9>Q&zm>K4WvTq zm+PYaHv)} z)LS91Gh-00E;wH{hDQi`-8Rs{R4vK(59w^-!JL-;PV#dGIG7;b+##z>I1|q2ilV$) zs;>n-H5?B6n3s!~>FQ&UU9LXp^`^{Npevn1m>8AnYa1a{p({0Cy(a8cY1jI|hf6(2 zdrPUcg(^)SFvhx=Gd6$}{u#_}3)pk1^!H2L) zbZ+8hEqbCF<0QS%z8LRp?_%Tx>q6e{2vexCgQw`$GHo;~jTt+dIe6M3?13C!bhIxdEa) ze9(FfJihT!Y7`W*Lm$V`1)XI#2_GhmWJpB#@!KS>=&4#t3rPjV zq}k+|GMO#T$fiL1S>N|M1;sNbCw`QA;ucOXAzZF0ApTaAwI3`fOna_)({1zP%b3N% z5U}5ydngEK+R#}(3#WS!5ntOlGL+Af>DxYc^PSd8A`*+pgy?KzlO`-Vq{?piv?kxI zf@thGPZq72ar7VhH0K%G_`NCn4)+*oL6WeFf>K{gUp37dtfNd`l~09`&o^>6X=y(% z>}2oi;=-+Okg>l+JQm`cdUkmB2mjr}ZS$f(?0l)|%JXXf>a^(!2yRE=b4|J6-wgCY zZ7ZXkR$}r$w|}w>;iYu~lJsGQdt^R*;@1q>wilNRAo)sGN2XB_$izO3`SEvddIPlP z0*~ct(Jwd;*#4ilTkkZIEfqb%Qu{2ZD*57K>K{&*6(&iF{EtRdK6D8nyIkyQ`_tY6 z=1O)+H``XL6oyjG1mgSzVy0@(DkRSETTt8B+etq6UIeKtE9NJ+>3}NhI+h$KwrMIF zed49mUL}2nSXx3u%;FPcII@?QvNH`JTcbL&-SzkRWqv!oZ{#3G@AG`BD=T1lw*zKZ zF4}M^&8%jgrcMIEje@^n?pC_FOaJ7AZbFS>YN$0EJ}D8;>r_Ke&uf4;uR{$fpTWQ6 zdvQyvN$> zM&akY)M$10wMy^VXcN*G0K*6k*6}c_O;C>IRAU>ooGTSfq~?4#S1V6aa$QAEH!Lj_ z_Zi>6IIRGuGn(La9EiZ6lcQp@C3U z2sa2CQg;rr(E9_@yvLE*{PZjVj%-iiu2NdE0quF}^jPijW$7R>%Jno|{dNMU$@3TM z3wt&3x3vtv@AMQgUf&wTw>bnC`(IwX`gJH1yw@Z0TcIILjsMsS8N{pf2h>vVu@Hox zp$ihV+3R6XZ3>$OX%rFzj)iu5bix9r+RngVRjya6bGo^TUJMvprorp@i?Y__%zgXj zDPLH;F=Q86-1+@2u7c0ugWo|q$J{*nkrHet6LgonD;aupO-1YiF@@3ZTQY#OEGhze zr@Q*p3YK7Jqyb53k*1A$_o~Psq!LxGCy>2=~zpi4S`}M(vP>DxzQl+vEP& zG{F0GUIE_&R6}Q-@+Oxz_IJG&Mc4-yF5dLHOWk+48PEfrlm1abK$SmaRq5b@Al6h; z*c}q*tnR|@p%l(^-E6&pO^|`yBn6_&4nKc*(Y*&s%Y9Awjwq@-7QJ?}24BcQH6r!F z&N=p!qIVE%nc)+*p)T()W!kTJ8&f6T?i+tiU>3S3JAIKz8+FUVpQ+uKqG?RFWP#dw zZRB~w(_#Yez@_4Ozgoo0`#Gv#vW#N%@j4a+t~9BFDKmyfTv<;BzX%IB+P~0_=k=2N zvP6KC!VRgtdJfy%mw3G$Wz)qmH^^ZS7|FcNexBp4l+vL!Nul!9==fM{YMm0=#c~4Z z{+U^OIQ*1=$HlIYf(|3%bA;Icp;fH^x-P25h3mc~o1U)W`g@Jfnu&+w-yXR2xly{a z=qsq?9~K9*XJMYSeLElcVi<>!_nQwmxF&cj1uR%y`5_5}&Jy5m?g?vmR(kKd;BwX8 zwSn6R@><-g<^7Fki2R;u>1vsll>~Vf3)VqSJ4f}h4PF*Q4U=yQjQB0`!)43`-%j_G zJbnHkE=0G5Z4*V=-%OTk>PN{(n8-wyu}t2SSU&2;OncH3;d!EP@o%i{IQ}IJjzx^ zP&v~wjZ?Mj^-{QD`6-rwlX>C+OT19vpEo6N(L~fmVIG7U8NLH5fT*Gl3?-@yO zMLMx>BbQOHfcbgD>X}M+UTzZ_4dkUW}o)`T&<@f5jOOxWJu zpl4$DHVeEhl~(NcvX-Xh!1t(@u>R`mJTC0wY&K|{gslPreiGILw>%9;eJr5s&=s?a zZQxtHoSwn@-csHS0t4o8?~otSA?YDWGHYU_?p}WZ-k)`}rcpgXP3A;;XHi?~@IYxH z**osB8%~6YQJuk0eA&|Sz@_8j9+3&z;BS0M9}oTL|1CTZBEzTtjO;kgi&`4MH!zC8 zM*lEm4lj^2->+Jc&+!C2zby9jOyznZxbUg>Nn;0jrAnqjur%->rKawe!-0y+J3)_; zf7s%+tm}&bWKW#w^YbHp2OJWjeg7q8REK)sdmIlN>}cT212>xtxzR*=Z^q!JWO{-E zh4*zEvuaX_Yk?fhBjo(x$Ye^a`kxE*?PN`c{M9Cz6B$Q7ai_Mo#bal560Q}YocQ`t zUN19QThXSY%i>2Lfly%~*O1R#0}K2VG^a-L`+^%>M`LM5f9$o3!`bNk!ZyTX<%=$g z=L<$-PltlQA0(IYHh@9QWZ>0FQ9rO&$7oedz5sDFlDLd%-M|6-xiEL29n>dtrix1# zxTHU7wPFG1|4r!n?Zi;vjfm*w53nAyc8h}? zPv^03qSzzV1xkncv*|)65P|FAzoLrO7hN}T$c5r-DM>Hvj{-~<3zfXzd{pudh?n*T z=xkO~aXod|u=W(X+w_&8$!lV$XFX8=HFtf4T!%Oq3fqVTZpZmY&~YLda!xPLRLhMU z-)^kgJhs-I0qYxZxm(XXZe7Sq>Hdtw1S+KXx1Ays7f z&*Gb3t?s(4Ccj-<2f54i9d52YyvzM^N4YkI{!k@FeM6ykwjn93!5E`*E8 z7RU=m8^qZsaHefLhAX9;G~0MtaOC`O)Y7i5+H6Stq~&+!7uP+1bhtIXNy75p7*Bhy zt(#hd@QXo=WvawwTlVsePh4PM=RN1l(ON_=%jF3Rt97*XAas2NiD{S=p)L-#po#69 z?-=VoXe6T>;UhellHs@kt1#NyYC@))xUZ3U0ak9;JALgjS(No7QCs9v@d@U@CvI(r z+`s8tM3U(U-*3xd>aK)G30`pqc9kdzMXGhi2z$Pg?A=;8izqcHI$3=6>$Mj3D`m#a zAezs!2TXL*B6dh{w2$`%v1BNMszv)h)1ZqJCA$-qT-~{&FkDyA}n2f#x(JV1Y_@>9T~9mzrM` zZ)pgTwQ~ufe((2qWDF6r;{D_aWq(Nk1DBvsd^_DI(c_4T0MtiEeFLd6~X6hOBaaa?MM^AC#w$A8eqJSed+kDn$=}_pOjdt7A%|x{*X(=F(qvb5!q*aSOv7x~Gic z&3~;Y>`fQz?j!LQj}iI5rJ0^pqg$P`GorUnc7Le7eMkkwSy?#o>%Lxaz4QFlROD zvqV0*!*np|^kLpHY<4)K2a8l7VtVB9G=rrdr+64^u}kt`7({4APix2i{@cENB?(0LmwVz$(i~D}UUR2!``it*g}I-v^=_>b zSibVwUq{b2HmRLrP~;n2G==4BF3??2rDf21NEf-^{?b3yNvp0#z{cY&#pGEfI+9+9 zgY)O#71hKM_e4l+>ie+_`D^dLZ<{A6vHG?w$iTpa^1ga>6yy(InXfLU-1E*NK|JmZ ze=QVFZ_`*cNk!R+Q*j(y>x@6Y(!yDxg!EDi#PjnX$_ibirewX8#|^9ZZ%{C9TwRI3 zYlrkM7`}Bh*N%orc&7h<7C>1~7MHN`8x*)?%K7Zg+f;4yddxoWL*i;oJ1FT0(nkLx zI*Vrele~s-0*O6xrD{-=TBF|}M!%#;quh&&l7oe-(m6#4ZUaBr zUfsSgINlpP@xglRDvUs&j-@GiBD{8Jn7!*OK~Eb(Bgo^P%3k@w9SOq<}MLhC4*r3aW*d7{>tE%02pznz%r5bcy=kU= z$z(;xFfIJ_S0{rq%=~3JWA4eszv)APlg9SI14o06Y4qt)&vKOd>@0qyM4V2rb#`n@ zxbWin6Nz%PGbY7CY~)$js@X1Ie7#sn|Fb*h5A5C?#sQ?S;)*8db_Y?AObHZZ-Pme< zA@PHH*wV+cypX%c7H8CFCrO`PT?}!{{DIuy9!>VW(f&lh#)!m|g{eF0>jVFj z)j0`($A#zidlX=~VOY`L4?V&JNhTx{KPZ(G@o z6@Jbk$%-)^DYc9X1Ls8r7uD#Bc;iLm#Lpdxr0fjO$a=*aPO(p4lv8 zTxnIhHoZ0q$X}#Bh?7fF%o)bL8Tx3CaJ5dV6a-qLLW9$5o2;FNlOvD1kb%6(FS0D_ z|C4FBZ1^|#EF@H*=wuEZaAmkBo@akF80nE36T&+8V9Y?FlIBkyxw^m9U~8-a zbClvZe^3pUmzoIZGLR9J_eO5#opJ3iZN@Y!2@A?l@0AhWXKe#XepNHE%r7Ogm^dZ$ z+;%4J?Czyn0D8bFIWKd*QxgGGa;7l~2aSq+cg z-?jpR3unVZ!h-6fSrK*V30XeWGatAQlS5ZWMy020=fO^i*YblE{~N=^*HwGKW*8+u z_c&^*ya7VHT-3U!dVDR0`cY(N>Bur}j=XC;@*06G29ppP3H<;7wT}<*8*s~ z4tc$PPq2){8JS%@7D*DPrJsL1ZRS>nDj_$alEgQ3S{ziP=K!;w_!Ze$e!=RR6-|A% zm2aGs+yYj%bN3ytcTvQdGB zP1o>R2>$`oi>A+j#{g~t9OnDFTvUWsBQPX=h^I8H&5k{%;c94Y(1f|nPwwh$)BkLV zCttME(ZGeFZ+Br|{f3uHsXutjaU#`d%2VX?cYbs%H^5{uW)%0xSEK*7vnv^}824jf z1wKa^=vNh?mAY5_>$xQ_Dcn|4 zPLCDk3b*vb2a|!TNM7aZpj?>a1|4Fh#3govYsxZRQR!x>+uf+J@LaZ@aef=87Z>}mm()j&?1>6T!N6cXR~~q0rtl1Sd+64`+juiZDFMlAv)QbVN8g}< zBp$+>=?_}3>&?xL-w7?OUjD#_=9J=Y-12*b)L|r_?HY!8KvYl9r0csbVK;h*!t*M^VW0fIx-<1jx86Mp#)yh{! zX8gHuR@sTyIESz6L3fIsKiMZ3s3%*iWvfHjL<+ypu6yf&0)g#`d+Z^s<{E#)n%+0m zf(kk4-nx9j@m(yr(|CN|kY7&DL}*5h%=v?qLpBRxT7nveJsBAItM8etn!PPKfnK^X z6J1%lQNMu-K4D1F4TB@5HxM(w`M)SNH7HZ*soCpF#5?g0uE~-o?D9~Z06kOD^QB`6 zeq}6(;)aN13;5SnFecVEzaRK^ysmb=yA5xn!L%^){02}}{jm8fNx{M}1lR{; zLx)N{r82$AbzTmtUjLConCo+W^HH!UsJ_UCZ9b;FX;$E&tpA3Hw1=B-8y6a##Jhh+ zUI^@YY;JXD#}2}x?dHD7iC*yxyAoiYPPcL8ZBF2*9*nQ=FL3~(q5yw^I(gWtvA}+} zX@mFt_|V|4PSVgR7jK$bKBU9g(&aDu8_1%r}q=Q zQ#@Fg^=@CL8Suv4YeZ+C#}}^Jhcg~wD)T(^?5*r`Ebk2HC!`3N3^8)s$&R1UtqVpE zIS(^qx%8i)8Gooe#&`817Lejdh578j)x6nl|NC~$xU1liAz_SUaq{_5 z13B`Sp|R)aDG>La)_N^m)$KnZ&c7t+uiAA>2g90i5XRveCy$pvfW2!$Tw_QuiA!QM9A0AeQtKwH zjdK|I)(;@Wf3)7?$=k4wGRM~|+V0QoCJ6Ge(# zl$J|0R-uSD>m0}K^5(;sd9*BXvC;a~LlGf7qK~R`DT~kvp|9B40m_15a`{|U%5R?+ z&oIiOAa+>e7;wxdCBJ!Z2x0gP8@n(-PCR0#5tuAR1fv5IeAT9`{+qUus=m881%vwLO?se*e*qhCQ;**OK?mqnJ%zQ1s5)W&Thal5pGXUx2}YT^nX?(CmG@TGMPW6AtOv!_^N*U z*dR#jr&v&oiHp#_crTz!c!M&9zq^Ng1hnY0|kmm8)dFbwQVc{RHvg;bqBpw7QZ!QQsnaANjkgkRYTjs71E|RBJY~|*>dDxur5vJQ z(jdH&VokQqC*p$6r*m`z%yL+DcD%bP?`MMm;xoUsdW@`Xuvw{tM->QiuxSU^3mWDT z_@e$O-o>le?x5b9J>k0S2UCJuE)^C)r9=N04BN-~0WXN8xY8p9t5sbEe|`t7FYxzK zg>BzUzEL_hFL6;7jbsUx(aOukH|lJp_c=@*H**5-sk+B01isy9`&scH@oyzu@t@eo zf_Jxp)LY04uLlP9g68*wBDgC6Wuy|#+Vxf~f!OC(h->}k-E2)~4Bb_%jz1r0JvaER z7t{9Hw}+gWzYBYw^K6{bpW?$qL94*K!>g(_wZJS%Un| zpT_2p|2-;Kq+6aURk=fWzKYf`flc1(XjyAu)$V=5#U_R)KV1jzG$4xl=JYW_S+xze zjQg#jJsKYVw%@15hIU4s=zs8t8vl_aCDdp8Vts09_lL4yudI#I zM2BVak6ie!(0!el$hStC!FVo?Zjkv0XeoDiaA`&+8M?vF@v`PH@b9nYCw{OGI}M8$ zUcqNeflaqZCoDb72$pAD&|Z+v=7pCTY^`+h_!l9QFdF|_%D~3dW~k?^=5<#P>EcXO z`CGN>Q6!3@=N7R5HCR;fy?(g5xX=i5emWa^tyom@6M-%N>bU3jEs>v{&mDT7ShhzLD6TJUfX*V%5@Sq-tC89Q{;%Uo=G zGCFg2*{|+so;`TaC5hN(PzH?Zot%OF$3RXg7N9l$-qDxKf$5^(HqLf?TP&M}|K^@O z4~n?Qz(ZTSf>8tv^klfYi_`R;&n?u?qQVC#h#lyrUpQohX!p0w&4tT1eWPQh`daBG zl<)lv9rHPb*i!|pTds>A+rpr(J41LT8?DbM@p*fuK{~-LY|yUJ=W4&dHDf<-*Z(Df zi5$xgHlNAG^9Q}v^03RJ%hP}`R*-V*uqP~;h0XX5RIQtomsci)|5ynZ+}aMinhCr* zoSGtT{&-NNd)woE_y|)4WO*}`MZkYsP0f=Gk-Aqc367cjm&uxftr8Kn4Kp!((*_fwg4yamm|a3-!16fcr=8j$^K?E9e+og%RR_IVp6| z&wROenOKrga6TfNZkwI&mVG@Bth+1`rjh@F1+a)xT6h~eBMJA7&3uejXGc2UMlK`bZ#3$b!C$Dvib^kNJ}mxrFNXu>~rW5KX3H*~T1X6jgGKhDagbHA94H&vhy89`6L_H0a6G_lCS*wk7ejyI%gckgmYKM#5UL7n}u zzWo{X$V3KjEy=hSp7R!efdHddG4SwkA7&a=VNm6|-~XmD6vym9aeh9sQ!~$>#dorG zd}9a1rWcLqq>OxF50=_=TX7a8O;Qo=wm@?_waN}yLv(X{hq9gWUNkCtiFp9JX#~yG zNI)_oz*6V|^d5zK?{e64;El_ss?USkmXUBLoquU0@#DE&*{*uB z0_Iiz;(66%mSQ=>H5v$weQCj?;0? zvOUZ`+ui=rVp^@sLSh<9;LPs;t(tLj-EGTVo%3@kfmAj&#zv>t*1MkJzIItGR*)&* z4~8acaYnuxi{=av-3nEkHhsPq?K^qmXI9KUMO=b4yWZxs?;*bV; zKInA+V%$oVN7-g<{7kFuD;$Y=2VNNfkKieG$vMZy0vly+16E#mA_IVf)(#ZYcvrN- zBmS?;!9zhU^)?ad{Y~Pp*;0wCf<){3l@MPix z`&a#WzySuwENEFSO3g97GpN0tRu~&Tpw!_aE?6A!UARSj(iJ66VG{XESEZX>Y1TyM zGlRN*k#;~*b88|*<3K<+(I&DATR_&eoll8eaOZ7kV*SfoFqukp>*oFs{%;?+RbGiQ zy}ujCvdbQs2mvVfwvX=~I^NtiO(<-bWx)jXeoIfNX#vyGDOB`Yx+ojIhe3|fREtc& zu$lNr!j(5mzPia(d&|KjgLvHwMLM{o&w%b@Lr`YtG=5oud>i~K%Tc~-j|lW@xZVxn z95~tG@ZE;p%I8032{9@cD!axaniBu^^Rw&!x;sLnVj7S5G>f@>jMcarm+8(dwEYsCd@xtg}d?~e%Lp3+AH^2BKFG7E;gw9UmU zcF=zoNER*_A=R$?{!t4JodMEOu(TM^r`qd^zn)62=|5 zLuW2;2$pv^@M6^Wu!{Cu&<+vxCKp37vUnRx&f@G`Ln(dSefjDZP=)E&*6Q6hujwON zg~uUgY%T?Ec@93)YrBA(_7mJ$CPDaW7xo(X$oXHWv;LGUuxwkeVO zlIoYu*sIyuEAl#GNLT-pTX{d8p_v3sVSmK^QC`O(Y7oe_VdCAxS68P&WfC24eyT~= z1XLtOuO_~6@|y|z`p{H=Wi_5&pd}IaWdXz9N`4k!U0&dqD!{Pw9rDh`md+qYyXIgJ z@pylKD;kfPssZS<)QM@KgeyR?rAu5oKppoo-@BG@6LWlYsG+$gE14zYwXHd7&*V;K zRleqfGFwyWYP*Gmw-8QWcncSvEv!H#t@t=%C8!)SdYiM1N1t0FT5=sg2g5`W=s;2T z1{DW=@WUtW7HI-N;~TxoqAH^u15(P0HRIKC-%)wLHQw60pE5n#QG@Q``ngnFWNXw=w2ds|TxjEG zne(U8eYoj;b>gh!?n`cCqsy8K(dXx$SJO|Pdd{@{zHw+C^!)_+)Gr^B{pmi&KWQ%O=x16P zLAb`RFdt^Os9DMT%405|(?$vZq&Ejf@<71(`p1KFKubm=`2Uk7mdh00>U2@tULW+PL_C@7t)K#zy!b zfL!tN5g|f>6kK;Y(8nHQxCFH{uT>Yy4kId#x3-smUR%ha`aUULn>Rp@-sKM%sSuNM8>nTu38JkNGjKORb`rCjQOtX7v{g6#B=62z zszm5S%FTQ9RxsS5FCDHep+fn?W08k=5{8`D3x#gDH}39qhDVJAycO}}a&m-wcu z!`fG`Ec{odCF>83Cs&{&W80{O{m`nxpgU?|)5gJ}S9s#)kuC_mmMSFt({=3hb%^42 zV%Zakf|s)dM}x4-T?>QE*{ieiLWL=ZkMW=MC(bN^pFui+J+oBO`5^Zb5~ zL&9ITLBSEkO-xw-#Y~PTLZA4Q{l~UskHM+A>+7ZJDd2rDUK0UiPPFwJc7%is^#`4% zO3D(N)$CsK*gaN9#-SD!?!0XlnEq%FYp(vGT|0j&t)8kK*2E}Fs>-t%r81DMw^I@9?E(t#!qK^HY{*IKXGFT-5t2$#+)iz-@!RXkw(}~c`mIX^ zx$CILJl>JdFiWrHIoP1)0@T+w*-@jJ4J*Y{TP`jIQkgT41iQ2oy=Q$qRdo9eyW=V; zeJ&kZ8uDCxPhZv6(SA*dN@5bG5)lZZN??FezLE1ih1PG4y0`|_KtDefQYzB&x@sAK z;>P{7;d&eBb(61;V-b(vq^Ak4{hbZnNt>oKl$Xh7z%`^MC4-#SbC(P|iYBi@rQ$gz zWcF#7sR)x53JenYu?f%@_skxXL~G_$8g~K-!!vcO`t7a)zKNOoejlixYRkR9gD>2F z3d1)8emhkBS)V|o5oUFaVFD{B$zUpRapO2hhGFAWGvD!qzjoQ1FHGn&Y+ioA&6*5G zqBcO{pn9Qyc25L+i4|ZeVWpfxFMWy8i%P3%Yrj5x$Bt>q&6>5I99zZAX%XJA5})1R z!a4G++X3!~Y{+BIAc~eD!@QjKcb_xiGm;hLlrkyMS?#C}7XZ)11PdHW4WqUykE4OE zy_4hmPd1uA^bJC!O)<-sH9MB9vq%+Yy~p!y#H&q)_v7UE-9gd= zd?h|wJX*T7E#;!)c3V?2_sbuXXHWNEIrSOJ!Fs4(-~}gA6BQgeb^0eQF73c@j{lJ* z1n%Sb^oMI}8OWhu6>a#;j~@kXj?9cGr@0gUe-V<;*vm$RJ~51v9TDv9f8 z%UNB$exTKI!tj{GKFI803_wYyJB@$)UGA|pmke$5e;Qvig0xbmCGACe8D8Po&tzVZ z`!jNr8uLn$dBdo;|EkldTh6ojvYuB0C>v4SyK(cMG)jX;i9m~XG_*JeetYfz00Y4Q z>oT~DtNgo=#;1UHHF*JgYL3`D5=>@d)Wi~Yw1;A$?%!9NKUMq@URtr{57QeIo&r{G z8-yG`^v4aC~U!v-*{bw;wAVX7MPw-}=Qp3I-jO4T&ikW4I1{^PqU~ z8$lxj5HX8Ejl7OYo-7_4a7t|a{yU~ps>{Ii+S>$1&knIW#9Q7P)(A|>Df@LuI7kOJ!WrQ0hC$rvuHr`D1Y|4iElq5mvd{#36u z_h1EHshX;R845-1>%OxXN2L+4E;?wZwe($#L*yW(0gb{f3D_v)=;KF<0`FfRPivDB z%BY42Cn!bH;?j`lSX6)sdv`=xEqocM@xOY+8pMwL&b7b>u0LG!t2+ zVa@p>U&DxF#R_?Hy3Tg^u^8CteAK&U<~h5}^#}ecdZI!XX=Jqfq?qv+#=5~8y5E5hNQ7tD1u8@yMxrK}J4E7pdjRAfSEfl&-=DG=s zS#h_D*+we-68{-;2Q()GvA|wh0R&jxu(#(&D=WVi&Mxa)@0u0*g2%6JirrIYroEq( zu}{QYGMAk~ifF>pM$CW0IAMA}XqzdA(h^7OrW_i9-v6)v(IqFAeFaS=UiB4jhdc-SeL(M3-Y(w3)yW+99G~&QzLll^Q=1G_YX*w z&261l*Ptt=h+m(r9Ctn)K`gaGIvy_e9fz&@N$ zvYqq3y8dF@jOkAvq_tt_(meL;~2_QP`=>$w8H;h^u)=)qmnghU*437;eRrU^~-HX_LEU zdA0R4a@#pmts|v?oGt;}Rf&1GVmGl!fdmBhuMkdMqr3gA-&!TbTur0;`@cBz(0kaX z!jya(u^uM_rMEii!h??xlJvA1h0i40t4YC?J{Y-d8eri1P5)lpC+Jrc_7a5NN1wYS~-y?F+H_E-?7X$ zz$kPiDss_qJ->~hg{VK_u-G(ts%2{QUu@3XfvK~TMu8FVggTOGDt-pv`ZW&^Q?$N< zs5-1;Z;ub^OWFS{|(CDkQMaK`tK>4YW2B|Cv63(MX4 zrsnm&cYlLu9f6VY1}@WI7wDZ#Z;>hW{L{7-p%w*+6FR!uiJ&U4cZ3?l*k?8+!zxu`= z)`r9cW!k;xnSW~-Kczzi9DOq`&%65TunEN{d4)MSNNm*6Zt!fqcKL~Ao#G)LNmhC+ zoa^RG5{w^>U3@KWqQoo}6b#iVtG(SpJ&>F~^I1UN?Ss*eZ1OwbSfWo%;&G@e+S`wPqrqxBPhW`A7 zGr2nMY;b=-W=9%66V)PJuX*kyleET(lD@KEpB4~QBE64N)G8c5&7K_JTKsfDw#|BT zJ}YpVCyjBRIc+)}wfN^hcw*@5q+xryqza4(YG+`H8?tAJ_wFVyj42+q8YPyU(q6+v zYTrmATHJEZf=aFHP80wo$Xc}>Gf26(%nG1b?Wp5_jB8J(!@PdF8|pfV5EwQqOa~{y z2_yr{?&&E>sw|6vApny7xxK}aA#3T*%%y|H-T9IFmV6Iw81Oyz(E?8L1Pr!0z!^^- zgMC!A?{}YWdkq270p^AqgzZMs0WPivN4y6Pvy+%A4DGs!>71URy__r)ZVu?d7;2Gm z7tA3-8m$w}wacLA?67@X5zP3%zbBI|8e~gVASXE=Etfa!etLcc2Jx`vy#)o7By3f* z$8zd903Nq4pY=P#jsTe|^E7c2*|;Ja%aQ00(vcFq z@$4njK&7|lquj5F*)2OD3kQ)9Hq_1HjrRjj;8FGtXxw9ja4-~6HL24HsuPdRs4rZN zmk9UzKicS|{053+SD6%wUrGxYxw=FO5F*@{)&GgR z`fVfLiy0Ml3~hvuqm$^ObOxF|SPseK6@vC#?q!PGuV=>nMwY9N&v*?9x%OFvRp(C# zW7i~u?}m}h{HDQGM?wgP^_}YR(Zh^IdWOA3g#Vltna|MT>@;2NsCRbmpN9ny$@ND( zm>Vy>O+yQ3(MC=r@7ImY@b6^2{-U@2=m~@a&l_qM;@mN(|2SCfHrz8Z5+R$hGohuG z9P{cSbEPy;JjsoqZ};+9#XmrfXTbaoH~#&z9RqJVOj#&>vshEfNQ#l1A%ub_VgV3M zbt&CuhNK&76{@Qi+UdjU6!il`#~f3 z!SDCa`~GTnb(Za+-vUjHA1l_E?C?g%H$wu*4+`rslf)_dxpa$Pcz_?^9r`qEG>^Af zwOVn#@ZoWeb*KOnzaYG&pWa{0T+WRem0$g{wNVz$xXe0T1%G`W3i!aIGy{&O`+Hp< zqOtr0pOp{wy2cZSXOP?@!*BY=k`OCske`f*)Pw*H+s7DLrRXuBqwZqK3r?c{{=h3V zMq1KusGHq-q2g?o+FV!%0Ut=S+v8PJD4H}<|L^=<_a3`w8z(jd;kVp3BC7sOl9pdo zqI=u!Eg_{0Q5G_) zG_4d0(^}36Wi=z}=F1zr70xyIt+na?d$CTZd5*Md^mNt8Oqj^%tbwG6UN$F{34x2K zx2b1KEhpTq448vWKZ(Gc6c=|H9s2|0l^xug-+VcXfCc37?K!Ms#|a2C9sfC^t)k&1 zam7Qy4omxVxPYi|&)d4~iP#?{Wi+a>Vddck!m0J!8qFzai0wgQ1Yhs0O*!`!M1Znh zO!+kCd?HUDJ{~^}!^9b~Vs+lgZN6LfoexOR2v#NCQk@xjp&Px-401nTM6mFbLuXKj zzp}{t+*}r2KJwIj=$17SliUdNotfS8)6?co{8U>k^+GpR2S=p@4aQcvbp~nnWyeHcU7PuZ6ZTi`@37zH$6f; zd6b+Y>LxJnv?ic4EWBYv1%He z1#c==wAtz{$4-KHG5x6t@oA2rTmw2|S@T|7ME`5w#D?2B^J6jHym%Oq6N6zNc_iif z+}Eyw9Vcjjgy@u~2xiB${G0UD7Mb9A5xT!{vSknqqh@}+E;$J9`9rI3zOe&S062X? z6|@IM%!Mvmh7+9X7dNvOAT;uK7mQk97XURJL%N|PHQobqQFeZzY7Ae9AZM}4IxPuj z^{9KOeu2!&fewreHgpw)gk~PJ8NZP1`HN6cpBjqI9DJ+i zT$(xq^tj9WnSUUE3H6V&G|Qc?NGQJp|8Tc**@CF?{**rz&%Hek4Y^$Wc47B`1_PcvLhmyhC*5je-$H?FqoOv3I<(7D$eb z3_6Czf08Pbc@f0;X7!Ve@Na?Eg?=Zv8AB6S+F+$-W>5@QYx)5q_L0bRnpdu@h#KzW z-m0k#E@FZVLv$+cNF@7D@PQAtabPp|z;{Qt6cipu|B7LA19jm~7G|+G0Pw@^mnABt zvuX-*+-x42DzF&@Fk!WK{kDPP1ZJyaodYb9$YMN;!Bu^S2<3gI=8T~pw6JsRVm#+s zwhHsT0uYg|A;J_c{|u5Y@uccxIo(eMd7O1=Svl&(uAU++g!`+7puIadj#cI^{Gu|9`dsAioLmJE{{-Sp4s!#h!m2ztoqTLe`vo# zU9`Z3ZL4~X&C@4A+7=nGcqvzB=AzFQe(kmd%4z})S!5?q)bKPOtMu4&&$T2)@9co<5$U*^cuTSvp=9mY}R+*@e1agje&z8PL4AVV3I}an5v9@`@ z!GzLKmGV=R7%im99!O)>rm@%B%#;TD@Ah@Sgts$Gq8OEB!lOl7UE_jFiMU^${kZ#=llVqJL>0R`1lr%1!bdHJ5itZWC7n?8%AVP_oAF%T_ zAP2~XU7m0l-Zy3B&hILOh%6Im*dTr)~{Oi4S){sWcRk}B<7&<+dt?kVQb^WGzlAfZcS z8C)t>@AR*BtE%_^)o}Es_%Nb74~Hqqt|zJyl>OB#0=;M;ioe$X;(2@-U-NcZ`A~l< z2fiHekKW;UI#IY|fYEqg>2#R&NK-cp2N5Bv$c5u3IjVkggnnR9WQV=$v(M|XGv4ys z$XvG9^nT;2{ve6(wQ;!l$LyJTX22o#4Q(9j7Q$}IGzj+kF*TYn6v)}&s#At!3Bz1& z+?q8vOa|y3toae{9jxF8HI>Q|u`*(}z}$Htb7jrJYBJMjK>LH>Dqm}h&4I%i&j7X5 zTRKfau8F+K+y43o{E6Tc^g5$oDNS&qpwhTW7%zX$b^6?py-RLnU+c}n9q~dAZRn*G z2W#?c^(jva5nlHZ(wtP$ncr$LkOmQSoVlg4XJ^XowT(jheDMmZ^%ueA&ybg5GEi;v zPc+uiVG|U;-_vmRJ0!tx^Nxtvd1Vbgdn|xXwjCUfA?Cv5tF=$y*UMgB3*FBPg#zHnLmJ7WMKFZ58MsE5%<&)RbT zeLA-+11>mlPJ0I&fiWDClt>ThS^b^SGu7(f z{E}{|%la-IOS)O4vScU|el$~_7Y5XJ|L!hT*@*SwpW?p07_VpI6VGgf6U`-Dl9GAM zmctu25pSh&vUCm-1cJ>nzHO$|?}`9uIH+LNGSRY9OU2%lDi2vwDmqTEy)z!`Rkq_} z770Nm8|erFF1r|Y;n})2QTc2Y6j*KlSKTjAdV0P4#qG^{78@+4Hxq7_%u)-rwh=zN z8tUK@yIAx%>m;ox1z#l3)(J`N+}z-^^Hth>B&!Fv!M*idWvxPo`{QG5hq4>;RJ>~6 z(0>rDF}{?fD^E$q6D44xTYI#bb=0%~Z;m+eV+lH6UBc|#S285x_7S=_^2NYo(U+|K zM{jjc@>c(>15e0^U|+y?7_FO}p13?ViG|mao%-NoX~4GGix>Xc5^rCAzA@atp%upG zE{QqD26=%aYa)`rP$=v+*2nI3=)`;LXdkzWSYf606b3`sgvDNF9(m9HCcAQaz#$GhmYv~}8R_|<&$iy&<2&T6 z#ztGh`ao)X?>|cFH}NP7!lxnybh1*R@n(%_I>zc0KKpPvOB>CiihPy|-x?*{rC2*bsDu z9(Y6Y(GvY!3{w8EthnIhXaG6nJVo>NMbm8!_TG1C@ z^vODZ(cA)rN6l5etL#lfCGEv(^Vp(!nZ8V9p38d@@^Aqh2g}uBfb+ojKHCE?2!`)f z+=&WQpcG9Fy4n5|tNx|8DmZX{g~@E=U}vMu23lczfN7!qL}|`hyIW)tKphtcP?pSh zq_!{pXFUrh>RQS~azq4*M0%_FaPvE`2TNB$>POwGy)vO$tY$p0fyEX&tMV-gaSI?l!0P@@1>4b{UtRu&J6wMtkzp9qHbaHDd07HvZYY6QcD9% zT)#j~XDv+UXZ>V;9cY;@ zzV#+YO-Ty3qhA^d7VLmXi3<2~(3xP8^s4MY`&`fN*aXPc{>X`xVpgAeJLP?&{q{lI zEeDnxUsM9v&?S0x$${cGI>p}crCN{(&msXvsEaY))Wq%(txw-%`2f*zl1I;NCuK)6 zn;k>ufqz1w$^3FKaJdKp?Yn{fC*XY#uH)o4u#H(`$2*F1JBY1e)h#__c^?!doNp~VQ&$4B-6C7G z@GDqH*0~6JJ`&C1Ur|tFE<-jxK=s5#ND_44=$T@A@a3V)SiqOEM1|{17AfuU%asWC zVi|YXG1$s?GmB2i>9XN9Zf*lMAjl=b@P0Dpt@?}bx7fx>;5C#I5M*|y{&Ee>wU+%f zlgY-116DlNAfw@Me6-LK)@gnOWJ3jbB#I``u`4U7V|>eMfplk7xE464R6$r)qi*i!o(fB?pI1pIhj?pWNKujQDgKPgo3} z@$j5^A_GO>16w#CCS2(E{c}C)er zwjE>ZDX}e&xQXnpPNCX+qGGy8I(&X%%rb)l#{C5eRzmY6XF1T*`C*p%NvOD-Vw! z>n9OJdS~<5TCv78@$Q&>oB*z7!q8`8tVu$3Rhq&@ge*D$^nLV7(I-b9LR%@X_?kRP z#_`n4wY}}$x{9kjk&TZ^t)VLj7U~sg9hR=;+)yB@6gxubtZzR=ULy=2=_K#wTPUqac%HjSy)$({pszjp3#Nj$Ebi3&XlC)+yCL0VU&>oj_I_ zo}qtxUELw|uVHO#mbLjyP^p#{HxY9F#zzx5iw{NH$OX$u5N>ji<0TE~yZQgRuOk1J z@qrw;eiU}NIqw9k!RH!gFD&IMR(>ga$zIzTs!G)I$hHux1z*Y>$;`hK_^YMI(O6@N zODlF#_GLcftf!iBvxNP6?VpisNEh~UHLN4}LFz_Wn4XHNcPxgN5D_+0{~4PoBfw4b z?)YM%DD}0BX^Gxz(%|R-58I>s+clQo6fdegc`w7AG( z;Ob4zeVM#@JM5dVJ`04DbCzxA4zms_~9^;9OB9Z7MtL>E8YOgV;5%SzJ%-`2EXIR|7 z3LQ(i(KASJi>Z zbp387ZGOb1L^WV;!`~d5r1NZDwWJ%p4-3_OqGqG@JXtYbDXVU#u0JEyRGW~b^yPK& z!vVA|GY2MZs$O#MewrA2#^q7SW#%LvA^VWQwgX-@L}lj8{A?FZDd<+AJ!lo75ZrpP zacCXDw%ql+C3r^p5GoxX7kq`PDD!<$qW-1x*G)ZudpQ|78%@=23JGF1u0T({gj-bn z_Ag3oy<0n7+rzev{&O!LJA9-cbpK?=qWo$HFNd-^XN2@eu`zD`YyqkUn%!z@1qn;@ zCu(!$`Xop{zb;9vkd*LiCEzsc18nr$p9t0Atb>K%MdH> zxZ#0!HNcTe3A_k&FSu9~{iSS0OsP~6G(GA>81Ap}*kY@;2CJ^IWKSQLV)@)&)6g_? zO!B!-61+SIYh5^a6=aiozH_r~a{QZWuz+NbWAS)1-c8pz{@~IF;?w@j%E+yy#HD1X zT3B7URM~!GLG&A8WdZ(C2Nj`fiI7@I$Tk3F3BH=GPa}|+>+sp7-LN#fMTOjA?v`?H zshY^dXET8?RLJd7PV?KGh4R*rtMluB-H3Xe9In~=*=nHe5u9}}R;wHwF~j}MAz@^q|y$)l2K=C$i>@2Drp30cYdUC_f!ob;@eXEfjo{1j_; z{sz&-Nb9=T%&Go9LQt*Mo!o-!h2lc2Sx;sQ^8NFpG3zLEb`)Q!7Y{%5-a?tJK_BGV z`1czk{%mXO0ri8g_!&_njP?RoSGJDrvgaTA4AXzB3v`4o4cPW)B&u`go3oJ=n363< z!E6!hB(w~J|In{(pZ2NkN&Q}L)M&JPfMaK?#o|{~Y7YEm-ftZBew<%04tf_6<#pw( zpX7Sf{(d=9O(P=7#8Y+A4~u<^W8~I~d4J5gc*l^3C*mA)dm8kg2-jS?VMR;*QVYU= z7LR2Baqo8pDnib1yn^q)z1r1v!%mj=`7}`NXMP^!*?hc#QQZE`O}U=uf`=`6%c)O_ z0PdIQ(MEVAC!p?e2Pyz34IFDgEA#_u`d+dzTOl@K2A76uNdeMgNy+Hl)zSp$Mpw<4 zpiYIANu9o{Ic$c2fx9&@e#B+3wn#feKigOXsvzdGtT?LJUT%Q_)=t->OAI7dd>fgP;tV&ye*i&$png(gEnE zbtio#e&_peE83^DM0gATnq=E;T23%m*4ip`lP+)dEdFivcbLY;6uR=u zu5F+ZuhE-k?z~xxgcMm>|3`OmervGjBRuO+R*>Hp{q6RzEB5FY&gSlTY!>z4B}orm zDZQAA4-=ixmN>;se7y28d?@3mGnwEj<~sN;1`IP*3}{)g5MEJHWHCc@l8-9!pZt0`)%Bv)8kkIZ`B zXL!ZT%%)PkoKq_9m<*~@lW)9JdtGY2hZ`lly0(_3lZ~{0u3C^n@&&{cvR%^B-q_Ky2UZ$@@t;C=Eg!c;U;oX3vOdl`N7+a|<3HvMzeTLP}6zv~kF zoRQN5%Dw`D1MwR=#P7BK5J!fM#H)QV%_|{v_DDpZ{xwp8-IX(0)E~!}B^2eAzk*h#TO?!Hr+9R?^@kdj<=bRqdUY zVL$EKx=c2;0XWrOrY_|H<9knwrsnc8nzqQHA>FTce?4tdCxHdJ`d1_!M z2HN!I1}gU^i(d&2KtKyW(hIb!ZLh8pqph+E|liYC~6mNve2`(ffNl zgk&Q%&&8ByVsxK0mS|x6Swh4G{=6T!KDcU`q7&i%u9u_hZrZGyuUV?~PMzviiFIPr zEB&)ai|@0AC6>VP@u~gFj@}7?Zy31ZC@+Ps@vr}U%Kk~7DcvUs|-PwPtyJ3qZmva?^u zlFCs9QCZTUk$##e_pHj%ABx(81Aok608jy1Liaq!9e|4;pY@Z$`B4ILG!xKqx-Srb)NO zIyu6W*ImBby~`OSAxg?UMVe`aJKd+Y65lLP3aARPCjyIk%ggZBVp(hsO%7I7 zKqqCg0kAq@Bo#fLJpPxl%o^bSr}q@_()6Y)|0~fOp^wqRM=^~YFw#Y64-oL1_l+>$HE1B@U~dza6pI47coDHicH%aF@-gi`VbZeIrwX^ZagKY78B7G7hop*Z>^tX^N}F8;sdf=Y*CEj`{^s`d0auK zGhqm$oe@6Gt4yIW%Rd=k0(RVaKzN6j4siqHvvP#@;E_*4&3ehuFXZqBh^ju`3qL2- zcEr`JsdbGHk__6~V6g#gSbtmWq+jAvrV8@?Mb`9jDfWL7rTmpgLrRx^qi#pmwyh6& z!w_2C{K;faX3J|1S@2V-7eqrWs>8MxkxiDiwP)1w{=ZLr%zQlX-iu~E=PG{=x=vHc zQXW&dXE?aqKU@I<(THgSQd$IC?+qoETs*yCqiXnAPurti_9psn4O#hOttHiRM4c1q z;)p>9U!SJI5~WVhbOv(n&S$o03$NT3nD32+$wm5xP{xZy_pSM zl&7TvXaw0o{s^nU;|s$|cZ{;`yfcdKb4}FsqkJQ6c@I*rdvGet>mQx=n#Bl5kaNPG z&0c`rS?qJQEudEJKV@E_?tVY&xGKnecErtGUIy=X>1f|R7C@HcOVzNeF(&`;C&|hT zjf1+g?#7R(&G-9gI#!PAuinbMRr}k;SDbHAoBWN^V>-3wIggfW%@KJROTZA=otXhO zO3N`}{@;YT1xQ8JZ3yZ}hCjcPma43Hf*i+!N!R@yC2+?>Aob}oC z^y#suh^YBo>NdzIhD(f24;*}RdK+yM+_Z4E@<^NF5k+iqZQa+8+V|SoMyB>aS4p18 zo14=Hg;RyQC1CD%hMb)`quI04vQ_x-;i+JT85!q|tNV_n{K>Db^S?-J6Wqfr|LyK0 zpeu>`z+fN$o}c?2lJ1po_qWoRGmqG%t+Tg91}DJjKza>fPAWL{5V8h*Kr=|P+YCrG_^|N0Yek}{-x z`qVdvA;N!|Rk@!DKW1rjdqZ!eSl#6mRFm$R-fJh9g*PNv=u|7=*pby0@y;sJist_P zp3Y*%7aB%A%^qrahsWG9WWkDY7PZb?=L_LqCIO{tJr#WjTsM~*&H#zqF*SgLr5PWE#nwNzb}Gll+}Zoynjwz4B{5B|aO$t}qQ)`SmSqRc78JFL66)^e zegE)jdnBCnUg=FH!`s*+)+w@2og1C%Hrm7hbrGy;180p`tbDV$CUj=kX)=yLnj!WG zsbmcso86ad>eJ8Yr=)X=LB7&nfp(X>=nD0%#?R=B4Nd6~_gBc}qH zihTAdi7P=o4OEN{-&Zm=ZevY%=8sO-pfG2{OBn4f`VHgf6X5opC70@4{7Ug{7HoG< z-JkIX;M}>=&sKW!l%A>e*Y`~#5#l;_=miK5K#p)bDQo{Ktp3CQZs} zb#q=GA{q-EJ}DM179E7F@O^A6xOcSCXwDME^NN$rG0?#jCwqwCnljwal6yip^nQ51 z0o6R!{2+$5`7M~F%_!1;#;A}OU5??;Bc zOifn@Zty33RbEXI)0op#wH&ye?!(;0`q6q+jTHk~DVGL;G+q9g64bLg$~k9Y|XgDl$@qs^zUyH4<@QD--5I#(&rl0pWLpI8^vV*(Sw& z;JFu8HG8IaWH{oMd->M79pbP)BQt9LN8#0dD&qwwm8@4sh1iqHu~gAdYI?w8lcD{7 z=ugKM;acAfp-5)Cb%6<)e0ES!b@mM*C3wX{jJ^lRx^h2!kPHIa{7F?DQ;W@A6IZJm zy~IH`)dkvAaSH#Pk*Nw${{Cd( zjLP1OFzF;c;&~QI_aDRlyH)~@)25HIh8tPp7I#S2vlCFnRozgKWbtb|TwvMG0JB41 z!5;};Dt7loy71QT2LWcchp4^pPdi%lkMBzfu&u&L9&jy!1S3zVE`9&Z*yeAldgq)% z&E5N14cQ51Ow42bj3_2yX7UUm>_!6C;n-k3A^IHIP8Q4j$!rGvPvZ!M$vghPPaQ$yQ!$;af& zYhil(Uzi(%A~g4b9>QH}2i1B<&J%%+7R9MUcY(-z;vkj(I`F78#q>?JHlxr@#hZRt z&0T{S?KIfsMnpGpG_vF~C+roI6ep}uh#*Vpl?iyKemk6c{8&$!0!;%_iQx<<1zj_L zib)kxdWwI_Vt0zS)bUX>sUbcy4nPrMdoq@9VCre6`yL_o_XTSiyj_Dd$ve31W{}G! zJ|#Rx`WPCg20Jyq_f})ryisUbQ-R6-Du~4v_}yO!GagI(I!bfHPtBjFKK&R6KgG?J+N&%x{`q!$>7Rh=~Msrrt4jm)GF zKKuLMgTW%Ei`C2ZXa{nrbWs38A%Lxg8YCzEBVT!-ffB*CRxDNW`ThHQa)sPcHBmbb z4oqpWgWnZ`5JOLPd)JcPhJb7O5vf7poVuGJ!1|0*Z%-n#s5^4$ ztQ-DP%88_Msg!Q-ARX7Z5j!@#>=lzMs&I<<72_OA~!@&Y*hUj52*ctpu%d7H*m*4KOL*Hg|@{2S|`S@9K>o zWooNxTi?uN_|%?gc}k$s$-MG(q&GAbqeu8OB&7oyz@O16>U-Q?JBmbR3YVz(V$~pz ziR8{7w(rt9K47PIXXJZboO1Sw4-EK)){j zAst!ehcHVcuEOYbBks%No_1Nf!j(cUJHL?l>B*!THbN@61NLV|C^}4yxM+AgmaFQM zQt|em3<0tCn>rQhqQ}k&SMpbjbOWU6vg{Y=;T6MCR;3D=(`qXw6X}+OlcvnXIOie3 z)Sgm-rcQrSTv#nC1mREZT!(TKeO_Y6V&eDtQGoc4}Pv~FT=En2xC8k&0AE_#- z@NZK-ljFVNVQRXrIf0JyO``MmjVpv3KC*)ggt{geK1tIFET^1wReWJ_OHh@FzFAys zcNUDnpM+--J3M$t9;2of5yx^OW4?Qio|V%C#yxhEq3tgfez+3Z3A|`WsH*vtRb=GkhPK7# zP6CR?`T_Q^t+K1d=h8%Xf$kHPC(1?9ieZ}AZ>5DBI0@CscSWjl>zQhJL3a5xmt!m0 z&jEq@Ky!J?aHE2cxiYkGFXW0dtfDqdf}@$&v7&sOGc%m|T|6Bul-Jh`U7o|FW&E2`IvG^X=|`fvrmKc_b4bWnq2)GSDLV2v*(t!R2OWt2ZBQ@>$;Edn zxLO2m#)ewLxbn&OkTQeMNpE&_?U4EfK&&*0f~2qYR*s4u*ptOW_BRv32~@*#KNyxk8Mj*w z7h8J^D83d;k-aknXr=dlWg?{TjG8V$ZPL86uBo<=2YjBgEI9pIEsL>PAG~h9UxroS z#L8|QP4WfZ+~Ny-gBw_U0W9b5Z9`mxta!r~Uc4XIV}7!Mz!d;2D=iy@Jg+K(t4Y!R5|4T`E54N-)1|4k6fFDa`YWGZL9w2z zyH5uG5O#nRi53!~Yi9i-uutcvB;F}~kDD#+cG4&dUM4BwEOk#(CRh?zur5_Z&QQu= zIHc~tj~icSWEx?Zj=Cr9!6nC5saZ4ANzb(#U57A(L0rfvf@Wx3TrA~Et&f?d28p9@ zsPwK=lp&kdYKCT$X-szw97D1(>dzzelH;=&#++-915NIyk2OzW)ySy9AuZGgVQ)A} z9-)yhXXNlv6cp*9HiC0kih2(}lr!IK=}&_ zBFSP4yS33N@BsDkjH3M^IKe}xegqew2_JZ=)~_py?`Hh@2q1`JN(~{k^OpIy@w<*^1tx1f?K5O{E)GKgtR|6`v2mg?!4Tam_aQRT{G$#BvDh@Q(9( ztg_lOK>+g=%r`%gxAkK}m{6kYh5VvQdfAy^J7zr~S@VbGM$Y zFq(~Y(M(dF8XQ-9Xmg?rUzQ|SF&?Y1I?G`Y^Nib*{d2TxNh<4Fo8TJadQZ36a4 zq2PLFV6h&UnvEzXfOzCNFCk*F??;1H0-rjka0%|AJScSSsOT&~o7Ex@lLM4Y(Z?H8d@(1WclW2rl+D zr28WCn`CcT!TNR@clXvvB830ahj?Fj#3qdJS)UUQk~`VkLRPPyI4f8r`DN!rPUlDG zJ2w|bXBtJ*&CH-}n`S!iz7<)c8XEJh+V1f2z-0Jfo`hGZanGsXb&!--sX(=Bv~<+E zL09#a7E(@B{pkfneKkaNOQzCj~s1aAGv8W&pWL#1T7-y zsajuPOv#E@x0v~vF1~vi8q^$ACAu)6TknghJNslxE>TN!_(SXwDGcz+SpABir+F7N zn)}xb#A$q|0UjbCBF*7V;JX(`PEDYZ2G$#ADdcp}#k<1POkB+E;NS)sAkwNTUAh3S zBP~hI6A~?_nS*B5aYNElD?T-gszdJ`>aj4Z#E;ClP&S?A-=uV`q753lxMokLoQ?~=d%if3=PcpH@C9GBim zk@N_lwAtzf(_%#4mhdZ|pYjg(6?;UAm z3eRk`P)Sl?*QI2Ay>ZTHw;{O`B%Dd?*+wz{OB*_TV)3twI}D>~p(I6wS6OGRMwT@X z1Ej0;^Mmb2_BL3N!MP%W~&sv%&z%yk(_BCQ&iZm0-a7HrTKn6 zlcF)QU(4ek%V??Z>l8O90r8gIZ;56*yH71jW!*T&Z~k-70(0^*xw%-}FrGBM^P-u4 zp~gJ2BO#;1`ET&GD6mDGa%%MYJN&+pZur+tDX;iX=}h(i($Nu~7WcsE!gF;&Qmo0+ zGx%w9gnXyjzQzxtoYqN{rtZtEwvZN)h2xnp?Df(9N+j(!EEeU$=U`|hs)Jsux?6fT zYp~Rg8Zi7H)2IyqEG`WRfg}Q3XZCqM1B>QF!|pPm2N<%t9n`PmV&o$Uf#5|elSARZ z-^J7}UQVGy71TyoP7x_l+V1Se5uKl(=A@?pzT*bQR(=~w4Bq7wJvVa>*N z0KPjKlQcnw$zp*_Tci)Z@kUn^2yY_UfnvfOfZ@Wp?Wo9a`~YdU9q#8Fex)s7)nX1N zenEY;YInuAtmJQ~p!Cpa9cK)pGLMl z5l#)$RSPZ-1u|Q>HUJ*#fr71hn;H`22;EJ?=M<2bUIcBMqv6%%EYe^6iV6v3r}v!w z2OxKGVx4R`svXbHRs;*yv7a{szsV{uSv;YN0n zF4D#Uw!*3wbfcz0MNMp6f69pLW9qptNaL<;ixQzoy=IKtu;_(z)|68x=e+Lyk2@&F zKs8-L$Nh?bkpA?ls2ez0A~rbpj?wmcbcwC*fAy7|GI1FvRyKM)9>(A@5{7#UTa2c} zr~+XE2$7{kkfCpUg4_3D+mn7d4u=l|G?J&nP0k^w_-C2yBK>ZwF=VhC>f#V$YWUK4 z-~03HPouUIgbT^4xI>v`wCXXin4LX2ZLfd+aRhn(gA0^5G5qbH=*u$(8C=`sn z$bwUOJs5Y0EHVBw#D-B|j+0xKNv;J@v~7|y9Xz{%$NVjt*#yBMr$w3c#EJ4B|0d)L;-vw(YZYd z?P0w18`T?O=gJu|JYWT%k86)!5VjNa86$0}HrF0gCNn+As{2zHc=mT!u0N7QAuKgW zia#5M$#|RQO4*-q{IQ55R{i6Aao!ZiK;8&=#xT~PP0?jOw>V~fFi#QX|G|TVQJ@;- zjJz<^euxquM4V5)`Gq1)7;^6Ax?35wRyhvD2YJ&C(yeb#C)Plk<6(;4y0*<~oCCoR z@fSv?yiL;eGO7emxp^G!@^o-;%i4;q@dnqZFha#L0X-H@M?SsK));waMy^H>iW|iK zbYv%sx<4yI2_KK`{S%4H)gPmr%qzgV38#@9)vyftB<)<2mQKMbYLTSmSjSEK1lm)! z6)P-u=>Wt&I~lYO{+nT3;F1!)LH;bND4&h?CocOxY3npkR+4$MQ>16raNuUuTJ95S z-7Is3Me<$CD&$nsL>$x;4=V{q<4qH+x%fST>LI9e*^T=po1nP$VncGcbJfzj!k0msyXa-tYI-`9hHzoL zDF#)YFZ~0_ry?24vB9j*5i)%8BeUp;bQLeAs!yS&pBMX-FKu&9;JvtQl%?pu9MS1t z7gzGYN>%+{trq#C;n{8Q9H+y%tTzW&_oq06%UCQ4-+#1pG)3Q44w<9WHWH)4(>yF` zr=38Qi3Qhz)+xo4^JX3$zvjtkEvphPZn2FD)z$h2%-W|1GuF!W^LS{M=-_@sk#I)} zJ7>lDxTY?f=f2!<@C??NdW-eRAN~4i`c_vr*>7uxX8Y-bgui%W_8>$1Ep^j;v$#># zM(-yM4>%CaAB*bi?$*NYmTtGgZe!a+aM?O&2;&4o)%X-}H>3R78Q5}W|MS)R@E+li zt5^f!=Vx{f6_hOJn7gedhaCJlVSXS|TxtgOCAa(kBk9X(Ec3Rj<fD-Kw6!dyE>hqTdqR za=s3cuWG;95q2YR*4yJ20je=DbPGO^c=mo)GaXaVcz^O}Z(2tg=xx!tO{z8nH;Qs~ z7ulAq{Q~i^ucBhGO*B4dHiGJ?O)2!)@B)bX_(l}C2z!4tj+-m9$>ookYuXhvLGIAM zC>~{ya>#SCA!|Lg*@D<)!~ZML7hk<+C(pNDx{Bn>H8W2nxRc7%U-bHLF%&}0i-EXW zzFwmpe$~y|s=Tx>_n9hLIQIb_H-=G?4-tG?g-d~34 z2fDf83_M?jnTGTW8~2O5J8LKQ;^=Xy%nxtv9n_jKv#`@$5>*Eb5!|K6t1Etcd-XHd z^xXY*YV=mq~c4g5*bFyvhOn3d_v7-9ycU^07BQb^0$0G~7^*X!vb53~zX zIg3lS@<#1nln-oovrE{b8uB^W9U{)?BW7xsojX_O7Jff(xCmR2Jp*RHr_5M{?tEmo zYj|~4ynA{ZDrDZd-Zg|(vbHw)_*e5e=BdQJ>hsUy!TTG<&N^Q#&C%eYI=nKLHReW% zT5fB(j90>|&m+-Fo_gkuX3jodziXSu0&()(`8q#7U|3~c3B$nrj17;*FXq$D5fjsB z?*{tfs4380&rsffsJ=>N3k{ZD77h;Nknq=%%StIYtG-?0z+S?v2 z-5#e+&zb>1lX)ZJYs_TD$@S(rycRwct&GQ*M?%FJetr?VkhdXu zTgAv>;d54exc}pdks6%HM5Q^Co+{F>9{Y+YR0r_XZ^)^XhHkRwq?R!O`h~nVopp7@ zTW>^Af@on-pwqW%IpIQHOtt3^=$XR2&4yKwpb|Iif{@fQ(*!&SsDJv@fmF_errc^= z-kObsjL`E5bYuCkzh9MZF};y%v28 z7dNc>_^~pirOnFjl>N6N5I?M1Oy6$+0v}PHOi&(#&?EY?b>0%+ zhr@~0_69#HQ$9C?>8s`G0dO1ke~csHtl|lWYq;Md?R)iUkGS2-l-vpSs!)82!b2ZY zG|&N5=NCgmO?%hHUJvRMy`QQa2xM zZ<+!_$>}{~f2#ArIZjQNT{E+O9sp3N{X!+#HM^Ea#M4>0^3??V6e6@>>cSzg{BHpv z9{pWGWDI#WBl^yPxogr@?g64$!$CI}A!7KiA4)WY+|V#s1%^t2Zx?9(4t1{nxi8)j zAqFm$-Kj_*FI#q&hv3J)?}o^|7;ZS7{8Z9NeSJl)sp@muMJZ}O8>Oh|v3Zg|N+wzX zXPoQ4Q{DUx$8YLGac0bf>Yh8r#Sh;YRwaFQe)C|wMC93h(98%(zbHPKO3@dbh_=5! z0>PcLdwewkof3YYEH7MFno;dZvPIKZr$EivRnOZpu!(_1PHUqMe*LaX{87?PMZ7of0oft z^V_+~E1w~zCiG-k77FnZRmOjXE)0I1e&OI8chLw+V#*E1Z-* zypSsL)KsKO=H1PNURHyA!wd;3vp2X>v&$kh(DL=ED`?~;kYB~y`JvZQm90f!G@fnrsfw-=|SKTGZ)?L=&sc`#-MMowr^}k;avRrhvz5e!)~YI*pCHA9-?%% z@`I5~a#2rIF_M3(3r~+`v$S$fe0cO&7?Zr(-@Q#1FNbB@JsDp{UQ|wQP7ccTqtRTCq#K-dxrdq??rw^dZ_uLFaoc!%Ib`Spo2`Spy%pofOMmz+X*_C@Ww*f3Tr-z(jswLv>r$2OXev@Abb}E%Dn4<=d|8gp1wDZ}V*- zZFubzW!o7lXz8M+a%Ue4S^Rpki{Nsg(HItM(q)tgMsoyS_NjWaPYgRt&%hO_FHn3U zQu@Oq-O;5s7HVla`c&MsCsN)oM-?@^c`i(1l?>yW9+C@L>rcK4?n(GLslbrb3D$@E z-BY!|+Xb3X(`(6VGrxK6`ofr)77!maCJ_FEG}!hoX*)>@l|Dp+8}(hwV>2Cv zOeZYAroF=!-CL+Q>A#zBw~nzl-U-iUrEGgd$alFYG1M_YgB2`&&4^ctt4j;DZCAva9C!<{g7~@M%h|*EVr5 zh>iu(Zu|uOIV`atP_Fc$QPKOZVYv%f-pnVKt(t=Gg4BI~-Xb@HHK6p^qd7-it0*0J zrwA5M)3!Ofd`O_;Ts(#%$gihkY^tzWD4pBtFTHE!NZE;i{>uag+ezmY*YJIU_yvtj z2ftPTKP4M}`?#`1W?nd>p_{v#CmL)^oeS0>WfaWWDCZT}ce1_ThrAcJoySmwd}!$V zlE5IURDAb0KjEPM@M2&^!CKnyq08V54td29-`Aetd9TqAQHoMFbTZ{L;@B7FOztY^ z!M_XeF0;z&?30Nf-lf??OSfm1S+ZLWfDNnUj2*X0O}D_-n^4f^nlKBs@tswRL0kGK z=fE(9p#46&WwVTi%OiA`=G|q(#r!DS-1OjhgD}D2;nB}B+9ETZB>)pmA$0PedyYus z=**y7bo$;Jgs)aqIkXdo3Hb0&|2#PK%6rZ#tqyv&4wrj zExZrl!O*$?v?4vOx-wK-zpk09_D-DLvt{=ADefV4&q?6{~MiyL&Sa0|c#=D8SX9`!FR`TKs)<;#s{c9xP- z5U$U`dfL8?L&3zeN>%UZPVDtKWNr0z6q5!7Rs&4eYSc}vM4gfO2y~m{o=jX|-G7{= z^Dbe5&9~NfqhWXLci8sZ8?-;@4PU`q$&-#9G@z=S-`;2F34J??GbH27`yU#!`RFaY zoH%)BZAR0K2-UqH9KAjDD%98^LNujc+ufnzV;npP6DX=-l61WRtFpd3rf(ecHY(zW z#<@1#dN$*#zvZn+)U`k5KT+w>w20KB=ubdA4IQLuFuy+j#S(EYvxT`kygm*L#x_)$ zzpkqA%`fSJ2YP_AMRd7?%$bmhKCkROK1l6`zg!}N#r}g1Se;`H&n2!yLY5|YUh>q) ziRLskMb+^DDc0|&%I7mrmQYlFqo;@6Z<}iSNL~Kb*SysqG=#nAtr6bfKL~u&yY9L} z)egA8CCTHdT0-;v@PPJ@U8!-FzX%UJE<;hl;aQ z71u=t63lUsX*+UJy*t?2+-T}aWJXr1?rL7DGkvRQeP_t3F}O0_4Yx6aQHycA-)D-Z z88`A{B_Y}!ETSMSomS`(`-jDNJhnR@pPG*=P8AT)+M=Q!3k6={LJ#Ax8@9Ck*;EKc zWvkU%6Xe<+8|{W&y%fmB4VrSpKk^@XcvH44A~cW3uJj4@7M*EoHL;;mQjOKLiM)Q} z^e-mt_FEnRNy2R%@!_|t`&q1AQF4XhOy2rNl#-yK zPIN&Do?7yEk7*+Pb5%$)^ww5i7WF*%Sx=p7pp#!a7XC#nW5U7{7(g=6MJ`E6{n>~t z0@}q9pe8yk{GZI(`4wSXx3}JkDQYKj;s?fB`CiiR9(ExPp-}xy5cx@X_4iIz+G%!v z=Dvx;T6#xp-H5Z-nWtMEZTqEM;#&>C?_2hXz<4Wt8@rg%-6jURk&C^Q-v3%GR*$li z$&|#eeru4Y=S>ks_&l#|iW&cPQTeS$Wsvy-2CDm{Z%^IU{`6TiNVKU91EYjlSa9i^ zv9lWzXoRT9=r2BcYN+v>I^reqz!=l(P?x*+1E6-PEw$M3AahL?VAC=GtWTWL-s$1v z-(8FlFTyVpUCmcw zq>>>3V?Pl=jf9AqMX89~X?05Llxn9l1O92i>7KXBB#zV&T%_M!;)co4#_CS<`zmojwb z8~y07wqU`CcrYM9#0%8<3hzILY0#=N#7CQ?%;Jl6Y5#T{!6#l zX=&^N0WIS)jJbCkqf0gpiTzthyFi++nk9fAO6)G>GiToBM|q~xr=oW^GyC>$dy&4f zf7)+WqWeN7n`8k}?j3SWUDeMi5^_?^4t(rV|HSmqaSb{@#LsE?+`0JYSRwL!;#oSN z!(>!DFl21se#fnR=JW`M_h3NGTz4G&nk#$rX2rHFJx&y1rjxHQv?{Pt!qKOOq7{Vl zMJJE2@(BF`<89ee3!SdsY%od2y%#5Pj#|_dpX5F!Qb!nl6HkO2lXylCy3r+Xv@B=D z>x9RWy{cZbN)yih8S8xJ#Hc+%Gp*xNurl&avXoMm8z!_@Q_zcJFEsl_p0H+iU6kX_ ztcGaX4srwQC(_r~;etc4S41M^)d97&%bk3&{;ZO=PO&GkeKz14XHOH_=<=`7gXgZ}ujqV23(agOi5Igqx>A;3tOo24<2Y#8c$svZ~$s9*e2hM0*s>;GyM5h>PVcC!FhI6p+5;e@w> zUosl1s~n>@0uV`$Mf3UnxdNl(GE5&IQ)W9zuUzgF}L&)=gh0x}?uk%zP@J!qNlz z|33>*8}w>(`@<9ZCD(U+y_!}H#K$(m!(`UrdgqT)*I%~I%F-)GR>En&+3OYfY<Of@Yn#L~vawSy!1qqXW_x)rj;f_%DIc$Obl0z@8?iOPPh=*dESt zm_$ao*mw_X^GZ2pWzV&O3555@p5CpP|i*^pTL8V!vEuAqQA?_W16ejJJu?mgKT;hDK_ z>&>hs9Vog>tOR6#IqZyl3@Rp0AwYw*~~?Wnc8`*=DEr3ajb!7qK$9dLU^$q(X@-T^>mQ&CDXwY z8%H4jwaE5a>}N)PpL@EzP^s{*Q=0ZG8)+)1V(V12$sGA4nnHfC1@yc&9~b>DJ~%!s zo-RCMTX8Dh6Ckq|db=j*1K}3=;ga;&)`F=E@t)jh{?bAdi<$zjDUg;zmjhtQk(+=IHrtk}!lo1+@{HO14R&B|rPa*`NxM3h}HSRqkD(Ws5`6wCe z{?obprO9t*-?l*@iQ>-LeLEZ!;?dU`6Ajb&s|M{i%Z7arMQ zrI3({OPr-n5nBmGq=^+mLV}0H`-ey#ckVb5IsKspk`_>^)4q5su%L+hT<^D4w;sb4 zk%;i$DBi8BKWJSoAsC~yes?3@Lo3l>_4RS6X`bFfB}M7uQSP?@o_CTF8sYkaIVyo4 zwxlYkTjGjO=RI;nu$m5q)lrRA{`4m5vpx|*@4%q{z7UFAwtw_Wc+J1b7`}hKK47Jp z=@Ev5rXOBCZani<0v>zoa1uXf)-7GS^|todX&fTrR~3=fHPl)k6%S&`dwlkQaGhy4 znvZPI@ouscsuu8z*OuNse9^PXcC#BAJusQ#B$TKyJJ&wi?Oj*7}P#3;)}YVAo*Qx4k)GF;p?Dyq9S@ z`zQr3`62Jh`m>z7b76q*2vbTsWc~otyZzLMH6+N!*}}usBX64RO>sR(fu0Ic;lI0^ zu$%tAV}exUghYD zbHa=8IOAj2X{ifzqM`zEA-07$H~;ajr{tS4j6a0lFB~@4LjLFzn-y9&I;-D|RwTh6;U9Nwu_Wu1_fZScq9s2HO z>GtXlO*>_bmt=QDTbNf=oM+qJJmgHZiztIe(9lXPJzVI;wNz-9bgm*I z`?A26hN&7-*-9^)ex%PwnW`tgpZXRwz#(8}?vGk|9D@9aj|4Bl%1cM&%KbU^C+9a2 zz$hh0%pzzMg@2TP4>xV4BzjDcg2wl7ag@$RYOBs_l4GtEj&UPV6=_pRFyrb)@>cxvJD_xc4^uvee zq-d0m9(C6#$Dasv;=@f_iE^qw0bDW5$|yin^1Xl=7km{(#>EYJR)-Mxc|squFn3ZUJjYn#*+${z8n zi3-%$HC;CS@t!nc`7yF3Gs;Wby!|IjIFbM0Y+MO-zQIhLNrCQHk>l>N>W#u(V#hhp6j!dfK@gijMZO#vxY?=8&SgGa{GZ+U=U$DE=Z|{u-%)CD! zaRoTUTxxdP6fH~oyi6AU4=i85Btkp%5#-_t9%>@hwJ*I6SRhbEK<335{%wO314CFz zHK!S&;>$K31qpqa+slk^TL=wGn-PQwSjSv9LAe3~5lP3NE0Q2PuTsvyDkc9jcVrJL z_956XI7_$@7i?usD~VZxRX3Rgi9Vf(FmT7#)%_zNwWrQuH97VO!`e6ikdL(|*gOvx;a4*3oe9N^Oa}utG(Wy<`gs0VW7f3ZV6}E@$o{PH-^B&tFe8fqJ*x6mmV_bj zL64ckGtGp4$&(|)kuSyB9Ywh8Pa(3Itr7T=pnUsyj9w&wveBT)dSKk?)_jRm(j%Q@ zi+kS1wGwy@8HHQ9xK#s0U0Yf|&Mt^e1igCCP@K}Ml;i!E=D>y>6 zeZX!UWpRcUtPB1Wj3{fywPBfknUbq(3V5y!1va>*mw^Z0<3kTq1rxxNX?Blt9DfaCM=x%QD^7jl*t^ew7M|VtFS}jKvc63w1O(!aBzjvR zbBGz3wSTdmr)}koRMFLs-1ocvM}}jY%dNGxW6$2^v+WN)e$L4$iD8wD^8}i?E^hu? zI=ODaL)w9XCZRZ-TiECVeun!L|H(ADlk2#d_Djs#x-rO@_juO%^ivd&wk)MdgF8p% z0eRbU9(&%#*X$>9ZuLbx_jo0@SRo;|JLiM#Ar#N3426dS(=l@S>_5blUO9R#c1OC% zxK;|W&h&Mb@3jgR#Nc7;0sfpPjY7aJ-l0;viPnkxW;x`NT+*FF_4O&)(?Rk4N^m4h zx`2ye>r~d8()N3tmTUEG-f~>}lW2Ry7ds>Bz3c{QNN_t|zXZ^(DDe9?-!b8dBH8k; z9Fc>E8C#Ap-K7`+8R8H8C$uCoZM`6#~CqI`Td z5#ue$pmYf4bX=2f_?!2Tf62+#*arlhplg3Q&2d!<2DX@y%`@&f$A`PcM7Q4@(OIb5 z>+Ae*9@$xg;18-MjN9bDnRNWjI*QDPXWDz5e*oU8FEP$h-5 zo^FqE(rPXXvS?6Z$3ib^d!M!lf!3u$sJu-l;eI8l;iAVq8PZt!0|N z9VHWMYvHVU`dh#KXIJWCg|xeEe4x-1Cv`+nC~p6Ge=Xa$Z-aS5GU0zdkhVAy-acd; z+#_oLPH~MB^%!w|-^p4#rT?MUfMM)BUZVP>(E4IGU2=xvq4y*~opDtcSr*tXlq4qI9Z=q6X@szaW_6QW~B+aMZLsFJ4>_9u_|d zW^M_bH1D6!?J6b(e_IRX@q^kob7&BAyo^M;#tB8(YeEL6A8W%D$%@0d9Qi zpM#Xsk$7baAL5gmRN-)n$RRhE^Nip{I{SyDTQqnz7szl_!C|@RSQi!kU zCYake7#=0y&79F|R%Qoz!&`BByWdQ!S%_;nD)_!?A>qj!O;fQH?hUoQ-{aPpuP2(K zabi+W#Uk*vKfWyGNZXj{^9U20&J=!5@s{rj8e?*sH6*s~_KA*50O$+6$a9Ck$&yO% z`gn)r6F=EP~0GVmNd zxZ$rHdfvfxd9eln%2jQcmPb)f%8`xjGj@?V%ACo)<2rw)QZI!&Y7dc-Y0oBeZRrV` z>}@0(rocPzc;af}OH+dC@Fd)C$U@;%WIQw>{+ym$5{L@`^UDDo%k2NDxIPsJOUAoG z8IvA2uK9-xLPY4M}7AsjTCvYs>~{ zZsgEc>*jmsZG<_$usGMy#Ri*TrWZH~4Q$oy7yZoBbt35go0`T8*`LgIWH{t_9px&{ z*Wt-ketT2{dHK>D#m^PS0Ev29W?hZ#t!|AZ%thcw_4^fmEJo{lmAx5ShvV6YqNXDF zKkepzUXF~b>w;T{jNf9ek#PNIVD;S}dfiKIFigC+jz`_%m>qEe{7n#ow1k$Vo_7_c z&$FPIA&J{cm)9M?@{BnpGG~RG9Ldta-|>4e)bk21*5q1p=yG4uU zSXp^Lv$3@Gpz!@4thO!?m1e`Ex%M6adUe#tQ$QY73>8ZT%lDL53_GKm<%Y{Tfj+-J zg7sT-J#BF-CxVh&Z$6z7s}Dk5O7NH|DD)lQP{nh)eNdttyFZ7PXY)r73;?WavE5;e zTYOvvN~*G68se{@HV+P_q1+D1&S5*1Q6v5&IR)M)+J7+GxtH=Sn5B3>e1XpMz*(mE zu>X&+aJpxWQ=)P7{)dbeIMv%H+T;{v;T>U*IEH+zYzt-%CeP-N?jrw5%sU~AcqEMG z%HnN;ln3pYUfqitc`EV-Z&(`6`Fv#e0eaRYS}9QB?}>AD&rL*#Xer>4du z58NGqP4+tVGH*F};jYw_?3}WJW-Ox&O8dc|w#cFaG8?SueI~=M7az*gQc=}Q8LH1Z z4B4iv(m+nR_fi;&cE0v7_9~6a!JUTU9#W=BR_k=evm3a>z{d-Jo-lp$PHl>*Cf%}c z=6NW8Eo(SOUY;((DO3IreH8k8@6ixoa(IsPQtWk-`HmW5+6MYS^}=Oh`AC{5;x%#* zM(G(~2C{$%4u44=w*0300Q`54h#{egxK;G!Z=02n(Q;h}U=}GK6=L|~>3=9CY4YQ7 zd|pfkZv>biY5vE15W?8_kvW-zcy!d2AnjN;>gxkTrL2Mh(9lh`1zGF zk*kurLoGxNnY8hB5`U<8zZ&F`!>lrk{k>eikJ6qpX`!f8%(hr`29J2xHAU5qfpl+3 zAY%(#4>5~P*Kl7IEN7IA!qxh$=PBpQ&Mbf`{ zT_&`gMwsaNw1p5dRaTlTGR}`ct5so;$N}2is)Dd9Tv3&BJ4gKQ&V@nduLkD2=6ihO zzSDWMlC+;~8TS}B9t$|EcV&cmTAA+*QTmmV*HW=G{tfX2%GI6JASm{4oN^Htyt>N; zH3Cf1;YIJygL!k!GDf9pW++dl+9HZc$(7zxhk?nx( z9e44lU;C}8H3PMKfM<>C>r5`cd4TO@OY76!9Ra@fW&VnR>;dF>m*%U*3F2y;d#zmD zKj6XI;r;{TtIYUr5Nz$JjrODlKa;xYt4~@;r`Wr^;T|ku@UnBj$4;vpCIV+%QuvA+ zS?N}CQut7O61jl(JvFHXMz=Jio9KN5S_f}VLUl|0b);lQu81PuB-Tp);P`l0Tw>J<{D^;28Ys40WU9+WzP>cv&+WLB)@N0BC?w*ZJD{%w(^LQW7I6h zP-J#i$cHApoM*=YqayMEOF>B8)e*W4MU(omIMX5KtEWR-*uvWCTdAc4Xfc0y$r$2r z;92vCIOr6D_&U4Mz#5DP+V;SKyVxpN)!lWB*a21)mcC@2VJHYWmsG&K?uz4iSG7py z{}1N88IdsFWhy;?b6&MHV5QuqRGA}sRxD~=2@IHgmG*R^fokr^%fhPBWWMH4>$}$` zAHQa+%N0I?co5#pwN|7UwgveB7WW6gMZ;jK$foT?XFTtgpF*x`qOdekT*n#S9(iG7 zNc)<3t5Q#l`lYU~zVS--);u$P#nO^;gMFalqkprBLkiX|70BSCk)6=>Wys;}k?gee z8E}lu#$lwn{r1?+{LM2r^AzaK@jf<=nH4;A(p*s=y&UNePIBJNN|IA0|FG;fJlLR{ znLBTW2F)UNSzlY=H&n0c&+y=ecr$Y}$UF_D>8$jJs@3|P1?^oQaacRPPcL zmP%2(!wj=f6B2g!`yWZl(cr%K-1IcI4X{m)?J`hiEoen5C-QH3x6~3JF!Kpin{?rO zUX5~ZM`%of(zL=c=B|&&|MSW+h@!Z;NQnj=*H6L;CrwrLK!DuiBS>$*>~56lYr}r2 zQ7zK8GC0+1o=*w{GRIAbmEM(BLb7QWG6URmHv>WpJs+&V($bpnWTlZ5o4xhb`6@G79GC`%(db|xGu79Bx;)&+@4@5E`Pk~+5 zb|0kYIE-DVW`8gG3VxhdY2LltI%S3Kw{Hn!1)EuLl@cXkI|c%jsazk}H>ZZNU4Cg1h!cp0)N-0PC~`$E1dWe@h(LRs%bWca|0L;BM1*2&a- zlm5f&mWGNquZR3t^zaK;Q9`17O`r0zW?!EXexiEec<)84e}#;N+5oa!7^>*o;k+#Y za-gTmD54mFewpNUu=5`0V4T(gxN#zsdiQ*VW=Q@CJGc~FOhbH{;=WUVf4<5L4fy`k zWpKDCd|QlSA^+^Fe%O-}1o080FXTRlj)n))D-8AoK6Gf~| zGBvs>xAk_;oSxW=vyuLcw zUjsca9N+3)z|XwzKB@m@e!)p7aDiJu&ZK$HXNphU@^3hm>Z&aWHx=)~zjf_ez9#fG zBEf#L|Ew0$Tmfu?t6-E0X6N~vX_Do8IeQJon&VOoV}o9%61qD(5Jq;$*>co%#wkb| z16@3fvOm}Ec0;M=4Xbj=lPM%>q#MOI@wdShdmZpR4(rv-y|s>8XtSh;3sbK?z~`?k z8{Z;Y!+sG>lW7jzKcz@Y{LAc^gB&&Mt%>o**H=RhsUVl8YrA<|HG^&iMm)**pQ=?F ztYl`k)_d_w4F75&pU@_{?j(B$rh9AHVV40vSn}VRBpKGETb279H)hx1o{%uhJ%(sN z(NmuH(XP^KsvsZIlP2+4=E5G8#01jld-V|k9Fde?t6KB-=xjy2nk zgkwr<($!`58vXou9Mh53(7IYGhG~e-;n8@m2Dcg|~XejL$g@`blU}$+@ zmI9_sR_DKm_5V0t{8;m5{|s73QlJVLTU$aVpXA1Oc0!QlhexW?IUx2_^73eqpMcEI zi)yYJ1X>Jx>TO8fBs;^y1lI0=+iu&hOk=B?D@$M#wZ-~i5p=^p0GT94^W~8zIx@q> z`3oY^p=3X3QH`hYOIkqi955_YPsbbOk-l$$=eD#la9yA7oZtH8fbhMc{PX@kvTC2$ z$Me|jisSZRuMqq$^0d0Y zG&HX24YsQC!Y_Jk@mwL;g|3715z;^iKIsa``}VW^zccDQ1}T45Y3|2tVRFp(8|63a z>aso)jJSHxa`IQ!aF)G@LA0q7+U@J^(p}@^o$IR^OpcWY0QOY14?L&YO&srp{+u!TT7EoqovQUj zpM=Flpg=@Npk7!i0~z*ge+t?Uq`NZ!KP-ymi0qYgmxkFQL1 z;O(!lwZ4MiO0cX;_zC6z(RALARQTT?zeZNFD+y;hc z?OTmlY-q|~cS!=HXN+}brr8WMbFWy9?|)f)jZm+aLZgewnf^%7o$Jv1L z0dr8Lw~Tg#?|S(8DJ|!nP*4*T_lMgT9a3?}nZHUR*E41IZfNm-oDUi$L5uJ0xfSgk zNf1;@|L!)P=@eVk`{-3XfBd}6m(z~Z7^crrueK4lnl1dN7o-J$QT8g>tyzgb{cEM| zX;-T|A)`t^FhXIu*{OoXnVz2IE)*pFb5AhBMLD919^F6JAT8vIMYunQsepgoBX)M06m`%hE*Z#tSfvx8Z!*DeleB46S>=MbR2W%b_H}896gisv@$fwe z!;`p?$LgC*{>V4u@@z*Fn3oYp0ZHayeMpLw)=vx_ru6A5%V%ZMMzc#pk$9n;T4>}e zyMu`hPf9LHZY?wFjVN6=aaH`AAjQBg0*H+?aNYN7i zk}*DNh1?$S!G#&7?E>hL70Vts=c{6U9`@N%pyB5)*{xkpxh`MhW zGTWmrAN@9IiI>$$KvPqRx@#e<#Zm|Zpyh*6QIyY4=5PRbWb1KZT1xrQ6>NwZxi0w9 z;pTE;<~6veMv96q!6INJSn|--;;R99jSH{;imQE#s_j-O3)w8CcR>A+oR<~^%?f~|1m{V)>b*B$Gp_hT7p%_X^?(=gV zKWf!5u-nD0l?iVN-xqAK*3xbx4DV02dCDsmVFxEf0aN{=D_4KZd^VFp zNYdCaI(CT;pFSOmtPAOBA1`$ zJiBkNLAm>Y-CnFLLk>W6Own#7Wx$3wsYx{oNl8X?_N2Rj-AKaJA%xT+WOC5godi;sy}UKQ4R+1vys26zP}F)PHC(Qu5hfi%qu6IHiL6(r!&ac zI(Tp2H8AIo>vw+N)f`imb5A+pgXDaX5&6I!TKfm=Q(O>y-3}{|j}a$ct+?&cr2pRK zXx^}5^N#zMP33a%T~^=kqch$vHBFxr9|-=Ck)gDe;qza$911Cc#8BRx&_FAjRO|HO zO>*#zKP8;8`;$O9jmy~9P8OL+tDMp|{XL~DB<->+8{=3-b?B-6?|jx?>Z+;%qR~5+ z;f)L&n-SB`YVS7!pY&X#)+GXtlHjj6ngydRV77#uyTp*YLbO|bWX ze!9^16`#*>X$9Q4On%G1lmDzf!H~{d;f!okuqEo0zyqSgX>{wwF?zQ3SacCe|L_Ll zbB;=AddPdugmt#tx73^SUe}!Wsay^ledRo`{4=Nr)_5o}2m;gI*(}Q`bwAL5tH4MA zK>`1^77wE(bKFtWt6?C`JEb*c#7f{NjO`1Gi81YGkJ;2qbfw^vYE26B9DFi|fR*RG>PKG>MfL%3YjcGuG^j0gV^Kv{nEv08 zUbzCf0>FR@7#uaYIfGzx8_F_7x3v*Avy*Q@2z{#xnrs&BSyZH|UB5#gHUZ(fXjpdd zh zfDK>w$3q%`lg_}uSdna>R+&%n!IuJ7_Yw{2{=2;p+obQJ7<9i1lY7(NKV7;Bzrc$T z77R~olvgcMl$8=U>f~)$T%2@cXu33$rfr+d3mAPH1EvQaqU6&8swc?& zusw&$oLv9j)u}QDX@^i1i5y7=0dEPQ8nd;=puJJ@)#-`oe5)(wPQM8tJ3N24~KxcBRZsMlP2?Igar@ns*%-N z9w=x+z;QJ%@Y*$72B%oX5t>aKYkW;3 z#+H!A1E|{4;!sxb4rBa|jYpn-T#C0V?x_*$6WhB*PC>%+t+wdf0!G$vPapFQ?D*dH z4`CPP=>H;^{Rnt70#NT6%#jlnlF%G#VryQj)TB^6x9jDK7eS9~Jg?)0b0cSV ztMssZ-s3xepT`R>V-U?)AVkY_)M-AJmPD1PT=OQoG99t$mMZrs_UF*61ZKq|?_8p< zuf+?A^>gBRJ)UIDup2G!aX4R~-OUVu`_u!@*94!&f8o2vNTz^Vo=LU80&k&SS0EKX z^@VW*fj9_2E(4h=UJ~OG7~8NjZTaEG1e#ykVIq$4NEJ7muus#oTQB!Yxew#xe8sS% z$j3{(jdwwhUyH8iPxD=^oB(UgLuX#AqzZn)`?(hZCvU9^IdZ;GZQDP9om>#7ABML` zleBN!%0iH0wA~uT3X_%yYuICTO_p%GctEibSkrME`)C8Fp|Xwg?MY$-P=73~h3dP3 zVrg(}3ZB4^>aXn#KH;q421sUw_Rx{Gu1t6&4Qm=Ih!4J9mp68JemZ^o3&vJrw}_(h zktC2B16lYG|GL6rjSsst@qLbTm$=Jwm5^f+c{b$q@WKmjs#b4}cY9!`7jOd3bmy{V z2uCDDM1g9wewhVuu zjXTtXAy>8hZ2#LMdZkVd4Y}00R#JV}b6c#b!Pzcx@nk=eCc2*&BJPFd(pX}nIO)4n zPS((d6i~tkhEs4II+86-VY%KqmF<{VQJ46Ro+_#%ukX-U&7MXffrWu`;*m&mMe&dy z)*Ni@ut5M;M6to_S4^ggT$Vl>fNht!WBy25(d)(wzPN#q{XVqf4Wf&Rfr6jVCb-&` zDxMy+6PJg5t6u^FbQ}*DV|YE)+d?;ZvCNJ zLLuNK-ZZCbqtxI5%jqdje=L^_rzvYM=|_a2gax1I4u|1HwbJ_Z3^5St$+S&n7{~`; z?_%RM=+q;Vg$vehc$!`l%;#ccJUB~tXUbF$@xLGJl4eW$olQ+wFyC|Y8esa~imPvE zH}Y=2ko)W18wLDsW>q_X6ukXe-lc)0@=oKFSXkTYimlxnr~kBh$8D`?aQ!mNZA|HA z-k3qeN>&iohKCG&cl`efy=brx-3bJiM5N?>^)Y5bX!rgs3RU3;4C4NEwG||0w{Pt< zWw6jI~2|+RQnLBiccj?*H6VQ0y1Mm|7!IC;uN<-gVC-A5|edgz>ve60h zlSAj}nQqkP<{b3$-xJlu9zWp)El#QC#5V3SX73z%i-)`!(;9vy!(*H%;n*U5eNZXe z3cD<>yy4+%@!yzht!YJMz$Eb-{HQ{?VJGaF}acxas) zP`aaL;73RGogH(l@N+$9YDaUMXIiR?fka*jsBoiwKgP~lIcBTB2>r#qMc1VHVZaT0%?cPOuB%MKs%)-k*m`?aC_)p6Be^PPlZ z=lg|)ijmZhgvP8+FK&PKti85!VOY~ho*;b_V}vta=%n+2gLI=#WmDx;wrlV|Tm#~u zP`^9UuLh*RAJsot+-`xBRAjqe0J4ktslWQ)5ET-l&lc({5O{3;w=os-){viTQIiK#70T)n-qAG`W{$lTldX^~+j_zt1 z>VG+WHztmA?mzt~QOL&G#5%5Jzj9AS?T+WqWZ+JzX81Z|-=P(@m@0dQ^%8L&7zZv+ zV|nuHd?t8$scg|(9EEB($}gI^F2MGLiMFGy^w7JZ__=^JIx^9uCM6!=v*OJp7!TED zF+fwnuTP^^2LGDJ@x+75kB|K~nZ~-fYM_qF>Cu}5pq;uV*mDc^Iado_G@}SOl;5tyj+NRDQ7tf>4yiGNa>77q zfejM(Z>S5japy8w)|o~C`XEbWx{d%~@QZXM`RQ7=zg&NyX?ZUh>;PVw2J|~|qv)(L{4BC@mkL&>N?#}bw zk&qOr-~s$iwtMj=QYOj8KQMPf{AKPPR9?Qq zlS~?ffpd}?C8rqjrr3?y(js(1Uc4BhNCs*qGuTDP!Y7Cyqp6vYz6tBUmNQqf*&q1?ys+d>=jG1tGO(Eoy##_&o%_WACXb{dJz1K%v4||eUGjmsdbU^c%z*DVI z=;baXX8caP5cC_Cu#D?}k=F9_hu$jCaDEi8Y=} z-aSsSs2$v))3tC&rAwJwyb41`RUg@Ar+dxyTEgal9g{|qy|!3*W|L@O`5Vlc;+tJ8 z>)W%IH!mItp3t7BWC#5OJ2XfP5C3LVx8>Z=ZpSxUyLo<2e8aYQhFofV`VIYH4}{g6Uvc)B+n^u_(fpR6FIrKFzA|sg&A* zLVENt&#%oYv4(FG%=~qB)eTl?ZW{KPS+d&$n~)GbtBo03CN~cUebP{{feK-&yuft` zz@}3OZGZTpS|>&^KE`C=Bc*u{(J11Tte^lB`N{21gt_je%*n5j3j7nE>QNn3TQ*MJ z`_!>}aFXTuUIqmb__b>UsqDLKew*U7ee+?PwWv(MtJ9O^U;RYbE~oJFYsUzTbcMys z!c*M5I{dm0WShKk9L0;_CJv#nlzk!yy2gJBMeQyZy z2g#VSs(;hkXT+lXH)eYOONFH&tySDmgzZ)wn>uk=`9(vA!-K6ga3`BOvfAN+;_@NM zD}Z3ka>m^9uU)_B0BUC|xz;CwQp{A6fDdyZA3ZFMS9E-aW>@63HKC&6DRn0FEhxqS z6IqpaOZfdl;&zZqq2{d}{qfY1+$O=Heby_-e`ZM$5o@L`dQ@_0$-2ohN_=eJ>(~(r zrh2=XCfT|Ajyv;Kr~2W6IRUY_G7hi){(cZ0>Y~Q!^HXCGXm@yO<)t(h#oeBXNMOfI z2|s}AGR?dk8?zw7eL%~VDbVRL`WiB*QVgOogQ9yK_K#A+D~JU#y~Ne`L2~N0Mjs$T z^F=u}(9nQb5U*B~Nl}ISJi_)J;1(F(If;}8xt~^y?(yqT$q-C zoXB2DtHgfm7|(7GDT*l+Z~94j#ieIkpvJL*?nVbk#eznbw%tku=J24b@Civ3jRRG% z>cP=2+glf2QxYlgdeZ#Y;0}!rKXbBqNul zFg;LIV70Fm_3*jZk;2%Qv;qCA{f09t1CVLM;Yn@7qdJ$wu1x2XEDxcRN%TTB2 zS80bIv(SPnZ+CmyPt~G>z`OMy6rH!+zdybMEEce3-VAwsxaM7mJ6FAfe_e8qGa&x) zv_(v_mG0N}4%L^3JecJ)tyJF1<9y5a&R-?C9$(6KVGNcPYx;xr4Y01%xuIimNNs^Ye#fw%Ohv_h0#^7DI){i8^$UQT1E)tq zUI5qx^Vhsg2DG2hio&|Mr~V@8zUg`G>P%F|!XDp|WE`=LQ>10ezWYsTq@y(3QEcQyDd5V_1!;cRgBqs zcI9H$LheVeDw22@pV<4wiky%$jT1}wAA&bLZwdf->u$k(RCXCVg$@#*<&28srE&4F zgZa0uL)Il&Ldzon*$2rTigl zdLhL$Hx|ZNNaaUHTgHhW`Mwx)YayY=jp-49(UZT)lu?K`2!|chx)R3Lj(RFnL`qAq zs8XVSn`Q`B`e>MieL^WBg!}p%d6cyxCOyuo{C%vrO9*nJr5PK1ewbv-px1hFvF)Nb zTE&3KyeUwB6O10;@Px&`pVZ31UZuY=bn1ozE0{0&%RUsgvcXe?N-?t`*dh)qLP@SK zunIOS%C4i5#UU|9AJ&}DHUW``4m_!y}1GanDr`I!;zzT`b+A_Su}NaCa850R#rz^?rZ~$feq~y zcig}G`@3G7wh7#!>!^Lma&XbNwcJO!Uf@Iv&q>bW+r+TZ+#*uyE(IzTJA#0co{|xbh2jNFm4bU(N$%=~0(@Rpt8T#@p znyvc@fiz|t>j1-PW$BmaJX7@_uv*w6Zuf_yb0n)^K|ZSXnoO>?0XhLXf^;dht1$y&%C+Ktc2@LfdXMk;VpDKs66j2H%2@R* zk(-ldEH9cjk%>f@!M@yK$Dmb?x&dPbO@)Sb|7jslIMnJ;IcOtCmeZ*|UX+}p)>cOSci@xZXqZ>ik)aIo{BL{;wP=BXxy;E$< zWr*-fvxtDnr^I)Qbum2|)_0pjksZ8KPxz$KFt1S%IE`Bv8I0_|3ywOU(KUb+Kvon^ zpHx)O?-Phy7noc~5wP&<<#I*n$uhoz@ZZLe`W!eqCIK9JvF8`GX*Y0rl5?>r*&3RW z3yuN}+aZ;~FF>7<55TnQQgZB&D=0ch(TrBGB?N=){AL{B9?8VOpMG zk)cZ>X_J{%o3{pk;na%N@Z%BSt z!QQNf5o%`M(;14IAGMzhn#6$slp)tLNloM88a}U}_1$H^sp`dOaE3=|7&qq0Xq9-Z zwn<;|IZF)q7pEmrB#)j&f$Y>IahkWnYr%&{kCruVr<$Re0q5L8>BeUlBXx{JUjyV#0-~X}zV=I2*<=fbna=;%V*N>FNOz%qt5^vemZJ)hfO6K*V0|2zckvdny978&#I98HDY{fN-mVVv~Z>E$hG-L9vJ+#88 zOaWSi<%T8-ft_1J)54EVGvTpDMg0^~fCG)ifvlwxbiV(Eb6Mc`%ZLe_BV^F%tdaYQV8zch+R(ug)Mn)R*8~I zl{>ZgN1@SY6lCVMUIos&Q)Z>zf+KlYWP{MJ*LmM~+Cr*Jcoon`yIWoX(`s|))@T^m zclRS{GKf#QVC-e7w1baeSK_Y=ucJX~0QNUp@+KZF#7&>Aeu&cTpp;q3LOVWk~XC zpokFjp%*M7T^IIIfgzSLO6eWESu+3a{2uW4hCGr`Qx$Xh`z7RY9a74>hmlq|x`6BH ziv?n%*PLC2pcLoVRYqyS+!)$IRgC)QkDPRlQcu`H1;vh0{taR~gtkuUKE+b@i$~W)@6p|*jZe}7 zf^ayyRm!4sU5NgjacZ&*T$REuXliM;t_VF}%%KcuP6W9{_yDGz(-)O{gEr&Y?U?q6*}O~=9B zE@SzV{^NF@9Dsee$b6tED(^#cVW0<=CEEMwsmiCd{Se^4aT$j(!y6j$ppzwO+HGVn zm&^z7KuFYspQv_*e-tN`%zmI%9kDmO@4qumueuiCy%x@KYy7e~G^BN_E)Neq>9ZY-#K5l_$1Y+{wJ25Vb^YuHf#A!c13m=9k375iJZrTxp(Z)Fl(d*ZJdyBFN#vL=~DX-XfOWg@K)a+NlTFjecOEp||033Jh z#ItbsJNlrwjm6@K5uAegtK7_AwGu24H*6925czd@T0_me^>c z$GR06Gzj_)3U{)K>!aEspC67_5ca%6U15GTYeZk7osdyHRc!NLU%uuv$QK(Eq~e7} z=-Kp&+=>}nUZVc^uPM6PZ)Mj8RgX^N zAc=!t_S4no9Q1KB(?KsB6@Rw^*{92wm-mAGAf2Kyq(5VWzKO zDkLT7Kise7nb$@HLtjWxWJv&Wi{)MR~Og^q~fbP zDz9HRt!gf;)_C}l*5)N=_8R>< z;V$HF|K3YW`!)Ft+}8NcC`k$H`{qaicCAPJ%bbQ)nvlBBMqrPf-b3_h;fS*Ng}Q=L zo9{THxTrZC?|3MD%T_Uejb5LD5j!P|cHlr>o+m_)M`8ON;(=gUX`f}}x`t~nNFkB@6r*ijsNwZvO+g~LN(l^@&ZTYY^+ zlK9HIYD$9LZuPnC^fR~_N-XeUW5V-#WRQZG|6#0WI!`l$5Bmyl)z+)YAF(8;eK+s$ zV!PJu*Pr18a7-JQM1_ml$C84~jXWHe7GHokORap(;(x7|-uvL-iNAZ5Q>|NlazW6~ zJ2Y0AixZ<&zxNl$IDMCiR}-jmR3T(nPDKAeG(g4^SOOHo4m4{#>(372kJicbDBt;8 z6syUC&;UtYE8yB*&lz3E!5-G2TuWU$#4NB zXVwmh=yGJU<$tEPbBXDp$0t+~QSKS-d2&?kVOUh+TfNQGd)01qD=fCW<5qbq^N9--0!P$^~<3%VW1>nuO@sU?4!f+ikc2Lz3~_5l)gq z{9j&`%%S|RZN6wyIS&9mU>8p2SxNCgy}SGeR5?|iK71S@eQo5g_gD+K%E0u;PG}SM z;w4Skd64hBkD7_CD?XO*z>|W^NFsA0JF0{z##G& z6{~|MwPr(SPTG!@$TD&$Uj&67R(*ED;^zxbhq_#4Dtew=wj`{sW%V>1dtVF0*0mS{Eb5xY0xaGS zChF=)%XJD^JAoffjvlVYIfkgAT06UpGzsK7F&iZ6PouHr!=qy+t=8!|EW@zoA<2-f;mQ;3nw~@NP-GN>m6U&WdOaI z{g&h}a1%qQtH-`5^X0h49F`W|H zY6CEa03P0ZdY|2}XN;%*DqWTSFaoKkaY|NBT}l^Hp`8T(O%DFHT^%Izz+z7pu>br& zH4oU7C>;RHlGU4(59JJkX)Vl?5hN^@aBja6}`=t26Zu65ld!`KHL>y8D%i3X`*! zIB9_v**pwN2}yYE@JZ|y)}D20z$v!Q&cAAeuQVns%w2H0cCTa5g88SF@{A2+Mx2)J z(apyajrG8vK^h&c536W>|cr_`tJvxwnTSt#*KAL+-5Q4|FPq&W^V|jk>OeR zS3VShvG?b~JKfn=8EB=c_;J=6we;-@#tQrS0G}A61$59Sq@u9rdlj>FFuwq#?w7g- zw=^2;<%K}5%4O5wrYxeyL`Z8u^cMF@3a9;MxzZ~NrT}o4tEP>Xj4!mE$Zmv<%5>LjItJ2ArvGwNC%7 zy)$X%-uI?GhnS3KQ_Jm1TDPr#ejQ(S+t1pW$QeySFS)n?PdJ8g_@>xK?9pzEaBknM zB>ytailKANmzf9j*48(eOgv1BFzGU%&I@u8ZV7)ymhEkE*vQpiuV*b7<`v9!hhz$V ze_N^+TPAzV{;no@CD5OB$Yvle)>j92fGD@$;D|{@p)PKXO@$2y0@R(dmcq2R)%rpb zHY$Ty1zWy7_*`Pn5YA9kTne6tyn$4y^_bB@`9u}L;~MraB77!N$C`>IL{4Gcc3h)< zwPRyXt|tw6h|!wDz$0UbxZJ-%H;3xbFd%1J$niOW*tY_+2TGm3A^N2)zNS-+$-Sj? zE>27HT-N}!9VEg!tTR7FNvTl0kiQ>2Kt0cf+r__%pf@7Y0A`>z=le=&j4`COhC8xS zfL9}cwn|3;H@xc~{&A`t=VE1clNI!wZd;(k;rF5N)D};4vvn_pSaa`BOPwFHjH%q8 z{Z-!_*=)0SgRkFcz%9nU(MgjI=#KV&$4^u|oG!mgJ(ee0bm!Vj$GTl{LhdUKK%*EN zyXEiJZxj9IzzaAxCMK#ItIrOC-Li|~G7u2v=I-Fm+}sYe()IQ*1oeD;edZb~7^am| zQtsl{X{9Z=oS%#6^%G~=G_Ijs6K$yFnQ+ki%~R0_HUkL+TW7?^+AtZQjj7|c{r8rY z@yQ6b0a^;#%D0W7ycrVF2D^EZg=;D;Hka0VB*n<)1#e{SN9B6=)i6jFmnzqO*L65nk?_BbkNn;g!833SxTdPql`>!KWu&X^vTcJ4cjKO{1bU1H3#| zH^)BgP=-acF*7;!o$vbzvuV=Xl z*jguhc&)C-T{NA&Xh=D?s~{KV=6yIne_De!yp0opoBCiS`gvhb--R3ut!@shyfiRT zNjK1k$zDF!(E4bStCyvY$4fWG-@UIHLm|yb;kbE&OuZ*jbTMI+Z?AW}V1z)fLl1wh z8fBfgxK_^9D}sV{C2~`)>Vo25HhselskBU2c-$7^N39r)4Hby(cH9{`Ub4Q&?Ky|j zQuera_9g!>=b}vhHg@|OU_`GFN>Pk9xK2z2f_FEm9jo4ZI5tzU8A&nd<>|w_T{wQ2 zOn%d_rWA6m*5u8Q`WaY5ZU(##)4bf;*t> z!?|Cvd3+|?l02C(pnpKOrC6pC9G%g1qnrJu8OQ+%10D!}R?HajSGZ}8Rc1J9W-r-99K9r+KT&`; zlHg&tT7KhxeAXKiKj#&`a3vpZt#ob76j727DKtQAek<+dIA>o_Eo4Io{F->8^vAil zifKyPex($auCB(s1o{w!f^_jhTV}LAhWOwfet9XN%jcA-ko7I z^MZ@aLq~dBAoc^q0tkwl?6S5PXgC~lhy&4WAegVK6HxaH?c!X{2LbaXilf)B#WT>6 zQR-2jsW`!$!m;;$Hn4lOx)}7_P46_%* z#3D55Brw3qO(Gx`ylh!c@Quk&DY_3RQR{Ii-2+}6U#0F%3?zboluWns^S5rwTjD>J zqs7!G^E`4=Czk6jFRZR71U;+?iLWkPPVY+v{V|hREryTPJ&Eez!1`+bBBFmA*0l_J zG1D@GkJLW&;LMY_^~>TTxaC_O008Zt%P=yN?SlLi&|&+ber-j(i@+?!;Zkk@zN z3-sk+7Zqy51^JqZ1G;$Cm^4O+iGmm1EUepUd(3-bCb^?r+Xj z1KvFe>U33=pDG!&!k12b=L`N&qtI*&(+t<*bc zA)J78rx0mPO~Tvy)fn;yp_<+ivlz<#tuKj36ldX`~N6 z0NXKdOT5U<8|!QIU;S-ZiQL+{J zY6UD(G*_{0-0NY}8al-f5|K))S8C35o;EdQ>l7uFwLcs)w3346R_$1+j=KBj)00?;qJmSZ;| zqu-D1#IhKff`!uUPA&*YyY0_=kly9SdTz=WTJh%JcbRV`gN-RtG_rhOvffs_i*L@| z1%D10+fxl)od|!&XBlawr$T3{T6eFzXd#$q*JSd;BFHFVN~YCv`l};E%jQZx7n#6L z9rP?LLh*MQ)ZIvdUwrj7-TjT1nxf14DQUcHvN+i`jO|Xa>%Iw3=I|NOI<7z!Poaatcl8dKY6ds|pNGBs~k z8LHjFy$*Ua-dd7=OUppy7&foS%d#!Z%Eic>m?dk@{sT`HcD^Rv8BGpLOiiJreKU=0 zR{>W-eDuK$MCRC-%*E_qYtpBxYE0V(j-zn>1-ARo8c+Qzf$cEfAa~2Ol5MNP14TS> zZ=JPb_Tn%*HO1R!xYY&Dcki`Xg1=J&af{pLXQ%mDc8n$KdnjO6k;wlu)GtA55$KcZ? zRp=KokS#Xxb6r5=_l_Y8=Rv_=ASP-+81U_t9Yb4YX~W|%&`1zTF(@Got@=rC7D;JlH^l$B`iq8-qe>Q*4z$bdZInQ_lu%+yXPH=uJU>2s98_*-SiVH zQ$>JV>_D6+eZLQ6_0jiyv2I%J4#yj6{*hAtS?i~lFQ0vm1H*xKrP&2#FlS^n*wnX4 zJP5?8XIq>H`dL{}CHLZ64GlH!eb7s$ngh(Q%?*qbU*nR(i5~b!Xw>C58!a=Yd$}@# zTm3cmt23K5J~*YatmHI|^#@5X{QNBgc%Y1~JzpfsXLj4Up0b{LZf>!+ zS1H2-du^AWa+Gs9INLW9az>F|m@AakL*;_*# zf|B;do7A6;j**v%sA;on2m{mi7XMx|%fwjt7%nNCZU%;=CPt=FQj9Evz-W~`#Ouao zKY6%k&xiN7m9Ef83}$jv*#y0KIyg1}rDS3h$X)#)-1&aDi%CsItI8QP8~L3fcUEGK zvk-?`?NqL_qo>bW9|tpzt1| z-}iU_*+s1~zZOxsfLlZf^)Ut>ANG%=^p<#JF$hXGOO(a`DPZuV}wD=ofp-h*NLl~%=awg835fdSKp&4SW)c1 z%oR&&{P@B4Blv;qig{z&>^=D+N)|H~0H88=17CT_A(%(&jh|loSizS|UuFZhw|OuK z4%!inyNoBRxFcgh5p7`Hj3~H)?+J(S3y-XKP1FZ|HaK3E<>H!Xt}c^T*?L&#HScP& zM_onE>6YJ5dKag10kYf!_Jl9nC8jc3Um7X~Ms*7gR6gK6W@{JC0*RpL)x7%d%F!Px zl%r$P{!f%JFkE>4uy#qV#6W1%SK#flYU^nZ!N9#29M9ym=lp8@YDuY?>mvgRc;zK^ z$!}Wf8hq(vBLf>(3TE@Rr>1BAqgVNw{%$5PWB+>SBHYul*Mj> zDd{$3%H=8m>&KFbkLl-lE>t9<%OEzQn*mRL zE7&*OxBtoR!qof&nsdO2E_*sa$y>+HWtW!nmv%|?8%iFCSNGO*V~~~*3LKPo+V~Hk zC82Oq3=`9~S*BmRZV0}?;^nsdtPugtPAX4=?t@ai+d3Lv zb1QOp{BuEvCvM}AxnMPTDCVt4T-CJwZJrwFL4!rfnrI-I#mPE*C#1xqvJ22feP`=& zZ0Jh`Fp46u-DhE^^_cWp>M>9^AG0~kbIWg!iTaZ~Q8d=C*72yRUwYh*rRq3cM*hnP zYSw2Ls~CfV;-BPCh^TtTQT0P;_@Ojrs=uCkMcJ&TxaMH4#Y3 zOs14-d&66MF`?Z0Y2O(p22pLtb*It*-H)CVEGc!d2EyUtKf1v7~lIa?lEa?FhjDYDk!1xPl8xXW1<7$)e4B`Hy&B4j($3=%z{2$ z>+(vrazy3t64Jxkko<~a+2I>slmJcB(^hA!ozI=_ue~7Y>TC<8duGxT5MTuLp((`5 zRX)3$%41=}uOTxI;UA>9ytGF*%FReuuOMTh3h5+N9{}D2jpwhG&xf_{EF{+T(^D}2 zE>!O1(yW`WwKR47JG9Sv^u*39<=~4FFkND1KU^d1pBmk%bpu4YRD7!E0FbhGq+STr$}v$BNuHEeZx+?9CgW_fsnU$~a( z?}DzI?LZj1Q{UOs3Vp0K0yTMTuQVe!#M+1U8@ZfH@5GGM_6u^3t{nqG>&$tV%Egu1 z4+=VO&So2CE&oj4Vz~b0K_uSdr9RS-Z7~KQtIODVj+J+@TO6HRKy~UWM}iz0a?Eve zk$!U_eq*H7F3sjP>mke?tmMbw)jp} zJuR(haHn)RA*v;X5FV5bqIpjr_q0JDIId@>VuOc8iWaAsq5neUgE$8_!H$&j!(T)J z={7UWX7BQ*+S)yaGJ{_&zZo%Wh5aDu5}JXb%vuEW@7YjUj8IZt|8jge!eZ4!nUiX2 zp;KxY#3dvE+Nx-MIDsJ@4_OUvZn^U|EH~xbWU(V|>9(q;E%wcvgBspIw$)c(Jtc{l z-eaZ5jRu$2%(0}Si-G3%#rQJ~GuoaMKA8#lXgg`> zJ0HY}I*yiB9E~1(SD){GD9sUt9*lORk_?N8jgpiqAGtZ180Ty?NHod5xE-FL!C#CO zA3EvyXI+xTG$EEN4w@>A==Mf8CjM77%kTAHz3{sIZTQ#m--X=E1nl|%(UDwlkuSJzyA!%@X)k(M^~>QvGU*G0AXo8IF|HtV^7WGAPuj|yYeN3F>g zTw|N07?5YtEQfW9R3p!1+A?q}{4M(0FvlDrw zBG+UxBNqAa@s)<>4K>YVEy+?dYhvsz3A%q~R+yZ1QF*doqU-ItP+*8Vm-d|bbQV_C zvctb9AL)vhEtoO*$URaP${iu`9<6#}58SZgE!lif|*tzWd zCyWz8XZwq$#8HQw@}o`hP}=_TM)~EBuCB+ydWmdqZ#`%b_44z|FZcLeHithPtJT+? zCJvJzc?R%!K_~kH?*@cg`J7Rs`GekLZ~YVXe)<>QOP% zpGMjf+B8^s6ef`se&WCw;pSR_6TCU!HKt{pfy&k1M#SoDJ51`Y9M3M-Sugl;9r4iL)=M6u|Kihk+ zc({r7dv;b-$beibs$AXc&qr)g0iTMJ5Tz4S$l0mv^ee?!XsP|@QTvpnp3tcfal`sk zTSp){y&EYbSSq#kC7*_Dy|1pkqm2fDlpMg5E8qUfsMf$-2L!U$lX2)Nb+OS*SC?N) zf*rMxG8o@!|N3;kVTW+dAQzPsNiM-{r>gk7x#B)ZcM@EpKmrIKHy?BEBn&+w|2(ie z!1I9PK}6@xX;p9>lur#lpr&#|@H+kzWLS%B?Bg)wx;a{}n#F`EhCDi*xtR*q9(q!1 z(9)u$szy4~ndclMYy3(v%;_dT3uN~&$b5lSpC(1{63x3{2Wd$KV;Zl{E;~Za-@R=C0fVgNZu*CgsydIGdHG}vPTO? zD?(5Bz7ipM1^T&WI}TOEgDl=u?Y6vtU=&c}ekE?YGa*oVZ}S)9GUL{?+->kD`5NB- z85zk_+nYQA_NVVO&1X_{VJsv%RE(;h!s(M@NbwCKMRnH7^Hs7d=cWtTn7)ld)bPRo;Ijf8?i!&6NF-?gPR28TH-%NjV@CD`~R>os6xe!M1S4^Bo8r=c)0Qo288N5)NIR}32 z886MHq&(O-(IMEEQVMbCMlrqYs>c>+-ku`)vU}Dlo(K2f-|G*q{fNR*kzCe>%Ao)j zV^OE}xv5%zI9qVYPOfKs_@!6J!lSA(bZv#JcfQ^p8Fh&No;Z$;X~Jwrlg*HArGCLk zUBjo7T(0m};5PBw)fNi0h3^}bCdNb!rQz8*`o}I2<0UU8aD0v?7yZmv@fzf+cdzbq z{tMSU`Ax!I%vPx9JC`s5@vSuX%RzW(8;Ob^oXcGWX!N`^i_f2Qw-FnJ>D-a*6EU3h zsKFv#9Csi49OE1YJ;itnx_wLf1?znpi<@hQ%^w@Dal^I{O!T>lQqX($yXfV66hkyy zdoE^}+ZXA}3q1$E#rz<(>GD%RVJnB|nce~kw&RCFo-t{+Fp);^NBgewT^eAHLiab= zmXX@3YVrP+*AEYEt5jFnHoBAKZ}zRg;h1=5YJ$wc?E}ysruO)28W*E4|mLp;+J2o7eVliC)7}db0{}}QTUBc%ni3AO;awQK4G=p=Ve8Y;H zddwB$Ohm)9+yug$Kixg#*P4!_i-WW*LXk%_#0z*ytN;0b!jIJ$`Q1iI#7%bBYgf zdBKsqTcCzQF4~1DSVOAclT9ya(enZ3W1}n;SYpq~6o!H*b2`Nz9(3^JZ$H7vRJdLz zhFx~dv9NxcsI4%6kdMTSx}ddno)KN!n;~`b<{XTxJJ{i%puENTc@~x7?5SlXsb%AX z+COV+r{yZo&D1pyue?6?qW4P5hL!D8SQ*F@t0LpSt}C_i@z_e#I6d-cYgQsH=II$HNaDRg_@5T1 z8VIDm=8!3hqk)v3m&1yMMZbMN-;?PYj2QHQ`#!^=xx<|B{4f0%}|A9T89BtN&6 zeWL!nslt`E+kw#2#^qpHQ!2w1dc6C{qe8S#qMvzv<}yzvkzJ>j@FS666pnRMa^02} zV58p+f+VP^(M>k}n2+MAR`6SYPCRq2^PlBJ0xGTV!=|RxZDj7e$nJThn}dHGcfS40@wCb1j+{uu05(R>AQt zm>v87c*q6OCs$q_gurpzGRHZ<;>pkB+GsWl!m=8bp7b{NTD!IW1*J~ zNS>=+@pqv0%=D|j=~;zVa&8ier)A@6bYk2Z(b5?o_!#9p0**2oC$xBr@uqOw8^yNi zil;DYUdf*p3G<^LGZ>|aO_|Ypj>+v%s5AiddBC@dvvD(+kNkTO?9D-gSbGAu_bxwG zYrRi=vY~v!^2|}(KF43BZskR<|9&(|15Rf3p=}k~JHHn2;7Q8{&Cm8%D@a_5;oh&V z;>^w)ojQ@t1I3Zrx7rEd2{Y{-p}wisPEAeebs+xt_9yVw0RfM_B;Z|dPD1sCuCIbY zJq_Qci2lJ)b8mU{$w6osr<0rdBoO@bn}4ksc54Ih;*2n918>P4|ljSCLRIFI=CEpgcSpi9!)P(GPX9f^+i7`H*oY@*f~A z``>?^xZ(bmZ?zNLw2nf3D?fH0!!{WJtJ(c*9pwAtOaQAwuWjEbU`+LwrCb4Pr&?kd zaeJbT4^49L3CXsV-)17_8pRevltm7UNS%8 z89l=Y6FSv2cH&d5zHZ<4O(Xj`P zKG!N~+j`qu$6tkT%41bpKYqa*IKt0hs8D`WyCv_9|MqbI8v|YXS2)@6%*_%JIexv( z&N8i>mIPTyy|D(8kWjWCA>POJxs@@++TCXLEVKfJ?geBAut)lT>3lngN^=`*l#X6E zr-RhhYTNX>7Ug<0=jf917FM}2{8SWXXmJ>i`Dx>+9ILnE5D(Ka-WgY~3FMfMfWvVG zasq*RscbrT=wq65j9ax9r*VDQj9Sc+HX~Y(4iW{_5iQ=(G&LDLnn@2z(4Ht=x{z)W zZrYdBu!3c8x!VA8Qa>oo-cEMpGGY6^|1b4D_sRjDN(f-1Q2y?z{4H)dWI>MGiO{pD zAn*97s&St(WQ#)k=p7IDb$i>G-vI5DUVdY*J6=({ z6x2@Rfj-FQZ1g%zH)mb@ZeC7_OlJPwp4ks}#T(CHhQ3zHslwhPHgs{O!2VcH8-2O{ zKD6hbJZvR^r+D$}{8}0uOw~AJ$ZQ*^{QGC)WtzB((kQ`=B%HqJbaVWcu|n<>sMYv^ z&efeT-QD{^~&^FeMdel-rogsn#w94DzE>kg(zuL(9PtB?5EUPy6XI1dd#t}FB=K)!wVdVAgSt8lJmmm!)n zmAj|Lfu&~%qrdZZOK_oUDCp$fyiif$@WorNJ0i^9f_YC$l&=ZR!6L^mhD-u3cdjqP z2=%+45V>K%8)Cs;_M@J7F&R2v?E8~m0`6zKc>5hjzinfsi;IqU<+;rb|Bm3H!bI%l zZ2%ItB;Qs_3BXH^79{2bZUQ7OXXm{&O>7%yQy<;sp#Z?Oj~wTGxeIl*MflI+7-cxmk-Ta2+I&s)vU+fT8c1Cp2gd1=Wj~E;+V`=RY{6FY2f=Ccp z1kr^c42W00^LDO=jA@L~@HS}Tk~RV-{Vu;qM$+Cag z4{2^m)6nUNMA!#PI#ejFZ5V){Z1(>0GSuMIh&9o35Oz})zIfn92Wtv5-yT)>QCa94 z1%0FM6M%*{ zm-}*O(@*MV4Xg_GU?*s)ilyMsE9Kw#|EZvxqFxB_%&JU%E~NX9$L=4omORzir!&ZP z&ARI1UJEtamOWvTcS=RIWV2`1_L_ zPM(pBvq1I_YW>-FWvXpzN&{kSsyiwwZvsk(#CXZSpZD5MWMIA-Dw)qQWpdow6mPxb z`!iN0Y8zXuz7QJZT9jd`a`{E=kE71ALg0>k^i19KQG z!4K~pg1ER~k?YY`!gI-y&f1l-K4->oO#dr`BtaZrQ5lWjJ~Bhzjcp4F?inlsap zr^m2$s~Rhf_q%rE-|!sbaRJKZE7J6$3oF@%DMzvv6vri;{U!N81o`DOUNm)F;)7aR zQ}5>$JaSM6S1U2vB4)FJ;C*1Xu1v|c%KYA9I`Z1@2ZW;t)YahVCF;6Jf2NpK#u3C* zJb#Pr>X*uue81wUS`W%U$l7CX`?B$}9$%FMpPzpuLj~4k?p%v;4r3uw3Ttzo;%%T+ zXAmlyR?7KXPUB14BZqr>1XA>rCZt7?GUi{Ar|0pPZJUs=IPn*k-^c%ZtZB2}#pOkE z@n$RSU5RG%5WYz3QBEcX;FuS-5O%YT#hcpEk3%lvK|Iw$t84&UpSh{1D0F+KFxjP# zg>(Fp@!3NV`4W9pMx$t)XSr@v4iSD4Z>o`JzcI1-#*!Lnzv1=+>!4!3z)}^+rQ*l+ zs>yZWSlfylOe9oOI@fF4*hii^&K$)U~k^{Zw0NY$ju z9VD0}8DH$*na>7O@V!=B5aP%y;c8=~n1ByV|4^PkPS5;cvAsvnYSOO#xPFO5dKLY)8|bLM##&sgw{9}(eK;iRwa1Je_pa~j6I$bl2vp5)IbY?JM8 zmrkBsdUO(J3YCO7p}=}2#5v{E7ftz19 z$0iaIAF4W)O#g;m((^ky7u{Sn3ec$B$jyhg9!n+*ijh#I2j!}-JZz7zh7Spngu`b> z)o#x-yX0NJzI^4??)1#=wpf5b!J!EFi6M6Wr8pw+KApRIkJZJ+&nQ0UPv=UT6Uc>= z9qh%`WoW4J>0H#4t5IteNlCZP%9;O2bZrBMW{e9~Won*xH~?tDi0NxQ%3S*HyT9gU zYG%aHf@z0Co<*9IFZdn2CxXGNE*W!mc73!vy^`cpHbM;}b=A12QZr`>7C&>HUUvDrVp+n5WO>SxaQ+{V~+ZUps z17{jDKqelHTf3AwRckID2uo#C-wv@nWV0XM49F&8-aT&iIC@YdSggpdGg$*%lY z$+{oO`vW<}t-rQcCRnET{x#g4W66Xril|aE?JUfaZ{LT&x1`(%tADI^GrJiXL(^jv z%?A2m(4IDaLn#1VJQe0&1$qOvkdF zd%A>9Bg6EWp!1aUH;w@@yYoDbETO?1npEUvX_#u2*sMfL6Hi6q@T}vm3P(mZ+L>t& zE>|l9v)(?%-K$OCUcO#vgvH3`#?}AKQ7@v`WjGQIM(Bt-Qt|LHcHDFE-%q*3+D1!Z z8`lBf%P{=PYGkYe`xJPrGK-A1>zkreaERdI3L3YN=M@9{`<53v=&GiQ+im^fTDO${ zBK!|}3R~yQLz(xox*U~ZbptsRatvU$1KII;PeS3#FEvZ<*N+7U+mBl?La-v}SgP9L zU~N@IT5kk|ilJX7viq>%yH&?lUB7poRWz3p-D~pqhl-|6c@>{CQd@;g`8Z z&v)L{q5JD<=eW}ny^5z&`ul%VI_G?=ymX7#?=+N$1WRMLsf5}pmE={>bq_$2#)+Kx zJK2juM-KCj@DcK9=b(yE+{<}`G zk4uO%Puqhfqj*VU4F50$J(kdZeX-qsEhf?ae_4QrgJYOJn6zuf>mr;Uu>Qw7>_(y% z&DH85gK^_|_pH>i!R8SmPj@oSoHA;~G&^d$56~HD>6?i@k^A~DJyi=v#Uyuy*D8n^Zk=8B{=3@_R}Yho&_7z1ic?c9|U#ybih<>Z?ndWTy;Pw zp5M(FV$hmG^>wf_)OXt8xWbY-I{s9)AxNXwTRLa!N3Mf5_?elS5;jl$-Q>*?OI92t zgF*a6n$+F(Bt^QYOFV64qc*MB(WCRNGJ~f|qI%=3`d-)f`TlH5$HcwMlb=8Ly|q0Z z${9fPYQh|-z)j_$TQbp;Eu|tA`J5aFGpk4PYKL+XFJ%%!BlA}V26jTk8h|G2Uxk`@ zhZ2Vok>d0dKfdh#qTnh&_XmCWs-8+N8A)AnV%-@c;Uy&cG0DL5YCF3&aq03AbbsKh zcN(`vFh0-DO^Jf%0ojHj5=i;{;(L3vV6KcKWyL$Geb68C);2y4L#Wznp!Cf+;vTKq zVs_z>ZTBMS3;zjjRX0)G#$yd3N}~UBl9k?$HUYO~&j@CtYVBZ;fkgRJ17ofaPCFw5 zKK}ae?(*SV$6I0Ad%wQSUu|~=!=AaC6?Xo_nH*3IbKMZOPj5C^vsk>(&OH)$?1vjs z;-sn_{4r{3I83RbJ)PLwJCG&`jn+u@uiHmj-@h!O?wIh#%eu{6uOtcb#71mpcl_s8 zq`g}Akx)KSyQ8A_ZucWUKrKLeL3B3Me5mk3K_c3~MveHW!OwFO^GdQD$1?dSF$~9J zLxtY^6S?d4H2 zXztCNG@Rkau?`En4y!T{u{k$m`HA|NZEWPfrLExLFHH}kggMd7cAu^K1vwr_7|`}; zVq4yBd;h~Vi0x+6fkyP{JJ|d}^_!5Ix|=c#`e2<{YUxgS`j7hkJ4rPUL#)@TAQEswb_?xnNT>_OZ~v7yDBM6KUSw zgAAN@s zCOg|j6S*#dzot8^7xFqr%Zh&Pv(;jDuV)T_xL@dK1Bu%L>y0eev&=@Sjo7gL;b#@1 z>k|D&hKvT)*vsF~iuLH0KWZnUUF*kPA@}W)x_15jehJ&j} z#Umbzb1>+Nt}aIKRM48}w~GNzns(bB7;h9EOKw>aS;!ZRSvvug&^DnEgB^GA(@)nF9nUPnUT2TD5`|WI}yo)#}9WW4{F884^&jdmZfp@8D!~BGS$=n zQMa+5kjYp4p1=wIB2W{RvPBgxKubn%O+XuO+vy@>c_z>ydWa~Bp?V& zzmLb&PF~|LnHV~6cFMEs>o>!w0ClpQDv6{0PbPV-r);a#LD6i1977?Gk5K+ugjl~G z6Q0$V{#={^uu8+HT<+16`Mq+{3|5+4C-e?g*D-Ictk)?<>Egp#=Wf(qa*x)3=5%9B zDa}E*{3!jBT)^FP{R1~WEb=5K`3al~mO!~!e(mS=n4TVo%zVa(ddx)P4%Q2jCVu1pY?L!P(U2;49A7`md;x!0vapP znbLRPR}15|{0D_2@e`$7ds&@NId6BXVU@I3Azz}*IZ*$2^`J+z|3;rGnR)Q8o#CiA zD_(^SKUJ;3yg=`ME*o9{Ue#3TT-K%hQo@r|@>Xn|g_@umozJr;ig#M{rSJkth>I`H z48dIqB&>w@k2Sl8?{2tQ z6tLYB=cqZ?3XXpUcbOl$Cv~b!HK?0~ZSgN$v-v{bs~ZD&zRg`s`0nF|@{f<{;vu&^ zKRICFlc?olzMj0rK!y_HC=!9R%4Xech7o8OT`--5My~np*|52-QO!5aCDW6|lkJI; z3pa;Ee?8sUh}Fr=kc9Cwk>u@Br!38Zp4wr^dVPz__*_@vaMEAcqQ(yRL#Qk?9^(HM z4EpXO-k!U&(}>;p<#yPv_bm9*L5ZucP_V&6+oF)qPaNL*Ffs25=oE&SIX8uG5>6kn z&omB=G?@jeU^c2$kZ&^QdefK$p|}X`>`7|QLci9Ux0MWg z#-3STO)Nm!IU?`@W1bW zHSo8VNWuL9Q+YvT`&srgDuiQkfM41cI-4dUIAvurWvI8aBWk6)TLEusFKTF*>()hddf6h0eHWoRWxm^> z+@kZ+31rd$v)n3oGDOR&@aaf18DC)bx6Hd*;_Lq{X4ih%Jq!W7skk(lS6JQYK$YTN zaQFfX=$8>DC7(25sO z_1Zfta8@y+03c`CA`4hjiqGbO;qgjn*~ON)$0m|1v5n78#EC3&zJ>3=g^k`)Aqq}> z_h_GJ9B+Wy-cFa8@{ni!j(B=MAP#)Xah3}=i2~}Dtc${uUS9a->PWqBDEv0$|-eEn8G(W_Gh)ankiHl_s3xfwX2G#ta{@#Ub?eU{O~cfm-sw< zZa-uF{X)@+2(XKN8s%!;$q(T6i@9I3pN+4<-u}Sfl7k5wKm6WFNcUj;maeRo=N4%? z(2XDZ(_X86YP=lMI#y1z89_WnAgo>)i5A z1blS_{uP@iMP%lkw9_$MpE(FWC9AGNGtrI|BD*T95aLEJwtw|a@2-6rK)rRT)pb&b zK*frx-KO1YdRAW=iHp*{)w{X#uWztUvLD1h+tM zsp-nt7nHiB%TU`fLoJBIX-Zpi<|Vfw$Onihxg(FUrF-cq57E1{$fYN&n~(Jd>?09TiK}`NBqs_<i%Kca;yybFNxHI{DF zeO43ANoo`F5#Xdbl^o#BzSk{6NfJpKkrb?Gf-d*Cs48Dno&2vAY#dtrzg$ z@q|V!u)l`@+}S7`#vIISjRIeY$HZ)2J%n?=aLlS5*4AO^+u?ARgVnOOjlD9G`L@VC zf>2k;YODp&H=dn0MrS1ZvuA596Y%5!#zXFJ>B*56%m|NUvJ#o+HY`>uY4}UP6p7?RdzfNp*zs&?h4#-Up+PoFf1>*<)%7spu~P_s&oYS zJt)p};>wBJV=#*zbAqz%)kLNABIn`K7Z!WxExmVw?+*05slJhugX{h(UqcL~+4kUZ zoY3s8RJAh##>3iLAG!Xvyz!l88g{SOSSduu z=G2wiKp08F5>oJ2%G>`YD>#t=w68+B$5J5qyr{5zKWe5oDF%VxrDZrIR$?=X&Fg* zchf5DU^%y1{n>X|zT|x!0Vq>jYXsGSl$z4=^gegR3yZ?Di>M6Uh#%jh?BY~KSv|#I z#)~;RGy$wmhkJ2nH0zlv9C8iG1+#u?4;02^KezB zx#H+}aS_lW;&zlKJl?8#1d@)GED4M?oU!vzk3NqD0*YOP=Q`Jp)9zS4vLNYF|80=a zvD>w6eS$#j5<9W$*S>)co;>2ixrv7-Kb5#jGPM>V#M7!0T66e#+EMo7e3)ra7Na24 zi)V8q-Lf9I6P&iMw)VLlq>B2P=BK!Ik(T@?KrT0Ft@VS$5OKtajRc%pySwy1CT3WP zuZSRLp5Jc>{wz?rJcj`DhD0FC!SG%nn(=SrpzPe$dvG-5_yD=|BF8-opOT!x(Hk(l zrKJusW~Ki7hPNs?h7bP!>D=YtE&60cp&??V9VM%=?e1Aq%Gm2+iYww?I%wXm!=VY+ zKR@uTeYXNO)k655nFnUL6vvfWK2^TdarN&0SZWnrm7&gl$a0)XPRxYl%77~!s7_^} ze`x}x+#FWTXXewB-U}2(3EIXeFC1@PuOvq6&n>##eZ`naD}X{l$#qTPuLScH-*G_Vi^kV*%+Pqkaf${ zrmD=TrKUiV7d4rXi{}6u7rVfH+Kh3M?=$LnLIB|-r7kTh)?*~>-1eEIV(L&A)Q8c<$c_x4XbDu|F1!fi5#hhxguTZC_ zov|8pkp9tCLShM4IYtmE*KgBP@hyA#^YjxP-!m_lG($6tMbKR?qo0kZPJ0EncU@24 z3g4m=Vh_j7g|OzN*IA~m1O)z25^qEg*!;Y*vAk9FPV0NA zE7Lr|pyBG`xW>XD{wFcGjAL{_rKgKN@gsBd;O+Np77;67V{@*MheTJEF^mI0DZh8rF#Kh5S!EhEGZ&y%yWj5Gx2g#=4WMzPY3eK%d`O zSw=_k3|x%pPa4IUc7B=%qa#c|{z#7$NV`q#HDHlew>Q_kC3f8snPj&QlE_HSXx~z} zQ0MqLbxkr!MnMINHm?xPwEiKxH9;h@CWl+`og5jMDTxujyyZUD&#CetZ-PDZ!bwH(mqB zpfjrj1c;hl!qL@A6Cv1_t;fp)hC-}N6NA)-fA?f0hL!P|7hq`d>4!c>$l)81`nb0l zGw|y4sv})yQ(6Tc!pQ%?nzWZuaZJoI`#8WQJL-gl5PrAtrkU|Dy09_DZMrtx5CvFA zxDTc)x5xg4CciPVEnp-4KILSc21LN(%YLs?L{L#F(-8S!OdGoo+_GVT{jh z@MnWd!c5cgH&;WL#?xDj;PHmfQ%Hluq z*bMn1s|?cEJtujR?-=6m3~YAwmn9*&6$?I+1$YW&WZ1`}39lL*Xg!QRp{{06KNnzQ z*Rvsg*#?Wx&1t}Aed`253>^H#NWE4$P9%$$}a^ zom2;v8RGAL_LZjh^VG(Jme6=1vng^wI>xONW0WEta2`w@qx&E2Z$_nW+aFa4-$wx9 zgn31SJT3WMnRLDo#6!Tf3Ga_-q_;OINa{q)rdU#)`Z@#-@uUTRO#F9eYl1%DD4>m4 z((p|P;kJnQYQ2G}Gr&9Brb z8t^joh{SQoAx0bJnkKf^vN+wSb*(s6%RYU?`+KwVdr($E$F^$E$_}8n?m@Z)J`=FG zqq2wkX5SB#dmhrT<8VwtMbXjbzFj}zlq!aGv#d(cezfq%+s;n%I2GkHa`Er0#8wi| zn3GkF%EUNh_oIJ8QN25IspIW*09eW4-=_n%z(Ou!bRuJ`mZa-DXhlR-Zkzo{jvf=} z5;+wS?@mgcOxRHaUiM)K#)=#UT?OXdh2p&vg8z;jJlAA zZwrYe^2OBWbUEC&#W@Ad zc&mRqTI6HX4I07jEr@C7hB6i@eJ|#AFI7Fx=I~J`Y_z#>4lXXdxXi9Fm%l#u6G^zx z?}#gXsA_cmds{7Am5UZWGI#{;Rw}W#%jO*B7nYzhFH9<8{+nN3rh9_(l#HP&eRA@k zYxZJ8J@;w*+qg{k^ktt<=+0S#n8eG2OS*&o{i(;c)wUz-e=;dzyG&HpY`cNy|7#H{AUdx7k4|@PufF_RN}9dQt^g=_}`m2 zoFkZmd!m%{@MB{BMqyB|r2^l|FF?FppP)qUppXtE#hg}6Rb6@}?a32NO}uh<_3B$n z_ilj)0>$5e+FIKwT!}e|z&%3&DNxr=jZThX{YgH+4US-EqgWphLSBZ1&E^5$XO!vj zp&$_N)6dRoHbg~7Eer6=cE`ae1xZ1wHz{&JY^S+cszi*R7r-+)gDDEnC{%bovijyh zFB9nKK>Zu+b)>H)A=77CtO_Fx>SGI0`Qaq+C~s3l`JK?!-5Ua{^;_K+WN)5&T)wJ& z(sFgJve0D{Rz8%bE9wzY=cUmJgU1A=!dgGEc>~BC|3!0y1WvxPff(%v@|A)-?CB=& zI{P($YkS}fixo2uz1(?`7t)-DY*eZeN((2MTNVoW2;2%%@O>Qh^OS%+xC-$=bAnDS zIXibWkFNZHdm)!~i0;O)p!>$|*5cRmWr_V!=|n7UnrPy~hqrGdYr*3uH6x{f?7@*>|JWFqkBvWr7g-^2UhsB+1S|lpX7$R{LMaFN^%bk*Xk~~ zQ_2G06(e&US<__`P76h1NV5bPN_CuJ#G<=l0{>HlUu&g}?2P|zbm=D{aP|FD0vQvj z0=woq`FrBRI|os`6?Qq4=dxW!_oiX|A#94lCLW~;J)3nM8SSJ3Pt7Q)?E2?TAqUM~ z>g#^;6@`tksp*y0?>c#n3>vjZN%p@ohY8%3N>73B^F3^$NJ@&4+h;2%lSG@UL_MEP zd846Iacp4V_Dj9X=_3_4?qAq6*VF!6@wD*oQ!lx+PUKRRZ2qBomvdwJ7i8nlv zvTk67Ec};_A$pe-gQjPo9?A^4w57ZbIB9+z3o6il3fro2{Klk)OOJp!5k1>vh|=Ai zUvjp}A(}s#?Ek{5)ZzqIO!qs0tSl%dpeFS=@4hIvZp|3sqB`4Pmu9ScVv_dT! z+>$sWZb9>tFj3A?&jhoMjQ`{L*9T%Of`7+IQ0i z*!!Sf=IzldoztS>gSQAq?0ko{q$hm+TmUxUY`V^@$s<^ivg1WV^dK4X8|>@KKQl4)355 zB}S;XNdF=XrHj6f_k*XfAl(b_?@Yx0Ew(!hBi8AwzjUiC`}7Etam*xt;w&>R=G(JC zz2Q+iqjq!;XA+Y!7F@&noFM6H$okq)!`ta}l%rz-FhIUdvkj!RKO4~{$Hyn84RVyB zAZ*x>>}wa_FK7$;LRQ2Nim>KxA9m5hCkcXD94Huk&CCp&9ig-t5U(IVXP7kgxel_~ zX|9AHAn1BKSr4Q2rR`gI-RIZ0i_`3+Cz;g}@*A&_mr|6VNZBa3MG-p)IciU zDegYz-)Tc>mJy~?SN>tj3#b3v6<8UBOpW$uj~gMA+CByjtc@Eq@NxZP&00SnmCCh! zV1IEy8v6XG)J3Q^o*19vM?6;eI3y1rAQ|o|F6RH|L9pLYssOzK0Dyw&uPLn*fy)_` zB7GHFUn#L^*^x=0W3lF5WRNbui0hVHoxI)ad$9P;js2Im!i(65E-HQJTd zL=9 zO>U!b3p<^kkDBLLPK_d`v+?8G4yb23aUtl>A1>bgp1cQ& z{hzW55I*`kwjhU@`^LTXt@Y_rncvmM^W}l%xpqq6pi&S}A{2P$nVH}9MIq0fgS^Vn zEtgWFYT)R`;J-y9&ABM&+z;&*w{u-v4cN~k|EG_OTx$yS* z4id?#>c)nvOFB%|Gf&~OIB3t%5G6chAhgb5Fdf?;(KYN_-+Ur&|B-%!w|iN>Ue7n| zu_+_y^YUZQR*N*;id=w@e{7FX6p!KLYt2Dw<%eDXz}y=**^&zFO?yTdZFY)DAW!t4 zR{9r%eSpyO%@XRl ztpKk}M7!sibP||sO;chS?Lz#*f?Jm5kZr*;8ccMGWh!4tCX8g(7j^r4zk6pMxBr|i zS4CgrnV;UL+9y=)t)<{I*AclJE|<|X)~KgDMm>1qQIY<=lL2I(h_`#d1pd~gv)8Gd zefs}sI?I5jySI;zP(cAl+=!9`hJw^687+)1DU}vRH;nFP2vX7#N{5K#04eDhAX3su zhhy}B5zqcFp4WT(+qurUzVX365ViFuKu==#bkA@K6{+A1Iu2n5Gl4x|vuR^tqYS5i z_($oZaGTd2kA+SY;%CYiHEC=hcL4`RI}DjXI2k*FyBFQcDnt4@B88UFs;K)ua$CKx zeD{-`0VP^Ni=@RE)7CHqy@ZMMWw8oI%*<4p%fRDdMYe;XURx!-zb=uGCw~~^dsz68 zkd~faG@Qc5Ws%aT2e#M3(m+EkjGETd*bhC5i;*N+z|aQ&Au2WHuf*HtKqU>${x-x&3oYa^z$d;vIMTXOUW+C z%&Wq2(&U_bTi06&E!x~?AeGWze`(EJyX_gc75g(iR;K%EIhCKc3^D?KX&B5@`F?vA zz4G{1=IXHyl$5pKG*bgyE1&?hLf582dz5ce*`Hj=bp)8SPyKas=d^mbB2i!QVR-mH zvV=`Y`4cF5EjY)z<=waWEW_EOdyOfr6R4SFbq|w2Wx9#&WI{vJH+A8sa{tC#bs&T^R^NiY^HeKxI?u-*rP^6?~}WEV%N_~vj;Ly83xM*^cKh9 z4)b2nJHDhlwH>U#ODkvKDrSiD&v(o1cp;>DaAHE+xR6bN*qB_YsNdM<$LlG@A&dM`WM`8xq(BWo?)Xq7Izh4j#XB(y~jI!G=g_V7g0?m{~MM7O-=#X7ktC zHptyXm&e|F$17e!ezhG}yV2BBU(}AnOtiG}f@%{5WJHQ+q$mEZP;(ye@(7K}C`d@s zPCFj1VEqXsJlOhU$H#Rq9($$omD0>D1u4Dk8Gj0i8fc^Hu&EZXo=is3Wr$aF9F8)F z-@KWSe;8YwJHCEApVIvgkx%k3hkYBd4068865^9a?M@#TQwtuHNap(pN1wOah2GW$}rv1!Fpuh9ow+H zOx59-0Va}{>^t=$kxM9@912TR#xy(}LvXPDVGtNU~6?cP_}) z0jAOT@0!A6$(8ID1OITvtfEten(XTXkbn$op~8UpksT;7W+(0L~LgEW@n;m7ooK!&>edd22|j$VPOV9Utv=$ zefPa8qC2Y|+RzxV0jKQ6tl0JTy3x;ax_-u1ict`0lO$#dYZXLPNy+_*$pYVd{3(jg z>4~51_`S3#Z5ruQwR_dhwiyNPlRz)y{c=9L((DHP!k>TM+OY#>H^LbwhpL z6jS(OHH?@jL4tvd4xu6Tg?VkmKN(`oxK|qwBJgzDs-6|ED?(f@%`+w)0;C9N(JU?L z8u;BLMBopsiug#v9QXGDCsy(5RNBmjY4yQTuyF=B67UXmx8S%xYmGp}r# zcn5ug+RZj;u?mRMnR!Kn#a0RJdBM*w2f@MmUXWw`|8fgjc&!ICAW^^(IfIbPOD_r{ zIYOE69gd>%-Ka0^tG-%%%&av! zGs5`eF%7}~k;|;w&Sg1iPxnjuI`~nJX%6$I+PYne$D}>}`mM_YY8KqkcmN}iq9|4$ zLh_2OAowH|{+>`@cb{8=jgr~uo(;4Z^m}eaZq(!+%%_u9$JyEN{nP1@T&RM{8~W;* zyMWHQ7Gn^#g=_^bj>yO}1wEU;F~A=f)Qk!6YJdAE7J~dZKt^q`tBO+WoR$Cp3!p2F z>%-RL<%Gx}ez#tTgxa00pDkb0@jS>07^IrC5oBeXk7AQf;}EZ++P67+|{4~ZgOQcH=mwq&-a+HEf^-xH|7M=94_ZkIm* zx`c8xH{rvJcdsq|+cEaB+%eDwlUf0tpz0U92VL~};r!D3 z;Z#M7TPGAo5YZ&?phaXuBbdn0@)RYz)mF`P$yun>X{Y-c8Q|2=$SNx0B#^aw#!OUZ zE6*pgtyd>;#V^r60n%Q~8J-1yYVQ@gCqVHU>TF!)UCF^^H^|P|wzqt+QAgssYh!TF ztgUPhb-qUHI%)KbIysEpV>xl}wGkt%DV0+XpV>x9a7k`w?hYAYJ?ev-oipZ#xXb1+ z6VV#hgV<%(Go9ZjXBet|6U7B=Kbth-ZV)9&a7 zzgVieth-be|Nk)X<*{tdWU%08aQ%rzYt! z`T-FeX+BI_$M1*rJx>3m$x|B}i8HfCk?4w9k3qmM{Gg!Mupw2v*#wa_?f6cT2C zqIr}uw=@->xhNDQuN-ZwF(tdkRK`j$2IR&tHTldoT1MYbN9Y5V&+zT~L9gsc)`q7m0{U>PXEM>u8`{pxCY zXfaXP%E#vj4`O^~m|aCQ!;E#7o@>V5@J59LHyCA5X+%au9rSiLC^h9`*xbx|plt2Z zUa_w}y0!Ou$;!@*Bk-KmlInC^=JtYK7>lJOUpE2#oL^>tZh8^B(-@#uU_6~?XH@p&sH$CBSvA9LX? z9xJb?IVGCeT2!~xC3i^ysfU*t1&C?m8kHTDA9A0x^)o%w4eew2lx~&l^tyit0x?`@Qa<+@?sO2saeL> zHd?5EkGDu@ZqUHLLW`ytV&0;EPp{m8q~S^TT1 zLb0o+@$`Q>q(@?9i7tR+r`Lncr@=-Y>8lN<8N<7@?K8&lAg1#&zTWSA7Ze55PkghW z?*}j~S=kwuz7k95K=bh!L0Yyun_Iz=z`)9bzX6i-=U3xL3lE<<_W}WE3WGF-1HM}z zQAbmjG|QN-$NNM4{GzmC^$f;ul1{;KBreQai`}6OHElYEC>^m|6-(5k5c~LX^^u6cvyChg4Rpn1Zect-P3Z_oMb40wZ14<pgY~Ulqy2CjWT!h!A55I zvO(9q2fg4NoqL@-jQkl3i7ro{yxTBev&?{i#9;+6;e; zF`Uj(XEH6xey$q))A#mf0Q`R7toBkFi5=44+!6Cm)wsej^MwcTCH zRdmK$tKS?eo}ea>(9AA>t^c!hQ7+0RHHRlme!P8n&3CNo667pB5>PJ=-P+xd5g zLVI47Cn&fpm)E5AP6c(W#Zb%eo77r9N!MDxx>k-@20?oO05*@duB zq07f?Z1${0BgXsuO@s8M6T=DpZWyls{F+5YBC3tKd;AgM^|e=cxxZg(?lKl2Dy*#7 z+p`o>>Og29n%-hlq7s=qNvz)jj!FUiIRvt^Nqz!&xmYw|lXPph*dFIIOxsuILqSk76U3-r_BG4-%Cwl9z&WW&Nctru z`kj{Ntw*YcF}2gvlxR)nP@o=JY``N<-}Zbf#6#vNbbnm{R!!wELAMFUw{CzvRww#w z2zR*8Ge23Uju2@5-(}t9Jl}pL@|QOK1*VWN{ zH}C84M`b8DaQyiCK=h{E)0b;#MZa3RHS_nq=YtedKaSwY7Y%0CgtWa0>sHxf-s(ut z=gldmaj+3g-XoFr$z?eipyaayZkhE|hXgU23>b7{;t(ABVlLZef;v4E51$9ehQ!N} zeV%|>&C}adG(Z!JW>|q8SvBUmEt4_cDD)o3VUKRLRZ`E5iTwZi100rQeH6xKZC*)OLfc;`uXjH0+*L>{BKWus&UKt`!}*nPZYh^Ha!MG zcLmRHu-J|(S95*Okjf?BH!gRG8pq;TwF#D47N=u|g<5fdbP;a(lcGC;%@NImXttRDN@YVsvA?Bb8H z>Nxr)pMdhc@|@qy32j_EN z->}{TtMW0hw#?T_2jdw{OGr1TTZ~iuGp2Jo?75X(<&GUG7<_j$-ie7nVulY`8(+r_ z=yTEJ4jU~kVgHgU{IoZ-R4RDQC_FPqNCkaFZtIW7h7u6g-p#!50fygmZ_|m%`o{%k zM2kKHaI*XTb^hA4&vFbX^v22gya1V>u1e6UYd2+i6-)#~apO45sw5>r`FKpqx1sSF zVH21{hHllHRW_~;eHp2n;!}wkvvIHhSa#F+Evw8~$IUvm>0HTDJ4zlK4oYe1WRb`OsO*f^_eJVozFwf@x(vYBJ` zGCXeCT$?4(L+5ZF#tUyYlTCyH5)V(8db(Ba{;EXVZ!H!M5`O5u4>+BLQ;hBlHV{bZ zRI(|n%|(}PGdC-p`)&jUXhQ`}sI(6-t&Y3RTrkS5WgY2DrsUlmNVY~NMFdPNo|E1O zDeE2Q_ymdMUY-i%o7Pm~yszt}Z+tUf28p1?vK@k6%eMwDNj-4CuJ`Ne9oHs1KRWFS zBl#F~elrpu%Txj~)m6QbFn0DHilNaH1h`hcFO5rqk^b%Zn+9%>&?Wa9A-t3O#95}= zY;8q8p;>wB{Cm4!KkW0WLC$q1N2)Vvi@PE%UtTy2bvk7$aNT@{B zZ(A4k`vlko`qw8WsZC@4$7st0l~j~U#D^ z87cJX!7T`)@$tXbafO=sAN2Xs*-R4yj=9A+(`8Jn0D@FK@h}GAu`fdUy+DY-A$%!f z+$P?Mb;X1etu7K}(h9hD)w*l?EQvcaOEz|HJm^1K63vD+poH;YCpadMzB8;YQy{~m znNH-b+7ouNUoDXXcY%6HXbBAjNNAB}C=w0lDC#?TfiTSV;Vx7+OIg-k*zF4gcIvP~ zqP#uv+iw)*y{_)8rP?DQ{d0YWl%r)ft6Ju+XYpTcZhU5F6_m#U(jc~fQ`EpR!o-svW?2v80~WDfKT`47v9%>#GVUJHjIrt$|9zSuMmQF( zuM4_!Wg|*bb?;Y+u~UFf2sr^)SKPMbRe9ugJF{dP;P6li_!o2im>4DIp~bDlF5l_J zJz=grS`~{$$WyTVd?B2bO+!nYc`9aRCWa!pn8bBY5)3u!_NJMm*K$}Aia&)kvr_YI6De zE{j=uIBb=S1VH>zFI>9h?6UNc+{%ETCP9*b$0kHca2F%-xXV*kv%~;|3(jM37|dZo zfaxes(r!eS>0vuC5ClOHaoDZLH2MN&mak8@kxjA{C{b#-*=p@ZE0<4Wv*7oT<>A+@ zqc&~)OMlbU)xa{#J~Lt`o~^TVrr(-nvfmG7&O4`xIdxs5`t1rPJXE>+TT9IFSz1vD zYVStQgq;X^m4#15;9{ENY^OQ9qf7sn3jcjTlO6anRh-Q%cU+{6Q#3X>Ir_0o$!N)l z9;a}_ClZT;;`#I=1@jSl}wz)AB#4`)mEdE!bhr0pQq z`(yOPe!D7DmiJE?n96t!t+-J8f{*{?d?eWdPtWDP#Xg}4LZ?cMyr`Rd#NgB5e@Yb^MRE3^!L6r5>!C6^Ul(Ev4lt@4I9xJW(!sF-b zDSbolW6~4c*|>6#ok#sN5HQ*9(nl zOc0a$#bwZ#k(QM7tT~Qg;w}|M7y2o*%&s-uuom~PsvW-%2e%Ud|^Vai3!s;2Zf9#k3 zJ!zgdtWyS7GigEBy6NjqU6@9pW4nYXMJivTFmh$a^W;w^F6u_ap{G2-7;;Ec(il2t zfWlJs-R5sy*%s}OzoUpH9oRSJA^~R>Z*ygcX=v}Ih+T_qk1-2>d>B{K!IF5~X!~Yr zt?j}!1G0F~7X~LMfRUaJ+X)wK`_~EEN)glPak3K*%k$!ykdm93EVu_JfM8`ixe-|N zZ0wqd-L$%0@9X?+8y_Ekt^8TeBml1}#o#KHg)DpvxtvWeo!@E5BbsZ|7}z`U7V&nyXo-$E zj$AH!gNF}+A1S24&OO1%_*tJr@~Ki=obk=~0P4ch&;@DiL}pBAma0LUL@rRn*>H8u zj4+EU-wip1>QNAR#D@6}w7Ni*v>>TD8hoWq&UZSQmRS&jksu*hQqn5<8@mPp$1jN* z9d+)yvE`91iL^COnwUud;z`I+=vWu9WW01@FvyQVi!+&#*STVP?)oe6(8bGZkw{x@ z$#1zVG0#J!p~a`;Zc$((v9`{Hu!nc}sH|K9AT+d1-HaxDq#RN!`S7r30wj!rf1Ytf z#_TxXni)7T>FrL+V3*HQ^wfwb`o|UGJt#iiy|2>L@y7hqSb1BlY~HIX-WnNy**>P0 z^uXElhV|i=>@Ehxpy3o@2K0hfYszv~XWJARh*5LXDLKvA5NT1x zy9mc;;bF+GL0%z)I5ZW)w&3{4^;eAGc+wYtuK1~c|CCdput3w>)8R)p-W$DuP5sh? z^4%N+x1zxX0Ya6Al(!^#07edYJimAXCx>nOA%Qy=uVVo~h5M(o6ErL#`q(LU0{I0J z^D4Zw3r>C_ALi>P9NvNaS;q?pEfKdD&f4lc#wn1j3*MH*FPI=LK1bqZXGoU4 z*+>+(4!r$lr_t%+sMdd+NG6! znd$Mqfs%TV`^K#`Ck1Lb__)(LnpVnxcAB9JyS#LBLoirh;!$3v#1p}j&U`B3(c-mz z#$+<_H>(1*iFIc80O={ruQpXfJ2haqei_9!(0{R4YdXe>pp$X+Q5Sy_xiL9B^-f{O zQ;DnB*C62>wn-T)ide{d73AMS*|3xu>Lx?hc%a&-GX*ZKB?iV6P_QXyZ8-$i$jX>k z3-d@|IYCql(&R0&h6QzzB`+dnTYMKr%I~-|ydX&<_bu3$a>CrEsFOydMj#U)L@SrI zJDw}uCsvJFQA~mFbM*uS_HM)%()NLj(jQp>Htn@!AT&fV5;;V}in|s!8q(R+aLg78 z%l%upVYHA|V{)IJ;m=JY#}`lX62#M%$l zmnTqE;2M{v8(%!scS2eJ&(!!dB|>@N$DPG#4Gjc(xKtGOE#Tgrr&^a-U4$8iTmV*6E=x{o=O&DZo4>-$+@QUoFgMA7g4;mlKCu*yLG{PyH{}@VNvU z%ovZ2G!Me{LaDB9z7Z5WYa_R5b@Ak=K)ZO#3 zW-uK{vIrTg&qwOt`T~HA#VIq6++nKo6MH;PpgCOnC}3KrUfdJR6Z?-OE^CaBG(1m1 z`0}KBqBYGF_nxIc zX7<>aP0WlipScYQW-RKI+5coX|H+jZs;ly{g>527qEAGa`c8Eq%x!AMvTu zP^qPaS}r}wedlJn7oSP;KsUfya{Z;8wYgbt9+GW+u2lY;vo!bBt{sh@@f)Xa(#><4 zuz1e^Q}y@pDtE!f^TTrwK}EBXnSC-ymC`iPG05U^xr4+9LX^%dmH}y-pBzEO2fe-8 z(7UhmAAiPa%#-=K1IdUN%2|f-f6G2l!&e{#$5r0|^fK{B(Y8?QZ6DBAcFt_xFt@T3 zO zQki|9N(j@K-=Yyhwc&X9Gf!Q3c(&`^p6A?*x=S)O*4{t*ox@p;_;g6)0L_gqz-bhRR9b*7S0C z-T2QIcrRT>A)$?GhrrQP_R=?G+j<|#kO?jNl}L5JhICoBsbl-n{zLNoQYre(t}u3< zd|_8&3mv!hC^>d_Nmq5u^~dr~DOx)u*wCDQ*)D)AI%(iD)>Lt(STNVC5!x%Wehc4S z^d|(oc%_>wDzciDt!xZ@#?YhuTOR;K#85Iei0XtIYdgxiq!S$o)R@n2ra zSqJz>eySYW$iW8w>(|wl zh2U@2cr=aP{9P-n7I^VVm>uqbftD+=RrU|iW-m{C|HW=*X7(|F_6hZwoHa2RcvHa10y2}m$VMyQ1)-#<70Eglk)_O9!&@-C z)HyzJZ-dW+#1hSXJ4IyV2;PGH^Iq;+qMJ;P^Zpvnf=a&dq*hh!V-P^`@q7V4Wv{nL z+-gr}a{Rc|Z*cu%42pQISumt>P`Tt_YmQo&+jd?s&v+fvUF`kg1+X)Wfmu-$XlonK zLM|KkA3JpdnS&e9nm&ayc*K6dsc{a4Ke`gP{0E8N0FUe>@DKHy?TrJ%GA*qVkUDJg zPMs~ijGxEG2m0Y1ZB76gr=BJ<{>9R|+7Ex05*W1NC4LiT#>`9kmoUmrLmvAONs&Q+ z^VP5gR@=&;=8gXOpBm$1@fKTkN`noH8J#{zA;8;w0zbjV=g)G2@5e1=W9;ya_d>_w z>J6ZYYZWpVALr2a2xhYXnCYuAp@!uPMpZ>$&HpOU1t-)JHSX+5+bk3t@UVn3vK{ga zPatU_f4(PDmX!b`xNOyJ=5z)A6AMvgPd<2Kwt2iIET}e(IsaqW)hN2g&f;tmSTwix z90AcS#b2S7dY?b)+KPW(ggcA_G04K}?+rkFHy;qc6|vKzUY*Bh!fVy^1ImkzXZJ!)FsjjHg=Ty^_XUfj~WPTMDt${yE!D-0BdR8d;~W-rX5?2wv3M*c|*4$RrpHNvPiOw&KkM~v1r zrc4CagG+A@S(iJOUdZ2P{jMFtB6_4zGPcz3H;Kz1t1Sr)AP$}Vs%)IjL@h!DOIRFk z`H#8=0&u(ZMCedkH?uv}Ag%fQpvL;uvjRCf5NJqoDP;eYsfO;oT`3!sedT+T29*6B zH8(LtN@7(bN+@Ba%Ks@A7gPw0X^Knzn&_p=>}1cndGa#@o3Po7+PrgH;Jr^Qd@Ex=}me6n5eUlq6w+!?^DoPF-u`R zxee)wFQfO4S#s8TleXgAXJr2;UZB_W&%SyY%~47rwb#Rk4?9n`TLiiU^fF0z$1TPD zrP2E~(SQn4z#H4)$z7G1P7xX?#6@XOFKge?q97$T)PE1dpbD1g%k-9A9{VHSb{nKD zKl0nLL+!0arppL}VHT>Pb?J=~Ii;KUs=P(o$81Axs8UXa5MiX8F6|j+fMxSzfMEfH zPmC^P!g+$HC?E&S-TSytl7i}v90M~bXX!C|{5L__vZ3R(EL{(rZf%xfKA?%$ez{V+ zV^QrY#lQ+isTyhFc$cpI-7J(F&_V)I4Gp6P)dpl4IWmy@ukZ+!DyN&1iJ$`w=>hf7 zklQoH@do98-N1LUXQ?T(6q};UA@lVr(myDTJFH%_|148U$hS2*Aq1A*Z4EfW(1&>Q zd|b6LS);sxrI@Jj)9n4iEH8!dUnU6>yGtBXuD5;(2qvso5I1Bru{e;;UB!2f$$8p# zf)}^!+CT4i>+CpoKUBjmh=v9dOLJ)Oa0G(GAwnc0KDOOTf$JWQeY$JXfoVg1Q7rIc z>6V8RP!nGueU~ZBY<*?c!vp#_wI27HTmt6I;~@BKyzk6w&#T8&UcP@VQ%p8EknM9s zq62EitNA}plj+t454GQ8?oyvPiF`(Ausmt0>2wE+pDXgmBw`fVg#a+4i9>fKTQIw- zFW*JrYe%jgojIHTNUx4+gZ^z1OdH2;KBNnYL;2D^2NHT(M89MCl#zX#BJ?*J(F*KV z@)p7Sw%pu-=`d09zB)^L685$-dxSkBwiy;i2y}K%OR~X-5~T$ z*U`D}W@>uM;?uewsZWH-DmutOe-}XQ;%xU@Zc!6=z!LQmG0M#Yk&J&tj=EV}^E1wn zQDXdpAM2(d&qztEySsgixh4nTGSZ^@8MekVpMjeLe|K-5VA`Efy_;5F%DNEa3^t!; zMQ%xb)O>r^@YsC_!-F(MQm+f!^{Ux_-8U2SnkpLo!J9csD8D=J4Ffj{AG2|d&^Rmb zKdG{h9}3=?K)RjOI7LNuO~En_*VqU71s*&vRb2CtE=VgDrPgQ#>tW(7C!ZHC=FdeIHipyF2vcbd_tJSzB={x#ovjd zmu7iNep>hO)rzKJS+LQ^LeB>tTH9_{diThmMZ7sqK%gg(XOe>kyeW3n0 zXHQ={xVFZ?$Nq{5xRuHIEOu{vug(y));8VdkUkUQOD<&{`iSH#Kb>weHM17$+Ha>6 zKRmp<0uz~gcdhX;-0?~~-bJg6!1<_S&P{t~Hl6%@@Xw~WGTWfS2l}PPKTppi&79{b z<}G;!TcWI=TYH7(=$)8yJK9~n1-ENGGCfqg5u%~W4?>G?DzmDKL`J z@KrsyJzv$@bL~|Y(ZaOQVg#v24hAQH>*$caJ(}Me>t_KaRXy}!5KAs=fHiuRHHx*Qyx;hFOs}1`^S%qi`D{9-(66H_7yJc{Ha{T%K6vlb+7iNF9@3vm23$TRo6wu3bk4-v6cbp_eKAvW&%i%V%J7S=oE9(( z`F?9vaOL~dul;o(IkhWPNJs}Eog9z=QT8>xg!Vz*h_x~|&CRifCyiAa`W|=XEV8Jo zPN$VMendg9SZ1=gq&T*8nx>6XXe_t=EVKGx%ONtEJNU7C0N`O`l`z{151L83ua?dy z-v%^0raC%@7?qJe>B9%V_i${>>n_#Cg?5qGeaQM4z4A1;`^%#bX3zhLlQA@yb3-o! z*(DtD;N1kV0K+4{##CCs2_y?_fBy2BcXAk{ZA=^* z>^=IAWrTIgc81sW_Dn_bm@m=6Zyb0K#q$}n`181;z~i<>x*b~}vdh-DrW3&2Mg?mM zGPG0!-e+o2GXLJrpJLU#r7zq%g^ceFdEZ-{cR-|s!30UFwC zC4OPPe0?E;y2AoYfiD39iLFYeKj%@x|HP~0ThKzDXtST$pWP4Dca$z?vAq*I-&nD`b_kQl zK^JAWpbXKYog<@A62}4_P%PQ*bboNXjE5@VmB*9rOgH1<`es&JwOzz}72R^t)xMml z7)|PCHWS(#J=FU@F_^7pUiB)ze|6x}ozWVD&v~G_!z*jwo+LuzWeN;oEj5B*@acJutd3jshcdm-A93@skQbi~u2Fi+fH+!H=G&i0DaqR$?KK znSEBF%buQzj=pMexz ziaE<|KOy?Cu#YM!a)jE^u};ak$*%=8q*JX{)DDD#DZo20^rS`(aQ%2!6F zt{Z25NAK3D^L#>DUIRl>3Ve%#+Ay#z*i^zNe{xII&z`Yd4S7#8&?uXE3CeNTst_T& z*@fn3BYLnCvcdab{NjpV!_;W?B2254a%i86C0=_1+X?}e1Bk__0tg(W#S%EOSX%0bOliHY6J4p?6J@ykLv5;!D zp=^ctd)KXWb{5qwCp;i7NFw5#-E~x5hIHb%f}s@F*0OA}{%3yq##dW0p)kWB`I+@# zoP-=!_*|9@XgOI`#K{!7e_->~(FVk}4L6(Z`)TszW0WNgHMZ!5WS+stz*gpY=@?&- z&DhU&PaMECDTU+D_xgc`Kd@gtRo;$w0f;}Po6yJxWU76B?pNcc@OCD$wYvGv8U!xqy2B@jTH20E=tPeCv04GIomnhAz;)Mc7O?E`^pBw`33*a$9Yl3?$pi=~spqXYQ+P zZloubO9z}r46<$KJ2e0aRpr!T@cmk`Wy zz1Gh%H*_w0R_8eGU4Pncmu}y_aCF>Hv^gJSK^S)dJ!Whxd(N~a<69Xj#4HdyY&A-> zV*UE-o>9Sb#ZVO$gXADtvRFe)Q6S6lvy7SI1(ZQl>@T!a%Lny5#;LyR#$fzW%R1qG zK!t+=th*q>oU{@U3nc1nNi7qCpYXHq z1BqdzPTkYR^-IQkHFk{D2Ji?n#Gtv^e)m6d2jKfv4f4}B=O)zE)^{QkZME7yD{)jf zSkfeCV#9w>(tbHE!{O%wa684EFp;`zafQm(^($W%^wp6Ep6uXY%WUJKW*Pf{x-qU! zgiPSiI6m-dq zN)cRyF8pNrTL7s@uoH>2oE!>QIR7q^y**>$&}O99RfJL8T5{V{9PcFdkD|rCE~vc{ zpGYCrhLSLgm;NYCnKKhDADca+FJbcm5^O@jgmQY^-i6yQ-eG5=gW8QH|Ak+O(H!e+ zoJ{Zy1~imy74LU#L8?QZ3AeJFZ2KVLQf*uYS9muus?-JQV{rZ|5T{)oz`Xdjr!?;1 z*f}xfg*9`~f>}DoI(D_s>275JtcK#{M#cdpPV5Z#Q6}vNX4_8{^N%;)b3~vMbRx@L zIYQuCSpC&LQA>SNZfAxln^JsCj)#UbYs4ehiH<7k)T4bVh&Ae{bT?s7g#`5g5)!Hc!zoRz^Zybx+_=1V>MnGn&k->2@bN z9)V_SF#qtOM@7*x2L`*g%PyMIicC4b@Me?$%Juc(h>?q5NRF553cumkk&WV$Hgoo3 z70Ps3-O%}&|El+?{W0VFwMWIrO7WN4wMd+A+aIA~``ITnM18kRUAsJn@=A=uk;gg_gFn8_DtYeAoNr#&a1@X|&`Tm5|7F*> znfcki{^0uvt9Ip+b-%{ibwqWWw=xp0Ik7=)jw;UM<75RrazDVd)4;h8bA(!#iet0L#>*v=NEu#F^KPz{JF`q9?C}q& z`8N)}&n!2t6_zNDwGo+e>p<)i^4T>wj^}jr2D~F4;Lc`B$xN3mV}2d;I@W5Ru33W- zZUC;`kxqBdxU|VuOQNT2B}HgD{MJF^9S>*E2ROIDeq&76)!DU$Sca%3LWgA}Nf5la zKhs1{t&B?LETO158RnUe2$znkZuO>Knil#eG1+AtPS$n?ZRH)rqruz|5{Sp^i|hGE zb&r3dBALFtL9SD4&-$Me`J?9M_J%Ryqjq=Y)!dBZfVsADqI2K5snh?tY{DjE_|y}! z;Pp5%w;WN1Ey(kQM(fe?iVC4EG&crsFSa9#+CEWL{#?vim!<#nr2)M2&|_H%Wf2|9 z9`2i!8%RvNUW9iKE}-iMdgWF=avA;UMEs8XF(8W+(B2vhvb2a5dq{0ibjsqD{Np&} zV)@o&Z2E_4%CTR1z|!&<^c#8<<9%35h_d|fX{P-$ZP*w60)v=)H>t{NY&LVqO zzsn%zkbzE76q-@q2!uu?vf5U!ZD^y|oTA-#uk3VyvNvZ}M;Uk#0pmuCudPeRxR4-6 zf_r{c|KzOYn}E88JKDy?sO`fF`<)tCEl@{tt~kRg2Rk%PwuFZiqe^ zA|kl5lE!|!td?r)g4*J|xbiy@Cv;h=dB~3`TUstwe)%!f@#(P5l-d5?q5I9vd}Rt* z@@cuex)z{`|3YtPU#E7VQNE{3WD)*rf4}X6^YgaE%m!_QrhndtOkEm_Z*7!yb&YfW zgM*9RLX7UF9U<3*by0eb>{)jo8akc^5LK90Ke0de0jTa_%s(1#NoMTsv zdX|)+8}KGsOadSwP8;)=VIiv=S5sx(LffVL+wXP$HySJRiU#d`oHJ!NB{hrfb0{BJ z0DMibYV9?qndpALRutErLO!E^g${F)gXM@-jUlS(#%T1+g!;$@$|@jw_hPK$tjfp} z$U>>wye)UDwo<}L000~MH@>j&Quh5(4eRk=Qznw`@-T+(yhM&sjy-zuaqly>_dN?Q zYz}lvY1aJeYl{v7DC)$o;lFD`A|NRf#=>MKsblv?`RP!NrDsbqDJTHKuJ9_rwYv|i_PbqDfiA!7rsxHwDF3J8* zwtsjALl6#bpbTRGYO;478fRn{PbmvV4Kf6q19*%Qhr0Ym{4|Lk$1f6q$7aIe_{itk zwi3^2Ek)2!%cJn|RL>L09C8baJnvvq{vv0(Z*3M(pY#YAdhdZ(%idE~;g%A=|A>A{ z6PxOP{4VsMRMR=L>^s}@n2kq3LqmOkeF~~VD)zwJo5`X#x;7Xb zcM_^AHylb2Q;CC_NU+x<*#4Grq%dL4U2AYai`TQu59ybd6EcO+E(rhT4VC;=H~5-uI6HlgvYg!XO4maT!NrH2y`qeED_Yk zy>XE^t~)W;HF0X0D~3(`qBh?UZ_RZ1V$K1uBQuaOkil+{m(Bm5SdB?_DHC(i!x!q5MB{5)%0pDE zjy7y0Zkb@!^36k?tB8Lyj1|NH06h~G!(ZAV8dc)xvaFX6nfC5ki)w%EuBX>_+HYGW zRQs0S6>s|A`$+AnGStD;U!TB)PAjbNl|jAeR^7Htc1(Kts9Vgd5Uy;de(3qtT=Qa5 z*lDia0bT;bO46M2K4(X#R0GgiZrSDMx73vR-9-cc>#|YD>>oHMaQqjO@v1pvjK9(m zTBwM{is+ZY=y0Nttej2>N-g=k*ye^>lNEQ*p(MrRxvhA*Z}W6_B$h9N{(JHeoQq^n zw)dB_{UcJ`mHks9z2155O>?Gr_8wP??6AJlN%Q?|YJBW?`h8}0XQ#tyeP9`MtLY!9b!Vm|T~EZ&#+^G1;SW(}URmvJJz zW0tTsNEJ$F7-XT|yqRVTF4CW?9FSR--I{slrIm*C6xeJ26CCwYwy0z~>t_++?fIyn z&S2Z!P2T*VhqjR@?RA)M+f>qjT*U(t(UHtcpWJvjU9g-S38jHdE`I%+B1_aSTE1A< zgOtS}JPq^M6(s&(hyH$SA1=N+FmP!qRd^V7eCtBLz@aJ|khE4>-Ojj`$JSA76=2#W zLyxrA0n0uoSC%3%>CY3r`o}k>^EFwVSZZntlMuRkSxlu9ed0?UV|%mjFxF1Z07VB7>H?p{cJ*6Q~J+D(Nmqrpgp>Pz_c7_UI?CaY}b@)PLLuX!Nrfl@~Lin>W z!{wVYso|;eo=oH@C>{fbcyNr>Y>@p8nRV$xT0MF{V8y!w;EA}m0BXduBCgj@$ufBG#oX!#E^BK z%>?X|aBzP=1n-E#yIwMw9?JZAGdbNG1V!BW2G66s;k{2+3q zIqp72OI}q7Xu+<{+0&h>z6R@lU`FsWTbejSM_m!-YCmjcw6^?P*ar)k5)K|{WHh+6 zl;N9giLuC#U?_&s-SdieIn5yLAMUn|q9y&H+~q&v{bFkjW=Qx)SehW=t zS$UeWSA&tP-7aS5`uD*P=|{md@fjHw|psy#ReMExBgfY8_Eu-o>F+YSi3C=uSL5@?_{sw4M^kdW?p zO?U0g=6`o(Ja_lJw4Or>)wA`~^%nSD)966@_5yD?(3q`UFyy#o>% z#0^hzoRDpAVvu3dR^x})D3@SH2W^P;rr@V|L$qe2;39$k=6KFxB9ISLwz`)G|xw25Wo`8@}1)KAQegl%ImHeesAqjChd~ zsx_a5kqT*_cYv2opwGe(|7B%GfkQ!Y(#8^ygrba%n);Uun1t z$lSwB+ZshZhVW79*sT&n=*WS8PE0yJtoT$6?OByj9UjG=ooi!kQ1Ja`4eDC%lyDRb z&FRb|hJCd=s`)giI8;cwk-Ifx;1KQW!OB7cx>Z&p>3E?PYj)fE=Lcm+YJd#$!G>}F zFQZKSESum@IC1%CD<0?h3t!HRdyKN-4b9F0+KQd5&%O*AuKb%NeQMy!PUyFJR_%Bc zPV6af)_XP2oSZDf^dC^=%{K{2poH8}co-s6Q^jzk=9?RHA=@(W8I&r@{him3Zo>7= z-0RzVdjTz%f96oreR&U z_#~)*|FaV7zOh2{)0@T%z5d~MhF_EXv|QQk!#Fe!Z;O`9Tt>3IB$IM&(bJikG}LKF z@C*pu&feaj>>V;^Y02k5s(6&r2-&=%7{Dn^bm3i3C(+yoad^!G&vLPpoRwkSm93zU zPGIAgB5YdEg9wWMIa8y(+80o>%`-MsvF~HqqP7zlXgtdgHa3E?lVM%d9nqd6DF3vg zbkcdKS#w!}?p|J!s57BFwR?!YVp#7c?bwSSAw2TwxwiJ@zn&8U-x?$UEO5xV^l254xt^n)^>iuaY=Y zyFwL0g{F*Ohi#-7_y(A6w!Yo4L(OlZ66?LAv^?)d)Vm_~NLgy94D) z#Pp;cGf7#-k!qT-s>Eny+k;CbLM9lXOzrRDv=+#@P_5 zf9fs@SV{@ZI*^!)UM^R;f6ukNk~3l*%D>Z;^W4Mv|j;WUpt%*4)p?*pM%S{l$&Kaf5}=w`S6}H!$ac*`UA&$4)TA6_HFfy?3x_<43u% z!BMGUm6zHYd%D!^lwRa35o_L$Apz|ElZ|83QvX}PyKAO-wBi9&A518p!`wVeNud?A z=`PfKTw?cK+*38kJ#<>oNw`-@_{Xe_beH)cKU}hwV^|ILw})-4`bHYQDuON=L|mGfyp0@M620%&5*gI zKqD$kOICcZyo0o$4uxz40 zR06MD8N#U$wa|qM4?9&}^~S`l`_ z9dYguU`SMvlgc2&^GKPmd1ix|y$eq;7n?QxbWA1$tp)dKC??MgGs|X2d$sUm?1?*z z5*GV{CcIVgQK*OSs0we&`erQU31Do2sQZ)!>(g0Nd2G4^4lV!TqCIz^J$NTV{TAm} zo(V?FqluOS_|3F7Kte`~iU51zp;(K&Ed#4=2V3e!P^`R>|6^a{YW`rnw>F*fNlafL z&S<=p6&UqdDn(HO86i&v zWms85;Nnzld%7^IzZ7p_#G?pxHh}NVpbvu!VO%b|gs-dqVL!pSUENbZ?eRX+Ny{qE zF58JKxj#p;vM{%4sSzcOvUw+ErQ^Y0i6}knx#EFn72=Sbwx0W>ypdelQ*U}5T?o4A#KVUjL^xy0D@)HU ztfFNKX8<9K{G2+I0HxjslH*eH99eo!%z*fczewpKYtK@*32$%_sg32TQ`9KK4^Lu> zL@YkH?Ci-k>20bzpz7`aW|nt%>1jvB(%r`32B`&pMd7-ww+VG#s5+3bTeEbyhu(_U zyVsO-jmv2Zdm2v)MlTLDc4ZYz+&NHM2A-)omC zMdu+>bxGOhfDzE#Sir%}{$Pr(&bxFgnWb2acikvXaDdWDAB&osHcPz-Aow|@W9D%z zM*u2+hDxkDfgWBJ97sP#ZT0=9Ca;lDH>Gpvmr?YNU74%-GkRvT3at}a!U&C3AJ#{e zmD;FgSqIAkejoCe^6b@2#)jZ-l>LqbO3k7N@Z%4?=SVjN^Pn(DvHAd@9b4KoslZmzo$?ZSSN@HRU;0=xae#ms=!u#GW z4Uei4=aO_B=I!0Sk)jWiL#{|B(HxDU8}QZ35Zb;pw@ZgcD3NCrWL5Xf%zDpCQUmQK z9REgcMmHYzE@$)o_BW!jcflkj!;CyWq&i(B`f#DuKC2*&Xr#1l;%h&Ju%z1W4;gmH ztomhUKWvT(5b=mOpx%t-=dT20`=o0M{ZI(+4w2zGWWD}$q)j4HllGCsA;&_Li^0Hm7mqw{>WA$4-W z&@c(!x8qI~Zf4oY<%2etR%+UKQ<5OmA$IAYtWXF>F!GZMz22cpUR$Hk>$vg0iFRjo zBXxZ9sznGRxjU8`V4Hi)rmSJ{Dj+N_$yiC=+IB@JLJYmbVUm-)t`-s5*_zoh{340~ zBzow5l#%beF;3=XMJ1nwUQLgcf%qZ>eJ}Yc#JaLRLZcGyp}KD@sZdl$Gz^w^Gb0tx zG4_W5;?Uu-Tn>pMW&7W@hGwZj=dBy{pPULW)dtSU`f#8FLOta#*ulU^2(Hhfn*;Qs z&vr8qRl9vz_FHY7ZzYlJo0}|2NFOC@rBO}{DLQ4V^<&(avYI4Y7EB11qvCt0NmDa$ zA`z*Qa3&cCAgG0Lj5ryYt1kppT0u<-4Sl4vSg3yF)J>eXN;e>3o&P2lARqx;s>z7TyE)QQhmt;@9Qa$ zTgO|YL<~lZoG-3yJfA^1-dQ+8IjG`csy}a>#ZBK8;tWYZif<&T(ub!%@Ht6h)w%{V zhBxu-jmxWpMI-a6KqgF|`I2Q;s;39m2)E6i+Uk7iW3G6K?=Xl+i!X-^vqwcnm?`}v zEsnk<84>FbIfx^lciUDzekUxf)aBI1{lNcwT%8kiVeg+;fpO1$GAeX#8Eu9%L_;yH z-18AFx4380) z->Nwpc2*jR<6?!;<5h8s0E_67=PRgtVS?uME~faS@dj5x?40CmVDMZrn3K^;sgOG! z@Ij4wnO6rqTJNInw7^K%F)*ZI;Gx!KWzbJ;s(iHe*_>S~qQ-~HVm0Sz^zB>b$7AU_ zC)gmvXi*R-yZq)EEg?SOE#jC4l^v~7YUt*>JFg6WIEs&bvVeLL>252s#E1(*iQw8C z!p3B(iQ&IrnP8+_^O*F`3_Y@uR?GA`ZJOMcIt%rf4WAs!Cyn}Id=Hp$T0Ph8H|BQ` z3f9+V<`1Z$m&ll}V(LxF+vnM`=WW=aXzv&D6qE>KX=B&5={>)RgTd3lS3|b2;6hEO zLdE~(Y{yfB8~YqvoOgUh0l)(AwQm-7sov+z_3q+Xq|{MxK*B%!JQ?F(rqnbafZ~g{ z=TfqcX0!yWoiPER!hKfpdtLv=lw{Or-x_h;SG=KPz0MFvrznYVjI*(7#T@&Xdd=2; z{5cufP6(`32^oi8o%pa>KU)i`6t3L|-oF#6f90cBtXTQ$gN!vc2?cZPsG z1FPlwAk0nrITabQ+V)*N=x)RO_I23TbYN=2)5!FOf-t-5gBw4Tc=$|KgNu7e0&=ZM z1TWXvK}+m;%2NHV|H(Fr2%>a)3QXj22TJ7~-`lJzXps2g@z(Pb7U0l(F$1;yd)y^M zeVzUkB`5UhYT_(nLoUzi{)d%CU8V<`-5G@UQG&`>~J#OC~B?JAKC z0(mcYcvhwJ~tGu5{@tCMtH!)V|nsa#=^MJe{AOGZ88lf|# z7&Me+!eyc7rf_{$u2j<_48SG24@7blRSKg~VePgJOzL0M0pH4gnkz@z6qo~xeAnge znW!=m4>g4|daqk1Ux&4$C^6gdY4Hg{HF$DdCL&t99@( zOc~9Kz=)H$r7ap%7CD8jDv(MzjD0 zL2L2$JNS`KS@7)pxUcw}F$;Xih<@z+!*(a&L+p$A=Z&d(m_}s*4CU&1bADE?0U7g# zsH^g~`3fFs&oQBjuoq-ckqPXHjgvC7fDXCSL>B5o&U+1QQ}GQ9-t>{c8rYd+3P1Y~ z47eFzK{TDs_En|2zRW?oC{fui)C+!lmBjzmPmUUHn-@D)q-|G_rh6qyFTy{2&Lmk3 zgihvRQF)}_##}3j$Ocok(qwNBG?V5QiJqXZaOLx-SvB8(T7JfO^9zD`_NP+#^jAY{ zR6$9ah9h|bPXBVbKz&_ViU#21Xn=(WkTQnmf6p>$_%7w|Fu%JK(v!mz_oyh2w(Cis z$+vhpc-`-L_3L`(;JK|dwpy1ba*PaLw{KkRe$wp`qg{BTV0QF}$ME2*S(ih*@2M>v zV9R&QQKsz+DF#PXZff$RfA!$a3wVonHHR%%*y5i#EQv@_!VS&-*xZ|BU>cR>$g^He zeKJ zf=+b7WMhA>>-0ox-mp#9jP79ecaU00M_Fu2LfF+OLotZpV6F~plH!_!s;Ze;)B`Bg zw8&4|=UKck9~$b4WPZw)}q840t7o6EtzS{n-!qQvV9SVA15ehG;?ocxTi zK3ntaNl<&Iw>t0Rrj4&&5m+6ysGVaMe%q9U`)c%&`<^3>73yKMP1-$oIVCUmk~vhX z&#ZNH-idg&t3%e`n(~cMm`|tOBPO`L%aQv*HbP{Vv9Q0hQ{F7hcIf>{WC4=&$nvEl z^<`YT3dHw9Og9<7SJq)OSXYP2oY}WB5pZ%D9YKM;UF+7mV=g$83&b0Sr#J(mx7ai$W@c&cE)($WJemsCz6*HnzJ zpy$XM9`m`*i%gK0Hd1-*p^}*tkT}FwrnyF4WQ6!cOaYp%Dxm?!V&y}DtS+GP)y_D~ zcDWa2ZTtI!W)m7VA>>-X2{$!Bo^~r#lD+AW-?e{?n3C1q-J&^vEP`@_c7Cl(9{B-k z3V72(tvi<~SQ79wF9u^HCI(^fezUHlJm2~j+cYIrFgGMX9A$VlmLqGP{>7YI>y=n0 z;t}&VHUKDDIa0O5)@&SH%zl3HGPRDC1s}*MoNeYv`=J0wZ1PB+Rd2YcLXz@`ZAmKo zIs~T%_t2cmGwR7erU1WYGZP^-i0cs!X%iW0DsH(!G z3B;RudhZ{WgCFXWbz&W%Sv>SI!=ifsp9LTx4s9U>D$;RJi!RMD76_wnd3yBJ7V66z z1Xz6+HuqFsikD=-E@q|z?6@XbsXrgj`p{@>OnQ&9AU}`f0F^Da+ZTn_0C7N+HU@z+!{gZ(|EHVBxZ;pdawR#Dj zm~Mp(HphGKM2V<^?N_amZV3`jX%@|IZDO)XC_D>kzthV>`o>xf73JVhqj-hl%>kq^ z2*&>7Y~CXb`cXoO>@S)SG6Y++szx%j9c`iV&@LtM$kf8idrN={BWXf7C=co#Q#Kk` zF6IWts~;<@qn*-e;s^3F3}Kzac94k{v+OD4acbWBUyTEWKjK$ujzjxp?AFVKT31f5_jS386NOfhBfal46jfdcZG zcX5xevxh`v<+iugm}mbP~1e^eTPe@>s0kdL}D=VF(F0+w7O zepwb84xOB|r6OX3#JwE`XE9;&!a6?&_nM__rm8)b9q?QGoj+t8o8FU2MSSg0kHzJ& zUG6>_V)a(IIXCo>Pb)a@2weK+R6pgNzF48Y4F!ToW|<4H7UJzU=S+D?c_4Jqi^`lF z6Xf<*xZsaN*GIZvzzf!dG*X+E!(-%H-2c)vGaq~S-YncBsuKpVx}030pRuX0ZtxcH z6JC6yoZFKRb>RWcq=hYS0anR$P6iqeiGclRZD9Nuv|&~|vr2n;L4w{=?vI0r%jy6L z$x@Sg3~7KafG+k?6oarkpm0@_Qgtcl~hzF0~0?; zfa0{A6bRfAn;u>@J3A`JagFpF83j^J?*FL{~Y3L)RT=dJjg0 zn1%xb_Vr)D%g*~A0V6xM-uOj^_H)K+hz={!YlWvF0r9|jS*0)=L0n#~xC~*^P)=Cu z-?f`GaYZ^RG+VTpY=>2)4jmPIe3VRmodp7$;}YlN_6vUH&lq~yyg}QQRVC1m@WU&jK~p1Bz5SZYsJrMS2_Wn17A$}dC6k|4LbX$BUql)2wY^OP zlw-VA7wz4CDUdc`Z+0-k;T!xqEU_l%f8=qv^uC?-Q=Lh#aJtV`K28C_cd0Fd|LM8-4S0_D zc&YxJjAd@?PUAFP#UP_-0_X?D*ndEja@P=xZ88%7Jo@{}P0YlZQ_p4Q87mdGYMb91 z_L?V~UD=l|pr$YjTJXKK<9t>EZBBa;%$7q{lK#e!YDZ`r3&HT<4r*n@aS~W zokuJM&)|7jb5LV+H3zr+60?ozTjr~mcLzDQJLc^&vZifq3%6&O8;JoO91eP96&Tc3 zyGZ4r>0p=;7MGheJ5lIV{8sCzAz-9G;z5Xk6FIBYxd(%{DSFLa$TR8RAGaHXwwlpV zHeq2QPN#BeSTJo-Ir?XP&A!{Cr!2m2honH$X`ams=Sw%IGa{GS0`zRY;Tu^U5KtI` z7INwkwG=*AoiuB76bg>QU)N1`0BJ+7;N((4LSx%Uhuat)^6OUy#|H=H7SI{H4vBJK zcm$iK&dz2bMTA?m-4tU=>_TU%ZSA=7X>oKQyds9Te({E~P4>KRt#N@lbgWb=5}5^rKefNw{`?<8W%@b`1+`OXD8@84haj9**{g6Ryx_{IN0@gcBg3K zFT?Gt@-K_&5MpJ|{{>dc&hB#mQiSSn-yPz+9&-b8)+@tY&(+MZ3k_ZmA|zcn0Oob2 zpH47(W>~3T_p2nFhqd}>_2%gZF4e8MOrMOs!1k=>Nf|maN$xbb)#u@W6>3p1qVC50|=1>el3h z{}h-@q&~0Zs7b~VIQA1;2?w+C>pVV@+3FsOV3=+onZ4h)`~mowsr(n3H@qo&@gRRg z=R0efUdmx~{>^%GX|Y-w*0g;o;W~c6S&%xt7+Gi~(ZU5~R2dMudwt&YD7@IJ(Id9Vc z1c%bqm8df->)yr8^W{T*F*yx-v5vO9+*^s~iz`wtEc|240hW><@jG+;1q_oz@ppJ~ z?bIRv>qTJ}-$zfw7RFt6YkZD>FRsmv!I|=&C>C3tOI8^BJa4+I;vim%{T4Rs@4~L; z+rkJ|q%?8N3@OJ9*8AQlL&Ue}@=*G4l+lvFH^CN|+rs!_QC?DNU>JrQB0iA{3j-z#4BmGg{v9qJ;@w5Mc-#WIq@;eU6im34zp zkk3r)M?yJIx9gWO1P}jpLx~7N)x%p^!V|fzB>D11OxQL%B013>nzl7e-FplXFyDp8 z)Sevu8X7$Y=b+}zt@VNQ$Pbe7Kq4)o*masuPXc2tKE7T3EB65)sY#tGdG&_+)Cr4o zePsDo*}qojJiFRN*3`(sJS3!LEpr=bW;XKW z-ICY#M#6Hpkkgjza`V7-qoEN!($P_4ip+K^+sGBq5`a1lJcTx|nOg zf|8(Voq55yA2HycG&vedRzDl0?KujNE_qxK2|nf zMfo$c1u219*S1GDo;Y8UA`znDTv$MVCl{M$npLqfV?+mxIHcU0#p6Aq=*=%pjuEiA z;QNLLLhj58@&LKphPys<33qWNO6qg$^LQLc>fEMf6DzyW;54G{SU|(3^*_!MB|)w<9lNPjHB%)n_+uf znru^uuPSqB-u20!D%J|%Dm#NsvERU;{a39YjIy6R!kwk3)FU(acrPRp*x7%mYjJ)} zMFF9N$uMR)RO|C5ML&zElLr9QJMaeIc`{oJy^m zB=D3}p9>EAC~D2dDCtr^Ye_3x4&&)vmJRyU*Cu7&7SsY3H0L<0z$)*Qrh4xvEG;q* zCIEkbvayX{R!mBV;)2MjQCa7Cs6~RfNbZh=aXQqM3a_NXKqA50=sJCp9vRb@a@+Wa zir=YmK70j5!))eGig+|SIfL?Eg0uW=iCD=G|31YJ(tO3)&K;C}d~kD%Onm~OC4P*r3XwDnR4Tc(sCVTU_Zbw6N6Qh@$=+i-^Zfg%46GmbJeEG4x_Lt^pDU|_ z@nalw^GZ+@vv!}(_x#N(=kxme@lVq)cy8&2ex@Wej=Y_WXhDi(8Zj>Z2Ta87!j{3G z1mxY`XTfuahoqHk#ko5mwrA#j-ze^MRVczPy02${h0B@U`g=!YZDu@_D^tc?l2Bz+ z2lw3Q2hxp(E(NuG3)7z^R>6z!(&|l~kfcf6k08?g4x_d74V)WeSLB{h{vNXD{hC9L z2VO73FB5RiK0O>O?(Ai=Y1U`2rZJeYz`u*;s2sEyX>i517UJgOrzUp)s(Z+TSgyE+ zlPeW8IcoDvv)}iTOd;y>M#=IXvaQptDnmkyv9SRJnIqe0OW&kku#m`6#BYXe@V20T zrfg>HfRYGv?k6ZRtdha{%)ZA=8|C<*{=N3~N~CMMIgutl^qx@uZ{?8~RrBQJKD%!` zsDg^BcF+FV`*iWSJgP*Wx%Sipzq&$qRpPLa*VYs8bXL8= z0par?-w~seEo1&UjQNci_NpdM*1NL3jfIee33?_R*m$TY1US#bN#i4s)P`D;iKg|= zj(Nr(%o5y|XPa?+>AZc#;`qv?%pO`iyezB-=dh~=J2`>-v$%EVw8w1JW8b;hq#1#Y z{F1zfE6uY9&9JziP(JnhX@e;TdGT)N1sV5NW|f({oe5dVdlf?fPi@HT7zE>8^?>no zHpym6O?4Q~mP2wXshj{Wa`}U8%vk)7gD*r)`bCW02nMEjC-KOiFCWI6goKe^QiFx5 zFRb>V-#sM;5D`7T5B7%9kKCcsoxx&;Pc&(J5)HyB1ZfWn~~rvKNfa*meeQ2m|`W@!AG6;75v5^m6&EY z1m>YphXvJQSHvn*gfgM_{9BN^x@?FMJ?{emA20Yg536G&SVuk9%&$ex(X+5P^KXUdq4yuJiek0)YjE4VUfJDRQtu7GYlRO}HG%ai6T{m1yLdjI%$*d`UHBXN-bf z#M(IByN3*Fmt*(pA`AtLRQX2wcj;C%5g8zU-`+9;emV)ku zY$Obnhs*h?yD(FK@v+HmZkWo+u}r{LKC;_`R{(hMicyNq6P~|xPiC^KAtO^~=ypH9 zK-t|q&CCrH&^^Gk?e@l4_D}KJsRNGSA7`OgWZ~l{tX*T6Q$O1x1-Ud*QI8wLkAgCcJZ+(@*W-b4O69pcpziVtbf+s6F)V06$XKEd?LrCBW@pMblLx4Q# zCV3tF`OF6yQ$blo+kRb_@`0901;YJJDr_Hr>Cl;zbL3{T^*hcUnLk0aODY{^1n`lwvOBz5R#29p?WgSJ40cnl^d&X9YFzmB0ocxBoQ1$7qHT8y*n7rJzC56y;y zxOCYV5&ZgNCbR7loq}{mgtVXHJwW!22CVMP?N99IDTPB3a%S$>BjWWi(!^9Ka`X38 z5<5$@IP59e-WW%e><|r$kYB*&FA~8%PBkY5j&(7%+@1Xb*4#nX*|Ag3Pow?v@8h_U zs$F>KpoIZO$9a3hhTOxFa3S4){ukw(>({v1u_>o)COKR5kW=FE#Vu)N)}z|a_hmniD=v_4->~&Oz>+g0$D2R zXSoA*xvxJ{Lg!;oC5#R*_F7dj;By&{dm)K8@6IJH!s!Gmjc4C3IKcv+FOEdS>@F?@ zq%^F5?qJCu-W}s`Q~RA9Zy60Lp3MmgFi&k1=%0ukPi1h$odg;l!B-P$MFf?(sB0?@ zx7^!SvXGIak`oT<8tZCRYi8F)NADJ;Pzh;UkL? zWo+s3Rmne1!5)=)%P~YbJ-ibcGkEca58T`E1l~iA+R7pjWr^s9PJBtT^MKX74 zpNuxDR7#c-eh}<_q;0+5ZSWVltFWq{Ojsvrgk03ho!!&c9t)U)*W$oG4_#&w@_~s` z9~E0Frieo}bdb;DJKZV0U5D0j(wHvaQ{Db*HN#i{&1*kHDDu@|7#lU z?0Z1dF$5?i*8nb$CY`fvwjP1sMSP3;J{KDT?wxJZXWG>wfc{CVhM7 z>g-AT?TA%~0x7NyeRSJBD(NMfOgDf?RkrFf`eWbR{zSF&lXivGQ_U$S{E{6bS-=qv zkjGwZ)y=vA)kgc5hWeQDg_0A+Ays#{4lmgrNZu-}{ zF)(@S_P;K4EWfj;zh2pEMW1))9zdb}d9i`22(QRo(>aj;qyxI~J;YggsbX)!p;YK+ z1CuAQm%c!Wk%l~Ev@$hm&BydK<-9M{E(7lmtm%(7v#1qM=0O!T9%l zcdXr>Jj*b3aT>Uz;EL@Ybk9soLll~NJTskirm$HhtC={*9LVS``0=up`!vKiA0X;S zqM^~WRwdqsHGMYh^7JFYHYX7EJgXPQ7*1TGeTT(Gkvt ztrcqwg}QWQp?8{x!3aFx{gtvRC}oz=^Qc=4Soi6OAkD9fLId6{jb-2J(Wn!HgT17S zNfIN8b)BGmV9iIoXv?Rg&BG1OLKe|0{xlJOxcdD1@Q}7)(oiR-Y)E+6-PPRt8eVEh zAi3Pg%Lk!@I%NI7d|xs-8&}k|*js1tgIO(0Fp%h1QQ}o2JGq6x8La6LZOvM`Hm{%B zDv_Z6+hbz||J^m|tvu9NxF#7uQdee=<~$P)0TdiB2R zE0I_C3?kls2$m^&#^w_d;f0Bb!GN!(vmeL1NjYk)j^)>#H&5X|VoK%_f}xv(?Shut zlBwVA%%DMkQ-fuJ9iCwF2~tpSMvIlpj~Ee4VgmQjdZXxk;7oMXEd4 zKK8s83XPiyybOFdS<7)7CqFqpbTVfe$-7BsX;ATPO%ox9{X0H3A^X!c(Ns?})PK)G zed+cjpsmMCGd3nTa4vGWF?p|uzrwxAI;DfP`1w6THV)?ksjbK8Of_HkU__d964^#ay~c zwtNc-N6o@XI^d|(B2LKtuDEUGCszumd%_=ORX+>)$#)4|kY1H5C)35bAq48YV(~g3 zUh>QPN)hMcvC7cP9p1_ksR80RK8Hv^jnsg9W%>C=0;5rZBb&w$ja*;a{ex{Gi_%^` z7=A3Z-J|z0nUvH010~2rARRavY@NE{Z^#6f4`W+F@74WMBR#@GjXleu#*f83J-<<+ z%j8@UfKFW-gzKl0FYsR<2!U7P`~Ic@^sI4@vNdDUddtyW8nk&V9XduD7R8j4ho5@5 zrUbvWLp(>!{sTz-(-Zl^vLDZ$_X2cYx`9xm>?!VUb#aruy4hQyS@Vysg-~YI+uIK6 zdOcwyX}+#~(*cb9D!&?6{IVSTQC#}-2d(3}FXvC680P5CL%cUNuf0jrl_x#+D4T@8 zGZ;o-pc07#eZjL2sRG6tNl6ahO%+*-V;el?cm1Vx2IcHlE0?4z99!Cxf!$Y00gRL* zV&5evp0s~JhJWqwi+L^oi`%h&{)IB0xa1`_@o~@dnPO3q*8vd~XSj#cPV}%X$>TvX zB=HmaSHFvxh6O(_Ce6@P0)YYaGK(Hg$}^cWNgM)Z%Qc7jxH&4B&&hFahO1e}zZ=DI z|6VmxRHL+1K;hud$ae+NbLDCurl5a#bi&dta$lI_!hXr+^`Mla#y00sUn2$fs#70? z1VJ)~e@afYwaWsRe>0b!Un0>(sob(z>D}$uC%+#3g{pbC$hMxo4zr1bQi#1MU%;;M z42$I!)bn^uC_x-IU*1^B#<}&66=FbF#||qTK8;N@>;SH2xz7K}Wi+>;5cx+^ zyW5=G(@*Vzx3@t~Pzcp`lw-Tu{m~d4c(^oUU69MqFbSzE;|E z!dkxPD(uPltl}{zfR}7I`t8-fz>yBc9B;6{4WZE3-X8kE2d?vn4ixom!FW&hpQ_!w zAl^s4;Od?$GWk|B5?okpyEzL-Daub-*w)3c%+K>lXoYjJHFuH&m>Rk{v)MYmn6SJ3 z?rqeVC*lwv*N-nAjzY;rbbsA!AQdCjbMzqpp9M&t@fk)>#9gG^anMV2tdJaW+P(Jr zAwdP^roDN^y4iO?SIQfe5i0}yr&07;Em!=@zuL$!oY~t1v=u3~Vm(?`gmMB-DP)>1 zxn)xElt2o1@ct+-HlRt$wG9MQP2psM`$Ns7&j-k6okW+esiEfepYXE$R4^BnwHV68t_ym zc*nc32(yFsxvYj>-FUVYVlrZt{qCj$nx@R}Qb*?oR}WGetjm2oAC^SGE-9g|J+(_} z8mDKMzvkNe~7m9a+u5}^wcxC@^!+W9!m=+|9qbDdq6yiINgC*E+w z?BJ&6f31u3Yx@;uj;L0a=>@baGu-B zk8f1L=i&@$y0Oht{C?`xHfO(Oqo&-ZrUtXnjm$E%!B<|rA+i75W8xCo2J_rL#9Cxf zjRn10Ws|H;WeO`QGVp(UQMLQv_hF$+mN@6vn{o#1)pd1bm{D_OxFrRXtnAJ8WO}Y% zgl_WYfbaEknz!<^o+@S=FKI($2-da-bQho}v4|Hc>LjM3 z3^ihAt!5r^Pfj%#Jp4uQnR!xn$Z#=}kAV9E2=!8g^oM?(pO$oSe90);oNW9EaVzk^ zVj8bnAlE78!;p-XjNez?~RT-!i%)jZz+!T2O4l zgtTSlgkCN1g{Di*XkM&41%Ow6^~w#}fZ)AVsu~Vd4;WA;76%jHZyNW*t)Wl z*t*Io8^+asIJmVZ7ZrUaDxfpCa4sb(qPr5}nnmsZ?$pVBvdwy&FfPhc2sHT2V)>z- zthBz60zk=X;&J{2`QJ}cI>Jd5K6`rN(-IuqvcZrShPtxBE6u@UD|-!}a>T>spwZ(Q zu32ioQuj`;cKi*WP@Pl{P#7Jhy6iBAQu9V?exnBd#2l(ek}dz-M#_DL#M82~gOC!F zmy11=ML~yR4Uf{KdmQd08Nc)|3`*u}dLpR7rGSKhY?pThDYn_*> zv+duBIfF_E3a7d)F`17=OD{J8u%1Sf@mn*?l-mEJ=_~`9e!o6E;wM897$5?U8bd)^ zLWYzu=}EUFP@j|HTU`6_c@<)U7bXY z`9`m!LQvB~X9vVCkrK+1@bS&_c#2j^5#9%ZexfJk)L4lZR}##wF^hu6*KXF&2gHzbY{ipUvH!O#Ccr# z4qYDc*VBFlC_hY+voYb|5U>A}Zsd5C?wdwR_7^NcFot!Mj?^2oc176b>WssTO3VJv zTNMaL?!Z#|nlME4?UV?=qUsP zOouUi3Ws+D#4-JOx?%Q53qTpGE0!Y5o6y#b=Ei0|EucTRwu zv~8&fsxPX&8u}Lf3s)CY%{BR(Hd><3qSfGID{^CP-*J!PhfwP$Cn(;ilJv?uz~@?t z!2?qMn8WOpRYazRiz>}0NBdo8DYow@qpjx(Uk9f-vJ!LScVppiWQp&<@FaD6K^tN1 z-(&U;Gu8)~*>6w^jt;P$2fk&?BwN%pL*k7~-4|XPEcK5MnvNcM-|l)^^@=U{YwM~z zI`}^DKg%&s$rCS5n2nA`jr+R_w_YA@Ypt45{HLZarVn-hSx|T)@i$v=g4=p1lNVc+ zYyS&Y-lZycvny7WLcBL>K3oqJg7%?Ykle z1l1p10Bh)D(7D90J`cSU)fX7s9(Fx=sd zGcp4H%RYLo+etj`o-@I0(#4g$gQ~XCeWvG!I zUGovJZe6EzhcaL5(Q^=p0zC5TI{-5ow$RsW2O`2dD(pjxV#|#cm%%Jhs=4|0QuBPh~fWtM3tY(;P58cyaGm@uyzoj8ZEyYDB#q}S+G=&=L3v>BXd$1+$ z>kv!Rqr@)3UkrNamA&391v<`?H9LOk(8>t<@i9%p@d2;WF@g;+OGdW%Ohf;H14>T~ zf8j*c>~u~zeFjM~>K{sFru7^Af%^Il^`7_2$B?8w15Eje7Av_zH_LT>WPLZLXC9V* zrUg*>SyuLQ?^1Qd2Kw(6m7I-pwu5)omG8#b8nTZ3QBXZNIz+jWqsqTu;?bjY;fV?9 zB1`$imuR2Rf43l5m*OVL%Zty)$C&~*6F75 zzfJdsCP`sw3=^4y_YdQIUg^)I$8+GaI53MDkH}lDPJl7^cxWiSMUlj`e49PvH4!$^fk^kUKFWj;)gXpFCgAX1w;_nL;WEyPUhm;Lh`@LcYXTq6= zONc{Z?>ihI(FXiH`akoN@nPjRSejzvD3C>TX7P!Y(7?pq zrr_s*M?uO5_v0rKe}R-B`~E5H%W7_J8Rka}+(-1UDPVsnX`$<>rkCLA_wGDwnDqS7e;?5Vt+%?(uBle5??#`W`{@1v} zehkl2WZ(0>R7p9#9?Sg#uXFJ>98Tq+(}^ALJhuMEAgHa5;uNefp}SK%jnJC$6sgW+ zM8&6Gx87W1Z*ZkI1a0&5u+snV_Ly$imrRj}q9+xVyrG*7@9szZW73VC_cX1r-Rg%K zvukyGGDRAjUReU^ii}_7r{U}8`)s0~5c^%(D(sKxF7-$;&Ze}lG+B`y@LhP*!beC^ zbwGfBfN$$a(#Wq8^ZS(8R}1Xu{TQyF4!mj+3UJwoeYS+8nWQfrW?*yTW~H;-ZBpt= zm_=eh;*oahpNfCkadH#Y&5bXV6!vMkCxntVRQpMQwmc8U#<5JLLfUA5WlZAoafS3r zHd5xrZ3k^A8FJUXBVkT zKdqUsLhT3e(cAnT%IBvB9wy|D1=N?Ep3Z%2AvV*Lng?qA%svsly#TxFDRMb(BGNR8 z+9urrT%RznW}Fc}q%@b(6X*M2gde#WdUp>}wefzot}pSOM{~=s?4L!PR<2yGQ_l;e zM(?&TOx82ztr;e!?{E6w5%IrCsBN-N5?ND$vn4zhq0{9P z5HciYPIu|O&JVX=f&%HAJE(av{0u1Ot$Dx?R_CfE$bcD<$vO8x%lj&G3DQAR(6UHw~IG0LA~1>R=e`=pNANix4$@(ASsichDC5~<_^G&Hvpo* z9y*xte@AyKbKd*UJ(M@fCXigp5);HXAK(2|cmGIBXKG%H2+CcveJENx?aNGOU7z>* z7U^zng^Z9E-JKYaybe&rZld8Sq*wj&dS-4y*G5!I$%zLd>%8?UIm1;wI`_CO)sHI2 zC$52iLriQUugFXQwB#n1Va}oBc=gYTv}!sbRSVOT%K83h@kDzsY7o0GikW&@bSp|b zWBjXE!8!Z~tG|E${LkR_48nW~)>!kWr141T6!Dt-q$o!BZsKr!9w~=ZV0=hMU~|Pw zJ}#GGG#efJ-WRShW5>pducy96-^juTz>S&+9TjT#Jixi+!dj}7h1R=a7q)x9G*#{D zF;~XLwOYt*yEzJ2i9;eb5%5_zg>4}+<8!|jfQ;e-Hbx#C^g zM8p#ig>3ZS-s>qz@|((;)Bp!i%o{b-pN<~LVzm%kUT<`zo-h_D=q&9Y3ln3>l35k_2M3E3^ot7njUx#uYtxyGjtd2{roOTgiu-?v~25z|h- z<{9xHJO*|T5E7*ub@y+Nszr*Ve%wETr-NkMbU1}Y(qDzZyZ)^-H{~?JL9)@CI!!kl z69YHLuGa?%=4R;Z;u-g%)vUz!8G=myQGhS`%|WQ>?Z2i%)itTh1b;MSKKdgoJ8*M@ z+m)S#`?3z+EOGpK=1Vc`g;XB^1&|92NCUX;q4zU6RYi*KKSMNFSR13!PoL4I^V3*%ctk`jj|^9D zuO<<}x#!CpS6F;(BuXEyLjLtdr}M8B$G&1TfA?sO=iMWN+2o)gU~PhcNIta3$g)M& z^F)MOz04%20Bz_Hv9EG{bOy03 z$2#A3mTu*{@B!g;%zJ9U=ah}Is(*=#4MtOH8t-f;Di{EXidLNqXeMEL&JbGstnqer z3@=J4@58phJOia_%ebV)I@M%I(m-CO?r=#vlNVtt<)^BaC!fp9c!mK-hIb-xny)~B z$)DT?sGxXlv$|G!`Q6N9vK)TYI*>Pi2)jPAlG4er8?6@`oX?NH@X$Ibx- zFx6SaUi(!3f4l?!saAntK$(;02_=f39Es>P&j}R$hN;x%b@xlfFn9*NlV$H4{Tsja z+S1I-AtEdRm6cnluGChMvu>u;STUwZ>1>0`uC_Jay+=8d9dgN4Lz2o<5;Ub3_F~!B zP<_zIL`GqDIosGgVb$!DpoP910n9>JBA!kJjSBAEDb|~+*zrRcZ0*2~$oa~OqrcM^ zdF%Ji)Wy`?<+0GIoneOD2SDA;2hp)9{oB}4rA9g~5%*rT(17zR#;d22muJ^e2QS|i zI`%8}^%=7RXt&Jae%m-#SE0-=+g8z;uQZbk`|HQS4q(85>he33c}Zi)c07uhj{1)^ zgdM$7BcSSK1WaqvgGEOp<$3fk3J;E-$@y&m$ogE*14=4IenpV}xce-F6(DK)An~Q~ zpUQZ(zv6DoC)&ja-rpYxuSWF?_^?|ndU z0PsQI8a@@ycmM_>IXIZcI=k< zZedr&_p2*ZcupZZyFgXKRx>1)dTv*pr!8a+HdU*Fh~+KcvkOra2xsyt ztF+v6*yW9c{fixK8ijNaVIU3y7!x&Fqt=Dmc?!BOBKpozpHRR82a=m`<(b)Z0!aUw zi5}3`6bIpl2-TY!DPvdk%B*S2;aNit!wMU>_w6711l)LmN=6H zcQ%3Crs6FEVP&Rv@8;xGj<|+;s#CeywD9KI{AS=rtg$~2`tCOrf2i{U2vXdsY#wjQ zV@z2t*?l=~@;b>B_R4T1Y+Uc64&@vA!7&ZID{ZE(unNehWLKJSrht|!!g z>;@5HX@whbXt{JxzE_3$v9zGO#1l;QuZ0F~nRomevi&wSd#9OoZf*ufOsJn+dh-h% zH+&Cs$bfsvNCUhD@ToC+w|B3mR44mplo5D$A&bj2)1G8*iW0qkWp*6cIbHxOXpxGj zALEl~Z_fDL=iW^n4Fv5(17~^^f}}JW)t0*^A#lK(V{?uKFG(wdTt%zw>$MiP5E4WTi8S{@Q##;;GxP}4kE_oifBUZaZV|seqY5HdnIcl7*3mS z)K3@4PZw$`!!fHWIeNKY7^)3<#gw)bKE&7YzQ~=Y2de==imma(Ob4|sEH2IuOdOc~ zQNo-de;&EtDrqGZ!Hr@$Fe}^UtxW;j%84ed(#hY9+*Q2xYLB;N)_50MTJtfm1RzO} zc7|?~ge7TPsxCmO-L#LmPut$0P6zo=>*bN1>Rv0-p-qNN{8l!ovxUxJFSiw=NR#R` za9{*|d^wgoK3PIOeww^&p7<`kNJY=_>fl;3TIn)r(;?Jjb*SK+cq=m?Pla+%vD=zH zk&KJ|jAquEPUYTa&NZ9t6Lv^Q{;dSwPqpT2)=s;14eM3$yDKSU^kb0qoIB-~Fv5nq z$EYo47EH3KL&~|iE5o8dg?h5u^M|KAt3FE#&u#Vup|$LA6`^`q*Kw8Qs=DCoC2ewb z9su9cpqQxs?BdyKMbei93G>vB00XbEwP7_xHmJmRzAo~DDR`ZpL0e}?##*Q!S8&_Rx} zxjIrAZy$d+3i!~ZFe^FuCMNZ;Rm#dtFyv+yHa-v1)f6IA04}(iyOifS4j_&w z0nVi6 z?t!U==(7x&Hhga0&@EBb_#h3;v728idJkQ(wz5)S95cwsp6%it#C42_m zHLKly0E<}W+~ z)`gGGT0LG8gg7uha~3b<4yoKamo{J6wW0#vlFka=YI@xW$H3f~217YHZNoW}&D)cK z04b*r#kG)d+X*)E9uQq z)Vw-r!2F5_{a#w!+z^$8bUqdN8@2l3D-S|dLO?9bU7(zkQ79HF|2vN{FdD@HpbtS% zf%aTephfBtF#bFFm>sZcU3I-Px1g>lAM6FBz2#Igi4_pzQya%jyD;yfORS{)_rmiG zs~}Kt8k*?h6tT9qii^ESq`tp>3>H1~AsGTs56;vS{IRmIkywK+^EE!r5s$rKg4sSb zcMw4!6d};WBHJz8RET%sJ(8rloOf&d!`OAJOTR$rQ+#cy5cCLldMYW^FR@Je;iJuS zB$O@>_31!aD1mhugR`!=or8i-Zg3fwe)&syvNP`o(J|l zF3T&jFgI*AOl3^1JA2@cB3z?)$Bsy@a-C^#cHFa?i?5w{78JS2l-7EQ7V14Z3$UBe z^YSg0a;DZr=n@Vm2&s7vT?`U2CP=0M94hZCa<|o0zAGt^uxAdVr|gs9?k3_`8l0>@ z2xK^|88~DN5K|Q#(TIi%$u()*Ma`se$~CN#1mfejz}!8m-dB%$W->LnxVY~p*So!Q znnD(pNBuPc%)bMe-5eYeE1Kl7RRp3?63sio+!6qMPv9w0)%;#AAQe7|9y$RbE^5%% z>xF+WYNT6sq@2N`W@aWTQl3?u+@BQZp4{1Cw~Z181<}?T3%~|M+Dl!aA4o(bZ(j7# zO#6s=XQNYBSFIxv(xDDZ6H&hkc4{EQ++?hxlHoSHi|PUg8AmV&)q$&CRZIU9cVlCA z-7iV~663iI1g6IwpBlsM*-gsHMn(}@#h%2GyeOza(E})g4%40~Z?skQr~X(fek!Zh zuff3mq!QV;cs?1-+)(VvTaO0u)mPpPf4Uw}^FdQy=rrm?WNaH>e=H*8dKXe7v8D%t z4ZK#bKT8CF#27svo7Bf$^PZI#w)Q$_PO7%AX+zeOkg)v1i|cESto_BGMk+fK)#=VT z{Jh-MY5?_ZaNe|$`u1M$RXsaD7_cb$U4izHFLe2h*pnY&>B?b{_WIhUe*q^2_jKY{ zyh~2GhuHu@;g^>9yOz;|=BiW~PeP}NfwvT8GY-+60ny1gPS7oYE}wXa!gL=ZCg?8q zHXW;)=ET#lU(YMp$vvYL4qo`#y8^6kfGAMwz4$&!bb|4Yt*r%hg<2iHFMIOE^MJMg z&jPsLot51fG(q%xn}A{s9JII}@+c@Q$x5f&%H*gqQ3#T@dR&=DlFbn2s|wA~iQc z<-j;HaBDY~`yM3{rIp5|lO&XMjdxogHR&nk!Qu!drmSF)b<~|@(CM9LU zH_6|{JiZ~1_BN5b2hEBjkFkt=GCgSF7D?g2`+*ehA)TzrC;ne>W}3{kjy@T3)ojek z*Vt0y0fcBPv_Ce}rB*rr-hXmgUb%lDX`6z%#P7+?{c_TeMZFiKEYT2roB5&Y%74!} z$hRmwWP1KEc7G)5ry^H6_e(Yats0Z=3begD91jLq?zHt@rIu(Z0OdP&rhZQh4SY&) zq8_m2GiD>+hrSCaL<7MdQh;ex+uQK8d&K^xW4b9m*8IjD9quU?S~za(@3)XGMkCoA z&Frud5IvalMb>lO-TZRI{q3g2@mbyLY?ZqC33;|87E+ZMH)_VmjxN|ii&);}VUKmx zdM|?f!bYr*d(K6@u>O?UrX5##wYue)qdH%E?42s|4akgZ7+tX|dhIBCB2iKX1?;El zKJ%@r=446LU8*$vGQtM>rs8GnAb^{i^*1~elHq(33eTDUd%hjx7&8IhvhH@eRl>;U zq4jP=^1zNI$Li^zO=@=PF%xhNGP7l)h)@Nvab2!ld9<~lPng<)3K(xK-4ub>cPI2n z!HP3BBk*;6n%vj#XpDJ>2r!|3c zJ+awI&oRelXe@3hEfJXD%dDxpHh)WWRs261pa)4ZC`Dxs{Dn6jl2NT!< zlT;(!P=&s(au|-l{M?530DJ*6BNyJoQN?$I8Ly`&pN5{GQNqwh8EQT%#V2=?U?x=T zXyv_$C=QibzdsW%|1P`0Jpv1HB1n6xdznT$+ebQd0HC+jlg>e1Bw3FAt=xx@T`P_l zl-Iu-fKgQ#P`;czvG}89w5H0IsF5ZG*eU`=67}99Wa>62x5z$o4S}EF*170pnBY}H zNFw`&zYHjiL`A&Y)f=f@L&0_4kqNIxk z!6lfVf1~pj9m%tzi<1w5vS|D^JGvRo7t8OHlUQ>!ZpFk>gtSXR^b_2Mu1JDj07b$R znK>H_y*^_TMe-we1?_xy*{mLdBt$J<;}a4d0D55w28*@y-D9Ke=WvzOM6z_?ETkT>=~w^eqhtW_J+avC6z{F2@I?ImFUM> zG#Y>6$+cFd;kJy=HvOcmQE4xyJg4?p0d;H^c-`YW^~APc-2d`wC_POytkF^8OVsD% z>RmZ))(L$9ar9T^d0#k(AXN3nie5o-qlfS!-*A~=V1A& zva9cl(5%04pI_8Q#G=O@g(R(C1hu{BPJ)m6Y0lv%~sW)!c%Uxh;cLCX!y9rZ`% z^OOCrc6JV=bz-laUS)>`a^%SBiet7qF2j4n;^2KHRBS=Oj;4R*H;8!e)a#XPy}YKAN!KC^TJi4ur0EGibMce1!NK+QicqOAk7r)upevmO@LLncXbCjRW`c<%lxC*1>Qz*SisdI_ z;`lH?Gj_Xjbc-0Pg0kTTwO2Ou9d{Gt&!;I9CycE@HnFh^I>XV|XV*>5#c(Ea4MrCn zuxz8^yUB3*>AdX^IUzFDj3Z``QY%PibhrverDFxGqhlKRY_zx~knlceT?YW5MWe0! z4Lg$V@A*_s4P=f~4GiJHEPw1S!{E?xg8M-}2P!W!% zKwqUl+8R=}B^&4X$%T*5EDV5F-a`Y}f&bjx1L3$+flOp}XFy2U@|=`S{1}irvA;LK8K+rz+z0 z-j7wol=f%;JXh98nls6#xRIxGvjiFK=IVt*hWnItb+z@gmb=wiaPS6}SAbCwvi_|% z{Cp>sD>z|Dmr4*1_uFd0@EAbJWyPJa+!6Oao0Bs)4uxk*94;%@5o2&c-Z4E_^+MSE zufiRGrV)M0ZiwuZ_YF7H4)Av&Ujz{Li=40E&j=Xd}_diF>;r;BQk9ac^vP zK~0{NDC(-Nq>|j5Y-P7s)tSsU_js=S;BR<)^By9V1sBdszQzP-bNUc@dHd-{yw0Cl z0zzfYO^X*CceP*OR2sr0cP)vJ-4w{}b^8CEm=F!fCnpii#aTZM&l{4+B&*53^`;{@0_eTc^`t4N~2%c${4cIMhb%vx?2%Ehj z`}3UgYb<$XI|<~kCLO(7onzJu@-X~Ve{%?titgdunW&Uel4sRv%H9VE*j!Yk{$T@R z#XFjV9+K!=VXRdVM!orlJTLWPF-r?%bA-Xf9xYL5MA?tR+dwE4P^G}dKiadHGbV&K zihQ}36*vY4=xU*_gii~mxw4<~7ZQft`%h;YTpZ=^e|8beS1Pl4iwL;9113U&J==X80-bYid>6dWg37$>6raE1a>IDHVn#@?6LSJD&jIXxi9 zred%+MY|hlSpQz5?=ZP4smNQ!b%o73D)YZb(f2mb*Lyu$YFp4#qoHZ+&Jx@hc}G=v z1bsUCwHon-G1OMt1_dCfHTp(xE(5QgT9(wtPRycV(J=`*MeUb{yW$S*LpCb2>2lO{ zW)9uzkJZ_nYi!v~bIU$_dCSTOQIg*tU^AXz5{?s}D4rC1rv@7j`-kSmy! zr28)@0xo~g!a!8lQRdKEp&E>zJ3tjR<&QQ2e8 zq!hMf`mc1d?8;t_?P0xV;@i4KhNhB}?u<-bBqB`zifMMh{tz9E4j~areI04ir84QH zr1V$-6L^^d;3n6fv4@_i=`ZY<#RB)F&C6eZm>D-xN5=foV**)yxW_c&RY?>A>Zl~r z9ymES7Nc?3Cntw92}BR&+4T;Vpo7@5((w1Lude+0m?L7p=jz037lun@17!-!Whi5Q z6xiGO>3<2KrDeu4>AVXBuiXObihHr}nm5bVskiLw!coBbe=FV%il$FM$K!bY+)s^R zx)8Ya&bDe!ZHzjbe^oZ|zOv3T6NTTdUYoZiviv;mmdxf1{0Jp3CIUKgMtoADm?)n^ z=(PHHg4#X_M?a2qmM;q}(Ga2eoI*bLgyHKFZI@$(edPe(t#z=?gp=!uVSERK|JQHH z10Qo8#)l1ob8K?ysIpmyUX}Rb&;SkziE?&xm(?>#T~+73%nmAa8VnN_j#7CyG8{{m z<`M&UYzYKQ;Vvrbd`+Zx-#QdR(@w5k(G85d>^)LOfyja@|s9#{?mRO3E+(*qV=T~Den=Y#?3zT_Q;}_X% z-U|C{ZQT(Izjlh!^40w6hv3eQti_*KmJE6P^?CD39-;MlCP?6f@qfr;v(49s$)20| z88<>hDF0(G8X~x1udK20;!nP-ZsYYZh*P0RRVSz8lhz9*Et48QXF5H~a@MPXn+vNC zp7@=fhGzbq^>Vo={dWd(Td%VhQk*f5c{>euwn>gOUg&&Zt;~P^_!>ilVXwlKAH-R%0fd0bje`f)m7gFJ= zwvCn|dP&~>sut&0Vs@;)eB3avUfmjJi#!#f2KhE;HZ+@?5kQzQYM=Qo5-sK~p}`u1 z;=(v6{l!R+jeXkBxW)yNw>4N>Ota&pvDn(?5?H`WVHX}7j*7M3rl-Y&Cm=Nej|dgtg?{Md_vE4=h&*^rP=BM@qIRIkyr9NI-_|< zbV4tl9F^%0QF^+C17pw5U1>f_o`Sp^vI`r-+9dmv+UiIww?~$%pi3_gF<+lyjE2zv z-ILOKLl+VL?}PEQ2&pvFzl@!L^Wr4?DYa+$T3_66W*ey;Z7ITDUed?(t7@#%=Ki^M z%la*D6UUb#bS(yrf&)dLR?`ZjOJJ1r&c-A`^VMkYbj3bwRjRdFRLfQ-b=#;Odjg2P zWGo|KTtH*JITXAs%^Ea0#*RwPqwN=4Q18%LQYr=UfUc6HzNrruW znu$co@g5qw4X}#BV%f5S-9f6t0UF4@9VeMwhMgqgJ>^CYMymprA1Mz2Z@(&0hKILa<5QrI)h`Z8*)ci4 z%>ou`i0*&^RzSS(kcC7ue?2?b#JkNce{VnEJfebJIn!qVt88v|ha-pk*uOXPDzz|Y z3io161^QzC+Q%w$#@PQ_8m;^>_zK623H=ZysjH((bcgELII}>=-`Hm1huoKYT0c(? zEbZp55hhaJZD7w1ClUhs1NsfFqjeJ!e45y;y9f4^yNu@q|1=fSb0)Iy<)^5x)zI)# zQHylq0k|{}Be0$3dl&6XTZX)pI5M($`iUE_E1uzx| z{mS~upf0a?4L241=b?sqAaO?K->;%H%B<|2VwHz+EVe4BZ#+*la*tS&0j1f}lnRgv zduqEj zuB7G8#wDo^G$7`6%lWyRW{9Ow+=9iFs|R9D8T6xmt137C!wIm$^G;J6Doq>ur&B31 zWb5!;4druI)<^R8=s7C2YYvV3o}{UX## z&?QY(e23Y1#boSZPa2K_rdop4u9LPu6ne~>R7~3PLdW#mMxV4*_<5aJ7`bX?ydte@IVUuST5B7Id1G9xQO>(^z^gcN_ zJCEXO__eA-IS!tEpnr$|P)PDQ=K1v#JjWt9K4IJ8zBkq4M4@9*`6bxDvxP;3DxtCj z_VB}-@n@Fc&`M)ri@(ILhT#49XQb0rXgMOwyTYbvJ)_G#eEx6joKp=Y%34zgo_{iq z=u2gyRB-rjmjsDoT)nPQi(k1yDZ1A%XZ*Gs>C=r5I6=E=gT^!ADDqTtzzBptH9l?v z6TYc_7pFDlZuU*NY?d5D6xV=$%h3y{vRjZZXB}}h8~Bj(Fa6z{SfXOU>20TpV#n^l~JDr zV1lv@LhQ9GDh9=!v*?o2y~6MV$Y*bfK*aBYId*5Q_GVsB!`72SzCknJ{)TeqiHKQ; zBb+ouDG(}#qp9@lw(JPWGrf@at3eMEKXI*y^@)f4lk`g9^pe1H9I)HEX46|a(LrJy z`(gTy-Dn(V2O&UE{Yx;9U-0G{ZAki9s;=7U42%BpgivW|=}ZNKr|<3~Ku+pBI{_g_ zX6ylO{#P{@e~Nxo=W4v;A1z{LR%6Y}&OQ+7+8O6~dz{g15<&y7D>{|{yft*N6gg$` zNcM$a-eO~IOOgcUWS$#3uoZE4BjnV(0bZ%jhDAlH%SP^wWVBqiZ;4tZhj=<%YEV!J zmu2s)H^HCMd%!LNSu3MWm|AzRfz!H)iDhjjvjy*T9@@+nR#N$!1=EE1n6HZK(~LXmxux%3h8@&E)Qb@Exoy)r;hY$MrQth8pfkF>I5<$dcKol(eeG#Q@Ki&3^ z#Q#Dqo_^-Ujn)#rgzwHg?g$JBM5_oz3EUgeGj)*dk4MJv7~Qv-M)M6n8P=Y2!Z3#L zFy2w#vWhZNcT_ZxWg9SZ=a1=|m0O{~CL;QsXFB@NH|`@%Dz5*6QY+(Grp#>2)NWs8 zq6(&0>Tz+F&kyidR;CGF1StVddL%z)i-7qqU-D{0+ymCR9@TWD>+|rJHOvYZF3{CISo|&0pS=(OYzH==$FJ zbh70i9}D87qw#Q1i&eWgoVmiCK7tha@bWUW%{W^u#f_|s`b@(-o5vzE-ZI9>lW=u4(*jKe` zNGl%6NwKHI+O}3u&y9G@JFJmV9C~jFm%;8SU;%&F!K5`&oQe*OvhH&`PWEmdOFSnI z*E!zQJWk3bUS0(adz*f#DpN%%{CcovMM3ta@dQAdeN-!9eA=-!pw7LTHkWVbC*jo?3x0Cq7vT(jfsgdN70VygIJl4sj{Nn@gjGe$)3 z*NUd=YdR~1mdRfN_mXr8Q)slP{)X?Kaw{aG;o5;0oq;{Ewq8n9?5ukpMi-N!8oM&2 z)>p3GlHA#KaM#h*4+~c5=-PS}1)-D1waJ?#0SgL1u2o*+0 z)iok#DOSrx_7MGAAc7@JP$L|`Jph-BZO zIRiU6-)_}0P^KXF#imN7pg5PA9-sWBm$aclpN0(6KR2Qm%XO{CC?S{Fq&;dtJm!SJ zQKs&)g)m`6lclg8L1VV2W3W)-_9$sasUXgjjEGs ziiLJ+r6>BZNB^+FbZMx(S;sL|3VIh+AVZZ`Zhrrr^g&OWsy@lP^-39u0EUtT-t-s? zSF@w747VBtiyD6Q5V25lCusDQYaoFYWc+{#Yn^nta}c5(C8OwQ8Ve6n zWPo(E45k5%epG6nP)^hBchfN6@=MCu-x#9qc;g0NecGQnhk7p|lhKzKa6Y5{47*-A zdw8gm%28^sRc&ARSNeNmzip2`tp&C5LOc^yqxtV3A3hIzXyo>Jrv}y*cy!*X( zv4Cs7hbrp#NzG&xtlEV;=Mp8^D0@9?r77A-$HCEZ_1oXqluINGWqDnGBmI@&wF=E^KZzE0nrbbr5w(z@rHM*hNSoDKO*!_5(Jv#N?V&R6K?kQ9PYb7fEPtE zw|(4@YTekW8c)hMjv7Y5dtx?TLDsapUk#sz_#71zDem24hKeRV6mYE!}n-`1#Mj z-QFmGRlhKK*rlR=;LXL!^#K%0{;RrIBnuXZU?~enbr}FAmV+Uh02Ji`svMzm& z6ZRkcQZEZ*D&L~ZN*@_)iT zCl$oORd=O!%41b`)d^g8j#a~X#l3C_OlgrE)${rUo8*p+tbezJVPDATY3}U)>JZT( zW7k>_rOBDogMh7KUrt3d;vPHirPj}?W1xS|?gA9`U;{}J@PD+F*}2%$k5%u2a}+d(XWWF?`xP(;P27*+H>tHw$#~5ZfR+t%FVx2h~H)b4BA_(7KH+E*&qu; zL~81^cxT0ctF|iLL&meJl~Y7-$SIg1ms^hT1>Ey6-dEC!TQNTxNd_I26Gzj4&|3u@JP~UF+qR~g&c@L==73YaYw5_O zjjEX%a%}}9R|6_UP4(c|<{`+vQHNnOnVa4=-9Pp#G#)}yjuL(UA3ftyO|#L%shO-PuG{1#Bygfc4nR{13Lx^N*tf?k!7K)_)0wnV&GE1;D_45q!TC1 z);vkLmkJs$rV)wf?gI?rveX#h8exFVM@EZ3e8M;Lhx6?nb^)*O!rLIVtRe9{O5!)V zXTsCB(6a|nE=Nu?@?R$PUF(S*XKPNn25$nUdKQBE3Nr7Nu3SRd1D~?nKT_+XcIK3T&vx()8l_9 zp|XfgSrJb06*}|h^NO?axBY=rTV6`8-z_=pa&w;l0lw+-3>kQxz;3gDNazfgyY_=v1$ipgt*xcjxxmKYMEO;AAF=2U zZL?UnAGihh`QCc4H0fIm%V~RMS%awaE$Jpnm+RMCJ*gqT7Z;KPefmsxdiz^QhvNg; zo|ToTjXQ~9dtbgqAuvM5jb_dRW%z9SrvQT*o%l=qf-I1?BQ}`TO?KKn@+WI=(m?Emndxp)5qqK-2gno8 zAFu&bt;|}@N)iF z@<^-7@sT91Mqub~3gPC6{bu9ls`N%p;@&H(hpXpX?Qa=56QP=OU86l(;1z zxotes6id&Vs*}CXx=7^VUwPKT+Bb$$DUz(E5m7R%FXb2nSS-Eb#CbK2aXqz%f z_%r?)D4vBPb=59V?6Z`O;8k}GMuOi~xyjD>m|qNKt9*`pX+d2!e_t0Nnzpu>*{YmX zFh^GSk9w<^&ZfMxxnE8?(Zlj4fz;lru{ka;@*QiZAmtA<1px13 zbyL4)f0^0x`9GS@GoI@If8(}8!a=3%?f43Z$dT=2Zz_8`86D#sBjeaRJJ}-{Co)3z z3>i5_*^XKEI?6aW;eUQN{&&x<&*OZ?`!%lXc~z&^_h%^d*M~_g0F+HMvyC_H_?RZ0 zm7VCwJ@S>dmP_n!y|FhxCU7wfGkqxdF|ePjZDA{O-S5Nu>yPZ^kCZ_mTg-o0R`4Cj za!OoeOQ#qQx6f?@q4nG^1_ck+sMe&CY5ZM$YYyqb?ASWCH(f?(IprEA%E@knh~Gbb zv#le|mN*q^A=6PsWc*Ab?ibhMN-x;>U1U~oSC7emYbPQLJm?+!UK z?Gcgsw|t#N(zBqdmCtA8x1g%hK{s=I&k&kk&UgG+ssrW% zDT9zo<(0MK($t>t2SPLU$X)3ca2AHAWEVaojdnQ#@J0&1q;I9Op|A(6ht`1R7(gSh zA^~3&Bs>n^n>hY++5{nAX$Yk0-^vjKr`bUj%+|B;_c@hd-_0|tWnY_10vj75Em=v7 znPA@qz$Q2;blig@;dV7DM8TZy+Cuy#DDq2%6}=>n+6tj~^Dj^f z_T#Ar1F~=wgKK`r7|q%n|580}M-}k5KB_oPJQn}&CMU2#P%E8Z%K&=v2#J@K+$(gf zYmfR30g(XSsr04+!OMcpUbutE5T`-8o(zst41vdFUU?|J0>EP0b(i`9I{g*-PcPpPG4juIy!KW#